diff --git a/.gitignore b/.gitignore new file mode 100644 index 0000000..5748f6b --- /dev/null +++ b/.gitignore @@ -0,0 +1,179 @@ +# Custom +models/ +data/* +!data/asqa +!data/prompts +!src/data +aws/ +bin/installation/aws/ +bin/installation/awscliv2.zip +index/ +exp_out/ +bin/s3/s3_credentials +bin/s3/aws/ +bin/s3/awscliv2.zip +bin/aws/ +bin/awscliv2.zip +lightning_logs/ +offload/ + +# Byte-compiled / optimized / DLL files +__pycache__/ +*.py[cod] +*$py.class + +# C extensions +*.so + +# Distribution / packaging +.Python +build/ +develop-eggs/ +dist/ +downloads/ +eggs/ +.eggs/ +lib/ +lib64/ +parts/ +sdist/ +var/ +wheels/ +share/python-wheels/ +*.egg-info/ +.installed.cfg +*.egg +MANIFEST + +# PyInstaller +# Usually these files are written by a python script from a template +# before PyInstaller builds the exe, so as to inject date/other infos into it. +*.manifest +*.spec + +# Installer logs +pip-log.txt +pip-delete-this-directory.txt + +# Unit test / coverage reports +htmlcov/ +.tox/ +.nox/ +.coverage +.coverage.* +.cache +nosetests.xml +coverage.xml +*.cover +*.py,cover +.hypothesis/ +.pytest_cache/ +cover/ + +# Translations +*.mo +*.pot + +# Django stuff: +*.log +local_settings.py +db.sqlite3 +db.sqlite3-journal + +# Flask stuff: +instance/ +.webassets-cache + +# Scrapy stuff: +.scrapy + +# Sphinx documentation +docs/_build/ + +# PyBuilder +.pybuilder/ +target/ + +# Jupyter Notebook +.ipynb_checkpoints + +# IPython +profile_default/ +ipython_config.py + +# pyenv +# For a library or package, you might want to ignore these files since the code is +# intended to run in multiple environments; otherwise, check them in: +# .python-version + +# pipenv +# According to pypa/pipenv#598, it is recommended to include Pipfile.lock in version control. +# However, in case of collaboration, if having platform-specific dependencies or dependencies +# having no cross-platform support, pipenv may install dependencies that don't work, or not +# install all needed dependencies. +#Pipfile.lock + +# poetry +# Similar to Pipfile.lock, it is generally recommended to include poetry.lock in version control. +# This is especially recommended for binary packages to ensure reproducibility, and is more +# commonly ignored for libraries. +# https://python-poetry.org/docs/basic-usage/#commit-your-poetrylock-file-to-version-control +#poetry.lock + +# pdm +# Similar to Pipfile.lock, it is generally recommended to include pdm.lock in version control. +#pdm.lock +# pdm stores project-wide configurations in .pdm.toml, but it is recommended to not include it +# in version control. +# https://pdm.fming.dev/#use-with-ide +.pdm.toml + +# PEP 582; used by e.g. github.com/David-OConnor/pyflow and github.com/pdm-project/pdm +__pypackages__/ + +# Celery stuff +celerybeat-schedule +celerybeat.pid + +# SageMath parsed files +*.sage.py + +# Environments +.env +.venv +env/ +venv/ +ENV/ +env.bak/ +venv.bak/ + +# Spyder project settings +.spyderproject +.spyproject + +# Rope project settings +.ropeproject + +# mkdocs documentation +/site + +# mypy +.mypy_cache/ +.dmypy.json +dmypy.json + +# Pyre type checker +.pyre/ + +# pytype static type analyzer +.pytype/ + +# Cython debug symbols +cython_debug/ + +# PyCharm +# JetBrains specific template is maintained in a separate JetBrains.gitignore that can +# be found at https://github.com/github/gitignore/blob/main/Global/JetBrains.gitignore +# and can be added to the global gitignore or merged into this file. For a more nuclear +# option (not recommended) you can uncomment the following to ignore the entire idea folder. +#.idea/ diff --git a/README.md b/README.md index 847260c..f945a7d 100644 --- a/README.md +++ b/README.md @@ -1,11 +1,71 @@ -## My Project +## Description -TODO: Fill this README out! +This repository maintains the code for **CaLF**, with the associated ACL 2024 paper: [Learning to Generate Answers with Citations via Factual Consistency Models](https://arxiv.org/abs/2406.13124). -Be sure to: +> Large Language Models (LLMs) frequently hallucinate, impeding their reliability in mission-critical situations. One approach to address this issue is to provide citations to relevant sources alongside generated content, enhancing the verifiability of generations. However, citing passages accurately in answers remains a substantial challenge. This paper proposes a weakly-supervised fine-tuning method leveraging factual consistency models (FCMs). Our approach alternates between generating texts with citations and supervised fine-tuning with FCM-filtered citation data. Focused learning is integrated into the objective, directing the fine-tuning process to emphasise the factual unit tokens, as measured by an FCM. Results on the ALCE few-shot citation benchmark with various instruction-tuned LLMs demonstrate superior performance compared to in-context learning, vanilla supervised fine-tuning, and state-of-the-art methods, with an average improvement of $34.1$, $15.5$, and $10.5$ citation F$_1$ points, respectively. Moreover, in a domain transfer setting we show that the obtained citation generation ability robustly transfers to unseen datasets. Notably, our citation improvements contribute to the lowest factual error rate across baselines. + +## Installation + +Install relevant packages within a new conda environment by calling the installation script from the root directory: +``` +./bin/installation/install.sh +``` + +Download the AlignScore factual consistency model and place it into the expected folder by calling the following script: + +``` +./bin/installation/download_fcm.sh +``` + + +### Download Data + +Sample data from the ASQA dataset to run CaLF out of the box is part of the repository in `data/asqa/`. CaLF can be trained on any long-form question answering dataset. To train a model on the full data for `ASQA`, `ELI5`, and `FactScore` as used for the experiments described in the paper, please download the data [here](https://drive.google.com/file/d/1VulWcG80vQ6V7TZcq4kflitE5Xb7IHvE/view?usp=sharing). + + +## Running Experiments + +To check first whether the code pipeline will execute correcty, you can run CaLF on a small subset of the data by calling + +``` +./bin/run_calf_debug.sh default asqa lora_100_steps_bootstrapping_chat_templates token_rescaling mistralorca gtr all alignscore_threshold_09 0 0,1,2,3,4,5,6,7 +``` + +To train and evaluate CaLF on the full ASQA dataset as provided in `data/asqa` run: + +``` +./bin/run_calf.sh default asqa lora_100_steps_bootstrapping_chat_templates token_rescaling mistralorca gtr all alignscore_threshold_09 0 0,1,2,3,4,5,6,7 +``` + +1. `default`: answer truncation mode (none) +2. `asqa`: dataset +3. `lora_100_steps_bootstrapping_chat_templates`: environment (lora fine-tuning, 100 steps, chat templates, and in-context in first iteration) +4. `token_rescaling`: focused learning mode (either `token_rescaling` or `none`) +6. `mistralorca`: LLM +7. `gtr`: Retrieval system (the retrieval is pre-compiled with ASQA only supporting GTR, and ELI5 only supporting BM25) +8. `all`: Training samples to use +9. `alignscore_threshold_09`: Generation of weakly-supervised data with filtering via AlignScore and a threshold of 0.9 +10. `0`: Random seed +11. `0,1,2,3,4,5,6,7`: CUDA visible devices + +All configuration settings for each argument can be found in the folder `configs`. + +The script trains the LLM iteratively on a fully and weakly supervsed data and evaluates its performance after the training process is completed. + +If you want to call the evaluation script independently, call `val.sh` with the same arguments as above. If you have trained a CaLF model which you wish to evaluate, you can call `val_from_saved.sh`, which loads the trained weights before evaluation. Finally, `val_from_saved_transfer.sh` can be used to evaluate a model on a new dataset in a domain-transfer scenario (i.e. results in Table 2). In addition to the afforementioned arguments, the transfer evaluation script takes two additional arguments: the target dataset name and the target dataset retrieval system (13 arguments in total). + +### Results +CaLF stops training on the sample data after 7 iterations, producing the following results: + + +| Model | Rougle-L | EM Recall (Grounded) | Citation F1 | +|------------------------|----------|----------------------|-------------| +| Baseline (sample data) | 38.2 | 29.0 | 72.6 | +| CaLF (sample data) | 40.3 | 28.9 | 81.4 | +| CaLF | 40.9 | 34.5 | 80.5 | + +Already with the 240 unlabeled training instances of the sample data (1/4 of the full training data), we observe substential citation improvements compared to our FT-baseline. However, for best results train on the entire data collection (see above). -* Change the title in this README -* Edit your repository description on GitHub ## Security @@ -14,4 +74,3 @@ See [CONTRIBUTING](CONTRIBUTING.md#security-issue-notifications) for more inform ## License This project is licensed under the Apache-2.0 License. - diff --git a/bin/installation/download_fcm.sh b/bin/installation/download_fcm.sh new file mode 100755 index 0000000..bb2044c --- /dev/null +++ b/bin/installation/download_fcm.sh @@ -0,0 +1,2 @@ +mkdir models +wget https://huggingface.co/yzha/AlignScore/resolve/main/AlignScore-large.ckpt -P models/ \ No newline at end of file diff --git a/bin/installation/install.sh b/bin/installation/install.sh new file mode 100644 index 0000000..b6b1e08 --- /dev/null +++ b/bin/installation/install.sh @@ -0,0 +1,11 @@ +conda create -n lfqa python=3.10 +conda activate lfqa + +python3 -m pip install torch +python3 -m pip install -r requirements.txt +python3 -m pip uninstall faiss-cpu +python3 -m pip uninstall faiss-gpu +python3 -m pip install faiss-gpu + +python3 -m spacy download en_core_web_sm +python3 -m nltk.downloader punkt \ No newline at end of file diff --git a/bin/run.sh b/bin/run.sh new file mode 100755 index 0000000..a1a2ff8 --- /dev/null +++ b/bin/run.sh @@ -0,0 +1 @@ +CUDA_VISIBLE_DEVICES=${10} python3 -m src.run -c configs/answer_truncation/$1.json+configs/dataset/$2.json+configs/environment/$3.json+configs/focused_learning/$4.json+configs/model/$5.json+configs/retrieval/$6.json+configs/samples/$7.json+configs/ws_attribution_training/$8.json -k exp_name=$2/answer_truncation_$1__environment_$3__focused_learning_$4__model_$5__retriever_$6__samples_$7__ws_$8/${9}/iter_${11} seed=${9} ws_iteration=${11} \ No newline at end of file diff --git a/bin/run_calf.sh b/bin/run_calf.sh new file mode 100755 index 0000000..9906057 --- /dev/null +++ b/bin/run_calf.sh @@ -0,0 +1,31 @@ +for i in 1 2 3 4 5 6 7 8 9 10 + do + if [ $i = "1" ]; then + ./bin/run.sh $1 $2 $3 $4 $5 $6 $7 $8 $9 ${10} $i + + nvidia-smi | grep 'python' | awk '{ print $5 }' | xargs -n1 kill -9 + sleep 5 + else + ./bin/train.sh $1 $2 $3 $4 $5 $6 $7 $8 $9 ${10} $i + + nvidia-smi | grep 'python' | awk '{ print $5 }' | xargs -n1 kill -9 + sleep 5 + + ./bin/run_from_saved.sh $1 $2 $3 $4 $5 $6 $7 $8 $9 ${10} $i + status=$? + + echo $status + + nvidia-smi | grep 'python' | awk '{ print $5 }' | xargs -n1 kill -9 + sleep 5 + + if [ $status -ne 0 ]; then + break + fi + fi + done + +./bin/val_from_saved.sh $1 $2 $3 $4 $5 $6 $7 $8 $9 ${10} $i + +nvidia-smi | grep 'python' | awk '{ print $5 }' | xargs -n1 kill -9 +sleep 5 \ No newline at end of file diff --git a/bin/run_calf_debug.sh b/bin/run_calf_debug.sh new file mode 100755 index 0000000..77af8e2 --- /dev/null +++ b/bin/run_calf_debug.sh @@ -0,0 +1,32 @@ +for i in 1 2 3 + do + if [ $i = "1" ]; then + ./bin/run_debug.sh $1 $2 $3 $4 $5 $6 $7 $8 $9 ${10} $i + + nvidia-smi | grep 'python' | awk '{ print $5 }' | xargs -n1 kill -9 + sleep 5 + else + ./bin/train_debug.sh $1 $2 $3 $4 $5 $6 $7 $8 $9 ${10} $i + + nvidia-smi | grep 'python' | awk '{ print $5 }' | xargs -n1 kill -9 + sleep 5 + + ./bin/run_from_saved_debug.sh $1 $2 $3 $4 $5 $6 $7 $8 $9 ${10} $i + + status=$? + + echo $status + + nvidia-smi | grep 'python' | awk '{ print $5 }' | xargs -n1 kill -9 + sleep 5 + + if [ $status -ne 0 ]; then + break + fi + fi + done + +./bin/val_from_saved_debug.sh $1 $2 $3 $4 $5 $6 $7 $8 $9 ${10} $i + +nvidia-smi | grep 'python' | awk '{ print $5 }' | xargs -n1 kill -9 +sleep 5 \ No newline at end of file diff --git a/bin/run_debug.sh b/bin/run_debug.sh new file mode 100755 index 0000000..c534e60 --- /dev/null +++ b/bin/run_debug.sh @@ -0,0 +1 @@ +CUDA_VISIBLE_DEVICES=${10} python3 -m src.run -c configs/answer_truncation/$1.json+configs/dataset/$2.json+configs/environment/$3.json+configs/focused_learning/$4.json+configs/model/$5.json+configs/retrieval/$6.json+configs/samples/$7.json+configs/ws_attribution_training/$8.json -k exp_name=$2/answer_truncation_$1__environment_$3__focused_learning_$4__model_$5__retriever_$6__samples_$7__ws_$8_DEBUG/${9}/iter_${11} seed=${9} is_debug=True ws_iteration=${11} \ No newline at end of file diff --git a/bin/run_from_saved.sh b/bin/run_from_saved.sh new file mode 100755 index 0000000..148f7a2 --- /dev/null +++ b/bin/run_from_saved.sh @@ -0,0 +1,3 @@ +exp_name=$2/answer_truncation_$1__environment_$3__focused_learning_$4__model_$5__retriever_$6__samples_$7__ws_$8/${9}/iter_${11} + +CUDA_VISIBLE_DEVICES=${10} python3 -m src.run -c configs/answer_truncation/$1.json+configs/dataset/$2.json+configs/environment/$3.json+configs/focused_learning/$4.json+configs/model/$5.json+configs/retrieval/$6.json+configs/samples/$7.json+configs/ws_attribution_training/$8.json -k exp_name=${exp_name} seed=${9} load_weight=exp_out/${exp_name}/finish.pt ws_iteration=${11} \ No newline at end of file diff --git a/bin/run_from_saved_debug.sh b/bin/run_from_saved_debug.sh new file mode 100755 index 0000000..4b07c7f --- /dev/null +++ b/bin/run_from_saved_debug.sh @@ -0,0 +1,3 @@ +exp_name=$2/answer_truncation_$1__environment_$3__focused_learning_$4__model_$5__retriever_$6__samples_$7__ws_$8_DEBUG/${9}/iter_${11} + +CUDA_VISIBLE_DEVICES=${10} python3 -m src.run -c configs/answer_truncation/$1.json+configs/dataset/$2.json+configs/environment/$3.json+configs/focused_learning/$4.json+configs/model/$5.json+configs/retrieval/$6.json+configs/samples/$7.json+configs/ws_attribution_training/$8.json -k exp_name=${exp_name} seed=${9} load_weight=exp_out/${exp_name}/finish.pt is_debug=True ws_iteration=${11} \ No newline at end of file diff --git a/bin/train.sh b/bin/train.sh new file mode 100755 index 0000000..9401e02 --- /dev/null +++ b/bin/train.sh @@ -0,0 +1,3 @@ +export TOKENIZERS_PARALLELISM=true + +CUDA_VISIBLE_DEVICES=${10} python3 -m src.train -c configs/answer_truncation/$1.json+configs/dataset/$2.json+configs/environment/$3.json+configs/focused_learning/$4.json+configs/model/$5.json+configs/retrieval/$6.json+configs/samples/$7.json+configs/ws_attribution_training/$8.json -k exp_name=$2/answer_truncation_$1__environment_$3__focused_learning_$4__model_$5__retriever_$6__samples_$7__ws_$8/${9}/iter_${11} seed=${9} ws_iteration=${11} \ No newline at end of file diff --git a/bin/train_debug.sh b/bin/train_debug.sh new file mode 100755 index 0000000..faac991 --- /dev/null +++ b/bin/train_debug.sh @@ -0,0 +1,3 @@ +export TOKENIZERS_PARALLELISM=true + +CUDA_VISIBLE_DEVICES=${10} python3 -m src.train -c configs/answer_truncation/$1.json+configs/dataset/$2.json+configs/environment/$3.json+configs/focused_learning/$4.json+configs/model/$5.json+configs/retrieval/$6.json+configs/samples/$7.json+configs/ws_attribution_training/$8.json -k exp_name=$2/answer_truncation_$1__environment_$3__focused_learning_$4__model_$5__retriever_$6__samples_$7__ws_$8_DEBUG/${9}/iter_${11} seed=${9} num_steps=50 is_debug=True ws_iteration=${11} \ No newline at end of file diff --git a/bin/val.sh b/bin/val.sh new file mode 100755 index 0000000..b60ca52 --- /dev/null +++ b/bin/val.sh @@ -0,0 +1 @@ +CUDA_VISIBLE_DEVICES=${10} python3 -m src.val -c configs/answer_truncation/$1.json+configs/dataset/$2.json+configs/environment/$3.json+configs/focused_learning/$4.json+configs/model/$5.json+configs/retrieval/$6.json+configs/samples/$7.json+configs/ws_attribution_training/$8.json -k exp_name=$2/answer_truncation_$1__environment_$3__focused_learning_$4__model_$5__retriever_$6__samples_$7__ws_$8/${9}/iter_${11} seed=${9} ws_iteration=${11} \ No newline at end of file diff --git a/bin/val_debug.sh b/bin/val_debug.sh new file mode 100755 index 0000000..7223afc --- /dev/null +++ b/bin/val_debug.sh @@ -0,0 +1 @@ +CUDA_VISIBLE_DEVICES=${10} python3 -m src.val -c configs/answer_truncation/$1.json+configs/dataset/$2.json+configs/environment/$3.json+configs/focused_learning/$4.json+configs/model/$5.json+configs/retrieval/$6.json+configs/samples/$7.json+configs/ws_attribution_training/$8.json -k exp_name=$2/answer_truncation_$1__environment_$3__focused_learning_$4__model_$5__retriever_$6__samples_$7__ws_$8_DEBUG/${9}/iter_${11} seed=${9} is_debug=True ws_iteration=${11} \ No newline at end of file diff --git a/bin/val_from_saved.sh b/bin/val_from_saved.sh new file mode 100755 index 0000000..f56c928 --- /dev/null +++ b/bin/val_from_saved.sh @@ -0,0 +1,3 @@ +exp_name=$2/answer_truncation_$1__environment_$3__focused_learning_$4__model_$5__retriever_$6__samples_$7__ws_$8/${9}/iter_${11} + +CUDA_VISIBLE_DEVICES=${10} python3 -m src.val -c configs/answer_truncation/$1.json+configs/dataset/$2.json+configs/environment/$3.json+configs/focused_learning/$4.json+configs/model/$5.json+configs/retrieval/$6.json+configs/samples/$7.json+configs/ws_attribution_training/$8.json -k exp_name=${exp_name} seed=${9} load_weight=exp_out/${exp_name}/finish.pt ws_iteration=${11} \ No newline at end of file diff --git a/bin/val_from_saved_debug.sh b/bin/val_from_saved_debug.sh new file mode 100755 index 0000000..d08c485 --- /dev/null +++ b/bin/val_from_saved_debug.sh @@ -0,0 +1,3 @@ +exp_name=$2/answer_truncation_$1__environment_$3__focused_learning_$4__model_$5__retriever_$6__samples_$7__ws_$8_DEBUG/${9}/iter_${11} + +CUDA_VISIBLE_DEVICES=${10} python3 -m src.val -c configs/answer_truncation/$1.json+configs/dataset/$2.json+configs/environment/$3.json+configs/focused_learning/$4.json+configs/model/$5.json+configs/retrieval/$6.json+configs/samples/$7.json+configs/ws_attribution_training/$8.json -k exp_name=${exp_name} seed=${9} load_weight=exp_out/${exp_name}/finish.pt is_debug=True ws_iteration=${11} \ No newline at end of file diff --git a/bin/val_from_saved_transfer.sh b/bin/val_from_saved_transfer.sh new file mode 100755 index 0000000..866def5 --- /dev/null +++ b/bin/val_from_saved_transfer.sh @@ -0,0 +1,5 @@ +exp_name=${2}/TRANSFER_answer_truncation_$1__environment_$3__focused_learning_$4__model_$5__retriever_$6__samples_$7__ws_$8/${9}/iter_${11} +exp_name_weights=${12}/answer_truncation_$1__environment_$3__focused_learning_$4__model_$5__retriever_${13}__samples_$7__ws_$8/${9}/iter_${11} + + +CUDA_VISIBLE_DEVICES=${10} python3 -m src.val -c configs/answer_truncation/$1.json+configs/dataset/$2.json+configs/environment/$3.json+configs/focused_learning/$4.json+configs/model/$5.json+configs/retrieval/$6.json+configs/samples/$7.json+configs/ws_attribution_training/$8.json -k exp_name=${exp_name} seed=${9} load_weight=exp_out/${exp_name_weights}/finish.pt ws_iteration=${11} \ No newline at end of file diff --git a/configs/answer_truncation/100.json b/configs/answer_truncation/100.json new file mode 100644 index 0000000..0ca3612 --- /dev/null +++ b/configs/answer_truncation/100.json @@ -0,0 +1,5 @@ +{ + "generation_max_length": 100, + "train_max_length": 100, + "answer_truncation": "all" +} \ No newline at end of file diff --git a/configs/answer_truncation/100_inference_only.json b/configs/answer_truncation/100_inference_only.json new file mode 100644 index 0000000..8d00ba9 --- /dev/null +++ b/configs/answer_truncation/100_inference_only.json @@ -0,0 +1,4 @@ +{ + "generation_max_length": 100, + "answer_truncation": "inference" +} \ No newline at end of file diff --git a/configs/answer_truncation/100_train_only.json b/configs/answer_truncation/100_train_only.json new file mode 100644 index 0000000..36acb91 --- /dev/null +++ b/configs/answer_truncation/100_train_only.json @@ -0,0 +1,5 @@ +{ + "train_max_length": 100, + "generation_max_length": 256, + "answer_truncation": "train" +} \ No newline at end of file diff --git a/configs/answer_truncation/all.json b/configs/answer_truncation/all.json new file mode 100644 index 0000000..60549c3 --- /dev/null +++ b/configs/answer_truncation/all.json @@ -0,0 +1,5 @@ +{ + "generation_max_length": 2000, + "train_max_length": 512, + "answer_truncation": "none" +} \ No newline at end of file diff --git a/configs/answer_truncation/default.json b/configs/answer_truncation/default.json new file mode 100644 index 0000000..ff640b0 --- /dev/null +++ b/configs/answer_truncation/default.json @@ -0,0 +1,5 @@ +{ + "generation_max_length": 256, + "train_max_length": 512, + "answer_truncation": "none" +} \ No newline at end of file diff --git a/configs/dataset/asqa.json b/configs/dataset/asqa.json new file mode 100644 index 0000000..b4477cc --- /dev/null +++ b/configs/dataset/asqa.json @@ -0,0 +1,3 @@ +{ + "dataset": "asqa" +} \ No newline at end of file diff --git a/configs/dataset/eli5.json b/configs/dataset/eli5.json new file mode 100644 index 0000000..9a44ccc --- /dev/null +++ b/configs/dataset/eli5.json @@ -0,0 +1,3 @@ +{ + "dataset": "eli5" +} \ No newline at end of file diff --git a/configs/dataset/factscore.json b/configs/dataset/factscore.json new file mode 100644 index 0000000..359df48 --- /dev/null +++ b/configs/dataset/factscore.json @@ -0,0 +1,3 @@ +{ + "dataset": "factscore" +} \ No newline at end of file diff --git a/configs/dataset/hagrid.json b/configs/dataset/hagrid.json new file mode 100644 index 0000000..1e26b68 --- /dev/null +++ b/configs/dataset/hagrid.json @@ -0,0 +1,3 @@ +{ + "dataset": "hagrid" +} \ No newline at end of file diff --git a/configs/dataset/qampari.json b/configs/dataset/qampari.json new file mode 100644 index 0000000..ecbc892 --- /dev/null +++ b/configs/dataset/qampari.json @@ -0,0 +1,3 @@ +{ + "dataset": "qampari" +} \ No newline at end of file diff --git a/configs/environment/lora_100_steps.json b/configs/environment/lora_100_steps.json new file mode 100644 index 0000000..50d8bec --- /dev/null +++ b/configs/environment/lora_100_steps.json @@ -0,0 +1,9 @@ +{ + "batch_size": 1, + "eval_batch_size": 2, + "n_context": 3, + "retriever_n_context": 3, + "lr": 3e-4, + "num_steps": 100, + "trainable_param_names": ".*layer_norm.*|.*lora_[ab].*|.*lora_[AB].*||.*lora_embedding_[AB].*" +} \ No newline at end of file diff --git a/configs/environment/lora_100_steps_bootstrapping.json b/configs/environment/lora_100_steps_bootstrapping.json new file mode 100644 index 0000000..2aa1245 --- /dev/null +++ b/configs/environment/lora_100_steps_bootstrapping.json @@ -0,0 +1,10 @@ +{ + "batch_size": 1, + "eval_batch_size": 2, + "n_context": 3, + "retriever_n_context": 3, + "lr": 3e-4, + "num_steps": 100, + "trainable_param_names": ".*layer_norm.*|.*lora_[ab].*|.*lora_[AB].*||.*lora_embedding_[AB].*", + "bootstrapping": true +} \ No newline at end of file diff --git a/configs/environment/lora_100_steps_bootstrapping_chat_templates.json b/configs/environment/lora_100_steps_bootstrapping_chat_templates.json new file mode 100644 index 0000000..926e7df --- /dev/null +++ b/configs/environment/lora_100_steps_bootstrapping_chat_templates.json @@ -0,0 +1,11 @@ +{ + "batch_size": 1, + "eval_batch_size": 2, + "n_context": 3, + "retriever_n_context": 3, + "lr": 3e-4, + "num_steps": 100, + "trainable_param_names": ".*layer_norm.*|.*lora_[ab].*|.*lora_[AB].*||.*lora_embedding_[AB].*", + "bootstrapping": true, + "use_chat_template": true +} \ No newline at end of file diff --git a/configs/environment/lora_100_steps_bootstrapping_chat_templates_replacements.json b/configs/environment/lora_100_steps_bootstrapping_chat_templates_replacements.json new file mode 100644 index 0000000..68b80d2 --- /dev/null +++ b/configs/environment/lora_100_steps_bootstrapping_chat_templates_replacements.json @@ -0,0 +1,12 @@ +{ + "batch_size": 1, + "eval_batch_size": 2, + "n_context": 3, + "retriever_n_context": 3, + "lr": 3e-4, + "num_steps": 100, + "trainable_param_names": ".*layer_norm.*|.*lora_[ab].*|.*lora_[AB].*||.*lora_embedding_[AB].*", + "bootstrapping": true, + "use_chat_template": true, + "sample_citation_replacements": true +} \ No newline at end of file diff --git a/configs/environment/lora_100_steps_bs_1.json b/configs/environment/lora_100_steps_bs_1.json new file mode 100644 index 0000000..88da19d --- /dev/null +++ b/configs/environment/lora_100_steps_bs_1.json @@ -0,0 +1,9 @@ +{ + "batch_size": 1, + "eval_batch_size": 1, + "n_context": 3, + "retriever_n_context": 3, + "lr": 3e-4, + "num_steps": 100, + "trainable_param_names": ".*layer_norm.*|.*lora_[ab].*|.*lora_[AB].*||.*lora_embedding_[AB].*" +} \ No newline at end of file diff --git a/configs/environment/lora_100_steps_bs_1_bootstrapping.json b/configs/environment/lora_100_steps_bs_1_bootstrapping.json new file mode 100644 index 0000000..a53a6a9 --- /dev/null +++ b/configs/environment/lora_100_steps_bs_1_bootstrapping.json @@ -0,0 +1,10 @@ +{ + "batch_size": 1, + "eval_batch_size": 1, + "n_context": 3, + "retriever_n_context": 3, + "lr": 3e-4, + "num_steps": 100, + "trainable_param_names": ".*layer_norm.*|.*lora_[ab].*|.*lora_[AB].*||.*lora_embedding_[AB].*", + "bootstrapping": true +} \ No newline at end of file diff --git a/configs/environment/lora_100_steps_bs_1_bootstrapping_chat_templates.json b/configs/environment/lora_100_steps_bs_1_bootstrapping_chat_templates.json new file mode 100644 index 0000000..88353cc --- /dev/null +++ b/configs/environment/lora_100_steps_bs_1_bootstrapping_chat_templates.json @@ -0,0 +1,11 @@ +{ + "batch_size": 1, + "eval_batch_size": 1, + "n_context": 3, + "retriever_n_context": 3, + "lr": 3e-4, + "num_steps": 100, + "trainable_param_names": ".*layer_norm.*|.*lora_[ab].*|.*lora_[AB].*||.*lora_embedding_[AB].*", + "bootstrapping": true, + "use_chat_template": true +} \ No newline at end of file diff --git a/configs/environment/lora_100_steps_bs_1_bootstrapping_chat_templates_replacements.json b/configs/environment/lora_100_steps_bs_1_bootstrapping_chat_templates_replacements.json new file mode 100644 index 0000000..2dde0ec --- /dev/null +++ b/configs/environment/lora_100_steps_bs_1_bootstrapping_chat_templates_replacements.json @@ -0,0 +1,12 @@ +{ + "batch_size": 1, + "eval_batch_size": 1, + "n_context": 3, + "retriever_n_context": 3, + "lr": 3e-4, + "num_steps": 100, + "trainable_param_names": ".*layer_norm.*|.*lora_[ab].*|.*lora_[AB].*||.*lora_embedding_[AB].*", + "bootstrapping": true, + "use_chat_template": true, + "sample_citation_replacements": true +} \ No newline at end of file diff --git a/configs/environment/lora_100_steps_bs_1_chat_templates.json b/configs/environment/lora_100_steps_bs_1_chat_templates.json new file mode 100644 index 0000000..a181fe3 --- /dev/null +++ b/configs/environment/lora_100_steps_bs_1_chat_templates.json @@ -0,0 +1,10 @@ +{ + "batch_size": 1, + "eval_batch_size": 1, + "n_context": 3, + "retriever_n_context": 3, + "lr": 3e-4, + "num_steps": 100, + "trainable_param_names": ".*layer_norm.*|.*lora_[ab].*|.*lora_[AB].*||.*lora_embedding_[AB].*", + "use_chat_template": true +} \ No newline at end of file diff --git a/configs/environment/lora_100_steps_chat_templates.json b/configs/environment/lora_100_steps_chat_templates.json new file mode 100644 index 0000000..80e296d --- /dev/null +++ b/configs/environment/lora_100_steps_chat_templates.json @@ -0,0 +1,10 @@ +{ + "batch_size": 1, + "eval_batch_size": 2, + "n_context": 3, + "retriever_n_context": 3, + "lr": 3e-4, + "num_steps": 100, + "trainable_param_names": ".*layer_norm.*|.*lora_[ab].*|.*lora_[AB].*||.*lora_embedding_[AB].*", + "use_chat_template": true +} \ No newline at end of file diff --git a/configs/focused_learning/hard_masking_threshold_05.json b/configs/focused_learning/hard_masking_threshold_05.json new file mode 100644 index 0000000..25b19f1 --- /dev/null +++ b/configs/focused_learning/hard_masking_threshold_05.json @@ -0,0 +1,7 @@ +{ + "focused_learning": true, + "focused_learning_mode": "hard_masking", + "importance_attribution_weights": 1, + "importance_threshold": 0.5, + "mask_all_but_citations": true +} \ No newline at end of file diff --git a/configs/focused_learning/hard_masking_threshold_08.json b/configs/focused_learning/hard_masking_threshold_08.json new file mode 100644 index 0000000..d511062 --- /dev/null +++ b/configs/focused_learning/hard_masking_threshold_08.json @@ -0,0 +1,7 @@ +{ + "focused_learning": true, + "focused_learning_mode": "hard_masking", + "importance_attribution_weights": 1, + "importance_threshold": 0.8, + "mask_all_but_citations": true +} \ No newline at end of file diff --git a/configs/focused_learning/none.json b/configs/focused_learning/none.json new file mode 100644 index 0000000..a683c14 --- /dev/null +++ b/configs/focused_learning/none.json @@ -0,0 +1,3 @@ +{ + "focused_learning": false +} \ No newline at end of file diff --git a/configs/focused_learning/token_rescaling.json b/configs/focused_learning/token_rescaling.json new file mode 100644 index 0000000..6e47edc --- /dev/null +++ b/configs/focused_learning/token_rescaling.json @@ -0,0 +1,6 @@ +{ + "focused_learning": true, + "focused_learning_mode": "soft_masking_token_rescaling", + "importance_attribution_weights": 1, + "mask_all_but_citations": true +} \ No newline at end of file diff --git a/configs/focused_learning/token_rescaling_no_normalization.json b/configs/focused_learning/token_rescaling_no_normalization.json new file mode 100644 index 0000000..2b216be --- /dev/null +++ b/configs/focused_learning/token_rescaling_no_normalization.json @@ -0,0 +1,7 @@ +{ + "focused_learning": true, + "focused_learning_mode": "soft_masking_token_rescaling", + "importance_attribution_weights": 1, + "mask_all_but_citations": true, + "shap_normalization": "none" +} \ No newline at end of file diff --git a/configs/model/llama2_chat_7b.json b/configs/model/llama2_chat_7b.json new file mode 100644 index 0000000..da679f3 --- /dev/null +++ b/configs/model/llama2_chat_7b.json @@ -0,0 +1,4 @@ +{ + "reader_model_origin": "meta-llama/Llama-2-7b-chat-hf", + "model_type": "decoder_only" +} \ No newline at end of file diff --git a/configs/model/mistral_instruct.json b/configs/model/mistral_instruct.json new file mode 100644 index 0000000..d381821 --- /dev/null +++ b/configs/model/mistral_instruct.json @@ -0,0 +1,4 @@ +{ + "reader_model_origin": "mistralai/Mistral-7B-Instruct-v0.1", + "model_type": "decoder_only" +} \ No newline at end of file diff --git a/configs/model/mistralorca.json b/configs/model/mistralorca.json new file mode 100644 index 0000000..2ec5493 --- /dev/null +++ b/configs/model/mistralorca.json @@ -0,0 +1,4 @@ +{ + "reader_model_origin": "Open-Orca/Mistral-7B-OpenOrca", + "model_type": "decoder_only" +} \ No newline at end of file diff --git a/configs/model/trivial_baseline.json b/configs/model/trivial_baseline.json new file mode 100644 index 0000000..0a6fb6a --- /dev/null +++ b/configs/model/trivial_baseline.json @@ -0,0 +1,4 @@ +{ + "reader_model_origin": "Open-Orca/Mistral-7B-OpenOrca", + "model_type": "trivial_reader_baseline" +} \ No newline at end of file diff --git a/configs/retrieval/bm25.json b/configs/retrieval/bm25.json new file mode 100644 index 0000000..3543f6a --- /dev/null +++ b/configs/retrieval/bm25.json @@ -0,0 +1,5 @@ +{ + "retriever": "bm25", + "use_file_passages": true, + "retriever_n_context": 5 +} \ No newline at end of file diff --git a/configs/retrieval/contriever.json b/configs/retrieval/contriever.json new file mode 100644 index 0000000..3efb776 --- /dev/null +++ b/configs/retrieval/contriever.json @@ -0,0 +1,5 @@ +{ + "retriever": "contriever", + "use_file_passages": true, + "retriever_n_context": 5 +} \ No newline at end of file diff --git a/configs/retrieval/gold.json b/configs/retrieval/gold.json new file mode 100644 index 0000000..e69de29 diff --git a/configs/retrieval/gtr.json b/configs/retrieval/gtr.json new file mode 100644 index 0000000..6a6f72e --- /dev/null +++ b/configs/retrieval/gtr.json @@ -0,0 +1,5 @@ +{ + "retriever": "gtr", + "use_file_passages": true, + "retriever_n_context": 5 +} \ No newline at end of file diff --git a/configs/samples/1.json b/configs/samples/1.json new file mode 100644 index 0000000..86e068c --- /dev/null +++ b/configs/samples/1.json @@ -0,0 +1,4 @@ +{ + "num_samples":1, + "in_context_learning_samples": 1 +} \ No newline at end of file diff --git a/configs/samples/2.json b/configs/samples/2.json new file mode 100644 index 0000000..398543e --- /dev/null +++ b/configs/samples/2.json @@ -0,0 +1,4 @@ +{ + "num_samples":2, + "in_context_learning_samples": 2 +} \ No newline at end of file diff --git a/configs/samples/32.json b/configs/samples/32.json new file mode 100644 index 0000000..3564eb1 --- /dev/null +++ b/configs/samples/32.json @@ -0,0 +1,4 @@ +{ + "num_samples": 32, + "in_context_learning_samples": 2 +} \ No newline at end of file diff --git a/configs/samples/4.json b/configs/samples/4.json new file mode 100644 index 0000000..d754089 --- /dev/null +++ b/configs/samples/4.json @@ -0,0 +1,4 @@ +{ + "num_samples": 4, + "in_context_learning_samples": 4 +} \ No newline at end of file diff --git a/configs/samples/4_in_context_2.json b/configs/samples/4_in_context_2.json new file mode 100644 index 0000000..290babe --- /dev/null +++ b/configs/samples/4_in_context_2.json @@ -0,0 +1,4 @@ +{ + "num_samples":4, + "in_context_learning_samples": 2 +} \ No newline at end of file diff --git a/configs/samples/all.json b/configs/samples/all.json new file mode 100644 index 0000000..f9d743c --- /dev/null +++ b/configs/samples/all.json @@ -0,0 +1,4 @@ +{ + "num_samples": 1000000, + "in_context_learning_samples": 2 +} \ No newline at end of file diff --git a/configs/ws_attribution_training/alignscore_threshold_01.json b/configs/ws_attribution_training/alignscore_threshold_01.json new file mode 100644 index 0000000..6fb36ea --- /dev/null +++ b/configs/ws_attribution_training/alignscore_threshold_01.json @@ -0,0 +1,7 @@ +{ + "consistency_model": "alignscore", + "ws_attribution_training": true, + "ws_filtering_threshold": 0.1, + "consistency_threshold" : 0.7, + "ws_filtering_threshold_correctness": 0.05 +} \ No newline at end of file diff --git a/configs/ws_attribution_training/alignscore_threshold_03.json b/configs/ws_attribution_training/alignscore_threshold_03.json new file mode 100644 index 0000000..2c00ada --- /dev/null +++ b/configs/ws_attribution_training/alignscore_threshold_03.json @@ -0,0 +1,7 @@ +{ + "consistency_model": "alignscore", + "ws_attribution_training": true, + "ws_filtering_threshold": 0.3, + "consistency_threshold" : 0.7, + "ws_filtering_threshold_correctness": 0.15 +} \ No newline at end of file diff --git a/configs/ws_attribution_training/alignscore_threshold_05.json b/configs/ws_attribution_training/alignscore_threshold_05.json new file mode 100644 index 0000000..73c6d89 --- /dev/null +++ b/configs/ws_attribution_training/alignscore_threshold_05.json @@ -0,0 +1,7 @@ +{ + "consistency_model": "alignscore", + "ws_attribution_training": true, + "ws_filtering_threshold": 0.5, + "consistency_threshold" : 0.7, + "ws_filtering_threshold_correctness": 0.25 +} \ No newline at end of file diff --git a/configs/ws_attribution_training/alignscore_threshold_06.json b/configs/ws_attribution_training/alignscore_threshold_06.json new file mode 100644 index 0000000..89706da --- /dev/null +++ b/configs/ws_attribution_training/alignscore_threshold_06.json @@ -0,0 +1,7 @@ +{ + "consistency_model": "alignscore", + "ws_attribution_training": true, + "ws_filtering_threshold": 0.6, + "consistency_threshold" : 0.7, + "ws_filtering_threshold_correctness": 0.3 +} \ No newline at end of file diff --git a/configs/ws_attribution_training/alignscore_threshold_07.json b/configs/ws_attribution_training/alignscore_threshold_07.json new file mode 100644 index 0000000..af93f78 --- /dev/null +++ b/configs/ws_attribution_training/alignscore_threshold_07.json @@ -0,0 +1,7 @@ +{ + "consistency_model": "alignscore", + "ws_attribution_training": true, + "ws_filtering_threshold": 0.7, + "consistency_threshold" : 0.7, + "ws_filtering_threshold_correctness": 0.35 +} \ No newline at end of file diff --git a/configs/ws_attribution_training/alignscore_threshold_08.json b/configs/ws_attribution_training/alignscore_threshold_08.json new file mode 100644 index 0000000..b410a8a --- /dev/null +++ b/configs/ws_attribution_training/alignscore_threshold_08.json @@ -0,0 +1,7 @@ +{ + "consistency_model": "alignscore", + "ws_attribution_training": true, + "ws_filtering_threshold": 0.8, + "consistency_threshold" : 0.8, + "ws_filtering_threshold_correctness": 0.4 +} \ No newline at end of file diff --git a/configs/ws_attribution_training/alignscore_threshold_09.json b/configs/ws_attribution_training/alignscore_threshold_09.json new file mode 100644 index 0000000..eaaa6fa --- /dev/null +++ b/configs/ws_attribution_training/alignscore_threshold_09.json @@ -0,0 +1,7 @@ +{ + "consistency_model": "alignscore", + "ws_attribution_training": true, + "ws_filtering_threshold": 0.9, + "consistency_threshold" : 0.9, + "ws_filtering_threshold_correctness": 0.45 +} \ No newline at end of file diff --git a/configs/ws_attribution_training/alignscore_threshold_099.json b/configs/ws_attribution_training/alignscore_threshold_099.json new file mode 100644 index 0000000..a9773fe --- /dev/null +++ b/configs/ws_attribution_training/alignscore_threshold_099.json @@ -0,0 +1,7 @@ +{ + "consistency_model": "alignscore", + "ws_attribution_training": true, + "ws_filtering_threshold": 0.99, + "consistency_threshold" : 0.99, + "ws_filtering_threshold_correctness": 0.5 +} \ No newline at end of file diff --git a/configs/ws_attribution_training/little_push_threshold_05.json b/configs/ws_attribution_training/little_push_threshold_05.json new file mode 100644 index 0000000..60fcfd1 --- /dev/null +++ b/configs/ws_attribution_training/little_push_threshold_05.json @@ -0,0 +1,6 @@ +{ + "consistency_model": "little_push", + "ws_attribution_training": true, + "ws_filtering_threshold": 0.5, + "ws_filtering_threshold_correctness": 0.25 +} \ No newline at end of file diff --git a/configs/ws_attribution_training/little_push_threshold_07.json b/configs/ws_attribution_training/little_push_threshold_07.json new file mode 100644 index 0000000..5540c75 --- /dev/null +++ b/configs/ws_attribution_training/little_push_threshold_07.json @@ -0,0 +1,6 @@ +{ + "consistency_model": "little_push", + "ws_attribution_training": true, + "ws_filtering_threshold": 0.7, + "ws_filtering_threshold_correctness": 0.35 +} \ No newline at end of file diff --git a/configs/ws_attribution_training/little_push_threshold_09.json b/configs/ws_attribution_training/little_push_threshold_09.json new file mode 100644 index 0000000..29eab00 --- /dev/null +++ b/configs/ws_attribution_training/little_push_threshold_09.json @@ -0,0 +1,6 @@ +{ + "consistency_model": "little_push", + "ws_attribution_training": true, + "ws_filtering_threshold": 0.9, + "ws_filtering_threshold_correctness": 0.45 +} \ No newline at end of file diff --git a/configs/ws_attribution_training/little_push_threshold_099.json b/configs/ws_attribution_training/little_push_threshold_099.json new file mode 100644 index 0000000..199e9bc --- /dev/null +++ b/configs/ws_attribution_training/little_push_threshold_099.json @@ -0,0 +1,6 @@ +{ + "consistency_model": "little_push", + "ws_attribution_training": true, + "ws_filtering_threshold": 0.999, + "ws_filtering_threshold_correctness": 0.5 +} \ No newline at end of file diff --git a/configs/ws_attribution_training/none.json b/configs/ws_attribution_training/none.json new file mode 100644 index 0000000..6561af4 --- /dev/null +++ b/configs/ws_attribution_training/none.json @@ -0,0 +1,3 @@ +{ + "ws_attribution_training": false +} \ No newline at end of file diff --git a/configs/ws_attribution_training/t5_threshold_01.json b/configs/ws_attribution_training/t5_threshold_01.json new file mode 100644 index 0000000..505c949 --- /dev/null +++ b/configs/ws_attribution_training/t5_threshold_01.json @@ -0,0 +1,6 @@ +{ + "consistency_model": "google/t5_xxl_true_nli_mixture", + "ws_attribution_training": true, + "ws_filtering_threshold": 0.1, + "ws_filtering_threshold_correctness": 0.05 +} \ No newline at end of file diff --git a/configs/ws_attribution_training/t5_threshold_03.json b/configs/ws_attribution_training/t5_threshold_03.json new file mode 100644 index 0000000..85c739b --- /dev/null +++ b/configs/ws_attribution_training/t5_threshold_03.json @@ -0,0 +1,6 @@ +{ + "consistency_model": "google/t5_xxl_true_nli_mixture", + "ws_attribution_training": true, + "ws_filtering_threshold": 0.3, + "ws_filtering_threshold_correctness": 0.15 +} \ No newline at end of file diff --git a/configs/ws_attribution_training/t5_threshold_05.json b/configs/ws_attribution_training/t5_threshold_05.json new file mode 100644 index 0000000..26d85e4 --- /dev/null +++ b/configs/ws_attribution_training/t5_threshold_05.json @@ -0,0 +1,6 @@ +{ + "consistency_model": "google/t5_xxl_true_nli_mixture", + "ws_attribution_training": true, + "ws_filtering_threshold": 0.5, + "ws_filtering_threshold_correctness": 0.25 +} \ No newline at end of file diff --git a/configs/ws_attribution_training/t5_threshold_07.json b/configs/ws_attribution_training/t5_threshold_07.json new file mode 100644 index 0000000..4c41b93 --- /dev/null +++ b/configs/ws_attribution_training/t5_threshold_07.json @@ -0,0 +1,6 @@ +{ + "consistency_model": "google/t5_xxl_true_nli_mixture", + "ws_attribution_training": true, + "ws_filtering_threshold": 0.7, + "ws_filtering_threshold_correctness": 0.35 +} \ No newline at end of file diff --git a/configs/ws_attribution_training/t5_threshold_09.json b/configs/ws_attribution_training/t5_threshold_09.json new file mode 100644 index 0000000..4b3b706 --- /dev/null +++ b/configs/ws_attribution_training/t5_threshold_09.json @@ -0,0 +1,6 @@ +{ + "consistency_model": "google/t5_xxl_true_nli_mixture", + "ws_attribution_training": true, + "ws_filtering_threshold": 0.9, + "ws_filtering_threshold_correctness": 0.45 +} \ No newline at end of file diff --git a/configs/ws_attribution_training/t5_threshold_099.json b/configs/ws_attribution_training/t5_threshold_099.json new file mode 100644 index 0000000..b655188 --- /dev/null +++ b/configs/ws_attribution_training/t5_threshold_099.json @@ -0,0 +1,6 @@ +{ + "consistency_model": "google/t5_xxl_true_nli_mixture", + "ws_attribution_training": true, + "ws_filtering_threshold": 0.99, + "ws_filtering_threshold_correctness": 0.5 +} \ No newline at end of file diff --git a/configs/ws_attribution_training/trueteacher_threshold_07.json b/configs/ws_attribution_training/trueteacher_threshold_07.json new file mode 100644 index 0000000..0a4c559 --- /dev/null +++ b/configs/ws_attribution_training/trueteacher_threshold_07.json @@ -0,0 +1,6 @@ +{ + "consistency_model": "google/t5_11b_trueteacher_and_anli", + "ws_attribution_training": true, + "ws_filtering_threshold": 0.7, + "ws_filtering_threshold_correctness": 0.35 +} \ No newline at end of file diff --git a/configs/ws_attribution_training/trueteacher_threshold_09.json b/configs/ws_attribution_training/trueteacher_threshold_09.json new file mode 100644 index 0000000..1986de4 --- /dev/null +++ b/configs/ws_attribution_training/trueteacher_threshold_09.json @@ -0,0 +1,6 @@ +{ + "consistency_model": "google/t5_11b_trueteacher_and_anli", + "ws_attribution_training": true, + "ws_filtering_threshold": 0.9, + "ws_filtering_threshold_correctness": 0.45 +} \ No newline at end of file diff --git a/data/asqa/asqa_eval_gtr_top100.json b/data/asqa/asqa_eval_gtr_top100.json new file mode 100644 index 0000000..1b43b34 --- /dev/null +++ b/data/asqa/asqa_eval_gtr_top100.json @@ -0,0 +1,171891 @@ +[ + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who has the highest goals in men's world international football?", + "short_answers": [ + "Daei", + "Ali Daei" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who has the highest goals all-time in men's football?", + "short_answers": [ + "Bican", + "Josef Bican" + ], + "wikipage": null + }, + { + "context": "The first player to reach 100 international goals was Italian Elisabetta Vignotto. Abby Wambach scored 100 goals in 9 years, while Christine Sinclair reached the milestone in just under 10 years while Mia Hamm is the youngest player to score 100 international goals at the age of 26 years 185 days. Most played exclusively in the forward position, with Kristine Lilly and Michelle Akers having also played as midfielder. All players scored at a high average rate of more than one goal every three matches. International goals in this list should not include goals scored in penalty-shoot-out; see Penalty shootout (association football). Players who are currently active at international level are indicated in bold type background.", + "question": "Who has the highest goals in women's world international football?", + "short_answers": [ + "Sinclair", + "Christine Sinclair" + ], + "wikipage": "List of women's footballers with 100 or more international goals ..." + } + ], + "wikipages": [ + { + "title": "International Federation of Football History & Statistics", + "url": "https://en.wikipedia.org/wiki/International%20Federation%20of%20Football%20History%20%26%20Statistics" + }, + { + "title": "List of FIFA World Cup records and statistics", + "url": "https://en.wikipedia.org/wiki/List%20of%20FIFA%20World%20Cup%20records%20and%20statistics" + }, + { + "title": "List of footballers with more than 50 international goals", + "url": "https://en.wikipedia.org/wiki/List%20of%20footballers%20with%20more%20than%2050%20international%20goals" + }, + { + "title": "List of women's footballers with 100 or more international goals ...", + "url": "https://en.wikipedia.org/wiki/List%20of%20women%27s%20footballers%20with%20100%20or%20more%20international%20goals" + }, + { + "title": "List of footballers with 500 or more goals", + "url": "https://en.wikipedia.org/wiki/List%20of%20footballers%20with%20500%20or%20more%20goals" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "Ali Dael has the highest goals in men's world international football with 109 goals. Josef Bican has the highest goals all-time in men's football and Christine Sinclair has the highest goals in women's world international football." + }, + { + "knowledge": [ + { + "content": "Sinclair is the world's all-time leader for international goals scored for men or women with 187 goals, and is one of the most-capped active international footballer with 300 caps.", + "wikipage": "Christine Sinclair" + }, + { + "content": "Along with Cristiano Ronaldo, he is the world's joint all-time leading goalscorer in the history of men's international football with 109 goals scored for Iran.", + "wikipage": "Ali Daei" + }, + { + "content": "Ronaldo holds the records for most goals (134) and assists (42) in the Champions League, most goals in the European Championship (14), and is currently tied with Ali Daei for most international goals (109).", + "wikipage": "Cristiano Ronaldo" + }, + { + "content": "FIFA, the international governing body of football, have never released a list detailing the highest goalscorers and do not keep official records;[6][7] in 2020, they recognised Bican, an Austrian-Czech dual international who played between the 1930s and the 1950s,[8] as the record scorer with an estimated 805 goals,[9][10] while CNN, the BBC, France 24, and O Jogo all acknowledge that Bican's tally of 805 includes goals scored for reserve teams and in unofficial international matches.", + "wikipage": "List of footballers with 500 or more goals" + } + ], + "long_answer": "The players with the highest all-time goals and highest men's and women's international football goals differ. The player with the highest all-time men's football goals is Josef Bican, who in 2020 was recognized by FIFA, the international governing body of football, as the record scorer with an estimated 805 goals. Christine Sinclair has the highest goals in women's international football with 187 and is the all-time leader for international goals scored for men or women. Cristiano Ronaldo and Ali Daei are currently tied for leading goalscorer in the history of men's international football with 109." + } + ], + "sample_id": "-7013890438520559398", + "question": "Who has the highest goals in world football?", + "docs": [ + { + "id": "6669150", + "title": "Argentina\u2013Brazil football rivalry", + "text": "\"Football Player of the Century\", by IFFHS International Federation of Football History and Statistics, 1999, \"South America Football Player of the Century\", by IFFHS International Federation of Football History and Statistics. Pel\u00e9's 1281 goals are recognized by FIFA as the highest total achieved by a professional footballer, although the Soccer Statistic Foundation (rssf) recognizes only 767 goals in official mode, occupying the third place after Josef Bican (805) and Romario (772). For his part, Maradona has been named the best soccer player in World Cup history both by The Times and FourFourTwo, publication that also rewarded him as the \"Best", + "score": 0.73388671875, + "summary": "Pel\u00e9 holds the record for the highest total goals achieved by a professional footballer with 1281 goals, recognized by FIFA. However, the Soccer Statistic Foundation recognizes only 767 goals in official mode, with Josef Bican and Romario having higher counts. Maradona has been named the best soccer player in World Cup history.", + "extraction": "Pel\u00e9's 1281 goals are recognized by FIFA as the highest total achieved by a professional footballer." + }, + { + "id": "9416170", + "title": "Godfrey Chitalu", + "text": "have beaten Gerd M\u00fcller's record of 85 goals in a year, the Football Association of Zambia claimed that the world record actually pertained to Godfrey Chitalu who had scored 116 goals (possibly 117) during the 1972 calendar year and 107 during the 1972 season. The difference of goals is due to first 9 goals being scored before the season officially started. The Football Association of Zambia presented the evidence to FIFA but a spokesperson responded that they would ratify neither Lionel Messi's nor Chitalu's records as they do not keep statistical track of domestic competitions. Nonetheless, it could constitute the", + "score": 0.7080078125, + "summary": "Godfrey Chitalu had scored 116 goals (possibly 117) during the 1972 calendar year and 107 during the 1972 season, surpassing Gerd M\u00fcller's record of 85 goals. However, FIFA did not officially ratify either Chitalu's or Lionel Messi's records as they do not keep statistical track of domestic competitions.", + "extraction": "Godfrey Chitalu has the highest goals in world football with 116 goals (possibly 117) during the 1972 calendar year and 107 during the 1972 season, according to the Football Association of Zambia." + }, + { + "id": "9416171", + "title": "Godfrey Chitalu", + "text": "highest official tally claimed by a national football association. Chitalu made his international debut on 29 June 1968 in a friendly match against Uganda in Lusaka which Zambia won 2\u20131. He scored his first goal in a 2\u20132 draw against the same team five days later. Chitalu played a prominent role during the World Cup qualification matches against Sudan with Zambia being eliminated on a strange rule which was peculiar to Africa and favoured the team that won the second leg. Despite the aggregate score being tied at 6\u20136 after Zambia won the first leg 4\u20132 and lost the return", + "score": 0.70556640625, + "summary": "Irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "11960275", + "title": "Wartan Ghazarian", + "text": "goals (4 in World Cup qualifiers, 3 in Asian Cup qualifiers, 12 in friendlies). His record was later broken by Roda Antar, after Roda scored his 20th goal in 2018 FIFA World Cup qualification match against Laos. On 16 November 2008, during Round 6 of the Lebanese Football League, at the age of 39 years, Vartan scored his 130th goal in the Lebanese first division against Tadamon Tyre, becoming officially the highest all-time scorer in the history of Lebanese football. Some officials do not recognize the 12 goals he scored in the 2000\u20132001 season which was canceled. However, his remaining", + "score": 0.705078125, + "summary": "Vartan Ghazarian has scored the highest number of goals in Lebanese football history, with a total of 130 goals in the Lebanese first division.", + "extraction": "Vartan Ghazarian is officially the highest all-time scorer in the history of Lebanese football." + }, + { + "id": "3986261", + "title": "Josef Bican", + "text": "for Christmas, but died less than 2 weeks before that, at the age of 88. Josef Bican Josef \"Pepi\" Bican (25 September 1913 \u2013 12 December 2001) was a Czech-Austrian professional footballer who played as a striker. Rec.Sport.Soccer Statistics Foundation (RSSSF) estimates that he scored at least 805 goals in all competitive matches, which would make him the most prolific scorer of all time. Having scored a record 600 league goals and at least 1468 goals overall, the International Federation of Football History & Statistics (IFFHS) awarded Bican the \"Golden Ball\" as the greatest goalscorer of the last century. He", + "score": 0.703125, + "summary": "Josef Bican is estimated to have scored at least 805 goals in all competitive matches, making him the most prolific scorer of all time according to the Rec.Sport.Soccer Statistics Foundation (RSSSF). He also holds the record for scoring 600 league goals and at least 1468 goals overall, and was awarded the \"Golden Ball\" by the International Federation of Football History & Statistics (IFFHS) as the greatest goalscorer of the last century.", + "extraction": "Josef Bican would be the answer to the question \"Who has the highest goals in world football?\" as the passage states that he is estimated to have scored at least 805 goals in all competitive matches, making him the most prolific scorer of all time." + }, + { + "id": "15495094", + "title": "Passang Tshering", + "text": "score 17\", Passang Tshering told \"Kuensel\". \"But there is no reason to celebrate or feel great because we played against a weak team.\u201d Asked if Passang Tshering\u2019s record would be recognised, coordinator Dinesh Chhetri said that it was just a national league and would be difficult for regional or international football governing to recognize it. \u201cBesides his team mates planned him to score the goals to make him the highest goal scorer\u201d, said Dinesh. Passang is also a member of the Bhutanese national team. Passang Tshering Passang Tshering (born 16 July 1983) is a Bhutanese footballer. Passang played as a", + "score": 0.703125, + "summary": "Passang Tshering, a Bhutanese footballer, scored 17 goals and is the highest goal scorer in a national league. However, his record may not be recognized by regional or international football governing bodies.", + "extraction": "Passang Tshering's team mates planned for him to score the goals to make him the highest goal scorer in the national league." + }, + { + "id": "3986251", + "title": "Josef Bican", + "text": "Josef Bican Josef \"Pepi\" Bican (25 September 1913 \u2013 12 December 2001) was a Czech-Austrian professional footballer who played as a striker. Rec.Sport.Soccer Statistics Foundation (RSSSF) estimates that he scored at least 805 goals in all competitive matches, which would make him the most prolific scorer of all time. Having scored a record 600 league goals and at least 1468 goals overall, the International Federation of Football History & Statistics (IFFHS) awarded Bican the \"Golden Ball\" as the greatest goalscorer of the last century. He was a member of the Austrian \"Wunderteam\" of the 1930s and was the season's highest", + "score": 0.70166015625, + "summary": "Josef Bican is estimated to have scored at least 805 goals in all competitive matches, making him the most prolific scorer of all time, according to the Rec.Sport.Soccer Statistics Foundation.", + "extraction": "Josef Bican has the highest goals in world football, having scored at least 805 goals in all competitive matches, according to the Rec.Sport.Soccer Statistics Foundation (RSSSF) estimates." + }, + { + "id": "9416184", + "title": "Godfrey Chitalu", + "text": "Chitalu. In December 2012, Kabwe Warriors renamed the Railways Stadium as the \"Godfrey Chitalu Stadium,\" and announced plans to erect a statue in his honour. Runner up: Data presented by the Football Association of Zambia regarding the 1972 calendar year and the 1972 season suggests Chitalu could be holder of world records such as most official goals in a year and most official goals in a season. Alternatively Spanish historian Guillem Pons claim that at most 88 of those goals could be official. Pons amongst others excluded goals scored in the Charity Shield and the Chibuku Cup, indirectly basing his", + "score": 0.69921875, + "summary": "Godfrey Chitalu is a football player who may hold world records for most official goals in a year and in a season, according to data from the Football Association of Zambia in 1972. However, there is dispute over the number of official goals he scored. The Railways Stadium has been renamed in his honour and a statue is planned.", + "extraction": "irrelevant. The passage mentions Godfrey Chitalu as a football player who may have held world records for most official goals in a year and most official goals in a season, but it does not mention who has the highest goals in world football." + }, + { + "id": "10268250", + "title": "Edu Snethlage", + "text": "against Belgium on 1909-04-25. His record would stand until 1910-10-16, when Jan Thom\u00e9e scored his eleventh goal for the Netherlands in a match against Germany. Edu Snethlage Everhardus \"Edu\" Snethlage (November 5, 1883 in Ngawi, Dutch East Indies \u2013 January 12, 1941 in Medan, Dutch East Indies) was a Dutch football (soccer) player. He was a member of the Dutch team that won the bronze medal in the football tournament of the 1908 Summer Olympics. Snethlage became the all-time top scorer for the Dutch national team on 1909-03-21. His opening goal of the match against Belgium was his seventh goal", + "score": 0.69921875, + "summary": "Edu Snethlage became the all-time top scorer for the Dutch national football team on March 21, 1909 with seven goals. However, his record was later broken by Jan Thom\u00e9e who scored eleven goals on October 16, 1910.", + "extraction": "Irrelevant. The passage provides information about the football player Edu Snethlage and his record as a top scorer for the Dutch national team, but it does not provide information about the highest goals in world football." + }, + { + "id": "13562876", + "title": "Euse\u0301bio", + "text": "(subsequently equalled by Croatia in 1998). In addition to winning the Golden Boot (with nine goals) for the 1966 World Cup, Eus\u00e9bio also set a record that year for the most penalties scored (shoot-out not included), with four. Eus\u00e9bio's four goals against North Korea in the quarter-final match also helped Portugal tie the record for largest deficit overcome in a win (three goals, equaling Austria in 1954) and he became the fifth player to score as many goals in a FIFA World Cup match, a record he jointly held until Oleg Salenko scored five in the 1994 World Cup. The", + "score": 0.6982421875, + "summary": "Eus\u00e9bio holds records for most penalties scored (four) and joint record for most goals (five) in a FIFA World Cup match, which was later equalled by Oleg Salenko.", + "extraction": "Irrelevant. The passage does not provide information about who has the highest goals in world football." + }, + { + "id": "18150591", + "title": "FIFA World Cup top goalscorers", + "text": "FIFA World Cup top goalscorers More than 2,000 goals have been scored at the 21 editions of the FIFA World Cup final tournaments, not counting penalties scored during shoot-outs. Since the first goal scored by French player Lucien Laurent at the 1930 FIFA World Cup, more than 1,250 footballers have scored goals at the World Cup, of which just 97 have scored at least five. The top goalscorer of the inaugural competition was Argentina's Guillermo St\u00e1bile with eight goals. Since then, only 22 players have scored more at all the games played at the World Cup than St\u00e1bile did throughout", + "score": 0.697265625, + "summary": "The document lists the top goalscorers in FIFA World Cup history, but does not provide information on who has the highest goals in world football.", + "extraction": "The extracted span from the passage that can answer the question is \"Since then, only 22 players have scored more at all the games played at the World Cup than St\u00e1bile did throughout\"." + }, + { + "id": "4004143", + "title": "John Coleman (Australian footballer)", + "text": "was forced to concede defeat in the lead up to the 1956 season. There were revelations in early 1958 that Coleman's knee was sufficiently repaired to play on and his true reasons for not playing were unrelated to his knee. Coleman kicked 537 goals in just 98 appearances, at an average of 5.48 goals per game. At the time of his retirement, it was the highest goals-per-game average by any player, exceeding the next-best total of Bob Pratt (4.31 goals per game) by more than a goal. Coleman's feats were even more impressive by virtue of the fact that he", + "score": 0.69677734375, + "summary": "Irrelevant.", + "extraction": "irrelevant. The passage is about John Coleman, an Australian footballer who retired in the 1950s, and does not provide information about the current highest goalscorer in world football." + }, + { + "id": "9210706", + "title": "Football in Cape Verde", + "text": "nine clubs took part in the national championships up to 2003. Sporting Praia holds the highest number of goals scored in the regular season and the total number of 35 in 2005. Also in the season, Sporting Praia scored 13-0 over Desportivo Est\u00e2ncia Baixo making it the highest scoring match in the national championships and still stands today. Z\u00e9 di Tch\u00e9tcha scored the highest goals in the championships numbering 14. The champion of the year would complete in the following year's national competition which began in 2005 and raised the total of national championship clubs to twelve, a number stands", + "score": 0.6962890625, + "summary": "Z\u00e9 di Tch\u00e9tcha scored the highest number of goals, numbering 14, in the Cape Verde national championships. However, the highest number of goals scored in a regular season and in a single match was achieved by Sporting Praia in 2005.", + "extraction": "Z\u00e9 di Tch\u00e9tcha scored the highest goals in the championships numbering 14." + }, + { + "id": "18150594", + "title": "FIFA World Cup top goalscorers", + "text": "Germany or West Germany. In total, 64 footballers came from UEFA (Europe), 29 from CONMEBOL (South America), and only four from elsewhere: Cameroon, Ghana, Australia, and the United States. Fontaine holds the record for the most goals scored at a single tournament, with 13 goals in 1958. The players that came closest to this record were Kocsis in 1954, M\u00fcller in 1970 and Portugal's Eus\u00e9bio in 1966, with 11, 10 and 9, respectively. The lowest scoring tournament's top scorer was in 1962, when six players tied at only four goals each. Across the 21 editions of the World Cup, 30", + "score": 0.6953125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "2227887", + "title": "Rau\u0301l (footballer)", + "text": "tournament with a 5\u20130 win at the Olympiastadion, Berlin. This success was followed with victory two months later on 23 July 2011 in the 2011 DFL-Supercup against the league champions and rivals Borussia Dortmund. In European play, Ra\u00fal has since become the highest goal scorer in all UEFA competitions with 73 goals, ahead of Milan veteran Filippo Inzaghi with 70 goals. He scored 71 goals in Champions League (66 goals with Real Madrid and five with Schalke 04) and addition his two goals with \"Los Blancos\", one goal in 2000 UEFA Super Cup and the other one in 1998 Intercontinental", + "score": 0.69482421875, + "summary": "Ra\u00fal has become the highest goal scorer in all UEFA competitions with 73 goals, ahead of Milan veteran Filippo Inzaghi with 70 goals. He scored 71 goals in Champions League (66 goals with Real Madrid and five with Schalke 04) and addition his two goals with \"Los Blancos\", one goal in 2000 UEFA Super Cup and the other one in 1998 Intercontinental.", + "extraction": "Ra\u00fal has become the highest goal scorer in all UEFA competitions with 73 goals, ahead of Milan veteran Filippo Inzaghi with 70 goals." + }, + { + "id": "8698835", + "title": "Dave Halliday", + "text": "the North, scoring at least 35 league goals in each of the four full seasons he spent at Sunderland. His 43 goals in 1928\u201329 made him top scorer in England's top division that season. This tally remains Sunderland's highest number of league goals scored by a player during a season. Halliday hit his first 100 goals for Sunderland in just 101 games. Halliday is the only goalscorer in top-flight football in England to have scored more than 30 goals in four consecutive seasons. Halliday as well has a strike rate or goals to games ratio of 0.943 which is the", + "score": 0.693359375, + "summary": "Dave Halliday is the only player in top-flight football in England to have scored more than 30 goals in four consecutive seasons. He scored at least 35 league goals in each of the four full seasons he spent at Sunderland, with his 43 goals in 1928-29 making him the top scorer in England's top division that season.", + "extraction": "Dave Halliday is the only goalscorer in top-flight football in England to have scored more than 30 goals in four consecutive seasons." + }, + { + "id": "6296472", + "title": "Vaughan Coveny", + "text": "credit, his final cap gained in a 1\u20131 draw with Estonia on 31 May 2006. Coveny became New Zealand's highest goal scorer (still a current record in the New Zealand national football team) on 27 May 2006, when he scored twice in the \"All Whites\" 3\u20131 victory over Georgia, bringing his total A-international goal tally to 29. and his total including unofficial games to 30 in 71 games, surpassing Jock Newall's long standing record of 28 from only 17 games. In January 2009, Coveny announced his retirement from international football. He was also the games record holder for the All", + "score": 0.69287109375, + "summary": "Vaughan Coveny is the highest goal scorer for the New Zealand national football team with a total of 30 goals, including unofficial games, in 71 games. He set the record on May 27, 2006, surpassing Jock Newall's record of 28 goals from 17 games.", + "extraction": "Vaughan Coveny became New Zealand's highest goal scorer on 27 May 2006, with a total A-international goal tally of 29, surpassing Jock Newall's long standing record of 28 from only 17 games. Therefore, Vaughan Coveny has the highest goals in world football." + }, + { + "id": "2866348", + "title": "Arthur Rowley", + "text": "Arthur Rowley George Arthur Rowley Jr., (21 April 1926 \u2013 19 December 2002), nicknamed \"The Gunner\" because of his explosive left-foot shot, was an English football player and cricketer. He holds the record for the most goals in the history of English league football, scoring 434 from 619 league games. He was the younger brother of Manchester United footballer Jack Rowley. He was shortlisted for inclusion into the English Football Hall of Fame in 2008. He holds the club record for the most goals in a single season at both Leicester City and Shrewsbury Town, scoring 44 goals in 42", + "score": 0.69287109375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about who has the highest goals in world football. It only talks about Arthur Rowley's achievements in English league football." + }, + { + "id": "2866359", + "title": "Arthur Rowley", + "text": "describes him as a \"record breaking football hero\". Fulham Leicester City Individual Arthur Rowley George Arthur Rowley Jr., (21 April 1926 \u2013 19 December 2002), nicknamed \"The Gunner\" because of his explosive left-foot shot, was an English football player and cricketer. He holds the record for the most goals in the history of English league football, scoring 434 from 619 league games. He was the younger brother of Manchester United footballer Jack Rowley. He was shortlisted for inclusion into the English Football Hall of Fame in 2008. He holds the club record for the most goals in a single season", + "score": 0.69287109375, + "summary": "Irrelevant. The document mentions a football player with a record-breaking number of goals, but does not compare him to other players to determine who has the highest goals in world football.", + "extraction": "Arthur Rowley holds the record for the most goals in the history of English league football, scoring 434 from 619 league games. Therefore, Arthur Rowley has the highest goals in world football." + }, + { + "id": "10788088", + "title": "Ernie Morgan", + "text": "Ernie Morgan Ernest Morgan (13 January 1927 \u2013 3 October 2013) was an English professional Association football player and manager. He spent the bulk of his career with Gillingham, where he set a record for the highest number of goals scored in a single season which still stands. Born in Royston, Morgan worked as a miner from the age of 14 and played for his colliery football team, leading them to a Sheffield Senior Cup win shortly after World War II, the first time a works team had won the cup. Morgan initially turned down the chance to turn professional,", + "score": 0.6923828125, + "summary": "Irrelevant.", + "extraction": "The given passage is irrelevant as it does not provide information about who has the highest goals in world football." + }, + { + "id": "14307809", + "title": "Jose\u0301 Ardines", + "text": "of Honduran side Marath\u00f3n. With Eurokickers, Ardines scored a record high total of 191 goals, becoming the top-scorer for six seasons in a row (1990-1995-96) and also the player to have scored the most goals in a single season in 1990 with 26 goals. On 20 December 1997, he scored a stunning 11 goals in a 13-2 thrashing of Ejecutivo Jrs. All of these records still stand today and are part of the goalscoring legacy left by Ardines in the national football league. Ardines was voted the league's most valuable player three times in 1990, 1992 and 1993. He was", + "score": 0.69189453125 + }, + { + "id": "6554414", + "title": "Dejan Petkovic\u0301", + "text": "a corner against Gr\u00eamio. In the next game he scored another, but the ball hit the hand of a player from Fluminense and entered the goal; nonetheless the officials counted it as one. Overall, he scored eight goals from corner kicks in his career, the last one on 8 November 2009 for Flamengo against Atl\u00e9tico Mineiro in the Brazilian S\u00e9rie A. He is currently the record holder for most goals from corners scored in football history. On 20 June 2010, Serbian Minister of Foreign Affairs, Vuk Jeremi\u0107, announced the appointment of Dejan Petkovi\u0107 to Honorary Consul of Serbia in Brazil.", + "score": 0.69091796875 + }, + { + "id": "15896304", + "title": "Galatasaray S.K. 7\u20130 Fenerbahc\u0327e S.K.", + "text": "student watching the game was called to replace him. On 12 February 1911, Galatasaray SK achieved the team's highest K\u0131talararas\u0131 Derbi win beating Fenerbah\u00e7e SK 7-0 with only 7 players on the pitch. 4 goals were scored by Celal \u0130brahim, 2 by Emin B\u00fclent Serdaro\u011flu and 1 goal was scored by Idris. It is still the highest goal difference in a football match between the two teams. \u0130dris, one of the goal scorers, was killed in Tripolitanian War in October 1911. Likewise, the other scorer Celal \u0130brahim, who was also called \"K\u00fcrt Celal\", was killed in the defense of Baghdad", + "score": 0.69091796875 + }, + { + "id": "4260685", + "title": "Maldives national football team", + "text": "single game; winning 10\u20130 against Sri Lanka. In this match, skipper Ali Ashfaq scored a double hat-trick and broke the record of India's IM Vijayan who holds the record of all-time top scorer of the tournament with 12 goals. He also made a new record of scoring the highest number of goals by a single player in a match in the tournament. Remaining goals of this match came from Assadhulla Abdulla, Hassan Adhuham, Ali Fasir and Ali Umar. In their second match, Ali Ashfaq scored four goals and Ali Fasir scored a brace while Mohammad Umair and Ali Umar scored", + "score": 0.6904296875 + }, + { + "id": "15303291", + "title": "Football in Bhutan", + "text": "in a game against Yeedzin and twenty goals in their defeat to Transport United. In the game between Transport United and RIHS FC, Passang Tshering scored seventeen goals. Sources indicate that the most goals scored by a single player in a game is 16, scored by Panagiotis Pontikos of Olympos Xylofagou against SEK Ayios Athanasios in May 2007 and by Stephane Stanis for RC Strasbourg in the 1940s. It would appear therefore, that Pontikos, having equalled a record that had stood for over 60 years, saw it broken only a few days later. Following on from their comparative success at", + "score": 0.689453125 + }, + { + "id": "12129566", + "title": "La\u0301szlo\u0301 Raffinsky", + "text": "L\u00e1szl\u00f3 Raffinsky L\u00e1szl\u00f3 Raffinsky () (born 23 April 1905 in Miskolc, Hungary (Austria-Hungary) - died 31 July 1981 in Cluj-Napoca, Romania) was a Romanian football player of Hungarian ethnicity who was a member of Romanian team which participated at the 1930 FIFA World Cup in Uruguay and 1938 FIFA World Cup in France. He holds the record for most goals scored in a Liga I match, scoring ten goals in the match between Juventus Bucure\u015fti and Dacia Unirea Br\u0103ila from 1929-1930 season. L\u00e1szl\u00f3 Raffinsky begun his football career in 1924, playing for Unirea, a football club from Timi\u015foara. In 1925,", + "score": 0.689453125 + }, + { + "id": "3542538", + "title": "Corner kick", + "text": "1923. The first in England was by Huddersfield Town's Billy Smith on 11 October 1924. Portuguese footballer Jo\u00e3o Morais scored a direct corner kick for Sporting Clube de Portugal in the 1964 European Cup Winners' Cup Final, eventually deciding the match and the destiny of the trophy. The world record holder for most direct corner kick goals is a Turkish player named S\u00fckr\u00fc G\u00fclesin, during his career he scored 32 goals directly from corners. In the 1950s this apparently appeared in the Guinness Book of Records as a world best. The first Olympic goal at the Olympic Games was Megan", + "score": 0.689453125 + }, + { + "id": "5984088", + "title": "Darko Panc\u030cev", + "text": "Darko Pan\u010dev Darko Pan\u010dev (, , born 7 September 1965) is a retired Yugoslav and Macedonian footballer, who played as a forward, and who was the winner of the European Golden Boot award in 1991. Pan\u010dev was the highest scorer in top-division European football in the 1990\u201391 season with 34 goals, and should have won the European Golden Boot award. However, UEFA decided to make the competition unofficial for the season because of suspect scoring sprees in Cyprus. Pan\u010dev did not get the prize at the time, but received it fifteen years later on 3 August 2006 in Skopje. The", + "score": 0.68896484375 + }, + { + "id": "17235150", + "title": "2017 FIFA Beach Soccer World Cup", + "text": "was top scorer in the pre-FIFA era in 1995 and 1996). Notably Madjer (who holds the record for the highest number of goals scored at a single World Cup (21 in 2006) and the highest tally of goals overall in the FIFA era at 87) failed to score even a single goal at a World Cup finals for the very first time. Former Golden Boot winner, Dejan Stankovic, scored his highest number of goals (seven) since winning the award with 16 in 2009. The winner of the Golden Boot in the last edition, Pedro Moran (who won the award with", + "score": 0.6875 + }, + { + "id": "145484", + "title": "FIFA World Cup", + "text": "(2002\u20132014) is the all-time top scorer at the finals, with 16 goals. He broke Ronaldo of Brazil's record of 15 goals (1998\u20132006) during the 2014 semi-final match against Brazil. West Germany's Gerd M\u00fcller (1970\u20131974) is third, with 14 goals. The fourth placed goalscorer, France's Just Fontaine, holds the record for the most goals scored in a single World Cup; all his 13 goals were scored in the 1958 tournament. In November 2007, FIFA announced that all members of World Cup-winning squads between 1930 and 1974 were to be retroactively awarded winners' medals. This made Brazil's Pel\u00e9 the only player to", + "score": 0.6865234375 + }, + { + "id": "18150595", + "title": "FIFA World Cup top goalscorers", + "text": "footballers have been credited with the most tournament goals, and no one has achieved this feat twice. Nine of them scored at least seven goals in a tournament, while Brazil's Jairzinho became the only footballer to score at least seven goals without being the top goalscorer of that tournament in 1970. These 30 top goalscorers played for 19 nations, the most (five) for Brazil. Another five came from other South American countries, with the remaining 20 coming from Europe. Excluding the 2010 edition, all the top tournament scorers won the Golden Boot. FIFA World Cup top goalscorers More than 2,000", + "score": 0.68603515625 + }, + { + "id": "8678445", + "title": "Isidro La\u0301ngara", + "text": "in the Spanish second division the year Real Oviedo was promoted. During his first spell in Oviedo, he is recognized to have scored 281 goals in 220 games, this includes 231 goals in 160 competitive games. In the season 1933\u201334 he scored an unprecedented 60 goals in 32 games for Oviedo and another 9 goals in 5 games for the Spanish national team, this is still the highest single season goalscoring count for any Spanish born footballer. In December 1936, he played one match for Athletic Bilbao. With the onset of war, he joined the Republican side. In 1937 he", + "score": 0.685546875 + }, + { + "id": "13147334", + "title": "Refik Resmja", + "text": "1951 Albanian Superliga, Resmja recorded an astonishing 59 goals in just 23 matches, averaging 2,57 goals per match, the highest ratio in history of football. He also scored 10 hat-tricks, setting the record for most hat-tricks scored in the history of Albanian Superliga, a record which still stands. Resmja also become the only player in the history of Albanian football to score six and seven goals in one match; the striker reached the feat in the matches versus Puna Berat (14\u20130), Puna Fier (11\u20130), Spartaku Qyteti Stalin (9\u20130) and Puna Gjirokast\u00ebr (8\u20130). His 59 goals ranked him the sixth player", + "score": 0.68505859375 + }, + { + "id": "3122157", + "title": "Just Fontaine", + "text": "has an even more impressive record. On his debut on 17 December 1953, Fontaine scored a hat trick as France defeated Luxembourg 8\u20130. In seven years, he scored 30 goals in 21 matches. However, he will best be remembered for his 1958 FIFA World Cup performance, where he scored 13 goals in just six matches \u2014 a feat that included putting four past defending champions West Germany. It was also the highest number of goals ever scored by one player at a single World Cup tournament \u2013 a record that stands today. This tally secured him the Golden Boot. As", + "score": 0.68505859375 + }, + { + "id": "8963081", + "title": "George Beel", + "text": "George Beel George Beel (26 February 1900 \u2013 30 December 1980) was a professional footballer who played as a centre forward. He is regarded as the best centre forward in Burnley's history and holds their records for the highest number of goals in a season and the highest number of league goals ever. He started playing football during World War I playing for Blackpool F.C. \u2013 as he was stationed in Blackpool \u2013 in the Wartime Leagues, where he impressed enough to earn himself a trial with Manchester United in 1919. However, he did not do enough to get a", + "score": 0.6845703125 + }, + { + "id": "6735110", + "title": "Eldar Hadz\u030cimehmedovic\u0301", + "text": "then-18-year-old Had\u017eimehmedovi\u0107 made the unusual starting eleven, scoring a hat-trick in the first half. He then scored another hat-trick in the first 25 minutes of the second half. Having scored his six goals, he was then substituted in the 70th minute. 6 goals by Eldar Hadzimehmedovic in this game is the most goals scored by a player in one game record in UEFA cup competition, and he currently holds the record for most goals in a match for Lyn, jointly with John Sveinsson. Hadzimehmedovic has played for the Bosnia and Herzegovina national under-21 football team and the Under-19. Eldar Had\u017eimehmedovi\u0107", + "score": 0.68359375 + }, + { + "id": "6427520", + "title": "Juninho Pernambucano", + "text": "Juninho Pernambucano Ant\u00f4nio Augusto Ribeiro Reis J\u00fanior (born 30 January 1975), commonly known as Juninho or Juninho Pernambucano, is a Brazilian former footballer who played as a midfielder and a current football pundit. Noted for his bending free kicks, he is widely considered to be the greatest free kick-taker of all time and holds the record for the highest number of goals scored through free kicks with 77, ahead of the likes of Pel\u00e9 (70), V\u00edctor Antonio Legrotaglie, Ronaldinho (66, each), and David Beckham (65). Juninho began his professional career in 1993 with Brazilian club Sport do Recife. Two years", + "score": 0.6826171875 + }, + { + "id": "17315282", + "title": "RIHS F.C.", + "text": "Institute of Health and Sciences team: In the game between Transport United and RIHS FC, Passang Tshering scored seventeen goals. Sources indicate that the most goals scored by a single player in a game is 16, scored by Panagiotis Pontikos of Olympos Xylofagou against SEK Ayios Athanasios in May 2007 and by Stephane Stanis for RC Strasbourg in the 1940s. It would appear therefore, that Pontikos, having equalled a record that had stood for over 60 years, saw it broken only a few days later. It is not known whether they competed again, and there is no record of them", + "score": 0.681640625 + }, + { + "id": "17982410", + "title": "Hungary at the FIFA World Cup", + "text": "West German opponents in the group stage only two weeks before the final. In one of the greatest comebacks in football history, the favoured Hungarians were defeated 2-3 despite an early 2-0 lead. With 11 goals in five matches in 1954, S\u00e1ndor Kocsis beat Brazilian Ademir's existing record of nine goals in one tournament from 1950. However, only four years later the record was in turn beaten by Just Fontaine. Hungary at the FIFA World Cup The FIFA World Cup, sometimes called the Football World Cup or the Soccer World Cup, but usually referred to simply as the World Cup,", + "score": 0.681640625 + }, + { + "id": "9416150", + "title": "Godfrey Chitalu", + "text": "which are often referred to by journalist as \"world records\". However, Zambian researchers found out they were actually 116 throughout the calendar year. This includes 15 goals in CAF competitions, 91 goals in FAZ tournaments, 5 goals in friendly games, 3 goals in the NFL Trophy and 2 goals in the NFL Benevolent Fund Match. The research was presented in the year 2012 after Lionel Messi broke the alleged world record of Gerd M\u00fcller. Nevertheless, a FIFA spokesman declared that an official FIFA world record had never existed as they did not keep track of domestic competitions. Upon retirement, Chitalu", + "score": 0.681640625 + }, + { + "id": "4837218", + "title": "Bicycle kick", + "text": "Brazilian midfielder Ronaldinho and French midfielder Zinedine Zidane, he fixated on the bicycle kick. Portuguese forward Cristiano Ronaldo's Champions League bicycle kick goal, in 2018, received widespread praise from fellow footballers, including English forward Peter Crouch, who tweeted \"there is only a few of us who can do that\", and Swedish forward Zlatan Ibrahimovi\u0107, who challenged Ronaldo to \"try it from 40 meters\"\u2014a reference to his FIFA Pusk\u00e1s Award-winning 2012 bicycle kick goal during an international friendly match between Sweden and England. Some of the most memorable bicycle kicks have been notably performed in the FIFA World Cup finals. German", + "score": 0.681640625 + }, + { + "id": "19269411", + "title": "P.V.V.", + "text": "to be contested between the police and the military. Brian Cameron and Mark Ronde (2x) scored for PVV in the final, while Ewald Demidof (2x) scored for SNL. On 23 July 1935, PVV defeated DRD 11\u20132 in the Surinamese Hoofdklasse, the league record for highest scoring match. Hans Nahar scored 7 goals in the match for PVV, which is also a record for most goals scored in a single match. The record for most goals scored was reached by SV Voorwaarts player Purcy Samsey on 26 June 1955, before Louis Mijnals of SV Robinhood improved the record on 26 November", + "score": 0.68115234375 + }, + { + "id": "12183799", + "title": "Dirk Borgognone", + "text": "Dirk Borgognone Dirk Ronald Borgognone (born January 9, 1968) is a former National Football League placekicker who currently holds the record for the longest field goal ever kicked in the history of high school football, 68 yards. Borgognone attended Reno High School, initially playing as a soccer player. He soon switched to football and was trained in a \"straight-on\" kicking style. On September 27, 1985, he kicked the longest field goal in high school football history, during a Reno High School game at Sparks High School. The kick measured 68 yards and was longer than any that had ever been", + "score": 0.68115234375 + }, + { + "id": "1472152", + "title": "Gerd Mu\u0308ller", + "text": "Cup combined made him the all-time highest World Cup goalscorer at the time with 14 goals. His record stood until the 2006 tournament, coincidentally held in Germany, when it was broken by Brazilian striker Ronaldo, who also required more matches than M\u00fcller to achieve his tally. M\u00fcller also participated in the 1972 European Championship, becoming top scorer with four goals (including two in the final) and winning the Championship with the West German team. After M\u00fcller ended his career in 1982, he fell into a slump and suffered from alcoholism. However, his former companions at Bayern Munich convinced him to", + "score": 0.6806640625 + }, + { + "id": "4849669", + "title": "Imre Schlosser", + "text": "fielded Schlosser), and scored 59 goals, a ratio of 0.87 goals per match. In his club career, Schlosser reportedly scored 417 league goals, a number believed to be the sixth highest of all-time. He managed IFK Norrk\u00f6ping. Ferencv\u00e1rosi TC MTK Hung\u00e1ria FC Hungarian Top Goalscorer (7): 1909, 1910, 1911, 1912, 1913, 1914, 1917 Imre Schlosser Imre Schlosser (a.k.a. Imre Schlosser-Lakatos; 11 October 1889 \u2013 19 July 1959) was a Hungarian footballer of Danube Swabian ancestry who played as a forward. He still holds the record as the highest goalscorer in the history of the Hungarian League. The son of Art\u00far", + "score": 0.68017578125 + }, + { + "id": "6788516", + "title": "Hwang Sun-hong", + "text": "Korea were eliminated in the group stage by the failure to secure a win against Bolivia. Despite his disappointing results in the 1994 the World Cup campaign, Hwang consistently played for the national team and gained a reputation as a prolific goal scorer. Particularly noteworthy was his performance in the Hiroshima Asian Games qualifier against Nepal on October 1, 1994, in which he scored 8 goals, the highest single-game score in international play in South Korean football history. Even as he approached his mid-30s, Hwang remained a highly effective striker who could always get himself into good scoring positions. He", + "score": 0.68017578125 + }, + { + "id": "4241156", + "title": "Joaqui\u0301n Botero", + "text": "Botero earned a total of 48 caps and scored 20 goals, becoming the highest scorer in the national team's history. He represented his country in 30 FIFA World Cup qualification matches, scoring 16 goals. Joaqu\u00edn Botero Joaqu\u00edn Botero Vaca (born December 10, 1977 in La Paz) is a retired Bolivian football striker. He is the all-time record Bolivia national team's goalscorer and was the top goalscorer in world football in the 2002 season, with 49 goals scored for Club Bol\u00edvar. After scoring 133 goals for Bol\u00edvar and becoming the club's 2nd highest goalscorer of all time, he left the club", + "score": 0.67919921875 + }, + { + "id": "714166", + "title": "1958 FIFA World Cup", + "text": "and win a World Cup Final. Conversely, Nils Liedholm became the oldest player to score in a World Cup Final at 35 years, 263 Days. This final had the highest number of goals scored by a winning team (5), the highest number of total goals scored (7), and together with the 1970 and 1998 finals shares the highest goal margin of difference (3); Brazil played in all those three finals. The game is also notable for many firsts in FIFA World Cup. With the exception of the 1950 FIFA World Cup final group stage, this marked the first time that", + "score": 0.67919921875 + }, + { + "id": "6594590", + "title": "Austria v Switzerland (1954 FIFA World Cup)", + "text": "Austria v Switzerland (1954 FIFA World Cup) On 26 June 1954, in a quarterfinal match of the 1954 FIFA World Cup, Austria beat Switzerland 7\u20135 in Lausanne, Switzerland. The 12 goals scored in the match set a World Cup record, unequalled to date, for the highest scoring match ever. The match is known by its German name, Hitzeschlacht von Lausanne (roughly translated to \"The heat battle of Lausanne\"), due to the high temperature that it was played under, 40 \u00b0C (104 \u00b0F). Switzerland, the tournament hosts, took a notable lead early on. In four minutes, the Swiss scored three goals:", + "score": 0.67822265625 + }, + { + "id": "6177308", + "title": "Bernard Voorhoof", + "text": "of Armand Swartenbroeks) until 13 April 1958, when his total was surpassed by Vic Mees. He holds the Belgian record of goals since 13 March 1938, when he equalled the total of Robert De Veen. Paul Van Himst equalled his tally of 30 international goals for Belgium on 17 June 1972. Bernard Voorhoof Bernard Voorhoof (10 May 1910 \u2013 18 February 1974) was a Belgian footballer, the Belgium national team top scorer since 1940 with 30 goals in 61 matches. He was joined by Paul Van Himst in 1974 who needed 81 matches to score the same number of goals.", + "score": 0.67822265625 + }, + { + "id": "704895", + "title": "1930 FIFA World Cup", + "text": "while Argentina hosted Yugoslavia on 3 August. Uruguay's aggregate goal difference of +12 over four games, at an average of +3 per match, remains the highest average goal difference per match of any World Cup champion, and the second highest of any World Cup Finals participant, after Hungary in 1954. With eight goals, Guillermo St\u00e1bile was the top scorer in the tournament. In total, 70 goals were scored by 36 players, with only one of them credited as an own goal. In 1986, FIFA published a report that ranked all teams in each World Cup up to and including 1986,", + "score": 0.677734375 + }, + { + "id": "624528", + "title": "Marco van Basten", + "text": "undefeated in the league to win another \"Scudetto\". Van Basten scored 25 league goals, and became \"Capocannoniere\" again; his tally from the 1991\u201392 season was the highest number a goals that a player had scored in a single Serie A season since Lu\u00eds Vin\u00edcio achieved the same tally during the 1965\u201366 season. In November 1992, he became the first player to score four goals in a Champions League match, against IFK G\u00f6teborg, including a picture perfect bicycle kick. In December 1992, Van Basten was named FIFA World Player of the Year. Milan stretched their unbeaten run into the 1992\u201393 season,", + "score": 0.677734375 + }, + { + "id": "3289124", + "title": "Dado Prs\u030co", + "text": "them to the UEFA Champions League final in 2004. He is perhaps best remembered for his four goals in the 8-3 win over Deportivo La Coru\u00f1a (a game which was played on his birthday), which was the highest scoring Champions League scoreline. That night, he also equaled the competition record, joining Marco van Basten and Simone Inzaghi as the competition's top scorer in a single match; this has since been surpassed by Lionel Messi and Luiz Adriano. In May 2004, Pr\u0161o signed for Scottish side Rangers on a free transfer. In his first season at Rangers he played 34 league", + "score": 0.67724609375 + }, + { + "id": "14700317", + "title": "Clemente Gra\u0300cia", + "text": "Clemente Gr\u00e0cia Bosch Josep-Clemente Gr\u00e0cia (5 February 1897 \u2013 6 March 1981), known as Grace, was a Spanish Catalan footballer who played as a forward and out as header during a career which lasted from 1917 to 1926. In the midst of his years (1919\u201326) as a member of FC Barcelona, he achieved a record, during the 1921\u201322 season, which has remained unbroken into 2010 \u2014 the most goals (59) scored by a player in a season. A native of Barcelona, Clemente Gr\u00e0cia began his career at Terrassa FC. In the 1917-1918 season he was top scorer for RCD Espanyol,", + "score": 0.67724609375 + }, + { + "id": "18150592", + "title": "FIFA World Cup top goalscorers", + "text": "the 1930 tournament. The first was Hungary's S\u00e1ndor Kocsis with eleven in 1954. At the next tournament, France's Just Fontaine improved on this record with 13 goals in only six games. Gerd M\u00fcller scored 10 for West Germany in 1970 and broke the overall record when he scored his 14th goal at the World Cup during West Germany's win at the 1974 final. His record stood for more than three decades until Ronaldo's 15 goals between 1998 and 2006 for Brazil. Germany's Miroslav Klose went on to score a record 16 goals across four consecutive tournaments between 2002 and 2014.", + "score": 0.6767578125 + }, + { + "id": "12319131", + "title": "2007 Bhutan A-Division", + "text": "known. However, there are a number of results which are notable due to their high scores, both involving very heavy defeats for the Royal Institute of Health and Sciences team: In the game between Transport United and RIHS FC, Passang Tshering scored seventeen goals. Sources indicate that the most goals scored by a single player in a game is 16, scored by Panagiotis Pontikos of Olympos Xylofagou against SEK Ayios Athanasios in May 2007 and by Stephane Stanis for RC Strasbourg in the 1940s. It would appear therefore, that Pontikos, having equalled a record that had stood for over 60", + "score": 0.67626953125 + }, + { + "id": "8821833", + "title": "Riza Lushta", + "text": "absolute most goals in the major leagues in Europe, and was also one of the largest during his time in Europe. A total of 68 goals in Serie A became the striker from Kosovo. Kosovo's largest football stadium in Mitrovica carry today his name. After a youth start with FK Rudari Trep\u010da, he started his career at SK Tirana, and won four Albanian titles with the team (1934, 1936, 1937 and 1939, the latter one not recognized by the Albanian Football Association) and the first Albanian Cup in 1939. He then moved to Italy to play with A.S. Bari, and", + "score": 0.67626953125 + }, + { + "id": "4361619", + "title": "Benni McCarthy", + "text": "retired from international matches after the 2002 World Cup. However, he returned to the national team in 2004 and eventually set the record for most international goals for South Africa; McCarthy's strike in the second half of a 3\u20130 win against Paraguay in a 2008 friendly eclipsed the previous record of 29 goals held by Shaun Bartlett. Prior to the 2010 World Cup, held in South Africa, McCarthy announced his support for the Gun-Free World Cup campaign being run by International Action Network on Small Arms. He said, \"This World Cup will be the biggest in football history and the", + "score": 0.67626953125 + }, + { + "id": "5612956", + "title": "Karim Bagheri", + "text": "of the strongest right-footed shots and scored many fantastic goals against opponents, such as his game-tying goal against South Korea in the quarter finals of the 2000 Asian Cup in Lebanon. On 2 June 1997, he scored seven times against the Maldives, and equalled the record for the most goals scored in a World Cup match, which was held by the Australian Gary Cole since 1981. Their joint record was broken on 11 April 2001 when another Australian, Archie Thompson scored 13 goals against American Samoa. He was named the world's second top goal scorer in official international matches by", + "score": 0.67626953125 + }, + { + "id": "11591653", + "title": "Coen Dillen", + "text": "Coen Dillen Coenraad Henrik Dillen (5 October 1926 \u2013 24 July 1990) was a Dutch footballer who primarily played for PSV as well as the Dutch national side. He holds the record of most goals scored in an Eredivisie season. Dillen started his senior career at PSV, but returned to childhood club Brabantia, before joining PSV once more for a prolific period. Nicknamed \"Het Kanon\" (the cannon), his goal tally of 43 in the inaugural 1956/57 Eredivisie season remains the highest score by an individual in the Eredivisie. He scored twenty goals in a nine-match period between 27 January and", + "score": 0.67578125 + }, + { + "id": "3184711", + "title": "Belgium national football team", + "text": "6 months and 10 days. \". The records are collected based on data from FIFA and RSSSF.\" \"Highlighted names denote a player still playing or available for selection.\" Romelu Lukaku is the highest-scoring Belgium player with 45 goals. Those who scored the most goals in one match are Robert De Veen, Bert De Cleyn and Josip Weber (5); De Veen also holds the record for the most hat-tricks with three. Belgium's fastest goal after the initial kick-off was scored by Christian Benteke, 8.1 seconds into the match against Gibraltar on 10 October 2016. Belgium national football team The Belgian national", + "score": 0.67578125 + }, + { + "id": "8339928", + "title": "Humberto Suazo", + "text": "announced his retirement from football on January 14, 2016. Suazo had also become a fixture with his international side. In 2006, he scored 17 goals in national and international matches, surpassing Peter Crouch by one goal for the \"World's Top Goal Scorer Award\". His four international goals all came in friendlies. He scored goals against New Zealand and Sweden. His other two goals came in the form of penalties versus Ivory Coast and Colombia. In January 2007, he was awarded world's top goal scorer of 2006 by the International Federation of Football History & Statistics in Salzburg, Austria. He was", + "score": 0.67529296875 + }, + { + "id": "3048831", + "title": "Cristiano Ronaldo", + "text": "to do so in total. His third goal saw him curl in a 30-yard free kick with two minutes remaining for the equaliser. His hat-trick also drew him level with Ferenc Pusk\u00e1s as the highest European goalscorer of all-time, with 84 international goals. In Portugal's second game on 20 June, Ronaldo scored the only goal in a 1\u20130 victory against Morocco, breaking Pusk\u00e1s' record. In the final group match against Iran on 25 June, Ronaldo missed a penalty in an eventual 1\u20131 draw which saw Portugal progress to the second round as group runners-up behind Spain. On 30 June, Portugal", + "score": 0.6748046875 + }, + { + "id": "5643581", + "title": "Odd Iversen", + "text": "and 1979). Upon retirement in 1982, he became the first Norwegian player in history to get a testimonial match by his club (Rosenborg). At the time of his death he still held the record of most goals scored in one season (30 goals in 18 matches), a record that as of December 2014 still stands. During his career as a footballer he scored 158 goals in the top division, a record that stood for more than 20 years until it was broken by Petter Belsvik (159) in 2003. Since then, Harald Martin Brattbakk (166) and Sigurd Rushfeldt (172) have also", + "score": 0.6748046875 + }, + { + "id": "1915202", + "title": "Pen\u0303arol", + "text": "matches, between 28 April 1957 and 28 November 1970. The team's all-time top scorers in the Primera Divisi\u00f3n are Fernando Morena (203), Alberto Spencer (113) and \u00d3scar M\u00edguez (107). Morena's (whose 230 goals\u2014203 with Pe\u00f1arol and 27 with River Plate\u2014make him the highest-scoring player in the Uruguayan League) 440 goals with Pe\u00f1arol are a record as well. He scored the most goals in a single Uruguayan season (36 in 1978), and is the club's second-best goal scorer in international competition with 37 goals (behind Alberto Spencer, who scored 58 goals between 1960 and 1970). Spencer and Morena are the top", + "score": 0.6748046875 + }, + { + "id": "19915013", + "title": "History of football in Cape Verde", + "text": "two-grouping system. For several times, the champion would be decided on the highest number of points and goals in 2001 and 2002, the highest number of points ever was 19, nine clubs took part in the national championships up to 2003. From 2004, again in a decade, a Sporting Praia holds the highest number of goals scored in the regular season and the total number of 35 in 2005. Also in the season, Sporting Praia scored 13-0 over Desportivo Est\u00e2ncia Baixo making it the highest scoring match in the national championships and still stands today. Z\u00e9 di Tch\u00e9tcha scored the", + "score": 0.67431640625 + }, + { + "id": "13034112", + "title": "Marc Burrows", + "text": "old Wembley Stadium. Burrows is recognised as scoring the sport's fastest ever goal, beating both the former English record of Colin Cowperthwaite (3.5 seconds) and the world record held by Ricardo Oliveira (2.8 seconds). The record was set in a reserve team match against Eastleigh in 2004, when Burrows spotted the goalkeeper off his line and shot straight from kick-off. With the wind behind it the ball landed in the goal, and was recorded by the match referee at 2.5 seconds. The Football Association later confirmed this goal was a world record for the sport. Burrows died on 9 February", + "score": 0.673828125 + }, + { + "id": "8306687", + "title": "Jose\u0301 Reinaldo de Lima", + "text": "Jos\u00e9 Reinaldo de Lima Jos\u00e9 Reinaldo de Lima, born on January 11, 1957, is a former Brazilian football player and striker, popularly known as Reinaldo or Rei (The King). Widely regarded as one of the greatest strikers in the history of Brazilian football, Reinaldo played most of his career for Atl\u00e9tico Mineiro, and still holds the record of highest goal average per game in the Brazilian league, with 1.55 goals per match in the 1977 Brazilian Championship, at a time when Atl\u00e9tico Mineiro was regarded to have one of the best teams in the world. \"Reinaldo\" played 30 matches and", + "score": 0.67333984375 + }, + { + "id": "1634947", + "title": "Miroslav Klose", + "text": "goalscorer in the history of the FIFA World Cup with 16 goals, having scored five goals in his debut World Cup in 2002 and having won the Golden Boot at the 2006 World Cup in Germany by again scoring five times. He also scored four times in the 2010 World Cup and twice at the 2014 World Cup, the latter tournament where he overtook Ronaldo's then-record of 15 goals to top the all-time list. Klose is also the top scorer of all time for Germany, which never lost a game in which Klose scored, and one of the very few", + "score": 0.6728515625 + }, + { + "id": "4243632", + "title": "Bobby Gurney", + "text": "the game and in 1950 became manager of Midland League side Peterborough United. He was subsequently manager of Darlington, and finally had a short spell as manager of Hartlepool United. Bobby Gurney Bobby Gurney (13 October 1907 \u2013 14 April 1994) was a football forward who is the highest goal scorer in the history of his only senior club as a player, Sunderland. Born in Stewart Street, Silksworth, Sunderland, his father Joe was a miner at Silksworth Colliery. His mother, Elizabeth, stayed at home to look after Bobby, his three brothers and one sister. Bobby took up football as a", + "score": 0.6728515625 + }, + { + "id": "5770792", + "title": "Alexander Zickler", + "text": "scoring three goals \u2013 in 2000\u201301 as Bayern won the league. In the campaign's UEFA Champions League final, against Valencia CF, he entered the game as a substitute and successfully converted his penalty kick in the shootout, which ended in win. During his time in the top flight, he broke the record as the highest goal-scoring substitute of all-time, scoring 18 times in 102 appearances off the bench; however, his career was often hampered by injuries and medical conditions: in 2002, he had surgery to remove a tumor from his right shin bone which caused him to miss out on", + "score": 0.6728515625 + }, + { + "id": "7929371", + "title": "Oldr\u030cich Nejedly\u0301", + "text": "scorer in the 1934 World Cup with five goals. This has been officially recognized by FIFA since November 2006, as he was initially credited with only four, making him joint top scorer with Angelo Schiavio and Edmund Conen. He also scored two goals in the 1938 World Cup. Nejedl\u00fd died in 1990, aged 80, while the 1990 FIFA World Cup was being played, tournament which, as the 1934 edition, took place in Italy. Old\u0159ich Nejedl\u00fd Old\u0159ich Nejedl\u00fd (26 December 1909 \u2014 11 June 1990) was a Czech footballer, who spent his entire career at Sparta Prague as an inside-forward. He", + "score": 0.67236328125 + }, + { + "id": "15721465", + "title": "Souleymane Coulibaly", + "text": "Pongolle (at the earlier held 2001 FIFA U-17 World Championship), who did it in six matches rather than Coulibaly's four. He scored nine of his side's ten goals overall, which meant that he scored every 40 minutes of match time, or slightly more than once per half played. The record has since been broken by Nigerian striker Victor Osimhen, who scored 10 goals in 7 games at the 2015 World Cup. As a result of his performances, Coulibaly was linked in the media to moves to Manchester United and Real Madrid, before finally moving to Tottenham. He has been labelled", + "score": 0.67236328125 + }, + { + "id": "19466850", + "title": "Pele\u0301 statistics", + "text": "Pel\u00e9 statistics Pel\u00e9 (Edson Arantes do Nascimento) is a retired professional football player. Pel\u00e9's goalscoring record is often reported by FIFA as being 1281 goals in 1363 games. This figure includes goals scored by Pel\u00e9 in friendly club matches, like international tours Pel\u00e9 completed with Santos and the New York Cosmos, and a few games Pel\u00e9 played in for the Brazilian armed forces teams during his national service in Brazil. He was listed in the \"Guinness World Records\" for most career goals scored in football his goalscoring record. The tables below record every goal Pel\u00e9 scored in major club competitions", + "score": 0.671875 + }, + { + "id": "336245", + "title": "Pele\u0301", + "text": "Pel\u00e9 in friendly club matches, like international tours Pel\u00e9 completed with Santos and the New York Cosmos, and a few games Pel\u00e9 played in for the Brazilian armed forces teams during his national service in Brazil. He was listed in the \"Guinness World Records\" for most career goals scored in football. The tables below record every goal Pel\u00e9 scored in major club competitions for Santos and the New York Cosmos. Pel\u00e9 is the top scorer of the Brazil national football team with 77 goals in 92 official appearances. In addition, he scored 18 times in 22 unofficial games. This makes", + "score": 0.67138671875 + }, + { + "id": "8098797", + "title": "Oktay Dereliog\u0306lu", + "text": "Oktay Derelio\u011flu Oktay Derelio\u011flu (born 17 December 1975) is Turkish former international footballer and current football coach. Derelio\u011flu played as a forward and is notable for his goal against Belgium during the qualifying rounds of the 1998 FIFA World Cup. The goal started at midfield before Derelio\u011flu jinked past six Belgian defenders, one of them twice, mimicking Diego Maradona's \"Goal of the Century\". Derelio\u011flu holds the record for most goals in European competitions for Be\u015fikta\u015f with 14. Derelio\u011flu was born in Istanbul and began his club career with local club Fatih Karag\u00fcmr\u00fck. He made his debut at the age of", + "score": 0.67138671875 + }, + { + "id": "1650664", + "title": "Ferenc Puska\u0301s", + "text": "Ferenc Pusk\u00e1s Ferenc Pusk\u00e1s (; n\u00e9 Purczeld; 2 April 1927 \u2013 17 November 2006) was a Hungarian footballer and manager, widely regarded as one of the greatest players of all time. A prolific forward, he scored 84 goals in 85 international matches for Hungary, and 514 goals in 529 matches in the Hungarian and Spanish leagues. He became an Olympic champion in 1952 and led his nation to the final of the 1954 World Cup where he was named the tournament's best player. He won three European Cups (1959, 1960, 1966), 10 national championships (5 Hungarian and 5 Spanish Primera", + "score": 0.67138671875 + }, + { + "id": "4243629", + "title": "Bobby Gurney", + "text": "Bobby Gurney Bobby Gurney (13 October 1907 \u2013 14 April 1994) was a football forward who is the highest goal scorer in the history of his only senior club as a player, Sunderland. Born in Stewart Street, Silksworth, Sunderland, his father Joe was a miner at Silksworth Colliery. His mother, Elizabeth, stayed at home to look after Bobby, his three brothers and one sister. Bobby took up football as a child, playing for his village team. His older brother, Ralph, also played football, as a goalkeeper. All his brothers went into pit jobs after leaving school. Bobby was signed to", + "score": 0.6708984375 + }, + { + "id": "3475539", + "title": "Dixie Dean", + "text": "in summer 1926 left Dean with a fractured skull and jaw, and doctors were unsure whether he would be able to play again. In his next game for Everton he scored using his head, leading Evertonians to joke that the doctor left a metal plate in Dean's head. Dean's greatest point of note is he is still the only player in English football score 60 league goals in one season (1927\u201328). At that season's end he was 21 years old. Middlesbrough's George Camsell, who holds the highest goals-to-games ratio for England, had scored 59 league goals the previous season, although", + "score": 0.6708984375 + }, + { + "id": "6508138", + "title": "Peter McParland", + "text": "for Northern Ireland in the 1958 FIFA World Cup in which he scored five goals and helped his team to the quarter-finals. France defeated Northern Ireland 4\u20130 in the quarter-final. He holds the record for being the highest-scoring Northern Irish player in World Cup finals history. In April 2015, the feature-length documentary Spirit of '58 was screened as part of the Belfast Film Festival. It featured Peter McParland prominently alongside the other surviving players (Billy Bingham, Billy Simpson, Jimmy McIlroy and Harry Gregg) as it told the story of Northern Ireland's journey throughout the 1950s under the managership of Peter", + "score": 0.6708984375 + }, + { + "id": "6605811", + "title": "Coburg Football Club", + "text": "11 and 10 goals in separate games to kick 116 goals for the season; in 98 games for Coburg Football Club (VFA) his tally was 432 goals. Bob Pratt, who crossed from the VFL without a clearance early in the throw-pass era, kicked 183 goals in the 1941 VFA season for Coburg, which was then the highest number of goals kicked in a VFA season until Ron Todd of Williamstown (VFA) beat that record and kicked 188 goals in 1945. Pratt and Collins together hold the record for the most goals by two players in a season: they kicked a", + "score": 0.6708984375 + }, + { + "id": "10805015", + "title": "Voetbal International", + "text": "awarded the 'Golden Television Ring 2011' for best television program of the year. On 7 June 2017, the magazine elected Argentine Lionel Messi as the best footballer in history, after a voting that took place in order to rank the top 100 footballers of all time. Messi won the poll earning the number one spot ahead of compatriot Diego Maradona and Dutch legend Johan Cruyff, that came second and third respectively. The top 5 list is as follows : Voetbal International Voetbal International (VI) is a Dutch football magazine. It is the oldest Dutch football magazine that is still running.", + "score": 0.67041015625 + }, + { + "id": "4711436", + "title": "Arsenio Erico", + "text": "Arsenio Erico Arsenio Pastor Erico Mart\u00ednez (30 March 1915 \u2013 23 July 1977) was a Paraguayan football striker. He is the all-time highest goalscorer in the Argentine first division, with 295 goals according to Argentine Football Association. Previously it had been affirmed that Erico's record was 293 goals, sharing the first place with Angel Labruna All the goals in Erico's career in Primera Divisi\u00f3n were scored playing for Independiente. Erico is also considered the best Paraguayan footballer of all time and for some people is the best player of history, including Alfredo Di Stefano. A striker noted for his technique,", + "score": 0.67041015625 + }, + { + "id": "7935792", + "title": "Va\u0301clav Mas\u030cek", + "text": "forty years later, when his record was beaten by Hakan \u015e\u00fck\u00fcr of Turkey, by scoring after 11 seconds in the 3rd place match of the 2002 FIFA World Cup. V\u00e1clav Ma\u0161ek V\u00e1clav Ma\u0161ek (born 21 March 1941) is a Czech football player who played as a striker. He was a member of the Czechoslovakia national football team, for which he played 16 matches and scored 5 goals. In Czechoslovakia, he played 313 league matches and scored 127 goals for Sparta Prague. He was a participant in the 1962 FIFA World Cup, where his country were runners up, losing to Brazil", + "score": 0.669921875 + }, + { + "id": "1560205", + "title": "Cruzeiro Esporte Clube", + "text": "25 goals on that list, which also has old-timer Niginho (207 goals) closing the top 3, being the only ones with over 200 goals for Cruzeiro. Nin\u00e3o holds the record for goals scored in a single match: 10 in Cruzeiro's 14\u20130 win over Alves Nogueira during Campeonato da Cidade on June 17, 1928. Nelinho holds the record for most goals scored from penalties: 38; and the record for goals scored from fouls: 42. Walter Montillo's 39 goals make him the non-Brazilian with the most goals for Cruzeiro, a record that would belong to Bolivia national football team vice-captain and striker", + "score": 0.669921875 + }, + { + "id": "4720155", + "title": "Jose\u0301 Altafini", + "text": "managed 17 goals. In Milan's 5\u20130 win over l'Union Luxembourg, he managed to score five goals in a single match of the competition, a record which he shares with eight other footballers, including Lionel Messi. Milan were defeated in the 1963 Intercontinental Cup final 1\u20130 by Pel\u00e9's Santos in a play-off match following a 6\u20136 draw on aggregate; Altafini scored one goal in the competition, in Milan's 4\u20132 second leg defeat. Altafini's performances led him to be nominated for the 1963 and 1964 Ballon d'Or awards, in which he finished in 11th and 16th place respectively. His appearances became more", + "score": 0.669921875 + }, + { + "id": "9078060", + "title": "Vahid Shamsaei", + "text": "Goalscorer of the Asian Futsal Championship. On 19 May 2007 after scoring one goal against Japan in Iran's 4\u20131 victory in the final of the 2007 AFC Futsal Championship, he scored his 316th national goal. He is officially the world's Top Futsal Goalscorer with 82 goals ahead of Manoel Tobias of Brazil national futsal team, the previous holder of the title with 302 goals. Vahid Shamsaei Vahid Shamsaei (, born 21 September 1975) is an Iranian futsal player and a coach. He was a striker and he scored 392 goals in international matches. He is also the all time top", + "score": 0.669921875 + }, + { + "id": "4547778", + "title": "Colo-Colo", + "text": "1963. The 1963 team broke two top-tier records: Luis Hern\u00e1n \u00c1lvarez scored 37 goals in a single season (the highest number of goals scored by a Colo-Colo footballer during a season) and the netting of the highest number of goals scored by a club in a season (130). The team won its tenth honour in 1970. In 1972, now under the orders of coach Luis \u00c1lamos and with figures like Carlos Caszely and Francisco Vald\u00e9s, the club won another championship. It also obtained the country's attendance record of 45,929 people for a single season. That team was the basis of", + "score": 0.66943359375 + }, + { + "id": "5197876", + "title": "Roge\u0301rio Ceni", + "text": "goalkeeper to have scored the most goals in the history of football. Ceni also represented Brazil 16 times over the course of his career, being part of the squads that won the 2002 FIFA World Cup and the 1997 FIFA Confederations Cup, and also taking part at the 2006 FIFA World Cup. Ceni is considered one of the all-time greatest Brazilian goalkeepers. Born in Pato Branco, Paran\u00e1, Ceni made his senior debuts with Sinop Futebol Clube. In 1990, the 17-year-old joined S\u00e3o Paulo FC, spending his first six seasons in S\u00e9rie A as a backup or third-choice. On 25 June", + "score": 0.66943359375 + }, + { + "id": "4611291", + "title": "George Camsell", + "text": "George Camsell George Henry Camsell (27 November 1902 \u2013 7 March 1966) was an English footballer who scored a club record 325 league goals in 419 games for Middlesbrough, and 18 goals in 9 appearances for England. His 59 goals in one season (1926\u201327) for Middlesbrough was a Football League record at the time, and has only ever be bettered within the English game by Dixie Dean of Everton in 1927-28. He also holds the highest goals-to-games ratio for England of anyone who has played more than a single international. Born in Framwellgate Moor, Durham City in 1902, Camsell worked", + "score": 0.66943359375 + }, + { + "id": "19727152", + "title": "Arild Nordfj\u00e6rn", + "text": "Arild Nordfj\u00e6rn Arild Nordfj\u00e6rn (born 25 November 1965) is a retired Norwegian football midfielder. Playing for Strindheim IL in the Norwegian second tier (then: 2. Divisjon) in 1987, Nordfj\u00e6rn left them to join Nardo FK ahead of the 1989 season. He became a star player for the third-tier club, scoring 40 goals in the 1991 season. He thereby took the club record for most goals scored in one season as well as most goals scored in one match (8), and most goals overall (81). Ahead of the 1992 season he was scouted by Norway's leading club Rosenborg BK. He played", + "score": 0.66943359375 + }, + { + "id": "7614781", + "title": "Australia national soccer team", + "text": "second place with 108 caps, followed by Lucas Neill with 96 caps and Brett Emerton with 95 caps. Tim Cahill is Australia's highest goalscorer, with 50 goals since his first appearance for Australia in March 2004. Damian Mori (29 goals) and Archie Thompson (28 goals) complete the top three. Australia currently hold the world record for the largest win and the most goals scored by a player in an international match. Both records were achieved during the 2002 FIFA World Cup qualification match against American Samoa on 11 April 2001. Australia won 31\u20130 with Archie Thompson scoring 13 goals and", + "score": 0.66943359375 + }, + { + "id": "9036839", + "title": "Transport United F.C.", + "text": "but in the game between Transport United and RIHS FC, Passang Tshering scored seventeen goals. Sources indicate that the most goals scored by a single player in a game is 16, scored by Panagiotis Pontikos of Olympos Xylofagou against SEK Ayios Athanasios in May 2007 and by Stephane Stanis for RC Strasbourg in the 1940s. It would appear therefore, that Pontikos, having equalled a record that had stood for over 60 years, saw it broken only a few days later. The club also participated in their third consecutive AFC President's Cup, this time held in Lahore, Pakistan. They were drawn", + "score": 0.6689453125 + }, + { + "id": "6763080", + "title": "Sohail Abbas", + "text": "(129 goals), Hanif Khan (127 goals) and Manzoorul Hassan Sr (101 goals). He got eight goals at Sydney after handsome display at Osaka's Olympic qualifiers. His achievement at Japan was all the more remarkable considering he had only just returned to the fray after spending four months on the sidelines with a groin injury. His total goals in 2000 were 26, followed by 37 in 2001. Sohail attracted worldwide attention in 2002 when he emerged as the joint highest scorer along with Argentina's Jorge Lombi in the 10th World Cup at Kuala Lumpur. And all 10 goals that Sohail scored", + "score": 0.6689453125 + }, + { + "id": "6594592", + "title": "Austria v Switzerland (1954 FIFA World Cup)", + "text": "the 32nd minute, Ernst Ocwirk gave Austria the lead; Robert K\u00f6rner added his second, making the score 5\u20133. Ballaman scored again for Switzerland at the 39th minute. The first half thus ended 5\u20134 in favour of Austria, being the highest scoring half in World Cup history, even after inside left Alfred K\u00f6rner had missed a penalty kick in the 42nd minute. Nine minutes into the second half, Wagner put Austria up 6\u20134 with his third goal, recording the seventh hat-trick of the 1954 World Cup (\"See List of World Cup hat-tricks\"). H\u00fcgi would then emulate the feat, scoring his third", + "score": 0.6689453125 + }, + { + "id": "13917023", + "title": "FIFA Puska\u0301s Award", + "text": "forward European football produced in first-division football, and scored a once world record of 84 goals in 85 internationals. He is one of the top scorers of the 20th century, with 512 goals in 528 matches. \"It is important to preserve the memory of those footballing greats who have left their mark on our history. Ferenc Pusk\u00e1s was not only a player with immense talent who won many honours, but also a remarkable man. FIFA is therefore delighted to pay tribute to him by dedicating this award to his memory,\" said Blatter at the inauguration of the award in Budapest.", + "score": 0.66845703125 + }, + { + "id": "12933156", + "title": "Kiril Lazarov", + "text": "Kiril Lazarov Kiril Lazarov () (born 10 May 1980) is a Macedonian handball player who plays for HBC Nantes and for the Macedonian national team. He is also the retired captain of the Macedonia national handball team. Lazarov holds the records for most goals scored in a single World Men's Handball Championship (92) and single European Men's Handball Championship (61). He is also the all-time top scorer in the EHF Champions League and the only player to have scored more than 1,000 goals. Due to his scoring prowess, he is regarded as one of the best handball scorers of all", + "score": 0.66845703125 + }, + { + "id": "19466853", + "title": "Pele\u0301 statistics", + "text": "Edition of Scoreboard; and Sextant Publishing House. Pel\u00e9 statistics Pel\u00e9 (Edson Arantes do Nascimento) is a retired professional football player. Pel\u00e9's goalscoring record is often reported by FIFA as being 1281 goals in 1363 games. This figure includes goals scored by Pel\u00e9 in friendly club matches, like international tours Pel\u00e9 completed with Santos and the New York Cosmos, and a few games Pel\u00e9 played in for the Brazilian armed forces teams during his national service in Brazil. He was listed in the \"Guinness World Records\" for most career goals scored in football his goalscoring record. The tables below record every", + "score": 0.66748046875 + }, + { + "id": "8306688", + "title": "Jose\u0301 Reinaldo de Lima", + "text": "scored 14 goals for the Brazilian national team between July 1975 and May 1985, including the 1978 FIFA World Cup, where he scored one goal against Sweden. He also scored the qualifying goal for Brazil\u2019s participation in the 1982 FIFA World Cup held in Spain, but was not included on the team, apparently due to injury. \"Reinaldo\" scored a club record of 255 goals for Clube Atl\u00e9tico Mineiro. He also averaged 1.55 goals per match in the 1977 season\u2014scoring 28 goals in 18 matches\u2014 the record average for the Brazilian League, for which Atl\u00e9tico supporters nicknamed him The King (\"o", + "score": 0.66748046875 + }, + { + "id": "17366468", + "title": "Gu\u0308nter Pro\u0308pper", + "text": "scored five goals in a game against SpVgg Erkenschwick, and in October 1971, Wuppertal had an away match against Pr\u00f6pper's former club Rot-Weiss Essen. He went on to score four times in an eventual 5\u20130 win, and received a standing ovation from both sets of supporters as he was substituted. By the end of the season, Pr\u00f6pper had scored a total of 52 goals in 34 league games \u2013 a record in German professional football for most goals in one season, and a further eight goals in the \"Aufstiegsrunde\" as Wuppertal won promotion to the Bundesliga. Pr\u00f6pper scored 21 goals", + "score": 0.66748046875 + } + ], + "answer": "The players with the highest all-time goals and highest men's and women's international football goals differ. The player with the highest all-time men's football goals is Josef Bican, who in 2020 was recognized by FIFA, the international governing body of football, as the record scorer with an estimated 805 goals. Christine Sinclair has the highest goals in women's international football with 187 and is the all-time leader for international goals scored for men or women. Cristiano Ronaldo and Ali Daei are currently tied for leading goalscorer in the history of men's international football with 109." + }, + { + "qa_pairs": [ + { + "context": "Sounds of Silence is the second studio album by Simon & Garfunkel, released on January 17, 1966. The album's title is a slight modification of the title of the duo's first major hit, \"The Sound of Silence\", which originally was released as \"The Sounds of Silence\". The song had earlier been released in an acoustic version on the album \"Wednesday Morning, 3 A.M.\", and later on the soundtrack to the movie \"The Graduate\". Without the knowledge of Paul Simon or Art Garfunkel, electric guitars, bass and drums were overdubbed by Columbia Records staff producer Tom Wilson on June 15, 1965. This new version was released as a single in September 1965, and opens the album.", + "question": "Who is the original artist of sound of silence, the song, released in 1964?", + "short_answers": [ + "Simon & Garfunkel", + "Paul Simon and Art Garfunkel", + "Art Garfunkel", + "Paul Simon" + ], + "wikipage": "Sounds of Silence" + }, + { + "context": "Sounds of Silence is the second studio album by Simon & Garfunkel, released on January 17, 1966. The album's title is a slight modification of the title of the duo's first major hit, \"The Sound of Silence\", which originally was released as \"The Sounds of Silence\". The song had earlier been released in an acoustic version on the album \"Wednesday Morning, 3 A.M.\", and later on the soundtrack to the movie \"The Graduate\". Without the knowledge of Paul Simon or Art Garfunkel, electric guitars, bass and drums were overdubbed by Columbia Records staff producer Tom Wilson on June 15, 1965. This new version was released as a single in September 1965, and opens the album.", + "question": "Who is the original artist of sound of silence, the album?", + "short_answers": [ + "Simon & Garfunkel", + "Paul Simon and Art Garfunkel", + "Art Garfunkel", + "Paul Simon" + ], + "wikipage": "Sounds of Silence" + }, + { + "context": "\"Sound of Silence\" is a song performed by Australian recording artist Dami Im. Written by Anthony Egizii and David Musumeci of DNA Songs, it is best known as Australia's entry at the Eurovision Song Contest 2016 which was held in Stockholm, Sweden, where it finished 2nd, receiving a total of 511 points. The song also won the Marcel Bezen\u00e7on Award in the composer category. The song was leaked on 10 March 2016, one day before its initial release date. It is Dami Im's fourth Australian top 20 hit and worldwide, it reached the top 40 in more than six countries after the Eurovision Song Contest 2016 Final.", + "question": "Who is the original artist of sound of silence, the song, released in 2016?", + "short_answers": [ + "Dami Im" + ], + "wikipage": "Sound of Silence (Dami Im song)" + } + ], + "wikipages": [ + { + "title": "The Sound of Silence", + "url": "https://en.wikipedia.org/wiki/The%20Sound%20of%20Silence" + }, + { + "title": "Sounds of Silence", + "url": "https://en.wikipedia.org/wiki/Sounds%20of%20Silence" + }, + { + "title": "Sound of Silence (Dami Im song)", + "url": "https://en.wikipedia.org/wiki/Sound%20of%20Silence%20%28Dami%20Im%20song%29" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Wednesday Morning, 3 A.M. was re-released in January 1966 (to capitalize on their newly found radio success because of the overdubbing of the song \"The Sound of Silence\" in June 1965, adding electric guitars, bass guitar and a drum kit), and reached No. 30 on the Billboard 200...The album was produced by Tom Wilson and engineered by Roy Halee between March 10\u201331, 1964.", + "wikipage": "Wednesday Morning, 3 A.M." + } + ], + "long_answer": " The original artist of the song sound of silence released in 1966 is Paul Simon and Art Garfunkel. The song had earlier been released in an acoustic version on the album \"Wednesday Morning, 3 A.M.\" which had been produced in 1964. In 2016, Australian recording artist Dami Im recorded a different song by the same name." + }, + { + "knowledge": [ + { + "content": "A studio audition led to the duo signing a record deal with Columbia Records, and the original acoustic version of the song was recorded in March 1964 at Columbia Studios in New York City and included on their debut album, Wednesday Morning, 3 A.M.. Released on October 19, 1964,[2] the album was a commercial failure and led to the duo disbanding; Simon returned to England, and Art Garfunkel to his studies at Columbia University.", + "wikipage": "The Sound of Silence" + } + ], + "long_answer": "There are several songs with the title \"Sound of Silence\". Sounds of Silence is the second studio album by Simon & Garfunkel, released on January 17, 1966. The album's title is a slight modification of the title of the duo's first major hit, \"The Sound of Silence\", which was recorded in March 1964 and originally was released as \"The Sounds of Silence\". Another \"Sound of Silence\" is a song performed by Australian recording artist Dami Im, and is best known as Australia's entry at the Eurovision Song Contest 2016." + } + ], + "sample_id": "7089015503030534342", + "question": "Who is the original artist of sound of silence?", + "docs": [ + { + "id": "2627084", + "title": "The Sound of Silence", + "text": "The Sound of Silence \"The Sound of Silence\", originally \"The Sounds of Silence\", is a song by the American music duo Simon & Garfunkel. The song was written by Paul Simon over a period of several months in 1963 and 1964. A studio audition led to the duo signing a record deal with Columbia Records, and the song was recorded in March 1964 at Columbia Studios in New York City for inclusion on their debut album, \"Wednesday Morning, 3 A.M.\". Released in October 1964, the album was a commercial failure and led to the duo breaking apart, with Paul Simon", + "score": 0.80078125, + "summary": "The original artist of \"The Sound of Silence\" is Simon & Garfunkel.", + "extraction": "\"The Sound of Silence\" is a song by the American music duo Simon & Garfunkel. The song was written by Paul Simon." + }, + { + "id": "10996254", + "title": "Sounds of Silence", + "text": "Sounds of Silence Sounds of Silence is the second studio album by Simon & Garfunkel, released on January 17, 1966. The album's title is a slight modification of the title of the duo's first major hit, \"The Sound of Silence\", which originally was released as \"The Sounds of Silence\". The song had earlier been released in an acoustic version on the album \"Wednesday Morning, 3 A.M.\", and later on the soundtrack to the movie \"The Graduate\". Without the knowledge of Paul Simon or Art Garfunkel, electric guitars, bass and drums were overdubbed by Columbia Records staff producer Tom Wilson on", + "score": 0.78955078125, + "summary": "The document mentions that \"The Sound of Silence\" is a song by Simon & Garfunkel and was released in an acoustic version on the album \"Wednesday Morning, 3 A.M.\" before being overdubbed with electric guitars, bass, and drums. However, it does not state the original artist of the song.", + "extraction": "\"The original artist of Sound of Silence is Simon & Garfunkel.\"" + }, + { + "id": "2627106", + "title": "The Sound of Silence", + "text": "downloadable content for the video game, \"Rock Band 4\". The Disturbed version was used in the episode \"Ian Garvey\" of \"The Blacklist\" in November 2017. Notes Bibliography The Sound of Silence \"The Sound of Silence\", originally \"The Sounds of Silence\", is a song by the American music duo Simon & Garfunkel. The song was written by Paul Simon over a period of several months in 1963 and 1964. A studio audition led to the duo signing a record deal with Columbia Records, and the song was recorded in March 1964 at Columbia Studios in New York City for inclusion on", + "score": 0.78466796875, + "summary": "\"The Sound of Silence\" is a song originally written by Paul Simon of the American music duo Simon & Garfunkel.", + "extraction": "\"The Sound of Silence\", originally \"The Sounds of Silence\", is a song by the American music duo Simon & Garfunkel." + }, + { + "id": "18865105", + "title": "Immortalized (Disturbed album)", + "text": "1964 song \"The Sound of Silence\" by Simon & Garfunkel, which marked Disturbed's highest ranked single on the \"Billboard\" Hot 100 at number 42 and has since become Disturbed's biggest song since \"Down with the Sickness\". In 2011, following the tour of their fifth studio album, \"Asylum\", Disturbed announced that they would go on a hiatus. During the hiatus, the band released a compilation album of previously recorded B-sides, \"The Lost Children\" (2011), and a box set of their five studio albums, \"The Collection\" (2012). In January 2014, band members David Draiman (vocals), Dan Donegan (guitar), Mike Wengren (drums) met", + "score": 0.7763671875, + "summary": "The document mentions the 1964 song \"The Sound of Silence\" by Simon & Garfunkel, but it is not clear who the original artist is.", + "extraction": "Simon & Garfunkel is the original artist of the song \"The Sound of Silence\"." + }, + { + "id": "10996258", + "title": "Sounds of Silence", + "text": "Angeles, California. \"The Sound of Silence\" (electric overdubs) personnel \"The Sound of Silence\" overdubs were recorded at Columbia's \"Studio A\" at 799 Seventh Avenue near 52nd Street by Columbia Records staff producer Tom Wilson on June 15, 1965. Sounds of Silence Sounds of Silence is the second studio album by Simon & Garfunkel, released on January 17, 1966. The album's title is a slight modification of the title of the duo's first major hit, \"The Sound of Silence\", which originally was released as \"The Sounds of Silence\". The song had earlier been released in an acoustic version on the album", + "score": 0.7705078125, + "summary": "\"The Sound of Silence\" was recorded by Simon & Garfunkel and produced by Tom Wilson on June 15, 1965. The song was originally released as \"The Sounds of Silence\" and later appeared on the album \"Sounds of Silence\" in January 1966.", + "extraction": "\"The original artist of Sound of Silence is Simon & Garfunkel.\"" + }, + { + "id": "1454185", + "title": "Folk rock", + "text": "the Byrds' cover version of Dylan's \"Mr. Tambourine Man\", along with Dylan's own contributions to the genre on the albums \"Bringing It All Back Home\", \"Highway 61 Revisited\", and \"Blonde on Blonde\", initiated an explosion of emulators and imitators. Their success led record producer Tom Wilson to add electric guitar, bass, and drums overdubs to \"The Sounds of Silence\", a song which had been recorded by the folk duo Simon & Garfunkel in 1964 and first released on their album \"Wednesday Morning, 3 A.M.\". The reissued single rose to number 1 on the \"Billboard\" pop chart in late 1965, became", + "score": 0.76513671875, + "summary": "Tom Wilson added electric guitar, bass, and drums overdubs to \"The Sounds of Silence\", originally recorded by Simon & Garfunkel in 1964, leading it to rise to number 1 on the \"Billboard\" pop chart in late 1965.", + "extraction": "The original artist of \"The Sound of Silence\" is the folk duo Simon & Garfunkel, who first released the song on their album \"Wednesday Morning, 3 A.M.\" in 1964." + }, + { + "id": "2627103", + "title": "The Sound of Silence", + "text": "Sound of Silence\": \"For the words of the profits were written on the studio wall, concert hall, and echoes with the sounds of salesmen\". A cover version of \"The Sound of Silence\" was released by American heavy metal band Disturbed on December 7, 2015. A music video was also released. Their cover hit number one on the \"Billboard\" Hard Rock Digital Songs and Mainstream Rock charts, and is their highest-charting song on the Hot 100, peaking at number 42. It is also their highest-charting single in Australia, peaking at number four. David Draiman sings it in the key of F#m.", + "score": 0.76025390625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about the original artist of \"Sound of Silence\"." + }, + { + "id": "17766771", + "title": "Dor Daniel", + "text": "2014, Daniel was chosen to perform the song , for Honor Day , in recognition for the Israeli victims of war. The song was played in official event attended by the Israeli president and at ceremonies in schools and events throughout the country. In 2015, Art Garfunkel performed in Israel and Daniel was chosen to produce a special performance of \"The Sounds of Silence\" with a host of Israeli singers including Kobi Aflalo, Miki Gavrielov and Sivan Talmor. That same year, he collaborated with singer Shiri Maimon in her song . In 2016, Daniel was in the panel to select", + "score": 0.7578125, + "summary": "Irrelevant.", + "extraction": "The original artist of \"Sound of Silence\" is not mentioned in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "13828522", + "title": "Bobby Gregg", + "text": "the Simon & Garfunkel song \"The Sound of Silence\". An acoustic version of \"The Sound of Silence\" had been released on the Simon & Garfunkel album \"Wednesday Morning, 3 A.M.\". As he did with Dylan's version of \"The House of the Rising Sun\", Wilson employed a band to record an electric backing track for the song, without Paul Simon's or Art Garfunkel's knowledge. Bobby Gregg was once again the drummer Wilson employed in the band creating this backing track. The version of \"The Sound of Silence\" incorporating the electric band backing track became a #1 hit and was released on", + "score": 0.75634765625, + "summary": "Bobby Gregg was the drummer employed by producer Tom Wilson to create an electric backing track for Simon & Garfunkel's \"The Sound of Silence.\"", + "extraction": "The original artist of \"Sound of Silence\" is Simon & Garfunkel." + }, + { + "id": "19380355", + "title": "Sound of Silence (Dami Im song)", + "text": "Sound of Silence (Dami Im song) \"Sound of Silence\" is a song performed by Australian recording artist Dami Im. Written by Anthony Egizii and David Musumeci of DNA Songs, it is best known as Australia's entry at the Eurovision Song Contest 2016 which was held in Stockholm, Sweden, where it finished 2nd, receiving a total of 511 points. The song also won the Marcel Bezen\u00e7on Award in the composer category. The song was leaked on 10 March 2016, one day before its initial release date. It is Dami Im's fourth Australian top 20 hit and worldwide, it reached the top", + "score": 0.75537109375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "3228593", + "title": "America (Simon & Garfunkel song)", + "text": "performed a re-written version of the song that included all the elements later used by Yes: changes in time signature, classical interludes, newly written segments etc. A live tape exists of this being performed at the Marquee in April 1967, prior to the release of any known recording by any artist, including the lyricist-composer, Paul Simon, himself. Simon had recorded demos at Levy studios in London in 1965, and tapes of these were passed to the band by a studio engineer (Stu Francis of Radio Luxembourg). In 1966, 1-2-3 also performed Sounds of Silence from this same tape. Folk Singer", + "score": 0.74951171875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "3052537", + "title": "Robert Guillaume", + "text": "singer/songwriter, Paul Simon arrived for a meeting with Wilson and eventually pitched his new composition, \"The Sound of Silence\". Wilson liked the song, had Simon record a demo for the group, but when Simon and his friend, Art Garfunkel, sang the song for Wilson in person, he signed them to a record contract instead of using it for The Pilgrims. (In the sixties he was in Vienna, Austria at the Vienna Volksoper, Marcel Prawy engaged Robert Guillaume for the role of Sportin' Life in \"Porgy and Bess\".) Later in his stage career, he was cast in the lead role in", + "score": 0.74951171875, + "summary": "Paul Simon is the original artist of \"The Sound of Silence.\"", + "extraction": "Paul Simon is the original artist of \"Sound of Silence\"." + }, + { + "id": "19380356", + "title": "Sound of Silence (Dami Im song)", + "text": "40 in more than six countries after the Eurovision Song Contest 2016 Final. Sound of Silence (Dami Im song) \"Sound of Silence\" is a song performed by Australian recording artist Dami Im. Written by Anthony Egizii and David Musumeci of DNA Songs, it is best known as Australia's entry at the Eurovision Song Contest 2016 which was held in Stockholm, Sweden, where it finished 2nd, receiving a total of 511 points. The song also won the Marcel Bezen\u00e7on Award in the composer category. The song was leaked on 10 March 2016, one day before its initial release date. It is", + "score": 0.7490234375, + "summary": "The original artist of \"Sound of Silence\" is Dami Im, an Australian recording artist.", + "extraction": "\"Sound of Silence\" is a song performed by Australian recording artist Dami Im." + }, + { + "id": "364634", + "title": "Simon & Garfunkel", + "text": "Simon & Garfunkel Simon & Garfunkel were an American folk rock duo consisting of singer-songwriter Paul Simon and singer Art Garfunkel. They were one of the bestselling music groups of the 1960s and became counterculture icons of the decade's social revolution, alongside artists such as the Beatles, the Beach Boys, and Bob Dylan. Their biggest hits\u2014including \"The Sound of Silence\" (1964), \"Mrs. Robinson\" (1968), \"The Boxer\" (1969), and \"Bridge over Troubled Water\" (1970)\u2014reached number one on singles charts worldwide. The duo met in elementary school in Queens, New York, in 1953, where they learned to harmonize together and began writing", + "score": 0.7490234375, + "summary": "The document mentions Simon & Garfunkel as an American folk rock duo consisting of Paul Simon and Art Garfunkel. They were famous for their hits, including \"The Sound of Silence\" (1964), which reached number one on singles charts worldwide.", + "extraction": "\"The original artist of Sound of Silence is Simon & Garfunkel, an American folk rock duo consisting of singer-songwriter Paul Simon and singer Art Garfunkel.\"" + }, + { + "id": "793951", + "title": "Art Garfunkel", + "text": "October 1964. It was not a critical or commercial success, and the duo split. The next year, producer Tom Wilson lifted the song \"The Sound of Silence\" from the record, dubbed an electric backing onto it, and released it as a single that went to number one on the Billboard pop charts. Simon had gone to England in 1965 after the initial failure of \"Wednesday Morning, 3 A.M.\", to pursue a solo career. He briefly teamed with songwriter Bruce Woodley of The Seekers. After \"The Sound of Silence\" had started to enjoy commercial success, he returned to the States to", + "score": 0.74658203125, + "summary": "The document mentions that the song \"The Sound of Silence\" was originally recorded by a duo that split in October 1964. The producer Tom Wilson lifted the song and released it as a single with an electric backing. The original artist(s) of the song is not mentioned.", + "extraction": "The original artist of \"Sound of Silence\" is not Art Garfunkel but the duo Simon & Garfunkel." + }, + { + "id": "7912206", + "title": "Paul Simon in Concert: Live Rhymin'", + "text": "UK. Further, two of the live performances were released as a single as part of the promotion for the album: the breakthrough Simon & Garfunkel \"The Sound of Silence\" as the A-side, along with Simon's debut single \"Mother and Child Reunion\" on the B-side. All tracks composed by Paul Simon, except where indicated. Paul Simon in Concert: Live Rhymin' Paul Simon in Concert: Live Rhymin' is a live album by Paul Simon, released in March 1974 by Columbia Records. It was recorded in the wake of the release of \"There Goes Rhymin' Simon\" \u2013 which produced a number of hit", + "score": 0.7431640625, + "summary": "The document mentions that \"The Sound of Silence\" was performed as part of a live album by Paul Simon called \"Paul Simon in Concert: Live Rhymin'\" released in March 1974. However, it does not answer the question of who the original artist of \"The Sound of Silence\" is.", + "extraction": "\"The Sound of Silence\" is a song composed by Paul Simon." + }, + { + "id": "16310419", + "title": "Vlada i Bajka", + "text": "United States tour, simultaneously performing as a duo in university clubs the material consisting of cover versions of Simon & Garfunkel songs. Having returned from the USA, the two recorded a cover version of the Simon & Garfunkel song \"The Sound of Silence\", with lyrics in Serbian language entitled \"Zvuk ti\u0161ine\" (\"The Sound of Silence\"), and with the song recording they won the competition on the \"Studio VI vam pru\u017ea \u0161ansu\" (\"Studio VI Gives You a Chance\") radio show, getting the opportunity to release a single. Their debut single, released by PGP-RTB in 1971, featured \"Zvuk ti\u0161ine\" as the single", + "score": 0.74072265625, + "summary": "The document mentions that Vlada i Bajka recorded a cover version of the Simon & Garfunkel song \"The Sound of Silence\" in Serbian language entitled \"Zvuk ti\u0161ine\" (\"The Sound of Silence\").", + "extraction": "The original artist of \"Sound of Silence\" is Simon & Garfunkel." + }, + { + "id": "2270353", + "title": "Barbara Allen (song)", + "text": "compiled 30 versions of the ballad, recorded from 1933 to 1954 in the United States. Baritone vocalist Royal Dadmun released a version in 1922 on Victor Records. The song is credited to the arrangers, Eaton Faning and John Liptrot Hatton. The ballad was covered as a demo version by Simon and Garfunkel on their anthology album \"The Columbia Studio Recordings (1964-1970)\" and a bonus track on the 2001 edition of their album \"Sounds of Silence\" as \"Barbriallen\", and by Art Garfunkel alone in 1973 on his album \"Angel Clare\". Angelo Branduardi covered this song as Barbrie Allen resp. Barbriallen on", + "score": 0.73974609375, + "summary": "The document is irrelevant to the question of who the original artist of \"Sound of Silence\" is.", + "extraction": "irrelevant" + }, + { + "id": "612464", + "title": "Paul Simon", + "text": "the Cyrkle recorded a cover of \"Red Rubber Ball\" that reached No. 2 in the U.S. Simon also contributed to the Seekers' catalogue with \"Someday One Day\", which was released in March 1966, charting around the same time as Simon and Garfunkel's \"Homeward Bound\" (a Top 10 hit from their \"second\" U.K. album, \"Sounds of Silence\" and later included on their third U.S. album, \"Parsley, Sage, Rosemary and Thyme\"). Back on the American East Coast, radio stations began receiving requests for the \"Wednesday Morning, 3 A.M.\" track, \"The Sound of Silence\". Simon & Garfunkel's producer, Tom Wilson, overdubbed the track", + "score": 0.73681640625, + "summary": "The document mentions Paul Simon contributing to the Seekers' catalogue and \"Sounds of Silence\" being a hit from Simon and Garfunkel's second UK album. However, it does not state who the original artist of \"Sound of Silence\" is. Therefore, the answer is irrelevant.", + "extraction": "Simon & Garfunkel's \"Sounds of Silence\" is the track that features the original artist of \"Sound of Silence\"." + }, + { + "id": "364650", + "title": "Simon & Garfunkel", + "text": "a late-night DJ at WBZ-FM in Boston played \"The Sound of Silence\", where it was popular with a college audience. It was picked up the next day along the East Coast of the United States, down to Cocoa Beach, Florida. Wilson, inspired by the folk rock sound of the Byrds' cover of \"Turn! Turn! Turn!\" and Dylan's \"Like a Rolling Stone\", created a rock remix of the song using studio musicians. The remix was issued in September 1965, where it reached the \"Billboard\" Hot 100. Wilson had not informed the duo of plan, and Simon was \"horrified\" when he first", + "score": 0.73583984375, + "summary": "The document mentions Simon & Garfunkel, but does not directly answer the question of who the original artist of \"Sound of Silence\" is.", + "extraction": "irrelevant" + }, + { + "id": "17498943", + "title": "Dami Im", + "text": "Jones. On 9 April 2017, it was reported that Sony Music Australia CEO Denis Handlin was moved by Im's earlier live performance of the song on Australia Day with Guy Sebastian that he \"spared no expense securing the original voice of the song Jack Jones (Irwin Thomas) to re-create is 1990 hit with Dami Im.\" On 28 April 2017, Im posted on her social media photos of herself with Sony Australia CEO Denis Handlin receiving Gold certification for \"Classic Carpenters\" and her platinum certification for \"Sound of Silence\". In April 2017 Im made a special guest appearance in the Brisbane", + "score": 0.7353515625 + }, + { + "id": "2627087", + "title": "The Sound of Silence", + "text": "Hits\". Simon and Garfunkel had become interested in folk music and the growing counterculture movement separately in the early 1960s. Having performed together previously under the name Tom and Jerry in the late 1950s, their partnership had since dissolved when they began attending college. In 1963, they regrouped and began performing Simon's original compositions locally in Queens. They billed themselves \"Kane & Garr\", after old recording pseudonyms, and signed up for Gerde's Folk City, a Greenwich Village club that hosted Monday night performances. In September 1963, the duo performed three new songs, among them \"The Sound of Silence\", getting the", + "score": 0.73486328125 + }, + { + "id": "5935483", + "title": "Xenochrony", + "text": "or 15:20 of the record. Excerpts from \"The World's Greatest Sinner\" soundtrack, composed by Zappa, are audible on both \"I Don't Know If I can Go Through This Again\" (from \"Lumpy Gravy\") and \"Mother People\" (from \"We're Only in It for the Money\"). Simon & Garfunkel also used this technique on their 1968 \"Bookends\" album. The second track on the album, \"Save the Life of My Child.\" uses the first few seconds of \"The Sound Of Silence\" (released on their 1966 \"Sounds of Silence\" album) around the 1:20 mark in a slowed-down fashion. It consequently is switched from its mother", + "score": 0.73291015625 + }, + { + "id": "2627092", + "title": "The Sound of Silence", + "text": "October release, and its dismal sales led Simon to move to London, England. While there, he recorded a solo album, \"The Paul Simon Songbook\" (1965), which features a rendition of the song, titled \"The \"Sounds\" of Silence\". The original recording of the song is in D\u266f minor, using the chords D\u266fm, C\u266f, B and F\u266f. Simon plays a guitar with a capo on the sixth fret, using the shapes for Am, G, F and C chords. The vocal span goes from C\u266f3 to F\u266f4 in the song. \"Wednesday Morning, 3 A.M.\" had been a commercial failure before producer Tom Wilson", + "score": 0.732421875 + }, + { + "id": "1425288", + "title": "Columbia Records", + "text": "by Columbia or any other major label. Arguably the most commercially successful Columbia pop act of this period, other than Bob Dylan, was Simon & Garfunkel. The duo scored a surprise No. 1 hit in 1965 when CBS producer Tom Wilson, inspired by the folk-rock experiments of The Byrds and others, added drums and bass to the duo's earlier recording of \"The Sound of Silence\" without their knowledge or approval. Indeed, the duo had already broken up some months earlier, discouraged by the poor sales of their debut LP, and Paul Simon had relocated to the UK, where he famously", + "score": 0.7314453125 + }, + { + "id": "2627088", + "title": "The Sound of Silence", + "text": "attention of Columbia Records producer Tom Wilson, who worked with Bob Dylan. Simon convinced Wilson to let him and his partner have a studio audition, where a performance of \"The Sound of Silence\" got the duo signed to Columbia. The song's origin and basis remain unclear, with multiple answers coming forward over the years. Many believe that the song commented on the John F. Kennedy assassination, as the song was released three months after the assassination. Simon stated unambiguously in interviews, however, \"I wrote The Sound of Silence when I was 21 years old\", which places the timeframe firmly prior", + "score": 0.7294921875 + }, + { + "id": "2627091", + "title": "The Sound of Silence", + "text": "to love each other.\" To promote the release of their debut album, \"Wednesday Morning, 3 A.M.\", the duo performed again at Folk City, as well as two shows at the Gaslight Caf\u00e9, which went over poorly. Dave Van Ronk, a folk singer, was at the performances, and noted that several in the audience regarded their music as a joke. Sounds of Silence' actually became a running joke: for a while there, it was only necessary to start singing 'Hello darkness, my old friend ... ' and everybody would crack up.\" \"Wednesday Morning, 3 AM\" sold only 3,000 copies upon its", + "score": 0.72900390625 + }, + { + "id": "2627096", + "title": "The Sound of Silence", + "text": "because, although still contracted to Columbia Records at the time, the musical duo at that time was no longer a \"working entity\". It was not uncommon at the time for producers to add instruments or vocals to previously existing recordings and re-release them as new entities. In the fall of 1965, Simon was in Denmark, performing at small clubs, and picked up a copy of \"Billboard\", as he had routinely done for several years. Upon seeing \"The Sound of Silence\" in the \"Billboard\" Hot 100, he bought a copy of \"Cashbox\" and saw the same thing. Several days later, Garfunkel", + "score": 0.7255859375 + }, + { + "id": "10996257", + "title": "Sounds of Silence", + "text": "was \"Blessed\". The album is also included in its entirety as part of the Simon & Garfunkel box sets \"Collected Works\" and \"The Columbia Studio Recordings (1964\u20131970)\". On March 22, 2013, it was announced that the album will be preserved by the Library of Congress in the National Recording Registry, calling it \"culturally, historically, or aesthetically significant.\" Produced by Bob Johnston Track 12 Produced by Bob Johnston Tracks 13\u201315 Produced by Paul Simon, Art Garfunkel & Roy Halee \"Sounds of Silence\" was recorded in April, June and December 1965 at CBS Studios in New York City, New York and Los", + "score": 0.72509765625 + }, + { + "id": "10996256", + "title": "Sounds of Silence", + "text": "Song\" had appeared on \"The Paul Simon Songbook\", released in August 1965 in England as had another version of the title track. \"Richard Cory\" was based on a poem by Edwin Arlington Robinson, \"Somewhere They Can't Find Me\" was essentially a rewrite of the previous album's \"Wednesday Morning, 3 A.M.\", \"We've Got a Groovy Thing Goin'\" had appeared on the b-side of \"The Sound of Silence\" a few months before and \"Anji\" was a cover of an instrumental piece by guitarist Davey Graham whom Simon had met in England. Hence the only brand new Paul Simon composition on the album", + "score": 0.72509765625 + }, + { + "id": "364651", + "title": "Simon & Garfunkel", + "text": "heard it. Garfunkel graduated in 1965, returning to Columbia University to do a master's degree in mathematics. By January 1966, \"The Sound of Silence\" had topped the Hot 100, selling over one million copies. Simon reunited with Garfunkel in New York, leaving Chitty and his friends in England behind. CBS demanded a new album, to be called \"Sounds of Silence\" to ride the wave of the hit. Recorded in three weeks, and consisting of rerecorded songs from \"The Paul Simon Songbook\" plus four new tracks, \"Sounds of Silence\" was rush-released in mid-January 1966, peaking at number 21 \"Billboard\" Top LPs", + "score": 0.72314453125 + }, + { + "id": "8156383", + "title": "Simon & Garfunkel discography", + "text": "Simon & Garfunkel discography Simon & Garfunkel, an American singer-songwriter duo, has released five studio albums, fifteen compilation albums, four live albums, one extended play, 26 singles, one soundtrack, and four box sets since 1964. Paul Simon and Art Garfunkel first formed a duo in 1957 as Tom & Jerry, before separating and later reforming as Simon & Garfunkel. Simon & Garfunkel's debut album, \"Wednesday Morning, 3 A.M.\", was released on October 19, 1964. Initially a flop, it was re-released two years later with the new version of the single \"The Sound of Silence\", which was overdubbed with electric instruments", + "score": 0.72314453125 + }, + { + "id": "571309", + "title": "Parsley, Sage, Rosemary and Thyme", + "text": "Parsley, Sage, Rosemary and Thyme Parsley, Sage, Rosemary and Thyme is the third studio album by American music duo Simon & Garfunkel. Produced by Bob Johnston, the album was released on October 24, 1966 in the United States by Columbia Records. Following the success of their debut single \"The Sound of Silence\", Simon & Garfunkel regrouped after a time apart while Columbia issued their second album, a rushed collection titled \"Sounds of Silence\". For their third album, the duo spent almost three months in the studio, for the first time extending a perfectionist nature both in terms of instrumentation and", + "score": 0.72265625 + }, + { + "id": "364635", + "title": "Simon & Garfunkel", + "text": "original material. By 1957, under the name Tom & Jerry, the teenagers had their first minor success with \"Hey Schoolgirl\", a song imitating their idols The Everly Brothers. In 1963, aware of a growing public interest in folk music, they regrouped and were signed to Columbia Records as Simon & Garfunkel. Their debut, \"Wednesday Morning, 3 A.M.\", sold poorly, and they once again disbanded; Simon returned to a solo career, this time in England. In June 1965, a new version of \"The Sound of Silence\", overdubbed with electric guitar and drums, became a major U.S. AM radio hit in 1965,", + "score": 0.72021484375 + }, + { + "id": "2080543", + "title": "Christian Marclay", + "text": "he melted vinyl records into cubes. In the 1980s and early '90s, he invented album covers. \"The Sound of Silence\" (1988) is a black-and-white photograph of the Simon & Garfunkel single of the same title. Following this turn, Marclay has in more recent years produced visual art, although usually of representations of sound, or the various technologies of representing sound. His \"Graffiti Composition\" (2002) posted musical notes on walls around Berlin, compiled photographs of them as they faded, and is performed in concert. \"Shuffle\" (2007) and \"Ephemera\" (2009) are also musical scores. In \"Sound Holes\" (2007), he photographed the many", + "score": 0.72021484375 + }, + { + "id": "612453", + "title": "Paul Simon", + "text": "Paul Simon Paul Frederic Simon (born October 13, 1941) is an American singer-songwriter and actor. Simon's musical career has spanned seven decades, with his fame and commercial success beginning as half of the duo Simon & Garfunkel (originally known as Tom & Jerry), formed in 1956 with Art Garfunkel. Simon was responsible for writing nearly all of the pair's songs, including three that reached number one on the U.S. singles charts: \"The Sound of Silence\", \"Mrs. Robinson\", and \"Bridge over Troubled Water\". The duo split up in 1970 at the height of their popularity and Simon began a successful solo", + "score": 0.71923828125 + }, + { + "id": "8156384", + "title": "Simon & Garfunkel discography", + "text": "and drums by producer Tom Wilson. The re-released version peaked at number thirty in the US \"Billboard\" 200 chart and at twenty-four in the UK Albums Chart, and later received a platinum certification by the Recording Industry Association of America (RIAA). The overdubbed version of the eponymous single was released on their second studio album, \"Sounds of Silence\", released on January 17, 1966. It peaked at twenty-one on the \"Billboard\" charts and at thirty in the UK Album Charts, and later received a three-times multi-platinum certification by the RIAA. Besides the same-named single, the album also featured Simon's \"I Am", + "score": 0.71875 + }, + { + "id": "612500", + "title": "Paul Simon", + "text": "States, England, the Netherlands, Switzerland and Germany, Simon appeared at Ramat Gan Stadium in Israel in July 2011, making his first concert appearance in Israel since 1983. On September 11, 2011, Paul Simon performed \"The Sound of Silence\" at the National September 11 Memorial & Museum, site of the World Trade Center, on the 10th anniversary of the September 11 attacks. On February 26, 2012, Simon paid tribute to fellow musicians Chuck Berry and Leonard Cohen who were the recipients of the first annual PEN Awards for songwriting excellence at the JFK Presidential Library in Boston, Massachusetts. In 1986 Simon", + "score": 0.71630859375 + }, + { + "id": "2627086", + "title": "The Sound of Silence", + "text": "Columbia titled \"Sounds of Silence\" in an attempt to capitalize on the song's success. The song was a top-ten hit in multiple countries worldwide, among them Australia, Austria, West Germany, Japan and the Netherlands. Generally considered a classic folk rock song, the song was added to the National Recording Registry in the Library of Congress for being \"culturally, historically, or aesthetically important\" in 2012 along with the rest of the \"Sounds of Silence\" album. Originally titled \"The Sounds of Silence\" on the album \"Wednesday Morning, 3 A.M.\", the song was re-titled for later compilations beginning with \"Simon and Garfunkel's Greatest", + "score": 0.71435546875 + }, + { + "id": "403953", + "title": "Wednesday Morning, 3 A.M.", + "text": "Invasion. This resulted in Paul Simon moving to England and Art Garfunkel continuing his studies at Columbia University in New York City. Following the success of \"The Sound of Silence,\" the album peaked at #30 on the \"Billboard\" album chart in 1966. Wednesday Morning, 3 A.M. Wednesday Morning, 3 A.M. is the debut studio album by American folk rock duo Simon & Garfunkel. Following their early gig as \"Tom and Jerry\", Columbia Records signed the two in late 1963. It was produced by Tom Wilson and engineered by Roy Halee. The cover and the label include the subtitle \"exciting new", + "score": 0.7138671875 + }, + { + "id": "2627095", + "title": "The Sound of Silence", + "text": "him the idea to remix the song, overdubbing rock instrumentation. He employed musicians Al Gorgoni (and Vinnie Bell) on guitar, Bob Bushnell on bass, and Bobby Gregg on drums. The tempo on the original recording was uneven, making it difficult for the musicians to keep the song in time. Engineer Roy Halee employed a heavy echo on the remix, which was a common trait of the Byrds' hits. The single was first serviced to college FM rock stations, and a commercial single release followed on September 13, 1965. The lack of consultation with Simon and Garfunkel on Wilson's remix was", + "score": 0.7119140625 + }, + { + "id": "11240252", + "title": "Il Silenzio (song)", + "text": "Il Silenzio (song) Il Silenzio (\"The Silence\") is an instrumental piece, with a small spoken Italian lyric, notable for its trumpet theme. It was written in 1965 (see \"Origin\" below) by trumpet player Nini Rosso and Guglielmo Brezza, its thematic melody being an extension of the same Italian Cavalry bugle call used by the Russian composer Tchaikovsky to open his Capriccio Italien (often mistaken for the U.S. military bugle call \"Taps\"). It has become a worldwide instrumental standard that has sold around 10 million copies. It was a number one hit in Italy, Germany, Austria, and Switzerland, and sold over", + "score": 0.71142578125 + }, + { + "id": "12868220", + "title": "Save the Life of My Child", + "text": "Save the Life of My Child \"Save the Life of My Child\" is a song by American music duo Simon & Garfunkel from their fourth studio album, \"Bookends\" (1968). \"Save the Life of My Child\" was one of many songs on \"Bookends\" recorded with production assistant John Simon. An audio sample of the band\u2019s first hit, \"The Sound of Silence\", softly plays during a cacophony of sounds near the end of \"Save the Life of My Child.\" John Simon, who was credited with production assistance on the song, created the bassline by playing a Moog synthesizer with help from Robert", + "score": 0.7109375 + }, + { + "id": "7654689", + "title": "Jason Raize", + "text": "\"Endless Night\" and \"He Lives in You\" on \"The Rosie O'Donnell Show\", and \"Can You Feel the Love Tonight\" on \"Good Morning America\". He was also featured twice on the cover of \"InTheater\" magazine. In September 1998, Raize appeared on \"The Paul Simon Album: Broadway Sings the Best of Paul Simon\" singing the Simon & Garfunkel's \"The Sounds of Silence\". The album also featured Christiane Noll, Jose Llana, Lauren Kennedy, Jane Krakowski, and Sal Viviano. In May 1999, Raize co-produced a benefit for refugees from Kosovo at the Kit Kat Klub. In October 1999, the United Nations Environment Programme appointed", + "score": 0.70947265625 + }, + { + "id": "2627094", + "title": "The Sound of Silence", + "text": "Sound of Silence\". He phoned the home office in New York, alerting them of its appeal. An alternate version of the story states that Wilson attended Columbia's July 1965 convention in Miami, where the head of the local sales branch raved about the song's airplay. Folk rock was beginning to make waves on pop radio, with Bob Dylan's \"Like a Rolling Stone\" and the Byrds' \"Mr. Tambourine Man\" (also a Dylan song) charting high. Wilson listened to the song several times, considering it too soft for a wide release. Afterwards, he turned on the Byrds' \"Turn! Turn! Turn!\", which gave", + "score": 0.70703125 + }, + { + "id": "19159366", + "title": "Australia in the Eurovision Song Contest 2016", + "text": "represented Australia at the ABU TV Song Festival 2014 with the song \"Living Dangerously\". Dami Im's Eurovision song, \"Sound of Silence\", was previewed on 10 March 2016 during the SBS 2 programme \"The Feed\". The official video and digital download release of the full song occurred on 11 March 2016. The song was written by the songwriting and production team DNA Songs, which consists of Anthony Egizii and David Musumeci. Controversy arose following the release of the Australian entry due to complaints that the lyrics of \"Sound of Silence\" violated the rules of the Eurovision Song Contest, which prohibit lyrics", + "score": 0.70703125 + }, + { + "id": "15576755", + "title": "Live at Benaroya Hall with the Seattle Symphony", + "text": "appear on John's album \"Tumbleweed Connection\" (1970), contacted Buckmaster on the advice of her manager. Carlile first heard the Hanseroth brothers singing Paul Simon's \"The Sound of Silence\" in 2009 and asked them to perform it during the set. She does not contribute vocals to the version that appears on the album. Carlile's cover of Leonard Cohen's \"Hallelujah\", also arranged by Buckmaster, is followed by a hidden track: a cover of Alphaville's \"Forever Young\". Carlile said the following of Cohen's song: \"Hallelujah\" is going to be a standard that our grandkids, our great-great grandkids will learn to sing in church.", + "score": 0.7041015625 + }, + { + "id": "7016624", + "title": "Silence (Delerium song)", + "text": "Silence (Delerium song) \"Silence\" is a song by Canadian electronic music group Delerium featuring Canadian singer and co-writer Sarah McLachlan. Over the years, it has been hailed as one of the greatest trance songs of all time, over a decade after its initial release. The Ti\u00ebsto remix of the song was voted by \"Mixmag\" readers as the 12th greatest dance record of all time. The original album version and subsequent radio edit of the song had a much slower tempo than the more well-known remixes and was essentially structured like a pop song, with the characteristic synthetic instrumentation of the", + "score": 0.7041015625 + }, + { + "id": "572521", + "title": "The Paul Simon Songbook", + "text": "lyrics for the anti-war song \"The Side of a Hill\" were incorporated into the Simon & Garfunkel arrangement of \"Scarborough Fair/Canticle\" on \"Parsley, Sage, Rosemary and Thyme\". Later in 1965 and in early 1966, following the success in the U.S. of \"The Sound of Silence\" as a single, Simon & Garfunkel re-recorded several of the songs featured on \"The Paul Simon Songbook\" and released them on their albums \"Sounds of Silence\" and \"Parsley, Sage, Rosemary and Thyme\". * \"Paul Kane\" was a pseudonym used by Simon at this time, because of his fondness for the film \"Citizen Kane\". Patrick Humphries,", + "score": 0.703125 + }, + { + "id": "15576758", + "title": "Live at Benaroya Hall with the Seattle Symphony", + "text": "proud of, believing it truly represents their live act. Overall, critical reception of the album was positive. Nick Vissey of \"The Seattle Times\" wrote that \"standout\" tracks included \"Dreams\" and \"Pride and Joy\", which highlighted Carlile's \"unique folk-rock style\" and \"enthralling, emotional and fun\" voice. The Hanseroth brothers' cover of Paul Simon's \"The Sound of Silence\" was deemed \"spot-on\" by Allmusic's Andrew Leahey and \"breathtaking\" by Gene Stout of the \"Seattle Post-Intelligencer\". \"The Source Weekly\" contributor Mike Bookey complimented the album for capturing Carlile's live act and recommended this album for first-time listeners of her music. \"Glide\" magazine's reviewer complimented", + "score": 0.703125 + }, + { + "id": "2627093", + "title": "The Sound of Silence", + "text": "was alerted that radio stations had begun to play \"The Sound of Silence\" in spring 1965. A late-night disc jockey at WBZ in Boston began to spin \"The Sound of Silence\" overnight, where it found a college demographic. Students at Harvard and Tufts University responded well, and the song made its way down the East Coast pretty much \"overnight\", \"all the way to Cocoa Beach, Florida, where it caught the students coming down for spring break.\" A promotional executive for Columbia went to give away free albums of new artists, and beach-goers only were interested in the artists behind \"The", + "score": 0.70263671875 + }, + { + "id": "2627104", + "title": "The Sound of Silence", + "text": "The chord progression is F#m, E, D, A. The first two verses are almost an octave lower than the original and jumped up an octave for the last three verses. His vocal span goes from E2 to A4 in scientific pitch notation. In April 2016, Paul Simon endorsed the cover. Additionally, on April 1, Simon sent Draiman an email praising Disturbed's performance of the rendition on American talk show \"Conan\". Simon wrote, \"Really powerful performance on \"Conan\" the other day. First time I'd seen you do it live. Nice. Thanks.\" Draiman responded, \"Mr. Simon, I am honored beyond words. We", + "score": 0.70166015625 + }, + { + "id": "6554056", + "title": "The Bachelors", + "text": "You for the World\" (1964); \"Marie\" (written by Irving Berlin) and \"In the Chapel in the Moonlight\" (1965). In 1965 they had the 'most played juke box track' with \"The Stars Will Remember\" from a film they made with then-current DJ Sam Costa. Their last big hit in the UK was a cover of the Paul Simon song \"The Sound of Silence\" which reached No. 3 in April 1966. Live work carried them into the 1970s with record breaking theatre season shows, but after a successful start to the decade with the album \"World of the Bachelors\" hitting the top", + "score": 0.7001953125 + }, + { + "id": "6420399", + "title": "Enjoy the Silence", + "text": "Enjoy the Silence \"Enjoy the Silence\" is a song by the English electronic band Depeche Mode, taken from their seventh studio album, \"Violator\" (1990). The song was recorded in 1989 and released on 16 January 1990 as the album's second single. The single is Gold certificated in the US and Germany. The song won Best British Single at the 1991 BRIT Awards. \"Enjoy the Silence\" was re-released as a single in 2004 for the Depeche Mode remix project \"Remixes 81\u201304\", and was titled \"Enjoy the Silence (Reinterpreted)\" or, more simply, \"Enjoy the Silence 04\". Songwriter Martin Gore created a ballad-like", + "score": 0.69873046875 + }, + { + "id": "10931898", + "title": "The Awakening (band)", + "text": "Torch\" but later changed to \"The Awakening\" just prior to their first show in February 1996. Immediately following The Awakening's first performance, Nyte began production of his first studio album, \"Risen\". The album was recorded at Mega Music Studios in Johannesburg with producer Leon Erasmus. More concerts followed, and amidst a steady schedule of shows Nyte returned to the studio to record his cover of the Simon and Garfunkel song \"The Sounds of Silence.\" The single went to No. 1 on South Africa's rock charts and became a cult classic for South African rock. The Awakening became both immediately famous", + "score": 0.6982421875 + }, + { + "id": "2168190", + "title": "Sahlene", + "text": "when she performs the 2016 Australian entry for Eurovision: \"Sound of Silence\", which Im is scheduled to perform in the second semi-final 11 May 2016 at the Globen: a Top Ten place in the semi-final will entitle Im to perform \"Sound of Silence\" in the Eurovision 2016 Grand Final held at the Globen on the night of 14 May 2016. At the 5 May 2016 rehearsals for Im's semi-final performance Sahlene and Norberg performed their background vocals offstage. Sahlene Anna Cecilia Sahlin (born 11 May 1976), known professionally as Anna Sahlene and formerly by the one-word stage name Sahlene, is", + "score": 0.6982421875 + }, + { + "id": "768775", + "title": "Mike Nichols", + "text": "Nichols heard Paul Simon's song, \"Mrs. Roosevelt,\" he suggested to Simon that he change it to \"Mrs. Robinson.\" The song won a Grammy after the film was released and became America's number 1 pop song. Nichols selected all the numerous songs for the film and chose which scenes they would be used in. The placement and selection of songs would affect the way audiences understood the film. Even actor William Daniels, who played Hoffman's father, remembers that after first hearing the songs, especially \"The Sound of Silence,\" he thought, \"Oh, wait a minute. That changed the whole idea of the", + "score": 0.69775390625 + }, + { + "id": "2627085", + "title": "The Sound of Silence", + "text": "returning to England and Art Garfunkel to his studies at Columbia University. In the spring of 1965, the song began to attract airplay at radio stations in Boston, Massachusetts, and throughout Florida. The growing airplay led Tom Wilson, the song's producer, to remix the track, overdubbing electric instruments and drums. Simon & Garfunkel were not informed of the song's remix until after its release. The single was released in September 1965. The song hit No. 1 on the \"Billboard\" Hot 100 for the week ending January 1, 1966, leading the duo to reunite and hastily record their second album, which", + "score": 0.69775390625 + }, + { + "id": "19159368", + "title": "Australia in the Eurovision Song Contest 2016", + "text": "while also promoting her album \"Classic Carpenters\", which was released on 22 April 2016. On 10 April, Im performed \"Sound of Silence\" live for the first time during the \"Streat Vibes Music Festival\" at Watergardens Town Centre in Melbourne. On 12 April, Im performed the song during the Salesforce World Tour in Melbourne. On 23 April, Dami Im performed \"Sound of Silence\" at the Hyperdome Home Centre in Loganholme and at Warner Bros. Movie World in Gold Coast. On 28 April, Im performed the song at Westfield Parramatta in Sydney. According to Eurovision rules, all nations with the exceptions of", + "score": 0.69677734375 + }, + { + "id": "15894823", + "title": "Al Gorgoni", + "text": "Cry\" by The Four Seasons, \"Leader of the Pack\" by The Shangri-Las, and \"Chapel of Love\" by The Dixie Cups. Other hits featuring Gorgoni's playing are \"The Sound of Silence\" by Simon & Garfunkel, \"Brown Eyed Girl\" by Van Morrison, \"I'm a Believer\" by The Monkees, \"At Seventeen\" by Janis Ian, \"Sugar Sugar\" by The Archies, and \"Brand New Key\" by Melanie. Gorgoni has worked with a diversity of other artists including Joan Baez, Blood Sweat & Tears, Bobby Darin, Neil Diamond, Bob Dylan, Richard and Mimi Fari\u00f1a, Aretha Franklin, Marvin Gaye and Tammi Terrell, Astrud Gilberto, Herbie Mann, Laura", + "score": 0.69677734375 + }, + { + "id": "7317747", + "title": "Sounds and Silences", + "text": "her about it and proceeds to \"shut her out\" \u2013 going too far in the other direction, so that now he cannot hear anything at all. In 1961, a script titled \"The Sound of Silence\" was submitted to the producers and rejected. Following the first screening of \"Sounds and Silences\", the original author successfully sued Rod Serling for plagiarism because of similarities in the plot, and was awarded $3,500 in damages. Because of this, the episode was not included in syndicated repeats. Sounds and Silences \"Sounds and Silences\" is episode 147 of the American television anthology series \"The Twilight Zone\".", + "score": 0.69677734375 + }, + { + "id": "2627100", + "title": "The Sound of Silence", + "text": "20th century. In 2004, it was ranked No. 157 on \"Rolling Stone\" list of the 500 Greatest Songs of All Time, one of the duo's three songs on the list. The song is now considered \"the quintessential folk rock release\". On March 21, 2013, the song was added to the National Recording Registry in the Library of Congress for long-term preservation along with the rest of the \"Sounds of Silence\" album. When director Mike Nichols and Sam O'Steen were editing the 1967 film \"The Graduate\", they initially timed some scenes to this song, intending to substitute original music for the", + "score": 0.69677734375 + }, + { + "id": "7202556", + "title": "The Columbia Studio Recordings (1964\u20131970)", + "text": "were previously issued on the 1997 retrospective, \"Old Friends\". All songs by Paul Simon, except as indicated. * - Bonus track Disc one: \"Wednesday Morning, 3 A.M.\" (1964; Stereo) Note: Paul Kane is one of the aliases used by Paul Simon. Disc two: \"Sounds of Silence\" (1966; Stereo) Disc three: \"Parsley, Sage, Rosemary and Thyme\" (1966; Stereo) Disc four: \"Bookends\" (1968; Stereo) Disc five: \"Bridge over Troubled Water\" (1970; Stereo) The Columbia Studio Recordings (1964\u20131970) The Columbia Studio Recordings (1964\u20131970) is the third box set of Simon & Garfunkel recordings. This 5 CD Set contains all of their studio albums", + "score": 0.6962890625 + }, + { + "id": "20745407", + "title": "Into the Silence (Avishai Cohen album)", + "text": "Into the Silence (Avishai Cohen album) Into the Silence is an album by Israeli trumpeter and composer Avishai Cohen recorded in France in 2015 and released on the ECM label the following year. The AllMusic review by Matt Collar notes \"In some ways, Cohen's move toward a more classical, ambient sound makes sense, as he is recording material specifically with the ECM stylistic tradition in mind. Sadly, Cohen also composed these songs in the wake of his father's death, and the trumpeter's grief seems to permeate everything on \"Into the Silence\" ... with Cohen leading his band through ambient soundscapes", + "score": 0.69580078125 + }, + { + "id": "11240255", + "title": "Il Silenzio (song)", + "text": "and reached place 140 in the Billboard 200 on Christmas 1965. A M\u0101ori version, with words by George Tait, titled \"The Bridge\", was released by New Zealand entertainer Deane Waretini and topped the New Zealand singles charts in 1981. Al Hirt released a version of the song as a single in 1965 that reached #19 on the adult contemporary chart and #96 on the \"Billboard\" Hot 100. In 2008 the soloist was a 13-year-old Dutch girl, Melissa Venema, backed by Andr\u00e9 Rieu and the Royal Orchestra of the Netherlands. It was released by The London Swing Orchestra in 2015 as", + "score": 0.69580078125 + }, + { + "id": "13620945", + "title": "Up 'til Now", + "text": "Up 'til Now Up 'til Now is the third compilation album by Art Garfunkel. The album is a mixture of three previously released solo tracks (including a track from \"The Animals' Christmas\"), seven new songs (including a duet with James Taylor and a track from an earlier recording session left off the \"Scissors Cut\" album), and two alternate takes of previously released songs. It also includes the acoustic version of Simon & Garfunkel's \"The Sound of Silence\", taken from the duo's 1964 debut, \"Wednesday Morning, 3 A.M.\". It was released in 1993 on Columbia Records. The track \"The Breakup\" is", + "score": 0.69580078125 + }, + { + "id": "364645", + "title": "Simon & Garfunkel", + "text": "& Garr, they performed at Gerde's Folk City, a Greenwich club that hosted Monday night open mic performances. They performed three new songs \u2014 \"Sparrow\", \"He Was My Brother\", and \"The Sound of Silence\" \u2014 and attracted the attention of Columbia producer Tom Wilson, who worked with Bob Dylan. As a \"star producer\" for the label, he wanted to record \"He Was My Brother\" with a new British act, the Pilgrims. Simon convinced Wilson to let him and Garfunkel audition in the studio, where they performed \"The Sound of Silence\". At Wilson's urging, Columbia signed them. Simon & Garfunkel's debut", + "score": 0.69580078125 + }, + { + "id": "6556353", + "title": "Out of the Blue (British band)", + "text": "for Outstanding Performance. In 2013 the group decided not to compete, but returned to the competition in 2014, which, for the first time, included a video entry first round. The group progressed to the semi-finals in London, where they picked up an award for Outstanding Musicality for their performance of \"The Sound of Silence\" and were one of five university groups who progressed to the Final. In the Final they won the award for Outstanding Performance and Bobby Goulder (MD) picked up the award for Outstanding Arrangement for the entire set. The group were crowned winners of the competition and", + "score": 0.69580078125 + }, + { + "id": "9588292", + "title": "The Roaring Silence", + "text": "The Roaring Silence The Roaring Silence is the seventh studio album by English rock band Manfred Mann's Earth Band. It was released on 27 August 1976, by Bronze Records in the UK and by Warner Bros. Records in the US. Like other Earth Band albums, this includes material by other composers. \"Blinded by the Light\", which reached number one the \"Billboard\" Hot 100, is a cover version of a song by Bruce Springsteen; \"Questions\" is based on the main theme of Franz Schubert's Impromptu in G flat Major; \"Starbird\" takes its theme from Igor Stravinsky's ballet The Firebird; and \"The", + "score": 0.6953125 + }, + { + "id": "1404867", + "title": "Silent Night", + "text": "Silent Night \"Silent Night\" () is a popular Christmas carol, composed in 1818 by Franz Xaver Gruber to lyrics by Joseph Mohr in the small town of Oberndorf bei Salzburg, Austria. It was declared an intangible cultural heritage by UNESCO in 2011. The song has been recorded by a large number of singers from every music genre. The version sung by Bing Crosby is the third best-selling single of all-time. The song was first performed on Christmas Eve 1818 at St Nicholas parish church in Oberndorf, a village in the Austrian Empire on the Salzach river in present-day Austria. A", + "score": 0.69482421875 + }, + { + "id": "4395374", + "title": "Richard Cory (song)", + "text": "Richard Cory (song) \"Richard Cory\" is a song written by Paul Simon in early 1965, and recorded by Simon and Garfunkel for their second studio album, \"Sounds of Silence\". The song was based on Edwin Arlington Robinson's 1897 poem of the same title. The song tells the tale of a Richard Cory from the perspective of one of the men who works in his factory. The factory worker is envious of the advantages and enjoyments available to Cory, believing him (Cory) to be a satisfied man. The last verse of the song ends similarly to the Robinson poem: \"Richard Cory", + "score": 0.69482421875 + }, + { + "id": "6868302", + "title": "Hymns to the Silence", + "text": "Hymns to the Silence Hymns to the Silence is the twenty-first studio album by Northern Irish singer-songwriter Van Morrison. It was his first studio double album. Morrison recorded the album in 1990 in Beckington at Wool Hall Studios and in London at Townhouse and Westside Studios. When \"Hymns to the Silence\" was released in 1991, it reached number five on the UK Albums Chart and received positive reviews from critics. Morrison's use of various musical styles was well received, as were the more worldly-themed songs on an otherwise spiritual album. The album of songs was recorded during sessions at Wool", + "score": 0.6943359375 + }, + { + "id": "793966", + "title": "Art Garfunkel", + "text": "2009, Simon and his band re-opened New York's Beacon Theatre, which had been closed for seven months for renovation. As an encore, Simon brought out \"my old friend, Art Garfunkel.\" They sang three songs: \"Sound of Silence,\" \"The Boxer,\" and \"Old Friends.\" On April 2, 2009, the duo announced a tour of Australia, New Zealand, and Japan for summer 2009. In late October, they participated together in the 25th anniversary of Rock and Roll Hall of Fame concerts at New York's Madison Square Garden. Other artists on the bill included Bruce Springsteen & The E Street Band, U2, Metallica, Aretha", + "score": 0.6923828125 + }, + { + "id": "10229317", + "title": "Paranoimia", + "text": "he identifies as Peter O'Toole on trumpet (despite there being no trumpet on the song), Martina Navratilova on bass, Cher on vocals, and the Pope on drums. The 12\" single was also available on a one-sided cassette tape with the following track listing: Some later issues of the CD \"In Visible Silence\", most notably the US version, include the single version in place of the original version, which did not include the Max Headroom vocals. Paranoimia \"Paranoimia\" is a song by English synthpop group Art of Noise released in 1986, from their album \"In Visible Silence\". The song's better-known version", + "score": 0.69189453125 + }, + { + "id": "9588294", + "title": "The Roaring Silence", + "text": "did not contain bonus tracks, and tracks No. 3 and No. 7 had changed places The Roaring Silence The Roaring Silence is the seventh studio album by English rock band Manfred Mann's Earth Band. It was released on 27 August 1976, by Bronze Records in the UK and by Warner Bros. Records in the US. Like other Earth Band albums, this includes material by other composers. \"Blinded by the Light\", which reached number one the \"Billboard\" Hot 100, is a cover version of a song by Bruce Springsteen; \"Questions\" is based on the main theme of Franz Schubert's Impromptu in", + "score": 0.69140625 + }, + { + "id": "8558103", + "title": "The Danse Society", + "text": "fronted the band. Their fifth studio album, \"Scarey Tales\", was released in February 2013. On 1 February 2014, Danse Society issued an official announcement that Gilmartin and Roberts had unexpectedly resigned from the band, resulting in the cancellation of a series of tour dates. Nash, Whitaker and Maethelyiah continued with Danse Society, joined by new bassist Lee Jones and drummer Iain Hunter. David Whitaker was replaced by Sam Bollands in late 2014, with Jack Cooper replacing Lee Jones. On 9 December 2014, the single \"If I Were Jesus\" / \"Sound of Silence\" was released followed by the sixth studio album", + "score": 0.69091796875 + }, + { + "id": "2627098", + "title": "The Sound of Silence", + "text": "it became one of the top-selling singles in early November 1965; it spread to Miami and Washington, D.C. two weeks later, reaching number one in Boston and debuting on the \"Billboard\" Hot 100. Throughout the month of January 1966 \"The Sound of Silence\" had a one-on-one battle with The Beatles' \"We Can Work It Out\" for the No. 1 spot on the \"Billboard\" Hot 100. The former was No. 1 for the weeks of January 1 and 22 and No. 2 for the intervening two weeks. The latter held the top spot for the weeks of January 8, 15, and", + "score": 0.68994140625 + }, + { + "id": "571338", + "title": "Bookends (album)", + "text": "additional instruments. An audio sample of the band's first hit, \"The Sound of Silence\", softly plays during a cacophony of sounds near the end of the second track, \"Save the Life of My Child\". John Simon, who was credited with production assistance on the song, created the bassline by playing a Moog synthesizer with help from Robert Moog himself. James Bennighof, author of \"The Words and Music of Paul Simon\", finds that \"textural elements are variously supported by a churning groove, percussive, and distorted electronic sounds\" that complement the song's subject matter, suicide suburban youth. The song \"America\" explores the", + "score": 0.68896484375 + }, + { + "id": "5202163", + "title": "I Am a Rock", + "text": "requests for \"The Sound of Silence\" from American radio stations and dubbed an electric guitar, bass, and drums onto the original track. He then released the song as a single, whereupon it entered the United States pop charts. When Simon heard about the success of this song, he was still touring in Europe as a poor solo folk singer. He immediately returned to the United States, and in December 1965 he and Garfunkel began a series of hasty recording sessions to match the electric \"mold\" created by Wilson with many of the other songs that Simon had recorded on the", + "score": 0.68896484375 + }, + { + "id": "5202160", + "title": "I Am a Rock", + "text": "I Am a Rock \"I Am a Rock\" is a song written by Paul Simon. It was first performed by Simon alone as the opening track on his album \"The Paul Simon Songbook\" which he originally recorded and released in August 1965, only in the United Kingdom. Paul Simon and Art Garfunkel, as the American folk rock duo Simon and Garfunkel, re-recorded it on December 14, 1965, and included as the final track on their album \"Sounds of Silence\", which they released on January 17, 1966. The song was not included on Simon & Garfunkel's first album, \"Wednesday Morning, 3", + "score": 0.68896484375 + }, + { + "id": "11240256", + "title": "Il Silenzio (song)", + "text": "the final track of their fourth album and features the trumpet of Michael Lovatt who is now lead trumpet with The John Watson Orchestra and the BBC Big Band. Upbeat Records URCD266. The Dutch hit trumpeter Ryan Ricks () has recorded Il Silenzio in 2018 for his album 'C'est La Vie' released by Universal Music Group CD20186. Il Silenzio (song) Il Silenzio (\"The Silence\") is an instrumental piece, with a small spoken Italian lyric, notable for its trumpet theme. It was written in 1965 (see \"Origin\" below) by trumpet player Nini Rosso and Guglielmo Brezza, its thematic melody being an", + "score": 0.6884765625 + }, + { + "id": "2627105", + "title": "The Sound of Silence", + "text": "only hoped to pay homage and honor to the brilliance of one of the greatest songwriters of all time. Your compliment means the world to me/us and we are eternally grateful.\" As of September 2017, the single had sold over 1.5 million digital downloads and had been streamed over 54 million times, estimated Nielsen Music. The music video has over 453 million views on YouTube, while the live performance on \"Conan\" has over 85 million, making it the most watched YouTube video from the show. On September 27, 2016, the Disturbed version of \"The Sound of Silence\" was released as", + "score": 0.6875 + }, + { + "id": "19159377", + "title": "Australia in the Eurovision Song Contest 2016", + "text": "on by the shows' commentators; and the Composer Award, given to the best and most original composition as voted by the participating composers. \"Sound of Silence\" was awarded the Composer Award, which was accepted at the awards ceremony by the songwriters David Musumeci and Anthony Egizii. Voting during the three shows was conducted under a new system that involved each country now awarding two sets of points from 1\u20138, 10 and 12: one from their professional jury and the other from televoting. Each nation's jury consisted of five music industry professionals who are citizens of the country they represent, with", + "score": 0.68701171875 + }, + { + "id": "4685895", + "title": "Ralph Siegel", + "text": "and became a hit in Europe. In February 2010, it was announced by RT\u00c9 that he would have an entry in the Irish National Final-Eurosong 2010. The song titled 'River of Silence' was performed by Lee Bradshaw. It finished in last place. He also composed 'C'\u00e9tait ma vie', performed by Lys Assia for representing Switzerland in the Eurovision Song Contest. She reached an 8th position in Swiss National Final. Ralph Siegel Ralph Siegel (born 30 September 1945 in Munich) is a German record producer and songwriter. He is married to the opera singer Kriemhild Jahn. He has three daughters, one", + "score": 0.685546875 + }, + { + "id": "12868721", + "title": "The Price of Silence (EP)", + "text": "the song, and the original \u201cCanci\u00f3n Protesta\u201d by Aterciopelados. The accompanying music video was played regularly on Link TV beginning the same day. The Price of Silence (EP) The Price of Silence is a song written to celebrate the 60th anniversary of the signing of the Universal Declaration of Human Rights featuring a number of well-known world musicians. The song was produced by Andres Levin (Music Has No Enemies) in coordination with Link TV: Television Without Borders. The net proceeds from the sale of the song will go to fund Amnesty International. To commemorate the 60th anniversary of the Universal", + "score": 0.685546875 + }, + { + "id": "14743993", + "title": "The Sound of Hush", + "text": "The Sound of Hush Hush (regular title) is a Danish pop duo composing and performing music since 1997. The duo consists of singer Dorthe Gerlach and guitarist Michael Hartmann. Michael Hartmann has a past as a speed metal guitarist and musician for singer-songwriter Marie Frank, but in 1997 he chose to work with his own ideas. He met Dorthe Gerlach when she was singing as a busker in the streets of Randers, and at first they formed a group with three other musicians, playing with more tempo and rock than later. In 2000 the duo agreed to play a more", + "score": 0.685546875 + }, + { + "id": "7435220", + "title": "Morning Dew", + "text": "Damnation Of Adam Blessing in 1969 on United Artist Records In 1969 the New Zealand band Retaliation recorded the song. It appears on A Day in My Mind's Mind Volume 3. Scottish hard rock band Nazareth covered it on their debut \"Nazareth\" album in 1971. Australian band Hush covered the song on their album, \"Aloud 'n' Live\" (1973). Irish group Clannad recorded the song on their first album (1973). Long John Baldry recorded the song, released in 1981 by EMI America. Blackfoot recorded it on their album \"Vertical Smiles\" in 1984. In 1987 Einst\u00fcrzende Neubauten recorded a version on \"F\u00fcnf", + "score": 0.685546875 + }, + { + "id": "7980408", + "title": "The Sound of Music (song)", + "text": "The Sound of Music (song) \u201cThe Sound of Music\u201d is the title song from the 1959 musical \"The Sound of Music.\" It was composed by Richard Rodgers with lyrics written by Oscar Hammerstein II. In 1959, Rodgers and Hammerstein asked singer Patti Page to record the title song of their forthcoming musical, \"The Sound of Music\", hoping for some national attention. Page recorded the song for Mercury Records on the day that the musical opened on Broadway. Since Page's version was recorded a week before the original Broadway cast album, Page was the first artist to record any song from", + "score": 0.68505859375 + }, + { + "id": "13924019", + "title": "Harry Winter", + "text": "late World War II. Released from captivity after the war he proceeded to Vienna, where he first performed at the Konzerthaus and founded his own dance orchestra in 1946. His swing concerts became increasingly popular in Allied-occupied Austria. Winter could sign a recording contract and his orchestra was a guest in several Austrian radio shows. In 1948 he recorded the song \"Und jetzt ist es still\", composed by Hans Lang, which, translated into English by Bert Reisfeld (\"It's Oh So Quiet\"), was covered by Betty Hutton in 1951 and popularized by Bj\u00f6rk in 1995. In the 1950s Winter performed in", + "score": 0.68505859375 + }, + { + "id": "20842829", + "title": "VI (The Danse Society album)", + "text": "VI (The Danse Society album) VI is the sixth studio album by English gothic rock band The Danse Society. One of the founder members of the post-punk and gothic rock movement in the 1980s released this studio album in September 2015, through the band's own record label, Society. The album was released in a limited edition red vinyl and CD, including lyrics and artwork to each song. The album was re-issued in September 2016 as a deluxe version with the addition of the bonus tracks 'Sound of Silence' and 'If I were Jesus' 'Punk-Online' said; \"The Danse Society have matured", + "score": 0.68505859375 + }, + { + "id": "10133365", + "title": "Dark Orange", + "text": "2009, a single followed and the band announced that a new album would be released in May, 2010 on the Kalinkaland label, produced by Folker Alberts and Mastered by Robin Guthrie of the Cocteau Twins. Dark Orange Dark Orange is an ethereal wave band from Hamburg, Germany and is probably best known for their gothic rendition of Paul Simon's \"Sounds of Silence\". Dark Orange's last release with Hyperium Records, \"The Sea Is My Soul\", taken from their album \"The Garden of Poseidon\", was released under the alias 24 Hours and drastically remixed by Mark Tibenham of And Also the Trees.", + "score": 0.6845703125 + }, + { + "id": "6643801", + "title": "Bob Crewe", + "text": "Get Enough of You Baby\" has enjoyed subsequent reinterpretations by the Colourfield and Smash Mouth, among many others. Crewe's record label scored another hit with Norma Tanega's off-beat, folksy \"Walkin' My Cat Named Dog\". Crewe also helped bring success to the Epic Records group the Tremeloes with their hit cover of \"Silence Is Golden\", a song originally written for and recorded by the Four Seasons. Bob Crewe himself (recording as The Bob Crewe Generation) released a version of Sid Ramin's 1967 instrumental \"Music to Watch Girls By\" (originally composed as a Diet Pepsi commercial jingle) on DynoVoice. The song became", + "score": 0.68408203125 + }, + { + "id": "1356610", + "title": "Franz Xaver Gruber", + "text": "named choir director, singer and organist. Maria Gruber died in childbirth in 1841. The following year he married Katherine Wimmer. In 1816 he took on the additional responsibilities of organist and choirmaster at St Nicholas Church in the neighboring village of Oberndorf bei Salzburg. Together with Joseph Mohr, a Catholic priest who wrote the original German lyrics, Gruber composed the music for the Christmas carol \"Silent Night\". On Christmas Eve of 1818, Mohr, an assistant pastor at St Nicholas, showed Gruber a six-stanza poem he had written in 1816. He asked Gruber to set the poem to music. The church", + "score": 0.68408203125 + }, + { + "id": "20745409", + "title": "Into the Silence (Avishai Cohen album)", + "text": "the background of the inspiration for this music colors the perception of it\u2014it seems unlikely that a listener encountering these tracks blind would guess what they were \"about.\" It's beautiful music regardless, and clearly has a unity earned by the consistent spirit in the composing as well as the spontaneous approach that the group took to this performance\". All compositions by Avishai Cohen Into the Silence (Avishai Cohen album) Into the Silence is an album by Israeli trumpeter and composer Avishai Cohen recorded in France in 2015 and released on the ECM label the following year. The AllMusic review by", + "score": 0.68310546875 + }, + { + "id": "6976882", + "title": "Silence (band)", + "text": "Laibach album \"Volk\", released in October 2006, is a collaboration between Laibach and Silence. On 1 September 2008 Silence released their new album \"The Passion of the Cold\". On the same day the Bulgarian poet Svetoslav Todorov issued his debut poetry e-book \"\u0406. Obezkostiavane\" on his blog with \"The True Nature of Happiness\", one of the songs on the album, being included in the rar file. \"The Passion of the Cold\" is conceived as a handmade book containing two CD's, features 90 minutes of music from (or inspired by) Tomaz Pandur's plays Barroco and Kaligula. Only 500 numbered and hand-signed", + "score": 0.68310546875 + }, + { + "id": "612497", + "title": "Paul Simon", + "text": "at the Beacon Theatre, which had recently been renovated. Simon was reunited with Art Garfunkel at the first show as well as with the cast of \"The Capeman\"; also playing in the band was \"Graceland\" bassist Bakithi Kumalo. In May 2009, Simon toured with Garfunkel in Australia, New Zealand, and Japan. In October 2009, they appeared together at the 25th Anniversary of The Rock & Roll Hall of Fame concert at Madison Square Garden in New York City. The pair performed four of their most popular songs, \"The Sound of Silence,\" \"The Boxer,\" \"Cecilia,\" and \"Bridge Over Troubled Water.\" Simon's", + "score": 0.6826171875 + }, + { + "id": "19130432", + "title": "Symphony No. 3 (MacMillan)", + "text": "more critical, however, remarking that the work \"sounded like an unwieldy impersonation of the monumental.\" WQXR-FM included the piece in their list of the \"Top Five Sounds of Silence\" in classical music, remarking that MacMillan \"finds all kinds of potential and promise in silence, dots this work (as well as many of his others) with pregnant pauses, and meditative moments.\" Symphony No. 3 (MacMillan) The Symphony No. 3 (also known as Symphony No. 3 \"Silence\") is the third symphony by the Scottish composer James MacMillan. The piece was first performed on April 17, 2003 in NHK Hall, Tokyo, by the", + "score": 0.6826171875 + }, + { + "id": "7016629", + "title": "Silence (Delerium song)", + "text": "these, the new Above & Beyond remix is the most central, as the version included on the \"Best Of\" compilation released preceding the single. The other new remix was by Filterheadz; this version subsequently, in 2006, became popularly mislabelled as the nonexistent \"Trentem\u00f8ller 2006 Remix\". A 2017 version of the song entitled \"Rhys Fulber Project Cars Mix\" featured in the launch trailer for \"Project CARS 2\". Silence (Delerium song) \"Silence\" is a song by Canadian electronic music group Delerium featuring Canadian singer and co-writer Sarah McLachlan. Over the years, it has been hailed as one of the greatest trance songs", + "score": 0.68212890625 + }, + { + "id": "7067759", + "title": "Land of Confusion", + "text": "Faster*\". The song has been variously re-recorded as cover versions by several artists spanning a number of genres: The American heavy metal band Disturbed released a cover of the song on their third studio album, \"Ten Thousand Fists\". The song became the fourth single from that album. Vocalist David Draiman commented that the aim of covering the song was \"taking a song that's absolutely nothing like us and making it our own.\" The line \"And the sound of your laughter\" in the original's bridge was replaced by \"In the wake of this madness\". It was accompanied by a music video", + "score": 0.68212890625 + }, + { + "id": "14160843", + "title": "The Silence (song)", + "text": "The Silence (song) \"The Silence\" is a song by English singer and songwriter Alexandra Burke from her debut studio album \"Overcome\" (2009). The song was written by Bilal Hajji and Savan Kotecha, along with the song's producer Nadir \"RedOne\" Khayat. The song was released as a promotional single in anticipation of the re-release of \"Overcome\" (2010). Burke stated that the song was written when her aunt told the singer about how she and her partner were experiencing troubles in their relationship, and that they were not telling each other how they felt. In response, Burke asked her aunt why he", + "score": 0.68115234375 + } + ], + "answer": "There are several songs with the title \"Sound of Silence\". Sounds of Silence is the second studio album by Simon & Garfunkel, released on January 17, 1966. The album's title is a slight modification of the title of the duo's first major hit, \"The Sound of Silence\", which was recorded in March 1964 and originally was released as \"The Sounds of Silence\". Another \"Sound of Silence\" is a song performed by Australian recording artist Dami Im, and is best known as Australia's entry at the Eurovision Song Contest 2016." + }, + { + "qa_pairs": [ + { + "context": "On January 9, 2007, Steve Jobs announced the first iPhone at the Macworld convention, receiving substantial media attention. Jobs announced that the first iPhone would be released later that year. On June 29, 2007, the first iPhone was released.", + "question": "When was the first apple i phone released?", + "short_answers": [ + "June 29, 2007" + ], + "wikipage": "History of iPhone" + }, + { + "context": "The history of the iPhone began with a request from Apple Inc. CEO Steve Jobs to the company's engineers, asking them to investigate the use of touchscreen devices and tablet computers (which later came to fruition with the iPad). Many have noted the device's similarities to Apple's previous touch-screen portable device, the Newton MessagePad. Like the MessagePad, the iPhone is nearly all screen. Its form factor is credited to Apple's Chief Design Officer, Jonathan Ive. The iPhone beta was created in 2004 to test the commands of the Apple team, and while technically may have first iPhone ever created, it was never released to the public, so this beta was not considered the true first iPhone. After some trial and error, the first iPhone was officially launched and made accessible to the public in 2007, and this iPhone and was advertised noticeably at the Macworld of that same year. In this first release, the iPhone was accessible in the US, UK, Canada, Germany, Norway, Sweden, Finland, France, Spain, Italy and South Africa.", + "question": "When was the first apple i phone for beta testing made?", + "short_answers": [ + "2004" + ], + "wikipage": "History of iPhone" + }, + { + "context": "On January 9, 2007, Steve Jobs announced the first iPhone at the Macworld convention, receiving substantial media attention. Jobs announced that the first iPhone would be released later that year. On June 29, 2007, the first iPhone was released.", + "question": "When was the first apple i phone 1 made?", + "short_answers": [ + "June 29, 2007." + ], + "wikipage": "History of iPhone" + }, + { + "context": "The history of the iPhone began with a request from Apple Inc. CEO Steve Jobs to the company's engineers, asking them to investigate the use of touchscreen devices and tablet computers (which later came to fruition with the iPad). Many have noted the device's similarities to Apple's previous touch-screen portable device, the Newton MessagePad. Like the MessagePad, the iPhone is nearly all screen. Its form factor is credited to Apple's Chief Design Officer, Jonathan Ive. The iPhone beta was created in 2004 to test the commands of the Apple team, and while technically may have first iPhone ever created, it was never released to the public, so this beta was not considered the true first iPhone. After some trial and error, the first iPhone was officially launched and made accessible to the public in 2007, and this iPhone and was advertised noticeably at the Macworld of that same year. In this first release, the iPhone was accessible in the US, UK, Canada, Germany, Norway, Sweden, Finland, France, Spain, Italy and South Africa.", + "question": "When was the first apple i phone beta made?", + "short_answers": [ + "2004." + ], + "wikipage": "History of iPhone" + } + ], + "wikipages": [ + { + "title": "iPhone (1st generation)", + "url": "https://en.wikipedia.org/wiki/iPhone%20%281st%20generation%29" + }, + { + "title": "History of iPhone", + "url": "https://en.wikipedia.org/wiki/History%20of%20iPhone" + }, + { + "title": "iPhone", + "url": "https://en.wikipedia.org/wiki/iPhone" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The iPhone was released in the United States on June 29, 2007 at the price of $499 for the 4 GB model and $599 for the 8 GB model, both requiring a 2-year contract.[12] ", + "wikipage": "IPhone (1st generation)" + } + ], + "long_answer": "The iPhone beta was created in 2004 to test the commands of the Apple team, and while technically may have been the first iPhone ever created, it was never released to the public, so this beta was not considered the true first iPhone. After some trial and error, the first iPhone was officially launched and made accessible to the public on June 29, 2007." + }, + { + "knowledge": [ + { + "content": "The iPhone beta was created in 2004 to test the device and its functions.", + "wikipage": "History of the iPhone Beta to production" + } + ], + "long_answer": "There were several Apple iPhones, including the Apple iPhone beta and the Apple iPhone. The first Apple iPhone for beta testing, the Apple iPhone beta, was made in 2004. The iPhone beta was made to test the device and its functions but was never released to the public. The first Apple iPhone 1 was made and the first Apple iPhone was released on June 29, 2007." + } + ], + "sample_id": "8793099883447006698", + "question": "When was the first apple i phone made?", + "docs": [ + { + "id": "14664751", + "title": "IPhone (1st generation)", + "text": "IPhone (1st generation) The iPhone (colloquially known as the iPhone 2G after 2008) is the first smartphone model designed and marketed by Apple Inc. After years of rumors and speculation, it was officially announced on January 9, 2007, and was later released in the United States on June 29, 2007. It featured quad-band GSM cellular connectivity with GPRS and EDGE support for data transfer. Development of the iPhone dated back to 2005, when former Apple CEO Steve Jobs conceptualized the idea of a device that users could directly interface with the display. The design was expanded upon over the next", + "score": 0.7919921875, + "summary": "The first Apple iPhone was officially announced on January 9, 2007, and released in the United States on June 29, 2007.", + "extraction": "The iPhone (1st generation) was officially announced on January 9, 2007, and was later released in the United States on June 29, 2007. Therefore, the answer to the question \"When was the first Apple iPhone made?\" is June 29, 2007." + }, + { + "id": "11014067", + "title": "History of iPhone", + "text": "mobile phone to use iTunes. Jobs was unhappy with the ROKR, feeling that having to compromise with a non-Apple designer (Motorola) prevented Apple from designing the phone they wanted to make. In September 2006, Apple discontinued support for the ROKR, and released a version of iTunes that included references to an as-yet unknown mobile phone that could display pictures and video. On January 9, 2007, Steve Jobs announced iPhone at the Macworld convention, receiving substantial media attention. Jobs announced that the first iPhone would be released later that year. On June 29, 2007, the first iPhone was released. On June", + "score": 0.791015625, + "summary": "The first iPhone was released on June 29, 2007.", + "extraction": "The first iPhone was released on June 29, 2007." + }, + { + "id": "5946051", + "title": "History of Apple Inc.", + "text": "just a computer company anymore. At the same address, Jobs revealed a product that would revolutionize an industry in which Apple had never previously competed: the Apple iPhone. The iPhone combined Apple's first widescreen iPod with the world's first mobile device boasting visual voicemail, and an internet communicator able to run a fully functional version of Apple's web browser, Safari, on the then-named (later renamed iOS). The first version of the iPhone became publicly available on June 29, 2007 in selected countries/markets. It was another 12 months before the iPhone 3G became available on July 11, 2008. Apple announced the", + "score": 0.7666015625, + "summary": "The first Apple iPhone was publicly available on June 29, 2007.", + "extraction": "The first version of the iPhone became publicly available on June 29, 2007." + }, + { + "id": "14664754", + "title": "IPhone (1st generation)", + "text": "million over a thirty-month period. Apple rejected the \"design by committee\" approach that had yielded the Motorola ROKR E1, a largely unsuccessful collaboration with Motorola. Instead, Cingular Wireless gave Apple the liberty to develop the iPhone's hardware and software in-house. The original iPhone was introduced by Steve Jobs on January 9, 2007 in a keynote address at the Macworld Conference & Expo held in Moscone West in San Francisco, California. In his address, Jobs said, \"This is a day, that I have been looking forward to for two and a half years\", and that \"today, Apple is going to reinvent", + "score": 0.76416015625, + "summary": "The first Apple iPhone was introduced by Steve Jobs on January 9, 2007.", + "extraction": "The first iPhone was introduced by Steve Jobs on January 9, 2007 in a keynote address at the Macworld Conference & Expo held in Moscone West in San Francisco, California." + }, + { + "id": "9485436", + "title": "IPhone", + "text": "IPhone iPhone ( ) is a line of smartphones designed and marketed by Apple Inc. All generations of the iPhone use Apple's iOS mobile operating system software. The first-generation iPhone was released on June 29, 2007, and multiple new hardware iterations with new iOS releases have been released since. The user interface is built around the device's multi-touch screen, including a virtual keyboard. The iPhone has Wi-Fi and can connect to cellular networks. An iPhone can shoot video (though this was not a standard feature until the iPhone 3GS), take photos, play music, send and receive email, browse the web,", + "score": 0.75537109375, + "summary": "The first-generation iPhone was released on June 29, 2007.", + "extraction": "The first-generation iPhone was released on June 29, 2007." + }, + { + "id": "11014069", + "title": "History of iPhone", + "text": "is manufactured in the Shenzhen factory of the Taiwanese company Hon Hai (also known as Foxconn). Also, according to recent news, Apple will shortly begin outsourcing the manufacturing of iPhones. When Apple announced the iPhone on January 9, 2007, it was sold only with AT&T (formerly Cingular) contracts in the United States. After 18 months of negotiations, Steve Jobs reached an agreement with the wireless division of AT&T to be the iPhone's exclusive carrier. Consumers were unable to use any other carrier without unlocking their device. Apple retained control of the design, manufacturing and marketing of the iPhone. Since some", + "score": 0.75390625, + "summary": "The first Apple iPhone was announced on January 9, 2007 and was sold exclusively with AT&T contracts in the United States.", + "extraction": "January 9, 2007." + }, + { + "id": "8929466", + "title": "Steve Jobs", + "text": "and the first iPhone was released on June 29, 2007. The iPhone created such a sensation that a survey indicated six out of ten Americans were aware of its release. \"Time\" declared it \"Invention of the Year\" for 2007. The completed iPhone had multimedia capabilities and functioned as a quad-band touch screen smartphone. A year later, the iPhone 3G was released in July 2008 with three key features: support for GPS, 3G data and tri-band UMTS/HSDPA. In June 2009, the iPhone 3GS, whose improvements included voice control, a better camera, and a faster processor, was introduced by Phil Schiller. The", + "score": 0.75341796875, + "summary": "The first iPhone was made on June 29, 2007.", + "extraction": "The first iPhone was released on June 29, 2007." + }, + { + "id": "11014084", + "title": "History of iPhone", + "text": "sell iPhones in Spain beginning on July 11, 2008. On August 22, 2008, Estonian mobile operator EMT started selling iPhones. On August 22, 2008, Vodafone Greece released iPhones in the Greek market. On September 26, 2008, Omnitel released iPhones in Lithuania. On November 7, 2008, T-Mobile released iPhones in Croatia. On September 29, 2010, Elisa released the iPhone 4 in Finland. SingTel (in Singapore) and Globe Telecom (in the Philippines) were the first two carriers to launch the iPhone in Southeast Asia. Both carriers launched the iPhone 3G in August 2008. On March 20, 2009, Telkomsel In the same month,", + "score": 0.7470703125, + "summary": "The document does not provide information on when the first Apple iPhone was made, therefore the answer is irrelevant.", + "extraction": "Irrelevant. The passage only mentions the release dates of iPhones in different countries and does not provide information about when the first iPhone was made." + }, + { + "id": "11014081", + "title": "History of iPhone", + "text": "the phones on June 29, 2012. T-Mobile began offering iPhone on April 12, 2013. On November 9, 2007, the iPhone was officially launched As in the case of the previous launch in the US, customers lined up as much as a day in advance to obtain the much-anticipated phone. Apple occasionally produced a limited number of 4GB iPhones for German and UK markets, but they never reached end customers and were used as in-store demo units. Later most of the units were disposed of. The initial operating model of locking iPhone owners to one selected carrier has been controversial in", + "score": 0.74658203125, + "summary": "The first iPhone was officially launched on November 9, 2007.", + "extraction": "On November 9, 2007, the iPhone was officially launched." + }, + { + "id": "4331", + "title": "Apple Inc.", + "text": "an Internet-enabled smartphone and iPod. The first-generation iPhone was released on June 29, 2007, for $499 (4 GB) and $599 (8 GB) with an AT&T contract. On February 5, 2008, it was updated to have 16 GB of memory, in addition to the 8 GB and 4 GB models. It combined a 2.5G quad band GSM and EDGE cellular phone with features found in handheld devices, running scaled-down versions of Apple's Mac OS X (dubbed iPhone OS, later renamed iOS), with various Mac OS X applications such as Safari and Mail. It also includes web-based and Dashboard apps such as", + "score": 0.74658203125, + "summary": "The first Apple iPhone was made on June 29, 2007.", + "extraction": "The first-generation iPhone was released on June 29, 2007." + }, + { + "id": "14664758", + "title": "IPhone (1st generation)", + "text": "and interface of the iPhone but without the ability to connect to a cellular network for phone functions or internet access, was released on September 5, 2007. At the same time, Apple significantly dropped the price of the 8 GB model (from $599 to $399, still requiring a 2-year contract with AT&T) while discontinuing the 4 GB model. Apple sold the one millionth iPhone five days later, or 74 days after the release. After receiving \"hundreds of emails...upset\" about the price drop, Apple gave store credit to early adopters. A 16 GB model was released on February 5, 2008 for", + "score": 0.74560546875, + "summary": "The first iPhone was released on September 5, 2007.", + "extraction": "The first Apple iPhone was released on September 5, 2007." + }, + { + "id": "11014072", + "title": "History of iPhone", + "text": "the defendants. On July 8, 2010, the case was affirmed for class certification. On December 9 the court ordered a stay on the case, awaiting the Supreme Court's decision in \"AT&T v. Concepcion\" (disputed whether the state's basic standards of fairness were met by a clause in AT&T's contract limiting complaint resolution to arbitration). On April 27, 2011, the Supreme Court ruled that AT&T met the state's fairness standards. The first advertisement for iPhone, titled \"Hello\", aired during the 79th Academy Awards on February 25, 2007, on American Broadcasting Company (ABC). On June 4, 2007, Apple released four advertisements announcing", + "score": 0.74365234375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage doesn't provide any information about when the first Apple iPhone was made." + }, + { + "id": "14664763", + "title": "IPhone (1st generation)", + "text": "feature omissions, the iPhone is, on balance, a beautiful and breakthrough handheld computer.\" \"Time\" magazine named it the Invention of the Year in 2007. \"Mobile Gazette\" reported that whilst the iPhone has many impressive points, it equally has many bad ones too, noting the lack of 3G, MMS, third-party applications, and its weak camera without autofocus and flash. IPhone (1st generation) The iPhone (colloquially known as the iPhone 2G after 2008) is the first smartphone model designed and marketed by Apple Inc. After years of rumors and speculation, it was officially announced on January 9, 2007, and was later released", + "score": 0.7431640625, + "summary": "The first iPhone was officially announced on January 9, 2007, and released later that year.", + "extraction": "The first iPhone (colloquially known as the iPhone 2G after 2008) was officially announced on January 9, 2007." + }, + { + "id": "13550328", + "title": "IPhone 4", + "text": "IPhone 4 The iPhone 4 is a smartphone that was designed and marketed by Apple Inc. It is the fourth generation iPhone, succeeding the 3GS and preceding the 4S. Following a number of notable leaks, the iPhone 4 was first unveiled on June 7, 2010, at Apple's Worldwide Developers Conference in San Francisco, and was released on June 24, 2010, in the United States, United Kingdom, France, Germany and Japan. 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", + "score": 0.7421875, + "summary": "The first Apple iPhone was not made with the iPhone 4. Irrelevant.", + "extraction": "The first Apple iPhone was not the iPhone 4. Therefore, the useful span cannot be extracted from the passage. The answer is \"irrelevant\"." + }, + { + "id": "14664756", + "title": "IPhone (1st generation)", + "text": "bid. In February 2007, LG Electronics accused Apple of \"copying\" their LG Prada phone, which was introduced around the same time as iPhone. The iPhone was released in the United States on June 29, 2007 at the price of $499 for the 4 GB model and $599 for the 8 GB model, both requiring a 2-year contract. Thousands of people were reported to have waited outside Apple and AT&T retail stores days before the device's launch; many stores reported stock shortages within an hour of availability. To avoid repeating the problems of the PlayStation 3 launch, which caused burglaries and", + "score": 0.74072265625, + "summary": "The first Apple iPhone was released on June 29, 2007.", + "extraction": "The first Apple iPhone was released in the United States on June 29, 2007." + }, + { + "id": "11014073", + "title": "History of iPhone", + "text": "that iPhone would be released on June 29, 2007. On July 1, 2007, it was reported that Apple paid at least US$1 million to Michael Kovatch for the iPhone.com domain name, previously owned by Kovatch since 1995. The URL now redirects to Apple's iPhone page. On June 28, 2007, during an address to Apple employees, Steve Jobs announced that all full-time Apple employees and those part-time employees who had been with the company for at least one year would receive a free iPhone. Employees received their phones in July after the initial demand for iPhones subsided. Initially priced at US", + "score": 0.736328125, + "summary": "The first Apple iPhone was made on June 29, 2007.", + "extraction": "The first Apple iPhone was released on June 29, 2007." + }, + { + "id": "9485444", + "title": "IPhone", + "text": "lined up outside the stores nationwide. The passionate reaction to the launch of the iPhone resulted in sections of the media dubbing it the 'Jesus phone'. Following this successful release in the US, the first generation iPhone was made available in the UK, France, and Germany in November 2007, and Ireland and Austria in the spring of 2008. On July 11, 2008, Apple released the iPhone 3G in twenty-two countries, including the original six. Apple released the iPhone 3G in upwards of eighty countries and territories. Apple announced the iPhone 3GS on June 8, 2009, along with plans to release", + "score": 0.73583984375, + "summary": "The first generation iPhone was released in the US in 2007 and made available in the UK, France, and Germany in November of the same year, followed by Ireland and Austria in spring 2008.", + "extraction": "The first generation iPhone was made available in the UK, France, and Germany in November 2007, and Ireland and Austria in the spring of 2008." + }, + { + "id": "15960645", + "title": "IPhone 5", + "text": "IPhone 5 The iPhone 5 is a smartphone that was designed and marketed by Apple Inc. It is the sixth generation of the iPhone succeeding the iPhone 4S and preceding the iPhone 5S and iPhone 5C. Formally unveiled as part of a press event on September 12, 2012, it was released on September 21, 2012. The iPhone 5 is the first iPhone to be announced in September and, setting a trend for subsequent iPhone releases, the first iPhone to be completely developed under the guidance of Tim Cook and the last iPhone to be overseen by Steve Jobs. The iPhone", + "score": 0.732421875, + "summary": "The first iPhone to be announced in September and developed under Tim Cook was the iPhone 5, released on September 21, 2012. Irrelevant information includes the iPhone 4S and 5S, and Steve Jobs' oversight.", + "extraction": "The passage is irrelevant to the question \"When was the first apple i phone made?\" as it does not provide any information about the first Apple iPhone." + }, + { + "id": "9355109", + "title": "Linksys iPhone", + "text": "released in 1998 by InfoGear Technology Corporation. In 1997, prior to the release of iPhone, Infogear entered into a partnership with Cidco of Morgan Hill, California. The iPhone was an innovative internet appliance that featured a sliding keyboard and an LCD touchscreen that accessed an embedded web browser and an email client. It was one of the first wave of internet appliances, preceding the I-Opener, 3Com Audrey and a slew of similar devices from various manufacturers including Alcatel and Nortel. Reviewers praised it for offering a simple and \"relatively inexpensive\" way to access the Internet, but many criticized its size,", + "score": 0.7314453125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "11014080", + "title": "History of iPhone", + "text": "begin selling a CDMA iPhone 4. The Verizon iPhone went on sale on February 10, 2011. During Apple's official unveiling of iPhone 4S on October 4, 2011, it was announced that Sprint would begin carrying the reconfigured CDMA iPhone 4 and iPhone 4S in the US on October 14. Cricket Wireless announced on May 31, 2012 that it would become the first prepaid carrier in the US to offer iPhone 4 and iPhone 4S, beginning June 22, 2012. A week later, Virgin Mobile USA became the second American prepaid carrier to offer iPhone 4 and 4S, announcing plans to release", + "score": 0.7314453125, + "summary": "The first Apple iPhone was not mentioned in the document, so the answer is irrelevant.", + "extraction": "The passage does not provide a useful span to answer the question \"When was the first apple i phone made?\". It is irrelevant to the question." + }, + { + "id": "14664752", + "title": "IPhone (1st generation)", + "text": "2 years in complete secrecy, before being announced in Q1 2007. Although several aspects of the iPhone are considered obsolete by modern standards, the device is seen as an archetype of modern cell phones, ditching physical hardware buttons in favor of a touch-based user interface. Its successor, the iPhone 3G, was announced in June of 2008. In 2005, Apple CEO Steve Jobs conceived an idea of using a multi-touch touchscreen to interact with a computer in a way in which he could directly type onto the display. He decided that it needed to have a triple layered touch screen, a", + "score": 0.73095703125 + }, + { + "id": "9485443", + "title": "IPhone", + "text": "to develop the iPhone's hardware and software in-house and even paid Apple a fraction of its monthly service revenue (until the iPhone 3G), in exchange for four years of exclusive US sales, until 2011. Jobs unveiled the iPhone to the public on January 9, 2007, at the Macworld 2007 convention at the Moscone Center in San Francisco. The two initial models, a 4 GB model priced at US$499 and an 8 GB model at US$599 (both requiring a two-year contract), went on sale in the United States on June 29, 2007, at 6:00 pm local time, while hundreds of customers", + "score": 0.72998046875 + }, + { + "id": "9355108", + "title": "Linksys iPhone", + "text": "Linksys iPhone The Linksys iPhone was a line of internet appliances from Cisco Systems. The first iPhone model \u2013 released by Infogear in 1998 \u2013 combined the features of a regular phone and a web terminal. The company was later purchased by Cisco and no new products were marketed under the name between 2001 and 2006. At the end of 2006, Cisco rebranded its Linksys VoIP-based phones under the name, shortly before Apple released an iPhone of its own. This led to a trademark dispute between the two companies, which was resolved on February 20, 2007. The first iPhone was", + "score": 0.7294921875 + }, + { + "id": "9485441", + "title": "IPhone", + "text": "of the iPhone have also garnered praise. The iPhone is one of the most widely used smartphones in the world, and its success has been credited with helping Apple become one of the world's most valuable publicly traded companies. Development of what was to become the iPhone began in 2004, when Apple started to gather a team of 1,000 employees (including Jonathan Ive, the designer behind the iMac and iPod) to work on the highly confidential \"Project Purple.\" Apple CEO Steve Jobs steered the original focus away from a tablet (which Apple eventually revisited in the form of the iPad)", + "score": 0.72802734375 + }, + { + "id": "4334", + "title": "Apple Inc.", + "text": "stainless steel band around the edge of the device, which also serves as the phone's cellular signal and Wi-Fi antenna. The issue was corrected by a \"Bumper Case\" distributed by Apple for free to all owners for a few months. In June 2011, Apple overtook Nokia to become the world's biggest smartphone maker by volume. On October 4, 2011, Apple unveiled the iPhone 4S, which was first released on October 14, 2011. It features the Apple A5 processor and Siri voice assistant technology, the latter of which Apple had acquired in 2010. It also features an updated 8MP camera with", + "score": 0.72802734375 + }, + { + "id": "11014065", + "title": "History of iPhone", + "text": "History of iPhone The history of iPhone began with a request from Apple Inc. CEO Steve Jobs to the company's engineers, asking them to investigate the use of touchscreen devices and tablet computers (which later came to fruition with the iPad). Many have noted the device's similarities to Apple's previous touch-screen portable device, the Newton MessagePad. Like the Newton, the iPhone is nearly all screen. Its form factor is credited to Apple's Chief Design Officer, Jonathan Ive. In April 2003, at the \"All Things Digital\" executive conference, Jobs expressed his belief that tablet PCs and traditional PDAs were not good", + "score": 0.7216796875 + }, + { + "id": "13550335", + "title": "IPhone 4", + "text": "and video of a second prototype were published on a Vietnamese website, Taoviet, on May 12, 2010. It was almost identical to the first, and used an A4 chip manufactured by Apple. The website purchased the prototype for $4,000. DigiTimes reported that the screen resolution of the new phone was 960-by-640, which was confirmed by Apple at the iPhone 4's official announcement. The iPhone 4 was available for pre-order on June 15, 2010. Customers attempting to pre-order the iPhone 4 reported problems with the pre-order process on the US and UK online Apple Stores which crashed due to the surge", + "score": 0.72021484375 + }, + { + "id": "11014068", + "title": "History of iPhone", + "text": "11, 2007, Apple announced at the Apple's Worldwide Developers Conference that the iPhone would support third-party applications using the Safari engine. Third parties would be able to create Web 2.0 applications, which users could access via the internet. Such applications appeared even before the release of the iPhone; the first of these, called OneTrip, was a program meant to keep track of users' shopping lists. On June 29, 2007, Apple released version 7.3 of iTunes to coincide with the release of iPhone. This release contains support for iPhone service activation and syncing. According to \"The Wall Street Journal\", the iPhone", + "score": 0.72021484375 + }, + { + "id": "11014083", + "title": "History of iPhone", + "text": "an official contract with Apple. The offer caused confusion between Apple Europe, local media, and local Apple representatives. On May 6, 2008, Telecom Italia announced that it had signed a deal with Apple to sell iPhones in Italy by the end of 2008. It was estimated that it would probably be the second generation iPhone with 3G-UMTS capability. On May 27, 2008, TeliaSonera released a press release stating that it would start selling iPhones in Sweden, Norway, Denmark, Finland, Estonia, Lithuania, and Latvia during 2008. On June 4, 2008, Movistar announced that it had signed a deal with Apple to", + "score": 0.71923828125 + }, + { + "id": "15960688", + "title": "IPhone 5", + "text": "combined total of Android phones in the global market. IPhone 5 The iPhone 5 is a smartphone that was designed and marketed by Apple Inc. It is the sixth generation of the iPhone succeeding the iPhone 4S and preceding the iPhone 5S and iPhone 5C. Formally unveiled as part of a press event on September 12, 2012, it was released on September 21, 2012. The iPhone 5 is the first iPhone to be announced in September and, setting a trend for subsequent iPhone releases, the first iPhone to be completely developed under the guidance of Tim Cook and the last", + "score": 0.71728515625 + }, + { + "id": "5974", + "title": "Apple I", + "text": "Apple I Apple Computer 1, also known later as the Apple I, or Apple-1, is a desktop computer released by the Apple Computer Company (now Apple Inc.) in 1976. It was designed and hand-built by Steve Wozniak. Wozniak's friend Steve Jobs had the idea of selling the computer. The Apple I was Apple's first product, and to finance its creation, Jobs sold his only motorized means of transportation, a VW Microbus, for a few hundred dollars, and Steve Wozniak sold his HP-65 calculator for $500; however, Wozniak said that Jobs planned to use his bicycle if necessary. It was demonstrated", + "score": 0.71142578125 + }, + { + "id": "11014074", + "title": "History of iPhone", + "text": "$499 and US $599 for the 4GB models and 8GB models respectively, the iPhone went on sale on June 29, 2007. Apple closed its stores at 2:00pm local time to prepare for the 6:00pm iPhone launch, while hundreds of customers lined up at stores nationwide. In the US and some other countries, iPhones could be acquired only with a credit card, preventing completely anonymous purchases of iPhones. At the time, there was no way to opt out of the bundled AT&T data plan. At first, iPhones could not be added to an AT&T Business account, and any existing business account", + "score": 0.71044921875 + }, + { + "id": "11014100", + "title": "History of iPhone", + "text": "however, had been compromised prior to release and new security measures were quickly bypassed. On February 8, 2008, Geohot released the first full software unlock for the 1.1.2 & 1.1.3 OTB iPhones. History of iPhone The history of iPhone began with a request from Apple Inc. CEO Steve Jobs to the company's engineers, asking them to investigate the use of touchscreen devices and tablet computers (which later came to fruition with the iPad). Many have noted the device's similarities to Apple's previous touch-screen portable device, the Newton MessagePad. Like the Newton, the iPhone is nearly all screen. Its form factor", + "score": 0.7099609375 + }, + { + "id": "17932786", + "title": "IPhone 6", + "text": "Android phones, but has experienced a low adoption rate among users. The iPhone 6 and iPhone 6 Plus were officially unveiled during a press event at the Flint Center for Performing Arts in Cupertino, California on September 9, 2014 and released on September 19, 2014; pre-orders began on September 12, 2014, with the iPhone 6 starting at US$649 and the iPhone 6 Plus starting at US$749. In China, where the iPhone 5c and 5s were the first models in the iPhone series to be released in the country on the same day as their international launch, Apple notified local wireless", + "score": 0.70849609375 + }, + { + "id": "9498863", + "title": "InfoGear", + "text": "the project in National\u2019s labs. Ackerman worked with his colleague Jeff Oscodar and the National team to spin the project out into a start-up company in 1995. Phase 2 \u2013 1995 - 1996 (Bob Marshall, CEO) - The company worked in partnership with CIDCO systems to introduce the first iPhone (CIDCO iPhone). Phase 3 \u2013 1997 \u2013 2000 (Ed Cluss, CEO) - The company bought the iPhone II intellectual property from CIDCO and introduced the iPhone to the consumer market. It also explored the \"J-Phone\" concept, and ported InfoGear Networks to GSM mobile phones (code named Ducati). Phase 4 -", + "score": 0.70703125 + }, + { + "id": "11014091", + "title": "History of iPhone", + "text": "begin producing a CDMA-compatible iPhone, with such a model going on sale in early 2011. On January 8, 2011, the Wall Street Journal confirmed that Verizon Wireless would, on January 11, 2011, officially announce the launch of a CDMA-based iPhone for use on their network. The date in which the Verizon iPhone would go on sale was unknown, though the two most recent iPhone releases were made available within weeks of their launch announcement. Verizon confirmed the announcement on January 11, with an on-sale date of February 10. On January 11, 2011, Verizon announced that they would start carrying a", + "score": 0.70703125 + }, + { + "id": "11014079", + "title": "History of iPhone", + "text": "a US$100 credit to be redeemed towards the purchase of any product sold in Apple's retail or online stores. With the July 11, 2008 release of the iPhone 3G, Apple and AT&T changed the US pricing model from the previous generation. Following the de facto model for mobile phone service in the United States, AT&T would subsidize a sizable portion of the upfront cost for the iPhone 3G, followed by charging moderately higher monthly fees over a minimum two-year contract. On January 11, 2011, Verizon announced during a media event that it had reached an agreement with Apple and would", + "score": 0.70556640625 + }, + { + "id": "1439708", + "title": "Smartphone", + "text": "keyboard in either a candybar or sliding form factor. Some smartphones had resistive touchscreens, which allowed for virtual keyboards and handwriting input with a finger or a stylus, thus also allowing easy entry of Asian characters. In 2007, the LG Prada was the first mobile phone released with a large capacitive touchscreen. Later that year, Apple Computer introduced the iPhone. The iPhone was also designed around a large capacitive touchscreen, but added support for multi-touch gestures (for interactions such as \"pinching\" to zoom in and out on photos and web pages). Such phones were notable for abandoning the use of", + "score": 0.705078125 + }, + { + "id": "14664753", + "title": "IPhone (1st generation)", + "text": "very new and advanced technology at the time. This helped out with removing the physical keyboard and mouse, the same as a tablet computer. Jobs recruited a group of Apple engineers to investigate the idea as a side project. When Jobs reviewed the prototype and its user interface, he conceived a second idea of implementing the technology onto a mobile phone. The whole effort was called Project Purple 2 and began in 2005. Apple created the device during a secretive and unprecedented collaboration with AT&T, formerly Cingular Wireless. The development cost of the collaboration was estimated to have been $150", + "score": 0.7041015625 + }, + { + "id": "15960650", + "title": "IPhone 5", + "text": "Buena Center for the Arts in San Francisco on September 12, 2012. A shadow of the numeral 5 was featured in the invitations sent to the media, suggesting that the next iPhone would be unveiled at the event. At the unveiling, Apple announced the iPhone 5 and also introduced new iPod Nano and iPod Touch models. They also stated that pre-orders would be accepted starting September 14, 2012. Over two million pre-orders were received within 24 hours. Initial demand for the new phone exceeded the record set by its predecessor, the iPhone 4s, by selling over 5 million units in", + "score": 0.70361328125 + }, + { + "id": "14664759", + "title": "IPhone (1st generation)", + "text": "$499, the original launch price of the 4 GB model. Apple released an SDK on March 6, 2008, allowing developers to create the apps that would be available starting in iPhone OS version 2.0, a free upgrade for iPhone users. On June 9, Apple announced the iPhone 3G, which began shipping July 11. The original iPhone was discontinued 4 days later; total sales volume came to 6,124,000 units. During release, the iPhone was marketed as running \"OS X\". The name of the operating system was revealed as iPhone OS with the release of the iPhone SDK. The original iPhone supported", + "score": 0.703125 + }, + { + "id": "9498862", + "title": "InfoGear", + "text": "in 1997 and the second in 1999. It was ultimately distributed in the United States, Australia, South Africa and New Zealand. The iPhone trademark was developed and owned by InfoGear. The Info Gear Network provided user-relevant information and services in conjunction with e-commerce, content and service partners. The company\u2019s history can be divided into four distinct phases: Phase 1 \u2013 May 1995 \u2013 The original iPhone product concept was developed as part of an internal innovation project at National Semiconductor \u2013 code named Project Mercury. Bob Ackerman, a strategy and technology consultant working with National Semiconductors\u2019 Demetris Paraskevopoulos, first discovered", + "score": 0.703125 + }, + { + "id": "11014085", + "title": "History of iPhone", + "text": "Maxis and DiGi launched the iPhone 3G in Malaysia. In October 2011, StarHub launched the iPhone in Singapore. Smart Communications followed suit in December 2011 by launching the iPhone 4S in the Philippines. The iPhone 3G was released in Australia on July 11, 2008. was sold in Auckland, New Zealand to 22-year-old student Jonny Gladwell at 12:01 am NZST. There was criticism from some New Zealand customers when Vodafone announced pricing for the iPhone 3G, as Vodafone was the only network to offer this generation of iPhone. The first-generation iPhone was available for sale in New Zealand only through parallel", + "score": 0.70263671875 + }, + { + "id": "2208839", + "title": "BlackBerry Limited", + "text": "first three models of the iPhone (introduced in 2007) generally lagged behind the BlackBerry in sales, as RIM had major advantages in carrier and enterprise support; however, Apple continued gaining market share. In October 2008, Apple briefly passed RIM in quarterly sales when they announced they had sold 6.9 million iPhones to the 6.1 million sold by RIM, comparing partially overlapping quarters between the companies. Though Apple's iPhone sales declined to 4.3 million in the subsequent quarter and RIM's increased to 7.8 million, for some investors this indicated a sign of weakness. Apple's iPhone began to sell more phones quarterly", + "score": 0.7021484375 + }, + { + "id": "11014082", + "title": "History of iPhone", + "text": "Europe. In Germany, Vodafone, an operator competing with the operator that Apple had locked German iPhone sales to (Deutsche Telekom's T-Mobile division), claiming that the arrangement was against German law. On November 20, 2007, an interim court order resulted in sales of locked iPhones in Germany being temporarily stopped. The iPhone launch in France a few weeks later through the operator Orange faced the same legal issues. Other countries that the same problems for the business model revolving around the sale of locked iPhones include Belgium, Italy, Finland, and Brazil. On December 1, 2007, Tu\u0161mobil, started selling \"unlocked\" iPhones without", + "score": 0.701171875 + }, + { + "id": "8929467", + "title": "Steve Jobs", + "text": "iPhone 4 is thinner than previous models, has a five megapixel camera capable of recording video in 720p HD, and adds a secondary front-facing camera for video calls. A major feature of the iPhone 4S, introduced in October 2011, was Siri, a virtual assistant capable of voice recognition. iPad is an iOS-based line of tablet computers designed and marketed by Apple. The first iPad was released on April 3, 2010; the most recent iPad models, the iPad (2017), iPad Pro, and iPad Mini 4, were released on September 9, 2015, and March 24, 2017. The user interface is built around", + "score": 0.70068359375 + }, + { + "id": "9485558", + "title": "IPhone", + "text": "application was opposed in August 2005, by a Canadian company called Comwave who themselves applied for the trademark three months later. Comwave has been selling VoIP devices called iPhone since 2004. Shortly after Steve Jobs' January 9, 2007 announcement that Apple would be selling a product called iPhone in June 2007, Cisco issued a statement that it had been negotiating trademark licensing with Apple and expected Apple to agree to the final documents that had been submitted the night before. On January 10, 2007, Cisco announced it had filed a lawsuit against Apple over the infringement of the trademark iPhone,", + "score": 0.70068359375 + }, + { + "id": "9485555", + "title": "IPhone", + "text": "March 20, 1996, applied for the trademark \"IPhone\". \"I Phone\" was registered in March 1998, and \"IPhone\" was registered in 1999. Since then, the I PHONE mark had been abandoned. Infogear trademarks cover \"communications terminals comprising computer hardware and software providing integrated telephone, data communications and personal computer functions\" (1993 filing), and \"computer hardware and software for providing integrated telephone communication with computerized global information networks\" (1996 filing). In 2000, Infogear filed an infringement claim against the owners of the iPhones.com domain name. The owners of the iPhones.com domain name challenged the infringement claim in the Northern District Court of", + "score": 0.697265625 + }, + { + "id": "4314", + "title": "Apple Inc.", + "text": "Later that year on April 3, 2010, the iPad was launched in the US. It sold more than 300,000 units on its first day, and 500,000 by the end of the first week. In May of the same year, Apple's market cap exceeded that of competitor Microsoft for the first time since 1989. In June 2010, Apple released the iPhone 4, which introduced video calling, multitasking, and a new uninsulated stainless steel design that acted as the phone's antenna. Later that year, Apple again refreshed its iPod line of MP3 players by introducing a multi-touch iPod Nano, an iPod Touch", + "score": 0.69677734375 + }, + { + "id": "11014088", + "title": "History of iPhone", + "text": "Republic, Egypt, Greece, Italy, India, Portugal, New Zealand, South Africa, and Turkey. Subsequent announcements confirmed that Apple is moving away from exclusive one-carrier deals. Soon after Vodafone's announcement, On June 4, 2008, SoftBank Mobile released a press release stating that it would start selling iPhone in Japan during 2008. Russia's second largest mobile operator, Beeline, announced on August 28, 2008 that they signed a contract with Apple to sell iPhone on the Russian market by late 2008. The deal was rumoured to be non-exclusive, according to unofficial statements made by MTS and MegaFon. MTS and MegaFon belong to the \"Russian", + "score": 0.6962890625 + }, + { + "id": "17932780", + "title": "IPhone 6", + "text": "IPhone 6 The iPhone 6 and iPhone 6 Plus are smartphones designed and marketed by Apple Inc. It is the eighth generation of the iPhone, succeeding the iPhone 5S that were announced on September 9, 2014, and released on September 19, 2014. The iPhone 6 and iPhone 6 Plus jointly were themselves replaced as the flagship devices of the iPhone series by the iPhone 6S and iPhone 6S Plus on September 9, 2015. The iPhone 6 and 6 Plus include larger displays, a faster processor, upgraded cameras, improved LTE and Wi-Fi connectivity and support for a near field communications-based mobile", + "score": 0.6962890625 + }, + { + "id": "19720705", + "title": "IPhone 7", + "text": "IPhone 7 iPhone 7 and iPhone 7 Plus are smartphones designed, developed, and marketed by Apple Inc. It is the tenth generation of the iPhone. They were announced on September 7, 2016, at the Bill Graham Civic Auditorium in San Francisco by Apple CEO Tim Cook, and were released on September 16, 2016, succeeding the iPhone 6S and iPhone 6S Plus as the flagship devices in the iPhone series. Apple also released the iPhone 7 and 7 Plus in numerous countries worldwide throughout September and October 2016. They were succeeded as flagship devices by the iPhone 8 and iPhone 8", + "score": 0.69580078125 + }, + { + "id": "9498861", + "title": "InfoGear", + "text": "InfoGear InfoGear Technology Corporation, founded in 1995, was an American technology and services company which developed and marketed an early type of desktop phone which it named iPhone. The company and its trademark of the iPhone name were acquired in 2000 by Cisco Systems. In 2007, Apple Inc. and Cisco reached an agreement allowing Apple to use the iPhone name on its own distinct iPhone products. InfoGear had offices in California and an R&D center in Israel. InfoGear developed a line of Internet appliances, of which the best known was the Linksys iPhone, an Internet screenphone. The first-generation iPhone shipped", + "score": 0.6943359375 + }, + { + "id": "11014098", + "title": "History of iPhone", + "text": "2007, the iPhone Dev Team released AnySIM 1.1, the free utility that unlocks iPhones. The updated version works on firmware version 1.1.1, but doesn't fix baseband problems caused by updating an unlocked 1.0.2 phone up to 1.1.1. On October 23, 2007, the iPhone Elite Dev-Team released Revirginizing Tool to rebuild the lock table in the seczone area to repair the damage done by the original anySIM 1.0x unlockers so unlocked 1.0.2 iPhones can upgrade to 1.1.1 without bricking iPhone. The tool is unbricking the previously bricked iPhones. On November 21, 2007, T-Mobile announced that due to litigation commenced against them", + "score": 0.6943359375 + }, + { + "id": "8929431", + "title": "Steve Jobs", + "text": "and improving upon other digital appliances. With the introduction of the iPod portable music player, iTunes digital music software, and the iTunes Store, the company made forays into consumer electronics and music distribution. On June 29, 2007, Apple entered the cellular phone business with the introduction of the iPhone, a multi-touch display cell phone, which also included the features of an iPod and, with its own mobile browser, revolutionized the mobile browsing scene. While nurturing innovation, Jobs also reminded his employees that \"real artists ship [deliver product].\" Jobs had a public war of words with Dell Computer CEO Michael Dell,", + "score": 0.69287109375 + }, + { + "id": "11014075", + "title": "History of iPhone", + "text": "discounts could not be applied to an iPhone AT&T account. AT&T changed these restrictions in late January 2008. The Associated Press also reported in 2007 that some users were unable to activate their phones because, according to AT&T, \"[a] high volume of activation requests [was] taxing the company's computer servers.\" On Oct 29, 2007, the Usenet newsgroup misc.phone.mobile.iphone was created. Early estimates by technology analysts estimated sales of between 250,000 and 700,000 iPhones in the first weekend alone, with strong sales continuing after the initial weekend. As part of their quarterly earnings announcement, AT&T reported that 146,000 iPhones were activated", + "score": 0.69287109375 + }, + { + "id": "11014090", + "title": "History of iPhone", + "text": "exclusive deal that O2 had established with Apple in 2007 had ended. Orange later announced that the iPhone would be released on November 10, with pricing plans starting from \u00a329.36 on contract and \u00a3440 for On the following day, Vodafone UK announced that they would be selling the iPhone by early 2010, becoming the third UK network and Vodafone's 11th country to offer the iPhone. There had been ongoing speculation in the United States that Apple might offer a CDMA-compatible iPhone for Verizon Wireless. This speculation increased on October 6, 2010, when The Wall Street Journal reported that Apple would", + "score": 0.69287109375 + }, + { + "id": "5946061", + "title": "History of Apple Inc.", + "text": "promise, it lacked a clear purpose, similar to many of the devices already on the market. The Apple Watch was released on April 24, 2015. On September 9, 2015, Apple announced the iPhone 6S and iPhone 6S Plus with 3D Touch, the iPad Pro, and the fourth-generation Apple TV, along with the fourth-generation iPad Mini. On March 21, 2016, Apple announced the iPhone SE and the smaller iPad Pro. On September 7, 2016, Apple announced the iPhone 7 and iPhone 7 Plus with an improved camera and a faster processor than the previous generation. The iPhone 7 and iPhone 7", + "score": 0.6923828125 + }, + { + "id": "6768044", + "title": "Apple Inc. litigation", + "text": "no likelihood of confusion between the two products, because Apple's iPhone product was the first cell phone with such a name, while Cisco's iPhone was a VoIP phone. Bloomberg reported Cisco's iPhone as a product marketed for less than $100 and part of the Linksys home routers, enabling internet-based calls through Skype and Yahoo! Messenger, and contrasted it with Apple's iPhone as a mobile phone which sold for around $600. In February 2007, Cisco and Apple announced an agreement under which both companies would be allowed to use the iPhone name worldwide. In March 2007, Apple opposed a trademark application", + "score": 0.69189453125 + }, + { + "id": "18950810", + "title": "IPhone 6S", + "text": "IPhone 6S The iPhone 6S and iPhone 6S Plus (stylized and marketed as iPhone 6s and iPhone 6s Plus) are smartphones that were designed, developed, and marketed by Apple Inc. It is the ninth generation of the iPhone. They were announced on September 9, 2015 at the Bill Graham Civic Auditorium in San Francisco by Apple CEO Tim Cook, with pre-orders beginning September 12 and official release on September 25, 2015. The iPhone 6S and 6S Plus were succeeded by the iPhone 7 and iPhone 7 Plus on September 7, 2016 and were discontinued with the announcement of the iPhone", + "score": 0.69189453125 + }, + { + "id": "9485586", + "title": "IPhone", + "text": "rights in the local market. In February 2013, the Brazilian Patent and Trademark Office (known as \"Instituto Nacional da Propriedade Industrial\") issued a ruling that Gradiente Eletr\u00f4nica, not Apple, owned the \"iPhone\" mark in Brazil. The \"iPhone\" term was registered by Gradiente in 2000, 7 years before Apple's release of its first iPhone. This decision came three months after Gradiente Eletr\u00f4nica launched a lower-cost smartphone using the iPhone brand. In June 2014, Apple won, for the second time, the right to use the brandname in Brazil. The court ruling determined that the Gradiente's registration does not own exclusive rights on", + "score": 0.69140625 + }, + { + "id": "13550337", + "title": "IPhone 4", + "text": "million iPhone 4s were sold in its first three days of availability. The iPhone 4 has also been released through Orange in Tunisia and was available in eight cities at the launch. On July 30, 2010, iPhone 4 was made available for sale in Australia, New Zealand and 15 other countries with free bumper cases. In South Korea, it was released by KT on September 10. In Israel, it was released, too, on September 24, through Cellcom, Pelephone and Orange. It was launched in Thailand on September 23 by AIS, DTAC and True Move, and in Malaysia on September 26", + "score": 0.69091796875 + }, + { + "id": "19720737", + "title": "IPhone 7", + "text": "for the phones\". IPhone 7 iPhone 7 and iPhone 7 Plus are smartphones designed, developed, and marketed by Apple Inc. It is the tenth generation of the iPhone. They were announced on September 7, 2016, at the Bill Graham Civic Auditorium in San Francisco by Apple CEO Tim Cook, and were released on September 16, 2016, succeeding the iPhone 6S and iPhone 6S Plus as the flagship devices in the iPhone series. Apple also released the iPhone 7 and 7 Plus in numerous countries worldwide throughout September and October 2016. They were succeeded as flagship devices by the iPhone 8", + "score": 0.69091796875 + }, + { + "id": "11014089", + "title": "History of iPhone", + "text": "Big Three\", and were expected to release the iPhone 3G at the same time as Beeline. As predicted, MegaFon issued a press release regarding the iPhone 3G release on September 2, 2008. On November 14, 2008, Vodafone Egypt and Mobinil started selling the iPhone 3G in Egypt. iPhone 3G is priced at EG\u00a33,800 and EG\u00a34,600 for the 8 GB and 16 GB models respectively. Customers must also sign up for one of to use the phone. On September 28, 2009, Orange announced that they were going to become the second operator of the iPhone in the UK, indicating that an", + "score": 0.68798828125 + }, + { + "id": "14664757", + "title": "IPhone (1st generation)", + "text": "even a shooting, off-duty police officers were hired to guard stores overnight. It was later made available in the United Kingdom, France, Germany, Portugal, the Republic of Ireland, and Austria in November 2007. Six out of ten Americans surveyed said they knew the iPhone was coming before its release. The iPhone's main competitors in both consumer and business markets were considered to be the LG Prada, LG Viewty, Samsung Ultra Smart F700, Nokia N95, Nokia E61i, Palm Treo 750, Palm Centro, HTC Touch, Sony Ericsson W960 and BlackBerry. The iPod Touch, a touchscreen device with the media and internet abilities", + "score": 0.6875 + }, + { + "id": "9485543", + "title": "IPhone", + "text": "officially announced and released on March 6, 2008, at the Apple Town Hall facility. It is a free download, with an Apple registration, that allows developers to develop native applications for the iPhone and iPod Touch, then test them in an \"iPhone simulator\". However, loading an application onto a real device is only possible after paying an Apple Developer Connection membership fee. Developers are free to set any price for their applications to be distributed through the App Store, of which they will receive a 70% share. Developers can also opt to release the application for free and will not", + "score": 0.6875 + }, + { + "id": "5945985", + "title": "History of Apple Inc.", + "text": "History of Apple Inc. Apple Inc., formerly Apple Computer, Inc., is a multinational corporation that creates consumer electronics, personal computers, servers, and computer software, and is a digital distributor of media content. The company also has a chain of retail stores known as Apple Stores. Apple's core product lines are the iPhone smartphone, iPad tablet computer, iPod portable media players, and Macintosh computer line. Founders Steve Jobs and Steve Wozniak created Apple Computer on April 1, 1976, and incorporated the company on January 3, 1977, in Cupertino, California. For more than three decades, Apple Computer was predominantly a manufacturer of", + "score": 0.6865234375 + }, + { + "id": "12069330", + "title": "IPhone 3G", + "text": "IPhone 3G The iPhone 3G is a smartphone designed and marketed by Apple Inc.; it is the second generation of iPhone, successor to the original iPhone, and was introduced on June 9, 2008, at the WWDC 2008 at the Moscone Center in San Francisco, United States. The iPhone 3G is internally similar to its predecessor, but included several new hardware features, such as GPS, 3G data and tri-band UMTS/HSDPA. The device was originally loaded with the concurrently launched iPhone OS 2.0. In addition to other features (including push email and turn-by-turn navigation), this new operating system introduced the App StoreApple's", + "score": 0.6865234375 + }, + { + "id": "4319", + "title": "Apple Inc.", + "text": "Apple released the iPhone 4S and iPhone 5, which featured improved cameras, an intelligent software assistant named Siri, and cloud-sourced data with iCloud; the third and fourth generation iPads, which featured Retina displays; and the iPad Mini, which featured a 7.9-inch screen in contrast to the iPad's 9.7-inch screen. These launches were successful, with the iPhone 5 (released September 21, 2012) becoming Apple's biggest iPhone launch with over two million pre-orders and sales of three million iPads in three days following the launch of the iPad Mini and fourth generation iPad (released November 3, 2012). Apple also released a third-generation", + "score": 0.68603515625 + }, + { + "id": "15960651", + "title": "IPhone 5", + "text": "the first three days. On November 30, 2012, Apple added an unlocked version of the iPhone 5 to their online US store, with the 16 GB model starting at US$649. The iPhone 5 was officially discontinued by Apple on September 10, 2013 with the announcement of its successors, the iPhone 5s and the iPhone 5C. While the 5C shared almost the same internal hardware as the iPhone 5, the 5C used a lower-cost poly-carbonate plastic case in place of the original 5's aluminum form. The introduction of the 5C deviated from Apple's previous market strategy, where the previous iPhone model", + "score": 0.685546875 + }, + { + "id": "2645037", + "title": "AT&T Mobility", + "text": "CEO, \"It took 74 days to sell the first one million original iPhones.\" In August 2008, Best Buy announced that it would begin selling the iPhone 3G for use on the AT&T network. In September 2008, AT&T announced that it would also sell the iPhone 3G in Puerto Rico and the U.S. Virgin Islands. The iPhone 4 was released on June 24, 2010. According to Apple, over 1.7 million iPhone 4 units were sold in the first few days, which is the most out of any phone ever sold. These sales propelled AT&T to strong Q2 results. On February 18,", + "score": 0.68408203125 + }, + { + "id": "383773", + "title": "Steve Wozniak", + "text": "had told him about it and had said he needed the money, Wozniak would have given it to him. In 1975, Wozniak began designing and developing the computer that would eventually make him famous, the Apple I. On June 29 of that year, he tested his first working prototype, displaying a few letters and running sample programs. It was the first time in history that a character displayed on a TV screen was generated by a home computer. With the Apple I, he and Jobs were largely working to impress other members of the Palo Alto-based Homebrew Computer Club, a", + "score": 0.68359375 + }, + { + "id": "19960654", + "title": "IHunch", + "text": "in society generally, and especially with the technologically adept young. The first laptop was produced in 1981 but it took more than a decade of development for the designs to approach current (2016) levels of portability and capacity, and hence uptake. Apple produced the first smartphone (the iPhone) in 2007 and the first tablet (the iPad) in 2010. In 2015 there were 4.43 billion mobile phone (cellphone) users in the world, of which 2.6 billion had smartphones. In the US, 45% owned a tablet computer in 2014 and 92% owned a mobile phone; for younger adults aged 18\u201329, only 2%", + "score": 0.68310546875 + }, + { + "id": "12145217", + "title": "IOS version history", + "text": "new iPhone models. The most recent stable release, iOS 12.1.2, was released on December 17, 2018. June 2007 saw the official release of what eventually became iOS \u2013 concurrently with the first iPhone. iOS did not have an official name until the official release of the iPhone software development kit (iPhone SDK) on March 6, 2008. Before then, Apple marketing simply stated that iPhone ran a version of Mac OS X made specifically for iPhone. When iOS was introduced, it was named \"iPhone OS\". It was officially renamed iOS on June 7, 2010 with the announcement and introduction of iPad.", + "score": 0.6826171875 + }, + { + "id": "5946052", + "title": "History of Apple Inc.", + "text": "iPhone 3GS on June 8, 2009, along with plans to release it later in June, July, and August, starting with the U.S., Canada and major European countries on June 19. This 12-month iteration cycle has continued with the iPhone 4 model arriving in similar fashion in 2010, a Verizon model was released in February 2011, and a Sprint model in October 2011, shortly after Jobs' death. On February 10, 2011, the iPhone 4 was made available on both Verizon Wireless and AT&T. Now two iPod types are multi-touch: the iPod nano and the iPod touch, a big advance in technology.", + "score": 0.6826171875 + }, + { + "id": "9485554", + "title": "IPhone", + "text": "current flagship devices: Apple has filed more than 200 patent applications related to the technology behind the iPhone. LG Electronics claimed the design of the iPhone was copied from the LG Prada. Woo-Young Kwak, head of LG Mobile Handset R&D Center, said at a press conference: \"we consider that Apple copied Prada phone after the design was unveiled when it was presented in the iF Design Award and won the prize in September 2006.\" Conversely, the iPhone has also inspired its own share of high-tech clones. On September 3, 1993, Infogear filed for the US trademark \"I PHONE\" and on", + "score": 0.6826171875 + }, + { + "id": "12145219", + "title": "IOS version history", + "text": "money for iPod Touch updates. Apple announced iPhone OS 1 at the iPhone keynote on January 9, 2007, and it was released to the public alongside the original iPhone on June 29, 2007. No official name was given on its initial release; Apple marketing literature simply stated the iPhone runs a version of Apple's desktop operating system, OS X. The release of iPhone OS 1.1 brought support for the iPod Touch (1st generation). iPhone OS 1.1.5 was the final version of iPhone OS 1. It became unsupported on 18 May 2010. !style=\"background:#ececec; padding:0 0.5em;\" colspan=\"5\"|Table of versions: iPhone OS 1.0.x", + "score": 0.68212890625 + }, + { + "id": "11014092", + "title": "History of iPhone", + "text": "CDMA version of Apple's iPhone 4 during February 2011. Existing Verizon Wireless customers could pre-order iPhone on February 3. Pricing for the iPhone 4 was $199 for 16GB and $299 for 32GB. The Verizon iPhone 5 released on Friday, September 19, in the United States; The international release of iPhone has been staggered over several months. Today, the iPhone is available in most countries. Each iPhone normally prevents access to its media player and web features unless it has been activated as a phone through AT&T or O2. On July 3, 2007, Jon Lech Johansen reported on his blog that", + "score": 0.68115234375 + }, + { + "id": "5975", + "title": "Apple I", + "text": "in July 1976 at the Homebrew Computer Club in Palo Alto, California. Production was discontinued on September 30, 1977, after the June 10, 1977 introduction of its successor, the Apple II, which \"Byte\" magazine referred to as part of the \"1977 Trinity\" of personal computing (along with the PET 2001 and the TRS-80). On March 5, 1975, Steve Wozniak attended the first meeting of the Homebrew Computer Club in Gordon French's garage. He was so inspired that he immediately set to work on what would become the Apple I computer. After building it for himself and showing it at the", + "score": 0.68017578125 + }, + { + "id": "4335", + "title": "Apple Inc.", + "text": "new optics. Apple began a new accessibility feature, Made for iPhone Hearing Aids with the iPhone 4S. Made for iPhone Hearing Aids feature Live Listen, it can help the user hear a conversation in a noisy room or hear someone speaking across the room. Apple sold 4million iPhone 4S phones in the first three days of availability. On September 12, 2012, Apple introduced the iPhone 5. It has a 4-inch display, 4G LTE connectivity, and the upgraded Apple A6 chip, among several other improvements. Two million iPhones were sold in the first twenty-four hours of pre-ordering and over five million", + "score": 0.6796875 + }, + { + "id": "10325792", + "title": "IJustine", + "text": "the iPhone debuted in June 2007, iJustine covered the device's debut at the Mall of America in Bloomington, Minnesota a suburb south of Minneapolis, Minnesota. She had been invited by Technology Evangelist to film her Internet TV show at the mall instead of covering its debut at the Shadyside Apple store as she had originally planned. She covered the July 22, 2007, \"The Kill Point\" series premiere party live on her lifecast video stream. iJustine was cited as among the website's most popular lifecasters in the October 2007 issues of both \"The New York Times\" and \"The Wall Street Journal\".", + "score": 0.67919921875 + }, + { + "id": "9485448", + "title": "IPhone", + "text": "24 hours after its release in October 2011. Due to large volumes of the iPhone being manufactured and its high selling price, Apple became the largest mobile handset vendor in the world by revenue, in 2011, surpassing long-time leader Nokia. American carrier C Spire Wireless announced that it would be carrying the iPhone 4S on October 19, 2011. In January 2012, Apple reported its best quarterly earnings ever, with 53% of its revenue coming from the sale of 37 million iPhones, at an average selling price of nearly $660. The average selling price has remained fairly constant for most of", + "score": 0.67919921875 + }, + { + "id": "6768074", + "title": "Apple Inc. litigation", + "text": "courts before finally settling in June 2011. For an undisclosed amount of cash and future ongoing iPhone royalties to be paid by Apple, Nokia agreed to settle, with Apple's royalty payments retroactively back-payable to the iPhone's introduction in 2007, but with no broad cross-licensing agreement made between the companies. Apple only agreed to cross-license some patents to Nokia. \"Apple said in a statement today that Nokia will have a license to some technology, \"but not the majority of the innovations that make the iPhone unique\". Apple gets a license to some of Nokia's patents, including ones that were deemed essential", + "score": 0.6787109375 + }, + { + "id": "9260041", + "title": "Apple Inc. advertising", + "text": "February 2007 during the national broadcast of the Academy Awards. The 30-second commercial featured cuts of famous figures answering their telephones, all saying \u201cHello\u201d. As it progressed, the ad showed more recent versions of the telephone; it ended with a preview of the first generation iPhone to draw a connection between the iPhone and the newest technology available. To accompany the initial sneak peek at their latest product, Apple released several new ads for the iPhone through \u201ctelevision, web-based, and print ads designed to show off the disappearing and reappearing touch keypad\u201d. Other features included in those advertisements were email,", + "score": 0.677734375 + }, + { + "id": "20338875", + "title": "IPhone X", + "text": "IPhone X iPhone X (Roman numeral \"X\" pronounced \"ten\", although colloquially, sometimes pronounced as the name of the letter) is a smartphone designed, developed, and marketed by Apple Inc. It was the eleventh generation of the iPhone. It was announced on September 12, 2017, alongside the iPhone 8 and iPhone 8 Plus, at the Steve Jobs Theater in the Apple Park campus. The phone was released on November 3, 2017, marking the iPhone series' tenth anniversary. The iPhone X is intended to showcase what Apple considers technology of the future, specifically adopting OLED screen technology for the first time in", + "score": 0.67724609375 + }, + { + "id": "2645036", + "title": "AT&T Mobility", + "text": "until February 10, 2011, when the iPhone 4 was launched on the Verizon network. Teething problems with AT&T's billing process emerged soon after the iPhone's release, as early adopters started receiving exceptionally detailed monthly telephone bills with one of the most notable being the 300-page iPhone bill that was featured in an online video by blogger Justine Ezarik. Apple launched the iPhone 3G with AT&T on July 11, 2008. Although specific AT&T sales numbers are unavailable, Apple announced that over 1 million iPhone 3G devices were sold during the first three days \u2014 in contrast, according to Steve Jobs, Apple's", + "score": 0.67626953125 + }, + { + "id": "4333", + "title": "Apple Inc.", + "text": "April 24, 2009, the App Store surpassed one billion downloads. On June 8, 2009, Apple announced the iPhone 3GS. It provided an incremental update to the device, including faster internal components, support for faster 3G speeds, video recording capability, and voice control. At the Worldwide Developers Conference (WWDC) on June 7, 2010, Apple announced the redesigned iPhone 4. It featured a 960 \u00d7 640 display, the Apple A4 processor, a gyroscope for enhanced gaming, a 5MP camera with LED flash, front-facing VGA camera and FaceTime video calling. Shortly after its release, reception issues were discovered by consumers, due to the", + "score": 0.67626953125 + }, + { + "id": "13550341", + "title": "IPhone 4", + "text": "it would be releasing the white iPhone 4 model on April 28, 2011, for both GSM and CDMA. The release of the white iPhone 4 was carried out on April 28. During Apple's official unveiling of the iPhone 4S on October 4, 2011, it was announced that Sprint would begin carrying the reconfigured CDMA iPhone 4 and the iPhone 4S in the US on October 14. In September 2013, after the release of the iPhone 5S and iPhone 5C, Apple stopped selling the iPhone 4 in most of their stores as well as on their website. It was replaced by", + "score": 0.67626953125 + }, + { + "id": "12039183", + "title": "Samsung M800 Instinct", + "text": "iPhone. The campaign was criticized by \"TG Daily\" as \"bad marketing,\" specifically for negative language and pitting the \"Instinct\" directly against the iPhone, thereby offering Apple's product additional exposure. At the time, iPhone 3G was known to be less than two weeks away from being introduced, with the launch date for \"Instinct\" set to 20 June 2008, the day the new iPhone was speculated to be released. iPhone 3G was subsequently released nine days earlier, on 11 June 2008. Samsung M800 Instinct The Samsung Instinct (SPH-M800) was an Internet-enabled smartphone designed and marketed by Samsung Mobile. It uses a Haptic", + "score": 0.67578125 + }, + { + "id": "15743984", + "title": "Apple-designed processors", + "text": "manufactured by Samsung. They integrate a single ARM-based processing core (CPU), a graphics processing unit (GPU), and other electronics necessary to provide mobile computing functions within a single physical package. The APL0098 (also 8900B or S5L8900) is a package on package (PoP) system on a chip (SoC) that was introduced on June 29, 2007 at the launch of the original iPhone. It includes a 412 MHz single-core ARM11 CPU and a PowerVR MBX Lite GPU. It is manufactured by Samsung on a 90 nm process. The APL0278 (also S5L8720) is a package on package (PoP) system on a chip (SoC)", + "score": 0.67578125 + }, + { + "id": "30587", + "title": "Advanced Mobile Phone System", + "text": "Motorola, led a team that produced the DynaTAC8000x, the first commercially available cellular phone small enough to be easily carried, and made the first phone call from it. He later introduced the so-called Bag Phone. In 1992 the first smartphone, called IBM Simon, used AMPS. Frank Canova led its design at IBM and it was demonstrated that year at the COMDEX computer-industry trade-show. A refined version of the product was marketed to consumers in 1994 by BellSouth under the name Simon Personal Communicator. The Simon was the first device that can be properly referred to as a \"smartphone\", even though", + "score": 0.67578125 + }, + { + "id": "9485542", + "title": "IPhone", + "text": "SMS was added in the 1.1.3 software update. Support for MMS was added in the 3.0 update, but not for the original first generation iPhone and not in the US until September 25, 2009. At WWDC 2007 on June 11, 2007, Apple announced that the iPhone would support third-party web applications using Ajax that share the look and feel of the iPhone interface. On October 17, 2007, Steve Jobs, in an open letter posted to Apple's \"Hot News\" weblog, announced that a software development kit (SDK) would be made available to third-party developers in February 2008. The iPhone SDK was", + "score": 0.67578125 + }, + { + "id": "15636519", + "title": "IPhone 4S", + "text": "IPhone 4S The iPhone 4S (retroactively stylized with a lowercase 's' as iPhone 4s as of September 2013) is a smartphone that was designed and marketed by Apple Inc. It is the fifth generation of the iPhone, succeeding the iPhone 4 and preceding the iPhone 5. Announced on October 4, 2011 at Apple's Cupertino campus, its media coverage was accompanied by news of the death of former Apple CEO and co-founder Steve Jobs on the following day. Orders could be placed on October 7, 2011 and mainstream availability in retail stores began on October 14, 2011 in the United States,", + "score": 0.67529296875 + }, + { + "id": "16861614", + "title": "IPad (1st generation)", + "text": "in order to avoid hurting MessagePad sales. Apple released several more Newton-based PDAs; the final one, the MessagePad 2100, was discontinued in 1998. Apple reentered the mobile-computing market in 2007 with the iPhone. Smaller than the (not yet announced) iPad and featuring a camera and mobile phone, it pioneered the multitouch finger-sensitive touchscreen interface of Apple\u2019s iOS mobile operating system. By late 2009, the iPad's release had been rumored for several years. Such speculation mostly talked about \u201cApple\u2019s tablet\u201d; specific names included \"iTablet\" and \"iSlate\". The actual name is reportedly an homage to the Star Trek PADD, a fictional device", + "score": 0.67529296875 + }, + { + "id": "9485580", + "title": "IPhone", + "text": "shipped overseas and unlocked, a lucrative market before the iPhone 3G's worldwide release. On March 26, 2009, AT&T in the United States began selling the iPhone without a contract, though still SIM-locked to their network. The up-front purchase price of such iPhone units is often twice as expensive as those bundled with contracts. Outside of the United States, policies differ, especially in US territories and insular areas like Guam; GTA Teleguam was the exclusive carrier for the iPhone since its introduction, as none of the four US carriers (AT&T, Sprint, T-Mobile, and Verizon) have a presence in the area. Since", + "score": 0.67431640625 + }, + { + "id": "9485445", + "title": "IPhone", + "text": "it later in June, July, and August, starting with the US, Canada and major European countries on June 19. Many would-be users objected to the iPhone's cost, and 40% of users had household incomes over US$100,000. The back of the original first generation iPhone was made of aluminum with a black plastic accent. The iPhone 3G and 3GS feature a full plastic back to increase the strength of the GSM signal. The iPhone 3G was available in an 8 GB black model, or a black or white option for the 16 GB model. The iPhone 3GS was available in both", + "score": 0.67431640625 + }, + { + "id": "13550331", + "title": "IPhone 4", + "text": "time as Apple's flagship iPhone model at fifteen months, and had the longest lifespan of any iPhone ever produced, spanning close to four years and available in some developing countries until early 2015. Although the succeeding 4S was announced in October 2011, the 4 continued to be sold as a midrange model until September 2012, and thereafter as the entry-level offering in Apple's lineup until September 2013 with the announcement of the iPhone 5S/iPhone 5C. Before the official unveiling of the iPhone 4 on June 7, 2010, two prototypes were brought to the attention of the media, breaching Apple's normally", + "score": 0.67333984375 + }, + { + "id": "18259401", + "title": "IPhone OS 1", + "text": "IPhone OS 1 iPhone OS 1 is the first major release of iOS, Apple's mobile operating system. iPhone OS 1.1.5 is the latest and the last version of Apple's iPhone OS 1. This version of iOS was the first iteration of the touch-centric mobile operating system. No official name was given on its initial release; Apple marketing literature simply stated that the iPhone runs a version of Apple's desktop operating system, macOS, then known as Mac OS X. On March 6, 2008, with the release of the iPhone software development kit (iPhone SDK), Apple named it \"iPhone OS\" (they later", + "score": 0.6728515625 + }, + { + "id": "11014066", + "title": "History of iPhone", + "text": "choices as high-demand markets for Apple to enter, despite receiving many requests for Apple to create another PDA. He believed that cell phones were going to become important devices for portable information access, and that mobile phones needed to have excellent synchronization software. At that time, instead of focusing on a follow-up to their Newton PDA, Jobs had Apple focus on the iPod. Jobs also had Apple develop the iTunes software, which can be used to synchronize content with iPod devices. iTunes was released in January 2001. On September 7, 2005, Apple and Motorola released the ROKR E1, the first", + "score": 0.6728515625 + }, + { + "id": "15988423", + "title": "IPhone 5S", + "text": "IPhone 5S The iPhone 5S (stylized and marketed as iPhone 5s) is a smartphone that was designed and marketed by Apple Inc. It is the seventh generation of the iPhone, succeeding the iPhone 5. The device was unveiled on September 10, 2013, at Apple's Cupertino headquarters. It was released on September 20, 2013, along with its lower-cost counterpart, the iPhone 5C. The iPhone 5S maintains almost the same external design as its predecessor, the iPhone 5, although the 5S received a new white/gold color scheme in addition to white/silver and space gray/black; however, the 5S has vastly upgraded internal hardware.", + "score": 0.6728515625 + } + ], + "answer": "There were several Apple iPhones, including the Apple iPhone beta and the Apple iPhone. The first Apple iPhone for beta testing, the Apple iPhone beta, was made in 2004. The iPhone beta was made to test the device and its functions but was never released to the public. The first Apple iPhone 1 was made and the first Apple iPhone was released on June 29, 2007." + }, + { + "qa_pairs": [ + { + "context": "Richard Fish appeared as Bill briefly in the film adaptation of \"Harry Potter and the Prisoner of Azkaban\". Domhnall Gleeson, the son of actor Brendan Gleeson (Alastor Moody in the series), plays Bill Weasley in \"Harry Potter and the Deathly Hallows\" and the roller coaster ride \"Harry Potter and the Escape from Gringotts\" at The Wizarding World of Harry Potter \u2013 Diagon Alley in Universal Studios Florida.", + "question": "Who played Bill weasley in Harry Potter and the Prisoner of Azkaban?", + "short_answers": [ + "Richard Fish" + ], + "wikipage": "Order of the Phoenix (fictional organisation)" + }, + { + "context": "No context provided", + "question": "Who played percy weasley in harry potter?", + "short_answers": [ + "Chris Rankin" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who played fred weasley in harry potter?", + "short_answers": [ + "James Phelps" + ], + "wikipage": null + }, + { + "context": "Dozens of actors of the United Kingdom and Ireland voiced or portrayed characters appearing in the \"Harry Potter\" film series based on the book series by J. K. Rowling. In all the films, Daniel Radcliffe played Harry Potter, Rupert Grint played Ron Weasley and Emma Watson played Hermione Granger. When they were cast only Radcliffe had previously acted in a film. Complementing them on screen are such actors as Helena Bonham Carter, Jim Broadbent, John Cleese, Robbie Coltrane, Warwick Davis, Ralph Fiennes, Michael Gambon, Brendan Gleeson, Richard Griffiths, Richard Harris, John Hurt, Jason Isaacs, Miriam Margolyes, Helen McCrory, Gary Oldman, Alan Rickman, Fiona Shaw, Maggie Smith, Timothy Spall, Imelda Staunton, David Thewlis, Emma Thompson, and Julie Walters, among others. Thirteen actors have appeared as the same character in all eight films of the series.", + "question": "Who played ron weasley in harry potter?", + "short_answers": [ + "Rupert Grint" + ], + "wikipage": "List of Harry Potter cast members" + }, + { + "context": "No context provided", + "question": "Who played george weasley in harry potter?", + "short_answers": [ + "Oliver Phelps" + ], + "wikipage": null + }, + { + "context": "Richard Fish appeared as Bill briefly in the film adaptation of \"Harry Potter and the Prisoner of Azkaban\". Domhnall Gleeson, the son of actor Brendan Gleeson (Alastor Moody in the series), plays Bill Weasley in \"Harry Potter and the Deathly Hallows\" and the roller coaster ride \"Harry Potter and the Escape from Gringotts\" at The Wizarding World of Harry Potter \u2013 Diagon Alley in Universal Studios Florida.", + "question": "Who played Bill weasley in harry potter (2001-2011)?", + "short_answers": [ + "Domhnall Gleeson" + ], + "wikipage": "Order of the Phoenix (fictional organisation)" + } + ], + "wikipages": [ + { + "title": "List of Harry Potter characters", + "url": "https://en.wikipedia.org/wiki/List%20of%20Harry%20Potter%20characters" + }, + { + "title": "List of supporting Harry Potter characters", + "url": "https://en.wikipedia.org/wiki/List%20of%20supporting%20Harry%20Potter%20characters" + }, + { + "title": "List of Harry Potter cast members", + "url": "https://en.wikipedia.org/wiki/List%20of%20Harry%20Potter%20cast%20members" + }, + { + "title": "Order of the Phoenix (fictional organisation)", + "url": "https://en.wikipedia.org/wiki/Order%20of%20the%20Phoenix%20%28fictional%20organisation%29" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Dozens of actors of the United Kingdom and Ireland voiced or portrayed characters appearing in the \"Harry Potter\" film series based on the book series by J. K. Rowling. In all the films, Daniel Radcliffe played Harry Potter, Rupert Grint played Ron Weasley and Emma Watson played Hermione Granger. ", + "wikipage": "List of Harry Potter cast members" + }, + { + "content": "James Andrew Eric Phelps and Oliver Martyn John Phelps (born 25 February 1986) are English actors. They are known for playing Fred and George Weasley in the Harry Potter film series from 2001 to 2011 and have continued to work together as a duo on other projects.", + "wikipage": "James and Oliver Phelps" + }, + { + "content": "Christopher William Rankin (born 8 November 1983) is a New Zealand-born British actor who is best known for playing Percy Weasley in the Harry Potter film franchise.", + "wikipage": "Chris Rankin" + } + ], + "long_answer": "Rupert Grint played Ron Weasley in all the Harry Potter films. Richard Fish appeared as Bill Weasley briefly in the film adaptation of \"Harry Potter and the Prisoner of Azkaban\". Domhnall Gleeson plays Bill Weasley in \"Harry Potter and the Deathly Hallows\" and the roller coaster ride \"Harry Potter and the Escape from Gringotts\" at The Wizarding World of Harry Potter \u2013 Diagon Alley in Universal Studios Florida. James Phelps and Oliver Phelps played Fred and George Weasley in the Harry Potter film series from 2001 to 2011. Chris Rankin plays Percy Weasley in the Harry Potter film franchise. " + }, + { + "knowledge": [ + { + "content": "Arthur Weasley is the patriarch of the Weasleys, a family of wizards who are considered \"blood traitors\" by Death Eaters for their interest in the Muggle world. He is married to Molly Weasley, with whom he has seven children, including Ron, Harry's best friend.", + "wikipage": "Order of the Phoenix (fictional organisation) Arthur Weasley" + }, + { + "content": "The brothers were played by identical twins James and Oliver Phelps.[1]", + "wikipage": "Fred and George Weasley" + } + ], + "long_answer": "The Weasely family is a family of wizards including Molly and Arthur Weasely as well as their seven children. Richard Fish appeared as Bill briefly in the film adaptation of Harry Potter and the Prisoner of Azkaban. Domhnall Gleeson, the son of actor Brendan Gleeson (Alastor Moody in the series), played Bill Weasley in Harry Potter and the Deathly Hallows. Chris Rankin played Percy Weasely and Fred and George Weasely were played by identical twins James Phelps and Oliver Phelps. Rupert Grint played Ron Weasely." + } + ], + "sample_id": "-881464876144297194", + "question": "Who played the weasley brothers in harry potter?", + "docs": [ + { + "id": "5621126", + "title": "James and Oliver Phelps", + "text": "James and Oliver Phelps James Andrew Eric and Oliver Martyn John Phelps (born 25 February 1986) are identical twin British actors, best known for playing Fred and George Weasley in the \"Harry Potter\" film series. James and Oliver were born in the Sutton Coldfield area of Birmingham, England on 25 February 1986. They are the only sons of Susan (n\u00e9e Spare) and Martyn Phelps. James is the younger of the two by 13 minutes. Growing up, they attended Little Sutton Primary School and the Arthur Terry Secondary School. As they spent an extensive amount of time shooting for Harry Potter,", + "score": 0.75244140625, + "summary": "James and Oliver Phelps played Fred and George Weasley in the \"Harry Potter\" film series.", + "extraction": "James and Oliver Phelps played the Weasley brothers in the \"Harry Potter\" film series." + }, + { + "id": "2645652", + "title": "Chris Rankin", + "text": "plays of \"Bugsy Malone\" and \"The Lion, The Witch and The Wardrobe\". His professional acting career began when he won the role of Percy Weasley in September 2000 and he has since appeared in film, TV and theatre. In the Harry Potter series, he is a brother of Harry Potter's best friend, Ron Weasley. Rankin is the co-founder of a theatre company, Painted Horse UK. He re-appeared in the final two films of the Harry Potter film franchise, \"Harry Potter and the Deathly Hallows \u2013 Part 1\" and \"Part 2\", after his character's absence from \"Harry Potter and the Goblet", + "score": 0.7470703125, + "summary": "Chris Rankin played Percy Weasley, one of the Weasley brothers, in the Harry Potter film franchise.", + "extraction": "The passage is irrelevant to the question as it does not mention the actors who played the Weasley brothers in Harry Potter." + }, + { + "id": "5621127", + "title": "James and Oliver Phelps", + "text": "the twins were tutored on set, along with their fellow school-age cast friends. In 2000, at age 14, the twins skipped school exams to attend an open audition, despite having no previous acting experience, and, after about six auditions, were cast as Fred and George Weasley in the film \"Harry Potter and the Philosopher's Stone\". They went on to portray their characters in all of the subsequent Harry Potter films. Outside of acting, James has worked as a runner on the set of \"Harry Potter and the Half-Blood Prince\" and other film productions, such as \"The Da Vinci Code\". In", + "score": 0.74609375, + "summary": "James and Oliver Phelps played the Weasley twins in all of the Harry Potter films.", + "extraction": "James and Oliver Phelps played the Weasley brothers in the Harry Potter films." + }, + { + "id": "5621133", + "title": "James and Oliver Phelps", + "text": "took part in a skydive for Cancer Research UK in Australia in memory of Harry Moseley, an 11-year-old boy who died on 8 October 2011 after a four-year battle with brain cancer. By December 2011, the amount pledged for their jump stood at \u00a32,525. On 7 September 2013, the brothers went on Pointless Celebrities to win money for the charity in memory of Harry Moseley, and won \u00a32,500. James and Oliver Phelps James Andrew Eric and Oliver Martyn John Phelps (born 25 February 1986) are identical twin British actors, best known for playing Fred and George Weasley in the \"Harry", + "score": 0.73828125, + "summary": "James and Oliver Phelps played the Weasley brothers in Harry Potter.", + "extraction": "James Andrew Eric and Oliver Martyn John Phelps played the Weasley brothers in \"Harry Potter\"." + }, + { + "id": "2375665", + "title": "Dumbledore's Army", + "text": "over Fred's death, but succeeds in turning Weasleys' Wizarding Wheezes into a \"money spinner\" with Ron, who eventually quits to become an Auror. Rowling also revealed that, by the time of the epilogue of \"Deathly Hallows\", George is married to Angelina Johnson and has two children, Fred and Roxanne. Identical twin actors James and Oliver Phelps played Fred and George respectively in the \"Harry Potter\" film series. Fred and George were listed by IGN as eleventh top \"Harry Potter\" characters, saying that \"taking umbrage at Umbridge and leaving Hogwarts with a bang in \"Order of the Phoenix\" showed us that", + "score": 0.70263671875, + "summary": "Identical twin actors James and Oliver Phelps played Fred and George respectively in the \"Harry Potter\" film series.", + "extraction": "Identical twin actors James and Oliver Phelps played Fred and George respectively in the \"Harry Potter\" film series." + }, + { + "id": "1975945", + "title": "Ministry of Magic", + "text": "Minister for Magic and Voldemort puppet Pius Thicknesse in the Battle of Hogwarts. While dueling Thicknesse, Percy announces that he is resigning, the first joke he has made in many years, much to Fred's delight. While dueling alongside Percy, his brother Fred Weasley is killed in an explosion, and Percy clings to the corpse and shields it from further damage. In the last part of the battle, he and his father work together to defeat Thicknesse. His final appearance is in the book's epilogue, at King's Cross Station, talking loudly about broom regulations. Percy is portrayed by Chris Rankin in", + "score": 0.69580078125, + "summary": "Chris Rankin played Percy Weasley in Harry Potter, but the document does not mention who played Fred Weasley.", + "extraction": "Irrelevant. The passage does not provide any information about who played the Weasley brothers in Harry Potter." + }, + { + "id": "2645651", + "title": "Chris Rankin", + "text": "Chris Rankin Christopher William \"Chris\" Rankin (born 8 November 1983) is a New Zealand-born British actor who is best known for playing Percy Weasley in the \"Harry Potter\" film franchise. Rankin was born in Auckland, New Zealand. He lived in Rothesay Bay until he was six, attending Kristin School in Albany. He and his parents subsequently moved to Norfolk in the United Kingdom, where he attended Northgate High School in Dereham. Rankin began acting at the age of eleven. He attended Shipdham Primary School, Northgate High School, and Dereham Sixth Form College. At Northgate High School he appeared in school", + "score": 0.69091796875, + "summary": "Chris Rankin played Percy Weasley in the Harry Potter film franchise.", + "extraction": "Chris Rankin played Percy Weasley in the \"Harry Potter\" film franchise." + }, + { + "id": "11972296", + "title": "Thomas Aldridge", + "text": "Thomas Aldridge Thomas Aldridge, also known as Tom Aldridge, is an English television and theatre actor. He is best known for playing Ron Weasley in Harry Potter and the Cursed Child in London\u2019s West End. Born in Essex, Aldridge has been working in professional theatre and television since the 1990s. As a child actor, he made his professional theatre debut in the Catherine Cookson play \"Fifteen Streets\", at the Queen's Theatre Hornchurch. He then went on to feature in programs such as \"Our Boy\" with Ray Winstone, \"The Bill\" and \"London's Burning\". After leaving school he played the role of", + "score": 0.6875, + "summary": "Thomas Aldridge played Ron Weasley in Harry Potter and the Cursed Child.", + "extraction": "Irrelevant." + }, + { + "id": "12415350", + "title": "Ron Weasley", + "text": "appears as \"Ron Sneasley\". In the \"Harry Bladder\" sketches in \"All That\", Ron appears as ReRon and is played by Bryan Hearne. Ron also is a regular character in \"Potter Puppet Pals\" sketches by Neil Cicierega. In one of the episodes, \"The Mysterious Ticking Noise\", Ron, along with Snape, Harry, Hermione and Dumbledore, is killed by a bomb placed by Voldemort; the episode being the seventeenth most viewed video of all time as of 2008 and the winner for \"Best Comedy\" of the year 2007 at YouTube. In the 2008 American comedy film \"Yes Man\", Carl (portrayed by Jim Carrey)", + "score": 0.68603515625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "2645655", + "title": "Chris Rankin", + "text": "began to work as an usher at UCI Cinemas. Chris Rankin Christopher William \"Chris\" Rankin (born 8 November 1983) is a New Zealand-born British actor who is best known for playing Percy Weasley in the \"Harry Potter\" film franchise. Rankin was born in Auckland, New Zealand. He lived in Rothesay Bay until he was six, attending Kristin School in Albany. He and his parents subsequently moved to Norfolk in the United Kingdom, where he attended Northgate High School in Dereham. Rankin began acting at the age of eleven. He attended Shipdham Primary School, Northgate High School, and Dereham Sixth Form", + "score": 0.6826171875, + "summary": "Chris Rankin played Percy Weasley in the \"Harry Potter\" film franchise.", + "extraction": "Oliver Phelps and James Phelps played the Weasley brothers in Harry Potter." + }, + { + "id": "3797369", + "title": "Mark Williams (actor)", + "text": "Mark Williams (actor) Mark Williams (born 22 August 1959) is an English actor, screenwriter and presenter. He is best known as Arthur Weasley in the \"Harry Potter\" films, and as one of the stars of the popular BBC sketch show \"The Fast Show\". He also played Brian Williams in the BBC series \"Doctor Who\", and Olaf Petersen in \"Red Dwarf\". More recently he has appeared as the title character in the BBC series \"Father Brown\". Williams was educated at North Bromsgrove High School and Brasenose College, Oxford. He performed with Oxford University Dramatic Society (OUDS). Having made a career as", + "score": 0.681640625, + "summary": "Mark Williams played Arthur Weasley in the \"Harry Potter\" films.", + "extraction": "Mark Williams played the Weasley brothers in Harry Potter." + }, + { + "id": "12415351", + "title": "Ron Weasley", + "text": "attends a Harry Potter-themed party hosted by Norman (Rhys Darby), in which Norman disguises as Ron. In \"A Very Potter Musical\" (2009) and \"A Very Potter Sequel\" (2010), parody musicals by StarKid Productions, Ron was portrayed by Joey Richter. Ron Weasley Ronald Bilius \"Ron\" Weasley is a fictional character in J. K. Rowling's \"Harry Potter\" series. 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. He is a member of the Weasley family, a pure blood family, who reside in \"The Burrow\"", + "score": 0.6796875, + "summary": "Joey Richter played Ron Weasley in \"A Very Potter Musical\" and \"A Very Potter Sequel\".", + "extraction": "Irrelevant." + }, + { + "id": "11972302", + "title": "Thomas Aldridge", + "text": "the West Yorkshire Playhouse, for which he features on the original cast recording album. He also appears on the original cast recording of Made in Dagenham\". In May 2017 he joined the cast of the multi award winning West End play Harry Potter and the Cursed Child at the Palace Theatre, London playing the role of Ron Weasley. A role he continues to play today. Aldridge has featured in numerous commercials, including those for Mars, Gamestation and most notably fronting the adverts for Paddy Power throughout 2011 and 2012. Thomas Aldridge Thomas Aldridge, also known as Tom Aldridge, is an", + "score": 0.6796875, + "summary": "Thomas Aldridge played Ron Weasley in Harry Potter and the Cursed Child at the Palace Theatre, London.", + "extraction": "irrelevant" + }, + { + "id": "10328498", + "title": "Edward Randell", + "text": "Edward Randell Edward Keith Randell (born 2 July 1988) is an English musician and actor, who is perhaps best known for his acting work in the \"Harry Potter\" film series and as a bassist for the noted international vocal group The Swingle Singers. He was born in Dulwich, an area of South London, England and was educated at City University London. His first professional acting role was in the 2002 film adaptation of \"Harry Potter and the Chamber of Secrets\", in which he played wizard and Hogwarts student Justin Finch-Fletchley, a member of Hufflepuff and initially a friend of Harry's.", + "score": 0.677734375, + "summary": "Edward Randell played Justin Finch-Fletchley in Harry Potter, but there is no mention of him playing the Weasley brothers.", + "extraction": "Irrelevant. The passage mentions Edward Randell's role in the Harry Potter film series, but it does not provide information about the actors who played the Weasley brothers." + }, + { + "id": "5621450", + "title": "Harry Melling (actor)", + "text": "Harry Melling (actor) Harry Edward Melling (born 13 March 1989) is an English actor, best known for playing Dudley Dursley in the \"Harry Potter\" films. Melling was born in London. His maternal grandfather was actor Patrick Troughton, best known for his role as the Second Doctor in \"Doctor Who\". He is also the nephew of actors David Troughton and Michael Troughton, and the first cousin of cricketer Jim Troughton and actor Sam Troughton. Melling attended St Paul's Primary School, Hendon School and Mill Hill School. He was a member of the National Youth Theatre. He trained at the London Academy", + "score": 0.67724609375, + "summary": "Irrelevant.", + "extraction": "The passage is irrelevant to the question as it does not mention the Weasley brothers or their actors." + }, + { + "id": "10600812", + "title": "Draco and the Malfoys", + "text": "\"Cheat to Win\". Ross and Mehlenbacher originally conceived \"Draco and the Malfoys\" as a parody of Harry and the Potters, who were performing at a local house party. In late 2004, Matt Maggiacomo invited the Harry and the Potters to play at an all-Harry Potter show at his Rhode Island home. That night, Maggiacomo made his debut as \"The Whomping Willows\", and his friends, Mehlenbacher and his brother, Brian Ross, played for the first time as \"Draco and the Malfoys\". ABC news reports that Brian Ross and Bradley Mehlenbacher's: ...love for the Harry Potter book series is no less than", + "score": 0.67578125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "13556524", + "title": "Domhnall Gleeson", + "text": "at the Gate Theatre. In 2008, Gleeson starred in the one-off RT\u00c9 comedy sketch show \"Your Bad Self\", which was broadcast on 26 December that year and later developed into a series in 2010. In March 2009, it was confirmed that he had been cast as Bill Weasley in the film \"Harry Potter and the Deathly Hallows\". His father, Brendan, plays Alastor Moody in the series. Gleeson had initially been reluctant to act alongside his father in the same film but later changed his mind. In 2006, he said of his acting: \"I'd been very certain about not wanting to", + "score": 0.6708984375, + "summary": "Domhnall Gleeson played the role of Bill Weasley in the film \"Harry Potter and the Deathly Hallows\".", + "extraction": "James and Oliver Phelps played the Weasley brothers in Harry Potter. (The given passage is irrelevant as it does not mention James and Oliver Phelps.)" + }, + { + "id": "1884113", + "title": "Order of the Phoenix (fictional organisation)", + "text": "battle. Bill and Fleur later have three children: Victoire, Dominique and Louis. Richard Fish appeared as Bill briefly in the film adaptation of \"Harry Potter and the Prisoner of Azkaban\". Domhnall Gleeson, the son of actor Brendan Gleeson (Alastor Moody in the series), plays Bill Weasley in \"Harry Potter and the Deathly Hallows\" and the roller coaster ride \"Harry Potter and the Escape from Gringotts\" at The Wizarding World of Harry Potter \u2013 Diagon Alley in Universal Studios Florida. Charlie Weasley is the second son of Arthur and Molly Weasley and is described as having a build like that of", + "score": 0.6708984375, + "summary": "Domhnall Gleeson played Bill Weasley in \"Harry Potter and the Deathly Hallows\" and \"Harry Potter and the Escape from Gringotts\".", + "extraction": "Irrelevant." + }, + { + "id": "5621451", + "title": "Harry Melling (actor)", + "text": "of Music and Dramatic Art. In his early career, Melling starred in stage productions of \"The Provoked Wife\", \"King John\", \"Antigone\", and \"Plenty\". He appeared in five of the \"Harry Potter\" films as Harry Potter's spoiled cousin Dudley Dursley. In 2009, he starred in a revival of \"Mother Courage and her Children\" at the Royal National Theatre. He appeared in an episode of the BBC series \"Merlin\" entitled \"The Sorcerer's Shadow\", playing a young warlock named Gilli who intends to use magic to help him win Camelot's legendary tournament. He also played Robert Brown in the BBC series \"Just William\".", + "score": 0.66943359375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention the Weasley brothers or any actors who played them in Harry Potter." + }, + { + "id": "3604615", + "title": "Harry Potter fandom", + "text": "the books and films. The first show featured interviews with Stuart Craig, art director of the films, as well as Bonnie Wright, who plays Ginny Weasley. PotterCast has also interviewed Matthew Lewis (the actor who portrays Neville Longbottom), Evanna Lynch (Luna Lovegood), Jamie Waylett (Vincent Crabbe), Rupert Grint (Ron Weasley), Chris Columbus, Alfonso Cuar\u00f3n, Mike Newell (directors of the first four films), Arthur A. Levine and Cheryl Klein (editors of the books at Scholastic), and the author of the book series, J. K. Rowling. The two sites are friendly rivals and have aired several combined episodes, which they call \"The", + "score": 0.66796875, + "summary": "Rupert Grint played Ron Weasley in the Harry Potter films.", + "extraction": "Rupert Grint played Ron Weasley in Harry Potter." + }, + { + "id": "16396901", + "title": "Nachiket Dighe", + "text": "Nachiket Dighe Nachiket Dighe (Marathi: \u0928\u091a\u093f\u0915\u0947\u0924 \u0926\u093f\u0918\u0947 \"Nacik\u0113ta Digh\u0113\") born 11 November 1987) is an Indian actor and dubbing voice actor, who dubs in Hindi, Marathi, and English. He is best known for his Hindi voice-dubbing of Rupert Grint's role as Ron Weasley, in the Harry Potter film series. He is the official Hindi voice dub-over artist for Kevin Jonas and Toby Amies. Despite that Jonas and Amies are in different age groups, Dighe is able to perfectly match the quality of their voices when it comes to dubbing their roles in Hindi. He is also married to Rucha Dighe.", + "score": 0.66748046875 + }, + { + "id": "20107069", + "title": "Paul Thornley (actor)", + "text": "Paul Thornley (actor) Paul Thornley is a British actor. He has appeared on stage in productions of \"A Chorus of Disapproval\" at the Harold Pinter Theatre, \"The Three Musketeers\" at the Rose Theatre, Kingston and \"It's a Wonderful Life\" at the Wolsey Theatre. He played Dodge in the Original Cast of \"London Road\" at the Royal National Theatre, a role which he later reprised in the film of the same name. In 2016 he played Ron Weasley in the Original London Cast of \"Harry Potter and the Cursed Child\" at the Palace Theatre, London in the West End. He was", + "score": 0.6669921875 + }, + { + "id": "18097466", + "title": "Henry Lloyd-Hughes", + "text": "Henry Lloyd-Hughes Henry Lloyd-Hughes (born 1 August 1985) is an English actor. He is known for his roles in \"Harry Potter and the Goblet of Fire\" (2005), \"Unrelated\" (2007), \"The Inbetweeners\" (2008\u20132010), \"Miliband of Brothers\" (2010), \"Weekender\" (2011), \"Anna Karenina\" (2012), \"Parade's End\" (2012), and \"Indian Summers\" (2015). As of (2018) he voices Flynn Fairwind in \"\". He was born in 1985 in the United Kingdom, the son of Lucy Appleby and Timothy Lloyd-Hughes, a long-time senior executive with Deutsche Bank. He has a younger brother, actor Ben Lloyd-Hughes. They both acted in \"Miliband of Brothers\". Fred Macpherson, lead singer", + "score": 0.66162109375 + }, + { + "id": "16523318", + "title": "Wesley MacInnes", + "text": "Hallmark Hall of Fame film \"A Dog Named Christmas\". In 2011, MacInnes was cast in a recurring role on CBC's \"Heartland\" as country musician Austin Mars - the romantic interest of series lead Mallory Wells. He also appeared in the Lifetime Network biopic \"Magic Beyond Words: The JK Rowling Story\" (starring Poppy Montgomery) playing the character Sean Harris \u2013 the real life inspiration for the Ron Weasley character in the literary and film franchise, \"Harry Potter\". Wesley MacInnes Wesley MacInnes is a Canadian country musician under the stage name Wes Mack, an actor, and a director. MacInnes was born in", + "score": 0.66162109375 + }, + { + "id": "1884109", + "title": "Order of the Phoenix (fictional organisation)", + "text": "to hide. Arthur reappears in the Battle of Hogwarts, in which he loses his son Fred, and is joined by Percy Weasley in defeating Pius Thicknesse. Arthur Weasley appears in every film except the first and is portrayed by Mark Williams. William Arthur \"Bill\" Weasley is the eldest born son of Arthur and Molly Weasley. He is described to be \"hard-working\" and \"down-to-earth\", but possesses a fondness for \"a bit of adventure, a bit of glamour\". During his time at Hogwarts, Bill becomes both a prefect and Head Boy, with 12 O.W.L.s to his credit. Later, he works for Gringotts", + "score": 0.6611328125 + }, + { + "id": "12415341", + "title": "Ron Weasley", + "text": "tallest schoolmates, even outgrowing some of his older brothers. Rowling states in the novels that Ron has freckles, though Rupert Grint, the actor who plays Ron, has none. Rowling has also stated that Ron has blue eyes. Rowling in an interview described Ron as very funny but insensitive and immature, saying \"There's a lot of immaturity about Ron, and that's where a lot of the humor comes from.\" As his first exercise with the actors who portray the central trio, Alfonso Cuar\u00f3n, who directed the third film in the series, \"Prisoner of Azkaban\", assigned them to write an autobiographical essay", + "score": 0.65869140625 + }, + { + "id": "5621130", + "title": "James and Oliver Phelps", + "text": "the world to tour and attend sports games and events; Oliver also maintains his own website called JOP World, where he chronicles the various places he visits and keeps fans updated with the brothers' activities. James and Oliver are close with several of the \"Harry Potter\" cast members, including Rupert Grint, Tom Felton, Daniel Radcliffe and Matthew Lewis. They attended Radcliffe's Broadway performances, and often meet up with Grint, Felton and Lewis to play golf. In the summer of 2013, the twins moved to Santa Monica, California for a while to look at different film projects. Currently, they spend time", + "score": 0.6572265625 + }, + { + "id": "5621453", + "title": "Harry Melling (actor)", + "text": "performance, New Yorker film critic Anthony Lane said,\"[I] came away haunted by a scattering of sights and sounds--above all, by the recitations of the limbless man, which thrum with genuine yearning. He is beautifully played, with a little help from C.G.I., by Harry Melling, who was once the odious Dudley Dursley in the Harry Potter films. Funny how people grow up\". Harry Melling (actor) Harry Edward Melling (born 13 March 1989) is an English actor, best known for playing Dudley Dursley in the \"Harry Potter\" films. Melling was born in London. His maternal grandfather was actor Patrick Troughton, best known", + "score": 0.6552734375 + }, + { + "id": "13556526", + "title": "Domhnall Gleeson", + "text": "2010, with the \"Part 2\" being released the following July. His portrayal of Bill Weasley, Ron Weasley's older brother, exposed Gleeson to a wider audience. The multi Academy Award nominated Coen Brothers' film \"True Grit\" featured Gleeson as Moon, a young outlaw. His short comedy film, \"Noreen\", starring his father and brother, was shown at the Tribeca Film Festival. He portrayed musician Bob Geldof as he organizes the 1985 Live Aid concert in the television film \"When Harvey Met Bob\", which was broadcast on BBC Four on 26 December 2010. Gleeson won the 2011 Ifta Award for Best Actor for", + "score": 0.65478515625 + }, + { + "id": "1386109", + "title": "Rupert Grint", + "text": "the Philosopher's Stone\", the best-selling novel written by author J. K. Rowling. Rowling personally insisted that the cast be British and assisted Susie Figgis and director Chris Columbus in casting the roles. Grint chose to audition for the role of protagonist Ron Weasley, one of Harry Potter's best friends at Hogwarts, and was a fan of the book series. Having seen a \"Newsround\" report about the open casting, he sent in a video of himself rapping about how he wished to receive the role. His attempt was successful as the casting team asked for a meeting with him. On 8", + "score": 0.6533203125 + }, + { + "id": "10510972", + "title": "Gyton Grantley", + "text": "theatrical production Hand to God and continues his hosting role on Pooches at Play. He appeared in two short film entries for the 2009 Tropfest Short Film Festival, including \"Being Carl Williams\" where Grantley, playing himself, is abducted by two criminals who mistake him for Carl Williams after his role in \"Underbelly\". He will appear as Ron Weasley in the Melbourne production of Harry Potter and the Cursed Child. Grantley is actively involved with the Australian organisation, Polishedman, which helps support and raise awareness for children affected by violence. Gyton Grantley Gyton Grantley (born 1 July 1980) is a Logie", + "score": 0.65234375 + }, + { + "id": "1386105", + "title": "Rupert Grint", + "text": "Rupert Grint Rupert Alexander Lloyd Grint (born 24 August 1988) is an English actor and producer. He rose to prominence for his portrayal of Ron Weasley, one of the three main characters in the \"Harry Potter\" film series. Grint was cast as Ron at the age of 11, having previously acted only in school plays and at his local theatre group. From 2001 to 2011, he starred in all eight \"Harry Potter\" films. Beginning in 2002, Grint began to work outside of the \"Harry Potter\" franchise, playing a co-leading role in \"Thunderpants\". He has had starring roles in \"Driving Lessons\",", + "score": 0.6513671875 + }, + { + "id": "3126822", + "title": "Matthew Lewis (actor)", + "text": "Matthew Lewis (actor) Matthew David Lewis (born 27 June 1989) is an English film, television and stage actor, best known for playing Neville Longbottom in the \"Harry Potter\" films, Jamie Bradley in \"The Syndicate\" and Corporal Gordon \"Towerblock\" House in the BBC Three comedy drama \"Bluestone 42\". The son of Adrian Lewis and Lynda Needham, Lewis was born in the city of Leeds, West Yorkshire, and raised in the nearby town of Horsforth. He was born the youngest of three boys, and has two brothers: Chris Lewis and actor Anthony Lewis. He attended St Mary's Menston Catholic Voluntary Academy. Lewis", + "score": 0.6513671875 + }, + { + "id": "3381610", + "title": "Will Theakston", + "text": "Will Theakston William Theakston (born 4 October 1984) is an English actor who appeared in the first Harry Potter film. He played the role of the Slytherin Quidditch Seeker Terence Higgs. He attended Latymer Upper School. He has also appeared in two children's TV series: CBBC's The Ghost Hunter and CITV's \"\". In Ghost Hunter he played the character of Roddy, one of the main characters. Roddy and his sister Tessa make friends with the ghost of a Victorian shoe-shine boy who is being hunted by the sinister Ghost Hunter. In Sir Gadabout he played the character of Will, a", + "score": 0.65087890625 + }, + { + "id": "16396906", + "title": "Nachiket Dighe", + "text": "Pandya third film and onwards), voicing for Hermione Granger, for the Hindi dubs of the film series. Nachiket Dighe Nachiket Dighe (Marathi: \u0928\u091a\u093f\u0915\u0947\u0924 \u0926\u093f\u0918\u0947 \"Nacik\u0113ta Digh\u0113\") born 11 November 1987) is an Indian actor and dubbing voice actor, who dubs in Hindi, Marathi, and English. He is best known for his Hindi voice-dubbing of Rupert Grint's role as Ron Weasley, in the Harry Potter film series. He is the official Hindi voice dub-over artist for Kevin Jonas and Toby Amies. Despite that Jonas and Amies are in different age groups, Dighe is able to perfectly match the quality of their", + "score": 0.650390625 + }, + { + "id": "12415346", + "title": "Ron Weasley", + "text": "the village of Ottery St Catchpole in Devon. Ron has six siblings; his five older brothers, Bill, Charlie, Percy, twins Fred and George, and a younger sister, Ginny, each with their own distinct personality trait. One recurring factor in Ron's siblings is that they often appear to be more confident, self-assured and, to varying degrees, more outwardly talented than he is. The Weasley family is one of the few remaining pure-blood wizarding families, though they were considered \"blood traitors\" for associating with non-pure-bloods. Moreover, they are far from rich, and are looked down upon by snobbish \"old families\" such as", + "score": 0.6494140625 + }, + { + "id": "894073", + "title": "Joseph Fiennes", + "text": "Martha Fiennes; composer Magnus Fiennes; film director Sophie Fiennes; and conservationist Jacob Fiennes, Joseph's twin brother. His foster brother, Michael Emery, is an archaeologist. His nephew Hero Fiennes-Tiffin played Tom Riddle, young Lord Voldemort in \"Harry Potter and the Half-Blood Prince\". Fiennes was briefly educated in the Republic of Ireland, then at Swan School For Boys (now known as Leehurst Swan School, following a merger with another school), an independent school in Salisbury, before passing his 11+ exam and continuing to Bishop Wordsworth's School, a voluntary-aided state day grammar school, in the Cathedral Close of the city. He then attended", + "score": 0.64599609375 + }, + { + "id": "15400440", + "title": "Freddie Hogan", + "text": "Freddie Hogan Freddie Hogan (born 17 May 1988) is a British actor, who became known to a wider audience in a leading role in the ninth series of the British sitcom \"Two Pints of Lager and a Packet of Crisps\" broadcast by BBC Three. Hogan also appears in a minor role in the second part of the movie \"Harry Potter and the Deathly Hallows\". His theatre performance in Extra Virgin earned him an Off West End Theatre Award nomination for Best Actor. Hogan is filming the new BBC1, 7 part series of \"Jonathan Strange and Mr Norell\" as Davey. On", + "score": 0.64599609375 + }, + { + "id": "5621149", + "title": "Jamie Waylett", + "text": "recovering full mental faculties. While Waylett was a student at Emmanuel Primary School, his photograph was taken as part of a general auditioning process for the \"Harry Potter\" films. Initially considered for the part of Dudley Dursley, he was cast as Vincent Crabbe after an audition in front of director Chris Columbus. In August 2009, his \"Harry Potter\" co-star Joshua Herdman announced that Waylett would not return for \"Harry Potter and the Deathly Hallows \u2013 Part 1\", or for the final film in the series, \"Harry Potter and the Deathly Hallows \u2013 Part 2'\u2019 On 7 April 2009, Waylett and", + "score": 0.64453125 + }, + { + "id": "12758288", + "title": "Graham Ord", + "text": "for a year or so he didn't perform too much in public. Later he teamed up with bass player Dave Moore and together they began performing as a duo. Later they asked Graham's brother to join them on drums and formed the band 'Hearts on Fire'. This band later became known as the Wesley Brothers Graham taking the name Leslie Wesley and Dave being known as Elvis Wesley. Other band members were inducted including Grunt, Hormone, Chipalater, Doc and Andrew Lloyd Wesley! The Wesley's ended up having 13 drummers in a twelve-year period. The Wesley brothers performed regularly on the", + "score": 0.6435546875 + }, + { + "id": "10069435", + "title": "Luke Treadaway", + "text": "slightly younger twin, actor Harry. His first acting role was in the village Christmas pantomime \"Little Red Riding Hood\", starring as a daffodil while his father was the Big Bad Wolf. Luke and his twin-brother Harry attended Queen Elizabeth's Community College in Crediton, where he played scrum half in the twice Devon Cup-winning rugby union team. Inspired by a love of Eddie Vedder and with support from their secondary school drama teacher Phil Gasson, the twins formed a band called \"Lizardsun\" with Matt Conyngham and Seth Campbell. They also both joined the National Youth Theatre, for whom Luke played Prince", + "score": 0.64208984375 + }, + { + "id": "15758010", + "title": "A Very Potter Musical", + "text": "Hogwarts School of Witchcraft and Wizardry, his participation in the House Cup Championship, the trials and tribulations of adolescence, and the return of the dark wizard Lord Voldemort and the Golden Trio's attempts to destroy the Horcruxes. The musical was performed in April 9\u201311, 2009 on the University of Michigan campus and is currently available to watch online. It was produced by StarKid Productions and directed by Matt Lang. The musical starred Darren Criss as Harry Potter, Joey Richter as Ron Weasley, Bonnie Gruesen as Hermione Granger, Jaime Lyn Beatty as Ginny Weasley, Lauren Lopez as Draco Malfoy, Brian Rosenthal", + "score": 0.64111328125 + }, + { + "id": "5621452", + "title": "Harry Melling (actor)", + "text": "In October 2009, it was announced that Melling had lost so much weight since his last appearance in \"Harry Potter\" that he was now \"unrecognisable\". His role as Dudley Dursley was almost recast for \"Harry Potter and the Deathly Hallows Part 1\", but Melling reprised the role by wearing a fat suit. He commented positively about the change, \"I can now shed the child actor thing, like the fat, and start a new career, because no one sees me as Dudley.\" In 2018 Melling played alongside Liam Neeson in the Coen brothers' Western \"The Ballad of Buster Scruggs\". Of Melling's", + "score": 0.64111328125 + }, + { + "id": "10287312", + "title": "Harry and the Potters", + "text": "together since they were 11 and 12 years old. A couple of years earlier after reading the Harry Potter books, Paul formulated the premise for Harry and the Potters where the principal Harry Potter characters would be the musicians: Harry as the front man, Ron on guitar, Hermione on bass and Hagrid on drums. Then a crisis of sorts struck the brothers on June 22, 2002. During a barbecue at the DeGeorge family\u2019s Norwood Massachusetts home, Joe had advertised a concert with Ed and the Refridgerators and several other indie bands. The venue was the back yard shed. Perhaps the", + "score": 0.64111328125 + }, + { + "id": "3381453", + "title": "Magical objects in Harry Potter", + "text": "film was acquired by Rupert Grint, who plays Ron Weasley, and is currently displayed in the National Motor Museum, Beaulieu. A total of 14 Ford Anglias were destroyed during the filming of the scene where the car crashes into the Whomping Willow. A replica of the car in its feral state can be seen in the queue line for the Dragon Challenge roller coaster at the Universal Studios Islands of Adventure theme park. Occasionally it blinks its headlights and honks its horn when its motion detectors sense that guests are standing in front of it or walking by it. Broomsticks", + "score": 0.64013671875 + }, + { + "id": "12415307", + "title": "Ron Weasley", + "text": "Ron Weasley Ronald Bilius \"Ron\" Weasley is a fictional character in J. K. Rowling's \"Harry Potter\" series. 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. He is a member of the Weasley family, a pure blood family, who reside in \"The Burrow\" outside Ottery St. Catchpole. Along with Harry and Hermione, he is a member of the Gryffindor house. Ron is present in most of the action throughout the series. According to Rowling, Ron was among the characters she created \"the", + "score": 0.6396484375 + }, + { + "id": "15400441", + "title": "Freddie Hogan", + "text": "moving to London Hogan's first role was with The National Youth Theatre in Cymbeline, playing Belarius. The following year he starred in the BBC sitcom Two Pints of Lager and a Packet of Crisps. He also appeared in the Harry Potter and The Deathly Hallows part II as one of Harry Potter's house mates in Gryffindor. In the same year he went back to the theatre to play Elliot in Extra Virgin and received his first nomination for an Off West End Award for Best Actor. Hogan has appeared in the series \"Emmerdale\". Freddie Hogan Freddie Hogan (born 17 May", + "score": 0.638671875 + }, + { + "id": "6453680", + "title": "William Moseley (actor)", + "text": "William Moseley (actor) William Peter Moseley (born 27 April 1987) is an English actor, best known for his roles as Peter Pevensie in the film series \"The Chronicles of Narnia\" and Prince Liam in the E! original series \"The Royals\". Moseley was born in the Cotswolds village of Sheepscombe, Gloucestershire, England. He is the son of Juliette E. (n\u00e9e Fleming) and Peter A. Moseley, a cinematographer. Moseley is the eldest of three children; his siblings are Daisy Elizabeth Moseley (born 1989) and Benjamin Hugh Moseley (born 1992). Moseley attended Sheepscombe Primary School from September 1991 to July 1998, in which", + "score": 0.63818359375 + }, + { + "id": "12368798", + "title": "Robbie Coltrane", + "text": "Robbie Coltrane Robbie Coltrane (born Anthony Robert McMillan; 30 March 1950) is a Scottish actor and author. He is known for his roles as Rubeus Hagrid in the \"Harry Potter\" films, as Valentin Dmitrovich Zukovsky in the James Bond films \"GoldenEye\" and \"The World Is Not Enough,\" and as Dr. Eddie \"Fitz\" Fitzgerald in the British TV series \"Cracker\" during the 1990s. Coltrane was born Anthony Robert McMillan in Rutherglen, South Lanarkshire, Scotland, the son of Jean Ross (n\u00e9e Howie), a teacher and pianist, and Ian Baxter McMillan, a general practitioner who also served as a forensic police surgeon. He", + "score": 0.63720703125 + }, + { + "id": "7038999", + "title": "Robbie Jarvis", + "text": "Robbie Jarvis Robert Stephen Jarvis (born 7 May 1986) is an English actor. Jarvis was born in Yeovil, Somerset. He attended the Littlehampton Community School and Chichester College. He joined the National Youth Theatre aged 16 and performed with the company until he was 18. Jarvis played young James Potter in the film adaptation of \"Harry Potter and the Order of the Phoenix\" (2007). In 2006, he made a brief appearance in the Nickelodeon show \"Genie in the House\" and did some voice work for the acclaimed film \"The History Boys\". He has also guest starred in episodes of \"Waking", + "score": 0.63720703125 + }, + { + "id": "12295723", + "title": "Hero Fiennes-Tiffin", + "text": "Hero Fiennes-Tiffin Hero Beauregard Fiennes Tiffin (born 6 November 1997) is an English actor and model best known for his role as the 11-year-old Tom Riddle, the young version of antagonist Lord Voldemort (played in the films by his uncle, Ralph Fiennes), in \"Harry Potter and the Half Blood Prince\", the sixth installment of the \"Harry Potter\" films. He also played the role of \"younger Charlie\" in the war based film \"Private Peaceful\". Hero will portray bad-boy heartthrob Hardin Scott in the upcoming movie \"After\", an adaptation of the novel by Anna Todd. Fiennes Tiffin was born in London to", + "score": 0.63671875 + }, + { + "id": "14605084", + "title": "Wesley Morgan", + "text": "Wesley Morgan Wesley Francis Morgan (born October 5, 1990) is a Canadian actor and model, known for the role of Skander Hill on \"\", the recurring role of Sam on \"\" and Prom King Josh in \"The Rocker\". He now has a role on the show \"Really Me\" and plays Brody Cooper. He also models for Hollister and Abercombie & Fitch. Morgan was born in Canada. He played Sam in \"\"'s 9th season two-part episode \"Beat It\". He made a cameo appearance in \"The Rocker\" as Prom King Josh, and co-starred in the Disney Channel Original Movie \"\" as teen", + "score": 0.63623046875 + }, + { + "id": "9017476", + "title": "Harry Potter (film series)", + "text": "(This screen test footage was released via the first set of Ultimate Editions in 2009.) Rowling was enthusiastic after viewing Radcliffe's filmed test, saying she didn't think there was a better choice for the part of Harry Potter. Also in 2000, the then unknown British actors Emma Watson and Rupert Grint were selected from thousands of auditioning children to play the roles of Hermione Granger and Ron Weasley, respectively. Their only previous acting experience was in school plays. Grint was eleven years old and Watson ten at the time they were cast. \"Los Angeles Times\" writer Geoff Boucher, who conducted", + "score": 0.634765625 + }, + { + "id": "2375664", + "title": "Dumbledore's Army", + "text": "Magic's surveillance of the Weasley family, and instead operate another owl-order business out of their Great-Aunt Muriel's house. During this time, one of the twins, speculated to be Fred, shows up in the pirate radio station \"Potterwatch\" as \"Rapier\". The twins return to participate in the Battle of Hogwarts, during which Fred is killed in an explosion. Rowling said in an MSNBC interview that she always knew Fred would be the twin who would die, though she could not specify a particular reason. She stated in a web chat after the release of \"Deathly Hallows\" that George never fully gets", + "score": 0.634765625 + }, + { + "id": "2375661", + "title": "Dumbledore's Army", + "text": "of the Weasley family. Born on April Fools' Day, the two work together making pranks and are addressed as a single unit as opposed to two individual people. They are so similar that even their parents often have a difficult time telling the two apart. They first appear in \"Philosopher's Stone\" as third years and were always said to be the school clowns. Despite their poor results in their O.W.L. exams, the twins are intelligent and proficient wizards capable of sophisticated magic. In addition, they serve as Beaters for the Gryffindor Quidditch team. The pair often come to Harry's assistance", + "score": 0.6337890625 + }, + { + "id": "12415349", + "title": "Ron Weasley", + "text": "Seth Meyers appeared as Ron in \"Saturday Night Live\" in the sketch in which Lindsay Lohan portrays Hermione. On his \"The Big Impression\" show, Alistair McGowan did a sketch called \"Louis Potter and the Philosopher's Scone\". It featured impressions of Anne Robinson as Ron. In 2003, Comic Relief performed a spoof story called \"Harry Potter and the Secret Chamberpot of Azerbaijan\", in which Jennifer Saunders appeared as both Ron and J. K. Rowling. In \"Harry Podder: Dude Where's My Wand?\", a play by Desert Star Theater in Utah, written by sisters Laura J., Amy K. and Anna M. Lewis, Ron", + "score": 0.63330078125 + }, + { + "id": "9271603", + "title": "Ken Weatherwax", + "text": "Ken Weatherwax Kenneth Patrick Weatherwax (September 29, 1955 \u2013 December 7, 2014) was an American child actor best known for having played Pugsley Addams on \"The Addams Family\". Weatherwax was born in Los Angeles, California, into a show-business family. His aunt was actress and dancer Ruby Keeler, while his half-brother, Joey D. Vieira, played \"Porky\" on the first three seasons of \"Lassie\" under the stage name of Donald Keeler, beginning in 1954. His uncles were Frank and Rudd Weatherwax, Lassie's trainers and owners of the first dog to play the role. Weatherwax made his acting debut in the early 1960s", + "score": 0.63330078125 + }, + { + "id": "13556520", + "title": "Domhnall Gleeson", + "text": "for his portrayal of Bill Weasley in the \"Harry Potter\" film series (2010\u20132011), alongside his father Brendan Gleeson who played Alastor Moody, Konstantin Levin in \"Anna Karenina\" (2012), Tim Lake in \"About Time\" (2013), and Russell Allen Phillips in fact-based war drama \"Unbroken\" (2014). Gleeson has won three IFTA Awards for his performances in When Harvey Met Bob (2010), \"Anna Karenina\" (2012), and \"Frank\" (2014). In 2015, Gleeson received widespread recognition and praise for his performances in four Academy Award-nominated films: Caleb Smith in \"Ex Machina\", Jim Farrell in \"Brooklyn\", Captain Andrew Henry in \"The Revenant\", and, most prominently, General", + "score": 0.6328125 + }, + { + "id": "3165405", + "title": "Harry Potter and the Order of the Phoenix (film)", + "text": "the Half-Blood Prince\" onwards. The inclusion or cutting of some characters sparked speculation from fans as to the importance of the characters in the final book of the series, which was released just ten days after the film. In April 2006, representatives of Jim McManus said he would be playing Aberforth Dumbledore, Albus' brother and the barman of the Hog's Head, in which Harry and his friends found Dumbledore's Army. A week later WB announced that the role was \"very minor\", allaying some of the speculation to the significance of the role, which, before the final book, was not even", + "score": 0.6328125 + }, + { + "id": "3160358", + "title": "Harry Potter and the Chamber of Secrets (film)", + "text": "the Chamber of Secrets, unleashing a monster that petrifies the school's denizens. The film stars Daniel Radcliffe as Harry Potter, with Rupert Grint as Ron Weasley, and Emma Watson as Hermione Granger and is also the last film to feature Richard Harris as Professor Albus Dumbledore, due to his death that same year. The film was released in theatres in the United Kingdom and the United States on 15 November 2002. It became a critical and commercial success, grossing $879 million at the box office worldwide. It was the second highest-grossing film of 2002 behind \"\". The movie was nominated", + "score": 0.6328125 + }, + { + "id": "2375662", + "title": "Dumbledore's Army", + "text": "throughout the series; in \"Chamber of Secrets\", they and Ron help him escape his house arrest from Privet Drive in a flying Muggle car, and give Harry the Marauder's Map during his third year. In \"Goblet of Fire\", they begin selling novelties under the name \"Weasleys' Wizard Wheezes\". Though their mother wants them to work for the Ministry of Magic, the twins aspire to own a joke shop, and Harry provides their start-up capital by donating his winnings from the Triwizard Tournament. In \"Order of the Phoenix\", the twins, like Harry, are permanently banned from Quidditch after a postmatch brawl", + "score": 0.63232421875 + }, + { + "id": "14944665", + "title": "Miliband of Brothers", + "text": "cabinets of Tony Blair and Gordon Brown. To add to the familial similarity, David Miliband was played by Henry Lloyd-Hughes and Ed by his brother Ben Lloyd-Hughes. The title, a pun on the phrase \"Band of Brothers\" was inspired by a comment by Caitlin Moran's \"Celebrity Watch\" column. Sam Wollaston, reviewing the production in \"The Guardian\" wrote: \"There are a few funny moments (I quite liked the Top Trumps \u2013 Leon Trotsky, revolutionary status: 82 points). Mostly it's just very hammy and very silly, as the Tory one was.\" Miliband of Brothers Miliband of Brothers is a 2010 satirical docu-drama", + "score": 0.63232421875 + }, + { + "id": "13965355", + "title": "Dominic Coleman", + "text": "the voice of Arthur Weasley in various \"Harry Potter\" video games. He appeared on TV as a customer in the BBC Comedy series, \"Miranda\" and reprised his role for episodes in 2013 and 2015. He also starred as Nan's husband Jake in \"Nan's Christmas Carol\", and was introduced as the character 'Gaz' in ITV's \"Coronation Street\". In 2012 Coleman played Neville in the Sky1 sitcom \"Trollied\". 2013 saw Coleman playing the role of Jamie in \"Heading Out\". In 2014, Labour supporter Coleman starred as David Cameron in the Labour Party (UK) Party Political Broadcast, The Un-Credible Shrinking Man. He appeared", + "score": 0.6318359375 + }, + { + "id": "13100447", + "title": "Cameron Winklevoss", + "text": "and his brother Tyler are both played by actor Armie Hammer in \"The Social Network\" (2010), a film directed by David Fincher about the founding of Facebook. Actor Josh Pence was the body double for Tyler with Hammer's face superimposed. The twins were depicted on the cartoon comedy show \"The Simpsons\" in the eleventh episode of Season 23 in the episode called \"The D'oh-cial Network\" which aired on January 15, 2012. The Winklevoss twins are seen rowing in the 2012 Olympic Games against Marge Simpson's sisters Patty and Selma. There is a reference made to the $65 million Facebook settlement.", + "score": 0.63134765625 + }, + { + "id": "10069325", + "title": "Harry Treadaway", + "text": "a love of Eddie Vedder and with support from their secondary school drama teacher Phil Gasson, the twins formed a band called Lizardsun with Matt Conyngham and Seth Campbell. They also both joined the National Youth Theatre. His professional debut was \"Brothers of the Head\", a feature film about conjoined twin brothers in a punk rock band. Harry played Tom Howe, the band's rhythm guitarist and songwriter, and his brother Luke played Barry Howe, the lead singer. During rehearsals and throughout the shoot, Harry and Luke were connected to each other for fifteen hours a day, wearing sewn-together wetsuits or", + "score": 0.63134765625 + }, + { + "id": "5621148", + "title": "Jamie Waylett", + "text": "Jamie Waylett Jamie Michael Colin Waylett (born 21 July 1989) is a British former actor. His only role to date is that of Vincent Crabbe in six of the eight \"Harry Potter\" films. In 2012, he was imprisoned for his participation in the 2011 England riots. Waylett was born in Kilburn, London, the fifth of six children born to Alan Waylett (born 1958) and Theresa 'nee De Freitas (born 1958). He lives in Camden, London. At the age of nine, he was hit by a car; he was expected to die or suffer severe brain damage, but surprised doctors by", + "score": 0.63134765625 + }, + { + "id": "3096712", + "title": "Thomas Brodie-Sangster", + "text": "Thomas Brodie-Sangster Thomas Brodie-Sangster (born 16 May 1990), also credited as Thomas Sangster, is an English actor and former child actor known for playing Sam in \"Love Actually\" (2003), Simon in \"Nanny McPhee\" (2005), Ferb in \"Phineas and Ferb\" (2007-2015), Jojen Reed in \"Game of Thrones\" (2013-2014) and Newt in the \"Maze Runner\" film series (2014-2018). Sangster also grew in popularity for starring in critically acclaimed cult films such as \"Death of a Superhero\" (2011), \"Bright Star\" (2009) and as Paul McCartney in \"Nowhere Boy\" (2009). He also had a cameo appearance in \"\" (2015) and a role as Whitey", + "score": 0.63134765625 + }, + { + "id": "5621128", + "title": "James and Oliver Phelps", + "text": "2009, the twins appeared as brothers in the fifth episode of the third season of the TV series \"Kingdom\". In 2012, they starred in \"A Mind's Eye\", a short documentary film based on the philosophical ideas of Plato. The brothers have also been involved in the Harry Potter Exhibition; they were present during its 2009 official opening in Chicago, and have since followed its tour around different cities and countries to promote it. Their second tour was a solo one around Thailand. In January 2014, both went to the Harry Potter Celebration in Orlando, Florida, with Evanna Lynch, Matthew Lewis,", + "score": 0.63134765625 + }, + { + "id": "3160360", + "title": "Harry Potter and the Chamber of Secrets (film)", + "text": "his friends' letters, and destroys a cake in order to prevent his return to school. The Dursleys lock Harry up, but Ron Weasley and his older twin brothers, Fred and George, rescue him in their father's flying car. While purchasing school supplies, Harry and the Weasley family encounter Rubeus Hagrid and Hermione Granger. They attend a book-signing by celebrity wizard Gilderoy Lockhart, who announces that he will be the new Defence Against the Dark Arts teacher. During a small confrontation with Draco Malfoy, Harry meets Malfoy's father, Lucius, who discreetly slips a book into Ginny Weasley's belongings, which only Harry", + "score": 0.63037109375 + }, + { + "id": "4276553", + "title": "MuggleNet", + "text": "epilogue of \"Harry Potter and the Deathly Hallows\". The event began with panels of actors from the \"Potter\" films. Special guests included Chris Rankin (Percy Weasley), Christian Coulson (Tom Marvolo Riddle), Luke Youngblood (Lee Jordan), Sean Biggerstaff (Oliver Wood), Ellie Darcey-Alden (young Lily Evans), Rohan Gotobed (young Sirius Black), and Ryan Turner (Hugo Weasley). After the panels, attendees were invited to walk the streets of the Diagon Alley section of the theme park after hours. Guests could ride Harry Potter and the Escape from Gringotts and the Hogwarts Express, eat at the Leaky Cauldron, and freely interact with the actors", + "score": 0.63037109375 + }, + { + "id": "2375639", + "title": "Dumbledore's Army", + "text": "Colin in the film version of \"Chamber of Secrets\", and voiced the character in the \"Order of the Phoenix\" video game. Dennis never appeared in any of the films. In the \"Goblet of Fire\" and subsequent films, the roles of Colin and Dennis were morphed into a second-year character named Nigel Wolpert, portrayed by William Melling. Seamus Finnigan is an Irish Gryffindor student in Harry's year who is described as having sandy hair. His mother is a witch and his father a Muggle, who only found out his wife's secret after their marriage. His best friend is Dean Thomas, who", + "score": 0.62939453125 + }, + { + "id": "12415347", + "title": "Ron Weasley", + "text": "the Malfoys. All of the Weasleys have been sorted into Gryffindor House at Hogwarts. All of the Weasley children, except Bill and Percy who both were Head Boy, are known to have played on the Gryffindor Quidditch team, with Charlie being the captain of the team for at least one of his school years. Bill, Charlie, and Ron were also chosen as the prefect of their House. The Weasleys also all work for the Order of the Phoenix, and all are members except for Ron, Percy, and Ginny, who (as of the end of \"Harry Potter and the Deathly Hallows\")", + "score": 0.62841796875 + }, + { + "id": "10069436", + "title": "Luke Treadaway", + "text": "Ivan in \"The Firebird\". He was also in the ensemble for a production of \"Murder in the Cathedral\". While still at drama school, he and his twin brother recorded roles in their first feature film: \"Brothers of the Head\", in which they played conjoined twins. Luke played Barry Howe, the band's singer, and his brother Harry played Tom Howe, the guitarist and songwriter. During rehearsals and throughout the shoot, Luke and Harry were connected to each other for fifteen hours a day, wearing sewn-together wet suits or a harness. They also slept in one bed to simulate the conjoined nature", + "score": 0.6279296875 + }, + { + "id": "9987989", + "title": "James Gillan (actor)", + "text": "Performance\" in a Musical of 1996 for his role in Tommy. Other Nominations include A TMA for best performance in a musical with the other company members of Stephen Sondheim's \"Assassins\" (Sheffield Crucible) playing John Hinkley. James is the brother of George Paterson of the Scottish rock group DMP. In 2008, he recorded a song for the CD \"Act One - Songs From The Musicals Of Alexander S. Bermange\", an album of 20 brand new recordings by 26 West End stars. The CD was released in November 2008 on Dress Circle Records. From November 2008 through January 2009, Gillan returned", + "score": 0.62744140625 + }, + { + "id": "12295726", + "title": "Hero Fiennes-Tiffin", + "text": "as the main role Hardin Scott in the movie \"After\". Hero Fiennes-Tiffin Hero Beauregard Fiennes Tiffin (born 6 November 1997) is an English actor and model best known for his role as the 11-year-old Tom Riddle, the young version of antagonist Lord Voldemort (played in the films by his uncle, Ralph Fiennes), in \"Harry Potter and the Half Blood Prince\", the sixth installment of the \"Harry Potter\" films. He also played the role of \"younger Charlie\" in the war based film \"Private Peaceful\". Hero will portray bad-boy heartthrob Hardin Scott in the upcoming movie \"After\", an adaptation of the novel", + "score": 0.626953125 + }, + { + "id": "15064561", + "title": "Special Education (Glee)", + "text": "Warblers on screen. The Beelzebubs had not yet met Criss at the time the episode aired. The scenes of the Warblers performance of \"Hey, Soul Sister\" were filmed in a theater over the course of two fifteen-hour days, according to Chris Mann, one of the actors: from the front on the first day, and from the back on the second. Cheyenne Jackson as Dustin Goolsby and John Stamos as Carl Howell were originally supposed to have scenes in this episode\u2014the Fox publicity included a photograph of a scene between Dustin and Will\u2014but Jackson's was cut entirely, and only a brief", + "score": 0.62646484375 + }, + { + "id": "15757916", + "title": "A Very Potter Sequel", + "text": "to go back in time to Harry Potter's first year at Hogwarts to destroy him before he becomes a bigger threat than he already is. The musical was performed May 14-16, 2010, on the University of Michigan campus. It was produced by StarKid Productions and directed by Matt Lang. The musical starred Darren Criss as Harry Potter, Joey Richter as Ron Weasley, Bonnie Gruesen as Hermione Granger, Lauren Lopez as Draco Malfoy, and Joe Walker as Dolores Umbridge. The video version of the musical premiered in its entirety at Infinitus, a Harry Potter convention. The video premiered on YouTube July", + "score": 0.62646484375 + }, + { + "id": "11345538", + "title": "Fun at the Funeral Parlour", + "text": "married to an unnamed woman but this does not stop him from being caught in the woods, his trousers down in an uncompromising position with a hunting decoy (1.2). Rival funeral directors The first set of rival funeral directors in the town are the Bennet brothers (played by James Duke and David Sibley), a set of once conjoined siamese twins who were \"joined at the satchels\". They are the joint father of their daughter, Sian played by Wendy Wason who becomes a love interest to both Arwell and Percy in the two shows that she appears in. Although the family", + "score": 0.6259765625 + }, + { + "id": "10898289", + "title": "Lewis MacLeod (actor)", + "text": "Wars Prequel Trilogy and \"Lego Star Wars: The Video Game\". He also voiced Draco Malfoy, Albus Dumbledore, Fred Weasley and George Weasley in various \"Harry Potter\" video games, including \"Philosopher's Stone\", \"Chamber of Secrets\", \"Prisoner of Azkaban\", \"Goblet of Fire\", and \"Order of the Phoenix\". He is also a mimic, with a voice range including Bill Clinton, Barack Obama, Christopher Walken, Gordon Brown, Boris Johnson and George Galloway. Since 2014, he has voiced various characters in \"Dead Ringers\", numerous celebrities in ITV's \"Newzoids\" and various animals in CBBC's \"The Zoo\". In the simulation game \"Planet Coaster\", he voices the entertainer", + "score": 0.6259765625 + }, + { + "id": "9691176", + "title": "Kevin Walker (Brothers & Sisters)", + "text": "Kevin Walker (Brothers & Sisters) Kevin Herbert Walker is a fictional character in the ABC television series \"Brothers & Sisters\". He is portrayed by the Welsh actor Matthew Rhys. In a two-part 2010 episode, the actor Kasey Campbell played a teenage Kevin in flashback sequences set in 1986. Rhys is the second actor to appear in all the episodes of the series. His relationship with Scotty Wandell was included in \"TV Guide\"s list of the best TV couples of all time. Kevin, born April 18, 1972, was the fourth child of William and Nora Walker (the siblings are, in birth", + "score": 0.62548828125 + }, + { + "id": "18557886", + "title": "Weirdos Comedy Club", + "text": "Cassandra's Grave, Andy Barr as Himself and Christian Brighty as The Nag's Head. Unofficial Harry Potter Sequels - In 2015, Weirdos Comedy Club co-produced with Laugh Out London a series of live unofficial, spoof Harry Potter sequels, which became some of the best-selling performances the two groups had ever staged and eventually transferred to a sold-out performance in the main space of the Leicester Square Theatre. These shows were again Critic's Choice in publications including TimeOut. Full Cast - Adam Larter (Harry Potter); Eleanor Morton (Ginny Weasley/Molly Weasley); Matt Tedford (Ron Weasley/Luna Lovegood); Marny Godden (Hermione Granger/Uncle Albert); Jon Brittain", + "score": 0.625 + }, + { + "id": "3381611", + "title": "Will Theakston", + "text": "more minor character who is the friend of the princess in the series. This programme was loosely based on the stories of King Arthur. Will Theakston William Theakston (born 4 October 1984) is an English actor who appeared in the first Harry Potter film. He played the role of the Slytherin Quidditch Seeker Terence Higgs. He attended Latymer Upper School. He has also appeared in two children's TV series: CBBC's The Ghost Hunter and CITV's \"\". In Ghost Hunter he played the character of Roddy, one of the main characters. Roddy and his sister Tessa make friends with the ghost", + "score": 0.62451171875 + }, + { + "id": "3797373", + "title": "Mark Williams (actor)", + "text": "in Lewes, he also supports Brighton & Hove Albion. Interviewed in 2014 by the \"Lancashire Evening Post\", when asked if some people still saw him as a comedy actor, Williams replied, \"Well, it\u2019s only a few people in the BBC. In America, they see me as a major British character actor, but unfortunately, the BBC is pretty parochial and people are institutionalised here.\" Williams is married to Dianne and the couple have one child. Mark Williams (actor) Mark Williams (born 22 August 1959) is an English actor, screenwriter and presenter. He is best known as Arthur Weasley in the \"Harry", + "score": 0.62451171875 + }, + { + "id": "1470066", + "title": "Ralph Fiennes", + "text": "Fiennes. He is the eldest of six children. His siblings are actor Joseph Fiennes; Martha Fiennes, a director (in her film \"Onegin\", he played the title role); Magnus Fiennes, a composer; Sophie Fiennes, a filmmaker; and Jacob Fiennes, a conservationist. His foster brother, Michael Emery, is an archaeologist. His nephew Hero Fiennes-Tiffin played Tom Riddle, young Lord Voldemort, in \"Harry Potter and the Half-Blood Prince\". The Fiennes family moved to Ireland in 1973, living in West Cork and County Kilkenny for some years. Fiennes was educated at St Kieran's College for one year, followed by Newtown School, a Quaker independent", + "score": 0.62451171875 + }, + { + "id": "7758712", + "title": "Guy Johnston", + "text": "Harpenden. He has two brothers, Magnus and Rupert, and they have a younger sister Brittany \"Izzy\". All three brothers were choristers at King's College Chapel, Cambridge and educated at its affiliated school. Magnus has enjoyed a successful career as a violinist and chamber musician and is married to Dutch violinist Marije Ploemacher. Izzy was a member of the electronic string quartet Escala and is married to McFly drummer Harry Judd. Rupert, who plays the French horn, sustained a serious brain injury in a car accident in 1997, as an eighteen-year-old student at Guildhall. As a result, Johnston, his siblings and", + "score": 0.6240234375 + }, + { + "id": "13471639", + "title": "Allan Hyde", + "text": "also a singer. He sang on one track of the Danish version of the soundtrack \"Camp Rock\". Hyde also sings the love song in the film \"Far Til Fire\" (Du Ved Det Godt). Hyde will also provide a new song for the new \"Far Til Fire\" film that comes out the Autumn of 2015. He provided the voice dubbing for Ron Weasley in all the Danish releases of the \"Harry Potter\" films. He is the voice of many cartoon characters on Danish television and dubs voices many characters in American films in Danish. Hyde currently lives in Denmark after his", + "score": 0.6240234375 + }, + { + "id": "20200540", + "title": "Joshua Colley", + "text": "Joshua Colley Joshua Colley is an American musical theatre actor. Colley was born on January 20, 2002, to Brad and Robbie Lynn Colley. His parents own a business called Play 'N Around Theatre Company that performs educational musicals at local schools and community centers. Colley has a twin brother, Cameron, who is also an actor; he played Young Charlie in the musical Kinky Boots on Broadway. Colley was raised in Trinity, Florida. In January 2014, it was announced that Colley would play the role of Gavroche in the Broadway revival of \"Les Miserables\", alternating in that role with Gaten Matarazzo.", + "score": 0.6240234375 + }, + { + "id": "11870333", + "title": "Harry Potter and the Half-Blood Prince (video game)", + "text": "lent their voices (some for the first time) to their characters in game. Among these, Bonnie Wright played Ginny Weasley, Warwick Davis played Professor Flitwick, and Tom Felton played Draco Malfoy. In \"Harry Potter and the Half-Blood Prince\", Dumbledore prepares Harry for the final battle that he knows is fast approaching as Voldemort is tightening his grip on both the Muggle and wizarding worlds. Together they work to find the key to unlock Voldemort's defences, and to this end, Dumbledore recruits his old friend and colleague, the well-connected and unsuspecting bon vivant Professor Horace Slughorn, whom he believes holds crucial", + "score": 0.62353515625 + }, + { + "id": "9987988", + "title": "James Gillan (actor)", + "text": "James Gillan (actor) James Gillan (born James Gillan Paterson) is a Scottish stage actor born in Glasgow, and trained at The Arts Educational Schools in London. His most notable roles include Rusty in \"Starlight Express\" (London/UK tour), the title role in \"Pippin \" (the Bridewell theatre), the title role in the Royal Festival Hall's \"Peter Pan, or the Boy Who Wouldn't Grow Up\", Marilyn in \"Taboo\" (UK tour), Pinball lad and u/s Tommy in \"Tommy\" and Boq in \"Wicked\" (original London cast, September 2006 through June 2008). Gillan was nominated for a 1997 Laurence Olivier Theatre Award for \"Best Supporting", + "score": 0.62353515625 + }, + { + "id": "15648859", + "title": "Harry Potter and the Deathly Hallows \u2013 Part 2", + "text": "him. After the battle, Harry explains to Ron and Hermione that the Elder Wand recognised him as its true master after he disarmed Draco, who had earlier disarmed its previous owner, Dumbledore. Harry destroys the Elder Wand rather than claim it. Nineteen years later, Harry, Ginny Weasley, Ron, Hermione, and Draco proudly watch their own children leave for Hogwarts at King's Cross station. The roles of several minor characters were recast or replaced for this film. For example, Ciar\u00e1n Hinds assumed the role of Aberforth Dumbledore, Albus Dumbledore's brother and bartender of the Hog's Head inn. In the book, a", + "score": 0.62353515625 + }, + { + "id": "14673615", + "title": "Gregg Chillin", + "text": "Wainwright. Chillin is notable for his appearance as Owen in the first series of BBC Three's \"Being Human\", and for his role of Manuel in the 2010 British movie \"4.3.2.1\" directed by Noel Clarke. Chillin has appeared in many television shows such as BBC One's \"Inside Men\", \"Waking the Dead\" and \"Zen\" playing the character of Pepe Spadola alongside Rufus Sewell. He provided the voice of Ron Weasley in several of the Harry Potter Video Games. Chillin made his stage debut at the Royal National Theatre playing Mark in Dennis Kelly's \"DNA\" in 2008. Gregg Chillin Gregg Chillin (born 18", + "score": 0.623046875 + }, + { + "id": "4330725", + "title": "Freddie Highmore", + "text": "American twins Simon and Jared Grace, alongside Sarah Bolger as their sister Mallory, in the fantasy adventure film \"The Spiderwick Chronicles\" (2008), based on the popular children's stories of the same name by Tony DiTerlizzi. The film also had a video game, \"The Spiderwick Chronicles\", in which Highmore reprised the characters of Simon and Jared in a voice role. That same year, he provided voice acting for the role of Little Jack in the animated film \"A Fox's Tale\" (2008). In 2009, Highmore voiced the lead character in the animated film \"Astro Boy\", and provided his voice to its accompanying", + "score": 0.623046875 + }, + { + "id": "5621152", + "title": "Josh Herdman", + "text": "Josh Herdman Joshua Colin M. Herdman (born 26 March 1987) is an English actor and mixed martial artist, best known for playing Gregory Goyle in the \"Harry Potter\" film series. Herdman was born in Hampton, London. The son of actor and former professional rugby league footballer Martin Herdman and Jessica Herdman, the youngest of the four brothers. He was educated at Orleans Park School. Herdman started acting when he was about 7 years old; his father found him an agent. At age 13, he was cast as Gregory Goyle, a sidekick of villain Draco Malfoy, in \"Harry Potter and the", + "score": 0.62255859375 + }, + { + "id": "8939819", + "title": "Didn't You Kill My Brother?", + "text": "Didn't You Kill My Brother? \"Didn't You Kill My Brother?\" is an episode of \"The Comic Strip Presents...\", a British television comedy. \"Didn't You Kill My Brother\" premiered on Channel 4 on Saturday 19 March 1988 at 10:50P.M. CBS Records released the theme song, also titled \"Didn't You Kill My Brother?\" as a single in 1985. Alexei Sayle plays both Carl and Sterling Moss, gangster twins loosely modelled on the Kray twins. There are cameo appearances by reggae poet Benjamin Zephaniah and Beryl Reid, in the role of the mother of the twins. The episode features a running theme that", + "score": 0.62255859375 + }, + { + "id": "3096721", + "title": "Thomas Brodie-Sangster", + "text": "2006 with his mother, Tasha Bertram, \"to create opportunities in the film industry for new British talent; innovative writers, actors and directors.\" The company was dissolved in May 2013. Sangster plays bass guitar, and in January 2010 joined the band Winnet, in which his mother sings the vocals. Thomas Brodie-Sangster Thomas Brodie-Sangster (born 16 May 1990), also credited as Thomas Sangster, is an English actor and former child actor known for playing Sam in \"Love Actually\" (2003), Simon in \"Nanny McPhee\" (2005), Ferb in \"Phineas and Ferb\" (2007-2015), Jojen Reed in \"Game of Thrones\" (2013-2014) and Newt in the \"Maze", + "score": 0.6220703125 + }, + { + "id": "7428642", + "title": "Pugsley Addams", + "text": "as \"Feioso\" (Ugly). The 1998 series \"The New Addams Family\" features Pugsley played by Vancouver native Brody Smith. He is essentially the same as the original 1960s incarnation; however the influence of director John Bell's namesake Charlie 'Edge' Bell is undeniable. Also, he is portrayed as the younger sibling, as opposed to Wednesday. In the film \"The Addams Family\" and its sequel, \"Addams Family Values\", Pugsley is played by Jimmy Workman. He acts as an unwitting accomplice to his (older?) sister, Wednesday, who makes attempts to inflict lethal harm upon him - although he has returned the favor on occasion.", + "score": 0.6220703125 + }, + { + "id": "9392729", + "title": "Camilla and Rebecca Rosso", + "text": "Camilla and Rebecca Rosso Camilla \"Milly\" Rosso and Rebecca \"Becky\" Rosso (born 6 July 1994) are British twin actresses and singers from London. They are best known for their roles as Janice (Milly) and Jessica (Becky) Ellis on \"The Suite Life of Zack & Cody\", and for their roles as Annabelle \"Annie\" (Milly) and Isabelle \"Izzy\" (Becky) Woods in \"Legally Blondes\" (2009). Milly is a minute younger than Becky. They have three other sisters, Bianca, Georgina, and Lola. Milly and Becky were discovered when they were picked out of the audience by one of the executive producers of \"The Suite", + "score": 0.6220703125 + }, + { + "id": "12272513", + "title": "Diary of a Wimpy Kid (book series)", + "text": "on March 19, 2010, moved up from an April 2 release date. It was directed by Thor Freudenthal, who also directed \"Hotel for Dogs\". The film starred Zachary Gordon as Greg, Robert Capron as Rowley (Greg's best friend), Steve Zahn as Frank (Greg's father), Rachael Harris as Susan (Greg's mother), Devon Bostick as Rodrick (Greg's older brother), Connor and Owen Fielding as Manny (Greg's younger brother), Chlo\u00eb Grace Moretz as a new character named Angie, and Grayson Russell as Fregley. There is a second film in the \"Diary of a Wimpy Kid\" film series that was released on March 25,", + "score": 0.6220703125 + }, + { + "id": "16396905", + "title": "Nachiket Dighe", + "text": "UTV Software Communications for Hungama TV where he was hired to play the role of the main protagonist, Ash Ketchum (Satoshi) in that dub. He is the official Hindi voice-dubbing over artist for Rupert Grint's role as Ron Weasley, in the \"Harry Potter\" film series, second film onwards after it was passed from an Indian voice actress by the name of Rupali Surve Shivar who voiced him in the first movie. He performed along with his colleagues, Karan Trivedi (second film till the fifth film later replaced by Rajesh Kava) voicing Harry Potter, and Rajshree Nath (Later replaced by Parignya", + "score": 0.6220703125 + }, + { + "id": "2266866", + "title": "Bedknobs and Broomsticks", + "text": "learn that Lansbury had been cast. Although Peter Ustinov was considered, Ron Moody was originally slated as Emelius Brown, but he refused to star in the film unless he received top billing which the studio would not allow. He was ultimately replaced with David Tomlinson. The three Rawlins children\u2014Charlie, Carrie and Paul\u2014were played by Ian Weighill, Cindy O'Callaghan, and Roy Snart respectively. Weighill had previously dropped out of school and began his acting career in an uncredited role as a schoolboy in \"David Copperfield\" (1969). He auditioned before Disney talent scouts for one of the child roles in \"Bedknobs and", + "score": 0.62158203125 + } + ], + "answer": "The Weasely family is a family of wizards including Molly and Arthur Weasely as well as their seven children. Richard Fish appeared as Bill briefly in the film adaptation of Harry Potter and the Prisoner of Azkaban. Domhnall Gleeson, the son of actor Brendan Gleeson (Alastor Moody in the series), played Bill Weasley in Harry Potter and the Deathly Hallows. Chris Rankin played Percy Weasely and Fred and George Weasely were played by identical twins James Phelps and Oliver Phelps. Rupert Grint played Ron Weasely." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "How many state parks are there in virginia in 1936?", + "short_answers": [ + "six" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "How many state parks are there in virginia in 2016?", + "short_answers": [ + "38" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "How many state parks were there when the state park system formed in Virginia?", + "short_answers": [ + "6" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "How many state parks were there in Virginia as of 2016?", + "short_answers": [ + "38" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "List of Virginia state parks", + "url": "https://en.wikipedia.org/wiki/List%20of%20Virginia%20state%20parks" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Virginia opened its entire state park system on June 15, 1936 as a six-park system. ", + "wikipage": "List of Virginia state parks" + } + ], + "long_answer": "When the Virginia state park system was formed on June 15, 1936, there were only six state parks in the entire state. As of 2016, that number had gone up to 38 state parks. " + }, + { + "knowledge": [ + { + "content": "Natural Bridge State Park officially opened on September 24, 2016.", + "wikipage": "Natural Bridge (Virginia) Natural Bridge State Park" + }, + { + "content": "Virginia opened its entire state park system on June 15, 1936 as a six-park system. The six original state parks were Seashore State Park (now First Landing State Park), Westmoreland State Park, Staunton River State Park, Douthat State Park, Fairy Stone State Park, and Hungry Mother State Park. The park system now oversees 43 parks.", + "wikipage": "List of Virginia state parks" + } + ], + "long_answer": "Virginia opened its entire state park system on June 15, 1936 as a six-park system. The six original state parks were Seashore State Park, now First Landing State Park, Westmoreland State Park, Staunton River State Park, Douthat State Park, Fairy Stone State Park, and Hungry Mother State Park. Natural Bridge State Park officially opened on September 24, 2016, making this 38 parks in VA. Today, the park system now oversees 43 parks." + } + ], + "sample_id": "1650309494326541834", + "question": "How many state parks are there in virginia?", + "docs": [ + { + "id": "444081", + "title": "Virginia", + "text": "crabs, clams, oysters, and rockfish (also known as striped bass). Virginia has 30 National Park Service units, such as Great Falls Park and the Appalachian Trail, and one national park, the Shenandoah National Park. Shenandoah was established in 1935 and encompasses the scenic Skyline Drive. Almost 40% of the park's area () has been designated as wilderness under the National Wilderness Preservation System. Additionally, there are 34 Virginia state parks and 17 state forests, run by the Department of Conservation and Recreation and the Department of Forestry. The Chesapeake Bay, while not a national park, is protected by both state", + "score": 0.80029296875, + "summary": "There are 34 Virginia state parks.", + "extraction": "There are 34 Virginia state parks." + }, + { + "id": "14712488", + "title": "Environment of Virginia", + "text": "the park's area (79,579 acres/322 km) has been designated as wilderness under the National Wilderness Preservation System. Parkways, such as the George Washington Memorial Parkway and the Blue Ridge Parkway, which encompasses the scenic Skyline Drive, are among the most visited national park service sites nationwide. Additionally, there are 34 Virginia state parks and 17 state forests, run by the Department of Conservation and Recreation and the Department of Forestry. The Chesapeake Bay, while not a national park, is protected by both state and federal legislation, and the jointly run Chesapeake Bay Program which conducts restoration on the bay and", + "score": 0.7822265625, + "summary": "There are 34 Virginia state parks.", + "extraction": "There are 34 Virginia state parks." + }, + { + "id": "12057783", + "title": "Virginia Department of Conservation and Recreation", + "text": "Battlefield Park after being given to the National Park Service because during the Great Depression the Commonwealth lacked funds to develop and maintain those lands and structures. Carson also created a Division of History and Archaeology within the State Commission of Conservation and Development and started a historical marker program. Virginia's first six state parks were created in June 1936 despite the opposition of Virginia's Senators Carter Glass and Harry F. Byrd to many other aspects of President Franklin Delano Roosevelt's administration. The first state parks were: Westmoreland State Park, Seashore State Park (which later became First Landing State Park),", + "score": 0.76513671875, + "summary": "Virginia's first six state parks were created in June 1936, including Westmoreland State Park and Seashore State Park (later First Landing State Park).", + "extraction": "Virginia's first six state parks were created in June 1936." + }, + { + "id": "12057784", + "title": "Virginia Department of Conservation and Recreation", + "text": "Fairy Stone State Park, Staunton River State Park, Douthat State Park and Hungry Mother State Park. In these and other projects, the CCC employed 107,210 in Virginia at one time or another, including 64,762 young Virginians who planted 15.2 million trees, built 986 bridges, reduced fire hazards over 152,000 acres, strung 2,128 miles of telephone line and stocked 1.3 million fish. Virginia received the fifth largest state expenditure in the country, totaling $109 million during the agency's nine-year existence. The agency's name changed in 1938 to the Virginia Conservation Commission, which was led by N. Clarence Smith (1939-1942), and William", + "score": 0.72216796875, + "summary": "irrelevant", + "extraction": "There are four state parks in Virginia: Fairy Stone State Park, Staunton River State Park, Douthat State Park, and Hungry Mother State Park." + }, + { + "id": "4826113", + "title": "Washington State Park System", + "text": "Washington State Park System The Washington State Park System is a set of state parks owned by the state government of Washington, USA. They are managed by the Washington State Parks and Recreation Commission. As of 2012, the parks are primarily funded through usage fees. There are over 100 parks throughout the state, including 19 marine parks and 11 Historical Parks. The park system was established in 1913 by the creation of the Washington State Board of Park Commissioners. The first two parks were formed from donated land in 1915, and by 1929 the state had seven parks. In 1947", + "score": 0.716796875, + "summary": "Irrelevant.", + "extraction": "There are over 100 parks throughout the state." + }, + { + "id": "6768377", + "title": "National Register of Historic Places listings in Virginia", + "text": "National Register of Historic Places listings in Virginia Buildings, sites, districts, and objects in Virginia listed on the National Register of Historic Places: As of , there are 3,027 properties and districts listed on the National Register of Historic Places in all 95 Virginia counties and 37 of the 38 independent cities, including 120 National Historic Landmarks and National Historic Landmark Districts, four National Historical Parks, two National Monuments, two National Battlefield Parks, one National Memorial, one National Battlefield and one National Military Park. The following are approximate tallies of current listings by county and independent city. These counts are", + "score": 0.7080078125, + "summary": "Irrelevant.", + "extraction": "As of , there are 3,027 properties and districts listed on the National Register of Historic Places in all 95 Virginia counties and 37 of the 38 independent cities. However, this passage does not provide information on the number of state parks in Virginia, so the answer is \"irrelevant\"." + }, + { + "id": "5566237", + "title": "NOVA Parks", + "text": "different layout and is Audubon International certified. The regional parks and other features administered by NOVA Parks include: NOVA Parks NOVA Parks (formerly named Northern Virginia Regional Park Authority) is an inter-jurisdictional organization that owns and operates more than 10,000 acres of woodlands, streams, parks, trails, nature reserves, countryside and historic sites in Northern Virginia in the United States. The Authority was organized in 1959. NOVA Parks presently operates 33 regional parks. A 12-member policy-making Board governs NOVA Parks. The city council or county board of each member jurisdiction appoints two representatives to the Board. Three counties (Arlington, Fairfax, and", + "score": 0.7001953125, + "summary": "There are 33 regional parks operated by NOVA Parks in Northern Virginia, but the document does not provide information on the number of state parks in Virginia.", + "extraction": "NOVA Parks presently operates 33 regional parks." + }, + { + "id": "12057782", + "title": "Virginia Department of Conservation and Recreation", + "text": "reorganization that became effective in late December 1934 and authorized a full-time state employee to head the agency. Carson consolidated what under his successor Wilbur C. Hall (1935-1939), became Shenandoah National Park, as well as coordinated with the federal Department of the Interior and Civilian Conservation Corps (CCC), which created a $5 million system of state parks (in exchange for Virginia appropriations of $100,000 which some called \"the biggest bargain of the New Deal\"). Also during Carson's chairmanship, Governor John Garland Pollard in 1932 accepted several land parcels in and surrounding Richmond, Virginia, which in March 1936 became Richmond National", + "score": 0.7001953125, + "summary": "The document is irrelevant to the question as it does not provide information on the number of state parks in Virginia.", + "extraction": "There is a $5 million system of state parks in Virginia created by the Civilian Conservation Corps (CCC). However, the passage does not provide the exact number of state parks in Virginia." + }, + { + "id": "5566231", + "title": "NOVA Parks", + "text": "NOVA Parks NOVA Parks (formerly named Northern Virginia Regional Park Authority) is an inter-jurisdictional organization that owns and operates more than 10,000 acres of woodlands, streams, parks, trails, nature reserves, countryside and historic sites in Northern Virginia in the United States. The Authority was organized in 1959. NOVA Parks presently operates 33 regional parks. A 12-member policy-making Board governs NOVA Parks. The city council or county board of each member jurisdiction appoints two representatives to the Board. Three counties (Arlington, Fairfax, and Loudoun) and three cities (Alexandria, Falls Church and Fairfax) currently have representation on the Board. NOVA Parks was", + "score": 0.69677734375, + "summary": "NOVA Parks operates 33 regional parks in Northern Virginia, but the document does not provide information about the number of state parks in Virginia.", + "extraction": "NOVA Parks presently operates 33 regional parks." + }, + { + "id": "10941028", + "title": "Westmoreland State Park", + "text": "Westmoreland State Park Westmoreland State Park lies within Westmoreland County, Virginia. The park extends about one and a half miles along the Potomac River. The park covers 1,321 acres. The park's Horsehead Cliffs provide visitors with a panoramic view of the Potomac River. The park offers hiking, camping, cabins, fishing, boating and swimming. Westmoreland State Park is one of the six original state parks opened in June 1936. The park was built in the 1930s by the Civilian Conservation Corps (CCC). Most of the roads and trails found in the park were originally dug by hand. Located on the Northern", + "score": 0.6943359375, + "summary": "Westmoreland State Park is one of the six original state parks in Virginia, opened in June 1936. However, the document does not state the total number of state parks in Virginia.", + "extraction": "There is no useful span to extract from the passage as it does not provide information on the number of state parks in Virginia." + }, + { + "id": "910456", + "title": "Virginia Beach, Virginia", + "text": "each year on Labor Day weekend in conjunction with the American Music Festival. It is one of the largest Half Marathons in the world. The final are on the boardwalk. In 2012, Virginia Beach was one of several cities trying to lure the Sacramento Kings to play there. Virginia Beach is home to 210 city parks, encompassing over , including neighborhood parks, community parks, district parks, and other open spaces. Each park is unique and offers something for everyone, from wide open spaces to playgrounds, picnic shelters, and ballfields. Mount Trashmore Park is clearly visible from I-264 when traveling to", + "score": 0.69384765625, + "summary": "There are 210 city parks in Virginia Beach, Virginia, but the document is irrelevant to the question of how many state parks there are in Virginia.", + "extraction": "Virginia Beach is home to 210 city parks, encompassing over, including neighborhood parks, community parks, district parks, and other open spaces." + }, + { + "id": "10941030", + "title": "Westmoreland State Park", + "text": "Register of Historic Places in 2005, as a national historic district. The property has 32 contributing buildings, 6 contributing sites, and 16 contributing structures. Westmoreland State Park has 26 cabins available for renting. These range from one-room efficiency log cabins to two-bedroom log or cinderblock cabins. The park has 133 camping sites available for tents or recreational vehicles. Westmoreland State Park Westmoreland State Park lies within Westmoreland County, Virginia. The park extends about one and a half miles along the Potomac River. The park covers 1,321 acres. The park's Horsehead Cliffs provide visitors with a panoramic view of the Potomac", + "score": 0.69189453125, + "summary": "Irrelevant. The document provides information about Westmoreland State Park, but does not mention how many state parks there are in Virginia.", + "extraction": "There is no useful span in the passage that can answer the question \"How many state parks are there in Virginia?\" as the passage only provides information about Westmoreland State Park, but not the total number of state parks in Virginia. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "20478388", + "title": "Booker T. Washington State Park (West Virginia)", + "text": "The West Virginia Conservation Commission, Division of State Parks, had expanded to 13 state parks by 1945; however, West Virginia still restricted the access of African Americans to its state parks. In 1940 the NAACP contacted the Division of State Parks and inquired about the accessibility of African Americans to West Virginia state parks. The Division of State Parks responded by stating: \"Negro citizens would feel ill at ease\" at visiting state parks alongside white residents, and that the division was deliberating the construction of a state park for African Americans. By 1949 private citizens had donated of deciduous forest", + "score": 0.68798828125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "5566236", + "title": "NOVA Parks", + "text": "roughly 20-acre space features hiking trails and interpretive information, as well as a stone bridge that was constructed prior to the Civil War. NOVA Parks operates a total of five waterparks with differing sizes and features. These include Atlantis Waterpark at Bull Run Regional Park (Centreville), Great Waves Waterpark at Cameron Run Regional Park (Alexandria), Pirate\u2019s Cove Waterpark at Pohick Bay Regional Park (Lorton, VA), Ocean Dunes Waterpark at Upton Hill Regional Park (Arlington) and Volcano Island Waterpark at Algonkian Regional Park (Sterling, VA). NOVA Parks owns three 18-hole golf courses, including Algonkian, Brambleton and Pohick Bay. Each has a", + "score": 0.68701171875, + "summary": "NOVA Parks operates five waterparks and three golf courses in Virginia. There is no information about the number of state parks in the document.", + "extraction": "There are five waterparks operated by NOVA Parks, including Atlantis Waterpark, Great Waves Waterpark, Pirate's Cove Waterpark, Ocean Dunes Waterpark, and Volcano Island Waterpark. However, there is no information provided about the number of state parks in Virginia, so the answer is \"irrelevant\"." + }, + { + "id": "12690060", + "title": "Organization of the National Park Service", + "text": "The National Capital Region consists of 26 parks in the greater Washington D.C. area, including parts of Maryland, Virginia and West Virginia. The National Capital Region was revised by Director Kennedy on October 1, 1995 from the old National Capital Region. The older National Capital Region was established January 22, 1962, from the National Capital Parks, District of Columbia-Virginia-Maryland. The National Capital Parks became units of the National Park Service on August 10, 1933 when federal parks under a variety of federal agencies were consolidated under the National Park Service, Department of the Interior. The Pacific-West Region consists of parks", + "score": 0.68603515625, + "summary": "There is no relevant information on the number of state parks in Virginia in this document.", + "extraction": "irrelevant" + }, + { + "id": "12057781", + "title": "Virginia Department of Conservation and Recreation", + "text": "Virginia Department of Conservation and Recreation The Virginia Department of Conservation and Recreation is a department of the government of Virginia; it oversees all Virginia state parks and Natural Area Preserves. The Virginia State Commission of Conservation and Development was created in 1926 under Governor Harry F. Byrd to consolidate and coordinate several conservation agencies: the Water Power and Development Commission, the State Geological Commission, the State Geological Survey, Office of the State Geologist, Office of the State Forester, and the Division of Parks. William E. Carson (1870-1942) was the Commission's first (unpaid) chairman and served until resigning pending a", + "score": 0.6845703125, + "summary": "The Virginia Department of Conservation and Recreation oversees all Virginia state parks and Natural Area Preserves. However, the exact number of state parks in Virginia is not provided in this document.", + "extraction": "There are Virginia state parks overseen by the Virginia Department of Conservation and Recreation. However, the number of parks is not mentioned in the given passage, so the answer is \"irrelevant\"." + }, + { + "id": "2346006", + "title": "State park", + "text": "the designation of \"state park\" was Mackinac Island State Park in 1895, which was first a national park before being transferred to the state of Michigan. Many state park systems date to the 1930s, when around 800 state parks across the country were developed with assistance from federal job creation programs like the Civilian Conservation Corps and Works Progress Administration. State park State parks are parks or other protected areas managed at the sub-national level within those nations which use \"state\" as a political subdivision. State parks are typically established by a state to preserve a location on account of", + "score": 0.68310546875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "6110672", + "title": "First Landing State Park", + "text": "six contributing sites and 10 contributing structures. The park was the first planned state park of the Virginia State Park system. Its plan was designed and developed with extensive consultation of the National Park Service, which provided architectural drawings and plans, and which educated about traffic circulation and other aspects of already-designed U.S. national parks. The work of actually building roads and buildings and other structures and features of the park was accomplished by Civilian Conservation Corps workers, who were housed in three camps of 200 men each. First Landing State Park First Landing State Park (formerly Seashore State Park)", + "score": 0.68212890625, + "summary": "There is no information about the number of state parks in Virginia in this document. Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "9221569", + "title": "Victorian National Parks Association", + "text": "Victorian National Parks Association The Victorian National Parks Association (VNPA) is the prime supporter of nature conservation in the Australian state of Victoria. VNPA meets regularly with heads of government agencies and State Government ministers in order to promote and achieve various conservation goals. The Victorian National Parks Association was formed in 1952 when Victoria had 13 national parks and lacked any legislation governing these parks. As of 2007, Victoria had 52 national parks (including 13 marine national parks), 30 state parks, three wilderness parks, and 11 marine sanctuaries protected under the National Parks Act. The expansion of the state's", + "score": 0.68212890625, + "summary": "Irrelevant.", + "extraction": "30 state parks." + }, + { + "id": "4811126", + "title": "Fairfax County Park Authority", + "text": "2009. The authority officially classifies parks in its system as local parks, district parks, countywide parks or resource-based parks. Additionally, the authority uses the classification of regional parks for those parks and facilities administered by the Northern Virginia Regional Park Authority. In addition to numerous local parks, which are generally less than , the Park Authority also manages nine recreation centers (Cub Run, George Washington, Lee District, Mount Vernon, Oak Marr, Providence, South Run, Spring Hill, and Audrey Moore/Wakefield) in several of its district parks. The authority also owns seven golf courses (Oak Marr, Pinecrest, Jefferson, Burke Lake, Greendale, Laurel", + "score": 0.681640625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "9646195", + "title": "Douthat State Park", + "text": "Conservation Corps developed and constructed the majority of the modern-day park system between 1933 and 1942. Douthat State Park Douthat State Park is a state park located in the Allegheny Mountains in Virginia. It is in Bath County and Alleghany County. The park is total with a lake. Douthat State Park opened June 15, 1936. It was one of the original six state parks of Virginia. The Douthat Land Company, a group of businessmen, donated the first portion of land \u2014 . In 1933, the Virginia General Assembly allotted $50,000 for the purchase of land for state parks, and the", + "score": 0.6796875 + }, + { + "id": "12366321", + "title": "Shenandoah National Park", + "text": "they claimed. Creation of the park had immediate benefits to some Virginians. During the Great Depression, many young men received training and jobs through the Civilian Conservation Corps (CCC). The first CCC camp in Virginia was established in the George Washington National Forest near Luray, and Governor Pollard quickly filled his initial quota of 5,000 workers. About 1,000 men and boys worked on Skyline Drive, and about 100,000 worked in Virginia during the agency's existence. In Shenandoah Park, CCC crews removed many of the dead chestnut trees whose skeletons marred views in the new park, as well as constructed trails", + "score": 0.6796875 + }, + { + "id": "14712489", + "title": "Environment of Virginia", + "text": "its watershed. The Great Dismal Swamp National Wildlife Refuge extends into North Carolina. Several open-air museums and battlefields are located in the state, such as Colonial Williamsburg, Richmond National Battlefield, and Fredericksburg and Spotsylvania National Military Park. As of March 26, 2010, there were 31 Superfund sites in Virginia on the National Priorities List, as designated under the Comprehensive Environmental Response, Compensation, and Liability Act (CERCLA) environmental law. No additional sites are currently proposed for entry on the list. Four sites have been cleaned up and removed from the list. Environment of Virginia The natural environment of Virginia encompasses the", + "score": 0.67919921875 + }, + { + "id": "910464", + "title": "Virginia Beach, Virginia", + "text": "children and senior citizens. Virginia Beach's extensive park system is recognized as one of the best in the United States. In its 2013 ParkScore ranking, The Trust for Public Land reported that Virginia Beach had the 8th best park system among the 50 most populous U.S. cities. ParkScore ranks city park systems by a formula that analyzes the city's median park size, park acres as percent of city area, the percent of city residents within a half-mile of a park, spending of park services per resident, and the number of playgrounds per 10,000 residents. Virginia Beach was chartered as a", + "score": 0.67578125 + }, + { + "id": "8661457", + "title": "Black Moshannon State Park", + "text": "breeding season at Black Moshannon State Natural Area. Bird watchers have observed nesting barred owls in the IBA, as well as Virginia rail and sora. Twenty-one cabins can be used by visitors at Black Moshannon State Park. Thirteen are rustic cabins, built by the CCC, with electric lights, a kitchen stove and a wood-burning stove, refrigerator, and bunk beds. Six are modern cabins, including the former ski lodge, with electric heat, a bedroom, living room, kitchen, and bath. There are also two deluxe camping cottages with electric heat and similar amenities as the rustic cabins. All cabin renters need to", + "score": 0.67529296875 + }, + { + "id": "6110668", + "title": "First Landing State Park", + "text": "includes cabins, areas for camping, fishing, and swimming, a public beach, and over of trails for hiking and biking. Virginia's most popular state park, it's visited by over a million people each year. Its main entrance is located on Shore Drive across from the beach camping entrance. First Landing State Park charges a fee for its camping facilities and for the overnight use of its cabins. Originally built by the Civilian Conservation Corps in the 1930s, First Landing State Park is located on the Chesapeake Bay. The park, which is Virginia's most visited state park, is nestled in Virginia Beach.", + "score": 0.6748046875 + }, + { + "id": "19917691", + "title": "Virginia Wildlife Management Areas", + "text": "Virginia Wildlife Management Areas Virginia Wildlife Management Areas (WMAs) are state-managed protected areas that exist primarily for the benefit of wildlife. Within the Commonwealth of Virginia, 41 tracts of land have been protected as WMAs, covering a total of over . They are managed and maintained by the Virginia Department of Game and Inland Fisheries. WMAs in Virginia differ from other state-managed protected areas in that they are solely intended to preserve and improve wildlife habitat, with a particular focus on game animals, and to provide public space for hunting and fishing activities. Other protected areas in the state, such", + "score": 0.67431640625 + }, + { + "id": "12026999", + "title": "Staunton River State Park", + "text": "(1935-1936), pool area including the bath house and concession building, picnic areas including shelters and latrines (1933-1934, 1934-1935), the cabin area and cabins (1934-1936), campground (1940), and tennis courts (1937). Staunton River State Park Staunton River State Park is a state park in Virginia. One of the Commonwealth's original state parks, built by the Civilian Conservation Corps and opening in 1936, it is located along the Staunton River near Scottsburg, Virginia. It is an International Dark Sky Park. Construction of the park was begun (at the confluence of the Staunton and Dan Rivers) beginning in 1933; Buggs Island Lake was", + "score": 0.673828125 + }, + { + "id": "12026990", + "title": "Staunton River State Park", + "text": "Staunton River State Park Staunton River State Park is a state park in Virginia. One of the Commonwealth's original state parks, built by the Civilian Conservation Corps and opening in 1936, it is located along the Staunton River near Scottsburg, Virginia. It is an International Dark Sky Park. Construction of the park was begun (at the confluence of the Staunton and Dan Rivers) beginning in 1933; Buggs Island Lake was formed in the early 1950s. These two rivers form the Roanoke River basin, and the section of land starting at the park and continuing downstream beside the Roanoke River was", + "score": 0.67138671875 + }, + { + "id": "20493797", + "title": "Morgan Morgan Monument", + "text": "July 1, 1963, and June 30, 1964, the West Virginia Conservation Commission's Division of State Parks recorded the attendance of 1,500 visitors to the Morgan Morgan Monument, the lowest figure in the state park system. A 1964 NPS survey of West Virginia state park facilities noted that the Morgan Morgan Monument was a \"day and weekend use\" park whose only significant feature was its historical relevance. In 1966 the West Virginia Historic Commission erected two West Virginia highway markers within the park to the immediate south of the monument: one with a brief biography of Morgan and the other detailing", + "score": 0.67138671875 + }, + { + "id": "13855548", + "title": "Virginia Planning District Commissions", + "text": "state government and coordinates inter-PDC functions. Not all PDC's are members of the VAPDC. There are 21 PDCs in Virginia. In most cases, they are made up of elected officials and citizens appointed to the Commission by member local governments. The Commission selects an Executive Director responsible for managing daily operations. Commission offices are located generally in a central location within the region they serve as determined by the Commission charter. Meeting schedules vary, and meetings are open to the public. Virginia's PDCs provide a variety of technical and program services to member local governments. They include grant application assistance,", + "score": 0.669921875 + }, + { + "id": "444138", + "title": "Virginia", + "text": "Commonwealth, including three charter schools, and an additional 109 alternative and special education centers across 132 school divisions. Besides the general public schools in Virginia, there are Governor's Schools and selective magnet schools. The Governor's Schools are a collection of more than 40 regional high schools and summer programs intended for gifted students. The Virginia Council for Private Education oversees the regulation of 320 state accredited and 130 non-accredited private schools. An additional 24,682 students receive homeschooling. , there are 176 colleges and universities in Virginia. In the 2017 \"U.S. News & World Report\" ranking of national public universities, the", + "score": 0.6689453125 + }, + { + "id": "2346003", + "title": "State park", + "text": "maintained parks exist in other countries, but the terminology varies. State parks are thus similar to national parks, but under state rather than federal administration. Similarly, local government entities below state level may maintain parks, e.g., regional parks or county parks. In general, state parks are smaller than national parks, with a few exceptions such as the Adirondack Park in New York and Anza-Borrego Desert State Park in California. , there were 10,234 state park units in the United States, according to the National Association of State Park Directors (NASPD). There are some 739 million annual visits to the country's", + "score": 0.6689453125 + }, + { + "id": "4837493", + "title": "Florida State Parks", + "text": "an annual entrance pass that is valid at any of the parks. Camping is available in campsites in some of the parks. All reservations for park facilities are handled through the private corporation, ReserveAmerica. Florida State Parks provides an updated online guide to all parks. (See \"External links\".) Florida State Parks The Florida State Parks encompass the majority of the lands that fall under the authority of the Florida Department of Environmental Protection. There are 175 such locations, including nature reserves, recreation areas, and historic sites. New park lands are added as landowners make gifts of property to the state", + "score": 0.66845703125 + }, + { + "id": "9862982", + "title": "Recreational Demonstration Area", + "text": "The following is a list of the forty six former Recreational Demonstration Areas. There are five former Recreational Demonstration Areas in Pennsylvania, which became part of one unit of the National Park Service, and five state parks in 1945 and 1946. There are five former Recreational Demonstration Areas in Virginia, four of which are now part of the National Park Service. Two Recreational Demonstration Areas were built in Missouri and are now state parks. There are three former Recreational Demonstration Areas in Tennessee, all are now state parks. Recreational Demonstration Area The Recreational Demonstration Area program (also known as the", + "score": 0.66748046875 + }, + { + "id": "12026997", + "title": "Staunton River State Park", + "text": "bought of land from J. W. Johnson, his wife Mary C. Johnson, J. E. Johnson and his wife Elizabeth Johnson. Other land for the park was also purchased. From 1933 to 1935, a Civilian Conservation Corps (CCC) company was established at \"the fork\". Most of the buildings and facilities of the park were built by the CCC. In 1936, Staunton River State Park was opened to the public as one of the original six state parks. Covering , it provided recreation for the people of south-central Virginia. In 1952, with the completion of the John H. Kerr Dam and the", + "score": 0.6669921875 + }, + { + "id": "284934", + "title": "Nevada", + "text": "National Park Service, U.S. Forest Service, and Bureau of Land Management. The Nevada state parks comprise protected areas managed by the state of Nevada, including state parks, state historic sites, and state recreation areas. There are 24 state park units, including Van Sickle Bi-State Park which opened in July 2011 and is operated in partnership with the state of California. Resort areas like Las Vegas, Reno, Lake Tahoe, and Laughlin attract visitors from around the nation and world. In FY08 the total of 266 casinos with gaming revenue over $1m for the year, brought in revenue of $12 billion in", + "score": 0.66650390625 + }, + { + "id": "9221570", + "title": "Victorian National Parks Association", + "text": "parks has led to VNPA encouraging the state government and other private entities to provide additional funding for the conservation of these important areas. VPNA official website Victorian National Parks Association The Victorian National Parks Association (VNPA) is the prime supporter of nature conservation in the Australian state of Victoria. VNPA meets regularly with heads of government agencies and State Government ministers in order to promote and achieve various conservation goals. The Victorian National Parks Association was formed in 1952 when Victoria had 13 national parks and lacked any legislation governing these parks. As of 2007, Victoria had 52 national", + "score": 0.66455078125 + }, + { + "id": "12018239", + "title": "Pocahontas State Park", + "text": "Pocahontas State Park Pocahontas State Park is a state park located in Chesterfield, Virginia, United States, not far from the state capitol of Richmond. The park was laid out by the Civilian Conservation Corps along the Swift Creek, and at was, at its creation, Virginia's largest state park. The park is named after Chief Powhatan's daughter Pocahontas. The park is the site of the Civilian Conservation Corps Museum with exhibits about the work of the Civilian Conservation Corps in Virginia. Located in a building constructed by the CCC, the museum's exhibits include photographs, artifacts and personal mementos. There are many", + "score": 0.66357421875 + }, + { + "id": "4837491", + "title": "Florida State Parks", + "text": "Florida State Parks The Florida State Parks encompass the majority of the lands that fall under the authority of the Florida Department of Environmental Protection. There are 175 such locations, including nature reserves, recreation areas, and historic sites. New park lands are added as landowners make gifts of property to the state or localities choose to turn over control of their historic sites to the state. The state park system is divided into five administrative districts. The parks and other entities are serviced by a statewide system of park rangers. The state park system also hosts an AmeriCorps chapter, called", + "score": 0.6630859375 + }, + { + "id": "7954456", + "title": "Watoga State Park", + "text": "State Park Historic District is a national historic district encompassing 59 contributing buildings, 35 contributing structures, 2 contributing sites, and 11 contributing objects. They include water fountains; trails; a swimming pool; a reservoir; rental cabins; and picnic shelters; as well as a former CCC camp. The park is the site of the Fred E. Brooks Memorial Arboretum, a 400-acre arboretum that encompasses the drainage of Two Mile Run. Named in honor of Fred E. Brooks, a noted West Virginia naturalist who died in 1933, the Arboretum's construction began about 1935 and a dedication was held in 1938. It was listed", + "score": 0.6630859375 + }, + { + "id": "8968451", + "title": "State highways serving Virginia state institutions", + "text": "that is maintained by the Virginia Department of Transportation. The southern terminus for this road is SR 57. It was added to the state highway system in 1940. State Route 347 is the designation for Westmoreland State Park Road in Westmoreland State Park, Westmoreland County that is maintained by the Virginia Department of Transportation. The southern terminus for this road is SR 3. It was added to the state highway system in 1940. State Route 348 is the designation for Hungry Mother Drive in Hungry Mother State Park in Smyth County that is maintained by the Virginia Department of Transportation.", + "score": 0.6630859375 + }, + { + "id": "18152798", + "title": "James River Park System", + "text": "conservation easement, in general, restricts all future development in each parcel, although it does allow for regular maintenance and replacement in kind by the City of Richmond\u2019s Department of Parks, Recreation, and Community Facilities The number of sections of the park have expanded over time. Some sources say there are currently 19 sections. From west to east, sections include the following areas: James River Park System The James River Parks System (also known as James River Park or simply JRPS) is a municipal park in Richmond, Virginia. It consists of multiple sections along the James River between the Huguenot Memorial", + "score": 0.662109375 + }, + { + "id": "8378608", + "title": "Vogel State Park", + "text": "normal storage is . It drains an area of . Vogel State Park hosts a variety of outdoor activities, including camping, hiking, backpacking, boating, fishing and swimming. The park includes 103 tent, trailer and RV sites for camping, 18 walk-in campsites, and 35 cottages. About 95 of the camping sites contain electrical hookups and water. Also on site are four picnic shelters and a group camping facility, a pioneer campground, backwoods primitive campground areas and hot showers. The centerpiece of the park is Lake Trahlyta. The lake has a swimming beach and boat launch for non-motorized watercraft, and offers seasonal", + "score": 0.662109375 + }, + { + "id": "3354808", + "title": "John Garland Pollard", + "text": "in the George Washington National Forest near Luray. Pollard had also accepted gifts to create the state's first park, Richmond Battlefield Park in 1932, but since Virginia lacked funds to develop it, it was turned over to the National Park Service in March 1936. However, Senator Glass soon criticized the New Deal, and the new Senator Byrd had some early defeats, particularly as he opposed Roosevelt's repeal of Prohibition in early 1933. Moreover, Virginia's tax revenues were much lower than expected, so as May 1933 ended Gov. Pollard announced another 5% salary cut for state employees and proposed a 30%", + "score": 0.662109375 + }, + { + "id": "6110667", + "title": "First Landing State Park", + "text": "First Landing State Park First Landing State Park (formerly Seashore State Park) offers recreational opportunities at Cape Henry in the independent city of Virginia Beach, Virginia. As the first planned state park of Virginia, First Landing is listed on the National Register of Historic Places as Seashore State Park Historic District. A portion of the park is listed as a National Natural Landmark as part of the Seashore Natural Area. The state park is near the site of the first landing on April 26, 1607 of Christopher Newport and the Virginia Company colonists before establishing themselves at Jamestown. The park", + "score": 0.66162109375 + }, + { + "id": "6768482", + "title": "National Register of Historic Places listings in the United States Virgin Islands", + "text": "National Register of Historic Places listings in the United States Virgin Islands This is a list of the buildings, sites, districts, and objects listed on the National Register of Historic Places in the United States Virgin Islands. There are currently 87 listed sites spread across 16 of the 20 subdistricts within three islands/districts of the United States Virgin Islands. Four sites are additionally designated National Historic Landmarks and two others as National Historic Sites. The following are approximate tallies of current listings in the United States Virgin Islands on the National Register of Historic Places. These counts are based on", + "score": 0.6611328125 + }, + { + "id": "9646194", + "title": "Douthat State Park", + "text": "Douthat State Park Douthat State Park is a state park located in the Allegheny Mountains in Virginia. It is in Bath County and Alleghany County. The park is total with a lake. Douthat State Park opened June 15, 1936. It was one of the original six state parks of Virginia. The Douthat Land Company, a group of businessmen, donated the first portion of land \u2014 . In 1933, the Virginia General Assembly allotted $50,000 for the purchase of land for state parks, and the remainder of the present-day park was purchased with this money. Approximately 600 men from the Civilian", + "score": 0.66064453125 + }, + { + "id": "9481071", + "title": "Explore Park", + "text": "community and business leaders to create a recreational attraction as a hub for tourism in western Virginia. The Virginia General Assembly created the Virginia Recreational Facilities Authority (VRFA) in 1986 to further these ends, and VRFA worked in partnership with the River Foundation. The initial aim was to draw visitors driving on the Blue Ridge Parkway to the Roanoke area. The VRFA acquired the land in 1988 with a appropriation from the General Assembly and the site became a Virginia state park. Explore Park has received considerable investment at the federal, state and local levels totaling nearly by 2008. Early", + "score": 0.66064453125 + }, + { + "id": "4940275", + "title": "Library of Virginia", + "text": "and state authorities. The first permanent home of the Library was a small room on the top floor of the State Capitol. The state's books and records eventually outgrew this space, and overflow books and documents were then stored in several rented locations across Richmond. In an 1851 survey by the Smithsonian, the library was listed as having 14,000 volumes. In 1892, the General Assembly provided for a new Virginia State Library on Capitol Square in what is today known as the Oliver Hill Building. Over the ensuing forty years, the Library again outgrew that building, and in 1940 it", + "score": 0.65966796875 + }, + { + "id": "10918083", + "title": "Virginia Park (Tampa)", + "text": "Virginia Park (Tampa) Virginia Park is a neighborhood within the city limits of Tampa, Florida. As of the 2000 census the neighborhood had a population of 4,378. The ZIP Codes serving the area are 33611 and 33629. Virginia Park boundaries are Dale Mabry Highway/Himes Ave. to the east, Manhattan Avenue to the west, Euclid Avenue to the south, and Palmira Avenue/Bay to Bay Boulevard to the north. \"Source: Hillsborough County Atlas\" As of the census of 2000, there were 4,378 people and 1,906 households residing in the neighborhood. The population density was 4,941/mi\u00b2. The racial makeup of the neighborhood was", + "score": 0.6591796875 + }, + { + "id": "13074488", + "title": "Education in Virginia", + "text": "of Massive Resistance in the 1960s, Virginia school expenditures increased, as did educational standards. Now, Virginia has 134 school divisions that are governed by local school boards. Within these divisions, approximately 1,900 schools provide an education for over one million students. Governor Tim Kaine launched an initiative for state-funding of pre-kindergarten education. These programs are focused on children with \"at risk\" demographics to assist them in performing well at the K-12 levels. During the 2008 General Assembly session, Governor Kaine backed $22 million expansion to increase the accessibility of Pre-K education for at-risk four-year-olds. Public K\u201312 schools in Virginia are", + "score": 0.65869140625 + }, + { + "id": "8698964", + "title": "Valley Falls State Park", + "text": "was the first white man to look upon the falls. In the 19th century a small community thrived along the river at the current state park's location. The ruins of a sawmill and a gristmill are still visible along the river. Valley Falls State Park Valley Falls State Park is a 1,145 acre (4.63 km\u00b2) day use facility sited along both banks of the Tygart Valley River. The park is located about 7 miles (11 km) south of exit 137 of I-79, near Fairmont, West Virginia. The park's main feature is a half-mile long set of cascades \u2014 the \"Valley", + "score": 0.65771484375 + }, + { + "id": "4245962", + "title": "RV park", + "text": "spaces on a nightly or weekly basis, much like a motel or hotel. A few parks operate on a time-share basis. Membership campground networks like Thousand Trails operate like clubs, with members paying an initial membership fee and annual dues. There are over 13,000 privately owned RV parks and over 1,600 state parks that cater to RVers in the USA. Many of these RV parks offer WiFi hotspot access on a daily, weekly, or monthly basis; occasionally, WiFi is included in the campsite fee. Most RV parks are independent or operated by a government entity. In the United States, Kampgrounds", + "score": 0.65771484375 + }, + { + "id": "11950041", + "title": "Virginia Park Historic District", + "text": "of brick or stone, and have the same setback from the street. All are single family houses, with no more than one house on each fifty foot lot. At the time of its historic designation, the district included 57 structures, all but three of which contribute to the historic character of neighborhood. Non-contributing structures included an apartment building at 650 Virginia Park, an office building at 613 Virginia Park, and a hospital (demolished in 2014) at 801-831 Virginia Park. Fifty-one of the contributing structures were used as homes, two as offices and one as a rest home. The residences were", + "score": 0.65771484375 + }, + { + "id": "10656889", + "title": "Parks Victoria", + "text": "Parks Victoria Parks Victoria is a government agency of the state of Victoria, Australia. Parks Victoria was established in December 1996 as a statutory authority, reporting to the Victorian Minister for Environment and Climate Change. The \"Parks Victoria Act 1998\" makes Parks Victoria responsible for managing national parks, reserves and other land under the control of the state, including historic sites and indigenous cultural heritage sites. The total area under Parks Victoria's management is over 40,000 square kilometres. It manages 13 Marine National Parks and 11 smaller Marine Sanctuaries. These Victorian marine, waterways and park-lands combined attract over 70 million", + "score": 0.6572265625 + }, + { + "id": "970619", + "title": "Protected areas of Victoria", + "text": "the world to create an entire system of highly protected marine national parks at the same time. As of 2011 there are 45 national parks in Victoria. There are 328 nature conservation reserves including: There are natural feature reserves. Protected areas of Victoria Victoria is the smallest mainland state in Australia. it contained separate protected areas with a total land area of (17.26% of the state's area). Of these, 45 were national parks, totalling (11.32% of the state's area). The parks are managed by Parks Victoria, a state government agency. There are also many smaller state areas which are subject", + "score": 0.65673828125 + }, + { + "id": "9005581", + "title": "Fairy Stone State Park", + "text": "Fairy Stone State Park Fairy Stone State Park, located in Patrick County, Virginia, is the largest of the original six state parks that opened on June 15, 1936, and is home to the mysterious \"fairy stones\", or staurolite. The stone, prevalent in the region, may have the St. Andrew's or Roman shape. The park's land was donated in 1933 by Junius B. Fishburn, former president of the Southwest Virginia Trust Co. and former owner of the \"Roanoke Times\". The park is , making it the largest of the six original parks and one of the largest to this day. The", + "score": 0.65625 + }, + { + "id": "444119", + "title": "Virginia", + "text": "Commonwealth with around 900,000 jobs. Approximately 12% of all U.S. federal procurement money is spent in Virginia, the second-highest amount after California. Many Virginians work for federal agencies in Northern Virginia, which include the Central Intelligence Agency and the Department of Defense, as well as the National Science Foundation, the United States Geological Survey and the United States Patent and Trademark Office. Many others work for government contractors, including defense and security firms, which hold more than 15,000 federal contracts. Virginia has one of the highest concentrations of veterans of any state, and is second to California in total Department", + "score": 0.65576171875 + }, + { + "id": "20493794", + "title": "Morgan Morgan Monument", + "text": "the state of West Virginia. The roadside park was occasionally utilized by local organizations for the hosting of events, including by the Rest Church of nearby Rest, Virginia. In 1925 the Legislature established the State Forest, Park and Conservation Commission to study and investigate the opportunities and needs for forests, parks, game preserves, and recreational areas in West Virginia. In 1927 the Commission provided its recommendations to the Legislature, which included a recommendation for a State Monument System. In its list of extant historical monuments to be included in this system, the Commission named the Grave Creek Mound in Moundsville,", + "score": 0.6552734375 + }, + { + "id": "10918085", + "title": "Virginia Park (Tampa)", + "text": "35 to 49, 13% from 50 to 64, and 14% who were 65 years of age or older. For every 100 females, there were 89.7 males. The per capita income for the neighborhood was $35,978. About 4% of the population were below the poverty line. Of those, 53% are under the age of 18. Virginia Park (Tampa) Virginia Park is a neighborhood within the city limits of Tampa, Florida. As of the 2000 census the neighborhood had a population of 4,378. The ZIP Codes serving the area are 33611 and 33629. Virginia Park boundaries are Dale Mabry Highway/Himes Ave. to", + "score": 0.6552734375 + }, + { + "id": "19023195", + "title": "Powhatan State Park", + "text": "Powhatan State Park Powhatan State Park is a state park located along the James River in Virginia. It is in Powhatan County. The park is total with a of riverfront. In 2003, were transferred from the Virginia Department of Juvenile Justice to the Virginia Department of Conservation and Recreation for the creation of the state park. The goal in creating the park was to provide access to state park facilities in central Virginia and to create both day-use and overnight facilities on the James River. The park has five trails open. These total about of multi-use (hiking, biking, horse riding)", + "score": 0.65478515625 + }, + { + "id": "11179901", + "title": "Virginia wine", + "text": "so well-regarded that the city declared itself to be \"the Capital of the Wine Belt in Virginia.\" The rebirth was led in part by the investment of the Zonin family of Italy in a new vineyard in Barboursville in 1976. Barboursville Vineyards served as a catalyst in the 1970s, alongside the now defunct Oakencroft Vineyards. Throughout the 1980s and 1990s, many other vineyards and wineries joined the mix and by 2009, over 163 wineries were operating in Virginia. By 2012 there were over 230 wineries operating in Virginia. Almost all of these are small, family-owned vineyards and wineries, and only", + "score": 0.65478515625 + }, + { + "id": "10283757", + "title": "Colorado Parks and Wildlife", + "text": "Colorado Parks and Wildlife Colorado Parks and Wildlife manages the state parks system and the wildlife of the U.S. State of Colorado. The division currently manages the 41 state parks and 307 wildlife areas of Colorado. The Colorado Natural Areas Program has 93 designated sites that in total protect more than 250 endangered, rare, or threatened species. Currently there are forty-one State Parks open to the public. The most recent, Staunton, opened in 2013. Lone Mesa will open in the coming years. The Colorado Parks and Wildlife Commission is a layman's group of eleven members who are appointed by the", + "score": 0.65478515625 + }, + { + "id": "9971835", + "title": "Virginia statistical areas", + "text": "Virginia statistical areas The statistical areas of the United States of America comprise the metropolitan statistical areas (MSAs), the micropolitan statistical areas (\u03bcSAs), and the combined statistical areas (CSAs) currently defined by the United States Office of Management and Budget (OMB). Most recently on December 1, 2009, the Office of Management and Budget defined 1067 statistical areas for the United States, including 2 combined statistical areas, 11 metropolitan statistical areas, and 4 micropolitan statistical areas in the Commonwealth of Virginia. The table below shows the recent population of these statistical areas, the 95 counties, and the 39 independent cities of", + "score": 0.654296875 + }, + { + "id": "12043853", + "title": "Virginia Natural Area Preserve System", + "text": "established in 1989. The system's first preserve, North Landing River Natural Area Preserve, was established in 1990. By 2007, the preserve system included 50 protected areas. , 63 Natural Area Preserves were established in Virginia. The Virginia Natural Area Preserve System is managed as part of the Natural Heritage Program of the Virginia Department of Conservation and Recreation, with the purpose of protecting threatened or rare plants, animals, and natural communities. To become a part of the system, a Natural Area Preserve must be accepted by the director of the Department of Conservation and Recreation, although they may be initially", + "score": 0.654296875 + }, + { + "id": "7155465", + "title": "Grayson Highlands State Park", + "text": "Grayson Highlands State Park Grayson Highlands State Park is a state park located in Grayson County, Virginia, United States. It is adjacent to the Mount Rogers National Recreation Area and lies within the Jefferson National Forest. The park was established in 1965 and contains a total of . The park hosts a number of outdoor activities including hiking, camping, mountainbiking, horseback riding, and backpacking. A 2.8 mile (4.5 km) portion of the Appalachian Trail runs through the park in addition to a number of other hiking and horseback riding trails. The state park is musically notable as the home for", + "score": 0.654296875 + }, + { + "id": "8968449", + "title": "State highways serving Virginia state institutions", + "text": "for the entrances into First Landing State Park in the City of Virginia Beach that are maintained by the Virginia Department of Transportation. These roads were added to the state highway system in 1940. The outside termini are US 60 and 64th Street. State Route 344 is the designation for the entrance into Staunton River State Park in Halifax County, along with the road to US 360/SR 360 (Scottsburg Road, McDonald Road) that is maintained by the Virginia Department of Transportation. These roads were added to the state highway system in 1940. State Route 345 is the designation for the", + "score": 0.654296875 + }, + { + "id": "20478393", + "title": "Booker T. Washington State Park (West Virginia)", + "text": "Book\" did not include a listing of West Virginia state parks. Booker T. Washington State Park was the only state park ever to operate in Kanawha County. When the West Virginia State Park History Committee and former Division of State Parks chief Kermit McKeever published their book \"Where People and Nature Meet: A History of the West Virginia State Parks\" in 1988, there was no mention of Booker T. Washington State Park. Booker T. Washington State Park (West Virginia) Booker T. Washington State Park is a former state park near the community of Institute in the U.S. state of West", + "score": 0.65380859375 + }, + { + "id": "7391653", + "title": "Breaks Interstate Park", + "text": "Breaks Interstate Park Breaks Interstate Park is a bi-state state park located partly in southeastern Kentucky and mostly in southwestern Virginia, in the Jefferson National Forest, at the northeastern terminus of Pine Mountain. Rather than their respective state park systems, it is instead administered by an interstate compact between the states of Virginia and Kentucky. It is one of several interstate parks in the United States, but only one of two operated jointly under a compact rather than as two separate state park units. The Virginia Department of Conservation and Recreation and the Kentucky Department of Parks are still major", + "score": 0.6533203125 + }, + { + "id": "4826114", + "title": "Washington State Park System", + "text": "the State Parks Committee was renamed to the Washington State Parks and Recreation Commission and given authority to oversee the state park system. By 1960 the number of state parks had increased to 130. Park Rangers are full-authority law enforcement officers while they are on State Park lands. Under state law Park Rangers are considered to be limited authority law enforcement officers since their law enforcement authority is only applicable on lands owned by State Parks. Park Rangers attend either the Parks Law Enforcement Academy (PLEA) held each winter at Skagit Valley College or the Basic Law Enforcement Academy (BLEA)", + "score": 0.65283203125 + }, + { + "id": "4350622", + "title": "Virginia Department of Transportation", + "text": "would save VDOT 9 million dollars toward its 2.6 billion dollar budget deficit. In January 2010, governor Bob McDonnell announced that he would reopen all of the closed rest areas as part of his campaign promises. The state is using an \"adopt a rest stop\" program, pulling 3 million dollars from the reserve maintenance fund, and employing non-violent inmates to help reopen the rest stops. They all reopened on April 17, 2010. Spontaneous roadside memorials, often in the form of white crosses, Stars of David, bouquets of flowers, and photos of the dead, have been placed along roads at the", + "score": 0.65283203125 + }, + { + "id": "11607218", + "title": "Culture in Virginia Beach", + "text": "parks, community parks, district parks, and other open spaces. Each park is unique and offers something for everyone, from wide open spaces to playgrounds, picnic shelters, and ballfields. Perhaps one of the most well-known parks is the Mount Trashmore Park, clearly visible from I-264. The park is 165 acres (668,000 m\u00b2). The mountain is 60 ft (18 m) high and over 800 ft (240 m) long, and was created by compacting layers of solid waste and clean soil. The park also features two lakes: Lake Windsor and Lake Trashmore. Lake Trashmore is stocked and may be fished. Another major park", + "score": 0.65283203125 + }, + { + "id": "11652967", + "title": "Mountain recreation economy of Washington", + "text": "Recreation to oversee the State Parks system. 1950\u20131960 Increased legislative funding and skyrocketing public demand spur a flurry of land acquisitions. The number of State Park areas increases from 79 properties in 1950 to 130 properties ten years later. These include a half dozen marine parks, the first in an extensive system of parks designed just for boaters. Annual attendance at State Parks soars from 1.6 million at the start of the decade to seven million in 1960. 1961\u20131970 A combination of voter-approved state funding and new federal programs for outdoor recreation gives Washington State Parks a chance to improve", + "score": 0.65234375 + }, + { + "id": "12057786", + "title": "Virginia Department of Conservation and Recreation", + "text": "ca. 1986-ca. 1991 - B.C. \"Bud\" Leynes, Jr. 1991-1994 - J. Robert \"Bob\" Hicks, Jr. 1994-ca. 1996 - Kirby Burch 1998-2002 - David G. Brickley, Esq. 2002-2010 - Joseph H. Maroon 2010-2014 - David Johnson 2014\u2013present - Clyde Cristman Virginia Department of Conservation and Recreation The Virginia Department of Conservation and Recreation is a department of the government of Virginia; it oversees all Virginia state parks and Natural Area Preserves. The Virginia State Commission of Conservation and Development was created in 1926 under Governor Harry F. Byrd to consolidate and coordinate several conservation agencies: the Water Power and Development Commission,", + "score": 0.65234375 + }, + { + "id": "4009671", + "title": "Van Buren State Park (Ohio)", + "text": "also home to garter snakes and spring peepers. Wildflowers in the area include chicory, spring beauty, Dutchman's breeches, daisy fleabane and thimbleweed. There are three separate camping areas at Van Buren State Park. The family campground is on the eastern end of the park. It has 29 campsites. Ten campsites have electrical connections, the other 19 do not. There is an equestrian campground with 31 campsites, just three have electrical hookups. These campsites feature tie rails, picket lines and manure bins. A large, primitive, youth group oriented for up to 200 campers is located in the southeastern corner of the", + "score": 0.65185546875 + }, + { + "id": "12825807", + "title": "National Register of Historic Places listings in Richmond, Virginia", + "text": "National Register of Historic Places listings in Richmond, Virginia This is a list of the National Register of Historic Places listings in Richmond, Virginia. This is intended to be a complete list of the properties and districts on the National Register of Historic Places in the independent city of Richmond, Virginia, United States. The locations of National Register properties and districts for which the latitude and longitude coordinates are included below, may be seen in an online map. There are 220 properties and districts listed on the National Register in the city, including 15 National Historic Landmarks. Another 3 properties", + "score": 0.6513671875 + }, + { + "id": "12430762", + "title": "History of the National Park Service", + "text": "National Zoological Park. In 1928, Congress authorized the Mount Vernon Memorial Highway to link the District of Columbia with Mount Vernon in commemoration of the bicentennial of Washington's birth. In 1930 this highway was renamed the George Washington Memorial Parkway, and enlarged in concept to extend from Mount Vernon all the way to Great Falls in Virginia, and from Fort Washington to Great Falls in Maryland (Alexandria and the District of Columbia excepted). During World War II Congress extended the National Capital parkway network by authorizing the Suitland Parkway to provide an access road to Andrews Air Force Base, and", + "score": 0.6513671875 + }, + { + "id": "9005582", + "title": "Fairy Stone State Park", + "text": "park features beautiful scenery, rich history and ample recreational opportunities. Its lake and many structures still in use were built by the Civilian Conservation Corps. Fairy Stone State Park Fairy Stone State Park, located in Patrick County, Virginia, is the largest of the original six state parks that opened on June 15, 1936, and is home to the mysterious \"fairy stones\", or staurolite. The stone, prevalent in the region, may have the St. Andrew's or Roman shape. The park's land was donated in 1933 by Junius B. Fishburn, former president of the Southwest Virginia Trust Co. and former owner of", + "score": 0.6513671875 + }, + { + "id": "7155469", + "title": "Grayson Highlands State Park", + "text": "are within of Grayson Highlands State Park: Grayson Highlands State Park Grayson Highlands State Park is a state park located in Grayson County, Virginia, United States. It is adjacent to the Mount Rogers National Recreation Area and lies within the Jefferson National Forest. The park was established in 1965 and contains a total of . The park hosts a number of outdoor activities including hiking, camping, mountainbiking, horseback riding, and backpacking. A 2.8 mile (4.5 km) portion of the Appalachian Trail runs through the park in addition to a number of other hiking and horseback riding trails. The state park", + "score": 0.6513671875 + }, + { + "id": "7626110", + "title": "Twin Lakes State Park (Virginia)", + "text": "Twin Lakes State Park (Virginia) Twin Lakes State Park is a state park in Virginia. It is located in Central Virginia in Prince Edward County. Twin Lakes State Park, centrally located in Virginia's Piedmont region, provides visitors from all over the Commonwealth with a variety of lakefront activities in a secluded setting. Swimming, camping, fishing, biking, canoeing and hiking are popular activities. The park is home to Cedar Crest Conference Center, a perfect facility for group meetings, family reunions, birthday parties, wedding receptions and company picnics. The land for Twin Lakes State Park was initially bought from struggling farmers by", + "score": 0.65087890625 + }, + { + "id": "5566232", + "title": "NOVA Parks", + "text": "founded in 1959, when Arlington and Fairfax Counties and the City of Falls Church decided to create an agency to protect the drinking water sources of the area, as well to provide passive recreation. NOVA Parks purchased its first parkland shortly thereafter in Centreville, VA from Gardiner Means and his wife Caroline F. Ware, in what would become Bull Run Regional Park. The pair later donated their farm home in Vienna, VA, which would eventually become Meadowlark Botanical Gardens. Within its first decade of existence, NOVA Parks conserved over . In the ten years that followed, that number was increased", + "score": 0.65087890625 + }, + { + "id": "12018200", + "title": "Holliday Lake State Park", + "text": "Holliday Lake State Park Holliday Lake State Park is a state park located within the confines of Appomattox-Buckingham State Forest in Virginia. The land was cleared as farmland in the 1880s before being returned to its forested state in the mid-20th century. Today, the park is known for its fishing opportunities. The park was one of four recreational areas developed by the Virginia Division of Forestry (now the Virginia Department of Conservation and Recreation) working in conjunction with the Civilian Conservation Corps (CCC) during the Depression. The central water feature at Holliday Lake is the 150-acre man-made lake. Contributing resources", + "score": 0.65087890625 + }, + { + "id": "20478385", + "title": "Booker T. Washington State Park (West Virginia)", + "text": "1920s. The state recognized the need to designate and protect lands worthy of conservation, and in 1925 the Legislature established the West Virginia State Forest, Park and Conservation Commission to assess the state's opportunities and needs for forests, parks, game preserves, and recreational areas. The Legislature established the West Virginia Conservation Commission, Division of State Parks, in 1933 to manage the state's growing park system, and to leverage the resources and expertise of the New Deal-era programs for park development. The park system continued to expand and consisted of approximately by the mid-1930s. Despite West Virginia's growth in state parks,", + "score": 0.650390625 + }, + { + "id": "12366318", + "title": "Shenandoah National Park", + "text": "but Byrd instead selected George C. Peery of the state's southwest corner to succeed easterner Pollard. After winning election, Peery and Carson's successor would establish Virginia's state park system, although plans to relocate reluctant residents kept changing and basically failed. Carson had hoped to head that new state agency, but was not selected because of his growing differences with Byrd, over fees owed his brother and especially over the evictions that began in late 1933 against his advice but pursuant to new federal policies and that garnered much negative publicity. Most of the reluctant families came from the park's central", + "score": 0.650390625 + }, + { + "id": "4391266", + "title": "Natural Bridge (Virginia)", + "text": "the bridge, were slated to be sold at auction. To prevent piecemeal development of the landmark, the Virginia Conservation Legacy Fund (VCLF) purchased the bridge, hotel, and surrounding land for $9.1 million, made possible by a loan from the Virginia Clean Water Revolving Loan Fund. When the VCLF soon found itself unable to make payments on that loan, the Commonwealth of Virginia offered to manage the property as a Virginia State Park. Natural Bridge State Park officially opened on September 24, 2016. As a state park, the property is managed by the Virginia Department of Conservation and Recreation, although it", + "score": 0.650390625 + }, + { + "id": "6768375", + "title": "National Register of Historic Places listings in West Virginia", + "text": "National Register of Historic Places listings in West Virginia This is a list of properties and historic districts in West Virginia that are listed on the National Register of Historic Places. There are listings in every one of West Virginia's 55 counties. Listings range from pre-recorded history such as Grave Creek Mound, to Cool Spring Farm in the state's eastern panhandle, one of the state's first homesteads, to relatively modern, yet still historical, residences and commercial districts. The following are approximate tallies of current listings by county. These counts are based on entries in the National Register Information Database as", + "score": 0.64990234375 + }, + { + "id": "12018223", + "title": "Occoneechee State Park", + "text": "a militia, in violation of the governor\u2019s wishes.\" Occoneechee State Park Occoneechee State Park is a state park near Clarksville, Virginia, located along Buggs Island Lake. Occoneechee State Park is 2,698 acres in size. It is named for the Occaneechi Indians, who lived in the area. \"Bacon's Rebellion abruptly ended their prominence in 1676. This armed rebellion is considered to be the first to occur in the New World. It began when Nathaniel Bacon\u2019s plantation was raided by Susquehannock Indians, who had been displaced from their home to the north. Bacon asked Virginia Gov. Berkley to raise a militia and", + "score": 0.64990234375 + }, + { + "id": "444140", + "title": "Virginia", + "text": "institutions in the state, including nationally ranked liberal arts colleges Washington and Lee University at No. 11, the University of Richmond at No. 27, and the Virginia Military Institute at No. 72. Liberty University is Virginia's largest university, with an enrollment total of greater than 110,000 students. Virginia has a mixed health record, and is ranked as the 26th overall healthiest state according to the 2013 United Health Foundation's Health Rankings. Virginia also ranks 21st among the states in the rate of premature deaths, 6,816 per 100,000. In 2008, Virginia reached its lowest ever rate of infant mortality, at 6.7", + "score": 0.6494140625 + }, + { + "id": "4302612", + "title": "New York State Office of Parks, Recreation and Historic Preservation", + "text": "Recreation and Historic Preservation (NYS OPRHP). The state park system underwent a period of rapid expansion during former governor George Pataki's administration. Between 1995 and 2007, Pataki, along with then-parks commissioner Bernadette Castro, opened 28 new state parks. Although the governor was lauded as a conservationist for his actions, the new parks increased financial burdens on the NYS OPRHP, whose funding for operations remained steady. In 2010, a statewide fiscal crisis led to an announcement that 55 state parks and historic sites would be closed. The threatened closures were eventually averted, with budget shortfalls made up through reduced staffing and", + "score": 0.6494140625 + }, + { + "id": "15035013", + "title": "Palmetto Island State Park", + "text": "Island State Park has a visitor's center which houses a multi-purpose room that can rented for meetings, weddings and other social events. A water playground is located nearby. Guests may stay at one of six two-bedroom cabins nestled in the woods or use any of the park's 95 campsites. There are four picnic pavilions and strategically placed picnic sites for visitors. An aquatic pavilion overlooks the Vermilion River. Access to the Vermilion River is provided by a boat launch. Interior lagoons allow canoers and kayakers the opportunity to observe native animal and plant life. Including a new population of \"Iris", + "score": 0.6484375 + }, + { + "id": "15267187", + "title": "Virginia Kendall State Park Historic District", + "text": "Virginia Kendall State Park Historic District The Virginia Kendall State Park Historic District is a historic district located near Peninsula, Ohio. It was added to the National Register of Historic Places in 1997. The Virginia Kendall State Park Historic District consists of approximately 530 acres in the Cuyahoga Valley National Park, and reflects the naturalistic landscape style and rustic architecture associated with the Civilian Conservation Corps. Cleveland coal baron and industrialist Hayward Kendall acquired this property in the first part of the 20th century for use as a hunting retreat. Upon his death in 1927 the property transferred to his", + "score": 0.6484375 + }, + { + "id": "8673542", + "title": "Little Beaver State Park", + "text": "to be accessible. Little Beaver State Park Little Beaver State Park is state park in Raleigh County, West Virginia. It is located near Beckley, West Virginia, about south of I-64 at Grandview Road, exit 129A. The park sits on the shores of 18-acre (0.07 km\u00b2) Little Beaver Lake. Originally a day-use facility, Little Beaver received a 46-site campground in 2011. 30 sites, opened on July 1 of that year, have electric and water hookups with an additional 16 water-only sites planned to open later in the year. Accessibility for the disabled was assessed by West Virginia University. The 2005 assessment", + "score": 0.64794921875 + }, + { + "id": "10831161", + "title": "Washington (state)", + "text": "of National Park Service units. Among these are the Alta Lake State Park, Lake Roosevelt National Recreation Area, San Juan Islands National Wildlife Refuge, as well as three national parks - the Olympic National Park, North Cascades National Park, and Mount Rainier National Park. The three national parks were established between 1899 and 1968. Almost 95% (876,517 acres, 354,714 hectares, 3,547.14 square kilometers) of Olympic National Park's area has been designated as wilderness under the National Wilderness Preservation System. Additionally, there are 143 state parks and 9 national forests, run by the Washington State Park System and the United States", + "score": 0.6474609375 + }, + { + "id": "4196222", + "title": "California Department of Parks and Recreation", + "text": "California announced that it planned to close 220 parks, leaving 59 parks open. On September 25, 2009, Governor Schwarzenegger's office announced that all state parks would remain open during the 2009-2010 fiscal year using one-time budget reduction methods in maintenance, equipment and services. Examples of service reductions included some parks only being open on weekends and holidays, or closing accessibility to portions of an otherwise open park. On May 11, 2011, state park officials announced that seventy parks would be closed due to department budget cuts in response to California's continuing budget crises. Vacation buy-out On July 15, 2012, the", + "score": 0.64697265625 + }, + { + "id": "444122", + "title": "Virginia", + "text": "it the top state for business in 2007, 2009, and 2011. Additionally, in 2014 a survey of 12,000 small business owners found Virginia to be one of the most friendly states for small businesses. Virginia has 20 Fortune 500 companies, ranking the state eighth nationwide. Tysons Corner is one of the largest business districts in the nation. Tourism in Virginia supported an estimated 210,000 jobs and generated $21.2 billion in 2012. Arlington County is the top tourist destination in the state by domestic spending, followed by Fairfax County, Loudoun County, and Virginia Beach. , agriculture occupied 32% of the land", + "score": 0.64697265625 + }, + { + "id": "20493779", + "title": "Morgan Morgan Monument", + "text": "from 1924 to 1956. From 1956 to 1970, the park was managed by the West Virginia Conservation Commission's Division of State Parks as a West Virginia state park. It was the only West Virginia state park ever to have been located within Berkeley County. The West Virginia Road Commission (now known as the West Virginia Division of Highways) resumed its operation of the Morgan Morgan Monument in 1970, and the division continues to maintain the monument as a roadside park. In 1980 the Morgan Morgan Monument and its park were included as a contributing property in the Mill Creek Historic", + "score": 0.64697265625 + }, + { + "id": "12018188", + "title": "Caledon State Park", + "text": "Caledon State Park Caledon State Park is a state park located in King George, Virginia. The property was initially owned by the Alexander brothers, founders of the city of Alexandria, and was established in 1659 as Caledon Plantation. Ownership passed, in 1974, to the Commonwealth of Virginia. A portion of the park known as the Caledon Natural Area was designated a National Natural Landmark in 1974 for its old-growth oak-tulip poplar forest. The park also provides a habitat for bald eagles along the Potomac River. Adjacent to the park is the Chotank Creek Natural Area Preserve, a state-designated private conservation", + "score": 0.64697265625 + }, + { + "id": "20493796", + "title": "Morgan Morgan Monument", + "text": "responsibility of Cacapon Resort State Park's supervisor James Ambrose and his subordinate personnel. In 1960 the Morgan Morgan Monument was listed in a National Park Service (NPS) tabulation of U.S. state parks and was categorized as a \"state monument\" under the governance of the West Virginia Conservation Commission's Division of State Parks. The NPS noted that the small park lacked water recreation, overnight accommodations, and eating accommodations. In 1962 the monument was included as a stop on the Annual House and Garden Tour of Shepherdstown, Martinsburg, Charles Town, and Harpers Ferry, which was sponsored by the Shenandoah\u2013Potomac Garden Council. Between", + "score": 0.64697265625 + }, + { + "id": "1404350", + "title": "National Park Service", + "text": "Gettysburg National Military Park, and Shiloh National Military Park\u2014the original four from 1890. Examples of \"battlefield parks\", \"battlefield sites\", and \"national battlefields\" include Richmond National Battlefield Park, Brices Cross Roads National Battlefield Site, and Antietam National Battlefield. National Seashores and National Lakeshores offer preservation of the national coast line, while supporting water\u2013based recreation. Cape Hatteras National Seashore was created in 1937. Indiana Dunes National Lakeshore and Pictured Rocks National Lakeshore, created in 1966, were the first national lakeshores. National Rivers and Wild and Scenic Riverways protect free-flowing streams over their length. The riverways may not be altered with dams, channelization,", + "score": 0.64599609375 + } + ], + "answer": "Virginia opened its entire state park system on June 15, 1936 as a six-park system. The six original state parks were Seashore State Park, now First Landing State Park, Westmoreland State Park, Staunton River State Park, Douthat State Park, Fairy Stone State Park, and Hungry Mother State Park. Natural Bridge State Park officially opened on September 24, 2016, making this 38 parks in VA. Today, the park system now oversees 43 parks." + }, + { + "qa_pairs": [ + { + "context": "The 2018 UEFA Champions League Final was the final match of the 2017\u201318 UEFA Champions League, the 63rd season of Europe's premier club football tournament organised by UEFA, and the 26th season since it was renamed from the European Cup to the UEFA Champions League. It was played at the NSC Olimpiyskiy Stadium in Kiev, Ukraine on 26 May 2018, between Spanish side and defending champions Real Madrid, who had won the competition in each of the last two seasons, and English side Liverpool.", + "question": "Who are the teams that performed in competition at the champions league final 2018?", + "short_answers": [ + "Real Madrid and Liverpool", + "Liverpool", + "Real Madrid" + ], + "wikipage": "2018 UEFA Champions League Final" + }, + { + "context": "Gareth Bale became the first substitute to score two goals in a Champions League final and was named man of the match. His first goal received acclaim as one of the best in Champions League history and was compared to Ronaldo's bicycle kick goal against Juventus in the quarter-final and manager Zinedine Zidane's goal in the 2002 final.", + "question": "Who performed best at the champions league final 2018, winning man of the match?", + "short_answers": [ + "Gareth Bale", + "Bale" + ], + "wikipage": "2018 UEFA Champions League Final" + }, + { + "context": "English singer Dua Lipa performed at the opening ceremony preceding the final. Jamaican rapper Sean Paul joined her as a special guest to perform their collaborative song, \"No Lie\". The UEFA Champions League Anthem was performed by Slovenian\u2013Croatian cello duo 2Cellos.", + "question": "Who performed at the opening ceremony of the champions league final 2018?", + "short_answers": [ + "Dua Lipa", + "Sean Paul", + "Dua Lipa and Sean Paul" + ], + "wikipage": "2018 UEFA Champions League Final" + }, + { + "context": "English singer Dua Lipa performed at the opening ceremony preceding the final. Jamaican rapper Sean Paul joined her as a special guest to perform their collaborative song, \"No Lie\". The UEFA Champions League Anthem was performed by Slovenian\u2013Croatian cello duo 2Cellos.", + "question": "Who performed the anthem at the champions league final 2018?", + "short_answers": [ + "2Cellos", + "Luka \u0160uli\u0107 and Stjepan Hauser", + "Luka \u0160uli\u0107", + "2C\u039eLLOS", + "Stjepan Hauser" + ], + "wikipage": "2018 UEFA Champions League Final" + } + ], + "wikipages": [ + { + "title": "2018 UEFA Champions League Final", + "url": "https://en.wikipedia.org/wiki/2018%20UEFA%20Champions%20League%20Final" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "2CELLOS (stylized 2C\u039eLLOS) are a Croatian cellist duo,[2][3][4] consisting of classically trained cellists, Luka \u0160uli\u0107 and Stjepan Hauser.", + "wikipage": "2Cellos" + } + ], + "long_answer": "Real Madrid and Liverpool are the teams that performed in competition at the champions league final 2018. Gareth Bale became the first substitute to score two goals in a Champions League final and was named man of the match. English singer Dua Lipa performed at the opening ceremony preceding the final. Jamaican rapper Sean Paul joined her as a special guest to perform their collaborative song, \"No Lie\". The UEFA Champions League Anthem was performed by Slovenian\u2013Croatian cello duo 2Cellos including Luka \u0160uli\u0107 and Stjepan Hauser. " + }, + { + "knowledge": [ + { + "content": "After Liverpool's Sadio Man\u00e9 cancelled out Karim Benzema's opener for Real Madrid, two goals from man of the match Gareth Bale proved the difference in a 3\u20131 win for Real Madrid, making them the first team to win three back-to-back titles in Champions League era and the first since Bayern Munich defeated Saint-\u00c9tienne in the 1976 European Cup Final; it was additionally their fourth title in five seasons and their 13th European Cup overall. ", + "wikipage": "2018 UEFA Champions League Final" + } + ], + "long_answer": "Real Madrid and Liverpool were the teams that performed in the 2018 UEFA Champion League Final. Two goals from man of the match Gareth Bale proved the difference in a 3\u20131 win for Real Madrid Entertainers, Dua Lipa and Sean Paul performed for the opening ceremony, and the anthem was performed by 2Cellos, Luka Sulic and Stjephan Hauser. " + } + ], + "sample_id": "2378678654868379935", + "question": "Who performed at the champions league final 2018?", + "docs": [ + { + "id": "18221926", + "title": "2016 UEFA Champions League Final", + "text": "worldwide via UEFA.com from 1 to 14 March 2016 in four price categories: \u20ac440, \u20ac320, \u20ac160 and \u20ac70. The remaining tickets were allocated to the local organising committee, UEFA and national associations, commercial partners and broadcasters, and to serve the corporate hospitality programme. American singer Alicia Keys performed in the opening ceremony prior to the match, the first time it has featured a live music performance. Italian tenor Andrea Bocelli performed the UEFA Champions League Anthem. The 2016 UEFA Women's Champions League Final was held two days prior, on 26 May 2016, at the Mapei Stadium \u2013 Citt\u00e0 del Tricolore", + "score": 0.7802734375, + "summary": "Irrelevant. The document is about the 2016 UEFA Champions League Final, not the 2018 one.", + "extraction": "Irrelevant. The passage is about the 2016 UEFA Champions League Final and does not mention the performers at the 2018 final." + }, + { + "id": "19735454", + "title": "2018 UEFA Champions League Final", + "text": "Lipa performed at the opening ceremony preceding the final. Jamaican rapper Sean Paul joined her as a special guest to perform their collaborative song, \"No Lie\". The 2018 UEFA Women's Champions League Final was held two days earlier, on 24 May 2018, at the Valeriy Lobanovskyi Dynamo Stadium between Wolfsburg and Lyon, Lyon emerging victorious 4\u20131. This was also the last time that the host city for the men's Champions League final was also automatically assigned the Women's Champions League final. The annual UEFA Champions Festival was held between 24\u201327 May 2018 at the Kiev city centre. In late May,", + "score": 0.76123046875, + "summary": "Dua Lipa and Sean Paul performed at the opening ceremony preceding the 2018 UEFA Champions League Final.", + "extraction": "Lipa and Sean Paul performed at the opening ceremony preceding the final." + }, + { + "id": "10978163", + "title": "UEFA Champions League Anthem", + "text": "the two teams are lined up, as well as at the beginning and end of television broadcasts of the matches. Special vocal versions have been performed live at the Champions League Final with lyrics in other languages, changing over to the host country's language for the chorus. These versions were performed by Andrea Bocelli (Italian) (Rome 2009, Milan 2016 and Cardiff 2017), Juan Diego Flores (Spanish) (Madrid 2010), All Angels (Wembley 2011), Jonas Kaufmann and David Garrett (Munich 2012), Mariza (Lisbon 2014, unlike the previous final performers, Mariza sang the main lyric of the anthem), and Nina Maria Fischer and", + "score": 0.76025390625, + "summary": "Andrea Bocelli, Juan Diego Flores, All Angels, Jonas Kaufmann, David Garrett, and Mariza have performed live vocal versions of the UEFA Champions League Anthem at various finals.", + "extraction": "Andrea Bocelli performed at the Champions League Final in 2018. (Note: The passage does not mention Andrea Bocelli performing at the 2018 final specifically, so the answer is \"irrelevant\".)" + }, + { + "id": "19735445", + "title": "2018 UEFA Champions League Final", + "text": "2018 UEFA Champions League Final The 2018 UEFA Champions League Final was the final match of the 2017\u201318 UEFA Champions League, the 63rd season of Europe's premier club football tournament organised by UEFA, and the 26th season since it was renamed from the European Cup to the UEFA Champions League. It was played at the NSC Olimpiyskiy Stadium in Kiev, Ukraine on 26 May 2018, between Spanish side and defending champions Real Madrid, who had won the competition in each of the last two seasons, and English side Liverpool. Real Madrid won the final 3\u20131 for their third consecutive and", + "score": 0.76025390625, + "summary": "Real Madrid and Liverpool performed at the 2018 UEFA Champions League Final, which took place on May 26, 2018, at the NSC Olimpiyskiy Stadium in Kiev, Ukraine. Real Madrid won the final 3-1.", + "extraction": "Real Madrid and Liverpool performed at the champions league final 2018." + }, + { + "id": "18871284", + "title": "2017 UEFA Champions League Final", + "text": "2017 UEFA Champions League Final The 2017 UEFA Champions League Final was the final match of the 2016\u201317 UEFA Champions League, the 62nd season of Europe's premier club football tournament organised by UEFA, and the 25th season since it was renamed from the European Champion Clubs' Cup to the UEFA Champions League. It was played at the Millennium Stadium in Cardiff, Wales on 3 June 2017, between Italian side Juventus and Spanish side and title holders Real Madrid, in a repeat of the 1998 final. Real Madrid won the match 4\u20131 to secure their 12th title in this competition. With", + "score": 0.7568359375, + "summary": "The document is irrelevant to the question.", + "extraction": "Irrelevant. The passage only mentions the performers of the 2017 Champions League Final, not the 2018 one." + }, + { + "id": "18871293", + "title": "2017 UEFA Champions League Final", + "text": "fans and the general public, with the two finalist teams receiving 18,000 tickets each and with 5,500 tickets being available for sale to fans worldwide via UEFA.com from 17 to 28 March 2017 in four price categories: \u00a3390, \u00a3275, \u00a3140, and \u00a360. The remaining tickets were allocated to the local organising committee, UEFA and national associations, commercial partners and broadcasters, and to serve the corporate hospitality programme. American hip-hop group The Black Eyed Peas performed at the opening ceremony preceding the final. The performance, which included a pyrotechnic display, ran over time and forced the kick-off to be delayed by", + "score": 0.7548828125, + "summary": "Irrelevant.", + "extraction": "The passage is irrelevant to the question as it does not provide any information about who performed at the Champions League final 2018." + }, + { + "id": "546632", + "title": "UEFA Champions League", + "text": "chorus. These versions were performed by Andrea Bocelli (Italian) (Rome 2009, Milan 2016 and Cardiff 2017), Juan Diego Flores (Spanish) (Madrid 2010), All Angels (Wembley 2011), Jonas Kaufmann and David Garrett (Munich 2012), and Mariza (Lisbon 2014). In the 2013 final at Wembley Stadium, the chorus was played twice. In Kiev 2018, the instrumental version of the chorus was played by 2Cellos. The anthem has been released commercially in its original version on iTunes and Spotify with the title of Champions League Theme. In 2018, composer Hans Zimmer remixed the anthem with rapper Vince Staples for EA Sports\u2019 \"FIFA\" video", + "score": 0.7529296875, + "summary": "2Cellos performed the instrumental version of the Champions League chorus at the 2018 final in Kiev.", + "extraction": "Irrelevant. The passage mentions the UEFA Champions League anthem but does not provide information on the performers at the 2018 final." + }, + { + "id": "18221916", + "title": "2016 UEFA Champions League Final", + "text": "2016 UEFA Champions League Final The 2016 UEFA Champions League Final was the final match of the 2015\u201316 UEFA Champions League, the 61st season of Europe's premier club football tournament organised by UEFA, and the 24th season since it was renamed from the European Champion Clubs' Cup to the UEFA Champions League. It was played at the San Siro stadium in Milan, Italy, on 28 May 2016, between Spanish teams Real Madrid and Atl\u00e9tico Madrid, in a repeat of the 2014 final. It was the second time in the tournament's history that both finalists were from the same city. Real", + "score": 0.74609375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "19981992", + "title": "2019 UEFA Champions League Final", + "text": "2019 UEFA Champions League Final The 2019 UEFA Champions League Final will be the final match of the 2018\u201319 UEFA Champions League, the 64th season of Europe's premier club football tournament organised by UEFA, and the 27th season since it was renamed from the European Champion Clubs' Cup to the UEFA Champions League. It will be played at the Wanda Metropolitano in Madrid, Spain on 1 June 2019. The winners will earn the right to play against the winners of the 2018\u201319 UEFA Europa League in the 2019 UEFA Super Cup. They will also qualify to enter the group stage", + "score": 0.74267578125, + "summary": "irrelevant", + "extraction": "irrelevant" + }, + { + "id": "19915900", + "title": "2018 UEFA Women's Champions League Final", + "text": "Olimpiyskiy Stadium as the venue of the 2018 UEFA Champions League Final. \"Note: In all results below, the score of the finalist is given first (H: home; A: away).\" The ambassador for the final was Ukrainian international player Iya Andrushchak. Tickets were available on sale for \u20b4100 and \u20b470. Ukrainian singer Tayanna performed at the opening ceremony preceding the final. On 7 May 2018, UEFA announced that Jana Ad\u00e1mkov\u00e1 of the Czech Republic would officiate the final. She would be joined by Sian Massey-Ellis of England and Sanja Ro\u0111ak-Kar\u0161i\u0107 of Croatia as assistant referees. The fourth official for the final", + "score": 0.74169921875, + "summary": "Tayanna, a Ukrainian singer, performed at the opening ceremony preceding the 2018 UEFA Women's Champions League Final.", + "extraction": "Tayanna performed at the opening ceremony preceding the final." + }, + { + "id": "18871287", + "title": "2017 UEFA Champions League Final", + "text": "the final itself. The match was a repeat of the 1998 final, making it the eighth repeated final pairing. Real Madrid won the 1998 final 1\u20130. The 2017 final was the first time since the two teams met in 1998 that both finalists had won either their domestic league or the Champions League the previous season. Juventus reached their ninth final after a 4\u20131 aggregate win against Monaco to maintain their undefeated record in this season's competition. Juventus also entered the final with the best defensive record in the 2016\u201317 Champions League, having conceded only thrice. Previously Juventus won finals", + "score": 0.73828125, + "summary": "Irrelevant. The document is about the 2017 UEFA Champions League Final, not the 2018 one.", + "extraction": "irrelevant" + }, + { + "id": "6162820", + "title": "David Guetta", + "text": "2015, UEFA announced that Guetta would be the music ambassador for UEFA Euro 2016, with the official song for the tournament being \"This One's for You\" featuring vocals from Swedish singer Zara Larsson. UEFA also announced that the song would be integrated throughout the tournament, including during the opening and closing sequences for every television match broadcast, and will also be performed by Guetta at the Opening ceremony and Closing ceremony, as well as during a free concert at the Champ de Mars under the Eiffel Tower on 9 June. \"This One's for You\" was released on 13 May 2016,", + "score": 0.73583984375, + "summary": "David Guetta performed at UEFA Euro 2016, but it is irrelevant to the question of who performed at the Champions League final 2018.", + "extraction": "irrelevant" + }, + { + "id": "18871289", + "title": "2017 UEFA Champions League Final", + "text": "Real Madrid went into the final as top scorers of the 2016\u201317 Champions League, having scored 32 goals. This final is their third since 2014, and gives Real a chance to win a record 12th title. Previously they won finals in 1956, 1957, 1958, 1959, 1960, 1966, 1998, 2000, 2002, 2014 and 2016, and lost in 1962, 1964 and 1981. This was also their 19th final in all seasonal UEFA competitions, having also played in two Cup Winners' Cup finals (losing in 1971 and 1983) and two UEFA Cup finals (winning in 1985 and 1986). Real Madrid are looking to", + "score": 0.734375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "10419806", + "title": "2009 UEFA Champions League Final", + "text": "the Champions Festival included appearances by representatives from both clubs (Bryan Robson and Ole Gunnar Solskj\u00e6r for Manchester United and Hristo Stoichkov for Barcelona), exhibitions featuring memorabilia from past UEFA Champions League tournaments and the European Champion Clubs' Cup on display. Immediately prior to the match itself came the opening ceremony for the final. The ceremony began with 64 members of the Rustavi Ensemble dance group performing a choreographed routine to a variation of the UEFA Champions League Anthem. At the culmination of the routine, the players emerged from the tunnel, accompanied by Italian tenor Andrea Bocelli singing \"Il Gladiatore\"", + "score": 0.72998046875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage describes the Champions Festival and the opening ceremony for the 2009 UEFA Champions League final, while the question is about the performers of the 2018 final." + }, + { + "id": "19209006", + "title": "UEFA Euro 2016 Final", + "text": "by the second half, but after the match, fights broke out between fans outside the stadium. Police advised people not to travel to the Eiffel Tower or the Champs-\u00c9lys\u00e9es as the area was not safe. Prior to the start of the match, at 20:45, the closing ceremony was held, featuring a live performance by performers and musicians, including members of the Paris Fire Brigade, the French Republican Guard, and the Choir of Radio France. French DJ David Guetta and Swedish singer Zara Larsson performed the official tournament song \"This One's for You\". France started the match trying to impose an", + "score": 0.7294921875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention the Champions League final 2018 or any performers at that event." + }, + { + "id": "20429341", + "title": "2020 UEFA Champions League Final", + "text": "2020 UEFA Champions League Final The 2020 UEFA Champions League Final will be the final match of the 2019\u201320 UEFA Champions League, the 65th season of Europe's premier club football tournament organised by UEFA, and the 28th season since it was renamed from the European Champion Clubs' Cup to the UEFA Champions League. It will be played at the Atat\u00fcrk Olympic Stadium in Istanbul, Turkey on 30 May 2020. The winners will earn the right to play against the winners of the 2019\u201320 UEFA Europa League in the 2020 UEFA Super Cup. They will also qualify to enter the group", + "score": 0.7275390625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "18871308", + "title": "2017 UEFA Champions League Final", + "text": "he had no regrets about not being able to start the match, and was happy to have been able to play. During a viewing event for the match in Turin, one woman died, and at least 1,500 people were injured. 2017 UEFA Champions League Final The 2017 UEFA Champions League Final was the final match of the 2016\u201317 UEFA Champions League, the 62nd season of Europe's premier club football tournament organised by UEFA, and the 25th season since it was renamed from the European Champion Clubs' Cup to the UEFA Champions League. It was played at the Millennium Stadium in", + "score": 0.7255859375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention anything about the performers at the Champions League Final 2018." + }, + { + "id": "17296869", + "title": "2015 UEFA Champions League Final", + "text": "2015 UEFA Champions League Final The 2015 UEFA Champions League Final was the final match of the 2014\u201315 UEFA Champions League, the 60th season of Europe's premier club football tournament organised by UEFA, and the 23rd season since it was renamed from the European Champion Clubs' Cup to the UEFA Champions League. It was played at the Olympiastadion in Berlin, Germany, on 6 June 2015, between Italian side Juventus and Spanish side Barcelona. For the second time \u2013 after 2010 \u2013 both teams came into the final with the possibility of winning a treble, having each won their national league", + "score": 0.7236328125, + "summary": "irrelevant", + "extraction": "Italian side Juventus and Spanish side Barcelona performed at the champions league final in 2015." + }, + { + "id": "19981996", + "title": "2019 UEFA Champions League Final", + "text": "Garc\u00eda, who won the UEFA Champions League with Liverpool in 2005. The \"home\" team (for administrative purposes) will be determined by an additional draw held after the quarter-final and semi-final draws, which will be held on 15 March 2019, 13:00 CET, at the UEFA headquarters in Nyon, Switzerland. 2019 UEFA Champions League Final The 2019 UEFA Champions League Final will be the final match of the 2018\u201319 UEFA Champions League, the 64th season of Europe's premier club football tournament organised by UEFA, and the 27th season since it was renamed from the European Champion Clubs' Cup to the UEFA", + "score": 0.7216796875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information on who performed at the champions league final 2018." + }, + { + "id": "18394716", + "title": "2016\u201317 UEFA Champions League", + "text": "the second three and the third one. The shortlist of the top three players were announced on 4 August 2017. The award winners were announced and presented during the 2017\u201318 UEFA Champions League group stage draw in Monaco on 24 August 2017. 2016\u201317 UEFA Champions League The 2016\u201317 UEFA Champions League was the 62nd season of Europe's premier club football tournament organised by UEFA, and the 25th season since it was renamed from the European Champion Clubs' Cup to the UEFA Champions League. The final was played between Juventus and Real Madrid at the Millennium Stadium in Cardiff, Wales. It", + "score": 0.72021484375, + "summary": "The document discusses the 2016-17 UEFA Champions League and the final match between Juventus and Real Madrid held in Cardiff, Wales. It does not provide information on who performed at the champions league final 2018.", + "extraction": "Juventus and Real Madrid performed at the Champions League final 2018." + }, + { + "id": "19946898", + "title": "2017 League of Legends World Championship", + "text": "featured performances of a wide variety of music from League of Legends, including \"Get Jinxed\", hits from \"Pentakill\", \"DJ Sona\", \"Warsongs\", \"Star Guardian\", \"The Curse Of The Sad Mummy\", medleys of a wide variety of Worlds and Champion themes, DJ and music producer Alan Walker, and many other tracks over the course of the 90-minute show. During the opening ceremony of the finals, dancers were decked out in different masks, unified as the ground around them exploded with visual effects and colors. It was followed by Jay Chou's Worlds 2017 remix \"Hero\" performance, and a live version of \"Legends Never", + "score": 0.72021484375 + }, + { + "id": "18394705", + "title": "2016\u201317 UEFA Champions League", + "text": "2016\u201317 UEFA Champions League The 2016\u201317 UEFA Champions League was the 62nd season of Europe's premier club football tournament organised by UEFA, and the 25th season since it was renamed from the European Champion Clubs' Cup to the UEFA Champions League. The final was played between Juventus and Real Madrid at the Millennium Stadium in Cardiff, Wales. It was the second time that the two teams faced each other in the competition's decisive match, having previously met in the 1998 final. Real Madrid, the defending champions, beat Juventus 4\u20131 to win a record-extending 12th title. With this victory, Real Madrid", + "score": 0.71923828125 + }, + { + "id": "20761851", + "title": "2018 FIFA World Cup opening ceremony", + "text": "2018 FIFA World Cup opening ceremony The opening ceremony of the 2018 FIFA World Cup took place on Thursday, 14 June 2018, at the Luzhniki Stadium in Moscow, Russia at 3:30 (BST), about a half hour before the opening match which Russia won 5\u20130 over Saudi Arabia. Former Brazilian World Cup-winning striker Ronaldo walked out with a child wearing a Russia 2018 shirt. English pop singer Robbie Williams then took centre stage with a rendition of \"Let Me Entertain You\" before Russian soprano Aida Garifullina was carried out on to the pitch on the back of a \"firebird\" float. Williams", + "score": 0.71826171875 + }, + { + "id": "18394714", + "title": "2016\u201317 UEFA Champions League", + "text": "on 17 March 2017. The first legs were played on 11 and 12 April, and the second legs were played on 18 and 19 April 2017. The draw for the semi-finals was held on 21 April 2017. The first legs were played on 2 and 3 May, and the second legs were played on 9 and 10 May 2017. The final was played on 3 June 2017 at the Millennium Stadium in Cardiff, Wales. The \"home\" team (for administrative purposes) was determined by an additional draw held after the semi-final draw. Statistics exclude qualifying rounds and play-off round. The UEFA", + "score": 0.716796875 + }, + { + "id": "15754123", + "title": "2014 UEFA Champions League Final", + "text": "Summer Olympics, the 2010 FIFA World Cup, and the 2002 and 2006 Commonwealth Games. Conceived \"to honor Portuguese tradition, including naval history or the art of tiling\", the show required six months of preparation and involved a total of 400 volunteers, 90 singers and 84 large-sized banners. The UEFA Champions League anthem was interpreted by Portuguese fado singer Mariza. The only player suspended from the final was Real Madrid's Xabi Alonso, who picked up his third booking of the competition in the second leg of the semi-final. In his place, Carlo Ancelotti selected German midfielder Sami Khedira, who himself had", + "score": 0.71630859375 + }, + { + "id": "19735464", + "title": "2018 UEFA Champions League Final", + "text": "match and that, according to him, it was possible the concussion would affect the player's performance. Liverpool manager J\u00fcrgen Klopp lost his sixth of seven major finals, including Champions League and league cups. After the match, Loris Karius tearfully apologised to Liverpool supporters who remained in the stands and stated that his mistakes \"lost the team the final\". After the match, Karius received online death threats and hate messages directed at him and his family. 2018 UEFA Champions League Final The 2018 UEFA Champions League Final was the final match of the 2017\u201318 UEFA Champions League, the 63rd season of", + "score": 0.71630859375 + }, + { + "id": "20761855", + "title": "2018 FIFA World Cup opening ceremony", + "text": "Yeah, I did, didn't I?\u201d. Williams changing his lyrics \"every night\" is still unexplained. 2018 FIFA World Cup opening ceremony The opening ceremony of the 2018 FIFA World Cup took place on Thursday, 14 June 2018, at the Luzhniki Stadium in Moscow, Russia at 3:30 (BST), about a half hour before the opening match which Russia won 5\u20130 over Saudi Arabia. Former Brazilian World Cup-winning striker Ronaldo walked out with a child wearing a Russia 2018 shirt. English pop singer Robbie Williams then took centre stage with a rendition of \"Let Me Entertain You\" before Russian soprano Aida Garifullina was", + "score": 0.71630859375 + }, + { + "id": "20429343", + "title": "2020 UEFA Champions League Final", + "text": "bid for the 2020 UEFA Champions League final. UEFA announced on 3 November 2017 that two associations had expressed interest in hosting the 2020 UEFA Champions League final. The Atat\u00fcrk Olympic Stadium was selected by the UEFA Executive Committee during their meeting in Kiev on 24 May 2018. This is the second UEFA Champions League final hosted at the stadium, after the 2005 UEFA Champions League Final. The \"home\" team (for administrative purposes) will be determined by an additional draw held after the semi-final draw. 2020 UEFA Champions League Final The 2020 UEFA Champions League Final will be the", + "score": 0.7158203125 + }, + { + "id": "19915897", + "title": "2018 UEFA Women's Champions League Final", + "text": "2018 UEFA Women's Champions League Final The 2018 UEFA Women's Champions League Final was the final match of the 2017\u201318 UEFA Women's Champions League, the 17th season of Europe's premier women's club football tournament organised by UEFA, and the ninth season since it was renamed from the UEFA Women's Cup to the UEFA Women's Champions League. It was played at the Valeriy Lobanovskyi Dynamo Stadium in Kiev, Ukraine, on 24 May 2018, between German side Wolfsburg and French side Lyon. This was the last time that a host city for the Women's Champions League final is automatically assigned by which", + "score": 0.71533203125 + }, + { + "id": "19001981", + "title": "2017\u201318 UEFA Champions League", + "text": "2017\u201318 UEFA Champions League The 2017\u201318 UEFA Champions League was the 63rd season of Europe's premier club football tournament organised by UEFA, and the 26th season since it was renamed from the European Champion Clubs' Cup to the UEFA Champions League. The final was played between Real Madrid and Liverpool at the NSC Olimpiyskiy Stadium in Kiev, Ukraine. Real Madrid, the defending champions, beat Liverpool 3\u20131 to win a record-extending 13th title and their third title in a row. As winners, Real Madrid qualified as the UEFA representative for the 2018 FIFA Club World Cup in the United Arab Emirates,", + "score": 0.71533203125 + }, + { + "id": "19982012", + "title": "2018\u201319 UEFA Champions League", + "text": "2018\u201319 UEFA Champions League The 2018\u201319 UEFA Champions League is the 64th season of Europe's premier club football tournament organised by UEFA, and the 27th season since it was renamed from the European Champion Clubs' Cup to the UEFA Champions League. The final will be played at the Wanda Metropolitano in Madrid, Spain. The winners of the 2018\u201319 UEFA Champions League will earn the right to play against the winners of the 2018\u201319 UEFA Europa League in the 2019 UEFA Super Cup. They will also automatically qualify for the 2019\u201320 UEFA Champions League group stage, and if they have already", + "score": 0.71435546875 + }, + { + "id": "10978164", + "title": "UEFA Champions League Anthem", + "text": "Manuel Gomez Ruiz (Berlin 2015). In the 2013 final at Wembley Stadium, the chorus was played twice. In Kiev 2018, the instrumental version of the chorus was played by 2Cellos. The complete anthem is about three minutes long, and has two short verses and the chorus. In addition to the anthem, there is also entrance music, which contains parts of the anthem itself, which is played as teams enter the field. The anthem has been released commercially in its original version on iTunes and Spotify with the title of Champions League Theme. Also, the Academy of St. Martin in the", + "score": 0.712890625 + }, + { + "id": "18221925", + "title": "2016 UEFA Champions League Final", + "text": "were former Argentine international Javier Zanetti, who won the Champions League with Internazionale against Bayern Munich in 2010, and former Italian international Paolo Maldini, who won five European Cups with Milan. UEFA unveiled the brand identity of the final on 27 August 2015 in Monaco ahead of the group stage draw. The logo features the Milan landmark Galleria Vittorio Emanuele II. With a stadium capacity of 71,500, a total amount of 46,000 tickets were available to fans and the general public, with the two finalist teams receiving 20,000 tickets each and with 6,000 tickets being available for sale to fans", + "score": 0.71240234375 + }, + { + "id": "14904068", + "title": "2013 UEFA Champions League Final", + "text": "2013 UEFA Champions League Final The 2013 UEFA Champions League Final was the final match of the 2012\u201313 UEFA Champions League, the 58th season of Europe's premier club football tournament organised by UEFA, and the 21st season since it was renamed from the European Champion Clubs' Cup to the UEFA Champions League. The match took place on Saturday, 25 May 2013, at Wembley Stadium in London, England, between German Bundesliga clubs Borussia Dortmund and Bayern Munich. In the first all-German Champions League final, Bayern won the match 2\u20131 with goals from Mario Mand\u017euki\u0107 and man of the match Arjen Robben", + "score": 0.7119140625 + }, + { + "id": "20754676", + "title": "FIFA 19", + "text": "as the touchline reporter as well as Alan McInally providing updates from around the league. New graphics and stadiums have been implemented. Composer Hans Zimmer and rapper Vince Staples recorded a new remix of the UEFA Champions League anthem specifically for \"FIFA 19\". It can also be heard in the game\u2019s reveal trailer. The Nintendo Switch port will receive upgrades over \"FIFA 18\". On 9 June 2018, EA Sports uploaded an official reveal trailer on their YouTube channel. Cristiano Ronaldo returned as the global cover star for a second consecutive time. He and Neymar appear on the Champions and Ultimate", + "score": 0.7119140625 + }, + { + "id": "17983208", + "title": "Aida Garifullina", + "text": "ORF Radio-Symphony Orchestra directed by Cornelius Meister. On 13 June 2018, Garifullina performed at the 2018 FIFA World Cup opening gala concert held at the Red Square in Moscow, She performed with Anna Netrebko, Juan Diego Florez and Placido Domingo and the Mariinsky Theatre Orchestra conducted by Valery Gergiev. On 14 June, Garifullina performed at the 2018 FIFA World Cup opening ceremony held at the Luzhniki Stadium in Moscow. She performed a duet of \u201cAngels\u201d with English pop singer Robbie Williams. Aida Garifullina Aida Emilevna Garifullina () (born 30 September 1987) is a Russian operatic soprano of Tatar origin. She", + "score": 0.7119140625 + }, + { + "id": "20954721", + "title": "2021 UEFA Champions League Final", + "text": "2021 UEFA Champions League Final The 2021 UEFA Champions League Final will be the final match of the 2020\u201321 UEFA Champions League, the 66th season of Europe's premier club football tournament organised by UEFA, and the 29th season since it was renamed from the European Champion Clubs' Cup to the UEFA Champions League. The winners will earn the right to play against the winners of the 2020\u201321 UEFA Europa League in the 2021 UEFA Super Cup. An open bidding process was launched on 28 September 2018 by UEFA to select the venues of the finals of the UEFA Champions League,", + "score": 0.71142578125 + }, + { + "id": "15675956", + "title": "2Cellos", + "text": "2018, 2Cellos performed the UEFA Champions League Anthem ahead of the 2018 UEFA Champions League Final between Real Madrid C.F. and Liverpool F.C. 2Cellos 2Cellos (stylized 2C\u039eLLOS) is a Croatian cellist duo, consisting of classically trained Luka \u0160uli\u0107 and Stjepan Hauser. Signed to Sony Masterworks since 2011, they have released four albums and play instrumental arrangements of well-known pop and rock songs as well as classical and film music. The duo performs internationally and has been featured on several US TV shows including \"Glee\" and \"The Bachelor\". Hauser, born in Pula, Croatia, and \u0160uli\u0107, born in Maribor, Slovenia, are classically", + "score": 0.71044921875 + }, + { + "id": "18871294", + "title": "2017 UEFA Champions League Final", + "text": "several minutes. The 2017 UEFA Women's Champions League Final was held two days prior, on 1 June 2017, at the Cardiff City Stadium, with title holders Lyon beating Paris Saint-Germain 7\u20136 on penalties, following a 0\u20130 draw after extra time. The winning penalty was scored by Lyon goalkeeper Sarah Bouhaddi, immediately after her opposite number, Katarzyna Kiedrzynek, had missed her kick. The annual UEFA Champions Festival was held between 1\u20134 June 2017 at Cardiff Bay. German referee Felix Brych was announced as the final referee by UEFA on 12 May 2017. Juventus dominated possession in the opening 19 minutes of", + "score": 0.71044921875 + }, + { + "id": "19176646", + "title": "Croatia in the Eurovision Song Contest 2016", + "text": "Kralji\u0107 also performed \"Lighthouse\" live for the first time during the RTS morning programme. On 9 April, Kralji\u0107 performed during the \"Eurovision in Concert\" event which was held at the Melkweg venue in Amsterdam, Netherlands and hosted by Cornald Maas and Hera Bj\u00f6rk. On 17 April, Kralji\u0107 performed during the \"London Eurovision Party\", which was held at the Caf\u00e9 de Paris venue in London, United Kingdom and hosted by Nicki French and Paddy O'Connell. In addition to her international appearances, Nina Kralji\u0107 performed \"Lighthouse\" as a musical guest during the 2016 Miss Universe Croatia pageant in Zagreb on 15 April", + "score": 0.7099609375 + }, + { + "id": "17316791", + "title": "2015\u201316 UEFA Champions League", + "text": "2015\u201316 UEFA Champions League The 2015\u201316 UEFA Champions League was the 61st season of Europe's premier club football tournament organised by UEFA, and the 24th season since it was renamed from the European Champion Clubs' Cup to the UEFA Champions League. Barcelona were the title holders, but were eliminated by Atl\u00e9tico Madrid in the quarter-finals. The 2016 UEFA Champions League Final was played between Real Madrid and Atl\u00e9tico Madrid at the San Siro in Milan, Italy. It was the second time in the tournament's history that both finalists were from the same city, after the same clubs faced each other", + "score": 0.70947265625 + }, + { + "id": "19736866", + "title": "France in the Eurovision Song Contest 2017", + "text": "promote \"Requiem\" as the French Eurovision entry. On 25 February 2017, Alma performed \"Requiem\" at the Ukrainian national final. She also participated at the London Eurovision Party at the Caf\u00e9 de Paris in London, United Kingdom; the Eurovision in Concert at the Melkweg venue in Amsterdam, Netherlands; Israel Calling at the Ha'teatron in Tel Aviv, and the Eurovision-Spain Pre-Party at the La Riviera venue in Madrid, Spain. The \"Eurovision Song Contest 2017\" took place at the International Exhibition Centre in Kiev, Ukraine and consisted of two semi-finals on 9 and 11 May and the final on 13 May 2017. According", + "score": 0.70947265625 + }, + { + "id": "20155738", + "title": "Portugal in the Eurovision Song Contest 2018", + "text": "semi-final took place at RTP's studios in Lisbon on 25 February 2018, and was hosted by S\u00f3nia Ara\u00fajo and . As in the first semifinal, thirteen entries competed for seven places in the final, and the qualifiers were determined by a 50/50 combination of votes from an expert jury made up of music professionals and from the public televote. The final took place at Pavilh\u00e3o Multiusos in Guimar\u00e3es, on 4 March 2018, and was hosted by Filomena Cautela and Pedro Fernandes. The winner, Cl\u00e1udia Pascoal with the song \"O jardim\", was determined by a 50/50 combination of points awarded by", + "score": 0.708984375 + }, + { + "id": "3212255", + "title": "Nessun dorma", + "text": "at his funeral during the flypast by the Italian Air Force. In 2013, the track was certified gold by the Federation of the Italian Music Industry. On 7 May 2016, Andrea Bocelli sang \"Nessun dorma\" in the King Power Stadium, home of Leicester City Football Club, before Leicester City's final home match of the 2015\u201316 Premier League season against Everton F.C.. Leicester's manager Claudio Ranieri stood beside Bocelli for the performance. After the game, Leicester were presented with the Premier League trophy for the first time in their history. \"Nessun dorma\" (often in adapted versions of the score) has been", + "score": 0.708984375 + }, + { + "id": "20441592", + "title": "2018 FIFA World Cup Final", + "text": "of \"Live It Up\", the official song of the tournament, by Will Smith, Nicky Jam, and Era Istrefi. Jam also performed \"X (Equis)\", wearing a shirt honouring J Balvin. Opera singer Aida Garifullina sang the Russian folk song \"Kalinka\", accompanied by a children's choir and percussion section that featured a cameo by Brazilian star Ronaldinho. Croatia kicked off the final at 18:00 local time (15:00 UTC), with the ground temperature reported at . The match was played through a minor thunderstorm, which produced several visible lightning strikes. An audience of 78,011 spectators at the Luzhniki Stadium watched the match, including", + "score": 0.7080078125 + }, + { + "id": "19851762", + "title": "2017 UEFA Women's Champions League Final", + "text": "2017 UEFA Women's Champions League Final The 2017 UEFA Women's Champions League Final was the final match of the 2016\u201317 UEFA Women's Champions League, the 16th season of Europe's premier women's club football tournament organised by UEFA, and the eighth season since it was renamed from the UEFA Women's Cup to the UEFA Women's Champions League. It was played at the Cardiff City Stadium in Cardiff, Wales, on 1 June 2017, between two French sides Lyon and Paris Saint-Germain. Lyon won the final 7\u20136 on penalties after a goalless draw, giving them their fourth title, equalling Frankfurt's record, and became", + "score": 0.70751953125 + }, + { + "id": "20423681", + "title": "2019\u201320 UEFA Champions League", + "text": "2019\u201320 UEFA Champions League The 2019\u201320 UEFA Champions League will be the 65th season of Europe's premier club football tournament organised by UEFA, and the 28th season since it was renamed from the European Champion Clubs' Cup to the UEFA Champions League. The final will be played at the Atat\u00fcrk Olympic Stadium in Istanbul, Turkey. The winners of the 2019\u201320 UEFA Champions League will earn the right to play against the winners of the 2019\u201320 UEFA Europa League in the 2020 UEFA Super Cup. They will also automatically qualify for the 2020\u201321 UEFA Champions League group stage, and if they", + "score": 0.70751953125 + }, + { + "id": "18221927", + "title": "2016 UEFA Champions League Final", + "text": "in Reggio Emilia. The annual UEFA Champions Festival was held between 26\u201329 May 2016 at Milan's Piazza del Duomo. English referee Mark Clattenburg was announced as the final referee by UEFA on 10 May 2016. The goal-line technology system Hawk-Eye was used for the match. This was the first UEFA Champions League final to employ goal-line technology, following approval by the UEFA Executive Committee in January 2016. Real Madrid dominated possession in the early stages of the match. Six minutes into the game Gareth Bale delivered a free-kick into Atl\u00e9tico Madrid's penalty box, which found Casemiro. His goalbound shot was", + "score": 0.70751953125 + }, + { + "id": "14948690", + "title": "Cu\u0308neyt C\u0327ak\u0131r", + "text": "and Argentina, which was played in S\u00e3o Paulo. \u00c7ak\u0131r officiated the 2015 UEFA Champions League Final match between Juventus and Barcelona at Olympiastadion in Berlin, Germany on 6 June 2015 and showed his yellow card three times. In 2016, \u00c7ak\u0131r officiated two different semi-final matches in the 2015\u201316 UEFA Champions League, the first referee to do so. \u00c7ak\u0131r officiated the 2016\u201317 UEFA Champions League semi-final match between Atl\u00e9tico Madrid and Real Madrid at Vicente Calder\u00f3n in Madrid, Spain on 10 May 2017. In the 2017-18 UEFA Champions League, \u00c7ak\u0131r officiated the group stage match between Bayern Munich and Paris Saint-Germain", + "score": 0.70751953125 + }, + { + "id": "13651638", + "title": "Felix Brych", + "text": "won 4\u20132, in what was considered a controversial officiating. On 12 May 2017, Brych was chosen by UEFA as the referee for the 2017 UEFA Champions League Final, played in Cardiff on 3 June 2017 between Juventus and Real Madrid. He was joined by assistants Mark Borsch and Stefan Lupp, and the fourth official was Serbian Milorad Ma\u017ei\u0107. Bastian Dankert and Marco Fritz served as the additional assistant referees, with Rafael Foltyn appointed as the reserve assistant referee. On 29 March 2018, Brych was selected by FIFA as one of the referees to officiate at the 2018 FIFA World Cup", + "score": 0.70654296875 + }, + { + "id": "14904088", + "title": "2013 UEFA Champions League Final", + "text": "Bayern Munich's manager Jupp Heynckes said that \"We have achieved something unique\". 2013 UEFA Champions League Final The 2013 UEFA Champions League Final was the final match of the 2012\u201313 UEFA Champions League, the 58th season of Europe's premier club football tournament organised by UEFA, and the 21st season since it was renamed from the European Champion Clubs' Cup to the UEFA Champions League. The match took place on Saturday, 25 May 2013, at Wembley Stadium in London, England, between German Bundesliga clubs Borussia Dortmund and Bayern Munich. In the first all-German Champions League final, Bayern won the match 2\u20131", + "score": 0.7060546875 + }, + { + "id": "10978165", + "title": "UEFA Champions League Anthem", + "text": "Fields chorus can be heard singing the influential piece \"Zadok the Priest\" on the 2002 album \"World Soccer Anthems\". In 2018, composer Hans Zimmer remixed the anthem with rapper Vince Staples for EA Sports\u2019 \"FIFA\" video game \"FIFA 19\", with it also featuring in the game\u2019s reveal trailer. UEFA Champions League Anthem The UEFA Champions League Anthem, officially titled simply as \"Champions League\", is the official anthem of the UEFA Champions League, written by English composer Tony Britten in 1992, and based on George Frideric Handel\u2019s \"Zadok the Priest\". The complete anthem is about three minutes long, and has two", + "score": 0.7060546875 + }, + { + "id": "19735456", + "title": "2018 UEFA Champions League Final", + "text": "by 20 masked hooligans. On 7 May 2018, UEFA announced that Serbian Milorad Ma\u017ei\u0107 would officiate the final. Ma\u017ei\u0107 has been a FIFA referee since 2009, and gained UEFA's elite referee status in 2013. He was joined by his fellow countrymen, with Milovan Risti\u0107 and Dalibor \u0110urdevi\u0107 as assistant referees, Nenad \u0110oki\u0107 and Danilo Gruji\u0107 as additional assistant referees, and Nemanja Petrovi\u0107 as reserve assistant referee. The fourth official for the final was Frenchman Cl\u00e9ment Turpin. The match began with Liverpool's kickoff and the team's successive attacks to counter Madrid's slower, possession-based buildup. In the 23rd minute, a low shot", + "score": 0.70556640625 + }, + { + "id": "19982013", + "title": "2018\u201319 UEFA Champions League", + "text": "qualified through their league performance, the berth reserved will be given to the champions of the 2018\u201319 Austrian Bundesliga, the 11th-ranked association according to next season's access list. For the first time, the video assistant referee (VAR) system will be used in the competition from the round of 16 onwards. Real Madrid are the defending champions, having won the title for three successive seasons in 2015\u201316, 2016\u201317 and 2017\u201318. On 9 December 2016, UEFA confirmed the reforming plan for the UEFA Champions League for the 2018\u20132021 cycle, which was announced on 26 August 2016. As per the new regulations, the", + "score": 0.70556640625 + }, + { + "id": "19735446", + "title": "2018 UEFA Champions League Final", + "text": "13th overall Champions League title, becoming the first team to achieve three back-to-back titles since Bayern Munich defeated Saint-\u00c9tienne in the 1976 European Cup Final; it was additionally their fourth title in five seasons. They also earned the right to play the winners of the 2017\u201318 UEFA Europa League, Atl\u00e9tico Madrid, in the 2018 UEFA Super Cup and to enter the semi-finals of the 2018 FIFA Club World Cup. They also qualified to enter the group stage of the 2018\u201319 UEFA Champions League, but since they already qualified through their league performance, the berth reserved was given to the champions", + "score": 0.705078125 + }, + { + "id": "19943886", + "title": "Eurovision Song Contest 2018", + "text": "Eurovision Song Contest 2018 The Eurovision Song Contest 2018 was the 63rd edition of the annual Eurovision Song Contest. It took place for the first time in Portugal following the country's first victory at the 2017 contest in Kiev, Ukraine with the song \"Amar pelos dois\", performed by Salvador Sobral. The contest was held at the Altice Arena in Lisbon, and consisted of two semi-finals on 8 and 10 May, and the final on 12 May 2018. The three live shows were hosted by Filomena Cautela, S\u00edlvia Alberto, Daniela Ruah and Catarina Furtado. Forty-three countries participated in the contest, equalling", + "score": 0.70458984375 + }, + { + "id": "19982026", + "title": "2018\u201319 UEFA Champions League", + "text": "administrative purposes) will be determined by an additional draw held after the quarter-final and semi-final draws. Statistics exclude qualifying rounds and play-off round. Note: Players and teams in bold are still active in the competition. 2018\u201319 UEFA Champions League The 2018\u201319 UEFA Champions League is the 64th season of Europe's premier club football tournament organised by UEFA, and the 27th season since it was renamed from the European Champion Clubs' Cup to the UEFA Champions League. The final will be played at the Wanda Metropolitano in Madrid, Spain. The winners of the 2018\u201319 UEFA Champions League will earn the right", + "score": 0.7041015625 + }, + { + "id": "19735449", + "title": "2018 UEFA Champions League Final", + "text": "Madrid reached a record 16th final after a 4\u20133 aggregate win against German side Bayern Munich, knocking them out of the competition for the second consecutive season. This was Real Madrid's third consecutive final, and fourth final in five tournaments with an opportunity to win a record 13th title. Previously they won finals in 1956, 1957, 1958, 1959, 1960, 1966, 1998, 2000, 2002, 2014, 2016 and 2017; and lost in 1962, 1964 and 1981. This was also their 20th final in all seasonal UEFA competitions, having also played in two Cup Winners' Cup finals (losing in 1971 and 1983) and", + "score": 0.703125 + }, + { + "id": "3336650", + "title": "Stade de France", + "text": "for the 2016 Euros hosting seven matches. The stadium was used for the opening ceremony of the tournament which saw French DJ David Guetta perform at the stadium. At the end of his set, Guetta invited Swedish singer Zara Larsson on stage to perform the tournament's official song - \"This One's for You\". Following the ceremony the stadium was used for the tournament's opening game which saw France beat Romania 2-1. Across the next month, the stadium was used for six other tournament matches including the UEFA Euro 2016 Final between France and Portugal. The match followed the closing ceremony", + "score": 0.703125 + }, + { + "id": "19946899", + "title": "2017 League of Legends World Championship", + "text": "Die\" by Against the Current, with Chou playing the piano behind. An augmented reality dragon (modeled after the in-game Elder Drake) also flew and soared around the arena halfway through the performance, with a giant Summoner\u2019s Cup rising from the grounds of the stadium at the same time, catching the stadium's audience and global fans by surprise. The closing ceremony featured Alan Walker performing his own remix of \"Legends Never Die\", with Chrissy Costanza on the vocals. The overall performances of the ceremony received widespread praises. The finals gained a solid following of 60 million unique viewers, breaking 2016's viewer", + "score": 0.70263671875 + }, + { + "id": "7841652", + "title": "1999 UEFA Champions League Final", + "text": "\u2013 performed a live version of \"Barcelona\", a song she recorded with the late Queen lead singer Freddie Mercury in 1987, accompanied by a recording of Mercury on the stadium's electronic screen. The opening ceremony featured inflatable versions of some of Barcelona's most recognisable landmarks, as well as flag-bearers waving flags of the crests of the participating teams. Bayern Munich's fans, meanwhile, created a tifo of the name of their team with thousands of coloured cards. Manchester United left England two days before the final, first flying from Manchester Ringway Airport to Heathrow, where they boarded a Concorde aircraft for", + "score": 0.70263671875 + }, + { + "id": "7491858", + "title": "Friends Arena", + "text": "venue on 19 July 2015 in front of a sold-out crowd of 53,000 people. On 26 July 2016, Beyonc\u00e9 performed at the stadium to a sold-out crowd of 48,519 for her The Formation World Tour. Depeche Mode performed at the stadium on 5 May 2017. The show was the opening night of the band's Global Spirit Tour in front of a sold-out crowd of 36,400 people. Ariana Grande performed here on 8 May 2017. The show was the kick off of the European leg of her Dangerous Woman Tour. The stadium was the venue for the 2017 UEFA Europa League", + "score": 0.7021484375 + }, + { + "id": "8166897", + "title": "2002 UEFA Champions League Final", + "text": "2002 UEFA Champions League Final The 2002 UEFA Champions League Final was the final match of the 2001\u201302 UEFA Champions League, Europe's primary club football competition. The show-piece event was contested between Bayer Leverkusen of Germany and Real Madrid of Spain at Hampden Park in Glasgow, Scotland on Wednesday, 15 May 2002, to decide the winner of the Champions League. Leverkusen appeared in the final for the first time, whereas Real Madrid appeared in their 12th final. Each club needed to progress through two group stages, and two knockout rounds to reach the final. Real Madrid won their group and", + "score": 0.70166015625 + }, + { + "id": "546630", + "title": "UEFA Champions League", + "text": "titled simply as \"Champions League\", was written by Tony Britten, and is an adaptation of George Frideric Handel's \"Zadok the Priest\" (one of his Coronation Anthems). UEFA commissioned Britten in 1992 to arrange an anthem, and the piece was performed by London's Royal Philharmonic Orchestra and sung by the Academy of St. Martin in the Fields. UEFA\u2019s official website states, \u201cthe anthem is now almost as iconic as the trophy.\u201d The chorus contains the three official languages used by UEFA: English, German, and French. The climactic moment is set to the exclamations \u2018Die Meister! Die Besten! Les Grandes \u00c9quipes! The", + "score": 0.70166015625 + }, + { + "id": "19489110", + "title": "2016 UEFA Women's Champions League Final", + "text": "2016 UEFA Women's Champions League Final The 2016 UEFA Women's Champions League Final was the final match of the 2015\u201316 UEFA Women's Champions League, the 15th season of Europe's premier women's club football tournament organised by UEFA, and the seventh season since it was renamed from the UEFA Women's Cup to the UEFA Women's Champions League. It was played at the Mapei Stadium \u2013 Citt\u00e0 del Tricolore stadium in Reggio Emilia, Italy, on 26 May 2016, between German team Wolfsburg and French team Lyon. Lyon defeated Wolfsburg 4\u20133 on penalties (1\u20131 after extra time) to win their third European title.", + "score": 0.701171875 + }, + { + "id": "20735156", + "title": "2018\u201319 UEFA Champions League knockout phase", + "text": "held on 15 March 2019, 12:00 CET (after the quarter-final draw). The first legs will be played on 30 April and 1 May, and the second legs will be played on 7 and 8 May 2019. The final will be played on 1 June 2019 at the Wanda Metropolitano in Madrid. The \"home\" team (for administrative purposes) will be determined by an additional draw held after the quarter-final and semi-final draws. 2018\u201319 UEFA Champions League knockout phase The 2018\u201319 UEFA Champions League knockout phase is scheduled to begin on 12 February and end on 1 June 2019 with the final", + "score": 0.701171875 + }, + { + "id": "20340994", + "title": "The Champion (song)", + "text": "made their way to the stage towards the final chorus. The Champion (song) \"The Champion\" is a song recorded by American country music singer Carrie Underwood, featuring rapper Ludacris. The song was released on January 12, 2018, and was recorded to serve as an opening theme for NBC's television broadcast of Super Bowl LII. It was included as a bonus track on Underwood's sixth studio album \"Cry Pretty\". The song entered at number 47 on the \"Billboard\" Hot 100 in the United States. The song's lyrics revolve around recovery from obstacles. The song was relevant to both Super Bowl LII", + "score": 0.70068359375 + }, + { + "id": "19772870", + "title": "United Kingdom in the Eurovision Song Contest 2017", + "text": "in the televised final on 27 January 2017. In addition to their performances, musical guest performers were featured in the show. A combination of the votes from the public and the votes from an eight-member professional jury panel selected the winner, Lucie Jones. Three of the members of the eight-member jury panel provided feedback regarding the songs during the show, and they were: Norway's Eurovision 2009 winner Alexander Rybak was revealed as the first guest performer on 16 December 2016 and opened the show with his winning song \"Fairytale\". Pop rock band The Vamps were also revealed as guest performers", + "score": 0.7001953125 + }, + { + "id": "19887622", + "title": "2018 UEFA Europa League Final", + "text": "2018 UEFA Europa League Final The 2018 UEFA Europa League Final was the final match of the 2017\u201318 UEFA Europa League, the 47th season of Europe's secondary club football tournament organised by UEFA, and the 9th season since it was renamed from the UEFA Cup to the UEFA Europa League. It was played at the Parc Olympique Lyonnais in D\u00e9cines-Charpieu, Lyon, France on 16 May 2018, between French side Marseille and Spanish side Atl\u00e9tico Madrid. Atl\u00e9tico Madrid won the match 3\u20130 for their third Europa League title. As winners, Atl\u00e9tico Madrid earned the right to play against the winners of", + "score": 0.7001953125 + }, + { + "id": "20340989", + "title": "The Champion (song)", + "text": "The Champion (song) \"The Champion\" is a song recorded by American country music singer Carrie Underwood, featuring rapper Ludacris. The song was released on January 12, 2018, and was recorded to serve as an opening theme for NBC's television broadcast of Super Bowl LII. It was included as a bonus track on Underwood's sixth studio album \"Cry Pretty\". The song entered at number 47 on the \"Billboard\" Hot 100 in the United States. The song's lyrics revolve around recovery from obstacles. The song was relevant to both Super Bowl LII and the 2018 Winter Olympics, which were both being broadcast", + "score": 0.69970703125 + }, + { + "id": "19600063", + "title": "2016\u201317 UEFA Champions League knockout phase", + "text": "legs were played on 14, 15, 21 and 22 February, and the second legs were played on 7, 8, 14 and 15 March 2017.
\"6\u20136 on aggregate. Monaco won on away goals.\" \"Real Madrid won 6\u20132 on aggregate.\" \"Borussia Dortmund won 4\u20131 on aggregate.\" \"Bayern Munich won 10\u20132 on aggregate.\" \"Juventus won 3\u20130 on aggregate.\" \"Atl\u00e9tico Madrid won 4\u20132 on aggregate.\" \"Barcelona won 6\u20135 on aggregate.\" \"Leicester City won 3\u20132 on aggregate.\" The draw was held on 17 March 2017. The first legs were played on 11 and 12 April, and the second legs were played on", + "score": 0.69921875 + }, + { + "id": "19709075", + "title": "Ukraine in the Eurovision Song Contest 2017", + "text": "Manel Navarro performed the 2017 Spanish entry \"Do It for Your Lover\" as a guest. Final takes place on 25 February 2017. Special guests of the Final Show are Alma and Kasia Mo\u015b. The \"Eurovision Song Contest 2017\" took place at the International Exhibition Centre in Kiev, Ukraine and consisted of two semi-finals on 9 and 11 May and the final on 13 May 2017. All countries except the \"Big 5\" (France, Germany, Italy, Spain and the United Kingdom) and the host country, are required to qualify from one of two semi-finals in order to compete for the final; the", + "score": 0.69921875 + }, + { + "id": "17316802", + "title": "2015\u201316 UEFA Champions League", + "text": "final was played on 28 May 2016 at the San Siro in Milan, Italy. The \"home\" team (for administrative purposes) was determined by an additional draw held after the semi-final draw. Statistics exclude qualifying rounds and play-off round. The UEFA technical study group selected the following 18 players as the squad of the tournament. 2015\u201316 UEFA Champions League The 2015\u201316 UEFA Champions League was the 61st season of Europe's premier club football tournament organised by UEFA, and the 24th season since it was renamed from the European Champion Clubs' Cup to the UEFA Champions League. Barcelona were the title holders,", + "score": 0.69873046875 + }, + { + "id": "10915562", + "title": "2018 FIFA World Cup", + "text": "2018, at the Luzhniki Stadium in Moscow, preceding the opening match of the tournament between hosts Russia and Saudi Arabia. At the start of the ceremony, Russian president Vladimir Putin gave a speech, welcoming the countries of the world to Russia and calling football a uniting force. Brazilian World Cup-winning striker Ronaldo entered the stadium with a child in a Russia shirt. Pop singer Robbie Williams then sang two of his songs solo before he and Russian soprano Aida Garifullina performed a duet. Dancers dressed in the flags of the 32 competing teams appeared carrying a sign with the name", + "score": 0.69873046875 + }, + { + "id": "19943917", + "title": "Eurovision Song Contest 2018", + "text": "Lisbon 2018 is the official compilation album of the contest, put together by the European Broadcasting Union and released by Universal Music Group digitally on 6 April 2018 and physically on 20 April 2018. The album features all 43 participating entries, including the semi-finalists that failed to qualify for the grand final. Eurovision Song Contest 2018 The Eurovision Song Contest 2018 was the 63rd edition of the annual Eurovision Song Contest. It took place for the first time in Portugal following the country's first victory at the 2017 contest in Kiev, Ukraine with the song \"Amar pelos dois\", performed by", + "score": 0.6982421875 + }, + { + "id": "14198681", + "title": "2010 Champions League Twenty20", + "text": "Golden Wicket Award and declared the Player of the Tournament. The song \"I Like It\" by Enrique Iglesias was taken as the official song for the 2010 Champions League Twenty20. Enrique performed the song along with \"Be With You\" at the opening ceremony of the tournament. In February 2010, Cricket South Africa announced that South Africa was chosen as the host of the tournament. This was later denied by tournament chairman Lalit Modi, who listed South Africa, Australia, England, India and the Middle East all as possible contenders for hosting the tournament. On 25 April 2010, at the conclusion of", + "score": 0.69775390625 + }, + { + "id": "19600064", + "title": "2016\u201317 UEFA Champions League knockout phase", + "text": "18 and 19 April 2017.
\"Atl\u00e9tico Madrid won 2\u20131 on aggregate.\" \"Monaco won 6\u20133 on aggregate.\" \"Real Madrid won 6\u20133 on aggregate.\" \"Juventus won 3\u20130 on aggregate.\" The draw was held on 21 April 2017. The first legs were played on 2 and 3 May, and the second legs were played on 9 and 10 May 2017.
\"Real Madrid won 4\u20132 on aggregate.\" \"Juventus won 4\u20131 on aggregate.\" The final was played on 3 June 2017 at Millennium Stadium in Cardiff, Wales. The \"home\" team (for administrative purposes) was determined by an additional draw", + "score": 0.69775390625 + }, + { + "id": "13668574", + "title": "Eurovision Song Contest 2016", + "text": "pre-allocated to vote and perform in the first and second semi-final respectively due to requests from their respective broadcaster, which were approved by the EBU. It was announced on 1 May 2016 that the opening act of the first semi-final would be a performance of \"Heroes\" by M\u00e5ns Zelmerl\u00f6w, while the opening act of the second semi-final would be a musical theatre comedy song entitled \"That's Eurovision\", composed by Matheson Bayley and written by Bayley, Edward af Sill\u00e9n and Daniel R\u00e9hn, and performed by Zelmerl\u00f6w and Mede. The opening act of the final was a parade of flags similar to", + "score": 0.697265625 + }, + { + "id": "20210824", + "title": "2017\u201318 UEFA Champions League knockout phase", + "text": "time since the 2009\u201310 UEFA Champions League, all the four teams at this stage represent different national associations.
The first legs were played on 24 and 25 April, and the second legs were played on 1 and 2 May 2018. \"Real Madrid won 4\u20133 on aggregate.\" \"Liverpool won 7\u20136 on aggregate.\"
The final was played at the NSC Olimpiyskiy Stadium in Kiev on 26 May 2018. The \"home\" team (for administrative purposes) was determined by an additional draw held after the semi-final draw.
2017\u201318 UEFA Champions League knockout phase The 2017\u201318", + "score": 0.697265625 + }, + { + "id": "20155626", + "title": "Sweden in the Eurovision Song Contest 2018", + "text": "groups determined the winner, Benjamin Ingrosso with the song \"Dance You Off\". The viewers and the juries each had a total of 638 points to award. The nations that comprised the international jury were , , , , , , , , , and the . The \"Eurovision Song Contest 2018\" did take place at the Altice Arena in Lisbon, Portugal, and consisted of two semi-finals on 8 and 10 May and the final on 12 May 2018. According to Eurovision rules, all nations with the exceptions of the host country and the \"Big 5\" (France, Germany, Italy, Spain and", + "score": 0.697265625 + }, + { + "id": "20441570", + "title": "2018 FIFA World Cup Final", + "text": "2018 FIFA World Cup Final The 2018 FIFA World Cup Final was a football match that took place on 15 July 2018 to determine the winners of the 2018 FIFA World Cup. It was the final of the 21st FIFA World Cup, a quadrennial tournament contested by the men's national teams of the member associations of FIFA. The match was contested by France and Croatia, and held at the Luzhniki Stadium in Moscow, Russia. Before 2018, France's only World Cup victory was in 1998 \u2013 though they had also reached the final in 2006 \u2013 while Croatia were playing in", + "score": 0.697265625 + }, + { + "id": "20428624", + "title": "Montenegro in the Eurovision Song Contest 2018", + "text": "selected the finalists consisted of: The five finalists were announced on 16 January 2018. The three acts that advanced from the final round performed their song once again in the superfinal. The \"Eurovision Song Contest 2018\" took place at the Altice Arena in Lisbon, Portugal and consisted of two semi-finals on 8 and 10 May and the final on 12 May 2018. According to Eurovision rules, all nations with the exceptions of the host country and the \"Big 5\" (France, Germany, Italy, Spain and the United Kingdom) were required to qualify from one of two semi-finals in order to compete", + "score": 0.697265625 + }, + { + "id": "19981994", + "title": "2019 UEFA Champions League Final", + "text": "ever, an open bidding process was launched on 9 December 2016 by UEFA to select the venues of the club competition finals (UEFA Champions League, UEFA Europa League, UEFA Women's Champions League, and UEFA Super Cup). Associations had until 27 January 2017 to express interest, and bid dossiers must be submitted by 6 June 2017. UEFA announced on 3 February 2017 that two associations expressed interest in hosting, and confirmed on 7 June 2017 that they submitted bids for the 2019 UEFA Champions League Final: The bid evaluation report was published by UEFA on 14 September 2017. The Wanda Metropolitano", + "score": 0.6962890625 + }, + { + "id": "20428588", + "title": "Denmark in the Eurovision Song Contest 2018", + "text": "winner was selected by the public and jury vote. The three superfinalists were \"Starlight\" performed by Anna Ritsmar, \"Higher Ground\" performed by Rasmussen and \"Music for the Road\" performed by Albin Fredy. In the super-final, the winner, \"Higher Ground\" performed by Rasmussen, was selected by the public and jury vote. In addition to the performances of the competing entries, Eurovision Song Contest 2014 winner Conchita Wurst performed as the interval act. The \"Eurovision Song Contest 2018\" took place at the Altice Arena in Lisbon, Portugal and consisted of two semi-finals on 8 and 10 May and the final on 12", + "score": 0.6962890625 + }, + { + "id": "6450083", + "title": "Nobel Peace Prize Concert", + "text": "pianos, a series of pianos that were successfully restored following the Hiroshima and Nagaski atomic bombings in 1945, was featured during the event. It was played by John Legend during his and Zara Larsson's duet. This was the last concert before a hiatus was announced in 2018. No regular Nobel Peace Prize Concert was held this year, as the organizers decided to look at the event and make changes. An alternative concert is planned for 2018. It is estimated that the original Nobel Peace Prize concert will appear again in a different format in 2019. Hosts: K\u00e5re Magnus Bergh and", + "score": 0.69580078125 + }, + { + "id": "19390676", + "title": "Eurovision Song Contest 2017", + "text": "for the contest, which would appear alongside the hashtag \"#CelebrateDiversity\", the theme for the contest. The EBU released details regarding the opening and interval acts for each of the live shows on 20 April. As the interval act of the first semi-final, Jamala performed a revamped version of \"1944\" as well as \"Zamanyly\" (). The second semi-final was opened with a medley of Eurovision songs by two of the presenters, Oleksandr Skichko and Volodymyr Ostapchuk, while the interval of the semi-final was a dance performance by Apache CREW called \"The Children's Courtyard\". In the final, Jamala again performed with her", + "score": 0.69580078125 + }, + { + "id": "19176910", + "title": "Moldova in the Eurovision Song Contest 2016", + "text": "allowed the group to perform the song \"Extaz\", which was not originally sent to the broadcaster during the submission period. Alexandru Ceap\u0103 did not attend the auditions and therefore his song \"Viorele\" was disqualified. The 24 semi-finalists were allocated to one of the two semi-finals, each containing 12 entries, in a draw that was held on 11 February 2016 at TRM Headquarters in Chi\u0219in\u0103u. On 1 February 2016, \"Imagine\" performed by Katherine and the 2012 Belarusian Eurovision entrants Litesound was withdrawn from the competition and replaced with the song \"Va fi t\u00e2rziu\" performed by Valentina Nejel. On 15 February, \"Tare\"", + "score": 0.69482421875 + }, + { + "id": "6829742", + "title": "NBC Sunday Night Football", + "text": "between the two computer-generated pyrotechnics displays and finally, the sliding doors seen above the logo slide open while going into a live shot. Carrie Underwood returned for her fifth season on September 10. The opening sequence begins with a skyline and a Verizon logo (product placement) on the lower left of the screen. Underwood is seen Wearing a Red Dress While walking down the street before performing on stage. Various NFL stars also appeared in the opening. Carrie Underwood performed \"The Champion\" featuring rapper Ludacris as the opening sequence to Super Bowl LII, with product placement by Verizon. Carrie Underwood", + "score": 0.69482421875 + }, + { + "id": "19915899", + "title": "2018 UEFA Women's Champions League Final", + "text": "Lyon's seventh UEFA Women's Champions League Final, a new record. This was the third UEFA Women's Champions League Final between the two teams, after 2013 (won by Wolfsburg 1\u20130) and 2016 (won by Lyon 4\u20133 on penalties, 1\u20131 after extra time), and the third season in a row where the two teams met, as they also played each other in the previous season's quarter-finals, won by Lyon 2\u20131 on aggregate. The Valeriy Lobanovskyi Dynamo Stadium was announced as the final venue on 15 September 2016, following the decision of the UEFA Executive Committee meeting in Athens, Greece to appoint NSC", + "score": 0.69482421875 + }, + { + "id": "18871298", + "title": "2017 UEFA Champions League Final", + "text": "replaced striker Karim Benzema with Gareth Bale, a Cardiff native who had not been fit enough to start but was given a homecoming. Cuadrado picked up a second yellow card and was sent off in the 84th minute for a shove on Sergio Ramos, who went down while holding his foot. Marco Asensio scored Madrid's fourth and final goal in the 90th minute, a tap-in from after a cut-back from Marcelo from the left. The \"home\" team (for administrative purposes) was determined by an additional draw held after the semi-final draw, which was held on 21 April 2017 at UEFA", + "score": 0.6943359375 + }, + { + "id": "20487812", + "title": "2017 FIFA Club World Cup Final", + "text": "2017 FIFA Club World Cup Final The 2017 FIFA Club World Cup Final was the final match of the 2017 FIFA Club World Cup, the 14th edition of the FIFA Club World Cup, a FIFA-organised football tournament contested by the champions of the six continental confederations, as well as the league winner from the host nation. The final was played at the Zayed Sports City Stadium in Abu Dhabi, United Arab Emirates on 16 December 2017 and was contested between Spanish club and title holders Real Madrid, representing UEFA as the reigning champions of the UEFA Champions League, and Brazilian", + "score": 0.69384765625 + }, + { + "id": "20599171", + "title": "Goodbye (The Humans song)", + "text": "for the final. The group performed last in the final round on 25 February 2018; lead singer Caramarcu wore a red dress hand-sewed by Romanian designer Andreea Zamfir. The Humans ultimately won the \"Selec\u021bia Na\u021bional\u0103\", gathering 3,277 audience votes. The Eurovision Song Contest 2018 took place at the Altice Arena in Lisbon, Portugal and consisted of two semi-finals on 8 and 10 May, and the final on 12 May 2018. According to Eurovision rules, each country, except the host country and the \"Big 5\" (France, Germany, Italy, Spain and the United Kingdom), is required to qualify from one of two", + "score": 0.69384765625 + }, + { + "id": "20954722", + "title": "2021 UEFA Champions League Final", + "text": "UEFA Europa League, and UEFA Women's Champions League in 2021. Associations had until 26 October 2018 to express interest, and bid dossiers must be submitted by 15 February 2019. UEFA announced on 1 November 2018 that two associations had expressed interest in hosting the 2021 UEFA Champions League final. 2021 UEFA Champions League Final The 2021 UEFA Champions League Final will be the final match of the 2020\u201321 UEFA Champions League, the 66th season of Europe's premier club football tournament organised by UEFA, and the 29th season since it was renamed from the European Champion Clubs' Cup to the UEFA", + "score": 0.693359375 + }, + { + "id": "19863804", + "title": "2017 FIFA Confederations Cup Final", + "text": "2017 FIFA Confederations Cup Final The 2017 FIFA Confederations Cup Final was a football match to determine the winners of the 2017 FIFA Confederations Cup. The match was held at the Krestovsky Stadium in Saint Petersburg, Russia, on 2 July 2017, and was contested by the winners of the semi-finals, Chile and Germany. Germany won the final 1\u20130 via a 20th-minute goal from Lars Stindl to claim their first FIFA Confederations Cup title. The match was Chile's first Confederations Cup final in their inaugural participation in the tournament, having qualified by winning the Copa Am\u00e9rica in 2015 for the very", + "score": 0.693359375 + }, + { + "id": "16771923", + "title": "Milorad Maz\u030cic\u0301", + "text": "Real Madrid and Sevilla at the Lerkendal Stadium in Trondheim, Norway. After an exciting match, Real Madrid won hitting a goal at the very end of the 120 minutes lasting match. Ma\u017ei\u0107 refereed the 2017 FIFA Confederations Cup Final match between Chile and Germany played in Saint Petersburg on 2 July 2017; Germany upset Chile in a hard-fought, physical match (1\u20130). On 26 May 2018, Ma\u017ei\u0107 and his assistants refereed the 2018 UEFA Champions League Final between Liverpool and Real Madrid in Kiev. On 29 March 2018, FIFA announced that he will officiate some matches at 2018 FIFA World Cup", + "score": 0.69287109375 + }, + { + "id": "20430960", + "title": "2020 UEFA Women's Champions League Final", + "text": "Europa League, and UEFA Women's Champions League in 2020. Associations had until 31 October 2017 to express interest, and bid dossiers must be submitted by 1 March 2018. UEFA announced on 3 November 2017 that three associations had expressed interest in hosting the 2020 UEFA Women's Champions League final. The Franz Horr Stadium was selected by the UEFA Executive Committee during their meeting in Kiev on 24 May 2018. This is the first UEFA club competition final hosted at the stadium, and the first hosted at the city of Vienna since the 1995 UEFA Champions League Final at the Ernst-Happel-Stadion.", + "score": 0.69287109375 + }, + { + "id": "6832254", + "title": "Adidas Finale", + "text": "Adidas Finale The Adidas Finale is a brand of football made by Adidas. It is the current official football of the UEFA Champions League, after Adidas took over the contract of official supplier from Nike in 2000. The internal and external design of the ball changes reflecting improvements to football technologies taken from other Adidas-produced footballs. The external design is the \"Starball\" based on the stars of the UEFA Champions League logo. Each year's ball keeps the branding name of \"Adidas Finale\", excepting suffixes to designate the year. During its introduction the Adidas Finale was only used in the latter", + "score": 0.6923828125 + }, + { + "id": "18221912", + "title": "2015\u201316 UEFA Champions League knockout phase", + "text": "Madrid won 1\u20130 on aggregate.\" \"2\u20132 on aggregate. Atl\u00e9tico Madrid won on away goals.\" The final was played on 28 May 2016 at San Siro in Milan, Italy. 2015\u201316 UEFA Champions League knockout phase The 2015\u201316 UEFA Champions League knockout phase began on 16 February and concluded on 28 May 2016 with the final at San Siro in Milan, Italy, to decide the champions of the 2015\u201316 UEFA Champions League. A total of 16 teams competed in the knockout phase. Times up to 26 March 2016 (round of 16) were CET (), thereafter (quarter-finals and beyond) times were CEST ().", + "score": 0.6923828125 + }, + { + "id": "18674402", + "title": "2016\u201317 UEFA Women's Champions League", + "text": "2016\u201317 UEFA Women's Champions League The 2016\u201317 UEFA Women's Champions League was the 16th edition of the European women's club football championship organised by UEFA, and the 8th edition since being rebranded as the UEFA Women's Champions League. The final was held at the Cardiff City Stadium in Cardiff, Wales on 1 June 2017, two days before the final of the men's tournament played at the Millennium Stadium. Lyon were the defending champions, and successfully defended their title after defeating Paris Saint-Germain in the final 7\u20136 on penalties after a goalless draw, and equalled Frankfurt's record of four European titles.", + "score": 0.69140625 + }, + { + "id": "19500684", + "title": "2016 League of Legends World Championship", + "text": "City. The final was held in front of a crowd of nearly 20,000 fans at the Staples Center in Los Angeles. Russian-German DJ Zedd made an exclusive song for the tournament titled \"Ignite\", the song became available for streaming viewing on the game's official YouTube channel. SK Telecom T1 defended their title from the 2015 \"League of Legends\" World Championship by defeating runner-up Samsung Galaxy 3\u20132 in a best of five final series. With their win, SKT became the first three-time \"League of Legends\" world champion. SKT's Lee \"Faker\" Sang-hyeok was named MVP of the tournament. The final prize pool", + "score": 0.69140625 + } + ], + "answer": "Real Madrid and Liverpool were the teams that performed in the 2018 UEFA Champion League Final. Two goals from man of the match Gareth Bale proved the difference in a 3\u20131 win for Real Madrid Entertainers, Dua Lipa and Sean Paul performed for the opening ceremony, and the anthem was performed by 2Cellos, Luka Sulic and Stjephan Hauser. " + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Which character killed the man in thelma and louise?", + "short_answers": [ + "Louise Elizabeth Sawyer", + "Louise" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Which actor killed the man in thelma and louise?", + "short_answers": [ + "Susan Sarandon", + "Susan Abigail Sarandon" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who is the character that kills Harlan in the film Thelma and Louise?", + "short_answers": [ + "Louise Elizabeth Sawyer", + "Louise" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who is the actor of the character that killed a man in the film Thelma and Louise?", + "short_answers": [ + "Susan Sarandon" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Thelma & Louise", + "url": "https://en.wikipedia.org/wiki/Thelma%20%26%20Louise" + }, + { + "title": "Come Thelma & Louise", + "url": "https://en.wikipedia.org/wiki/Come%20Thelma%20%26%20Louise" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "In a fit of rage, Louise shoots Harlan in the chest, killing him instantly. ", + "wikipage": "Thelma & Louise" + } + ], + "long_answer": "In a fit of rage, Louise, played by Susan Sarandon, shoots Harlan in the chest, killing him instantly. " + }, + { + "knowledge": [ + { + "content": "Thelma & Louise is a 1991 American female buddy road crime film directed by Ridley Scott and written by Callie Khouri.", + "wikipage": "Thelma & Louise" + }, + { + "content": "It stars Geena Davis as Thelma and Susan Sarandon as Louise, two friends who embark on a road trip that ends up in unforeseen circumstances.", + "wikipage": "Thelma & Louise" + }, + { + "content": "In a fit of rage, Louise shoots Harlan in the chest, killing him instantly.", + "wikipage": "Thelma & Louise Plot" + } + ], + "long_answer": "Thelma & Louise is a 1991 American female buddy road crime film directed by Ridley Scott and written by Callie Khouri. It stars Geena Davis as Thelma and Susan Sarandon as Louise, two friends who embark on a road trip that ends up in unforeseen circumstances. Louise, played by Susan Sarandon, killed a man in the movie in a fit of rage." + } + ], + "sample_id": "-3322598412088356524", + "question": "Who killed the man in thelma and louise?", + "docs": [ + { + "id": "782874", + "title": "The Ladykillers", + "text": "One-Round tries to shoot Louis and Marcus when he overhears a plan to double-cross him but leaves the gun's safety catch on and is himself killed by Louis; Marcus kills Louis by dislodging his ladder under the tunnel behind the house, causing Louis to fall into a passing railway wagon. Before falling into the carriage Louis fires a last shot at Marcus which nearly hits him. Finally, with no-one else left, Marcus himself is struck on the head by a railway signal over the tunnel and drops into another wagon. All the other bodies have been dumped into railway wagons", + "score": 0.72509765625, + "summary": "Louis killed One-Round and Marcus killed Louis in the movie \"The Ladykillers.\"", + "extraction": "irrelevant" + }, + { + "id": "18086463", + "title": "Who Shaves the Barber?", + "text": "killed Pearl during a heated lovers' quarrel. Lester also claims he was present when Chazz killed Chief Thurman, thus explaining his hand injury. He says he covered for his hot-headed brother because he feared retaliation. Lester is released from jail while Chazz is incarcerated. Molly talks to Mr. Wrench, who is hospitalized under guard, and informs him that his partner, Mr. Numbers, is dead. Wrench, who is deaf, declines to provide any information. Meanwhile, Lorne Malvo infiltrates the Fargo, North Dakota offices of the crime syndicate who sent Numbers and Wrench, and armed with the UMP-45 automatic rifle that was", + "score": 0.72216796875, + "summary": "Irrelevant.", + "extraction": "irrelevant. The passage does not mention anything about Thelma and Louise or any character killing a man." + }, + { + "id": "5016258", + "title": "Tell Them Willie Boy Is Here", + "text": "to tribal custom Willie can then claim Lola as his wife. According to the law, Deputy Sheriff Cooper (Robert Redford) is required to charge him with murder. Willie Boy and Lola are hunted for several days by a posse led by Cooper. Willie manages to repel the posse\u2019s advance when he ambushes them from the top of Ruby Mountain. He only tries to shoot their horses, but ends up accidentally killing a bounty hunter, resulting in another murder charge. Days later, as the posse closes in, Lola dies by a gunshot wound to the chest. It is left deliberately ambiguous", + "score": 0.72216796875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "5294620", + "title": "The Bone Collector", + "text": "together with the asbestos left by the killer at scene of Lindsay\u2019s death lead Amelia to an abandoned subway station, where she sees numbers on the side of a carriage that have been tampered with to spell out Rhyme\u2019s police badge number. The killer arrives at Rhyme\u2019s house and kills both Thelma and police Captain Howard Cheney. The killer is revealed to be Richard Thompson, the medical technician in charge of Rhyme\u2019s medical equipment. Richard\u2019s real name is Marcus Andrews, a former forensics expert who was convicted after Rhyme wrote an article accusing him of planting evidence resulting in the", + "score": 0.71826171875, + "summary": "Irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "5068083", + "title": "Torque (film)", + "text": "deal (which Trey refused to allow prior to this scene) and begs Henry to give him some time to work it out. But Henry refuses and kills Junior by strangling him to death with a biker chain. Ford, Shane and the two friends go back to a motel to stay for the night. Meanwhile Ford and Shane are in the back of the motel flirting and talking. At the murder scene where Junior was found dead, two FBI agents show up. A woman, Henderson (Justina Machado) and her partner, Jay McPherson (Adam Scott). They say they will take care of", + "score": 0.71826171875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "15306364", + "title": "The Killing Kind (1973 film)", + "text": "that Tina were dead, he borrows the car and runs her off the road. He then kills the attorney who failed to get him a reduced sentence, Rhea Benson (Roman). He is heavily influenced by the power of suggestion in his vengeance. After he kills Lori, his mother decides to poison him. Louise (Anders) sees Thelma and Terry put Lori's body in a trash can and drive it to the dump and calls the police. As the film ends, Thelma holds Terry in her lap as the sirens are heard outside. The film was handled by Media Trend Productions, a", + "score": 0.71630859375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "9136695", + "title": "The Killing Box", + "text": "Pad Man, a mysterious operative superior to agent Kim, writes instructions to him, telling him to switch the phone to speaker mode and to ask Kellerman what kind of plan he has in mind. Kellerman reveals a plan for an ambush of the brothers in Albuquerque, New Mexico, en route to the brothers' trip back to Fox River, where their murder will look like an accident. Agent Kim, on the Pad Man's instructions, later tells Mahone to kill Kellerman during the crossfire. Mahone protests, saying he is not Jack Ruby. Kim replies that Ruby acted alone, while the US Government", + "score": 0.7158203125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "7779576", + "title": "The Split (film)", + "text": "split the money six ways the next day. McClain stashes the money for the night with Ellie, his ex-wife. While his partners impatiently await their split of the loot, Lt. Walter Brill takes charge of the case. Ellie is attacked and killed by Herb Sutro, her landlord, who steals the money as well. The rest of the gang members hold McClain accountable for the lost money and demand that he retrieve it. Brill quickly solves the murder and is well aware of the connection to the robber. He kills Sutro, but keeps the money for himself. With Ellie's murderer identified,", + "score": 0.71484375, + "summary": "Herb Sutro killed Ellie, the ex-wife of McClain, in the movie \"The Split\". However, this information is irrelevant to Thelma and Louise.", + "extraction": "Ellie is attacked and killed by Herb Sutro." + }, + { + "id": "18104523", + "title": "H. Louis Nichols", + "text": "with the American Civil Liberties Union. Nichols asked Oswald if he wanted him or a Dallas lawyer to represent him. Oswald stated \"No, not right now.\" Nichols then left Oswald to be alone in his cell and departed from the Dallas Police station. Nichols' visit with Oswald lasted approximately two minutes. Oswald was killed the next day by Jack Ruby. H. Louis Nichols H. Louis Nichols (November 7, 1916 \u2013 April 25, 2010) was an attorney who resided in Dallas, Texas. He is the only known attorney who visited Lee Harvey Oswald, while Oswald was in custody by the Dallas", + "score": 0.71240234375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "4350846", + "title": "Sin City (film)", + "text": "heads of the stalker's past victims and Lucille, who was captured when she decided to look into Marv's story. She reveals to Marv that the killer is a cannibal. He manages to break out, and learns that the killer's name is Kevin (Elijah Wood), but Lucille surrenders to the corrupt police officers who show up and is shot to death. Marv kills them off, hearing from their leader that Cardinal Patrick Henry Roark (Rutger Hauer) arranged for Goldie's murder. Marv goes to Old Town, Sin City's red light district seeking confirmation of the killer's identity. He is captured and allows", + "score": 0.7119140625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The given passage does not contain any information related to Thelma and Louise or the killing of a man." + }, + { + "id": "20442517", + "title": "Hanzee Dent", + "text": "Kansas City mob. Meanwhile, Lou stops at the gas station to call home, unaware his wife has collapsed, then discovers that Hanzee killed the attendant. Lou rushes to warn the others, and arrives to find the Gerhardts on the offensive against Cheney and his team. All but Ben and a wounded Hank are dead. Hanzee stabs Floyd to death and, as he moves to kill the Blumquists, a UFO appears in the midst of the chaos, distracting him. The Blumquists manage to flee the premises. During the final pursuit, Hanzee shoots Ed as he and Peggy flee through an alley.", + "score": 0.71044921875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "7613149", + "title": "Three Guardsmen", + "text": "robbery ended the gang with the deaths of most of its members. They are most famous for their relentless pursuit of the Wild Bunch, or Doolin Gang, which included surviving members of the Dalton Gang. The three lawmen eliminated many of the Doolin Gang by systematically killing gang members who resisted them and arresting those who would surrender. Deputy Marshal Heck Thomas killed gang leader Bill Doolin. Deputy Marshal Chris Madsen led the posse that killed Doolin gang members \"Dynamite Dan\" Clifton and Richard \"Little Dick\" West. Deputy Marshal Tilghman was ultimately responsible for the death of Doolin gang member", + "score": 0.70947265625, + "summary": "Irrelevant.", + "extraction": "irrelevant. The passage is about the Three Guardsmen and the Doolin Gang, and does not mention Thelma and Louise or any related events." + }, + { + "id": "2399217", + "title": "Jackie Brown", + "text": "of Nicolette, who has been told that the exchange is to take place in the food court. Instead, the bag she gives Melanie contains only $50,000 and she leaves the rest behind in the dressing room for Max to pick up. Jackie then feigns despair as she calls Nicolette and Dargus out from hiding, claiming Melanie took all the money and ran. In the parking lot, Melanie mocks Louis until he loses his temper and shoots and kills her. Louis confesses this to Ordell. Ordell is livid when he discovers that most of the money is gone, and he realizes", + "score": 0.708984375, + "summary": "Irrelevant.", + "extraction": "irrelevant. The passage is about Jackie Brown, and there is no mention of Thelma and Louise or a man being killed." + }, + { + "id": "13680710", + "title": "Dynamite Brothers", + "text": "for revealing this information. Larry, Stud, and the Smiling Man plan an attack on the drug ring, when they learn Razor has been seen near Betty's place. Larry and Stud arrive too late and find Betty dead by Razor. Angered, the two begin the attack on the drug mastermind. Stud manages to kill Razor, while Larry meets with the mastermind, discovering he is really his brother Wei Chin; Wei was the one that accidentally killed Larry's wife and fled the country to avoid his brother. As Smiling Man's men attack Wei's base, Wei attempts to flee but Larry is able", + "score": 0.7080078125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention anything about Thelma and Louise or anyone getting killed in it." + }, + { + "id": "8792372", + "title": "Guadalupe Canyon Massacre", + "text": "wounded.\" Rumors surfaced later in 1881 that Virgil, Morgan, and Wyatt Earp had killed Old Man Clanton. The first known account is in a letter from attorney William R. McLaury to his brother-in-law, David D. Appelgate on November 19, 1881. McLaury was passionately convinced that the Earps and Doc Holliday had murdered his younger brothers Frank and Tom during the Gunfight at the O.K. Corral. He was a member of the prosecution team that was presenting evidence during the preliminary hearing on the event before Judge Wells Spicer that month. The rumor of the Earps' involvement has been repeated in", + "score": 0.7080078125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "2399218", + "title": "Jackie Brown", + "text": "that Jackie is to blame. When Louis mentions that during the hand-off he saw Max Cherry in the store's dress department and thought nothing of it, Ordell kills Louis and leaves with the bag. Ordell turns his anger toward Max, who informs him that Jackie is frightened for her life and is waiting in Max's office to hand over the money. A menacing Ordell holds Max at gunpoint as they enter the darkened office. Jackie suddenly yells that Ordell has a gun, and Nicolette jumps from a hiding place and kills him. With the ATF dropping charges for her cooperation,", + "score": 0.7080078125, + "summary": "Irrelevant. The document is about the movie \"Jackie Brown\" and does not mention the man killed in Thelma and Louise.", + "extraction": "Irrelevant. The passage is about the movie \"Jackie Brown\" and does not mention anyone being killed in \"Thelma and Louise\"." + }, + { + "id": "6358373", + "title": "The Spider and the Fly (1949 film)", + "text": "one of their cordial occasional meetings, Maubert tells Lodocq that he can tell that Madeleine is different from Lodocq's other women; she has gotten under his skin. Later, the police are tipped off by an informant and arrive during an attempted theft. Lodocq gets away, but his assistant Jean Louis (John Carol) is killed, along with a policeman. Lodocq persuades Madeleine to provide him with an alibi. Maubert knows she is lying, but can do nothing. However, he does stop seeing her. Finally, Maubert gets the break he has been waiting for. Lodocq employs Jean Louis' brother Alfred for his", + "score": 0.70751953125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about a man being killed in Thelma and Louise." + }, + { + "id": "15875463", + "title": "Killer Joe (film)", + "text": "tells her to stay where she is. For a moment Dottie sits there, then she gets up and turns and, while the men yell out at her, Chris threatens Joe with a gun and the two struggle. Ansel and Sharla jump in to assist Joe as he brutally beats Chris, not wanting to be killed by Joe if Chris flees with Dottie. In all the confusion, Dottie recovers the gun and, in a rage, she fires several shots, killing Chris and seriously wounding Ansel. Dottie turns the gun on Joe, telling him that she is pregnant. Joe appears overjoyed as", + "score": 0.70703125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is about the movie \"Killer Joe\" and does not provide any information about a man being killed in \"Thelma and Louise\"." + }, + { + "id": "7041622", + "title": "Feng Shui (2004 film)", + "text": "Louie, Dina's husband. Both Inton and Dina were born in the year of the Dog. Louie tries to kill Joy but she pleads and tells him that both of them were cheated on by their spouses. Louie spares her as he shoots himself. Later, Joy calls Thelma about what happened. Thelma took Denton and Ingrid with her in the hopes of taking them to Joy. Thelma sees a truck of cows and chickens in front of her car. She comes to the realization that Ingrid was born in the year of the Ox, and Denton and herself were both born", + "score": 0.70654296875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "18517387", + "title": "Dying Room Only", + "text": "The sheriff returns, and this time he believes her story. The two drive through the desert towards an abandoned pump station, while Tom follows. The sheriff tells her that the man with the limp is named Lou McDermott and that he recently jumped parole. Oh ... and there have been other mysterious disappearances, a fact he neglected to tell Jean earlier. At the gas station, the sheriff shoots and kills Lou, and then the officer himself is snuffed out by Tom. Jean grabs the steering wheel of the police vehicle and tries to run Tom down, but she's caught. Both", + "score": 0.7060546875, + "summary": "The man with the limp who was killed in \"Thelma and Louise\" is named Lou McDermott. He had recently jumped parole and there have been other mysterious disappearances. The sheriff shoots and kills Lou at an abandoned pump station, and then the officer himself is killed by Tom. Jean tries to run Tom down but is caught.", + "extraction": "The sheriff shoots and kills Lou." + }, + { + "id": "7129581", + "title": "The File on Thelma Jordon", + "text": "Jordon is acquitted. Her past, however, has begun to catch up with her. Tony, her husband, rematerialises. She tells him she has successfully manipulated Cleve. She does not love him but he loves her. Cleve appears and Thelma acknowledges that there is a relationship with Tony Laredo, who conceived the scheme for her to commit murder and inherit Vera's jewels and money. Unable to deal with her guilty conscience, Jordon causes a car accident that results in her accomplice's death and her own fatal injury. As she lies dying, Jordon confesses the truth to the district attorney. However, she does", + "score": 0.705078125 + }, + { + "id": "14940914", + "title": "Looking for Trouble", + "text": "apartment. When they arrive, Ethel is there to meet up with Dan for their trip to Mexico with the bounty from the robbery. Ethel finds Dan shot and killed in the apartment and comes running out into the street in a state of complete hysteria. When the police catch her, she has a check from Dan\u2019s bosses in her hand, and it has Dan\u2019s fingerprints all over it. Ethel is arrested for killing Dan and being an accomplice in the racketeering operation. Joe is doubtful of Ethel\u2019s involvement in the illegal business, and he doesn\u2019t believe she killed Dan. He", + "score": 0.70361328125 + }, + { + "id": "12220401", + "title": "Edge of the City", + "text": "implores him to stop, but Malick seizes the hook and kills him. The police investigation is stymied by lack of cooperation from the longshoremen, including Axel. But after meeting with the distraught Lucy, who accuses him of never being Tommy's friend as he knows who killed Tommy but has not told the police, Axel finally decides to cooperate. He goes to Malick to tell him that. They get into a fight, and in the end, though beaten, Axel strangles Malick unconscious and drags him away to face justice. Metro-Goldwyn-Mayer budgeted only $500,000 for the film because its racial content was", + "score": 0.70361328125 + }, + { + "id": "16543069", + "title": "At Gunpoint", + "text": "old marshal when he arrives. Jack is just a meek storekeeper, but he manages to grab a gun and wing the fleeing Alvin Dennis, who is then killed by another townsman, George Henderson. And the bank's loot is saved. Everybody, particularly banker Livingston, appreciates the bravery of the town heroes. But when the Amarillo newspaper publishes their photographs, Bob Dennis decides to return to Plainview to avenge his brother's death. The grateful town throws a celebration for both Henderson and Jack. As a tipsy Henderson, who has been appointed the new sheriff, is riding back to his ranch after the", + "score": 0.703125 + }, + { + "id": "4789898", + "title": "The Big Sleep (1946 film)", + "text": "He then finds Carmen in Geiger's house, where she insists that it was Brody who killed Geiger. They are interrupted by the house\u2019s owner, small-time gangster Eddie Mars. Marlowe goes to Brody\u2019s apartment, where he finds both Agnes and Vivian. They are interrupted by Carmen, who wants her photos. Marlowe disarms her and sends Vivian and Carmen home. Brody admits that it was he who was behind the blackmailing, then has to answer the door and is shot. Marlowe chases the killer and apprehends Carol Lundgren, Geiger's former driver, who believes Brody is swindling him. Marlowe calls the police and", + "score": 0.70263671875 + }, + { + "id": "5574200", + "title": "Maniac Cop", + "text": "causes panic and dissent among the city and results in innocent patrolmen being shot to death or avoided on the streets by paranoid people. Ellen Forrest (Victoria Catlin), who suspects that her husband Jack (Bruce Campbell) may be the Maniac Cop (who has also murdered a US Delegate off-screen), follows him to a motel. There she catches him in bed with a fellow officer, Theresa Mallory (Laurene Landon). Distraught, Ellen runs out of the room and is slain by the Maniac Cop. Jack is arrested under suspicion of murder, but McCrae believes Jack has been framed. McCrae gets Jack to", + "score": 0.7021484375 + }, + { + "id": "2242328", + "title": "Kind Hearts and Coronets", + "text": "informs Louis that he intends to remarry in order to produce an heir, Louis arranges a hunting \"accident\". Before murdering the Duke, he reveals his motive. Lord Ascoyne D'Ascoyne dies from the shock of learning that he has become the ninth duke, sparing Louis from murdering his kindly employer. Louis inherits the title, but his triumph proves short-lived. A Scotland Yard detective arrests him on suspicion of having murdered Lionel, who was found dead following Louis's rejection of his drunken plea for help to avoid bankruptcy. Louis elects to be tried by his peers in the House of Lords. During", + "score": 0.7021484375 + }, + { + "id": "6047571", + "title": "The Big Easy (film)", + "text": "charges, at which point Anne, now clued in, is faced with the conflict of her personal feelings for Remy and her duty to uphold the law. It is later revealed that Jack Kellom (Ned Beatty), Remy's boss, and the two detectives De Soto (John Goodman) and Dodge (Ebbe Roe Smith) are behind the murder, and a stash of heroin is hidden at a boat yard. Kellom goes to the boat and is confronted by De Soto and Dodge. Kellom suggests getting rid of the drugs, but De Soto shoots Kellom. Remy and Anne arrive and are confronted by De Soto", + "score": 0.70166015625 + }, + { + "id": "1647578", + "title": "Lost Highway (film)", + "text": "a scheme to rob her friend Andy and leave town. Alice also reveals to Pete that Mr. Eddy is actually an amateur porn producer named Dick Laurent. Pete gets a phone call from Mr. Eddy and The Mystery Man, which frightens Pete so much that he decides to go along with Alice's plan. Pete ambushes Andy and accidentally kills him, before he notices a photograph showing Alice and Renee together. Later, when the police are at the house investigating Andy's death, Alice is inexplicably missing from the photo. Pete and Alice arrive at an empty cabin in the desert and", + "score": 0.70166015625 + }, + { + "id": "2987887", + "title": "Mad Dog Coll", + "text": "were never identified. Dutch Schultz attorney Dixie Davis later claimed that gangster Bo Weinberg was the getaway driver of the limousine. Another suspect was one of Coll's own men, Edward Popke aka Fats McCarthy. The submachine gun that killed Coll was found a year later in the possession of a Hell's Kitchen gunman named \"Tough\" Tommy Protheroe, who used it during a 1933 saloon killing. On May 16, 1935, Protheroe and his girlfriend Elizabeth Connors were shot and killed by unknown triggermen in Queens. Dutch Schultz continued to operate his rackets for only a few more years. On October 23,", + "score": 0.7001953125 + }, + { + "id": "13374690", + "title": "William Cornell Greene", + "text": "Pedro, but were swept away and drowned in the current. Apparently, the blast from the dynamite had altered the river's channel, creating a deep hole with a strong current, where there was originally just a shallow swimming pool. Ella's younger sister Eva survived because she remained on the riverbank while the two older girls went in. Greene blamed Burnett for the death of his daughter and immediately sought revenge. In Tombstone on July 1, he found Burnett on Allen Street near the O.K. Corral and shot him to death with his revolver. Afterwards he calmly surrendered himself to Sheriff Scott", + "score": 0.69970703125 + }, + { + "id": "20442514", + "title": "Hanzee Dent", + "text": "and Dodd concoct a story\u2014in which Ed is a hitman called \"The Butcher\" hired by Kansas City to kill Rye\u2014in an attempt to rile Floyd into bloodshed. She has Hanzee and accomplices ambush a group of KC men during a hunting trip. Hanzee kills Joe Bulo and a Kitchen brother, and sends the former's head to Milligan. When Floyd insists that \"The Butcher\" be executed, and Charlie released from jail, Dodd and accomplices arrive at the Blumquist residence hunting Ed, while Bear fetches for Charlie. Hanzee knocks out Hank, but Peggy subdues Dodd in her basement using his stun rod.", + "score": 0.69970703125 + }, + { + "id": "7631545", + "title": "Dale Smith (The Bill)", + "text": "to her, and they embarked on an affair. When Pete Larson found out, Smith was abducted at gunpoint, beaten up, bound, gagged and driven in the boot of a car to an empty warehouse. Larson attempted to shoot him there, but the Specialist Firearms Command arrived in time to rescue him. Louise refused to testify against her husband and broke off her relationship with Smith. She changed her mind about testifying several months later, but this meant she would have to go into witness protection, and she asked Smith to move to Australia with her. However, she was killed in", + "score": 0.69970703125 + }, + { + "id": "19091880", + "title": "Cheyenne Wildcat", + "text": "but also incriminates his partner, Dandy Joe Meeker (Roy Barcroft). The worried Colby consults Meeker, who engages a gunslinger (Kenne Duncan) to kill Hopkins and then to pin the murder on Jim Douglas (Francis McDonald). Douglas, soon to be paroled from prison, had formally been arrested and convicted for a similar crime that he hadn\u2019t committed. Hopkins meets Douglas in order to tell him the truth regarding his imprisonment but is killed by the gunman. Douglas is subsequently jailed for the murder. However, the gunman is captured by Red Ryder (Wild Bill Elliott) and his Indian ward, Little Beaver. Douglas", + "score": 0.69921875 + }, + { + "id": "9183309", + "title": "Malone (film)", + "text": "killing Malone by Delaney's main henchman Madrid. Calvin tries to shoot Malone at the local barber shop but Malone shoots and kills Calvin instead. While Sheriff Hawkins is holding Malone at the jail, Delaney breezes in to introduce himself. Delaney tells the sheriff to let him go, then orders Madrid to arrange a hit on Malone. The next day, two hitmen come to the service station. Malone kills both with a shotgun that he had concealed in his room. Malone is badly wounded in the shootout. Hawkins instructs a deputy to drive Malone to the hospital. The deputy drives offroad,", + "score": 0.69873046875 + }, + { + "id": "5349687", + "title": "Cannonball (film)", + "text": "in a rage after getting sick of Perman's singing and on-the-road radio broadcasts, gets lodged behind the car pedals, causing Redman to lose control and crash over the side of an unfinished bridge. He dies when the car explodes. Bennie meanwhile, has sent a gunman to kill the driver of the \"other\" red Trans Am as it is beating Coy. He is unaware that the driver is Zippo or that Linda is now riding with him, as Coy thought it safer for her to do so since Redman was after him. While with Zippo, she has found out that it", + "score": 0.6982421875 + }, + { + "id": "3374687", + "title": "Faster, Pussycat! Kill! Kill!", + "text": "says that he has thrown away the keys, and Kirk and Linda set out across the desert on foot. Varla drives back to the house and tells Billie and Rosie that they should kill the men and the girl to cover up Linda\u2019s kidnapping and the murder of her boyfriend. Billie refuses, but as she walks away, Varla throws a knife into her back just as the old man and his younger son arrive. Rosie and Varla hit the old man with their car, killing him and knocking over his wheelchair to reveal the money hidden inside. Rosie is stabbed", + "score": 0.6982421875 + }, + { + "id": "6032682", + "title": "So Long, Stooge", + "text": "Bensoussan, enters his shop \u2014 and his life. This stranger has also no family, lives alone in a dingy room, and scrapes together a living as a drug dealer. The two solitary men develop a friendship \u2014 but this is brutally brought to an end when Bensoussan is killed in front of Lambert. Lambert soon realises that his new friend was murdered by his drug dealing associates and sets out to avenge his death \u2014 assisted by Lola, a punk girl who knew Bensoussan briefly. By doing this, Lambert manages to come to terms with his own tragic past. So", + "score": 0.6982421875 + }, + { + "id": "769372", + "title": "The Big Sleep", + "text": "Marlowe interrogates Brody further and pieces together the story: Geiger was blackmailing Carmen; the family driver, Owen Taylor, didn't like it so he snuck in and killed Geiger, then took the film of Carmen. Brody was staking out the house too and pursued the driver, knocked him out, stole the film, and possibly pushed the car off the pier. Suddenly the doorbell rings and Brody is shot dead; Marlowe gives chase and catches Geiger's male lover, who shot Brody thinking he killed Geiger. He had also hidden Geiger's body, so he could remove his own belongings before the police got", + "score": 0.69775390625 + }, + { + "id": "4621735", + "title": "2 Days in the Valley", + "text": "containing Dosmo and his hostages. Susan jumps out of the car and tries to help the dying Helga, but Helga dies on the roadside. Wes is caught in the middle of a shoot out between Dosmo and Lee, and is shot in the legs. Just before Lee can kill Dosmo, Teddy shoots Lee, killing him. A grateful Wes allows Dosmo to take the $30,000 and escape with Susan. The following day, Teddy shows up to an anniversary party that Audrey is attending. As Susan and Dosmo drive down a highway, Dosmo contemplates using the money to start a pizzeria in", + "score": 0.69775390625 + }, + { + "id": "12043450", + "title": "Frank Loving", + "text": "yet again went seeking Allen. While Masterson was seeking Allen, Loving entered the hardware to buy more ammunition. Allen shot Loving from behind, shooting from a darkened area where Allen had hidden. Deputy Masterson and Town Marshal Lou Kreeger responded and arrested Allen, finding him hiding in the back of the store. Loving, upon seeing Masterson, stated, \"Jim, I'm shot\". Loving was treated for his wound, but died five days later. Allen was later acquitted due to jurors believing that had Loving located Allen, he certainly would have killed him. The shootout became known as the Trinidad Gunfight. Frank Loving", + "score": 0.69775390625 + }, + { + "id": "16911894", + "title": "A Date with the Falcon", + "text": "the real Waldo Sampson captive. After obtaining the secret formula, Max decides to kill Sampson and Lawrence. Rita knocks out Lawrence, and turns on her partner, killing him, but does not locate Sampson's formula. When the police arrive at the warehouse, they find Lawrence. arresting him for murder with O'Hara taking him to headquarters, where Helen has been arrested as Lawrence's accomplice. Rita and the remainder of the gang is brought in, and when Goldie produces the secret formula which he had taken from Max, Lawrence explains that it was Herman, Waldo's twin who was killed in the hotel and", + "score": 0.69775390625 + }, + { + "id": "19638753", + "title": "Lou Solverson", + "text": "out of the state, though Hank stays behind. After Ed and Peggy agree to the plan in exchange for lesser criminal charges, the police set up an ambush at the motel meeting spot, only for Hanzee to observe their actions from a distance. Hanzee later uses this to betray the Gerhardt's. Meanwhile, Lou, who has discovered that Hanzee killed a gas station attendant, goes back to warn the other police that Hanzee likely knows of their plan. At the same time, Lou is unaware that Betsy has fallen seriously ill back home. Lou arrives at the motel too late, as", + "score": 0.69775390625 + }, + { + "id": "2347179", + "title": "Baby Face Nelson", + "text": "people were leaving as the agents arrived in the front driveway. A 1933 Chevrolet coup\u00e9 was leaving at that moment with three departing lodge customers, John Hoffman, Eugene Boisneau and John Morris, who apparently did not hear an order to halt because the car radio drowned out the agents yelling at them to stop. The agents quickly opened fire on them, instantly killing Boisneau and wounding the others, and alerting the gang members inside. Adding to the chaos, at this moment Pat Reilly returned to the lodge after an out-of-town errand for Van Meter, accompanied by John Hamilton's girlfriend, Pat", + "score": 0.697265625 + }, + { + "id": "5195778", + "title": "William Brocius", + "text": "were killed and the remainder captured, then possibly tortured and murdered. Curly Bill reportedly sold the Mexican beef he stole to Newman Haynes Clanton the next month. When Old Man Clanton was on the trail herding the beef to Tombstone, four others and he were, in turn, ambushed in the Guadalupe Canyon Massacre and murdered by Mexicans. No contemporary reports of Curly Bill's involvement in these episodes were verified, and Brocius was not charged with any crimes related to these events. Brocius was still recovering from being shot in the face by Wallace only six weeks earlier. Some modern researchers", + "score": 0.697265625 + }, + { + "id": "7783450", + "title": "Switchback (film)", + "text": "that the killer has been arrested. The man in custody had Goodall's stolen and abandoned vehicle, and LaCrosse had made it clear that he was not the killer. Reconciled, Goodall and Dixon catch the train and ride in a car with Tex, another friend of Goodall's. Tex becomes suspicious when Goodall hands him matches from the Amarillo motel where the two murders happened. Goodall kills Tex, proving to Dixon that Goodall is the killer. LaCrosse lands on top of the moving train. Dixon knocks Goodall down just as LaCrosse enters the railroad car. LaCrosse confronts Dixon, who protests his innocence.", + "score": 0.697265625 + }, + { + "id": "8484880", + "title": "L.A. Quartet", + "text": "who killed Ed Exley's father, Preston Exley in the film version of \"L.A. Confidential\". In the novel for \"L.A. Confidential\", the unknown purse snatcher kills Edmund's brother, Thomas Exley, and is not given a made-up name. The name was created and used only for the film. His identity is unknown and never discovered in both novel and film, and in the film, Exley states to Jack Vincennes he gave the unknown purse snatcher the name for personality. This becomes a vital piece of information when as Jack Vincennes is dying, his last words are \"Rollo Tomasi\", the name that Exley", + "score": 0.697265625 + }, + { + "id": "2961113", + "title": "Straight to Hell (film)", + "text": "money, and Simms shoots Willy as they are trying to lift the suitcase out of the ground. Simms then hears Velma laughing, and turns around only to be shot by Velma and one of the townsmen. After Velma shoots Simms several times, the townman with her is shot by Tim McMahon. Tim and Velma then take off arm-in-arm with the suitcase of money, while Simms and Willy die. Meanwhile, in town, chaos has ensued, and the town hardware store is set on fire. Amos is shot, and virtually everyone is killed, aside from Norwood and several prostitutes. Tim and Velma", + "score": 0.69677734375 + }, + { + "id": "15810449", + "title": "Herman Hollis", + "text": "article, East Liverpool, Ohio Police Captain Chester C. Smith claimed that Hollis killed Floyd under orders from FBI agent Melvin Purvis. According to Smith, after Smith had wounded Floyd, \"Purvis turned to G-Man Herman Hollis and said: 'Fire into him.' Hollis obeyed, killing Floyd with a burst from a tommy gun\" at close range. This version of events contradicts the official FBI account and is highly controversial since, in Smith's version, Floyd was already wounded and could have been taken into custody at the time Purvis ordered Hollis to fire. In a subsequent letter to TIME's editors, FBI Special Agent", + "score": 0.6962890625 + }, + { + "id": "6390464", + "title": "The Presidio (film)", + "text": "Austin gets the ballistics report back on the Tokarev, which confirms that Lawrence's gun killed Lynch. Austin corners Lawrence when he leaves the Presidio, resulting in a footchase through Chinatown. Lawrence is killed in a hit and run. Caldwell is furious that Austin disregarded their agreement. Caldwell confides in his friend, retired Sergeant Major Ross Maclure, who served with Caldwell in Vietnam. Caldwell and Austin both figure out that the killer at the Presidio was trying to break into a storeroom to retrieve a bottle of spring water. Following the lead to the water company, Austin gets the name of", + "score": 0.6962890625 + }, + { + "id": "4343263", + "title": "Thief (film)", + "text": "up a Palm Beach score for Frank in six weeks without consulting him. Frank tells Leo that their deal is over and takes the cash as he leaves, demanding the rest of his money in 24 hours. Frank drives to his car lot unaware that Leo's henchmen have already beaten and captured Barry, and are waiting in ambush. Frank is knocked out and Barry is killed by Carl, one of Leo's enforcers. Frank awakens with Leo staring down at him, surrounded by his henchmen. Leo informs him that he, Jessie, their child, and everything he owns are Leo's property. He", + "score": 0.6962890625 + }, + { + "id": "16703504", + "title": "Red Lopez", + "text": "Lopez out by sending two deputies in with an ore car full of hay to start a fire, but Lopez killed them both. Deputy James Douglas Hulsey was shot in the right shoulder blade and the bullet exited through his chest. He was also hit in the heel of one of his feet while his partner, Deputy Thomas Manderich, was hit in the upper right part of his back. The remaining possemen then attempted to starve Lopez into submission, but he survived due to the efforts of sympathetic miners, who left food in the tunnels. The posse also tried pumping", + "score": 0.69580078125 + }, + { + "id": "3135883", + "title": "I Still Know What You Did Last Summer", + "text": "They stop due to a BMW and body in the middle of the road. Ray discovers that the body is a mannequin dressed in fisherman's clothing. Suddenly, Ben Willis appears and kills Dave with his hook. Ben takes Ray's truck and chases him down the road. Ray gets away, but he is injured from falling down a hill. The next morning, Julie and Karla depart on the trip with Karla\u2019s boyfriend Tyrell and their friend, Will Benson. The group arrives at the hotel in Tower Bay, only to find that other guests are leaving due to the imminent hurricane season.", + "score": 0.69580078125 + }, + { + "id": "8072143", + "title": "The Violent Men", + "text": "ride into town for revenge, but he orders them back to his ranch and tells them that the new town sheriff, who works for Lew, is waiting to arrest them if they kill Wade. Alone, Josh confronts Wade in the town saloon, surrounded by Lew's men. Josh asks Wade to give himself up for the killing. Wade begins to laugh. Josh slaps his face, grabs his gun hand, while pulling his own gun and killing Wade. Josh quickly exits the saloon before Lew's men can react. The next day, Josh rides to the Anchor Ranch and tells Lew that his", + "score": 0.6953125 + }, + { + "id": "12065968", + "title": "Kitty Leroy", + "text": "was alleged to have been extremely jealous and Leroy continued to have affairs, one of which was with her latest ex-husband, and another, according to rumor, with Wild Bill Hickok. On the night of December 6, 1877, Curley shot and killed Leroy in the \"Lone Star Saloon\", then turned the gun on himself and committed suicide. The pair were laid in state in front of the saloon the next day, then buried together. The January 7, 1878 issue of the \"Black Hills Daily Times\" of Deadwood, under \"City and Vicinity\", reported: The estate of Kitty Curley upon appraisment, amounted to", + "score": 0.6953125 + }, + { + "id": "4564064", + "title": "Gunfight at the O.K. Corral (film)", + "text": "allows him to stay if he promises to not fight while he is in town. Meanwhile, gorgeous gambler Laura Denbow (Rhonda Fleming) is arrested for playing cards since women are not allowed to gamble. She is released and allowed to play in the side rooms of the saloon. Wyatt is forced to deputize Holliday because a bank robber kills a cashier and Wyatt's other deputies are out in a posse catching another outlaw. The bank robbers attempt to ambush Wyatt outside of town, but are instead killed by Wyatt and Holliday. Back in Dodge City, Holliday learns Kate has left", + "score": 0.6953125 + }, + { + "id": "1002127", + "title": "Thelma & Louise", + "text": "surrender. Thelma tells Louise she understands if she wants to go back home, knowing she has Jimmy waiting for her, but explains she cannot go back to Darryl. Louise promises they will keep going together. The pair are later pulled over by a New Mexico state trooper for speeding. Knowing he will soon discover they are wanted for murder and armed robbery, Thelma holds him at gunpoint and locks him in the trunk of his police car, while Louise takes his gun and ammunition. They drive away from the scene and spend the next few nights heading further west. On", + "score": 0.6953125 + }, + { + "id": "5255371", + "title": "Ike Clanton", + "text": "Claiborne, who was reputed to be good with a gun. Claiborne, who was also unarmed, fled the gunfight. Tom and Frank McLaury and Billy Clanton were killed. After the gunfight in Tombstone, during which the McLaury brothers and Billy Clanton were killed, Ike Clanton filed murder charges against the Earps and Doc Holliday. They were arrested and released on bail. During a month-long preliminary hearing before Judge Wells Spicer, Clanton told a story of abuse that he had suffered at the hands of the Earps and Holliday the night before the gunfight. He denied threatening the Earps. He testified that", + "score": 0.6953125 + }, + { + "id": "1873448", + "title": "Zodiac Killer", + "text": "of sunglasses. No evidence has been uncovered to connect the Lass disappearance with the Zodiac Killer definitively. In a \"Vallejo Times-Herald\" story appearing on November 13, 1972, Bill Baker of the Santa Barbara County Sheriff's Office postulated that the murders of a young couple in northern Santa Barbara County might have been the work of the Zodiac Killer. On June 4, 1963, high school senior Robert Domingos and fianc\u00e9e Linda Edwards were shot dead on a beach near Lompoc, having skipped school that day for \"Senior Ditch Day\". Police believed that the assailant attempted to bind the victims, but when", + "score": 0.6953125 + }, + { + "id": "11950544", + "title": "Frank McLaury", + "text": "arrived to get Ike. Wyatt Earp and McLaury had a heated exchange. and Wyatt later testified he saw a pistol in Tom's waistband and buffaloed Tom. Later in the day the Clantons and McLaurys, along with Billy Claiborne, faced off against the Earps and Doc Holiday in the Gunfight at the O.K. Corral. Some witnesses testified that Frank and Billy Clanton drew their weapons first, while others loyal to the Cowboys supported their version of events in which Tom opened his coat to show he was unarmed. The Earps and Holiday killed Frank and Tom McLaury along with Billy Clanton.", + "score": 0.69482421875 + }, + { + "id": "10167282", + "title": "The Mutilator", + "text": "Big Ed discovers the two, drowns Linda, and uses a trail of her and Mike's discarded clothes to lure Mike back to the condo, where he kills him with an outboard motor. A police officer stationed on the beach then stops by the condo, and is killed when Big Ed decapitates him with an axe. The others return to the condo, and as his friends get ready for bed, Ralph searches for Mike and Linda, and is killed when Big Ed impales him through the throat with a pitchfork. When Ralph does not return, Sue goes looking for him, and", + "score": 0.69482421875 + }, + { + "id": "1647579", + "title": "Lost Highway (film)", + "text": "start having sex outside on the sand, which ends with Alice getting up and disappearing into the cabin. Pete transforms back into Fred. Upon searching the cabin, he meets The Mystery Man, who begins filming and chasing Fred with a video camera. Fred escapes and drives to the Lost Highway Hotel, where he finds Mr. Eddy and Renee having sex. After Renee leaves, Fred kidnaps Mr. Eddy and slits his throat. The Mystery Man shoots Mr. Eddy dead and then whispers something to Fred before he disappears. Fred drives to his old house, buzzes the intercom and says: \"Dick Laurent", + "score": 0.69482421875 + }, + { + "id": "19638750", + "title": "Lou Solverson", + "text": "night, the police arrive and arrest Ed after he kills the Gerhardt thug who was trying to kill him. While Lou is interrogating Ed at the sheriff station, the Gerhardt family arrives to take Charlie Gerhardt, who was arrested for burning down Ed's butcher shop, and to kill Ed. To avoid anyone from getting hurt, Lou sends out Ed's lawyer Karl Weathers to tell the family that he is acting as Charlie's lawyer and he will be released soon due to him being a minor. Lou sneaks out the back with Ed without being seen or hurt, but Ed escapes.", + "score": 0.6943359375 + }, + { + "id": "14342795", + "title": "The Killing Time (film)", + "text": "they figure that Brian must have killed him. Sam goes to Brian's house to confront him and Brian angrily yells at him for trying to set him up and pulls his gun and chases him through some fields to try to kill him. Meanwhile, Sheriff Carl Cunningham (Joe Don Baker) finds an all points bulletin identifying the body of the real Brian Mars buried off the side of the road and he heads over to Brian's house to arrest him. Just as Brian has caught up to Sam and is about to pull the trigger, Carl shoots Brian first. Even", + "score": 0.6943359375 + }, + { + "id": "540546", + "title": "Heat (1995 film)", + "text": "Van Zant's bodyguard Hugh Benny (Rollins), the LAPD intercept the crew just as they are leaving the bank, resulting in a massive shootout in Downtown Los Angeles. Bosko is killed and many police officers are also killed or wounded, while McCauley loses Cheritto and his alternate driver Donald Breeden (Haysbert), and Shiherlis is wounded. McCauley subsequently arrives at Trejo's house to find his wife dead. A dying Trejo reveals Waingro's betrayal, prompting McCauley to kill Van Zant. Eady realizes that he is a criminal but ultimately agrees to flee the country with him. Shiherlis attempts to reconnect with his wife", + "score": 0.6943359375 + }, + { + "id": "1002126", + "title": "Thelma & Louise", + "text": "the night of the shooting. Their whereabouts are also questioned by the owner of the fishing cabin after the women failed to arrive for the weekend. Arkansas State Police Investigator Hal Slocumb leads the investigation and questions both J.D. and Jimmy and taps into the phone line at Darryl's house. He discovers that Louise had been raped years earlier in Texas, so sympathizes with her situation and understands why they didn't report Harlan's murder to the authorities. During a couple of brief phone conversations with Louise, he expresses his sympathy but is unsuccessful in his attempts to persuade her to", + "score": 0.6943359375 + }, + { + "id": "8884893", + "title": "Zzyzx (film)", + "text": "Lou tries to coax her out of the car, but he ends up getting stabbed in his cheek by Candice. Ryan, thinking that Lou is to blame for the murder, helps Candice start the car. After Ryan fixes the car, Candice drives off while Ryan is still on the hood of the car, instead of driving off with him. Ryan, in retaliation, disables the car by ripping out some wires. In the end, Ryan beats Lou to death with a golf club. He then proceeds to free Candice, and Candice offers to have sex with him in exchange. Afterward Candice", + "score": 0.6943359375 + }, + { + "id": "11690464", + "title": "\"D\" Is for Deadbeat", + "text": "Billy Polo is not giving her the full truth about his involvement with Daggett, a suspicion confirmed when Coral finally levels with Kinsey and reveals him to be blackmailing someone he suspects of Daggett's killing. The blackmailer murders Polo at the beach, using Kinsey's own gun, stolen from her car a few days earlier. Coral also admits to scheming with Billy and Lovella to rob Daggett of money he had come by illicitly in prison, not knowing that Daggett had given the money to Kinsey to pass on to Tony. The police investigating Billy's murder discover a home-made silencer used", + "score": 0.6943359375 + }, + { + "id": "4926654", + "title": "The Killers (1964 film)", + "text": "lovers entered a motel room that Sheila had prearranged, Browning was waiting for them. Sheila asked Browning to \"do it quickly,\" and the gangster shot Johnny, severely wounding but not killing him before Johnny escaped. It turned out Sheila and Browning were husband and wife and had used Johnny as a fall guy for Browning's plan to take all of the money. Sheila expressed fear that Johnny would seek revenge, so Browning hired Charlie and Lee to murder him. Charlie now understands at last why Johnny refused to flee. The only man who refuses to run is a man who", + "score": 0.69384765625 + }, + { + "id": "1470723", + "title": "Training Day", + "text": "Alonzo insists he has control of the situation, and trades Sandman's drug money for an arrest warrant. Using the warrant, Alonzo, Jake, and four other narcotics officers return to Roger's house and seize $4 million from the premises, a quarter of which Alonzo keeps. Alonzo then shoots and kills Roger when Jake refuses to do so. Alonzo threatens Jake to agree to the fake report the men craft at the scene; Jake again refuses, but Alonzo reminds him of the routine blood test the LAPD will run on him, which will identify the PCP-laced cannabis he smoked earlier and end", + "score": 0.69384765625 + }, + { + "id": "16330504", + "title": "Time Table (film)", + "text": "each aspect of the crime, finds an accomplice, who leads to another, Wolfe, the owner of the \"stolen\" helicopter. Charlie realizes that Bruckner and Wolfe double-crossed him, killing Lombard and planning to keep the money for themselves. Charlie kills Wolfe to silence him and makes it appear to be a suicide. Bruckner, trying to escape to Mexico with Linda and his share of the loot, panics during a routine customs check and tries to force his way across the border, but is killed by police. Linda escapes, and Joe arranges to go with Charlie to Mexico to find her, believing", + "score": 0.69384765625 + }, + { + "id": "7458625", + "title": "Benjamin Horne", + "text": "his childhood. Eventually, Horne is used as a pawn to draw out the real killer; Cooper brings him to a meeting of suspects at the Roadhouse, which is also attended by the Great Northern's elderly room service waiter. The waiter, under the influence of The Giant, identifies Leland Palmer\u2014under the influence of the demonic spirit BOB\u2014as Laura's killer. In order to trap Leland, Cooper lies and tells everyone that he has positively identified Ben Horne as the real killer, and then gives Leland permission to accompany Horne to the jail to act as his counsel. Leland/BOB, unaware of the ruse,", + "score": 0.69384765625 + }, + { + "id": "5990491", + "title": "The Getaway (1994 film)", + "text": "A long and bloody gunfight ensues with Doc and Carol shooting it out with Benyon's men in the halls and stairwells of the hotel. Rudy comes to his senses just as the last of Benyon's men die. He makes one more attempt to get the money and after a hand-to-hand fight is killed by Doc in an elevator when Doc shoots the cables, sending the elevator plummeting down to ground level. Doc and Carol hijack a pickup truck driven by Slim, an old cowboy, and drive to the border of Mexico. They buy the cowboy's truck and make their getaway.", + "score": 0.693359375 + }, + { + "id": "8642285", + "title": "Charlie Siringo", + "text": "help track him down on both occasions. Butch Cassidy and the Sundance Kid both fled to South America, feeling their luck was running out in the United States. They were later allegedly killed by Bolivian police in a shootout there following a mine payroll robbery. During the work on the Wilcox train robbery, Siringo first came into contact with lawman Joe Lefors, who later would arrest Horn for a murder that resulted in Horn's conviction and subsequent hanging. The verdict remains in contention to this day. Siringo crossed paths with Lefors several years later while working on other cases. Siringo", + "score": 0.693359375 + }, + { + "id": "5467935", + "title": "John Younger", + "text": "and two Pinkerton Detectives came up to them and asked them for directions. Suspecting that they were detectives Jim and John ambushed them. One of the agents fled instantly. While interviewing the remaining two, the detective, Andrew Hamlit aka Louis Lull, drew a hidden pistol and shot John through the neck. Jim killed Deputy Daniels, while John pursued Lull on horseback to nearby woods, fatally wounding him in the chest. Emerging from the woods still on horseback, as Jim ran towards him, John swayed and fell dead. Jim buried him by the roadside to avoid the law digging him up.", + "score": 0.69287109375 + }, + { + "id": "11614112", + "title": "Anton Chigurh", + "text": "scene was cut to the point that only Moss and Chigurh fight. Chigurh finds out that a bounty hunter named Carson Wells has, like Chigurh, been hired to retrieve the money. Chigurh kills Wells, who made a deal with Moss to give him protection in exchange for the money. He then intercepts a phone call to Wells from Moss, and offers to spare Moss's wife if he agrees to give up the money. Moss refuses, however, and vows to track down and kill Chigurh. Moss is eventually killed by Mexican hitmen while in a motel in El Paso. Once again", + "score": 0.69287109375 + }, + { + "id": "708340", + "title": "She Done Him Wrong", + "text": "him down by promising that she will go with him when she finishes her next number. After Sergei gives Lou a diamond pin belonging to Rita, Rita starts a fight with Lou, who accidentally stabs her to death. Lou calmly combs the dead woman's long hair to hide the fact Rita is dead while the police search the room for Chick Clark. She has her bodyguard Spider (Dewey Robinson), who \"would do anything for you, Lou\" dispose of Rita's body. She then tells Spider to bring Chick, who's hiding in an alley, back to her room upstairs. Then, while she", + "score": 0.69287109375 + }, + { + "id": "13094734", + "title": "The Hitchhiker (film)", + "text": "Vegas. Spotting Jack hitchhiking, the quartet pick him up, and soon after experience car trouble, forcing them to stop at a roadside motel. The manager tells the group that the nearest service station does not open until the morning, so they elect to stay. During the night, Jack shows interest in Melinda, and has rough sex with Kristina, who has a fianc\u00e9. In the morning, the mechanic arrives, and is shot to death by Jack after the two travel to Jack's abandoned truck. Jack returns to the motel, where he murders the manager and takes the women captive after drugging", + "score": 0.69287109375 + }, + { + "id": "12301574", + "title": "There's Always a Woman", + "text": "with Bill for pleasure rather than business, Sally witnesses Anne's angry fianc\u00e9 Jerry Marlowe (Robert Paige) threatening Walter, and before long Walter ends up dead. Jerry is the prime suspect. Mr. Ketterling (Pierre Watkin), Jerry's employer, talks him into hiring Sally to prove him innocent. Shane could be behind it, she figures, but his body is found in the Reardons' apartment, where Sally catches a whiff of a familiar perfume, Lola's. Escaping police custody as a murder suspect, Sally gets Lola to sign a confession that she killed Shane in self defense by pretending to have found her handkerchief at", + "score": 0.6923828125 + }, + { + "id": "1002123", + "title": "Thelma & Louise", + "text": "but, as the women walk away, he yells that he should have continued the rape and continually insults them. Enraged, Louise shoots him dead, and the pair flee the scene. At a motel, they discuss how to handle the situation. Thelma wants to go to the police, but Louise fears that no one will believe Thelma's claim of attempted rape and they will be subsequently charged for murder. They decide to go on the run, but Louise insists that they travel from Oklahoma to Mexico without going through Texas. Something happened to Louise in Texas several years earlier, and Thelma", + "score": 0.69189453125 + }, + { + "id": "7068910", + "title": "Harvey Logan", + "text": "met prostitute Della Moore (also known as Annie Rogers or Maude Williams), with whom he became romantically involved. At the time of their meeting, she was working in Madame Fannie Porter's brothel, which was a regular hideout for the Wild Bunch gang. On February 28, 1900, lawmen attempted to arrest Lonny Curry at his aunt's home. Lonny was killed in the shootout that followed, and his cousin Bob Lee was arrested for rustling and sent to prison in Wyoming. Kid Curry was now the last surviving Logan brother. Meanwhile, Curry was identified in St. Johns, Arizona as he was passing", + "score": 0.69189453125 + }, + { + "id": "19138628", + "title": "The Castle (Fargo)", + "text": "held inside the motel by the Kansas City mob. Meanwhile, Lou stops at the gas station to call home, unaware his wife has collapsed, then discovers that Hanzee killed the attendant. Lou rushes to warn the others, and arrives to find the Gerhardts on the offensive against Cheney and his team. All but Ben and a wounded Hank are dead. Floyd realizes Hanzee's deception, and as she turns to confront him, he stabs her to death. Bear attacks and attempts to strangle Lou. A UFO appears in the midst of the chaos, distracting Bear and allowing Lou to fatally shoot", + "score": 0.69189453125 + }, + { + "id": "16604880", + "title": "Ed Drew", + "text": "attend the 1893 World's Fair in Chicago, Illinois. On March 15, 1881, Drew heard the sound of gunfire that killed Bud Philpot. Philpot, a stagecoach driver, was ambushed and robbed in one of the many incidents leading to the historic Gunfight at the O.K. Corral in Tombstone. After mounting his horse, Drew rode towards the sound of the gunfire and found Philpot's body lying in a wash. He then rode to the house of a neighboring rancher, T. W. Ayles, who, coincidentally, was in the process of writing a letter to the \"Tombstone Epitaph\" concerning lawlessness in the territory. Ayles", + "score": 0.69189453125 + }, + { + "id": "17774026", + "title": "Justified (season 3)", + "text": "Bergen, a friend of Raylan\u2019s, getting killed. Boyd, angry at Limehouse, threatens him only for Limehouse to reveal to Raylan about a murder Boyd committed. Quarles makes a desperation deal with Theo Tonin (Adam Arkin), the head of the Detroit Mob, to come home and attempts to rob Limehouse but Limehouse slices his arm off. Raylan accuses Quarles of killing Bergen only for Quarles to laugh and reveal Arlo killed Bergen. Arlo confesses to his crimes and confesses to the crimes Boyd is accused of which sets Boyd free. The season ends with Raylan confiding in Winona that he\u2019s not", + "score": 0.69140625 + }, + { + "id": "17327553", + "title": "Horrible Bosses 2", + "text": "garage, Nick, Dale, and Kurt wearing homemade masks tell Bert to give them the $5 million, and the cell phone. However, Bert is killed by Rex, who reveals that, after seeing that his father did not care about him, he decided to kill Bert and frame Nick, Dale, and Kurt in order to inherit the family business. Rex forces Kurt to switch pants as Rex's pants have Bert's blood on them. As the trio are about to be cornered by the police, Jones arrives, as he anticipated that the three would be betrayed and killed and was seeking to claim", + "score": 0.69140625 + }, + { + "id": "17248289", + "title": "The Drop (film)", + "text": "hit a huge casino jackpot, using the money to replace Marv's thefts from the Chechens, and Bob disposed of the body in his heating oil tank with lye and laundry detergent. He reveals to Deeds and Nadia that the victim was Richie Whelan, whom Deeds has always taken credit for killing. Bob then draws his gun and shoots Deeds at point-blank range. When a terrified Nadia asks if she can leave, Bob explains that although things go on all around him, he is not a part of it. The Chechens dispose of Deeds' body and collect the money from the", + "score": 0.69140625 + }, + { + "id": "5061684", + "title": "Hoodlum (film)", + "text": "and Bumpy by telling Dutch what they are planning. Cecil, however, is being paid by Bumpy to do so. Believing he now has the upper hand, Dutch plans the murder of Luciano and Bumpy but fails to do so. Luciano and Bumpy's plan is revealed when Lulu (Ed O'Ross) (Dutch's right-hand man) follows Dutch into the restroom and shoots him three times. Dutch walks out of the restroom and down the stairs, sits down at a table and drops dead. Lulu walks outside, gets in Luciano's car and asks to be paid but instead, an associate of Luciano's shoots him", + "score": 0.69140625 + }, + { + "id": "7078963", + "title": "Cry Danger", + "text": "and is nearly arrested. Later, two men shoot at Delong and his girlfriend Darlene near Rocky's rented trailer. Driving away to escape, they are shot at and crash. Delong is injured and Darlene is killed. Nancy realizes they were mistaken for Rocky and her. Rocky then plays Russian roulette with Castro, with the gun always pointed at the bookie, until Castro reveals where the robbery money is. He also claims Morgan participated in the robbery and committed the murder and that Nancy has his share. Rocky orders Castro to telephone Cobb and tell him he will make a full confession.", + "score": 0.69140625 + }, + { + "id": "6697251", + "title": "Big Nose Kate", + "text": "joined the Earps in Tombstone during the fall of 1880. On March 15, 1881, at 10:00 pm, three cowboys attempted to rob a Kinnear & Company stagecoach carrying $26,000 in silver bullion (by the inflation adjustment algorithm: $ in today's dollars) near Benson, Arizona, during which the popular driver Eli \"Budd\" Philpot and passenger Peter Roerig were killed. Cochise County Cowboy Bill Leonard, a former watchmaker from New York City, was one of three men implicated in the robbery, and he and Holliday had become good friends. When Kate and Holliday had a fight, County Sheriff Johnny Behan and Milt", + "score": 0.69091796875 + }, + { + "id": "3724575", + "title": "Johnny Ringo", + "text": "killed Frank Stilwell in Tucson on March 20, 1882. After the shooting, the Earps and a federal posse set out on a vendetta to find and kill the others they held responsible for ambushing Virgil and Morgan. Cochise County Sheriff Johnny Behan received warrants from a Tucson judge for arrest of the Earps and Holliday and deputized Ringo and 19 other men, many of them friends of Stilwell and the Cochise County Cowboys. The county posse pursued but never found the Earps' posse. During the Earp Vendetta Ride, Wyatt Earp killed one of Ringo's closest friends, \"Curly Bill\" Brocius, in", + "score": 0.69091796875 + }, + { + "id": "18537801", + "title": "The Man in the High Castle (TV series)", + "text": "swastika; and destroying the Statue of Liberty. Nicole becomes romantically involved with a married New York City reporter, Thelma Harris, who is later arrested in an SS raid of a lesbian club. Himmler sends Joe to San Francisco on an ostensibly diplomatic mission, but he is actually there to kill a list of Japanese functionaries, including Tagomi. Before Joe can finish, Juliana stops him by killing Joe herself. In New York City, Smith's wife Helen is devastated by Thomas's death. She accidentally kills Dr. Adler's wife, who is obsessed with the idea that her husband was murdered. Though Smith is", + "score": 0.69091796875 + }, + { + "id": "8825232", + "title": "L.A. Noire", + "text": "killed by Monroe's thugs, Kelso agrees to be an investigator for Leonard Petersen, the Assistant D.A., advising him to pursue the SRF. Following a shootout at Monroe's mansion, helped by his fellow Marines, Kelso learns that the syndicate used a mental patient of Dr. Harlan Fontaine, a member of the SRF, to burn down the homes of holdouts who wouldn't sell to them until his patient accidentally killed people in the process and lost his mind. After Fontaine is murdered by his patient, who kidnaps Elsa, Phelps discovers that Sheldon gave him the remainder of the stolen morphine to fund", + "score": 0.69091796875 + }, + { + "id": "7435581", + "title": "46 Long", + "text": "and Chris, both high on meth, ignore Jackie's edict and plan to hijack a shipment of Italian suits. However, when Brendan arrives to pick up his partner, a sober and reflective Chris decides to sit the job out. Brendan proceeds with the hijacking along with two cohorts, Antjuan and Special K. Special K accidentally kills the driver with the ricochet bullet, causing the accomplices to flee while leaving Brendan behind. After Tony learns of this from Chris, he orders his nephew and Brendan to return the truck and pay restitution, but not before his crew help themselves to a small", + "score": 0.6904296875 + }, + { + "id": "2804576", + "title": "Tombstone (film)", + "text": "the other Cowboys. Curly Bill stands trial, but is found not guilty due to a lack of witnesses. Virgil, unable to tolerate lawlessness, becomes the new marshal and imposes a weapons ban within the city limits. This leads to a gunfight at the O.K. Corral, in which Billy Clanton, Tom McLaury, and Frank McLaury are killed. Virgil and Morgan are wounded, and the allegiance of county sheriff Johnny Behan with the Cowboys is made clear. As retribution for the Cowboy deaths, Wyatt's brothers are ambushed; Morgan is killed, while Virgil is left handicapped. A despondent Wyatt and his family leave", + "score": 0.6904296875 + }, + { + "id": "410587", + "title": "Twin Peaks", + "text": "Cooper tells Truman that, if he can decipher the dream, he will know who killed Laura. Cooper and the sheriff's department find the one-armed man from Cooper's dream, a traveling shoe salesman named Phillip Gerard. Gerard knows a Bob, the veterinarian who treats Renault's pet bird. Cooper interprets these events to mean that Renault is the murderer, and with Truman's help, tracks Renault to One-Eyed Jack's, a brothel owned by Horne across the border in Canada. He lures Jacques Renault back onto U.S. soil to arrest him, but Renault is shot while trying to escape and is hospitalized. Leland, learning", + "score": 0.6904296875 + }, + { + "id": "13837619", + "title": "Loaded Pistols", + "text": "followed by the sheriff. Although Gene manages to warn Larry of the lawman's presence, Larry is convinced that Gene has betrayed him. The following morning, Gene and Jim ride to the ranch where Larry is hiding. After a struggle, Larry realizes that Gene is on his side. Gene notices that Jim's compass is behaving strangely. He sets a trap for the killers and exposes Don Mason and his cohorts, Bill Otis and Dave Randall, who murdered Ed Norton in order to obtain the rich lode of iron ore on his ranch. Larry's name cleared, and he and his sister return", + "score": 0.6904296875 + }, + { + "id": "6925643", + "title": "Jennifer 8", + "text": "almost complete lack of hard evidence, and becomes romantically involved with Helena, who resembles his ex-wife. After an attack on Helena, Ross accompanies Berlin on a stakeout at the institute where Helena lives in a dorm, after leaving Helena with Ross' wife Margie. When they see a flashlight shining on the same floor as Helena's apartment, Berlin investigates and is knocked unconscious by the killer, who then shoots and kills Ross with Berlin's .32 pistol. A grueling interrogation of Berlin by FBI special agent St. Anne ensues. St. Anne makes clear to Berlin that he figures him for Ross's murderer,", + "score": 0.68994140625 + }, + { + "id": "6004094", + "title": "Zodiac (film)", + "text": "to man as \"the most dangerous animal of them all\" is a reference to the film \"The Most Dangerous Game,\" which features General Zaroff as a man who hunts live human prey. Two weeks later, San Francisco taxicab driver Paul Stine (Charles Schneider) is shot and killed in the city's Presidio Heights district. The Zodiac killer mails pieces of Stine's bloodstained shirt to the \"Chronicle\" along with a taunting letter. San Francisco police detectives Dave Toschi (Mark Ruffalo) and his partner Bill Armstrong (Anthony Edwards) are assigned to the case by Captain Marty Lee (Dermot Mulroney), and work closely with", + "score": 0.68994140625 + }, + { + "id": "11956522", + "title": "Billy Clanton", + "text": "warned the Earps. Upon attempting to disarm the Cowboys, a shootout broke out, later named the Gunfight at the O.K. Corral. There remain today conflicting versions of what actually happened and who fired first. Ike Clanton and Billy Claiborne ran away in the opening moments. Billy Clanton emptied his gun during the fight, and was killed along with both McLaurys. Doc Holliday and Virgil and Morgan Earp were wounded. The town was divided, with many supporting the Clantons, and others supporting the Earps. The funeral that followed was the largest in Tombstone's history, with more than 300 people following the", + "score": 0.68994140625 + }, + { + "id": "15569029", + "title": "Robert H. Paul", + "text": "along with Doc Holliday. Behan applied to the governor for money to go to Colorado to bring the Earps back, but Governor Fremont instead gave the funds to Pima County Sheriff Bob Paul. Paul had received word on the same day from Denver that the sheriff there had five of the Earp party in custody. When Paul arrived in Denver, he served a warrant for Doc Holiday's arrest on charges that he killed Frank Stilwell in Tucson. Wyatt Earp, also in Denver, feared for Holiday's life if he was returned to Tombstone. He asked his friend and Trinidad, Colorado Sheriff", + "score": 0.68994140625 + } + ], + "answer": "Thelma & Louise is a 1991 American female buddy road crime film directed by Ridley Scott and written by Callie Khouri. It stars Geena Davis as Thelma and Susan Sarandon as Louise, two friends who embark on a road trip that ends up in unforeseen circumstances. Louise, played by Susan Sarandon, killed a man in the movie in a fit of rage." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who does Charlie Day play on It's Always Sunny in Philadelphia?", + "short_answers": [ + "Charlie Kelly" + ], + "wikipage": null + }, + { + "context": "Charles Rutherford Kelly is a fictional character on the FX series \"It's Always Sunny in Philadelphia\", portrayed by Charlie Day. Charlie is co-owner at Paddy's (although he later sells his shares) and a childhood friend of Mac and Dennis. He is also Frank's roommate and possible biological child (\"\"Dennis and Dee Get a New Dad\"\"). He is addicted to various harmful substances (such as glue and alcohol), and is called illiterate by their peers (\"\"The Gang Gives Back\"\"). ", + "question": "Who plays Charlie Kelly on It's Always Sunny in Philadelphia?", + "short_answers": [ + "Charlie Day" + ], + "wikipage": "Charlie Kelly (It's Always Sunny in Philadelphia)" + } + ], + "wikipages": [ + { + "title": "Charlie Kelly (It's Always Sunny in Philadelphia)", + "url": "https://en.wikipedia.org/wiki/Charlie%20Kelly%20%28It%27s%20Always%20Sunny%20in%20Philadelphia%29" + }, + { + "title": "List of It's Always Sunny in Philadelphia characters", + "url": "https://en.wikipedia.org/wiki/List%20of%20It%27s%20Always%20Sunny%20in%20Philadelphia%20characters" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "The fictional character Charles Kelly from the FX series \"It's Always Sunny in Philadelphia\" is portrayed by Charlie Day." + }, + { + "knowledge": [ + { + "content": "Charles Peckham Day (born February 9, 1976)[1] is an American actor, screenwriter, producer, and comedian. He is best known for playing Charlie Kelly on the sitcom It's Always Sunny in Philadelphia (2005\u2013present), for which he was nominated for a Critics' Choice Television Award and a Satellite Award in 2011.", + "wikipage": "Charlie Day" + } + ], + "long_answer": "Charlie Day plays the fictional character Charlie Kelly in the FX series It's Always Sunny in Philadelphia. Day is an American actor, screenwriter, producer, and comedian who is best known for playing Charlie Kelly on the sitcom, for which he was nominated for a Critics' Choice Television Award and a Satellite Award in 2011." + } + ], + "sample_id": "-4633355453516911545", + "question": "Who plays charlie on it's always sunny?", + "docs": [ + { + "id": "14294112", + "title": "Charlie Kelly (It's Always Sunny in Philadelphia)", + "text": "Charlie Kelly (It's Always Sunny in Philadelphia) Charles Rutherford Kelly is a fictional character on the FX series \"It's Always Sunny in Philadelphia\", portrayed by Charlie Day. Charlie is co-owner at Paddy's (although he later sells his shares) and a childhood friend of Mac and Dennis. He is also Frank's roommate and possible biological son (\"\"Dennis and Dee Get a New Dad\"\"). He is addicted to various harmful substances (such as glue and alcohol), and is called illiterate by his peers (\"\"The Gang Gives Back\"\"). Charlie is an easily excitable man-child who is prone to emotional outbursts and is often", + "score": 0.78076171875, + "summary": "Charlie Kelly is a fictional character on \"It's Always Sunny in Philadelphia\" portrayed by Charlie Day.", + "extraction": "Charlie Day plays Charlie on \"It's Always Sunny in Philadelphia\"." + }, + { + "id": "14294147", + "title": "Charlie Kelly (It's Always Sunny in Philadelphia)", + "text": "the 20 Best Characters of 2011, explaining: \"In a cast full of douchebags, the childlike ball of energy played by Charlie Day comes off as more endearing than despicable. He\u2019s the personification of what makes \"It\u2019s Always Sunny in Philadelphia\" such a great show: perverse, loud, crude and surprisingly likable.\" \"TV Guide\" listed him in their list of TV's Most Lovable Lunkheads. Charlie Kelly (It's Always Sunny in Philadelphia) Charles Rutherford Kelly is a fictional character on the FX series \"It's Always Sunny in Philadelphia\", portrayed by Charlie Day. Charlie is co-owner at Paddy's (although he later sells his shares)", + "score": 0.76123046875, + "summary": "Charlie Kelly is portrayed by Charlie Day in the FX series \"It's Always Sunny in Philadelphia.\"", + "extraction": "Charlie Kelly is portrayed by Charlie Day on \"It's Always Sunny in Philadelphia\"." + }, + { + "id": "5773549", + "title": "It's Always Sunny in Philadelphia", + "text": "It's Always Sunny in Philadelphia It's Always Sunny in Philadelphia is an American sitcom that premiered on FX on August 4, 2005, and moved to FXX beginning with the ninth season in 2013. It was created by Rob McElhenney, who developed it with Glenn Howerton. It is executive produced and primarily written by McElhenney, Howerton, and Charlie Day, all of whom star alongside Kaitlin Olson and Danny DeVito. The series follows the exploits of \"The Gang,\" a group of debauched, nihilistic, self-centered, politically incorrect friends who run the Irish bar Paddy's Pub in South Philadelphia. On April 1, 2016, the", + "score": 0.74365234375, + "summary": "Charlie Day stars on It's Always Sunny in Philadelphia as one of \"The Gang.\"", + "extraction": "Charlie Day plays Charlie on It's Always Sunny in Philadelphia." + }, + { + "id": "14294124", + "title": "Charlie Kelly (It's Always Sunny in Philadelphia)", + "text": "tends to entirely miss the point of films; in \"\"Mac and Charlie Write a Movie\"\", it is revealed that he considers the \"twist\" at the end of \"The Sixth Sense\" to be that \"the guy in the hairpiece was Bruce Willis the whole time.\" In the same episode, he and Mac agree that their film should star Dolph Lundgren, but Charlie believes that the character should be called \"Dr. Dolph Lundgren\" because he does not want to \"confuse the audience\" by giving the character a different name. Like the rest of the Gang, Charlie likes to dress in costumes and", + "score": 0.736328125, + "summary": "Charlie Kelly is a character on \"It's Always Sunny in Philadelphia,\" but the document does not provide information about who plays him.", + "extraction": "The passage is irrelevant to the question as it does not mention the actor who plays Charlie on It's Always Sunny in Philadelphia." + }, + { + "id": "5773569", + "title": "It's Always Sunny in Philadelphia", + "text": "yes\". It's Always Sunny in Philadelphia It's Always Sunny in Philadelphia is an American sitcom that premiered on FX on August 4, 2005, and moved to FXX beginning with the ninth season in 2013. It was created by Rob McElhenney, who developed it with Glenn Howerton. It is executive produced and primarily written by McElhenney, Howerton, and Charlie Day, all of whom star alongside Kaitlin Olson and Danny DeVito. The series follows the exploits of \"The Gang,\" a group of debauched, nihilistic, self-centered, politically incorrect friends who run the Irish bar Paddy's Pub in South Philadelphia. On April 1, 2016,", + "score": 0.732421875, + "summary": "Charlie Day stars in It's Always Sunny in Philadelphia, but no specific information about who plays Charlie is provided in the document.", + "extraction": "Charlie Day plays Charlie on It's Always Sunny in Philadelphia." + }, + { + "id": "14294115", + "title": "Charlie Kelly (It's Always Sunny in Philadelphia)", + "text": "on these subjects altogether to salvage some sense of dignity. He once described George Washington as \"some old dude who looks like Meryl Streep who chopped down a cherry tree like ten million years ago.\" During the Gang's fight with an Israeli businessman, Charlie incongruously declared they would send their rival \"on the first train back to Israel\", unaware that Israel is an entire ocean away from Philadelphia. Despite his other difficulties, Charlie is something of a savant, displaying natural talent as a pianist (as well as harmonica and saxophone), music composer, playwright, choreographer, tailor, and hockey player. He is", + "score": 0.72509765625, + "summary": "Charlie Kelly is a character on It's Always Sunny in Philadelphia. The document provides information about his personality and talents, but does not directly answer the question of who plays him.", + "extraction": "irrelevant. (The passage does not provide any information about who plays Charlie on It's Always Sunny.)" + }, + { + "id": "8274657", + "title": "Charlie Day", + "text": "Charlie Day Charles Peckham Day (born February 9, 1976) is an American actor, screenwriter, producer, comedian, and musician. He is best known for playing Charlie Kelly on \"It's Always Sunny in Philadelphia\". In film, he is known for his role as Dale in the films \"Horrible Bosses\" (2011) and its 2014 sequel, as well as for his roles in \"Monsters University\" (2013), \"Pacific Rim\" (2013), \"The Lego Movie\" (2014), \"Fist Fight\" (2017), and \"Pacific Rim Uprising\" (2018). Since 2018, Day is the executive producer on the Fox comedy \"The Cool Kids\". Day was born in New York City. His mother,", + "score": 0.72314453125, + "summary": "Charlie Day plays Charlie Kelly on \"It's Always Sunny in Philadelphia\".", + "extraction": "Charles Peckham Day plays Charlie Kelly on \"It's Always Sunny in Philadelphia\"." + }, + { + "id": "8283107", + "title": "Rob McElhenney", + "text": "April 5, 2012. In preparation for the seventh season of \"It's Always Sunny in Philadelphia\", McElhenney put on 50 lbs of extra weight and let his beard grow out to give extra humor to his character and add a new comedic direction for the season. His co-star Charlie Day described the weight gain as \"disgusting\" and said that the rest of the cast were \"a little on the fence about it for his own personal health and safety\". McElhenney subsequently lost 23 lbs in a month after the season was finished filming. He lost more later in the year to", + "score": 0.720703125, + "summary": "Rob McElhenney gained 50 lbs of extra weight and grew out his beard for the seventh season of \"It's Always Sunny in Philadelphia\" in 2012, but this is irrelevant to who plays Charlie on the show.", + "extraction": "Charlie on \"It's Always Sunny in Philadelphia\" is played by Rob McElhenney." + }, + { + "id": "14294043", + "title": "Mac (It's Always Sunny in Philadelphia)", + "text": "Mac (It's Always Sunny in Philadelphia) Ronald \"Mac\" McDonald is a fictional character on the FX series \"It's Always Sunny in Philadelphia\". Mac is Charlie Kelly's childhood friend and Dennis Reynolds's high school friend and later roommate. Mac is a co-owner of Paddy's, the self-proclaimed \"Sheriff of Paddy's,\" and is generally the pub's most active manager. Mac is played by Rob McElhenney. Mac frequently uses his signature line, \"What's up, bitches?\" throughout the series. In many episodes, Mac will enter the bar announcing \"I've got news\" or a variation of the phrase, to set the episode's plot in motion. The", + "score": 0.71923828125, + "summary": "Charlie Kelly's childhood friend on \"It's Always Sunny in Philadelphia\" is Mac, played by Rob McElhenney.", + "extraction": "Rob McElhenney plays Charlie on It's Always Sunny in Philadelphia." + }, + { + "id": "8283103", + "title": "Rob McElhenney", + "text": "school, McElhenney moved to Los Angeles at the age of 22. In 2004, McElhenney was waiting tables between acting jobs, and had met friends Glenn Howerton through his agent, and Charlie Day in New York while shooting a horror film. His idea for a sitcom, starring himself, Howerton and Day, was filmed on a budget of $200 and pitched to many cable networks. After receiving offers from many of the stations, McElhenney chose to sign with FX as they allowed him more creative freedom. McElhenney was contracted as \"It's Always Sunny\"'s showrunner, and both Howerton and Day were listed as", + "score": 0.70703125, + "summary": "Rob McElhenney created and runs \"It's Always Sunny,\" but the document does not directly answer the question of who plays Charlie.", + "extraction": "Charlie Day plays Charlie on \"It's Always Sunny\"." + }, + { + "id": "5773550", + "title": "It's Always Sunny in Philadelphia", + "text": "series was renewed for a 13th and 14th season, which will tie it with \"The Adventures of Ozzie and Harriet\" as the longest-running (in number of seasons) live-action sitcom in American TV history. Season 13 premiered on September 5, 2018. The series follows \"The Gang,\" a group of five fictional misfit friends: twins Dennis (Glenn Howerton) and Deandra \"Sweet Dee\" Reynolds (Kaitlin Olson), their friends Charlie Kelly (Charlie Day) and Ronald \"Mac\" McDonald (Rob McElhenney), and (from season 2 onward) Frank Reynolds (Danny DeVito), Dennis' and Dee's legal father. The Gang runs the fictional Paddy's Pub, a dilapidated Irish bar", + "score": 0.7060546875, + "summary": "Charlie on It's Always Sunny is played by Charlie Day.", + "extraction": "Charlie Kelly (Charlie Day) plays Charlie on It's Always Sunny in Philadelphia." + }, + { + "id": "8274663", + "title": "Charlie Day", + "text": "first child, a son named Russell Wallace, in 2011. Charlie Day Charles Peckham Day (born February 9, 1976) is an American actor, screenwriter, producer, comedian, and musician. He is best known for playing Charlie Kelly on \"It's Always Sunny in Philadelphia\". In film, he is known for his role as Dale in the films \"Horrible Bosses\" (2011) and its 2014 sequel, as well as for his roles in \"Monsters University\" (2013), \"Pacific Rim\" (2013), \"The Lego Movie\" (2014), \"Fist Fight\" (2017), and \"Pacific Rim Uprising\" (2018). Since 2018, Day is the executive producer on the Fox comedy \"The Cool Kids\".", + "score": 0.703125, + "summary": "Charlie Day is an American actor, screenwriter, producer, comedian, and musician best known for playing Charlie Kelly on \"It's Always Sunny in Philadelphia\".", + "extraction": "Charlie Day plays Charlie Kelly on \"It's Always Sunny in Philadelphia\"." + }, + { + "id": "8274660", + "title": "Charlie Day", + "text": "has written and improvised some of the music featured in \"It's Always Sunny in Philadelphia\". He has also appeared on several other television shows such as \"Third Watch\", \"Law & Order\", and \"Reno 911!\". He appeared in New Line Cinema's \"Horrible Bosses\" in July 2011, with Jason Bateman, Jason Sudeikis, Kevin Spacey, Jennifer Aniston, Colin Farrell, and Jamie Foxx. He also had a role in the 2010 film \"Going the Distance\", alongside Justin Long, Jason Sudeikis, and Drew Barrymore. In 2013, he voiced the character Art in the Pixar animated film \"Monsters University\" and appeared in Guillermo del Toro's film", + "score": 0.701171875, + "summary": "Charlie Day has appeared in several television shows and movies, and has written and improvised music for \"It's Always Sunny in Philadelphia\". However, the document does not provide a direct answer to the question of who plays Charlie on the show.", + "extraction": "irrelevant" + }, + { + "id": "5773555", + "title": "It's Always Sunny in Philadelphia", + "text": "trying to borrow a cup of sugar for the \"shitload of coffee\" he has made. This was then developed into a pilot called \"It's Always Sunny on TV\" and was shot on a digital camcorder by Charlie Day, Glenn Howerton, and Rob McElhenney. It was believed the pilot was shot with a budget of just $200, but Day would later comment, \"We shot it for nothing...I don't know where this $200 came from...We were a bunch of kids with cameras running around shooting each other and [the] next thing you know, we're eleven years in and we're still doing the", + "score": 0.701171875, + "summary": "The document mentions \"Charlie Day\" as one of the people who shot the pilot for \"It's Always Sunny in Philadelphia\" on a digital camcorder with a budget of just $200. However, it does not mention who plays Charlie on the show.", + "extraction": "Charlie Day plays Charlie on It's Always Sunny." + }, + { + "id": "15498833", + "title": "Charlie on Parole", + "text": "about his past, until the moment when he is finally forced to reveal his secret. Charlie on Parole Charlie on Parole is a short film starring T.J. Miller (\"She's Out of My League\", \"How to Train Your Dragon\"), Joe Wengert (UCB, Funny or Die), Molly Ryman, and Bobby Moynihan (\"Saturday Night Live\"). It is about Charlie, an unlikely ex-con who readjusts to life after prison, only to find one thing: it's tough on the outside. Charlie, an awkward, well-natured young man, has recently been released from prison. Attempting to re-initiate his romantic life after a decade in federal containment, Charlie", + "score": 0.6982421875, + "summary": "irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "15498831", + "title": "Charlie on Parole", + "text": "Charlie on Parole Charlie on Parole is a short film starring T.J. Miller (\"She's Out of My League\", \"How to Train Your Dragon\"), Joe Wengert (UCB, Funny or Die), Molly Ryman, and Bobby Moynihan (\"Saturday Night Live\"). It is about Charlie, an unlikely ex-con who readjusts to life after prison, only to find one thing: it's tough on the outside. Charlie, an awkward, well-natured young man, has recently been released from prison. Attempting to re-initiate his romantic life after a decade in federal containment, Charlie finds that his criminal history is a hard fact for women to accept when he", + "score": 0.697265625, + "summary": "T.J. Miller plays Charlie in the short film \"Charlie on Parole.\"", + "extraction": "T.J. Miller plays Charlie on \"Charlie on Parole\"." + }, + { + "id": "4932366", + "title": "Charlie Eppes", + "text": "scientists, creators Cheryl Heuton and Nick Falacci created a show with one as the protagonist. Inspiration for Charlie came specifically from Richard Feynman. Finding the actor who would portray Charlie would be a challenge. Over one hundred actors auditioned for the role of Charlie Eppes. One of the actors was David Krumholtz, who later admitted in an interview with TVGuide.com and in an interview with USA Weekend's Lorrie Lynch to failing math in high school. Krumholtz was cast as Charlie because of his ability to make math sound natural. To prepare for his role of Charlie Eppes, Krumholtz spent some", + "score": 0.697265625, + "summary": "David Krumholtz plays Charlie on \"Numb3rs\".", + "extraction": "David Krumholtz" + }, + { + "id": "14294132", + "title": "Charlie Kelly (It's Always Sunny in Philadelphia)", + "text": "she will never be interested in him (the actress who plays The Waitress, Mary Elizabeth Ellis, is in fact married to Charlie Day, who portrays Charlie). Charlie's attempts to woo The Waitress invariably end badly for her, as his actions have caused her to lose jobs and sleep with Frank and Dennis. Despite this, he seems to have had luck with other women, such as in the pilot episode \"\"The Gang Gets Racist\"\", where he begins dating a girl he meets at a community center, only to be dumped when trying to use her to get a date with The", + "score": 0.69677734375, + "summary": "Charlie Day portrays Charlie on It's Always Sunny in Philadelphia.", + "extraction": "Charlie Day portrays Charlie on It's Always Sunny in Philadelphia." + }, + { + "id": "19294863", + "title": "The Waitress (It's Always Sunny in Philadelphia)", + "text": "The Waitress (It's Always Sunny in Philadelphia) The Waitress is a fictional character on the FX series (which later moved to FXX), \"It's Always Sunny in Philadelphia\", and is portrayed by Mary Elizabeth Ellis. The Waitress is the most prominent recurring character in the series; initially a waitress at a Philadelphia coffee shop, who is the unfortunate love interest of main character Charlie Kelly (Charlie Day), who routinely stalks her, much to her disgust. The Waitress is the most frequently featured character of the recurring cast of \"It's Always Sunny in Philadelphia\". The Waitress is not a part of \"the", + "score": 0.69189453125, + "summary": "Mary Elizabeth Ellis plays the character of The Waitress on \"It's Always Sunny in Philadelphia\". It is irrelevant who plays Charlie.", + "extraction": "Charlie Kelly (Charlie Day) plays Charlie on \"It's Always Sunny in Philadelphia\"." + }, + { + "id": "16053413", + "title": "Charlie Sanders (actor)", + "text": "Charlie Sanders (actor) Charles Henry Sanders (born August 22, 1979) is an American actor, comedian, and Writers Guild Award\u2013winning writer best known for starring as Officer Joe Stubeck in the MTV comedy-action series \"Death Valley\". Sanders was born in Minneapolis, Minnesota - the eldest of three brothers - and grew up in Saint Paul where he graduated from St. Paul Central High School in 1998. While in high school he participated in Central Touring Theatre Company (alongside fellow comedians Nick Swardson and Colton Dunn) as well as the swim team and later began performing at ComedySportz in Minneapolis. Sanders worked", + "score": 0.69140625, + "summary": "Charlie Sanders is an American actor and comedian known for his role in \"Death Valley.\" He was born on August 22, 1979, in Minneapolis, Minnesota. However, the document does not mention whether or not he plays Charlie on \"It's Always Sunny.\"", + "extraction": "Irrelevant." + }, + { + "id": "6141237", + "title": "Charlie Robinson (actor)", + "text": "Charlie Robinson (actor) Charles Robinson (born November 9, 1945) is an American theater, television and film actor. He is best known for his role on the NBC sitcom \"Night Court\" as Macintosh \"Mac\" Robinson (Seasons 2\u20139), the clerk of the court and a Vietnam War veteran. Although his most frequent on-screen billing has been Charlie Robinson, \"Night Court\" had credited him as \"Charles Robinson\" throughout his 1984\u20131992 stint as Mac. In two of his earliest film appearances, 1974's \"Sugar Hill\" and 1975's \"The Black Gestapo\", he was credited as Charles P. Robinson. Some of his credits have been occasionally commingled", + "score": 0.689453125 + }, + { + "id": "19386669", + "title": "Cloverfield (franchise)", + "text": "Antonio are seen frequently through the party, showing that both are close friends with Hud as well. They are both last seen in the streets soon after Jason makes the decision to cross the Brooklyn Bridge from Manhattan. Their ultimate fate remains unknown. Charlie (played by Brian Klugman) first appears prominently in the teaser trailer; towards the beginning of the trailer he directs the comment \"You owe me eleven dollars,\" to Rob. Charlie again appears at the very end of the trailer, stating \"This is going to be the best night ever!\" which is not seen in the film. He", + "score": 0.68798828125 + }, + { + "id": "12158157", + "title": "Charlie Harper (Two and a Half Men)", + "text": "Charlie Harper (Two and a Half Men) Charles Francis Harper is a fictional character in the CBS sitcom \"Two and a Half Men\" during the first eight seasons of the series. Played by actor Charlie Sheen, the character has garnered him four Primetime Emmy Award nominations for Outstanding Lead Actor in a Comedy Series and two Golden Globe nominations for Best Performance by an Actor in a Comedy Series. Although the character was written off after the end of the eighth season, the character was reprised for one episode of the ninth season by Kathy Bates, which resulted in her", + "score": 0.68701171875 + }, + { + "id": "13943407", + "title": "Charlie Wernham", + "text": "Moore, a pupil who beats up Simon Cooper (Joe Thomas). He also starred in the E4 show \"School of Comedy\", playing several characters. The show began airing on 2 October 2009. He appeared in the third series of \"Harry & Paul\" on BBC Two in late 2010. He also plays Mitchell in the new series \"Bad Education\" on BBC 3, written by comedian and actor Jack Whitehall. Between 2013 and 2016 he regularly appeared as Robbie Roscoe in \"Hollyoaks\". Charlie Wernham Charlie Wernham (born 3 October 1994) is an English comedian and actor who is known for auditioning on the", + "score": 0.68310546875 + }, + { + "id": "12158222", + "title": "Charlie Harper (Two and a Half Men)", + "text": "Michelle's house with flowers and begged her to give him another chance. Michelle broke up with Charlie anyway, convinced that he still had feelings for Rose. At Charlie's funeral, Michelle builds on Lydia's remark about him by adding that he liked being spanked while wearing Michelle's panties. , 978-1-55783-684-7 , 978-0-9772927-1-4 Charlie Harper (Two and a Half Men) Charles Francis Harper is a fictional character in the CBS sitcom \"Two and a Half Men\" during the first eight seasons of the series. Played by actor Charlie Sheen, the character has garnered him four Primetime Emmy Award nominations for Outstanding Lead", + "score": 0.6826171875 + }, + { + "id": "8283209", + "title": "Glenn Howerton", + "text": "actress Jill Latiano, who guest starred on the \"It's Always Sunny in Philadelphia\" episode \"The D.E.N.N.I.S. System\" two months later. Their first son, Miles Robert, was born in 2011. The couple had a second son, Isley Ray, in August 2014. Glenn Howerton Glenn Franklin Howerton III (born April 13, 1976) is an American actor, producer, and screenwriter. He is known for his roles as Dennis in \"It's Always Sunny in Philadelphia\", for which he is also a writer and executive producer, and Jack Griffin in \"A.P. Bio\", as well as the lead role in the short-lived sitcom \"That '80s Show\".", + "score": 0.6826171875 + }, + { + "id": "8274659", + "title": "Charlie Day", + "text": "bachelor's degree from Merrimack College in North Andover, Massachusetts. At Merrimack, he was active in the Onstagers, Merrimack's student theater organization. During the summers of his college years, he was active in the training programs at the Williamstown Theatre Festival in Williamstown, Massachusetts. In 2014, he received an honorary doctorate in performing arts from Merrimack, where he also delivered that year's keynote address. Besides playing Charlie Kelly on the hit FX television series \"It's Always Sunny in Philadelphia\", he is also one of the show's executive producers and one of its writers, along with Rob McElhenney and Glenn Howerton. Day", + "score": 0.68212890625 + }, + { + "id": "14294119", + "title": "Charlie Kelly (It's Always Sunny in Philadelphia)", + "text": "Person\"\", Charlie dresses as Bob Dylan. He plays the piano quite well, and he demonstrates he has perfect pitch in \"\"Charlie Work\"\", exhibiting a natural musical talent; however, he fears rejection of his music or other creative ideas by others. Charlie's musical talents are a reflection of actor Charlie Day's real-life skill as a musician and songwriter. Like Dee, he suffers from stage fright and becomes nauseated when performing in front of live audiences. Early in the series, Charlie had a fear of leaving the city, claiming that he has never left Philadelphia in the episode \"\"The Gang Hits the", + "score": 0.68212890625 + }, + { + "id": "18847457", + "title": "Charlie (2015 Malayalam film)", + "text": "graphic artist who runs from home to avoid her marriage. With the help of her friend, she rents a room. Initially, she hates her room which is a complete mess, but then she learns that the room was previously occupied by a carefree vagabond named Charlie (Dulquer Salmaan). When she starts cleaning up the place, she discovers a photo and a sketchbook of this man. The sketches depict the previous New Year's Eve when a small-time thief (Soubin Shahir) tries to rob the man's room. In a turn-of-events, the man joins him, and they both go on the rooftop of", + "score": 0.681640625 + }, + { + "id": "2797580", + "title": "Charles Rocket", + "text": "Charles Rocket Charles Adams Claverie (August 28, 1949 \u2013 October 7, 2005), known by such stage names as Charlie Hamburger, Charlie Kennedy, and, most famously, Charles Rocket, was an American actor, comedian and television news reporter. He was best known for his tenure as a cast member on \"Saturday Night Live\", for his role as the villain Nicholas Andre in the film \"Dumb and Dumber\", and for his appearance as Dave Dennison, Max and Dani Dennison's father, in Disney's \"Hocus Pocus\". Rocket was born in Bangor, Maine, the son of Mary Aurelia (Fogler) and Sumner Abbott \"Ham\" Claverie. He attended", + "score": 0.6806640625 + }, + { + "id": "8283100", + "title": "Rob McElhenney", + "text": "Rob McElhenney Robert McElhenney (born April 14, 1977) is an actor, director, producer, and screenwriter. He is known for playing Mac on the FX/FXX comedy series \"It's Always Sunny in Philadelphia\". He is also one of the developers, executive producers, and the creator of the show, which has provided him with writing and directing credits on various episodes. McElhenney was born in Philadelphia, the eldest of three children. Both of his parents are of Irish descent. He was raised Roman Catholic. When he was eight years old, his parents divorced after his mother came out as a lesbian. McElhenney was", + "score": 0.6796875 + }, + { + "id": "20838465", + "title": "Untitled Rob McElhenney/Charlie Day comedy series", + "text": "Untitled Rob McElhenney/Charlie Day comedy series The untitled Rob McElhenney/Charlie Day comedy series is an upcoming American comedy web television series starring Rob McElhenney and produced by Apple's worldwide video programming division. The untitled series is set in \"a video game development studio and will explore the intricacies of the human condition through hilarious and innovative ways.\" On August 9, 2018, it was announced that Apple had given a series order to a new half-hour comedy series written by Rob McElhenney and Charlie Day both of whom are also set to executive produce alongside Michael Rotenberg, Nicholas Frenkel, G\u00e9rard Guillemot,", + "score": 0.6796875 + }, + { + "id": "1965091", + "title": "Charlie Sheen", + "text": "Charlie Sheen Carlos Irwin Est\u00e9vez (born September 3, 1965), known professionally as Charlie Sheen, is an American actor. Sheen has appeared in films including \"Platoon\" (1986), \"Wall Street\" (1987), \"Young Guns\" (1988), \"Eight Men Out\" (1988), \"Major League\" (1989), \"Hot Shots!\" (1991), and \"The Three Musketeers\" (1993). In the 2000s, Sheen replaced Michael J. Fox in \"Spin City\", his performance earning him a Golden Globe Award for Best Actor \u2013 Television Series Musical or Comedy. He then starred in \"Two and a Half Men\" which earned him several Golden Globe and Emmy Award nominations. He most recently starred in the", + "score": 0.6796875 + }, + { + "id": "7347126", + "title": "Pilot (Lost)", + "text": "lines and kicked a chair in frustration). The producers knew he did not suit the role, but thought he was very watchable, so they rewrote the role to suit him, making him more feral, Southern, but kept the same intelligence he originally had. After appearing in \"The Lord of the Rings\", Dominic Monaghan was offered many fantasy-based roles, like elves and pixies. He was keen to portray a different role, so he wanted a contemporary part that had layers and an edge. Originally Charlie was an older rocker that has been a big hit in the 1980s but now had", + "score": 0.6787109375 + }, + { + "id": "18831068", + "title": "Being Charlie", + "text": "Being Charlie Being Charlie is a 2015 American drama film directed by Rob Reiner and written by Matt Elisofon and Nick Reiner. The film stars Nick Robinson, Common, Cary Elwes, Devon Bostick, Morgan Saylor, Susan Misner and Ricardo Chavira. It was screened in the Special Presentations section of the 2015 Toronto International Film Festival on September 14, 2015. The film was released on May 6, 2016, by Paladin. Charlie is a troublesome 18-year-old who breaks out of a youth drug treatment clinic, but when he returns home to Los Angeles, he's given an intervention by his parents and forced to", + "score": 0.67822265625 + }, + { + "id": "20838466", + "title": "Untitled Rob McElhenney/Charlie Day comedy series", + "text": "Jason Altman, and Danielle Kreinik. Production companies involved with the series are slated to consist of RCG Productions and 3 Arts Entertainment. Alongside the initial series announcement, it was reported that Rob McElhenney would star in the series. Untitled Rob McElhenney/Charlie Day comedy series The untitled Rob McElhenney/Charlie Day comedy series is an upcoming American comedy web television series starring Rob McElhenney and produced by Apple's worldwide video programming division. The untitled series is set in \"a video game development studio and will explore the intricacies of the human condition through hilarious and innovative ways.\" On August 9, 2018, it", + "score": 0.677734375 + }, + { + "id": "18831070", + "title": "Being Charlie", + "text": "has a rating of 24%, based on 42 reviews, with a rating of 5.1/10. On Metacritic, the film has a score of 47 out of 100, based on 18 critics, indicating \"mixed or average reviews\". Being Charlie Being Charlie is a 2015 American drama film directed by Rob Reiner and written by Matt Elisofon and Nick Reiner. The film stars Nick Robinson, Common, Cary Elwes, Devon Bostick, Morgan Saylor, Susan Misner and Ricardo Chavira. It was screened in the Special Presentations section of the 2015 Toronto International Film Festival on September 14, 2015. The film was released on May 6,", + "score": 0.67724609375 + }, + { + "id": "11263670", + "title": "Charlie Schneider", + "text": "as someone who likes to play amour and a very good listener. Charlie also becomes friends with other characters, most notable Arno Brandner, played by Konrad Krauss and Elisabeth von Lahnstein, played by Martina Servatius. In 2008, Charlie becomes friends with Nathalie von Lahnstein, played by Jenny Winkler, a woman that had committed a hit and run by Charlie. Also involved in this was her friend Elisabeth, who kept Nathalie's crime as a secret. Charlie forgives both of them, which once again shows the mentioned weakness in her personality. In the beginning, Charlie owns a gallery and enjoys a luxurious", + "score": 0.67626953125 + }, + { + "id": "6141242", + "title": "Charlie Robinson (actor)", + "text": "Costa Mesa from January 22, 2010 until February 21, 2010. In September 2013, he returned to the theater to portray Willy Loman in \"Death of a Salesman\". In 2015, he played Mr. Munson, the blind tenant on \"Mom\" who Bonnie avoids helping out with apartment issues. Robinson received the NAACP Image Award for Outstanding Actor in a Comedy Series. Charlie Robinson (actor) Charles Robinson (born November 9, 1945) is an American theater, television and film actor. He is best known for his role on the NBC sitcom \"Night Court\" as Macintosh \"Mac\" Robinson (Seasons 2\u20139), the clerk of the court", + "score": 0.67626953125 + }, + { + "id": "8283205", + "title": "Glenn Howerton", + "text": "Glenn Howerton Glenn Franklin Howerton III (born April 13, 1976) is an American actor, producer, and screenwriter. He is known for his roles as Dennis in \"It's Always Sunny in Philadelphia\", for which he is also a writer and executive producer, and Jack Griffin in \"A.P. Bio\", as well as the lead role in the short-lived sitcom \"That '80s Show\". Glenn Franklin Howerton III was born in Japan on April 13, 1976, the son of American parents Janice and Glenn Franklin Howerton Jr. His father was a fighter pilot. He spent his childhood moving back and forth between foreign countries", + "score": 0.67578125 + }, + { + "id": "5541304", + "title": "Charlie Pace", + "text": "Charlie Pace Charlie Pace is a fictional character on ABC's \"Lost\", a television series chronicling the lives of plane crash survivors on a mysterious tropical island. Played by Dominic Monaghan, Charlie was a regular character in the first three seasons, and continued to make occasional appearances until the final season. Charlie is introduced as one of the main characters in the pilot episode. Flashbacks from the series show that prior to the plane crash, Charlie was a member of a rock band named Drive Shaft. Initially, Charlie battles with an addiction to heroin. He ultimately achieves sobriety, while establishing a", + "score": 0.67529296875 + }, + { + "id": "16053416", + "title": "Charlie Sanders (actor)", + "text": "for several years, which was praised in Time Out NY and New York Magazine. Sanders has written for sketch-comedy programs such MTV's \"Human Giant\" and currently on the Comedy Central series \"Key & Peele\". Sanders also wrote the \"Funny or Die\" produced short film \"The Big Dog\", which he starred in alongside Bob Odenkirk and Rich Sommer. Charlie Sanders (actor) Charles Henry Sanders (born August 22, 1979) is an American actor, comedian, and Writers Guild Award\u2013winning writer best known for starring as Officer Joe Stubeck in the MTV comedy-action series \"Death Valley\". Sanders was born in Minneapolis, Minnesota - the", + "score": 0.67529296875 + }, + { + "id": "15839925", + "title": "Walden Schmidt", + "text": "internet entrepreneur who has recently been divorced and is now suicidal. After unsuccessfully attempting suicide, he turns up at Charlie Harper's beach house and decides to buy it from Charlie's brother, Alan, to whom Charlie has left the house in his will, after dying in France. Over the course of his duration on the series, Walden's personality greatly matured. For the first eight seasons of \"Two and a Half Men\", the series' main character was Charlie Harper, portrayed by actor Charlie Sheen. In February 2011, after continued verbal attacks against series creator Chuck Lorre by Sheen, CBS announced that \"Two", + "score": 0.67431640625 + }, + { + "id": "15936080", + "title": "That Darn Priest", + "text": "Sheen's replacement. Upon airing, the episode was watched by 14.51 million viewers. Alan (Jon Cryer) goes to a church to attempt to have his sins forgiven, after scamming Charlie (Charlie Sheen), Herb (Ryan Stiles), Evelyn (Holland Taylor), and Berta (Conchata Ferrell) out of thousands of dollars. However, when Father Shaunassey (Dakin Matthews) suggests he tell his family, Alan rejects the suggestion. Meanwhile, Charlie has grown tired of having to sneak around during his controversial affair with his stalker, Rose (Melanie Lynskey), despite the fact that her husband, Manny, will arrive home that evening. Charlie suggests that he can take a", + "score": 0.67431640625 + }, + { + "id": "13970459", + "title": "Charlie McDermott", + "text": "in \"Disappearances\", and T.J. Eddy in \"Frozen River\". In 2008, he received a nomination for an Independent Spirit Award as Best Supporting Actor for his \"Frozen River\" performance. Charlie McDermott Charles Joseph McDermott Jr. (born April 6, 1990) is an American television and film actor, best known for his role as Axl Heck on ABC's \"The Middle\". He briefly attended high school at Salesianum in Wilmington, Delaware before enrolling in, and graduating from, 8PA Leadership Charter School (PALCS), a cyber school in Pennsylvania. He moved to Los Angeles at the age of 16. Since 2004, he has worked on a", + "score": 0.67431640625 + }, + { + "id": "11135753", + "title": "Charlie Nguyen", + "text": "Charlie Nguyen Charlie Nguyen, Vietnamese name is Nguyen Chanh Truc (born November 25, 1968) is Vietnamese-American director, script writer and film producer. He has been working as a long term director for Van Son Entertainment's shows. He is the older brother of actor Johnny Tri Nguyen, he and Johnny with comedian Van Son are nephews of actor Nguyen Chanh Tin. Charlie and his family immigrated from Vietnam to Orange County, California in 1982. In 1992, Nguyen started his own production company called Cinema Pictures, which was", + "score": 0.67431640625 + }, + { + "id": "16474391", + "title": "Charlie Carver", + "text": "Charlie Carver Charles Carver Martensen (born July 31, 1988), known professionally as Charlie Carver, is an American actor. His best known roles include Porter Scavo on the ABC television series \"Desperate Housewives\", Ethan on the MTV television series \"Teen Wolf\", and Scott Frost on the first season of the HBO television series \"The Leftovers\". His twin brother Max Carver has frequently portrayed the twin of his characters. Carver was born in San Francisco, California, on July 31, 1988. His identical twin brother Max was born seven minutes later on August 1. Before he began acting professionally, he was known as", + "score": 0.67333984375 + }, + { + "id": "14294114", + "title": "Charlie Kelly (It's Always Sunny in Philadelphia)", + "text": "in constant berating by the rest of the Gang. He is unable to read or write correctly, and keeps a personal journal consisting predominantly of childlike pictures in place of actual sentences. In one instance it was revealed that Charlie wrote his name as \"Chrundle,\" unable to even spell his own name. It is quite possible that Charlie has a lifelong case of severe, untreated dyslexia. Mac claims that \"no one understands the subtleties of Charlie's retardation better than [Mac].\" Like the rest of the Gang, Charlie has a poor grasp of history, current events, and geography, sometimes avoiding conversations", + "score": 0.67333984375 + }, + { + "id": "8521705", + "title": "Charlie Hardwick", + "text": "Charlie Hardwick Claire Elizabeth Hardwick (born 3 November 1960), known as Charlie Hardwick, is an English actress best known for playing Val Pollard from 2004 to 2015 and again in 2017 in the ITV soap opera \"Emmerdale\". Nominated six times at the British Soap Awards, she won Best Comedy Performance in 2006. In addition to her role in \"Emmerdale\", she also starred in the 2000 comedy film \"Purely Belter\", \"Billy Elliot\" and won the best actress award at the Monte Carlo International Television Festival in 1998 for her role in Amber Films' \"The Scar\", about a County Durham pit community", + "score": 0.6728515625 + }, + { + "id": "11889191", + "title": "Rachel Armstrong", + "text": "with Kim if he doesn't sleep with him so she reports him and comes clean about her relationship. Rachel is struck off the psych registry, but is later given a new job in the Accident and Emergency department. Rachel is annoyed when her father, Robert (John Gregg) briefly works at the hospital. Kim's new friend Charlie McKinnon (Matt Levett) begins spending a plenty of time with them. Charlie soon becomes infatuated with Kim and starts dressing up like him and becoming possessive. Charlie later takes Rachel kidnaps Rachel. Rachel hits Charlie with a pipe causing him to seizure, she decides", + "score": 0.67236328125 + }, + { + "id": "3147366", + "title": "Vanessa Ferlito", + "text": "role Tarantino wrote specifically for Ferlito. She also appeared Lee Daniel\u2019s \"Shadowboxer\" with Helen Mirren and Cuba Gooding Jr. In 2012, Ferlito was cast in the feature film, \"Stand Up Guys\", opposite Al Pacino, Christopher Walken and Alan Arkin. She also played Charlie DeMarco on USA Network's \"Graceland\", which ran between 2013 and 2015. In 2016 Ferlito was added to the cast of \"\" for the show's third season, playing an FBI special agent who is sent from DC to investigate the NCIS team. Vanessa Ferlito Vanessa Ferlito is an American actress. She is known for appearing as Detective Aiden", + "score": 0.67236328125 + }, + { + "id": "2134051", + "title": "Two and a Half Men", + "text": "Harper brothers Charlie (Charlie Sheen) and Alan (Jon Cryer), and Alan's son Jake (Angus T. Jones). Charlie is a bachelor who writes commercial jingles for a living while leading a hedonistic lifestyle. When Alan's wife Judith (Marin Hinkle) decides to divorce him, he moves into Charlie's Malibu beach house (due to Charlie's selfishly scorning Alan's female divorce-lawyer) with Jake coming to stay over the weekends. Charlie's housekeeper is Berta (Conchata Ferrell), a sharp-tongued woman who initially resists the change to the household, but grudgingly accepts it. Charlie's one-night stand Rose (Melanie Lynskey) was first introduced as his stalker in the", + "score": 0.67236328125 + }, + { + "id": "14378594", + "title": "Frank Salsedo", + "text": "he played Charlie. Frank Sotonoma Salsedo was born on May 20, 1929 in Santa Rosa, California to Gilbert and Helen Salsedo. He had five brothers (Delano, Lovedale Richard, Gilbert, Hal and Kenny) and six sisters (Helen Rose, Jane, Lola, Gertrude, Vera and Donna). He graduated from the Sherman Institute and then enlisted in the United States Navy. After his discharge he became a CPA and graduated from Sawyer's Business College. Salsedo was the President of Jay Silverheels Acting School in Los Angeles, where he found his dream job as an actor. As a member of the Screen Actors Guild he", + "score": 0.6708984375 + }, + { + "id": "13943404", + "title": "Charlie Wernham", + "text": "Charlie Wernham Charlie Wernham (born 3 October 1994) is an English comedian and actor who is known for auditioning on the second series of the ITV talent show \"Britain's Got Talent\" and for his role as Robbie Roscoe in \"Hollyoaks\". He also played Mitchell in \"Bad Education\" and has appeared in \"The Inbetweeners\", \"School of Comedy\" and \"Some Girls\". Wernham was born in Billericay, Essex. He started his stand-up comedy act at the age of eight, winning his first talent show at eight. He went on to win three more contests. His father, Dave, helps him write his jokes and", + "score": 0.67041015625 + }, + { + "id": "4932370", + "title": "Charlie Eppes", + "text": "stated that Krumholtz, as Charlie, \"stands out\". Since the early days of the series, the character of Charlie Eppes has become more widely accepted. Krumholtz appeared at the 2005 National Council of Teachers of Mathematics (NCTM) convention in Anaheim. Since then, Krumholtz receives cheers when he attends math conventions. In a public service announcement, Krumholtz congratulated the Federal Bureau of Investigation on their 100th anniversary. Charlie was one of the first geeks on primetime television who paved the way for other shows starring geeks such as \"Bones\", \"Chuck\" and \"The Big Bang Theory\". Charlie was a runner-up in the category", + "score": 0.67041015625 + }, + { + "id": "11263665", + "title": "Charlie Schneider", + "text": "with younger men. With time, Charlie tries for something more; she wants to find love and even a husband. She fails miserably a few times. Most of the men seem to fall in love with Charlie's wealth instead with her. Others betray Charlie, like David McNeal, played by Sam Eisenstein, who cheated on her with Tanja von Anstetten, played by Miriam Lahnstein. She invested too much time in her relationship with Johannes von Lahnstein, played by Thomas Gumpert, when he wasn't ready for a new love in his life. As time goes by, Charlie tries to give up on love.", + "score": 0.669921875 + }, + { + "id": "14294145", + "title": "Charlie Kelly (It's Always Sunny in Philadelphia)", + "text": "the two now share virtually everything - from a rusty coffee can used as a toilet to cardboard boxes full of pennies, which millionaire Frank keeps for unspecified purposes. Green Man is a persona assumed by Charlie wearing a green spandex suit in several episodes. The persona has spawned imitators, most notably at sporting events. Rob McElhenney adapted the idea after watching the Philadelphia Eagles defeat the Dallas Cowboys at Lincoln Financial Field. Without warning, in the parking lot after the game, a friend of McElhenney's stripped off his clothes and donned a full-body green spandex suit. McElhenney said: \"Everyone", + "score": 0.66943359375 + }, + { + "id": "5775507", + "title": "Charlie Kelly (businessman)", + "text": "Charlie Kelly (businessman) Charles Richard \"Charlie\" Kelly (born 1945) was an early pioneer in the development of modern mountain bicycles. During the late sixties and early seventies Kelly was a roadie for a San Francisco rock band, The Sons of Champlin. When the band broke up in 1977, Kelly turned his attention to his passion for bicycling and \"klunker\" bikes he and his friends were constructing from old frames and taking off-road. Kelly attended Tamalpais High School in Mill Valley, California, at the foot of Mount Tamalpais. He was inducted into the Mountain Bike Hall of Fame in 1988 and", + "score": 0.6689453125 + }, + { + "id": "9312419", + "title": "Roland Winters", + "text": "result of a stroke at the Actor's Fund Nursing Home in Englewood, New Jersey on October 22, 1989. Roland Winters Roland Winters (born Roland Winternitz; November 22, 1904 \u2013 October 22, 1989) was an American actor who played many character parts in films and television but today is best remembered for portraying Charlie Chan in six films in the late 1940s. Born Roland Winternitz in Boston, Massachusetts, on November 22, 1904, Winters was the son of Felix Winternitz, a violinist and composer who was teaching at New England Conservatory of Music. Monogram Pictures eventually selected Winters to replace Sidney Toler", + "score": 0.66845703125 + }, + { + "id": "13273793", + "title": "Charle", + "text": "and has played a vital role in many films, including films produced by National Film Development Corporation of India. He is highly talented in miming, mono acting and anchoring in stage shows and he has performed in various countries. He holds a Master of Arts degree from Madurai Kamaraj University and Master of Philosophy degree from Karaikudi Alagappa University. He submitted his dissertation for M.Phil in the title, \"Contributions of Comedians in the growth of Tamil cinema \u2013 1937 to 1967\". Charle Charle sometimes credited as Charlie (born Manohar Velmurugan Thangasamy; born 6 March 1960) is an Indian actor who", + "score": 0.66796875 + }, + { + "id": "14359750", + "title": "Charlie Clemmow", + "text": "Inc., Lidl and Charlotte Tilbury. Charlie Clemmow Charlie Clemmow (born 31 July 1986, Leamington Spa) is an English actress known for her role as Imogen Hollins in the BBC soap opera \"Doctors\". Charlie Clemmow was brought up just outside Stratford-upon-Avon, and was educated at Bromsgrove School, the National Youth Theatre, and Guildhall School of Music and Drama. In 2009 Clemmow was cast as troubled teenager Imogen Hollins (a character 7 years her junior) in the BBC soap opera \"Doctors\"; and remained in the role for almost four years. She left the show to return to the theatre in the Victorian", + "score": 0.66796875 + }, + { + "id": "8283108", + "title": "Rob McElhenney", + "text": "film the next season. Through his father, McElhenney is the first cousin of Olympic Medalist, attorney, and activist Marcus N. McElhenney. Rob McElhenney Robert McElhenney (born April 14, 1977) is an actor, director, producer, and screenwriter. He is known for playing Mac on the FX/FXX comedy series \"It's Always Sunny in Philadelphia\". He is also one of the developers, executive producers, and the creator of the show, which has provided him with writing and directing credits on various episodes. McElhenney was born in Philadelphia, the eldest of three children. Both of his parents are of Irish descent. He was raised", + "score": 0.66748046875 + }, + { + "id": "18593689", + "title": "Of Course He's Dead", + "text": "in Las Vegas, yielding $2.5 million in winnings. After Jake leaves, Alan and Walden are contacted by Wagner, who informs them that he has captured Charlie, but the camera reveals that the man is actually Christian Slater, dressed in clothing similar to Charlie's. Alan, Walden, and Berta (Conchata Ferrell), now believing that Charlie is in jail, celebrate by relaxing in lounge chairs while smoking Charlie's cigars and drinking his whiskey, when they see a helicopter carrying a grand piano, similar to the one Charlie used to play, approaching the house. The three ponder if Wagner caught the right man, but", + "score": 0.66748046875 + }, + { + "id": "15006560", + "title": "It's Always Sunny in Philadelphia (season 2)", + "text": "It's Always Sunny in Philadelphia (season 2) The second season of the American comedy television series \"It's Always Sunny in Philadelphia\" premiered on FX on June 29, 2006. The season contains 10 episodes and concluded airing on August 17, 2006. The series' second season introduces veteran actor Danny DeVito portraying Dennis and Dee's father Frank, who moves in with a wheelchair-bound Charlie following a car accident and blackmails his way into the group. Anne Archer also has a recurring role as Barbara Reynolds, Dee and Dennis's promiscuous, cold-hearted mother. Meanwhile, Mac has sex with Barbara and spins a web of", + "score": 0.66748046875 + }, + { + "id": "7347463", + "title": "Homecoming (Lost)", + "text": "that all the survivors' lives are in danger, and the team have to figure out a way to stop Ethan. Charlie Pace (Dominic Monaghan) is featured in the episode's flashbacks. The flashbacks show Charlie (Dominic Monaghan) in the height of his drug addiction. To make money for more heroin, Tommy (Darren Richardson) tells him about Lucy Heatherton (Sally Strecker), whose father is rich. He plans for Charlie to steal something of value from her, and then sell it. Once invited to her house, Charlie has an interest in stealing a cigarette case that had belonged to Winston Churchill. However, he", + "score": 0.66748046875 + }, + { + "id": "12158171", + "title": "Charlie Harper (Two and a Half Men)", + "text": "he's safe. In the episode \"The Mooch at the Boo\" Jake and his neighbor, a pretty girl named Celeste, disappear together and Celeste's father Jerome (played by Michael Clarke Duncan), an ex-football player, came looking. When they were found kissing, Charlie later said to Jerome that he would take the beating intended for Jake. Charlie watches a lot of sports on TV, but has little interest in athletics \"per se\"; rather, Charlie is a frequent gambler. He watches sports to keep tabs on his investments, and bets on horse races, football matches, etc. Two of his favorite sitcoms are \"Dharma", + "score": 0.66748046875 + }, + { + "id": "6536445", + "title": "Danny Wells", + "text": "Danny Wells Jack Westelman (April 7, 1941 \u2013 November 28, 2013), known as Danny Wells, was a Canadian actor, voice actor and composer. He is best known for his role as Charlie the bartender on \"The Jeffersons\" as well as his role as Luigi in the live-action/animated series \"The Super Mario Bros. Super Show!\". Wells was born in Montreal, Canada to Eli and Eunice Westelman on April 7, 1941. His acting career spanned more than 4 decades, beginning in 1972 on the comedy television show, \"Love, American Style\". In 1975 Wells made his film debut in \"The Strongest Man in", + "score": 0.66748046875 + }, + { + "id": "15133951", + "title": "Charlie Hill", + "text": "Charlie Hill Charles Allan Hill (July 6, 1951 \u2013 December 30, 2013) was an American stand-up comedian, actor, and writer of Oneida-Mohawk-Cree heritage. He wrote for the television series \"Roseanne\". Born in Detroit, Michigan in 1951, he moved as a child with his family when they returned to their homestead on the Oneida reservation in 1962. In 1969, he graduated from West De Pere High School and enrolled at University of Wisconsin\u2013Madison, where he majored in speech and drama. He was involved in the Broom Street Theatre Group. During the early 1970s, he was a member of Hanay Geiogomah's Native", + "score": 0.6669921875 + }, + { + "id": "13562828", + "title": "Chris Northrop", + "text": "Chris Northrop Christopher Scott \"Chris\" Northrop is an American actor (SAG-AFTRA) best known for his portrayal of Meth-Head Charlie, a recurring co-star role, on the Netflix original series \"Unbreakable Kimmy Schmidt.\" Northrop appeared in seasons 2, 3 and 4 of the series, acting opposite series regulars Elle Kemper, Carol Kane and Tituss Burgess as well as notable guest stars including Golden Globe winner Laura Dern. He will be part of the second half of the final season of the series, which will air Friday, January 25, 2019 on Netflix. EARLY ACTING CAREER - Film & TV Highlights (2007-2012) In 2007,", + "score": 0.6669921875 + }, + { + "id": "18260875", + "title": "It Was You Charlie", + "text": "- Narrative Film (\"Emmanuel Shirinian\") It Was You Charlie It Was You Charlie is a 2013 Canadian comedy-drama film. It is the first feature film of director Emmanuel Shirinian who wrote its screenplay. The movie tells the story of a lonely graveyard shift doorman named \"Abner\", a once-accomplished sculptor and former college art teacher, but now sadly, a mere shadow of his former self. He is heartbroken because of an unresolved conflict with his brother over a woman he once loved, and is at the same time consumed with guilt and suicidal thoughts as he remains profoundly haunted a year", + "score": 0.66650390625 + }, + { + "id": "13970458", + "title": "Charlie McDermott", + "text": "Charlie McDermott Charles Joseph McDermott Jr. (born April 6, 1990) is an American television and film actor, best known for his role as Axl Heck on ABC's \"The Middle\". He briefly attended high school at Salesianum in Wilmington, Delaware before enrolling in, and graduating from, 8PA Leadership Charter School (PALCS), a cyber school in Pennsylvania. He moved to Los Angeles at the age of 16. Since 2004, he has worked on a wide range of television series, including \"The Office\" and \"Private Practice\". His biggest roles to date are as Axl Heck on the TV show \"The Middle,\" Wild Bill", + "score": 0.66650390625 + }, + { + "id": "5756835", + "title": "Evan Handler", + "text": "PBS television documentary \"Twitch & Shout\", in which Evan appeared. Evan Handler Evan Handler (born January 10, 1961) is an American actor who is best known for playing Charlie Runkle, Hank Moody's comically bumbling friend and agent, on \"Californication\" (2007\u20132014) and Harry Goldenblatt, a divorce attorney and later husband of Charlotte York on \"Sex and the City\" (2002\u20132004). Handler was born in New York City, to secular Jewish parents, the son of Enid Irene, a mental health administrator, and Murry Raymond Handler, an agency owner and advertising designer. He was raised in the Town of Cortlandt, New York, near Croton-on-Hudson,", + "score": 0.666015625 + }, + { + "id": "18847465", + "title": "Charlie (2015 Malayalam film)", + "text": "could make it a reasonable weekend watch.\" Kerala State Film Awards Asiavision Awards Asianet Film Awards Vanitha Film Awards Charlie (2015 Malayalam film) Charlie is a 2015 Indian Malayalam-language romantic drama film directed by Martin Prakkat and written by Prakkat and Unni R. Produced by Prakkat, Joju George and Shebin Becker, the film stars Dulquer Salmaan and Parvathy. The music is composed by Gopi Sundar, while Jomon T. John handles the cinematography. The film released on 24 December. It won 8 awards at the 46th Kerala State Film Awards, including Best Actor, Best Actress, Best Director and Best Cinematography. It", + "score": 0.666015625 + }, + { + "id": "18506597", + "title": "Charlie (TV series)", + "text": "Charlie (TV series) Charlie is a historical drama broadcast on RT\u00c9 Television. The show premi\u00e8red on 4 January 2015 at 21:30 on RT\u00c9 One and on RT\u00c9 Player. The show depicts the central figure of Irish politics in the 1980s, Charles J. Haughey. This drama is based on real events, exploring the emergence of modern Ireland through the rise and fall of Charles J Haughey. The drama is set in democratic Ireland in the late 1970s. Charlie Haughey is the Taoiseach of Ireland, (portrayed by Aidan Gillen) and his loyal servant, P.J Mara (portrayed by Tom Vaughan-Lawlor). The main focus", + "score": 0.666015625 + }, + { + "id": "11263669", + "title": "Charlie Schneider", + "text": "exit in 2001. The friendship between the two woman was very unequal. While Clarissa was scheming, Charlie became a good person. And even in the beginning, Charlie was portrayed as little bit dumb and quirky, while Clarissa seemed intelligent and elegant. Over the years Charlie changed and has proven that she has become an intelligent businesswoman. After Clarissa's exit, Charlie's stupidity was gone too. C\u00e9cile de Maron, played by Yvonne Burbach, becomes Charlie's new best friend. Charlie develops as good soul and loyal friend to C\u00e9cile and also to Clarissa's stepson Henning, last played by Patrick Fichte. She is shown", + "score": 0.6650390625 + }, + { + "id": "5756829", + "title": "Evan Handler", + "text": "Evan Handler Evan Handler (born January 10, 1961) is an American actor who is best known for playing Charlie Runkle, Hank Moody's comically bumbling friend and agent, on \"Californication\" (2007\u20132014) and Harry Goldenblatt, a divorce attorney and later husband of Charlotte York on \"Sex and the City\" (2002\u20132004). Handler was born in New York City, to secular Jewish parents, the son of Enid Irene, a mental health administrator, and Murry Raymond Handler, an agency owner and advertising designer. He was raised in the Town of Cortlandt, New York, near Croton-on-Hudson, New York, and attended Hendrick Hudson High School in Montrose,", + "score": 0.6650390625 + }, + { + "id": "18847456", + "title": "Charlie (2015 Malayalam film)", + "text": "Charlie (2015 Malayalam film) Charlie is a 2015 Indian Malayalam-language romantic drama film directed by Martin Prakkat and written by Prakkat and Unni R. Produced by Prakkat, Joju George and Shebin Becker, the film stars Dulquer Salmaan and Parvathy. The music is composed by Gopi Sundar, while Jomon T. John handles the cinematography. The film released on 24 December. It won 8 awards at the 46th Kerala State Film Awards, including Best Actor, Best Actress, Best Director and Best Cinematography. It will be remade into Marathi as \"Deva\" starring Ankush Chaudhary, Tejaswini Pandit and Spruha Joshi. Tessa (Parvathy) is a", + "score": 0.66455078125 + }, + { + "id": "15923808", + "title": "Nice to Meet You, Walden Schmidt", + "text": "and poor improv, though Sheen was reported to have enjoyed the episode and praised Kutcher's performance. Picking up where \"That Darn Priest\" left off, it is revealed that Charlie Harper (Charlie Sheen) is dead, having been killed in an accident, offscreen, while on his weekend getaway to Paris with Rose (Melanie Lynskey). The episode opens with Alan (Jon Cryer) delivering the eulogy at Charlie's funeral. Several of Charlie's ex-girlfriends are in attendance, such as Mia, Courtney, Isabella, Chelsea and even Miss Pasternak (now played again by Missi Pyle). They heckle Alan while he attempts to speak and Courtney (Jenny McCarthy)", + "score": 0.6640625 + }, + { + "id": "5225970", + "title": "Charlie O'Connell", + "text": "again in April 2010. In two episodes of \"Crossing Jordan\", entitled \"Sunset Division\" (season 2) and \"Skin and Bone\" (season 4), he played the onscreen brother of his brother's character, Detective Woody Hoyt. Charlie O'Connell Charles O'Connell (born April 21, 1975) is an American actor and reality television personality. He is known for his appearance on \"The Bachelor\", as well as appearing in several of his older brother, Jerry O'Connell's projects, including a starring role as Colin Mallory in Season 4 of the science fiction television series \"Sliders\". O'Connell was born in New York City, New York, the son of", + "score": 0.6640625 + }, + { + "id": "9818791", + "title": "Charles Levin (actor)", + "text": "Charles Levin (actor) Charles Levin (born March 12, 1949) is an American actor who has appeared in television and movies and on stage. He is best known for the role of Elliot Novak on the series \"Alice\" having become a regular in the show's 9th season and the recurring role of Eddie Gregg on \"Hill Street Blues\" from 1982 to 1986. He is also known for having played the mohel on \"The Bris\" episode of \"Seinfeld\" and Coco, the gay cook, on the pilot episode of \"The Golden Girls\". His part was dropped in favor of making the character of", + "score": 0.66357421875 + }, + { + "id": "995558", + "title": "Danny DeVito", + "text": "last \"Saturday Night Live\" episode before the year 2000. He earned a 2004 Emmy nomination for Outstanding Guest Actor in a Comedy Series for an episode of \"Friends\", following four Emmy nominations (including a 1981 win) for Outstanding Supporting Actor in a Comedy for \"Taxi\". In 2006, DeVito joined the cast of \"It's Always Sunny in Philadelphia\" as Frank Reynolds. In 2011, he received a star on the Hollywood Walk of Fame for his work in television. In 2012, DeVito voiced the Lorax in \"The Lorax\". In 2013, along with Rashida Jones, he voiced Herb for the third time on", + "score": 0.66259765625 + }, + { + "id": "9312414", + "title": "Roland Winters", + "text": "Roland Winters Roland Winters (born Roland Winternitz; November 22, 1904 \u2013 October 22, 1989) was an American actor who played many character parts in films and television but today is best remembered for portraying Charlie Chan in six films in the late 1940s. Born Roland Winternitz in Boston, Massachusetts, on November 22, 1904, Winters was the son of Felix Winternitz, a violinist and composer who was teaching at New England Conservatory of Music. Monogram Pictures eventually selected Winters to replace Sidney Toler in the Charlie Chan film series. Winters was 44 when he made the first of his six Chan", + "score": 0.662109375 + }, + { + "id": "18738874", + "title": "Charlie Fairhead", + "text": "Charlie Fairhead Charlie Fairhead, played by Derek Thompson, is a fictional character from the BBC British medical drama \"Casualty\". He is the longest-serving character having played the role of Charlie for over 30 years and the only remaining original character to have appeared continuously since the first episode on 6 September 1986. Thompson chose to take a nine-month break from the show in early 2004. Charlie left the show in series 18 on 17 July 2004 and after five months, returned on 1 January 2005 in series 19. At the end of series 19, Charlie left again as Thompson returned", + "score": 0.662109375 + }, + { + "id": "8858709", + "title": "Charlie Finn", + "text": "7). Charlie Finn Charlie Finn (born September 18, 1975) is an American film and television actor. Finn was born in Milwaukee, Wisconsin but raised in Lake Bluff, Illinois where he attended Lake Forest High School. Finn majored in English at Southern Methodist University in Dallas, Texas and was a member of the Texas Delta chapter of the Phi Delta Theta fraternity. He has been a member of the Lake Forest Players' Club since the early 1990s, and is well known for his recitals of epic Shakesperian soliloquies. Finn is perhaps best known for his voice role as Spud in the", + "score": 0.66162109375 + }, + { + "id": "15101528", + "title": "Charlie Weber (actor)", + "text": "Charlie Weber (actor) Charles Alan \"Charlie\" Weber Jr. (born September 20, 1978) is an American actor and former model. In 2014, Weber began starring as Frank Delfino in the ABC legal drama series, \"How to Get Away with Murder\". Charlie Weber was born Charles Alan Weber Jr. in Jefferson City, Missouri. Weber dropped out of college after a year and moved to New York City when he was 19 years old. As a model, Weber appeared in the Christmas 1998 Abercrombie & Fitch catalog when photographer Bruce Weber revitalized the publication. Weber made his screen debut in the 2000 film", + "score": 0.66162109375 + }, + { + "id": "18738895", + "title": "Charlie Fairhead", + "text": "nominated for Best Soap Couple at the 2018 \"Digital Spy\" Reader Awards. Charlie Fairhead Charlie Fairhead, played by Derek Thompson, is a fictional character from the BBC British medical drama \"Casualty\". He is the longest-serving character having played the role of Charlie for over 30 years and the only remaining original character to have appeared continuously since the first episode on 6 September 1986. Thompson chose to take a nine-month break from the show in early 2004. Charlie left the show in series 18 on 17 July 2004 and after five months, returned on 1 January 2005 in series 19.", + "score": 0.66162109375 + }, + { + "id": "4653093", + "title": "Charlie Slater", + "text": "Charlie Slater Charlie Slater is a fictional character from the BBC soap opera \"EastEnders\", played by Derek Martin. Charlie's first appearance is in the episode first broadcast in the United Kingdom on 4 September 2000. He is played by Jason McGregor in flashbacks broadcast in 2001. He also makes a cameo appearance in the second series of the spin-off \"\". In April 2010, the character was axed among five others by new executive producer Bryan Kirkwood as part of a plan to \"breathe new life into the show\". The reaction to Charlie's axing was negative with Stuart Heritage from \"The", + "score": 0.66162109375 + }, + { + "id": "14294135", + "title": "Charlie Kelly (It's Always Sunny in Philadelphia)", + "text": "waitress in season 12 \"Dennis' Double Life\" where they both expressed their feelings together and ended up having sex, only for Charlie to realize she is not what he pictured her to be. Charlie consistently shows more empathy than any other member of The Gang and seems to have slightly higher ethical standards. For example, he turned in the McPoyle Brothers when they attempted to profit from accusing a former teacher of molestation. In the episode \"\"The Gang Finds a Dead Guy\"\", he and Mac burn a box of authentic Nazi memorabilia once belonging to Dennis and Dee's grandfather, although", + "score": 0.6611328125 + }, + { + "id": "12743042", + "title": "Stuck like Chuck", + "text": "Stuck like Chuck Stuck Like Chuck is a 2009 low budget romantic comedy about friendship, love, college and the awkward situations that bring them all together. It was written, directed, edited and produced by student filmmaker Jerry Cavallaro for about $2,500. It stars Joe Moran, Jocelyn DeBoer and Patrick McColley. Lloyd Kaufman makes a cameo appearance. Charlie, played by Joe Moran, is a shy and geeky college student who is studying film production at an unnamed college. His roommate is the much more outgoing Rob, played by Patrick McColley. Their dorm room features walls covered with posters for horror and", + "score": 0.6611328125 + }, + { + "id": "13273791", + "title": "Charle", + "text": "Charle Charle sometimes credited as Charlie (born Manohar Velmurugan Thangasamy; born 6 March 1960) is an Indian actor who has acted in more than 670 Tamil films as a comedian and supporting actor. He was named after the English comedian Charlie Chaplin. He completed his undergraduate degree in chemistry from G. V. N. College in Kovilpatti, Tamil Nadu. Even during those days when he was at college, he was known for his histrionics, and had the uncanny ability to imitate Tamil actors like Sivaji Ganeshan, Muthuraman and Nagesh. He was an avid entertainer, and a popular stage artist, while at", + "score": 0.6611328125 + }, + { + "id": "11263660", + "title": "Charlie Schneider", + "text": "Charlie Schneider Charlotte 'Charlie' Schneider is a fictional character from the German soap opera \"Verbotene Liebe\", portrayed by actress Gabriele Metzger. She made her first appearance on screen in the series premiere on 2 January 1995. After the departure of Konrad Krauss, who played Arno Brandner, Metzger is the only remaining original cast member. Charlie is introduced as a secondary character and best friend of Clarissa von Anstetten, played by Isa Jank. She is rarely seen in the beginning and then only as sidekick of Clarissa. She is the one to whom Clarissa can talk and the only one with", + "score": 0.66064453125 + }, + { + "id": "11263682", + "title": "Charlie Schneider", + "text": "Charlie Schneider Charlotte 'Charlie' Schneider is a fictional character from the German soap opera \"Verbotene Liebe\", portrayed by actress Gabriele Metzger. She made her first appearance on screen in the series premiere on 2 January 1995. After the departure of Konrad Krauss, who played Arno Brandner, Metzger is the only remaining original cast member. Charlie is introduced as a secondary character and best friend of Clarissa von Anstetten, played by Isa Jank. She is rarely seen in the beginning and then only as sidekick of Clarissa. She is the one to whom Clarissa can talk and the only one with", + "score": 0.66064453125 + }, + { + "id": "6536451", + "title": "Danny Wells", + "text": "out before paying. Charlie the Bartender quickly became a recurring role and towards the end of the series, he even had a few central episodes written specifically for him. In season 9 episode 5 (\"Charlie\u2019s Angels\"), Charlie borrows money from Tom Willis (played by Franklin Cover) in hopes of upgrading his bar and increasing business by way of risque dressed waitresses. Louise (played by Isabel Sanford) and Helen (played by Roxie Roker) take offense when they feel that the changes are exploiting the women. At the beginning of the final season, Charlie is facing eviction. George becomes partners with Charlie", + "score": 0.66064453125 + }, + { + "id": "8283105", + "title": "Rob McElhenney", + "text": "to write an episode of \"It's Always Sunny\". He and his co-producers accepted the offer, resulting in the Season 9 episode \"Flowers for Charlie\" in 2013. On July 21, 2015, McElhenney was confirmed by Mojang as the director of the upcoming animated \"Minecraft\" movie, announced for 2019. He has since left the project. In 2017, he appeared as a guest in the acclaimed \"Fargo\" episode \"The Law of Non-Contradiction\". He received praise for his performance from critics, who saw his character as a reference to \"It's Always Sunny in Philadelphia.\" Before the first season of \"It's Always Sunny in Philadelphia\"", + "score": 0.65966796875 + }, + { + "id": "11826994", + "title": "Charles Knox Robinson", + "text": "Charles Knox Robinson Charles Knox Robinson III (April 13, 1932 \u2014 July 22, 2006) was an American actor who appeared in over 80 films and television series over his career. From 1958 through 1971 he was credited as Charles Robinson and, from 1972 onward, his full birth name, Charles Knox Robinson, also became his stage name. His credits have been occasionally commingled with those of younger actor Charlie Robinson who, during an eight-year (1984\u201392) stint as court clerk Mac Robinson on \"Night Court\" had been credited as Charles Robinson. Robinson's first on-screen billing in a feature film was as one", + "score": 0.6591796875 + }, + { + "id": "1949279", + "title": "That '70s Show", + "text": "season (credited as a special guest star) and later returned for the finale. Tommy Chong (who began reappearing by late season 7 after a long absence) became a regular again to help fill Kelso's role as the dimwit of the group. Eric was originally supposed to be replaced by his new friend Charlie, played by Bret Harrison, as an \"innocent character\", who proved fairly popular with audiences, but the character was killed off after Harrison was offered a lead role in the series \"The Loop\". Another new character named Randy Pearson, played by Josh Meyers, was introduced to take the", + "score": 0.65869140625 + }, + { + "id": "8858707", + "title": "Charlie Finn", + "text": "Charlie Finn Charlie Finn (born September 18, 1975) is an American film and television actor. Finn was born in Milwaukee, Wisconsin but raised in Lake Bluff, Illinois where he attended Lake Forest High School. Finn majored in English at Southern Methodist University in Dallas, Texas and was a member of the Texas Delta chapter of the Phi Delta Theta fraternity. He has been a member of the Lake Forest Players' Club since the early 1990s, and is well known for his recitals of epic Shakesperian soliloquies. Finn is perhaps best known for his voice role as Spud in the animated", + "score": 0.65869140625 + }, + { + "id": "8546385", + "title": "Charlie Don't Surf (Veronica Mars)", + "text": "a guy. Logan meets Charlie (Matt Czuchry), and they connect over surfing. However, Veronica notices some inconsistencies at Charlie\u2019s private school job. Veronica learns that \u201cCharlie\u201d is in fact a reporter who is doing a story on Logan, and Logan punches him. Keith tells Harmony that her husband was not in fact cheating after all. Veronica obtains proof that another person, not one of the fraternity members, was with Claire the night she was raped. While retrieving Logan\u2019s watch, Veronica learns that Logan actually has a half-brother. The episode was written by executive producer Diane Ruggiero and Jason Elen and", + "score": 0.65869140625 + }, + { + "id": "18260869", + "title": "It Was You Charlie", + "text": "that took the life of the young woman in the other vehicle. It Was You Charlie (the title refers to On the Waterfront)explores the lonely life of \"Abner\" (Michael D. Cohen) a short, schluby, suicidally-depressed former teacher-artist turned graveyard shift doorman and the fierce sibling rivalry he endures (if not imagines) with \"Tom\" (Aaron Abrams), his tall, handsome, lady-killing brother. \"Abner\" also harbours a tragic secret that has debilitated his professional and personal life while \"Tom\" not only seems to have everything going for him, but also scores with \"Madeleine\" (Anna Hopkins), the babe our haplessly loveable schlemiel has long", + "score": 0.65869140625 + }, + { + "id": "4048962", + "title": "Mackenzie Crook", + "text": "dropped. He was later a member of the main cast of the BBC sketch show \"TV to Go\" in 2001. In late 1999 he hosted the short-lived ITV1 show \"Comedy Caf\u00e9\" in the guise of his Charlie Cheese character. The show made by Channel X for ITV1 had Charlie Cheese interviewing various celebrities about their latest live tour, book, album or film release. In 2001, he auditioned for the role of Gareth Keenan in Ricky Gervais/Stephen Merchant popular mockumentary \"The Office.\" Written originally for a larger, thuggish actor, Crook won the role and by the end of the series in", + "score": 0.658203125 + } + ], + "answer": "Charlie Day plays the fictional character Charlie Kelly in the FX series It's Always Sunny in Philadelphia. Day is an American actor, screenwriter, producer, and comedian who is best known for playing Charlie Kelly on the sitcom, for which he was nominated for a Critics' Choice Television Award and a Satellite Award in 2011." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "As of 2017, how many times have the lakers won the finals?", + "short_answers": [ + "16" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "As of 2016, how many times have the Lakers won the finals?", + "short_answers": [ + "16" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "As of 2015, how many times have the Lakers won the finals?", + "short_answers": [ + "16" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Los Angeles Lakers", + "url": "https://en.wikipedia.org/wiki/Los%20Angeles%20Lakers" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The Lakers are one of the most successful teams in the history of the NBA, and have won 17 NBA championships, tied with the Boston Celtics for the most in NBA history.[10]", + "wikipage": "Los Angeles Lakers" + }, + { + "content": "In 2020, the Lakers\u2014led by LeBron James, Anthony Davis, and coach Frank Vogel\u2014secured their 17th championship, tying the Celtics for the most titles in NBA history.[14]", + "wikipage": "Los Angeles Lakers" + } + ], + "long_answer": "The Lakers are one of the most successful teams in the history of the NBA. As of 2017, They have won 16 NBA Championships. In 2020, the Lakers secured their 17th championship, tying with the Boston Celtics for the most titles in NBA history." + }, + { + "knowledge": [ + { + "content": "The Los Angeles Lakers are an American professional basketball team based in Los Angeles. The Lakers compete in the National Basketball Association (NBA) as a member of the league's Western Conference Pacific Division. ", + "wikipage": "Los Angeles Lakers" + }, + { + "content": "The Lakers are one of the most successful teams in the history of the NBA, and have won 17 NBA championships, tied with the Boston Celtics for the most in NBA history.[10]", + "wikipage": "Los Angeles Lakers" + } + ], + "long_answer": "The Los Angeles Lakers are an American professional basketball team based in Los Angeles. The Lakers compete in the National Basketball Association, NBA, as a member of the league's Western Conference Pacific Division. The Lakers are one of the most successful teams in the history of the NBA, since 2010 the Lakers won the championship finals 16 times, they won their 17th in 2020. " + } + ], + "sample_id": "-7464414779466400769", + "question": "How many times have the lakers won the finals?", + "docs": [ + { + "id": "539469", + "title": "Boston Celtics", + "text": "six times in the 1960s, three times in the 1980s, in 2008, and in 2010. The rivalry had been less intense since the retirements of Magic Johnson and Larry Bird in the early 1990s, but in 2008 it was renewed as the Celtics and Lakers met in the Finals for the first time since 1987, with the Celtics winning the series in six games. They faced off once again in the 2010 NBA Finals which the Lakers won in seven games. The two teams have won the two highest numbers of championships, the Celtics 17, the Lakers 16; together, the", + "score": 0.751953125, + "summary": "The Lakers have won the NBA Finals 16 times. They won in 2008 and 2010 against the Celtics.", + "extraction": "The Lakers have won the finals 16 times." + }, + { + "id": "804084", + "title": "Los Angeles Lakers", + "text": "and Lakers met in the Finals for the first time since 1987, with the Celtics winning the series 4\u20132. They faced off once again in the 2010 NBA Finals, which the Lakers won in 7 games. The two teams have won the two highest numbers of championships, the Celtics 17, the Lakers 16; together, the 33 championships account for almost half of the 67 championships in NBA history. The rivalry between the Lakers and the Detroit Pistons developed in the late 1980s. Both teams faced each other in back-to-back finals appearances in the 1988 NBA Finals, which the Lakers won", + "score": 0.74755859375, + "summary": "The Lakers have won the finals 16 times.", + "extraction": "The Lakers have won the finals 16 times." + }, + { + "id": "6477933", + "title": "1980 NBA Finals", + "text": "a national audience in a title game, has probably become Julius Erving's most famous move. This was also the first NBA Finals to make use of the three-point line, which debuted that season. The last time the Lakers won the NBA championship was in 1972. In the eight years between championships, the Lakers made the NBA Finals again in 1973 and lost to the New York Knicks in five games. Then Wilt Chamberlain and Jerry West retired, and the Lakers missed the playoffs in 1975 and 1976. In between, Kareem Abdul-Jabbar was acquired, and the Lakers returned to prominence in", + "score": 0.73681640625, + "summary": "The Lakers won the NBA championship in 1972, and made the NBA Finals again in 1973 but lost. They missed the playoffs in 1975 and 1976, but returned to prominence with the acquisition of Kareem Abdul-Jabbar. The document is irrelevant to the question of how many times the Lakers won the finals.", + "extraction": "The Lakers won the NBA championship in 1972." + }, + { + "id": "804071", + "title": "Los Angeles Lakers", + "text": "2010, the Lakers became the first team in NBA history to win 3,000 regular season games by defeating the Dallas Mavericks 100\u201395. They defeated the Oklahoma City Thunder, the Utah Jazz, and the Phoenix Suns in the Western Conference playoffs. In the finals, the Lakers played the Boston Celtics for the 12th time. They rallied back from a 3\u20132 disadvantage in the series and erased a 13-point deficit in the fourth quarter of the seventh game to defeat the Celtics. This series win gave them their 16th NBA title overall and 11th since they moved to Los Angeles. Bryant was", + "score": 0.7353515625, + "summary": "The Lakers won their 16th NBA title overall and 11th since moving to Los Angeles by defeating the Boston Celtics in the finals. This was their 12th time playing against the Celtics in the finals.", + "extraction": "The Lakers have won 16 NBA titles overall and 11 since they moved to Los Angeles." + }, + { + "id": "10034522", + "title": "Los Angeles Lakers all-time roster", + "text": "coached and wins. Two of those championships during that span were against their arch-rivals, the Boston Celtics. With the team of Shaquille O'Neal, Kobe Bryant and Hall of Fame coach Phil Jackson, the Lakers played in four of the first five NBA Finals of the 21st century; winning three consecutively from 2000 to 2002, and losing the fourth in 2004. The Lakers would then conclude the decade with three straight Finals appearances; losing to the Boston Celtics in 2008 but then prevailing with back-to-back championships against the Orlando Magic in 2009 and the Boston Celtics in 2010. The 2010 championship", + "score": 0.734375, + "summary": "The Lakers have won the NBA Finals 17 times, with three consecutive wins from 2000-2002 and back-to-back wins in 2009 and 2010 against the Orlando Magic and Boston Celtics.", + "extraction": "The Lakers have won the finals \"back-to-back championships against the Orlando Magic in 2009 and the Boston Celtics in 2010\", which means they have won the finals two times." + }, + { + "id": "13329695", + "title": "2010 NBA Finals", + "text": "Lakers' franchise NBA championship total to 16, second only to the Celtics' 17 championships. This also marked the 11th title for the team since , and it was the franchise's fifth Finals win in eleven seasons. Notably, this was the Lakers' first Game 7 win over the Celtics in Finals history, Boston had won all previous matchups. Moreover, the Lakers were now 3\u20139 against Boston since the two teams first competed against each other in the NBA Finals. On June 21, a victory parade took place for the Lakers. Unlike like previous years, however, there was no pep rally that", + "score": 0.72900390625, + "summary": "The Lakers have won the NBA championship 16 times, second only to the Celtics' record of 17. They won their 11th championship in 2010, with this being their fifth win in eleven seasons. They have a 3-9 record against the Celtics in NBA Finals.", + "extraction": "The Lakers have won the finals a total of 16 times." + }, + { + "id": "5836089", + "title": "History of the Los Angeles Lakers", + "text": "winning the conference championship. In the Finals against the Orlando Magic, several games were close, but the Lakers still won 4\u20131 and were crowned NBA Champions for the first time in 7 years. Kobe Bryant was named the Finals MVP. On July 3, 2009, the Lakers signed Houston Rockets forward Ron Artest to a five-year contract to replace Lakers forward Trevor Ariza who signed with the Rockets. The Lakers once again won the Western Conference and made it to their third straight finals. In the 2010 NBA Finals, the Lakers were rematched with the Boston Celtics. Faced against much of", + "score": 0.72216796875, + "summary": "The Lakers won the NBA finals in 2009 and 2010, with Kobe Bryant named Finals MVP in 2009. They won for the first time in 7 years in 2009, and made it to their third straight finals in 2010, where they faced the Boston Celtics. They signed Ron Artest in 2009 to replace Trevor Ariza.", + "extraction": "The Lakers were crowned NBA Champions for the first time in 7 years." + }, + { + "id": "1833185", + "title": "Kobe Bryant", + "text": "the next two games to win the semifinals in 6. This set up a Western Conference Finals berth against the San Antonio Spurs. The Lakers defeated the Spurs in 5 games, sending themselves to the NBA Finals against the Boston Celtics. This marked the fifth time in Bryant's career and the first time without O'Neal to go to the NBA Finals. The Lakers then lost to the Boston Celtics in 6 games. In the 2008\u201309 season, the Lakers opened the campaign by winning their first seven games. Bryant led the team to tie the franchise record for most wins to", + "score": 0.720703125, + "summary": "The document mentions that the Lakers went to the NBA Finals five times with Kobe Bryant, but it does not specifically state how many times they won the finals.", + "extraction": "The passage is irrelevant as it does not mention the total number of times the Lakers have won the finals." + }, + { + "id": "13465948", + "title": "2009\u201310 Los Angeles Lakers season", + "text": "to the NBA Finals where they defeated the Boston Celtics in a rematch of the 2008 NBA Finals won by the Celtics 4 games to 2. This time, the Lakers won the series 4 games to 3 for their 16th NBA title and handed Boston its first Game 7 loss in an NBA Finals in team history. Kobe Bryant won his second consecutive NBA Finals MVP as well as his fifth and final NBA Championship. On July 14, 2010, Phil Jackson won the 2010 ESPY Awards for Best Coach/Manager while Kobe Bryant won for Best NBA Player. The Lakers came", + "score": 0.71826171875, + "summary": "The Los Angeles Lakers won their 16th NBA title in the 2009-10 season, defeating the Boston Celtics in the NBA Finals. Kobe Bryant won his fifth NBA Championship and second consecutive NBA Finals MVP award.", + "extraction": "The Lakers have won the NBA finals 16 times." + }, + { + "id": "5836065", + "title": "History of the Los Angeles Lakers", + "text": "with the Lakers eventually defeating the Kings in overtime and advancing to the NBA Finals. The championship series against the New Jersey Nets was a mere formality, as the Lakers swept all four games in one of the most lopsided NBA Finals ever. By securing their third straight NBA Championship, the Lakers of 2000\u20132002 earned their place in NBA history. O'Neal won his third consecutive Finals MVP award joining only Michael Jordan as players to have achieved such honors, and Jackson won his ninth championship as a head coach, tying Celtics legend Red Auerbach, while surpassing Pat Riley as the", + "score": 0.71728515625, + "summary": "The Lakers won the NBA Finals three times in a row from 2000-2002, with Shaquille O'Neal winning three consecutive Finals MVP awards and Phil Jackson winning his ninth championship as a head coach.", + "extraction": "The passage is irrelevant as it does not mention the total number of times the Lakers have won the finals." + }, + { + "id": "11952504", + "title": "1984\u201385 Los Angeles Lakers season", + "text": "defeating the Denver Nuggets in five games in the Conference Finals to advance to the NBA Finals for the fifth time in the 1980s, facing off against the defending NBA champion Boston Celtics in a rematch of last season's NBA Finals. This time, however, the Lakers were able to return to their championship ways and win their ninth NBA championship, avenging their NBA Finals loss and getting revenge on the Celtics, defeating them in six games, and marking the first time the Lakers had defeated the Celtics in the NBA Finals. The Lakers also became the only team to have", + "score": 0.71728515625, + "summary": "The Lakers won the NBA Finals for the ninth time in the 1984-85 season, defeating the Boston Celtics in six games. This was the fifth time the Lakers had made it to the NBA Finals in the 1980s.", + "extraction": "The Lakers won their ninth NBA championship." + }, + { + "id": "3569459", + "title": "NBA Finals", + "text": "in the 2007 NBA Finals. Duncan won the Finals MVP in 1999, 2003 and 2005. In 2007, Tony Parker was named MVP, becoming the first European-born player to win the award. From 2000 to 2002, the Lakers, led by Shaquille O'Neal and Kobe Bryant, won three straight NBA Championships. O'Neal won the finals MVP all three times. Their first championship came at the expense of the Indiana Pacers, whom the Lakers defeated in 6 games. During their 2001 postseason run, the Lakers swept their first 3 series and won the Finals in 5 games, finishing with an unprecedented 15\u20131 record,", + "score": 0.716796875, + "summary": "The Lakers won the NBA Finals three times in a row from 2000 to 2002, led by Shaquille O'Neal and Kobe Bryant. O'Neal won the finals MVP all three times.", + "extraction": "The Lakers, led by Shaquille O'Neal and Kobe Bryant, won three straight NBA Championships." + }, + { + "id": "5174885", + "title": "Celtics\u2013Lakers rivalry", + "text": "2, Derek Fisher carrying his team to victory and then crying in Game 3, a hard-fought Game 4 where Glen Davis screamed so loud he drooled while Nate Robinson rode on his back, a dominant Lakers performance in Game 6, and a close Game 7 that became the highest rated NBA game since Michael Jordan's second retirement in Game 6 of the 1998 NBA Finals. The Lakers won Game 7 against the Celtics for their very first time, bringing their total number of NBA championships to sixteen (they have one NBL championship (1948)), just one fewer than the Celtics' seventeen.", + "score": 0.716796875, + "summary": "The Lakers won their sixteenth NBA championship after winning Game 7 against the Celtics for the first time. The document mentions the Lakers' total number of NBA championships being one fewer than the Celtics' seventeen.", + "extraction": "The Lakers won Game 7 against the Celtics for their very first time, bringing their total number of NBA championships to sixteen." + }, + { + "id": "11044183", + "title": "2001\u201302 Los Angeles Lakers season", + "text": "until 2009, in which they defeated the Orlando Magic in five games. They even won another title in 2010, where they defeated the Boston Celtics in seven games. As of 2018, the Lakers are the most recent team to have accomplished a three-peat. (3) Los Angeles Lakers vs. (6) Portland Trail Blazers Last Playoff Meeting: 2001 Western Conference First Round (Los Angeles won 3-0) (2) San Antonio Spurs vs. (3) Los Angeles Lakers Last Playoff Meeting: 2001 Western Conference Finals (Los Angeles won 4-0) (1) Sacramento Kings vs. (3) Los Angeles Lakers Last Playoff Meeting: 2001 Western Conference Semifinals (Los", + "score": 0.7158203125, + "summary": "The Los Angeles Lakers won the NBA finals in 2009 and 2010, and have achieved a three-peat. They have won the finals at least three times, but the exact number is not provided.", + "extraction": "The Lakers have won the finals five times, in 2000, 2001, 2002, 2009, and 2010." + }, + { + "id": "7446711", + "title": "2008 NBA Finals", + "text": "the Eastern Conference Semifinals. The Lakers rebounded to win 65 games in the aforementioned season, then proceeded to win the NBA title in five games over the Magic. Even though another mid-season injury to Andrew Bynum threatened their title drive, he did come back late in the season. The Lakers became the first team since the 1988\u201389 Pistons to win the NBA Finals after losing it in the previous year. Both teams would eventually meet again in 2010 where the Lakers defeated the Celtics in seven games. The Celtics' 17th championship raised the total of major professional sports championships in", + "score": 0.7158203125, + "summary": "Irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "804096", + "title": "Los Angeles Lakers", + "text": "are purple, gold and white. The Lakers logo consists of the team name, \"Los Angeles Lakers\" written in purple on top of a gold basketball. Purple uniforms are used for road games and gold uniforms are used for home games. The team also wears white jerseys for Sunday and holiday home games. The Lakers have won 16 NBA titles and have appeared in the NBA Finals 15 other times. These appearances include eight NBA Finals appearances in the 1980s. The best record posted by the team was 69\u201313, in 1972; the worst record was 17\u201365, in . Bryant holds most", + "score": 0.71240234375, + "summary": "The Los Angeles Lakers have won 16 NBA titles and appeared in the NBA Finals 15 other times.", + "extraction": "The Lakers have won 16 NBA titles and have appeared in the NBA Finals 15 other times." + }, + { + "id": "7446688", + "title": "2008 NBA Finals", + "text": "played in the NBA finals. The Lakers appeared in the Finals for the first time since and a record 29th time overall. The Celtics appeared in the Finals for the first time since and second-best 20th time overall. Going into the series, the Celtics had won the most championships of all-time with 16, and the Lakers were second with 14. The two clubs, the most successful teams in NBA history, looked to renew a longstanding rivalry 21 years after their last Finals meeting in 1987. They narrowly missed meeting each other in 2002, when the Lakers advanced to the Finals,", + "score": 0.71142578125, + "summary": "The Lakers have won the NBA Finals 14 times, which is second to the Celtics' 16 championships.", + "extraction": "The Lakers have won the finals 14 times." + }, + { + "id": "11044181", + "title": "2001\u201302 Los Angeles Lakers season", + "text": "went on to win the NBA Finals, defeating and sweeping the New Jersey Nets in four straight games for their second three-peat in franchise history, the first since 1952\u201354. Following the season, Richmond retired and Hunter was traded to the Toronto Raptors. This would be the third and final consecutive NBA Championship the Lakers won in the early 2000s, as in the next season, their quest for a fourth consecutive NBA Championship ended with a playoff elimination by the San Antonio Spurs in six games in the Semifinals, who would then go on to win the NBA Finals that season", + "score": 0.71142578125, + "summary": "The Los Angeles Lakers won the NBA Finals for the second time in franchise history in the 2001-02 season, which was their third consecutive championship win. Therefore, the Lakers won the Finals three times in a row in the early 2000s.", + "extraction": "The Lakers have won the NBA Finals for a total of three consecutive times in the early 2000s." + }, + { + "id": "11053505", + "title": "1986\u201387 Los Angeles Lakers season", + "text": "defeated the Golden State Warriors in five games in the Semifinals, and swept the Seattle SuperSonics in four games in the Conference Finals. The highlight of the season saw the Lakers winning the NBA Finals, and their tenth NBA title over the defending NBA champions and rivals, the Boston Celtics, in six games. This marked the third and final time the Lakers and Celtics faced off against each other in the NBA Finals in the 1980s, as well as the last time the Lakers and Celtics faced off against each other in the NBA Finals until 2008, where the Celtics", + "score": 0.71142578125, + "summary": "The Lakers won the NBA Finals and their tenth NBA title in the 1986-87 season, beating the Boston Celtics in six games.", + "extraction": "The Lakers won the NBA Finals, and their tenth NBA title over the defending NBA champions and rivals, the Boston Celtics, in six games." + }, + { + "id": "11046971", + "title": "1971\u201372 Los Angeles Lakers season", + "text": "did it in 1986. Since moving to Los Angeles, the Lakers were repeatedly foiled by the Boston Celtics in their attempts to capture an NBA title. The Lakers lost the championship to them six times in eight years. In 1970, with the aging Celtics out of title contention, the Lakers lost in the NBA finals to the New York Knicks. In 1971, after losing Jerry West to a season-ending injury in February, they lost in the Western Conference finals to the powerful Milwaukee Bucks. Going into the 1971\u201372 season, many experts thought the chance at a championship had passed for", + "score": 0.7109375, + "summary": "The document is irrelevant to the question.", + "extraction": "The Lakers have won the NBA finals six times in eight years. (Note: There is no mention of the Lakers winning the finals in this passage, so the answer is \"irrelevant\".)" + }, + { + "id": "3569428", + "title": "NBA Finals", + "text": "the following two at the home of the lower-seeded team. The following three are played at each team's home arena alternately. A total of 19 franchises have won the NBA Finals, with the Golden State Warriors the current champion. The Boston Celtics hold the record for the most victories, having won the competition 17 times, as well as winning the competition the most times in a row, winning it eight times from 1959 to 1966. The Los Angeles Lakers have contested the NBA Finals the most times, with 31 appearances. The Eastern Conference has provided the most champions, with 38", + "score": 0.7099609375 + }, + { + "id": "5836062", + "title": "History of the Los Angeles Lakers", + "text": "series in NBA History, with the Lakers winning by an average of 22 points per game. The Lakers lost the first game of the NBA Finals to Philadelphia, but that only proved to be a temporary blip, as they swept the next four games to claim their second consecutive championship. O'Neal collected his second Finals MVP and Derek Fisher set a playoff record with 15 three-pointers in the series against San Antonio. The Lakers concluded the 2001 playoffs with a staggering 15\u20131 record, the best single season playoff record in NBA history. Would a third consecutive championship be possible? The", + "score": 0.70947265625 + }, + { + "id": "5174872", + "title": "Celtics\u2013Lakers rivalry", + "text": "only visiting team to win an NBA championship in that arena. Lakers owner Jerry Buss famously remarked that \"this has removed the most odious sentence in the English language. It can never again be said that 'the Lakers have never beaten the Celtics'\". The Celtics rebounded the following year to win the 1986 NBA Finals against the Rockets. In the 1987 NBA Finals, the two teams met for a tie-breaker of their 1980s Finals matches, and the Lakers once again emerged victorious in six games, with the iconic image of Magic Johnson's junior sky hook. This series marked the end", + "score": 0.70947265625 + }, + { + "id": "13329694", + "title": "2010 NBA Finals", + "text": "toughest series by far. Furthermore, Lakers forward Luke Walton and his father Hall of Famer Bill Walton became the only (as of 2011) father and son to both have won multiple NBA championships Bill in and and Luke in and 2010. Lastly, this would become Kobe Bryant\u2019s final championship. , this remains the last NBA Finals appearance for either the Celtics or the Lakers. The next Boston vs. Los Angeles championship matchup would be in 2018 when the Boston Red Sox defeated the Los Angeles Dodgers to win the World Series 4 games to 1. The series win brought the", + "score": 0.708984375 + }, + { + "id": "3569464", + "title": "NBA Finals", + "text": "Dwight Howard in 2009. The Lakers defeated Orlando in five games, with Bryant earning the Finals MVP award. The Lakers met the Celtics once again in , trailing 3\u20132 before winning the last two at home, marking the first time in the history of the Celtics that they lost a Game 7 in the NBA Finals. Bryant was named Finals MVP, with the triumphs in 2009 and 2010 becoming Phil Jackson's 10th and 11th NBA titles. With these championship victories, Jackson surpassed both Red Auerbach's record for most NBA titles of all time. He also passed Auerbach's and National Hockey", + "score": 0.70849609375 + }, + { + "id": "11008445", + "title": "2000\u201301 Los Angeles Lakers season", + "text": "2000\u201301 Los Angeles Lakers season The 2000\u201301 NBA season was the Lakers' 53rd season in the National Basketball Association, and 41st in the city of Los Angeles. The Lakers entered the season as the defending NBA champions, having defeated the Indiana Pacers in the 2000 NBA Finals in six games, winning their twelveth NBA championship. During the offseason, the Lakers acquired Horace Grant from the Seattle SuperSonics. Grant won three championships with the Chicago Bulls in the early 1990s. The team also signed free agent Isaiah Rider, who was released by the Atlanta Hawks the previous season due to off", + "score": 0.70703125 + }, + { + "id": "6477753", + "title": "1988 NBA Finals", + "text": "1988 NBA Finals The 1988 NBA Finals was the championship round of the National Basketball Association (NBA)'s 1987\u201388 season, and the culmination of the season's playoffs. The Western Conference champion Los Angeles Lakers defeated the Eastern Conference champion Detroit Pistons 4 games to 3. One of Los Angeles Lakers head coach Pat Riley's most famous moments came when he promised the crowd a repeat championship during the Lakers' 1986-87 championship parade in downtown Los Angeles. With every team in the league now gunning for them, the Los Angeles Lakers still found a way to win, taking their seventh consecutive Pacific", + "score": 0.7041015625 + }, + { + "id": "3569434", + "title": "NBA Finals", + "text": "Lakers comeback to win 108\u2013106 and win the series, and win their eleventh championship in 13 years. As many stars either declined or retired following this win, it is largely recognized as the last NBA Finals conducted by the Celtics dynasty. The 1970s saw eight teams win the title, with the Celtics and New York Knicks winning twice. In 1970, a classic final featured the Knicks against the Lakers. In the waning moments of Game 3, with the series tied, Jerry West hit a basket from 60 feet to tie the game, a shot which became one of the most", + "score": 0.70361328125 + }, + { + "id": "6477287", + "title": "2000 NBA Finals", + "text": "2000 NBA Finals The 2000 NBA Finals was the championship round of the National Basketball Association (NBA)'s 1999\u20132000 season, and the culmination of the season's playoffs. The Western Conference champion Los Angeles Lakers defeated the Eastern Conference champion Indiana Pacers 4 games to 2. Lakers center Shaquille O'Neal was named the NBA Finals Most Valuable Player (MVP) of the series, his first of three consecutive honors. The series was played under a best-of-seven format, with the Lakers holding home court advantage. Until 2008, this was the most recent NBA Finals where both number one seeds from both conferences faced off", + "score": 0.7021484375 + }, + { + "id": "7655407", + "title": "1979 NBA Finals", + "text": "has won an NBA title, and the last of only two occasions alongside the 1976\u201377 Portland Trail Blazers when a team from the present-day Northwest Division has won the league title, which is by 26 years the longest league championship drought for any division of the four major North American sports leagues. Since then, the following Western teams have gone on to win an NBA title: the Los Angeles Lakers (ten times), the San Antonio Spurs (five times), the Golden State Warriors (three times), the Houston Rockets (twice), and the Dallas Mavericks (once). The remaining eighteen titles since 1980 have", + "score": 0.701171875 + }, + { + "id": "11969699", + "title": "2009 NBA Finals", + "text": "the Los Angeles Lakers in Game 2 of the 2001 NBA Finals; and Tim Duncan of the San Antonio Spurs in Game 6 of the 2003 NBA Finals. This is the seventh time in NBA Finals history that a team that lost the championship the previous season has won the Finals the very next year. It is the second time in Lakers history, after the 1984 and 1985 teams. This is also the first odd season since 2001 that the San Antonio Spurs did not win the NBA Finals; they won in 2003, 2005 and 2007. This was the last", + "score": 0.701171875 + }, + { + "id": "804070", + "title": "Los Angeles Lakers", + "text": "in the Western Conference. They defeated the Jazz in five games, the Rockets in seven and the Nuggets in six, to win the Western Conference title. They then won their 15th NBA championship by defeating the Orlando Magic in five games in the NBA finals. Bryant was named the NBA Finals MVP for the first time in his career. The Lakers, who had added Ron Artest (now Metta World Peace ) in place of Trevor Ariza in their starting lineup, finished the 2009\u201310 season with the best record in the Western Conference for the third straight time. On January 13,", + "score": 0.701171875 + }, + { + "id": "804014", + "title": "Los Angeles Lakers", + "text": "team won five championships in a nine-year span, and contained Hall of Famers Johnson, Abdul-Jabbar, and James Worthy, and was led by Hall of Fame coach Pat Riley. After Abdul-Jabbar and Johnson retired, the team struggled in the early 1990s, before acquiring Shaquille O'Neal and Kobe Bryant in 1996. With the duo, who were led by another Hall of Fame coach in Phil Jackson, the team won three consecutive titles between 2000 to 2002, securing the franchise its second \"three-peat\". The Lakers won two more championships in 2009 and 2010, but failed to regain their former glory in the following", + "score": 0.70068359375 + }, + { + "id": "5174857", + "title": "Celtics\u2013Lakers rivalry", + "text": "two times in 2008 and 2010. The two teams have won the two highest numbers of championships in the NBA: the Celtics have won 17, and the Lakers have won 16 (11 as the L.A. Lakers and 5 as the Minneapolis Lakers). Together, they account for 33 of the 72 championships in NBA history. As of 2018, the Celtics and Lakers have a .590 and .596 all-time winning records respectively. As of the end of the 2017\u201318 season, Boston is the only team with a winning overall record against the Lakers. The rivalry had been less intense since the retirements", + "score": 0.70068359375 + }, + { + "id": "1833193", + "title": "Kobe Bryant", + "text": "game with 15 rebounds. Bryant won his fifth championship and earned his second consecutive NBA Finals MVP award. This marked the first time the Lakers won a Game 7 against the Boston Celtics in the NBA Finals. Bryant said that this was the most satisfying of all of his five championships. Bryant wanted a sixth championship to match Jordan's total. The Lakers started the 2010\u201311 season by winning their first eight games. In his ninth game of the season, playing against the Denver Nuggets, Bryant became the youngest player in NBA history to reach 26,000 career points. Bryant also recorded", + "score": 0.7001953125 + }, + { + "id": "804062", + "title": "Los Angeles Lakers", + "text": "faced with a must-win game six. In one of the most controversial playoff games in league history (Tim Donaghy scandal), the Lakers would win by four points. The Lakers went on to win game seven in overtime, with the Kings missing numerous potentially game-saving shots and free throws. The Lakers then achieved a three-peat by sweeping Jason Kidd and the New Jersey Nets in the NBA Finals. O'Neal won each of the Finals series' MVP awards, making him the only player besides Michael Jordan to win three consecutive Finals MVPs. The Lakers would attempt a four-peat the following year, but", + "score": 0.69921875 + }, + { + "id": "11969701", + "title": "2009 NBA Finals", + "text": "TSN (Canada), other broadcasters across the world covered the Finals: The series win brought the Lakers' franchise championship total to 15, trailing only to the Boston Celtics. The championship was the fourth of the decade for the Lakers, most among all teams in the four major professional sports leagues in North America. By virtue of their win this year and loss in the previous year, this marked tenth occurrence that the winners of the NBA Finals were losers in the preceding year's Finals, previously the Detroit Pistons had lost and won the Finals in and respectively. The victory was noted", + "score": 0.69873046875 + }, + { + "id": "804086", + "title": "Los Angeles Lakers", + "text": "historically favored the Lakers. Some contend that the term \"rivalry\" is inaccurate until the Clippers become more successful. The San Antonio Spurs and the Lakers, developed what some would classify as a rivalry in the late 1990s and early 2000s. Since 1999, the teams have met in the NBA Playoffs five times, with the clubs combining to appear in seven consecutive NBA Finals (1999\u20132005). Additionally, the teams combined to win five NBA championships from 1999 to 2003. The Spurs won the NBA championship in 1999, 2003, 2005, 2007 and 2014 while the Lakers won the championship in 2000, 2001, 2002,", + "score": 0.697265625 + }, + { + "id": "11903379", + "title": "2008\u201309 Los Angeles Lakers season", + "text": "Western Conference Finals to advance to the NBA Finals for the second consecutive year and 30th time in franchise history, extending their NBA record for most Finals appearances. On June 14, the Los Angeles Lakers defeated the Orlando Magic 4\u20131 in the best of seven series to become the 2009 NBA Champions, winning the 15th Championship for the franchise. Kobe Bryant was awarded the 2009 NBA Finals MVP. Following the season, Trevor Ariza signed as a free agent with the Houston Rockets. On July 15, 2009, the Los Angeles Lakers won the 2009 ESPY Awards for Best Team and Best", + "score": 0.6962890625 + }, + { + "id": "804011", + "title": "Los Angeles Lakers", + "text": "Los Angeles Lakers The Los Angeles Lakers are an American professional basketball team based in Los Angeles. The Lakers compete in the National Basketball Association (NBA), as a member of the league's Western Conference in the Pacific Division. The Lakers play their home games at Staples Center, an arena shared with the NBA's Los Angeles Clippers, the Los Angeles Sparks of the Women's National Basketball Association, and the Los Angeles Kings of the National Hockey League. The Lakers are one of the most successful teams in the history of the NBA, and have won 16 NBA championships, the second-most behind", + "score": 0.6962890625 + }, + { + "id": "1833162", + "title": "Kobe Bryant", + "text": "of the playoffs, the Lakers did not have home court advantage against the Sacramento Kings. The series would stretch to 7 games, the first time this happened to the Lakers since the 2000 Western Conference Finals. However, the Lakers were able to beat their division rivals and make their third consecutive NBA Finals appearance. In the 2002 Finals against the New Jersey Nets, Bryant averaged 26.8 points, 51.4% shooting, 5.8 rebounds, 5.3 assists per game, which included scoring a quarter of the team's points. At age 23, Bryant became the youngest player to win three championships. Bryant's play was notable", + "score": 0.69580078125 + }, + { + "id": "11008460", + "title": "1999\u20132000 Los Angeles Lakers season", + "text": "1999\u20132000 Los Angeles Lakers season The 1999\u20132000 NBA season was the Lakers' 52nd season in the National Basketball Association, and 40th season in Los Angeles. It was also the Lakers first season playing in their new arena, the Staples Center. During the offseason, the team re-acquired former Lakers forward A. C. Green from the Dallas Mavericks, and signed free agent John Salley. Green won championships with the team in the 1980s. More significantly, the Lakers hired former Chicago Bulls coach Phil Jackson, who would go on to help the team win 5 NBA Championships over the course of the next", + "score": 0.69580078125 + }, + { + "id": "6477276", + "title": "2002 NBA Finals", + "text": "in NBA history to average a triple-double over a course of a series and the second to have at least three. In stark contrast to New Jersey, the Los Angeles Lakers entered the season with high expectations, having won the last two NBA championships. In addition, Los Angeles was coming off of a 15\u20131 ( winning percentage) run through the 2001 NBA Playoffs, the greatest in NBA history, besting the 1983 Philadelphia 76ers' 12\u20131 () run and were the first team to go undefeated on the road in the playoffs. Since Phil Jackson had arrived to coach the Lakers in", + "score": 0.6953125 + }, + { + "id": "5836002", + "title": "History of the Los Angeles Lakers", + "text": "History of the Los Angeles Lakers The Los Angeles Lakers franchise has a long and storied history, predating the formation of the National Basketball Association (NBA). Founded in 1947, the Lakers are one of the NBA's most famous and successful franchises. As of summer 2012, the Lakers hold the all-time records for wins (3,125), winning percentage (.620), and NBA Finals appearances (31). They are second in NBA championships only to the Boston Celtics, winning 16 championships to the Celtics 17 NBA titles. Their rosters have included some of the game's greatest players, including George Mikan, Jim Pollard, Clyde Lovellette, Elgin", + "score": 0.69482421875 + }, + { + "id": "3569442", + "title": "NBA Finals", + "text": "a losing record in the regular season, and the Celtics had an NBA best record of 62\u201320. The Celtics later won the Finals in 6 games. The Lakers returned to the NBA Finals in 1982, this time led by new coach Pat Riley, in a rematch against the 76ers. The 76ers defeated the Celtics in the Eastern Conference finals in a 7-game series, but were defeated by Lakers in 6 games, with Johnson being named Finals MVP. Upon losing their past three NBA Finals appearances, the 76ers decided that they needed one more piece to become champions, and enlisted Malone", + "score": 0.69482421875 + }, + { + "id": "6477778", + "title": "1988 NBA Finals", + "text": "both cases winning the final two appearances. The Lakers' championship triumph was followed by the Los Angeles Dodgers of baseball's National League winning the 1988 World Series. \u2020 \u2013 Riley was a assistant coach on the 1980 team, and the head coach on the 1982, 1985, 1987, and 1988 teams. 1988 NBA Finals The 1988 NBA Finals was the championship round of the National Basketball Association (NBA)'s 1987\u201388 season, and the culmination of the season's playoffs. The Western Conference champion Los Angeles Lakers defeated the Eastern Conference champion Detroit Pistons 4 games to 3. One of Los Angeles Lakers head", + "score": 0.69482421875 + }, + { + "id": "5836097", + "title": "History of the Los Angeles Lakers", + "text": "seeing his Lakers beat. With 10 championships and 16 finals appearances during his tenure as owner beginning in 1979 until his death, Dr. Buss was the most successful owner in the history of North American sports. Despite all the struggles, including an injury to Kobe in a controversial March loss to Atlanta in which they were not awarded 2 free throws after Kobe's injury, while it was later admitted they should have, the Lakers made the playoffs as the 7th seed at 45-37, only clinching a playoff spot in the last game. Their first round matchup against San Antonio was", + "score": 0.6943359375 + }, + { + "id": "6477731", + "title": "1989 NBA Finals", + "text": "series. Then with the Lakers leading early in game 2, Magic Johnson pulled his hamstring and would also be out of the series. The Lakers had won two straight NBA championships in 1987 and 1988 but without their starting backcourt, their chances were doomed for a \"3-peat.\" The Pistons had dominated the Eastern Conference, winning 63 games during the regular season. After sweeping the Boston Celtics and Milwaukee Bucks, the Pistons beat the Chicago Bulls in six games, earning a second straight trip to the NBA Finals. In the season before, the Lakers had beaten them in a tough, seven-game", + "score": 0.6943359375 + }, + { + "id": "804045", + "title": "Los Angeles Lakers", + "text": "win game four at Boston Garden with two seconds remaining. Johnson was named the NBA Finals MVP, in addition to regular-season MVP. At the Lakers' championship celebration in Los Angeles, coach Riley brashly declared that Los Angeles would repeat as NBA champions, which no team had done since the 1968\u201369 Boston Celtics. Looking to make good on Riley's promise in the 1987\u201388 season, the Lakers took their seventh consecutive Pacific Division title with a 62\u201320 record. They swept the Spurs in the first round of the Western Conference Finals before pulling out a tough seven-game series win over the Utah", + "score": 0.6943359375 + }, + { + "id": "804013", + "title": "Los Angeles Lakers", + "text": "Los Angeles made the NBA Finals six times in the 1960s, but lost each series to the Celtics, beginning their long and storied rivalry. In 1968, the Lakers acquired four-time NBA Most Valuable Player (MVP) Wilt Chamberlain, and won their sixth NBA title\u2014and first in Los Angeles\u2014in 1972, led by new head coach Bill Sharman. After the retirement of West and Chamberlain, the team acquired Kareem Abdul-Jabbar, who also won multiple MVP awards, but was unable to make the Finals in the late 1970s. The 1980s Lakers were nicknamed \"Showtime\" due to their fast break-offense led by Magic Johnson. The", + "score": 0.69384765625 + }, + { + "id": "9376627", + "title": "1954 NBA Playoffs", + "text": "1954 NBA Playoffs The 1954 NBA Playoffs was the postseason tournament of the National Basketball Association's 1953\u201354 season. The tournament concluded with the Western Conference champion Minneapolis Lakers defeating the Eastern Conference champion Syracuse Nationals 4 games to 3 in the NBA Finals. For the Lakers, it was their third straight NBA title, and fifth in the last six years. With the folding of the Indianapolis Olympians after the previous year's playoffs, leaving the NBA with nine teams, they resorted to a round-robin playoff format in 1954 for the only time in league history. Although the Minneapolis Lakers, Fort Wayne", + "score": 0.693359375 + }, + { + "id": "7655995", + "title": "1962 NBA Finals", + "text": "NBA Finals again in 1987 and 2010, both times in California. 1962 NBA Finals The 1962 NBA World Championship Series was the championship round of the 1962 NBA Playoffs, which concluded the National Basketball Association (NBA)'s 1961\u201362 season. The best-of-seven series was played between the Western Division champion Los Angeles Lakers and Eastern Division champion Boston Celtics. This was the Celtics' 6th straight trip to the Finals, and they won the best-of-seven series in Game 7, 110\u2013107 in overtime. It was the second time in NBA history and the most recent Finals in which the series was decided by overtime", + "score": 0.693359375 + }, + { + "id": "11953715", + "title": "1987\u201388 Los Angeles Lakers season", + "text": "\"Lakers win series 4\u20133\" Last Playoff Meeting: Not available (first playoff series) (1) Los Angeles Lakers vs. (3) Dallas Mavericks: \"Lakers win series 4\u20133\" Last Playoff Meeting: 1986 Western Conference Semifinals (Los Angeles won 4\u20132) (W1) Los Angeles Lakers vs. (E2) Detroit Pistons: \"Lakers win series 4\u20133\" Last Playoff Meeting: 1962 Western Division Finals (Los Angeles won 4\u20133) 1987\u201388 Los Angeles Lakers season The 1987\u201388 season saw the Lakers win their eleventh NBA championship, defeating the Detroit Pistons in a hard-fought seven games in the NBA Finals to become the NBA\u2019s first repeat champions since the Boston Celtics did it", + "score": 0.6923828125 + }, + { + "id": "13329665", + "title": "2010 NBA Finals", + "text": "Conference Final. In the Western Conference Finals against the Phoenix Suns, the Lakers won both of their first two games at home, but proceeded to lose the next two in Phoenix both by 9 points. In Game 5, Ron Artest made an off balance layup to beat the buzzer off a Kobe Bryant miss to give the Lakers the victory. The Lakers then proceeded to beat the Suns on their home floor in Game 6 led by Kobe Bryant's 37 points. The Game 6 victory gave the Lakers their 31st NBA Finals appearance in franchise history. The team also earned", + "score": 0.69091796875 + }, + { + "id": "7656027", + "title": "1959 NBA Finals", + "text": "as the first of two times in NBA history that a team with a losing record made the NBA Finals (the other was in 1981). \"Celtics win series 4\u20130\" 1959 NBA Finals The 1959 NBA World Championship Series was the championship series of the 1958\u201359 National Basketball Association season, and was the conclusion of the 1959 NBA Playoffs. The best-of-seven series was played between the Western Division champion Minneapolis Lakers and the Eastern Division champion Boston Celtics. It was Boston's third trip to the NBA Finals and Minneapolis's sixth. The Boston Celtics swept the Lakers 4\u20130. That was the start", + "score": 0.6904296875 + }, + { + "id": "11044240", + "title": "2003\u201304 Los Angeles Lakers season", + "text": "would play only 20 games together. Despite all of the setbacks, however, the Lakers still managed a 56\u201326 record and entered the playoffs as the number two seed in the Western Conference. In the playoffs, they defeated the Houston Rockets, the San Antonio Spurs, and the Minnesota Timberwolves to advance to the NBA Finals where they would meet the Detroit Pistons. The Lakers entered the Finals as the heavy favorites, but the team unraveled, as the Pistons' strong defense and teamwork triumphed the Lakers in just five games. The tension continued into the off-season, as the Lakers would see major", + "score": 0.68994140625 + }, + { + "id": "6477309", + "title": "2000 NBA Finals", + "text": "later resurface as President of Basketball Operations in . The Pacers continued to make the playoffs every season until 2006, the year after Reggie Miller retired. 2000 NBA Finals The 2000 NBA Finals was the championship round of the National Basketball Association (NBA)'s 1999\u20132000 season, and the culmination of the season's playoffs. The Western Conference champion Los Angeles Lakers defeated the Eastern Conference champion Indiana Pacers 4 games to 2. Lakers center Shaquille O'Neal was named the NBA Finals Most Valuable Player (MVP) of the series, his first of three consecutive honors. The series was played under a best-of-seven format,", + "score": 0.689453125 + }, + { + "id": "5836037", + "title": "History of the Los Angeles Lakers", + "text": "of the Finals by a lopsided score of 148\u2013114, in what is now remembered as the \"Memorial Day Massacre\". But the Lakers were resilient and behind 38-year-old Finals MVP Abdul-Jabbar, they were finally able to topple Boston in six games. Abdul-Jabbar proceeded to dismember the Celtics with his deadly skyhook move, and Los Angeles won Game 6 111\u2013100 in Boston Garden, one of the greatest triumphs in franchise history. The Lakers gained their first ever Finals victory over the Celtics, and they were the only visiting team to ever do this in Boston Garden. The Lakers were expected to meet", + "score": 0.689453125 + }, + { + "id": "3569438", + "title": "NBA Finals", + "text": "Trail Blazers in 1977, and the Washington Bullets defeating the SuperSonics in 1978. The SuperSonics managed to exact revenge in the following season, however, as they won their first franchise title in 1979. Between 1980 and 1990, the Celtics, 76ers, Lakers, or the Detroit Pistons won every NBA Finals. From 1980 to 1990, the Lakers won five titles (1980, 1982, 1985, 1987, and 1988); the Celtics won three (1981, 1984, and 1986); the Pistons won twice (1989 and 1990); and the 76ers won once (1983). The 1979 NCAA Men's Division I Basketball Championship Game featured Magic Johnson's Michigan State University", + "score": 0.689453125 + }, + { + "id": "11969676", + "title": "2009 NBA Finals", + "text": "starter in his respective conference final series: Bryant defeated Carmelo Anthony's Denver Nuggets and Howard advanced past LeBron James' Cleveland Cavaliers. The Lakers were the favorite to emerge from the Western Conference, but their road to the Finals was a tough one. They played three physical series versus the Utah Jazz, Houston Rockets, and Denver Nuggets, winning in 5, 7, and 6 games, respectively. Going into the Finals, the Lakers finished off the Nuggets in the Western Conference Finals with two good performances in games 5 and 6, making analysts pick them as the favorites in the Finals. It marked", + "score": 0.68896484375 + }, + { + "id": "4226547", + "title": "Robert Horry", + "text": "attempt to run out the clock. However, the ball bounced right to Horry, who hit a 3-pointer as time expired to win Game 4 100\u201399. A day later, Magic Johnson said Horry was \"one of the 10 best clutch players in league history\". The Lakers would eventually win the series in 7 games and swept the New Jersey Nets 4\u20130 in the NBA Finals to complete a three-peat. Horry started all four games in the Finals. A situation similar to Game 4 happened on March 5, 2003 in a game against the Indiana Pacers when, while the game was tied", + "score": 0.68896484375 + }, + { + "id": "5918800", + "title": "2004 NBA Finals", + "text": "2004 NBA Finals The 2004 NBA Finals was the championship round of the 2003\u201304 National Basketball Association season. The Finals were between the Los Angeles Lakers of the Western Conference and the Detroit Pistons of the Eastern Conference; the Lakers held home court advantage. The series was played under a best-of-seven format, so the first team to collect four game victories would win the series. Although the Lakers were the heavy favorite, the Pistons won the series four games to one to win their first title since 1990 and their fifth overall (three NBA Championships, two NBL Championships). Pistons point", + "score": 0.6884765625 + }, + { + "id": "13329659", + "title": "2010 NBA Finals", + "text": "a Game 5 win with 27 points on 57% shooting from the floor. The Lakers avoided elimination by winning a decisive Game 6 with 24 points contributed by their bench. Although they trailed the Celtics by 13 points early in the third quarter, the Lakers rallied and won their second consecutive championship by taking over an exciting Game 7 aided by late contributions on offense by Pau Gasol and Artest and rebounding. Bryant was named Most Valuable Player of the Finals for his second consecutive trophy. This was the first NBA Finals to go the full seven games since and", + "score": 0.6884765625 + }, + { + "id": "13573089", + "title": "Lakers\u2013Pistons rivalry", + "text": "be the final time that Pat Riley would make an appearance in the NBA Finals as head coach of the Lakers. This also marked the first time that the NBA Finals ended in a 4-game sweep since the Finals went to the current 2\u20133\u20132 format back in 1985. The Pistons successfully defended their crown the following season. They defeated the Trail Blazers in the 1990 NBA Finals 4\u20131 to repeat as NBA champions. A whole new of generation of Pistons and Lakers would meet as they squared off again in the 2004 NBA Finals. Los Angeles originally entered the 2003\u201304", + "score": 0.6884765625 + }, + { + "id": "6477751", + "title": "1989 NBA Finals", + "text": "The Lakers earned the league's best record with a 63-19 record in the 1989\u201390 NBA season, despite losing Kareem Abdul-Jabbar to retirement. However the Lakers fell to the Phoenix Suns 4-1 in the Western Conference Semifinals, after which head coach Pat Riley resigned. The Lakers did make it back to the finals in 1991 but fell to the Bulls in five games. The Pistons and Lakers met again in the 2004 NBA Finals. Much had changed since they last met, but they still took on the personalities of their respective teams: the more physical, defensive Pistons against the finesse, offensively-minded", + "score": 0.68798828125 + }, + { + "id": "14655959", + "title": "2010\u201311 Los Angeles Lakers season", + "text": "lead. However, the Mavericks dominated the fourth quarter and took 32 points in that quarter to seal the game in their favor, 98\u201392, leaving the Lakers in an 0\u20133 hole. This intensified the doubts of the Lakers' attempt to make a three-peat, since no team in NBA history had ever climbed out of a 0\u20133 hole in the playoffs to win a series. The Lakers tried to make a last-ditch effort to win their final game in Dallas in Game 4, but were overwhelmed by Dallas in a 122-86 victory marked by a playoff record-tying 20 3-point field goals, many", + "score": 0.68798828125 + }, + { + "id": "7656101", + "title": "1954 NBA Finals", + "text": "1954 NBA Finals The 1954 NBA World Championship Series was the championship round of the 1954 NBA Playoffs, which concluded the National Basketball Association 1953\u201354 season. The Western Division champion Minneapolis Lakers faced the Eastern Division champion Syracuse Nationals in a best-of-seven series with Minneapolis having home-court advantage. The Lakers won their third consecutive NBA championship and their sixth title in seven years dating from 1948, the club's final season as a member of the National Basketball League. Minneapolis won game one and the teams thereafter alternated victories, with the Lakers winning the decisive game by a seven-point margin at", + "score": 0.68798828125 + }, + { + "id": "13572641", + "title": "2004\u201305 Los Angeles Lakers season", + "text": "2004\u201305 Los Angeles Lakers season The 2004\u201305 Los Angeles Lakers season was the franchise's 57th season in the National Basketball Association, and 45th in the city of Los Angeles. The season is best remembered as a tough one for the Lakers, starting with a crushing defeat to the Detroit Pistons in last year's NBA Finals in five games despite being the heavily favored team to win the Finals, winning only 34 games, missing the playoffs for the first time in 11 years. The off-season marked changes for the Lakers, who lost several members from the famed 2004 team: Rick Fox", + "score": 0.6875 + }, + { + "id": "6477329", + "title": "2001 NBA Finals", + "text": "third championship in the 2004 NBA Finals, defeating the Lakers 4\u20131. 2001 NBA Finals The 2001 NBA Finals was the championship round of the National Basketball Association (NBA)'s 2000\u201301 season. The Western Conference champion Los Angeles Lakers took on the Eastern Conference champion Philadelphia 76ers for the championship, with the Lakers holding home-court advantage in a best-of-seven format. The Lakers won the series 4 games to 1. Lakers center Shaquille O'Neal was named the Most Valuable Player of the series. Allen Iverson scored 48 points in his only NBA Finals victory, as the 76ers took Game 1 107\u2013101 in overtime,", + "score": 0.68701171875 + }, + { + "id": "3569463", + "title": "NBA Finals", + "text": "the Heat won their first championship in game six. The Lakers returned to the finals in 2008, against the Boston Celtics. Renewing the teams' rivalry, this marked the 11th time that these two teams met in the Finals, the last meeting happened in 1987. The Celtics, who defeated the Lakers 4\u20132, were led by their \"Big Three\" superstars of Ray Allen, Kevin Garnett, and Paul Pierce, who was also named Finals MVP. The Lakers bounced back from their 2008 loss and returned to the Finals in 2009, where they faced the Orlando Magic, led by Defensive Player of the Year", + "score": 0.68701171875 + }, + { + "id": "7446689", + "title": "2008 NBA Finals", + "text": "but the Celtics, who led 2\u20131 in the Conference Finals, eventually fell to the favored New Jersey Nets 4\u20132. This was the 11th time the teams met in the championship round; the Celtics won eight of their previous ten Finals meetings against the Lakers, winning in , , , , , , and \u2014the Lakers won in and . The Celtics' 66\u201316 record gave them home court advantage over Los Angeles (57\u201325). This was the first time since , when the Chicago Bulls beat the Utah Jazz for the championship, and the only time in the 2000s decade that an", + "score": 0.68701171875 + }, + { + "id": "7656026", + "title": "1959 NBA Finals", + "text": "1959 NBA Finals The 1959 NBA World Championship Series was the championship series of the 1958\u201359 National Basketball Association season, and was the conclusion of the 1959 NBA Playoffs. The best-of-seven series was played between the Western Division champion Minneapolis Lakers and the Eastern Division champion Boston Celtics. It was Boston's third trip to the NBA Finals and Minneapolis's sixth. The Boston Celtics swept the Lakers 4\u20130. That was the start of the Celtics' 8 consecutive championships, from 1959\u20131966. To date, this is the most recent time that an NBA team from Minnesota appeared in an NBA Finals, as well", + "score": 0.68701171875 + }, + { + "id": "11008462", + "title": "1999\u20132000 Los Angeles Lakers season", + "text": "the semifinals. In the Western Conference Finals, they defeated a Portland Trail Blazers team featuring Rasheed Wallace, Scottie Pippen and Steve Smith in seven games before going on to win the NBA Finals 4\u20132 against the Indiana Pacers, earning the franchise its 12th NBA championship. It was the Lakers' first championship since 1988. The season is memorable, 21-year-old Kobe Bryant being named to the All-NBA Defensive First Team while emerging as one of the NBA's young superstars, Glen Rice finishing first on the Lakers with 84 three-pointers, the Lakers signing Ron Harper and Brian Shaw to give the team a", + "score": 0.68701171875 + }, + { + "id": "11903402", + "title": "2008\u201309 Los Angeles Lakers season", + "text": "Lakers prevailed. The series switched to Orlando for games 3, 4, and 5. In Game 3 the Magic shot 75% in the first half and 62.5% in the game, both NBA Finals records, to win by 4 and bring the series to 2-1. Game 4 was another close game. Derek Fisher hit two key 3-pointers, one with 4.6 seconds left in regulation to tie the game, and the other with 31.3 seconds to go in overtime. The Lakers moved within one win of their 15th championship by beating the Orlando Magic 99-91 to open a 3-1 series lead. The Lakers", + "score": 0.68701171875 + }, + { + "id": "6477883", + "title": "1983 NBA Finals", + "text": "in five games to the then-defending NBA champions. The Lakers would return to the Finals again in , but were defeated for the second straight year, this time by their arch-rivals, the Boston Celtics in seven games. They would, however, defeat the Celtics in 1985 in six games, and win two more titles in 1987 and 1988. The 1983 Finals was the last to end within the month of May. All Finals series thereafter would end within the month of June. This was the only championship not to be won by either the Celtics or Lakers between and and the", + "score": 0.68701171875 + }, + { + "id": "6477269", + "title": "2002 NBA Finals", + "text": "2002 NBA Finals The 2002 NBA Finals was the National Basketball Association (NBA)'s championship series for the 2001\u201302 season. The best-of-seven playoff was contested between the Western Conference champion Los Angeles Lakers (who were also two-time defending NBA champions), and the Eastern Conference champion New Jersey Nets. The Lakers swept the Nets four games to none to win the franchise's 14th NBA championship. The 56th edition of the championship series was played between June 5 and June 12 and was broadcast on NBC \u2014 the last NBA games broadcast on the network to date. Shaquille O'Neal, who averaged 36 points", + "score": 0.68701171875 + }, + { + "id": "7656119", + "title": "1953 NBA Finals", + "text": "1953 NBA Finals The 1953 NBA World Championship Series was the championship round of the 1953 NBA Playoffs, which concluded the National Basketball Association 1952\u201353 season. The Western Division champion Minneapolis Lakers faced the Eastern Division champion New York Knicks in a best-of-seven series with Minneapolis having home-court advantage. By winning four games to one, the Lakers won their fifth title in six years dating from 1948, the club's final season in the National Basketball League. The five games were played in seven days, beginning Saturday and Sunday, April 4 and 5, in Minneapolis and concluding there on the following", + "score": 0.6865234375 + }, + { + "id": "11969679", + "title": "2009 NBA Finals", + "text": "Lakers, Los Angeles was able to take 4 out of 5 games in this series. Both regular-season games and three of the NBA Finals games were close contests, decided by six points or fewer or in overtime. The Lakers won Game 2 on June 7 101-96 in overtime. Then they won Game 4 on June 11 in overtime as well. Tyronn Lue, a backup point guard with Orlando, appeared with the Lakers during their initial championship run in the early 2000s and faced his former team in the finals. Lue and another backup point guard, Anthony Johnson were the only", + "score": 0.68603515625 + }, + { + "id": "804025", + "title": "Los Angeles Lakers", + "text": "in 1962\u201363, behind Baylor's 34.0 ppg and West's 27.1 ppg but lost in the NBA Finals in six games to the Celtics. After falling to 42\u201338 and losing in the first round of the 1964 NBA Playoffs to the Hawks, the team won 49 games in 1964\u201365. The Lakers surged past the Baltimore Bullets in the division finals, behind West's record-setting 46.3 ppg in the series. They lost again to Celtics in the Finals however, this time in five games. Los Angeles lost in the finals to Boston in seven games again in 1966, this time by two points. Down", + "score": 0.685546875 + }, + { + "id": "804046", + "title": "Los Angeles Lakers", + "text": "Jazz led by youngsters Karl Malone and John Stockton. A seven-game Western Conference finals win over the Dallas Mavericks propelled the Lakers to the NBA Finals once again. In their seventh trip to the Finals in nine years, they met the Detroit Pistons. Los Angeles would take the series in seven games, and James Worthy's game seven triple-double earned him a Finals MVP award. The win marked their fifth title in nine years, but would also mark their last title until 2000. In the 1988\u201389 season, Los Angeles won 57 games and their eighth consecutive Pacific Division crown. They swept", + "score": 0.685546875 + }, + { + "id": "5174861", + "title": "Celtics\u2013Lakers rivalry", + "text": "emerged as the strongest in the NBA, featuring greats such as Bill Russell, Tom Heinsohn, John Havlicek, Sam Jones and head coach Red Auerbach for Boston and Elgin Baylor, Jerry West, Gail Goodrich, and coach/GM Fred Schaus for Los Angeles. However, it would ultimately prove to be the decade of the Celtics, who won the finals every year in the 1960s except for 1967. The Lakers would be the Celtics opponent in six of those series: 1962, 1963, 1965, 1966, 1968, and 1969. The Celtics won all of those match-ups. Three of those series (1962, 1966, and 1969) went seven", + "score": 0.685546875 + }, + { + "id": "13329656", + "title": "2010 NBA Finals", + "text": "2010 NBA Finals The 2010 NBA Finals was the National Basketball Association (NBA)'s championship series for the 2009\u201310 season. The best-of-seven playoff was contested between the Western Conference champion Los Angeles Lakers (who were also defending NBA champions), and the Eastern Conference champion Boston Celtics. The Lakers defeated the Celtics, four games to three, to win the franchise's 16th NBA championship. The 64th edition of the championship series was played between June 3 and June 17, was broadcast on ABC, and was watched by an average of 18.1 million people. The Celtics earned their berth into the playoffs by winning", + "score": 0.68505859375 + }, + { + "id": "6477755", + "title": "1988 NBA Finals", + "text": "in Game 7, as Detroit built a 5-point lead. In the 3rd quarter, the Lakers, inspired by Finals MVP James Worthy and Byron Scott (14 3rd-quarter points), exploded as they built a 10-point lead entering the final period. The lead swelled to 15 before Detroit mounted a furious 4th-quarter rally, trimming the lead to two points on several occasions. Still, several Detroit miscues enabled the Lakers to win, 108-105. During the 1987 championship parade in Los Angeles, Lakers coach Pat Riley guaranteed a repeat championship, a feat that had not been achieved since the Boston Celtics won the 1969 NBA", + "score": 0.68505859375 + }, + { + "id": "804060", + "title": "Los Angeles Lakers", + "text": "NBA Finals. Although the Sixers took game one in overtime, the Lakers won the next four games to win their second straight title. Their 15\u20131 postseason record was the best in NBA history The Lakers won 58 games in 2001\u201302. In the playoffs, they swept Portland and defeated San Antonio four games to one to advance to the Western Conference Finals to face Sacramento. The series would go on to be known as one of the greatest playoff matchups in NBA history. The series extended to all seven games, and ended in a Lakers victory. In game one, Bryant scored", + "score": 0.6845703125 + }, + { + "id": "11953712", + "title": "1987\u201388 Los Angeles Lakers season", + "text": "1987\u201388 Los Angeles Lakers season The 1987\u201388 season saw the Lakers win their eleventh NBA championship, defeating the Detroit Pistons in a hard-fought seven games in the NBA Finals to become the NBA\u2019s first repeat champions since the Boston Celtics did it in the 1968\u201369 NBA season. In doing so, the Lakers made good on Pat Riley's famous promise to repeat as champions. \u201cI'm guaranteeing everybody here,\u201d Riley said at the civic celebrations following the Lakers\u2019 1987 championship win, \u201cnext year we\u2019re gonna win it again.\u201d Before the Lakers could make good on Riley's guarantee, they swept the San Antonio", + "score": 0.6845703125 + }, + { + "id": "7655994", + "title": "1962 NBA Finals", + "text": "Instead, the game went into OT in which the Celtics then won the game and thus the title. For the Lakers, it would start the pattern of not winning the big games in the NBA Finals, something that lasted until 1972 when the Lakers finally won their first title in Los Angeles. The Lakers would not defeat the Celtics in the NBA Finals until 1985, which they did on the Celtics' home floor; they lost to the Boston Celtics in 1963, 1965, 1966, 1968, 1969, 1984 and 2008. After the 1985 Finals, the Lakers would beat the Celtics in the", + "score": 0.68408203125 + }, + { + "id": "11044182", + "title": "2001\u201302 Los Angeles Lakers season", + "text": "and their second NBA Championship, defeating the New Jersey Nets in six games. Although the Lakers would return to the Finals the following year in 2004, they would go on to lose to the Detroit Pistons in five games, despite being the heavy favorites to win and having former All-Stars and veterans Gary Payton and Karl Malone, leading to O'Neal's departure from the Lakers amidst boiling points between the Lakers staff and management and Kobe Bryant, culminating in his trade to the Miami Heat, marking the end of the early 2000s Lakers dynasty. The Lakers would not win another title", + "score": 0.68359375 + }, + { + "id": "16566667", + "title": "1972\u201373 Los Angeles Lakers season", + "text": "1972\u201373 Los Angeles Lakers season The 1972-73 NBA season was the Lakers' 25th season in the NBA and 13th season in Los Angeles. Coming off winning the NBA Finals against the New York Knicks in five games, their sixth NBA Championship, and posting the longest winning streak in NBA history at 33 straight victories, the Lakers hoped to continue their success. However, even though the Lakers managed to make to the NBA Finals again for the third consecutive time, they once again met the New York Knicks for also the third consecutive time, against the team that they defeated in", + "score": 0.68359375 + }, + { + "id": "6477290", + "title": "2000 NBA Finals", + "text": "16, and 19 en route to a 67\u201315 record, tying the 1992 Chicago Bulls and 1986 Boston Celtics as the fifth best record in NBA regular season history. Although many expected the Lakers to reach the Finals, the road would be a rocky one. In the first round, the Lakers won the first two games against the Sacramento Kings, only to drop the next two games in Sacramento. The Lakers then defeated Sacramento in Game 5, 113\u201386, to face the Phoenix Suns in the conference semifinals. The Lakers clobbered the Suns, winning the series 4\u20131 (with their only loss coming", + "score": 0.68310546875 + }, + { + "id": "9376631", + "title": "1954 NBA Playoffs", + "text": "(1) Syracuse Nationals: \"Lakers win series 4\u20133\" Last Playoff Meeting: 1950 NBA Finals (Minneapolis won 4\u20132) 1954 NBA Playoffs The 1954 NBA Playoffs was the postseason tournament of the National Basketball Association's 1953\u201354 season. The tournament concluded with the Western Conference champion Minneapolis Lakers defeating the Eastern Conference champion Syracuse Nationals 4 games to 3 in the NBA Finals. For the Lakers, it was their third straight NBA title, and fifth in the last six years. With the folding of the Indianapolis Olympians after the previous year's playoffs, leaving the NBA with nine teams, they resorted to a round-robin playoff", + "score": 0.6826171875 + }, + { + "id": "6477307", + "title": "2000 NBA Finals", + "text": "|| 0.0 || 3.5 This was the first NBA championship for the Lakers since . It was also the first major professional sports championship for the city of Los Angeles since that same year, when the Dodgers won the 1988 World Series. This championship came in the Lakers\u2019 first year in their new arena, Staples Center. The Lakers went on to score a \u201cthree-peat\u201d when they won the NBA championship in and , making them the first team to open a new arena with three straight NBA championships. However, the Lakers were unable to score home-court advantage throughout the playoffs", + "score": 0.6826171875 + }, + { + "id": "5836018", + "title": "History of the Los Angeles Lakers", + "text": "had the advantage as they were clearly considered the better team entering the series by most observers. However, they once again failed to top their rivals and the Celtics emerged from the series as victorious yet again, winning their 11th NBA Championship in 13 seasons. That 1969 championship series is also notable in that Jerry West was named the first-ever Finals MVP; this remains the only time that a member of the losing team has won the award. 1970 saw Jerry West win the NBA scoring title at 31.2 points per game, and the Lakers returned to the Finals where,", + "score": 0.68212890625 + }, + { + "id": "804041", + "title": "Los Angeles Lakers", + "text": "in the 1983 NBA Finals after defeating Portland and San Antonio. The Sixers, however, won the series and the championship in four games. After the season West replaced Sharman as the team's GM. In the 1983\u201384 season, Los Angeles went 54\u201328, and played Boston in the Finals for the first time since 1969. The Lakers won two of the first three games. However, Kevin McHale's hard clothesline foul of Lakers forward Kurt Rambis on a fast break is credited as a turning point of the series. Boston won three of the next four to win the title and send Los", + "score": 0.681640625 + }, + { + "id": "11969671", + "title": "2009 NBA Finals", + "text": "2009 NBA Finals The 2009 NBA Finals was the National Basketball Association (NBA)'s championship series for the 2008\u201309 season. The best-of-seven playoff was contested between the Western Conference champion Los Angeles Lakers (who were also the defending Western Conference champions), and the Eastern Conference champion Orlando Magic. The Lakers defeated the Magic, four games to one, to win the franchise's 15th NBA championship. The 63rd edition of the championship series was played between June 4 and June 14 and was broadcast on U.S. television on ABC. The Lakers earned their berth into the playoffs by winning the Pacific Division. The", + "score": 0.681640625 + }, + { + "id": "5174879", + "title": "Celtics\u2013Lakers rivalry", + "text": "the Lakers as head coach. The Lakers returned to prominence in the early 2000s. Under Jackson's guidance, and with O'Neal and Bryant leading the way, the Lakers won three straight championships in 2000, 2001, and 2002. The Lakers' title in 2000 came against the Indiana Pacers who were coached by Celtic legend Larry Bird. Paul Pierce's nickname, \"The Truth\", was accorded to him by Shaquille O'Neal after a 112-107 Lakers' victory over the Celtics on March 13, 2001 in which Pierce scored 42 points on 13 of 19 shooting. O'Neal pulled a Boston reporter over and gestured toward his notepad.", + "score": 0.681640625 + }, + { + "id": "6477316", + "title": "2001 NBA Finals", + "text": "2001 NBA Finals The 2001 NBA Finals was the championship round of the National Basketball Association (NBA)'s 2000\u201301 season. The Western Conference champion Los Angeles Lakers took on the Eastern Conference champion Philadelphia 76ers for the championship, with the Lakers holding home-court advantage in a best-of-seven format. The Lakers won the series 4 games to 1. Lakers center Shaquille O'Neal was named the Most Valuable Player of the series. Allen Iverson scored 48 points in his only NBA Finals victory, as the 76ers took Game 1 107\u2013101 in overtime, handing the Lakers their only loss of the playoffs. However, the", + "score": 0.68115234375 + }, + { + "id": "5918820", + "title": "2004 NBA Finals", + "text": "fifth time in the team's history. Jackson returned to the Lakers in the offseason; despite writing a book called \"\", in which he voiced disdain for Kobe Bryant by calling him 'uncoachable', he and Bryant would bury the hatchet once the season began. Jackson and Bryant would later produce three more NBA Finals appearances and two more NBA championships in six seasons before Jackson retired at the conclusion of the 2011 NBA Playoffs after the Lakers were swept by the Mavericks. The Pistons' win was the 21st championship among the four professional sports teams in Detroit (NFL's Lions, MLB's Tigers", + "score": 0.68115234375 + }, + { + "id": "5836007", + "title": "History of the Los Angeles Lakers", + "text": "streak of championships came to an end in 1951, when they lost to the Rochester Royals in the NBA Western Division Finals. Nevertheless, they rebounded from that defeat to capture the title for the next three consecutive years, thus becoming the NBA's first \"dynasty\", having won five BAA/NBA championships in six years. In addition to Mikan and Mikkelsen, the Lakers teams of these years also featured future Hall of Famers in Jim Pollard, Slater Martin, and Clyde Lovellette. During this time, the team also participated in the lowest-scoring game in NBA history; on November 22, 1950, the Lakers fell to", + "score": 0.68115234375 + }, + { + "id": "3083961", + "title": "Triangle offense", + "text": "again serving as an assistant on his staff. This time, Shaquille O'Neal and Kobe Bryant served as the focal points of the team's offense. O'Neal won the NBA MVP Award in 2000, and Bryant rose to prominence as one of the NBA's newest stars. The Lakers became an elite NBA team during Jackson's first term as their coach, making four NBA Finals appearances in five years and winning three straight championships from 2000\u20132002. At the end of the 2004 Finals, which resulted in losing to the Detroit Pistons, his contract was not renewed. Jackson returned to the Lakers as head", + "score": 0.6806640625 + }, + { + "id": "7655886", + "title": "1966 NBA Finals", + "text": "1966 NBA Finals The 1966 NBA World Championship Series was the championship round of the 1966 NBA Playoffs, which concluded the National Basketball Association (NBA)'s 1965\u201366 season. The Eastern Division champion Boston Celtics faced the Western Division champion Los Angeles Lakers in a best-of-seven series that the Celtics won 4 games to 3. For the Celtics this was their tenth straight finals appearance, which tied a North American professional sports record set by the National Hockey League's Montreal Canadiens from 1951 to 1960. Thus Boston won its 8th consecutive league title, which no other team has achieved in North American", + "score": 0.6806640625 + } + ], + "answer": "The Los Angeles Lakers are an American professional basketball team based in Los Angeles. The Lakers compete in the National Basketball Association, NBA, as a member of the league's Western Conference Pacific Division. The Lakers are one of the most successful teams in the history of the NBA, since 2010 the Lakers won the championship finals 16 times, they won their 17th in 2020. " + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "How many states plus territories in india are under congress?", + "short_answers": [ + "7" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "How many states alone in india are under congress?", + "short_answers": [ + "5" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Indian National Congress", + "url": "https://en.wikipedia.org/wiki/Indian%20National%20Congress" + }, + { + "title": "List of current Indian ruling and opposition parties", + "url": "https://en.wikipedia.org/wiki/List%20of%20current%20Indian%20ruling%20and%20opposition%20parties" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "In India, there are 5 individual states under congress and 7 states with territories that under congress." + }, + { + "knowledge": [ + { + "content": "India is a federal union comprising 28 states and 8 union territories,[1] for a total of 36 entities.", + "wikipage": "States and union territories of India" + }, + { + "content": "Unlike the states of India, which have their own governments, union territories are federal territories governed, in part or in whole, by the Union Government of India.", + "wikipage": "Union territory" + } + ], + "long_answer": "While India has 28 states, there are additionally 8 union territories, for a total of 36 entities, of which 7 are under congress. Of the 28 states of India, which have their own governments, 5 of the states are under congress. Two of the eight union territories, which are federal territories governed by the Union Government of India, are under congress." + } + ], + "sample_id": "1562758409663917015", + "question": "How many states in india are under congress?", + "docs": [ + { + "id": "2334845", + "title": "States and union territories of India", + "text": "States and union territories of India India is a federal union comprising 29 states and 7 union territories, for a total of 36 entities. The states and union territories are further subdivided into districts and smaller administrative divisions. The Constitution of India distributes the sovereign executive and legislative powers exercisable with respect to the territory of any State between the Union and that State. The Indian subcontinent has been ruled by many different ethnic groups throughout its history, each instituting their own policies of administrative division in the region. During the British Raj, the original administrative structure was mostly kept,", + "score": 0.72607421875, + "summary": "29 states in India are under Congress.", + "extraction": "There is no mention of any states in India being under Congress in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "1324797", + "title": "Indian National Congress", + "text": "as well as European Union countries including the United Kingdom, France, and Germany. Diplomatic relations with Iran have continued, and negotiations over the Iran-Pakistan-India gas pipeline have taken place. In April 2006, New Delhi hosted an India\u2013Africa summit attended by the leaders of 15 African states. Congress' policy has also been to improve relations with other developing countries, particularly Brazil and South Africa. , Congress (INC) is in power in the states of Punjab, Chhattisgarh, Rajasthan and Madhya Pradesh where the party has majority support. In Karnataka and Puducherry it shares power with alliance partner Janata Dal (Secular) and Dravida", + "score": 0.703125, + "summary": "Congress (INC) is in power in the states of Punjab, Chhattisgarh, Rajasthan and Madhya Pradesh where the party has majority support. In Karnataka and Puducherry it shares power with alliance partner Janata Dal (Secular) and Dravida.", + "extraction": "Congress (INC) is in power in the states of Punjab, Chhattisgarh, Rajasthan and Madhya Pradesh where the party has majority support." + }, + { + "id": "7389726", + "title": "Proposed states and territories of India", + "text": "Proposed states and territories of India The creation of new states and territories in India is a power reserved solely for the Parliament of India. Parliament can do so by announcing new states, separating territory from an existing state or by merging two or more states or parts thereof. In addition to the existing twenty nine states and seven union territories some new states and territories of India have been proposed to be established over time. Before independence, India was divided into British-administered provinces and nominally autonomous princely states, which were governed by the British administration. After the partition of", + "score": 0.6904296875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "7101311", + "title": "Administrative divisions of India", + "text": "an Advisory Council \"to develop the habit of cooperative working\" among these States. Zonal Councils were set up vide Part-III of the States Reorganisation Act, 1956. The North Eastern States' special problems are addressed by another statutory body - The North Eastern Council, created by the North Eastern Council Act, 1971. The present composition of each of these Zonal Councils is as under: India is composed of 29 states and 7 union territories (including a national capital territory). The union territories are governed by administrators, appointed by the President of India. Two of the territories (Delhi and Puducherry) have been", + "score": 0.68798828125, + "summary": "irrelevant", + "extraction": "Irrelevant." + }, + { + "id": "190236", + "title": "India", + "text": "abides by constitutional checks and balances. The Constitution of India, which came into effect on 26 January 1950, states in its preamble that India is a sovereign, socialist, secular, democratic republic. India's form of government, traditionally described as \"quasi-federal\" with a strong centre and weak states, has grown increasingly federal since the late 1990s as a result of political, economic, and social changes. The Government of India comprises three branches: India is a federal union comprising 29 states and 7 union territories. All states, as well in addition to the union territories of Puducherry and the National Capital Territory of", + "score": 0.6796875, + "summary": "irrelevant", + "extraction": "irrelevant" + }, + { + "id": "9746664", + "title": "2009 Indian general election", + "text": "nuclear deal forcing a vote of confidence (which the government won). The 2009 elections adopted re-drawn electoral constituencies based on the 2001 census, following the 2002 Delimitation Commission of India, whose recommendations were approved in February 2008. In the 2009 general elections, 499 out of the total 543 Parliamentary constituencies were newly delimited constituencies. This affected the National Capital Region of Delhi, the Union Territory of Puducherry and all the states except Arunachal Pradesh, Assam, Jammu & Kashmir, Jharkhand, Manipur and Nagaland. While comparing election results, it must be borne in mind that in many instances a constituency with the", + "score": 0.673828125, + "summary": "irrelevant", + "extraction": "irrelevant" + }, + { + "id": "14113327", + "title": "Telangana movement", + "text": "Assembly complex and highlight their demand was fulfilled. According to an internal survey reportedly done for the state government (cited by media sources in June), the Congress party will get around 35-40 seats out of 294 MLA seats in the state, with TRS ahead in Telangana region while YSRCP in the Seema-Andhra region. This survey was reportedly being considered to arrive at a decision on the statehood issue. On 30 June, Congress leaders belonging to Telangana region organised a public meeting in Hyderabad with a turn out of over 100,000 to show their support to Telangana state. It was attended", + "score": 0.67333984375, + "summary": "The document is relevant to the question. According to an internal survey cited in June, the Congress party will get around 35-40 seats out of 294 MLA seats in the state.", + "extraction": "irrelevant" + }, + { + "id": "4095700", + "title": "Multinational state", + "text": "212 scheduled tribal groups, which together constitute about 7.5% of the country's population. India has a Muslim-majority state (Jammu and Kashmir) and a Muslim-majority union territory (Lakshadweep); three Christian-majority states (Meghalaya, Mizoram, and Nagaland); and a Sikh-majority state (Punjab). Most of its states are based on ethnicity, including Uttar Pradesh, Madhya Pradesh, Rajasthan, and Chhatisgarh (Hindustani), Tamil Nadu (Tamil), Andhra Pradesh and Telangana (Telugu), Karnataka (Kannadigas), Odisha (Odia), Jammu and Kashmir (Dogras and Kashmiris), Goa (Konkanis), Gujarat (Gujarati), West Bengal (Bengali), Maharashtra (Marathi), Punjab (Punjabi), Haryana (Haryanvi), and Kerala (Malayali). Furthermore, several Indian states are themselves ethnically, religiously, and linguistically", + "score": 0.67333984375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "5839986", + "title": "Shashikala Kakodkar", + "text": "the \"Indira Congress\" and the latter was given 6 constituencies. The Indian National Congress (Urs) contested in 22 constituencies while 1 constituency was left for an independent candidate. Indira Gandhi addressed a public meeting on 12 December 1979 at Panaji's Azad Maidan grounds where she apologised to the people for imposing a state of Emergency in 1975. She expressed the need for developing Goa without harming its natural beauty. The 1980 Assembly Elections, the Indian National Congress (Urs) emerged victorious in 20 out of the 22 constituencies in which it contested. While the \"Indira Congress\" won no seats, the Maharashtrawadi", + "score": 0.6728515625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information on the number of states in India that are under Congress." + }, + { + "id": "13058632", + "title": "Naxalite\u2013Maoist insurgency", + "text": "Initially the movement had its centre in West Bengal. In recent years, it has spread into less developed areas of rural central and eastern India, such as Chhattisgarh and Andhra Pradesh through the activities of underground groups like the Communist Party of India (Maoist). In 2007, it was estimated that Naxalites were active across \"half of the India's 28 states\" who account for about 40 percent of India's geographical area, an area known as the \"Red Corridor\", where according to estimates they had influence over 92,000 square kilometers. In 2009, Naxalites were active across approximately 180 districts in ten states", + "score": 0.67236328125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "2334851", + "title": "States and union territories of India", + "text": "22nd state of the Indian Union and the state's monarchy was abolished. In 1987, Arunachal Pradesh and Mizoram became states on 20 February, followed by Goa on 30 May, while Goa's northern exclaves of Daman and Diu and Dadra and Nagar Haveli became separate union territories. In November 2000, three new states were created; namely, Chhattisgarh from eastern Madhya Pradesh, Uttaranchal from northwest Uttar Pradesh (renamed Uttarakhand in 2007) and Jharkhand from southern districts of Bihar. Orissa was renamed as Odisha in 2011. Telangana was created on 2 June 2014 as ten former districts of north-western Andhra Pradesh. States and", + "score": 0.67236328125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage provides information on the creation of states and union territories in India, but it does not mention how many states are under Congress." + }, + { + "id": "6683583", + "title": "United States", + "text": "reapportioned among the states following each decennial Census of Population. Each state then draws single-member districts to conform with the census apportionment. The total number of voting Representatives is 435. There are also 6 non-voting representatives who represent the District of Columbia and the five major U.S. territories. The United States also observes tribal sovereignty of the American Indian nations to a limited degree, as it does with the states' sovereignty. American Indians are U.S. citizens and tribal lands are subject to the jurisdiction of the U.S. Congress and the federal courts. Like the states they have a great deal", + "score": 0.66943359375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "1919094", + "title": "Partition of India", + "text": "to share power in a coalition headed by A. K. Fazlul Huq, the leader of the Krishak Praja Party. The Congress, on the other hand, with 716 wins in the total of 1585 provincial assemblies seats, was able to form governments in 7 out of the 11 provinces of British India. In its manifesto, the Congress maintained that religious issues were of lesser importance to the masses than economic and social issues, however, the election revealed that the Congress had contested just 58 out of the total 482 Muslim seats, and of these, it won in only 26. In UP,", + "score": 0.6689453125, + "summary": "The document is irrelevant to the question of how many states in India are under Congress.", + "extraction": "7 out of the 11 provinces of British India are under Congress." + }, + { + "id": "13921027", + "title": "State governments of India", + "text": "sanctioned by legislature are properly utilised. There is, overall, 4,120 assembly seats in states and Union Territories in India. Andhra Pradesh abolished its legislative council in 1984, but has set up a new legislative Council following elections in 2007. \"**For Jammu and Kashmir Assembly Term is 6 Years\" State Governments in India see the presence of both National and Regional Parties. As of 24 may 2018, the National Democratic Alliance is in power in 21 states, the United Progressive Alliance is in power in 3 states and 1 union territory, the CPI(M) is in power in 1 state, rest of", + "score": 0.66748046875, + "summary": "As of May 24, 2018, the document states that the Congress party is not mentioned to be in power in any state or union territory in India. Therefore, the answer to the question of interest is irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "20426443", + "title": "West Bengal Pradesh Mahila Congress Committee", + "text": "65 of the 294 assembly seats had to be accepted by the state Congress as the high command wanted the AITC-INC alliance to remain intact. The Congress performed well by winning 42 of the 65 seats with excellent results from Malda and Murshidabad districts and pockets of North and South Bengal. It joined the Mamata Banerjee-led government and had two Cabinet ministers and 5 Ministers of State representing the party before withdrawing support from the state government . Municipal elections to Dhupguri, Durgapur, Haldia, Panskura, Nalhati and Coopers' Camp were held in 2012. The Congress fought independently and fieled candidates", + "score": 0.6669921875, + "summary": "The document is irrelevant to the question.", + "extraction": "42 of the 65 seats in West Bengal were won by Congress. However, there is no information in the passage about how many states in India are under Congress. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "14244602", + "title": "Union territory", + "text": "India. The Parliament of India can pass a law to amend the Constitution and provide a Legislature with elected Members and a Chief Minister for a union territory, as it has done for Delhi and Puducherry. In general, the President of India appoints an administrator or lieutenant-governor for each UT. There are seven union territories, including Chandigarh, the joint capital of Punjab and Haryana. Delhi and Puducherry (Pondicherry) operate somewhat differently from the other five. Delhi and Puducherry were given partial statehood and Delhi was redefined as the National Capital Territory of Delhi (NCT) and incorporated into a larger area", + "score": 0.66650390625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about how many states in India are under Congress. It only talks about Union Territories and their governance." + }, + { + "id": "7389768", + "title": "Proposed states and territories of India", + "text": "were an estimated 3.5 million Sindhis in India, when the number of Sindhis in Pakistan was roughly 32 million. There is a separate movement initiated by Gyan Hemnani for the creation a new Sindhi linguistic state with the name Sindh by merging Kutch district of Gujarat with the Jaisalmer, Jalore and Barmer districts of Rajasthan. The total population of this proposed Sindhi state will be around 6 million. Proposed states and territories of India The creation of new states and territories in India is a power reserved solely for the Parliament of India. Parliament can do so by announcing new", + "score": 0.66650390625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about how many states in India are under Congress." + }, + { + "id": "7389759", + "title": "Proposed states and territories of India", + "text": "demanded that Kongu Nadu to be made a separate state. At least four states have been proposed to be carved out of Uttar Pradesh. The population of proposed Awadh state, consisting of Awadhi speaking districts of central Uttar Pradesh, would be approximately 50 million people with an area of approximately 75,000 km and Lucknow as the capital. Harit Pradesh is a proposed state, which would comprise 22 districts of Western Uttar Pradesh, currently forming six divisions \u2013 Agra, Aligarh, Bareilly, Meerut, Moradabad, Saharanpur and some parts of Kanpur Division (Farrukhabad, Etawah and Auraiya districts). The most prominent advocate for the", + "score": 0.666015625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information related to the number of states in India that are under Congress." + }, + { + "id": "1324776", + "title": "Indian National Congress", + "text": "assembly elections; at one point, Congress ruled 15 states. For the 2004 general election, Congress forged alliances with regional parties including the NCP and the Dravida Munnetra Kazhagam. The party's campaign emphasised social inclusion and the welfare of the common massesan ideology that Gandhi herself endorsed for Congress during her presidencywith slogans such as \"Congress ka haath, aam aadmi ke saath\" (\"Congress hand in hand with the common man\"), contrasting with the NDA's \"India Shining\" campaign. The Congress-led United Progressive Alliance (UPA) won 222 seats in the new parliament, defeating the NDA by a substantial margin. With the subsequent support", + "score": 0.6640625, + "summary": "At one point, Congress ruled 15 states in India, but the document does not provide the current number of states under Congress.", + "extraction": "15 states." + }, + { + "id": "13365221", + "title": "2009 Indian general election in West Bengal", + "text": "2009 Indian general election in West Bengal The Indian general election, 2009 in West Bengal were held for 42 seats with the state going to polls in the last three phases of the general elections. There was pre-poll alliance in the state between the Indian National Congress and the Trinamool Congress against the Left Front. Indian National Congress contested on 14 seats across the state whereas the Trinamool Congress contested on 27 seats and SUCI(C) contested 1 seat.The alliance was largely successful as the Trinamool Congress, the Congress and the SUCI(C) won 19,6 and 1 seat respectively, dislodging the Left", + "score": 0.6640625, + "summary": "In the 2009 Indian general election in West Bengal, the Indian National Congress contested on 14 seats in alliance with the Trinamool Congress, which contested on 27 seats. The alliance was successful in winning 6 seats for the Congress.", + "extraction": "Irrelevant. The passage mentions the Indian general election in West Bengal and the seats won by various political parties, but it does not provide information on how many states in India are under Congress." + }, + { + "id": "14708067", + "title": "West Bengal Pradesh Congress Committee", + "text": "alliance to remain intact. The Congress performed well by winning 42 of the 65 seats with excellent results from Malda and Murshidabad districts and pockets of North and South Bengal. It joined the Mamata Banerjee-led government and had two Cabinet ministers and 5 Ministers of State representing the party before withdrawing support from the state government . Municipal elections to Dhupguri, Durgapur, Haldia, Panskura, Nalhati and Coopers' Camp were held in 2012. The Congress fought independently and fieled candidates in 105 of the 129 wards for which elections were held. The Congress could not win any seat in Dhupguri, Haldia", + "score": 0.6640625 + }, + { + "id": "18314708", + "title": "Public sector undertakings in India", + "text": "awarding \"Ratna\" status are as follows: PSUs in India are also categorised based on their special non-financial objectives and are registered under Section 8 of Companies Act, 2013 (erstwhile Section 25 of Companies Act, 1956). As on 13 September 2017 there are 8 Maharatnas, 16 Navratnas and 74 Miniratnas.There are nearly 300 CPSEs(central public sector enterprises) in total. Public sector undertakings in India A state-owned enterprise in India is called a public sector undertaking (PSU) or a public sector enterprise. These companies are owned by the union government of India, or one of the many state or territorial governments, or", + "score": 0.6630859375 + }, + { + "id": "4906074", + "title": "District of Columbia voting rights", + "text": "and three in the Federal Senate, the same number as a state. In the Parliament of India, the National Capital Territory of Delhi is represented by seven members in the Lok Sabha (lower house) and three members in the Rajya Sabha (upper house), the latter being indirectly elected by the union territory's Legislative Assembly. In the Parliament of Malaysia, the federal territory of Kuala Lumpur (the original federal capital and still the seat of parliament) has eleven MPs in the Dewan Rakyat (lower house) by members, while Putrajaya (the administrative centre since 1999) has one. In the Dewan Negara (upper", + "score": 0.662109375 + }, + { + "id": "10231681", + "title": "States Reorganisation Commission", + "text": "States Reorganisation Commission The States Reorganisation Commission (SRC) was a body constituted by the Central Government of India in 1953 to recommend the reorganisation of state boundaries. In 1955, after nearly 2 years of study, the Commission recommended that India's state boundaries should be reorganised to form 14 states and 3 union territories. States Reorganisation Commission consisted of Fazal Ali, K. M. Panikkar and H. N. Kunzru. Some of its recommendations were implemented in the States Reorganisation Act of 1956 After India became independent from the British Empire in 1947, the constituent units of India were classified under the following", + "score": 0.66162109375 + }, + { + "id": "147715", + "title": "Federalism", + "text": "over various matters, has been a longstanding and evolving issue. Areas of contest include legislation with respect to regulation of the economy, taxation, and natural resources. The Government of India (referred to as the \"Union Government\") was established by the Constitution of India, and is the governing authority of a \"federal union\" of 29 states and 7 union territories. The government of India is based on a 3 tiered system, in which the Constitution of India delineates the subjects on which each tier of government has executive powers. The Constitution originally provided for a two-tier system of government, the Union", + "score": 0.6611328125 + }, + { + "id": "20513472", + "title": "Phool Babu", + "text": "shall be two federal states in Terai. One from Jhapa to Chitwan called Madhesh and another from Chitwan to Kanchanpur called Tharuhat. These people think the demarcation of seven federal provinces in the constitution to be unfair. Only a patch of eight districts in the region were given the status of state in Terai; while the remaining 14 districts were carved with the hill districts with the sole purpose of converting the local people into minority. In doing so, the Madheshis and Tharus were sidelined in the entire constitution making process due to the distrust towards them. Due to this", + "score": 0.66015625 + }, + { + "id": "4811438", + "title": "The Emergency (India)", + "text": "the Lok Sabha elections, held in March, Mrs. Gandhi and Sanjay both lost their Lok Sabha seats, as did all the Congress Candidates in Northern states such as Bihar and Uttar Pradesh. Many Congress Party loyalists deserted Mrs. Gandhi. The Congress was reduced to just 153 seats, 92 of which were from four of the southern states. The Janata Party's 298 seats and its allies' 47 seats (of a total 542) gave it a massive majority. Morarji Desai became the first non-Congress Prime Minister of India. Voters in the electorally largest state of Uttar Pradesh, historically a Congress stronghold, turned", + "score": 0.66015625 + }, + { + "id": "191104", + "title": "Geography of India", + "text": "the Eurasian Plate to deform, and the Indian Plate to compress at a rate of 4 cm/yr (1.6 in/yr). India is divided into 29 states (further subdivided into districts) and 7 union territories including The National capital territory (I.e., Delhi). India's borders run a total length of . Its borders with Pakistan and Bangladesh were delineated according to the Radcliffe Line, which was created in 1947 during Partition of India. Its western border with Pakistan extends up to , dividing the Punjab region and running along the boundaries of the Thar Desert and the Rann of Kutch. This border runs", + "score": 0.65966796875 + }, + { + "id": "3503464", + "title": "All India Trinamool Congress", + "text": "O'Brien MP(Rajya sabha) is the Observer of the State. In the 2011 West Bengal Legislative Assembly election, the Trinamool Congress-led alliance that included the INC and SUCI(C) won 227 seats in the 294-seat legislature. Trinamool Congress alone won 184 seats, enabling it to govern without an alliance. Subsequently, it won a by-election in Basirhat and two Congress MLAs switched to TMC, giving it a total of 187 seats. Now the party has got a National Party Status, expanding its base in Tripura, Assam, Manipur, Odisha, Tamil Nadu, Kerala, Sikkim, Haryana and Arunachal Pradesh. In Kerala, the party contested from five", + "score": 0.65966796875 + }, + { + "id": "5085664", + "title": "Member of the Legislative Assembly", + "text": "the 29 states and 7 Union Territories of India, there is a legislature in all the 29 states and 2 Union Territories (Delhi and Puducherry). A person, provided he is qualified, is elected as an MLA on the basis of universal adult suffrage by an electorate consisting of all citizens above the age of 18 of that state or UT. In some states, the Governor may appoint 1 member to represent minorities, e.g. the Anglo-Indian community, if he finds that minority inadequately represented in the Legislative Assembly. Those elected or nominated (by the Governors) to Vidhan Sabha (Legislative Assembly) are", + "score": 0.6591796875 + }, + { + "id": "13921021", + "title": "State governments of India", + "text": "of Jammu and Kashmir has higher autonomy compared to other states by virtue of Article 370. For every state, there is a legislature, which consists of Governor and one House or, two Houses as the case may be. In Bihar, Andhra Pradesh, Telangana, Jammu and Kashmir, Karnataka, Maharashtra and Uttar Pradesh, there are two Houses known as legislative council and legislative assembly. In the remaining states, there is only one House known as legislative assembly. Parliament may, by law, provide for abolition of an existing legislative council or for creation of one where it does not exist, if proposal is", + "score": 0.65869140625 + }, + { + "id": "2873129", + "title": "Government of India", + "text": "Government of India The Government of India (IAST: ), often abbreviated as GoI, is the union government created by the constitution of India as the legislative, executive and judicial authority of the union of 29 states and seven union territories of a constitutionally democratic republic. It is located in New Delhi, the capital of India. Modelled after the Westminster system for governing the state, the union government is mainly composed of the executive, the legislature, and the judiciary, in which all powers are vested by the constitution in the prime minister, parliament and the supreme court. The President of India", + "score": 0.658203125 + }, + { + "id": "4141180", + "title": "Congress of the Confederate States", + "text": "Washington, Georgia. The Confederate States Congress had delegations from 13 states, territories and Indian tribes. The state delegation apportionment was specified in the Confederate Constitution using the same population basis for the free population and a three-fifths rule for slaves as had been used in the U.S. Constitution. There was to be one representative for every ninety thousand of the apportionment population, with any remaining fraction justifying an additional Congressman. After all thirteen states were admitted, there were 106 representatives in the Confederate Congress. The four most populous states were Upper South, and shortly after the war began, the Union", + "score": 0.65673828125 + }, + { + "id": "191168", + "title": "Politics of India", + "text": "majority in the lower house, a government cannot be formed by that party or the coalition. India has a multi-party system, where there are a number of national as well as regional parties. A regional party may gain a majority and rule a particular state. If a party is represented in more than 4 states, it would be labelled a national party. Out of the 66 years of India's independence, India has been ruled by the Indian National Congress (INC) for 53 of those years, as of March 2014. The party enjoyed a parliamentary majority save for two brief periods", + "score": 0.65576171875 + }, + { + "id": "11056400", + "title": "Shripad Amrit Dange", + "text": "alliance both the parties forged in Kerala. Both the parties formed a coalition government together in that state, with the CPI-leader C. Achutha Menon as the Chief Minister. In Kerala legislative elections held in 1970, the Communist Party of India won only 16 seats, out of a total of 133, whereas the coalition leader Indian National Congress had won 30 seats. Still, Congress accepted Achuta Menon's leadership till the next election that would be held seven years later. A state of emergency declared by Prime Minister Indira Gandhi, in June 1975, by invoking Article 352 of the Constitution of India,", + "score": 0.65576171875 + }, + { + "id": "13058633", + "title": "Naxalite\u2013Maoist insurgency", + "text": "of India In August 2010, Karnataka was removed from the list of Naxal-affected states In July 2011, the number of Naxal-affected areas was reduced to (including proposed addition of 20 districts) 83 districts across nine states. The Naxalites operate in 60 districts in India, mainly in the states of Odisha (5 affected districts), Jharkhand (14 affected districts), Bihar (5 affected districts), Andhra Pradesh, Chhattisgarh (ten affected districts), Madhya Pradesh (8 affected districts), Maharashtra (2 affected districts) and West Bengal (8 affected district). In West Bengal areas west of Howrah are affected by the insurgency. Chhattisgarh is the epicentre of the", + "score": 0.65576171875 + }, + { + "id": "434131", + "title": "United States Congress", + "text": "Columbia in addition to its 435 voting members. Although they cannot vote in the full house, these members can sit and vote in congressional committees and introduce legislation. The members of the House of Representatives serve two-year terms representing the people of a single constituency, known as a \"district\". Congressional districts are apportioned to states by population using the United States Census results, provided that each state has at least one congressional representative. Each state, regardless of population or size, has two senators. Currently, there are 100 senators representing the 50 states. Each senator is elected at-large in their state", + "score": 0.65576171875 + }, + { + "id": "14828654", + "title": "1937 Indian provincial elections", + "text": "had been extremely restricted. The results were in favour of the Indian National Congress. Of the total of 1,585 seats, it won 707 (44.6%). Among the 864 seats assigned \"general\" constituencies, it contested 739 and won 617. Of the 125 non-general constituencies contested by Congress, 59 were reserved for Muslims and in those the Congress won 25 seats, 15 of them in the entirely-Muslim North-West Frontier Province. The All-India Muslim League won 106 seats (6.7% of the total), placing it as second-ranking party. The only other party to win more than 5 percent of the assembly seats was the Unionist", + "score": 0.6552734375 + }, + { + "id": "2438667", + "title": "Communist Party of India (Marxist)", + "text": "of the statewide vote). In Tamil Nadu CPI(M) contested 37 seats, but drew blank. The party got 259298 votes (1.65% of the statewide vote). In Odisha the party contested 11 seats, and won in two. The CPI(M) vote in the state was 52785 (1.2% of the statewide vote). In the 1977 Lok Sabha elections, the CPM had fielded its candidates on 53 seats scattred around in 14 states and union territories of India. It won 4.29% of the average votes polled in this election. The party had won 17 seats from West Bengal, 3 from Maharashtra and one each from", + "score": 0.6552734375 + }, + { + "id": "7389728", + "title": "Proposed states and territories of India", + "text": "on 1 December 1963. The Punjab Reorganisation Act, 1966 carved out a new Hindi-speaking state of Haryana from the southern districts of Punjab state, transferred the northern districts to Himachal Pradesh and designated a union territory around Chandigarh, the shared capital of Punjab and Haryana. Statehood was conferred upon Himachal Pradesh on 25 January 1971, and to Manipur, Meghalaya and Tripura on 21 January 1972. The Kingdom of Sikkim joined the Indian Union as a state on 26 April 1975. In 1987, Arunachal Pradesh and Mizoram became states on 20 February, followed by Goa on 30 May of the same", + "score": 0.6552734375 + }, + { + "id": "190196", + "title": "India", + "text": "purchasing power parity. Following market-based economic reforms in 1991, India became one of the fastest-growing major economies and is considered a newly industrialised country. However, it continues to face the challenges of poverty, corruption, malnutrition, and inadequate public healthcare. A nuclear weapons state and regional power, it has the second largest standing army in the world and ranks fifth in military expenditure among nations. India is a federal republic governed under a parliamentary system and consists of 29 states and 7 union territories. A pluralistic, multilingual and multi-ethnic society, it is also home to a diversity of wildlife in a", + "score": 0.65478515625 + }, + { + "id": "17547883", + "title": "National Food Security Act, 2013", + "text": "to 150,000 crores,\" i.e., 1.25 to 1.5 trillion rupees. As of the implementation deadline of 4 October 2014, only 11 states had either implemented the Act or declared readiness to do so. On 28 November 2014, the Indian government announced, \"Allocation of foodgrains to 11 States/Union Territories (UTs) namely, Bihar, Chandigarh, Chhattisgarh, Delhi, Haryana, Himachal Pradesh, Karnataka, Madhya Pradesh, Maharashtra, Punjab and Rajasthan has started under the Act...\" and that the \"remaining 25 States/UTs have not completed the preparatory measures required for implementation of the Act.\" The Indian government extended the deadline for implementation of the Act \"by another six", + "score": 0.65478515625 + }, + { + "id": "6514795", + "title": "State List", + "text": "State List The State List or List-II is a list of 59 items (Initially there were 66 items in the list) in Schedule Seven to the Constitution of India. The legislative section is divided into three lists: Union List, State List and Concurrent List. Unlike the federal governments of the United States, Switzerland or Australia, residual powers remain with the Union Government, as with the Canadian federal government. If any provision of a law made by the Legislature of a State is repugnant to any provision of a law made by Parliament which Parliament is competent to enact, or to", + "score": 0.65380859375 + }, + { + "id": "14805943", + "title": "Hyderabad State Congress", + "text": "the working committee refused to sign the report, reducing its potential impact. In February 1938, the Indian National Congress passed the Haripura resolution declaring that the princely states are \"an integral part of India,\" and that it stood for \"the same political, social and economic freedom in the States as in the rest of India.\" Encouraged by this, the standing committee of the People's Convention proposed to form a Hyderabad State Congress and an enthusiastic drive to enrol members was begun. By July 1938, the committee claimed to have enrolled 1200 primary members and declared that elections would soon be", + "score": 0.6533203125 + }, + { + "id": "10465274", + "title": "Red corridor", + "text": "including Santhal and Gond. Bihar and Jharkhand have both caste and tribal divisions and violence associated with friction between these social groups. Andhra Pradesh's Telangana region similarly has deep caste divide with a strict social hierarchical arrangement. Both Chhattisgarh and Odisha have significant impoverished tribal populations. As of December 2017, 105 districts across 09 states are affected by left-wing extremism The districts affected by left wing extremism stand at 106 in 10 states as on 12 February 2016. The Red Corridor is almost contiguous from India's border with Nepal to the absolute northernmost fringes of Tamil Nadu. There is, however,", + "score": 0.6533203125 + }, + { + "id": "1102934", + "title": "Malaysian Indian Congress", + "text": "Assembly Penang State Legislative Assembly Perak State Legislative Assembly Pahang State Legislative Assembly Selangor State Legislative Assembly Melaka State Legislative Assembly Sabah State Legislative Assembly Sarawak State Legislative Assembly Malaysian Indian Congress The Malaysian Indian Congress (MIC; ; formerly known as Malayan Indian Congress) is a Malaysian political party and is one of the founding members of Barisan Nasional, previously known as the Alliance, that was in power from when the country achieved independence in 1957 until the recent 2018 elections. The party was among the first to fight for Malayan Independence and one of the oldest parties in Malaysia.", + "score": 0.65234375 + }, + { + "id": "13365222", + "title": "2009 Indian general election in West Bengal", + "text": "Front, which won only 15 seats out of 42. 2009 Indian general election in West Bengal The Indian general election, 2009 in West Bengal were held for 42 seats with the state going to polls in the last three phases of the general elections. There was pre-poll alliance in the state between the Indian National Congress and the Trinamool Congress against the Left Front. Indian National Congress contested on 14 seats across the state whereas the Trinamool Congress contested on 27 seats and SUCI(C) contested 1 seat.The alliance was largely successful as the Trinamool Congress, the Congress and the SUCI(C)", + "score": 0.65185546875 + }, + { + "id": "6514798", + "title": "State List", + "text": "list are: State List The State List or List-II is a list of 59 items (Initially there were 66 items in the list) in Schedule Seven to the Constitution of India. The legislative section is divided into three lists: Union List, State List and Concurrent List. Unlike the federal governments of the United States, Switzerland or Australia, residual powers remain with the Union Government, as with the Canadian federal government. If any provision of a law made by the Legislature of a State is repugnant to any provision of a law made by Parliament which Parliament is competent to enact,", + "score": 0.65185546875 + }, + { + "id": "5718120", + "title": "National Capital Region (India)", + "text": "include three more districts, Bhiwani, and Mahendragarh in the state of Haryana, as well as Bharatpur in the state of Rajasthan. This brought the number of districts in the NCR to 19 (outside Delhi NCT), with the total NCR area increasing 34% to 45,887 km. Subsequently, Charkhi Dadri district was separated from Bhiwani district in 2016. On 9 June 2015 the Government of India approved the inclusion of three more districts in NCR - Jind and Karnal in the state of Haryana and Muzaffarnagar in U.P. covering a total area of 50,566 km. Shamli district of U.P. was added to", + "score": 0.6513671875 + }, + { + "id": "14708060", + "title": "West Bengal Pradesh Congress Committee", + "text": "Bolpur. But the leaders eventually had to accept the \"humiliating\" offer for the sake of the alliance. The Congress fought 'bravely' in the Loksabha election and retained all its fortresses such as Jangipur, Baharampur, Murshidabad, Malda North, Malda South and Raiganj, but it could not open its account in the rest of South Bengal where its contested only \"unwinnable\" seats which the Left Front retained. Before the election, the Congress had 6 MPs from West Bengal \u2013 and it remained with six even after the election. On the other hand, the AITC, with only one MP, went up to 19,", + "score": 0.6513671875 + }, + { + "id": "14030639", + "title": "Council of State (India)", + "text": "The Council of States was created by the Government of India Act 1919. As per this Act, the Council was to have 60 members. The composition was as follows: The province-wise composition was as follows: The Muslim seats of Punjab together with one General seat of Bihar and Orissa alternated to elect 2 seats for every Council of State. The members had a tenure of 5 years. There were no women members. The elected members were voted from an electorate consisting of persons who fulfilled either condition This electorate consisted of not more than 17,000 of entire population of 24", + "score": 0.65087890625 + }, + { + "id": "3191305", + "title": "Princely state", + "text": "many states was substantial. By the beginning of the 20th century, relations between the British and the four largest states \u2013 Hyderabad, Mysore, Jammu and Kashmir, and Baroda \u2013 were directly under the control of the Governor-General of India, in the person of a British Resident. Two agencies, for Rajputana and Central India, oversaw twenty and 148 princely states respectively. The remaining princely states had their own British political officers, or Agents, who answered to the administrators of India's provinces. The Agents of five princely states were then under the authority of Madras, 354 under Bombay, 26 of Bengal, two", + "score": 0.65087890625 + }, + { + "id": "3942110", + "title": "1951\u201352 elections in India", + "text": "in Delhi were held in 1993, when Union Territory of Delhi was formally declared as National Capital Territory of Delhi by the Sixty-ninth Amendment to the Indian constitution. : Under States Reorganisation Act, 1956, Himachal Pradesh became a Union Territory on 1 November 1956, under the direct administration of the President of India and the Himachal Pradesh Legislative Assembly was abolished simultaneously. Under Punjab Reorganisation Act, 1966, it became a state and the next legislative elections were held in 1967. : On 1 November 1956, Hyderabad State, except the districts of Raichur, Gulbarga, Bidar and Marathwada, was merged into Andhra", + "score": 0.650390625 + }, + { + "id": "12269331", + "title": "C. M. Poonacha", + "text": "its President in 1941 and in 1945 he was elected to Coorg Legislative Council. From 1945 to 1951 he was leader of the Congress Legislative Party in the Council. He hence became a prominent member of the Indian National Congress party in Coorg. In 1947 Coorg was a separate state in South India until 1956. The other states of South India at that time were Bombay Presidency, Madras Presidency, Mysore kingdom, Travancore kingdom, Cochin kingdom and Hyderabad kingdom. The Coorg State Assembly had a strength of 24 members and the Cabinet consisted of just two members. C M Poonacha represented", + "score": 0.650390625 + }, + { + "id": "10216208", + "title": "1967 Indian general election", + "text": "1967 Indian general election The Indian general election of 1967 elected the 4th Lok Sabha of India and was held from 17 to 21 February. The 27 Indian states and union territories were represented by 520 single-member constituencies (an increase of 26). Under the leadership of Indira Gandhi, the Indian National Congress won a fourth consecutive term in power and over 54% of the seats, while no other party won more than 10% of the votes or seats. However, the INC's victory was significantly lower than the results they had achieved in the previous three elections under Jawaharlal Nehru. By", + "score": 0.64990234375 + }, + { + "id": "19521341", + "title": "1967 Kerala Legislative Assembly election", + "text": "known as \"Saptakakshi Munnani\". Congress and Kerala Congress contested separately. Total polling percentage was 75.67%. There were 133 constituencies in total, out of which 120 were General Category, 11 Scheduled Castes and 2 Scheduled Tribe seats. The national parties contested were Communist Party of India, Communist Party of India (Marxist), Indian National Congress, Praja Socialist Party, Sanghata Socialist Party and Swatantra Party along with the state parties Indian Union Muslim League and Kerala Congress. The United Front performed spectacularly swept most of the seats. Congress and Kerala Congress were decimated with 9 and 5 seats respectively. E M S became", + "score": 0.6494140625 + }, + { + "id": "4567835", + "title": "Insurgency in Northeast India", + "text": "Insurgency in Northeast India Insurgency in Northeast India involves multiple armed factions operating in India's northeastern states, which are connected to the rest of India by the Siliguri Corridor, a strip of land as narrow as wide. Some factions favour a separate state while others seek regional autonomy. Some groups demand complete independence. Northeastern India consists of seven states (also known as the \"Seven Sister States\"): Assam, Meghalaya, Tripura, Arunachal Pradesh, Mizoram, Manipur, and Nagaland. Tensions exist between these states and the central government as well as amongst their native tribal people and migrants from other parts of India. Regional", + "score": 0.6494140625 + }, + { + "id": "7389729", + "title": "Proposed states and territories of India", + "text": "year. Goa's northern exclaves of Daman and Diu became a separate union territory. Three new states were created in November 2000: Chhattisgarh (1 November) was created out of eastern Madhya Pradesh; Uttaranchal (9 November), which was later renamed Uttarakhand, was created out of the mountainous districts of northwest Uttar Pradesh; and Jharkhand (15 November) was created out of the southern districts of Bihar. On 2 June 2014, Telangana was separated from Andhra Pradesh as the 29th state of the union. The agitation for the creation of a separate Bodoland state resulted in an agreement between the Indian Government, the Assam", + "score": 0.6494140625 + }, + { + "id": "3947284", + "title": "Arunachal Congress", + "text": "Arunachal Congress Arunachal Congress (AC) was a regional political party in the Indian state of Arunachal Pradesh. It was founded in September 1996 as a splinter group of Indian National Congress, when the local party leader and Chief Minister Gegong Apang revolted against the then Congress leader P.V. Narasimha Rao. Apang took with him 54 members of the legislative assembly (of a total of 60) of Arunachal Pradesh to his new party. In the Lok Sabha elections 1998 AC won both seats of Arunachal Pradesh. The party received 172 496 votes (52,47% of the votes in the state). AC allied", + "score": 0.64892578125 + }, + { + "id": "15381707", + "title": "Common Service Centres", + "text": "Jan 2011, 88,689 CSCs have been rolled out in thirty one States/UTs. 100% CSCs have been rolled out in 11 (Eleven) States (Chandigarh, Delhi, Goa, Gujarat, Haryana, Jharkhand, Kerala, Manipur, Pondicherry, Sikkim & Tripura). More than 80% of the rollout has been completed in 6 States (Assam, Bihar, Madhya Pradesh, Meghalaya, Mizoram and West Bengal). In about 6 States (Chhattisgarh, Himachal Pradesh, Maharashtra, Orissa, Tamil Nadu and Uttarakhand) implementation of CSCs have crossed half way mark (more than 50%). It is expected that the roll out of 100,000 CSCs would be completed by March 2011. It is envisaged that G2Cservices", + "score": 0.64892578125 + }, + { + "id": "1510863", + "title": "Arunachal Pradesh", + "text": "Arunachal Pradesh Arunachal Pradesh (, \"the land of dawn-lit mountains\") is one of the 29 states of India and is the northeastern-most state of the country. Arunachal Pradesh borders the states of Assam and Nagaland to the south and shares international borders with Bhutan in the west, Myanmar in the east and is separated from China in the north by the McMahon Line. Itanagar is the capital of the state. A major part of the state is claimed by the Republic of China, and the People's Republic of China referring to it as \"South Tibet\". During the 1962 Sino-Indian war,", + "score": 0.6484375 + }, + { + "id": "3682609", + "title": "United States congressional delegations from Indiana", + "text": "and four from Class 3. Twenty members of Indiana's congressional delegation have served higher federal offices, including one President of the United States, four Vice Presidents of the United States, four Cabinet secretaries, and ten ambassadors and one Supreme Court Justice. Fifteen served as Governor of Indiana, six served as Lieutenant Governor of Indiana, and four served as governors of different territories. Nine served both in the House and Senate for Indiana while one Representative from Indiana also served in the Senate from Kansas. United States congressional delegations from Indiana These are tables of congressional delegations from Indiana to the", + "score": 0.6484375 + }, + { + "id": "17570467", + "title": "16th Lok Sabha", + "text": "from June 4 to June 11, 2014. There is no leader of the opposition in the 16th Lok Sabha as the Indian Parliament rules state that a party in the Lok Sabha must have at least 10% of total seats (545) in order to be considered the opposition party. The Indian National Congress (of the UPA) could only manage 44 seats while the All India Anna Dravida Munnetra Kazhagam party from Tamil Nadu came a close third with 37 seats. Mallikarjun Kharge has been declared the leader of the Indian National Congress in the Lok Sabha. 5 sitting members from", + "score": 0.6484375 + }, + { + "id": "2057276", + "title": "Rahul Gandhi", + "text": "gaining entry into it.\" In the 2009 Lok Sabha elections, Gandhi retained his Amethi seat by defeating his nearest rival by a margin of over 370,000 votes. Gandhi was credited with the Congress revival in Uttar Pradesh where they won 21 out of the total 80 Lok Sabha seats. He spoke at 125 rallies across the country in six weeks. The nationwide elections defied the predictions made by pre-poll predictions and exit polls and gave a clear mandate to the incumbent Congress-led UPA government. In May 2011, Gandhi was arrested by the Uttar Pradesh Police at Bhatta Parsaul village after", + "score": 0.6484375 + }, + { + "id": "4619260", + "title": "Indian National Congress (Organisation)", + "text": "Indian National Congress (Organisation) The Indian National Congress (Organisation) or Congress (O) was a political party in India formed when the Congress party split following the expulsion of Indira Gandhi. On 12 November 1969, the Prime Minister of India Indira Gandhi was expelled from the Congress party for violating the party discipline. The party finally split with Indira Gandhi setting up a rival organization, which came to be known as Congress (R). In the All India Congress Committee, 446 of its 705 members walked over to Indira's side. The Indian National Congress (Organisation) was also occasionally informally referred to as", + "score": 0.64794921875 + }, + { + "id": "3157888", + "title": "Naxalite", + "text": "Bihar, Uttar Pradesh, and West Bengal). Importantly, this plan included funding for grass-roots economic development projects in Naxalite-affected areas, as well as increased special police funding for better containment and reduction of Naxalite influence in these areas. In 2009, Naxalites were active across approximately 180 districts in ten states of India. In August 2010, after the first full year of implementation of the national IAP program, Karnataka was removed from the list of Naxalite-affected states. In July 2011, the number of Naxalite-affected areas was reduced to 83 districts in nine states (including 20 additional districts). In December 2011, the national", + "score": 0.6474609375 + }, + { + "id": "10216203", + "title": "1971 Indian general election", + "text": "1971 Indian general election India held general elections to the 5th Lok Sabha in March 1971. This was the fifth election since independence in 1947. The 27 Indian states and union territories were represented by 518 constituencies, each with a single seat. Under the leadership of Indira Gandhi, the Indian National Congress (R) led a campaign which focussed on reducing poverty and won a landslide victory, overcoming a split in the party and regaining many of the seats lost in the previous election. During her previous term, there had been internal divisions in the Indian National Congress between Indira Gandhi", + "score": 0.6474609375 + }, + { + "id": "6670553", + "title": "Political integration of India", + "text": "because Congress leaders, in particular Mohandas Gandhi, were sympathetic to the more progressive princes as examples of the capacity of Indians to rule themselves. This changed in the 1930s as a result of the federation scheme contained in the Government of India Act 1935 and the rise of socialist Congress leaders such as Jayaprakash Narayan, and the Congress began to actively engage with popular political and labour activity in the princely states. By 1939, the Congress's formal stance was that the states must enter independent India, on the same terms and with the same autonomy as the provinces of British", + "score": 0.64697265625 + }, + { + "id": "10216240", + "title": "1991 Indian general election", + "text": "of the electorate exercising their right to vote. Since the assassination took place after first phase of polling in 211 of 534 constituencies and the balance constituencies went to polls after the assassination, the 1991 results varied greatly between phases. The congress party did poorly in the pre-assassination constituencies and swept the post-assassination constituencies. The end result was a minority Congress-led government led by P. V. Narasimha Rao, a politician who had announced his retirement from politics. No elections were held in Jammu and Kashmir and Punjab, a total of 19 Lok Sabha seats. The 10th Lok Sabha constituted. Congress", + "score": 0.64697265625 + }, + { + "id": "2625577", + "title": "United States congressional apportionment", + "text": "United States congressional apportionment United States congressional apportionment is the process by which seats in the United States House of Representatives are distributed among the 50 states according to the most recent decennial census mandated by the United States Constitution. Each state is apportioned a number of seats which approximately corresponds to its share of the aggregate population of the 50 states. However, every state is constitutionally guaranteed at least one seat. The number of voting seats in the House of Representatives has since 1913 been 435, capped at that number by the Reapportionment Act of 1929\u2014except for a temporary", + "score": 0.64697265625 + }, + { + "id": "16701674", + "title": "Raja Bundela", + "text": "campaigning for the creation of a separate Bundelkhand state comprising 15 districts of Uttar Pradesh and Madhya Pradesh. In the Lok Sabha elections 2004, Bundela stood on an Indian National Congress ticket in Jhansi, the putative capital of Bundelkhand. He got 104 584 votes (12.76%). In August 2011, he formed Bundelkhand Congress with a single point agenda of creating a separate Bundelkhand state which includes parts from today part of Uttar Pradesh and Madhya Pradesh. The party made an alliance with the Peace Party of India and Apna Dal in the Uttar Pradesh legislative assembly election, 2012 but failed to", + "score": 0.64697265625 + }, + { + "id": "5578055", + "title": "Kerala Congress", + "text": "Kerala Congress The Kerala Congress is a regional political party in the state of Kerala, India. The mass base of the party predominantly consists of Christians from Kottayam and Idukki districts of Kerala. Presently, the Kerala Congress(M) is the third largest party after the Congress and IUML, in the alliance of United Democratic Front (UDF). The party has 6 MLAs in the current Kerala Legislative Assembly, and one Member of Parliament, in the Rajya Sabha. The Chairman of the united Kerala Congress (M) is K. M. Mani, former Minister of Finance in the UDF-led Kerala government, who resigned in disgrace", + "score": 0.646484375 + }, + { + "id": "14030640", + "title": "Council of State (India)", + "text": "crores (240,000,000) in 1920. The Government of India Act 1935 introduced further reforms. The size of the Council was increased to 260 members, 156 came from provinces while 104 came from the princely states. However, elections to the federal legislature did not take place until 1946. Council of State (India) The Council of State was the upper house of the legislature for British India (the Imperial Legislative Council) created by the Government of India Act 1919 from the old Imperial Legislative Council, implementing the Montagu\u2013Chelmsford Reforms. The Central Legislative Assembly was the lower house. As a result of Indian independence,", + "score": 0.64599609375 + }, + { + "id": "2683011", + "title": "Janata Party", + "text": "share of the Dalit vote to the Janata party and its allies won him considerable influence. In contrast to the rest of the country, the Janata party won only six seats from India's southern states \u2013 none from the state of Kerala \u2013 where the Emergency had not caused political unrest. The Congress (R) won a total of 153 seats, mainly from India's south. However, Janata candidates resoundingly defeated Congress (R) candidates in the northern \"Hindi belt\", especially in Uttar Pradesh . One of the most shocking outcomes of the election was the defeat of Indira Gandhi in her bid", + "score": 0.64599609375 + }, + { + "id": "1401026", + "title": "Indian independence movement", + "text": "minority interests through separate electorates. The federal provisions, intended to unite princely states and British India at the centre, were not implemented because of ambiguities in safeguarding the existing privileges of princes. In February 1937, however, provincial autonomy became a reality when elections were held; the Congress emerged as the dominant party with a clear majority in five provinces and held an upper hand in two, while the Muslim League performed poorly. In 1939, the Viceroy Linlithgow declared India's entrance into the Second World War without consulting provincial governments. In protest, the Congress asked all of its elected representatives to", + "score": 0.64599609375 + }, + { + "id": "13368116", + "title": "2009 Indian general election in Maharashtra", + "text": "2009 Indian general election in Maharashtra The Indian general election, 2009 in Maharashtra were held for 48 seats with the state going to polls in the first three phases of the general elections. The major contenders in the state were the United Progressive Alliance (UPA) and National Democratic Alliance (NDA). UPA consisted of the Indian National Congress and the Nationalist Congress Party whereas the NDA consisted of the Bharatiya Janata Party and the Shiv Sena. The Shiv Sena contested on 22 seats in the state and the BJP over 25 seats . Similarly, the NCP contested on 21 seats and", + "score": 0.6455078125 + }, + { + "id": "20426442", + "title": "West Bengal Pradesh Mahila Congress Committee", + "text": "seats in Memari and opened its account in Jamuria, but it remained a negligible force in Raniganj. The Congress won an impressive 8 and 6 seats in Bolpur and Suri municipalities respectively and it secured 4 in Rampurhat. In all 3 bodies, the Congress's support would be crucial for the AITC to form the boards. Overall, the Congress won 330 (18.4%) of the 1791 wards that went to polls in the year 2010. This was indeed an impressive result for the party, as it had fought alone - without the AITC. This time also, an \"illogical and humiliating\" offer of", + "score": 0.6455078125 + }, + { + "id": "5678405", + "title": "Social issue", + "text": "on purchasing power parity. According to United Nation's Millennium Development Goal (MDG) programme 270 millions or 21.9% people out of 1.2 billion of Indians lived below poverty line of $1.25 in 2011-2012 as compared to 41.6% in 2004-05. The regions with long term terrorist activities today are Jammu and Kashmir, Central India (Naxalism) and Seven Sister States (independence and autonomy movements). In the past, the Punjab insurgency led to militant activities in the Indian state of Punjab as well as the national capital Delhi (Delhi serial blasts, anti-Sikh riots). As of 2006, at least 232 of the country\u2019s 608 districts", + "score": 0.6455078125 + }, + { + "id": "7389733", + "title": "Proposed states and territories of India", + "text": "The Dimasa Kachari people of northeast India have been demanding a separate state called Dimaraji or \"Dimaland\" for several decades. It would comprise the Dimasa-inhabited areas, namely Dima Hasao district, parts of Cachar district, parts of Nagaon district, parts of Hojai district and Karbi Anglong district in Assam together with parts of Dimapur district in Nagaland. There have been demands for a Bhojpur state, comprising the Bhojpuri speaking districts of western Bihar, eastern Uttar Pradesh and northern Chhattisgarh and Jharkhand. Mithila (Hindi: \u092e\u093f\u0925\u093f\u0932\u093e, \"mithil\u0101\" Tirhuta: \u09ae\u09bf\u09a5\u09bf\u09b2\u09be) is a proposed state which would cover the Maithili speaking regions of Bihar and", + "score": 0.64501953125 + }, + { + "id": "1324741", + "title": "Indian National Congress", + "text": "general elections since independence, it has won an outright majority on six occasions and has led the ruling coalition a further four times, heading the central government for 49 years. There have been seven Congress Prime Ministers, the first being Jawaharlal Nehru (1947\u20131964), and the most recent Manmohan Singh (2004\u20132014). Although it did not fare well in the last general elections in India in 2014, it remains one of two major, nationwide, political parties in India, along with the right-wing, Hindu nationalist, Bharatiya Janata Party (BJP). In the 2014 general election, Congress had its poorest post-independence general election performance, winning", + "score": 0.64453125 + }, + { + "id": "4001737", + "title": "United Progressive Alliance", + "text": "General Election in 2009, the UPA won 262 seats, of which the INC accounted for 206. As of December 2018, UPA is in power in 5 states and in 1 union territory -Madhya Pradesh, Chhattisgarh, Rajasthan, Karnataka, Punjab and Puducherry respectively. Previously, UPA governed states are Andhra Pradesh, Tamil Nadu, Kerala, West Bengal, Jammu and Kashmir and Maharashtra. Initially, UPA was given external support from the Left Front which totalled 59 MPs. Similar external support was also promised by several smaller parties that were not a member of any coalition, including the Samajwadi Party with 39 MPs, the All India", + "score": 0.64453125 + }, + { + "id": "16091053", + "title": "Nomenclature of States in North East India", + "text": "Nomenclature of States in North East India North East India is the north easternmost part of India. It comprises seven states; namely Assam, Tripura, Manipur, Arunachal Pradesh, Meghalaya, Mizoram and Nagaland. The states of Assam (Kamarupa & Davaka), Tripura, and Manipur are ancient in existence, while rest curbed out from Assam in late twentieth century, i.e., Nagaland in 1963, Meghalaya in 1972, Arunachal Pradesh in 1975 and the state of Mizoram come into existence as late as 1987. It is common in names of North Eastern Indian states like rest of country of usage of Sanskrit word referring to quality", + "score": 0.6435546875 + }, + { + "id": "6679819", + "title": "History of the Indian National Congress", + "text": "ashrams in Gujarat, Maharashtra, Uttar Pradesh, Bihar and Tamil Nadu, the Congress attacked: This profound work by M. K. Gandhi impressed the people of India particularly, formations of ashrams, that in later period he was mentioned as Mahatma, Great soul, by way of honor, by people of India. Under the Government of India Act 1935, the Congress first tasted political power in the provincial elections of 1937. It performed very well, coming to power in eight of the eleven provinces where elections were held. Its internal organization bloomed in the diversity of political attitudes and ideologies. The focus would change", + "score": 0.642578125 + }, + { + "id": "2438656", + "title": "Communist Party of India (Marxist)", + "text": "National Congress against CPI(M). CPI(M) strove to form a new government, instead but the central government put the state under President's Rule. In Kerala, fresh elections were held in 1970. CPI(M) contested 73 seats and won 29. After the election Achutha Menon formed a new ministry, including ministers from the Indian National Congress. In 1971 Bangladesh (formerly East Pakistan) declared its independence from Pakistan. The Pakistani military tried to quell the uprising. India intervened militarily and gave active backing to the Bangladeshi rebels. Millions of Bangladeshi refugees sought shelter in India, especially in West Bengal. At the time the radical", + "score": 0.642578125 + }, + { + "id": "14708059", + "title": "West Bengal Pradesh Congress Committee", + "text": "prove the party's existence as a force to reckon with in the state by defending its fortresses and by winning a substantial number of seats in upcoming elections. The Congress high command had worked out an alliance with the Trinamool Congress for the 2009 Loksabha polls as a result of which the state leadership of the Congress had to accept the seat-sharing deal with the AITC on Mamata Banerjee's terms. The AITC offered 14 of the 42 seats in West Bengal for the Congress to contest, and that included several Left Front bastions for decades like Arambagh, Jhargram, Bankura and", + "score": 0.642578125 + }, + { + "id": "16873741", + "title": "Bharat Broadband Network", + "text": "BharatNet at various locations to provide the high speed last mile wireless broadband connectivity. There are 36 states and union territories of India, including 29 states and 7 UTs. BSNL was awarded work for 18 of these, RailTel received work in 8 and Power Grid Corporation of India in 5. BSNL was awarded work for 18+ states and UTs, namely Andaman and Nicobar Islands, Assam, Bihar, Chandigarh, Chhattisgarh, Haryana, Jammu and Kashmir, Karnataka, Kerala, Lakshadweep, Madhya Pradesh, Maharashtra, Punjab, Rajasthan, Sikkim, Uttar Pradesh (divided into two projects, UP East and UP West), Uttarakhand and West Bengal. RailTel was awarded work", + "score": 0.642578125 + }, + { + "id": "12639998", + "title": "Uttar Pradesh Legislative Council", + "text": "Uttar Pradesh Legislative Council The Uttar Pradesh Legislative Council or the Uttar Pradesh Vidhan Parishad is the upper house of the bicameral legislature of Uttar Pradesh state in northern India. Uttar Pradesh is one of the seven states in India, where the state legislature is bicameral, comprising two houses: the Vidhan Sabha (Legislative Assembly) and the Vidhan Parishad (Legislative Council). The Vidhan Parishad is a permanent House, consisting of 100 members. The Uttar Pradesh Vidhan Parishad came into existence by the Government of India Act of 1935. The current Governor of Uttar Pradesh, Shri Ram Naik, was previously an elected", + "score": 0.64208984375 + }, + { + "id": "7389735", + "title": "Proposed states and territories of India", + "text": "for Bhilistan. In 2012, The Times of India reported that the Bhilistan movement has been gaining ground in the tribal regions of Bharuch. The Daily News and Analysis reported in 2013 that the formation of Telangana state has reignited hopes for the demand of statehood to this region, comprising the tribal dominated parts of Gujarat and neighbouring states Rajasthan, Madhya Pradesh and Maharashtra. Kutch State or Cutch State (Gujarati: \u0a95\u0a9a\u0acd\u0a9b), covering three districts, Kutch district, Great Rann of Kutch district and Little Rann of Kutch district of Gujarat, is an aspirant, both as an independent state and as a combined", + "score": 0.64208984375 + }, + { + "id": "7389754", + "title": "Proposed states and territories of India", + "text": "Maharashtra state government. Jambuwantrao Dhote led a popular struggle for Vidarbha statehood in the 1970s. Two politicians, N. K. P. Salve and Vasant Sathe, have led attempts to bring about a state of Vidarbha in recent times. Delhi, Meerut, Baghpat, Muzaffarnagar, Gurgaon, Sonipat, Faridabad, Ghaziabad, Noida and Greater Noida form the National Capital Region, with a population of about 22 million. The political administration of Delhi more closely resembles that of a state than a union territory, with its own legislature, high court and an executive council of ministers headed by a Chief Minister. New Delhi is jointly administered by", + "score": 0.6416015625 + }, + { + "id": "14234543", + "title": "Congress of State", + "text": "Congress of State The Congress of State is the government of the Republic of San Marino. In conformity with Article 3 of the Declaration on the Citizens\u2019 Rights it is politically answerable to the Grand and General Council. Composed by a variable number of members, generally around 10, it is appointed by the Grand and General Council among its own members, who are elected by the population. Generally it lasts five years as the Council, but it can be forced to resign by a parliamentary vote of no confidence. The three most relevant posts are the Secretary for Foreign Affairs,", + "score": 0.6416015625 + }, + { + "id": "14828652", + "title": "1937 Indian provincial elections", + "text": "1937 Indian provincial elections Provincial elections were held in British India in the winter of 1936-37 as mandated by the Government of India Act 1935. Elections were held in eleven provinces - Madras, Central Provinces, Bihar, Orissa, United Provinces, Bombay Presidency, Assam, NWFP, Bengal, Punjab and Sindh. The final results of the elections were declared in February 1937. The Indian National Congress emerged in power in eight of the provinces - the three exceptions being Bengal, Punjab, and Sindh. The All-India Muslim League failed to form the government in any province. The Congress ministries resigned in October and November 1939,", + "score": 0.64111328125 + }, + { + "id": "4606840", + "title": "Women in India", + "text": "reservation for women in PRIs. Majority of candidates in these Panchayats are women. Currently 100% of elected members in Kodassery Panchayat in Kerala are women. There are currently 2 female chief ministers in India as of Sept 2018. As of 2018, 12 out of 29 states and the union territory of Delhi have had at least one female Chief Minister. The status of women in India is strongly connected to family relations. In India, the family is seen as crucially important, and in most of the country the family unit is patrilineal. Families are usually multi-generational, with the bride moving", + "score": 0.64111328125 + }, + { + "id": "5500162", + "title": "History of the Republic of India", + "text": "The Telangana movement reached its peak in 2011-12, leading to formation of India's 29th state, Telangana, in June 2014. The 2012 Delhi gang rape case and subsequent protest by civil society resulted in changes in the laws related to rape and offences against women. In April 2013, the Saradha Group financial scandal was unearthed, caused by the collapse of a Ponzi scheme run by Saradha Group, a consortium of over 200 private companies in Eastern India, causing an estimated loss of INR 200\u2013300 billion (US$4\u20136 billion) to over 1.7 million depositors. In December 2013, the Supreme Court of India overturned", + "score": 0.64111328125 + }, + { + "id": "5653138", + "title": "Lahore Resolution", + "text": "ensure maximum political safeguards for Muslims within the framework of federation of India in terms of seeking maximum autonomy for Muslim majority provinces. They got some safeguards through a system of separate electorate on communal basis in the 1935 Government of India Act. As a result of elections held under this Act, Indian National Congress formed government in six out of eight provinces. During Congress rule from 1937\u201339, its \u201cHigh Command whose iron control over its own provinces clearly hinted at what lay ahead for the Muslim majority provinces once it came to dominate the center. Much of the League\u2019s", + "score": 0.640625 + }, + { + "id": "589868", + "title": "Madhya Pradesh", + "text": "Congress. Unlike in many of the neighboring states, the small or regional parties have not had much success in the state elections. In the November 2018 state elections, the INC became the single largest party with 114 seats, defeating BJP which won 109 seats. Bahujan Samaj Party is the third major party in the state legislature, with 2 seats while others won 5 seats. Madhya Pradesh state is made up of 52 Districts, which are grouped into 10 divisions. As of 2013, the state has 52 jila (district) panchayats, 369 tehsil, 313 janpad panchayats/blocks, and 23043 gram (village) panchayats. The", + "score": 0.640625 + }, + { + "id": "3182434", + "title": "South India", + "text": "to the Lok Sabha accounting for roughly one-fourth of the total strength. The region has an allocation of 58 seats in Rajya Sabha out of the total 245. Each state is headed by a Governor, who is a direct appointee of the President of India; the Chief Minister is the elected head of the state government and represents the ruling party or coalition. Tamil Nadu, Kerala and Puducherry follow unicameral legislature while Andhra Pradesh, Karnataka and Telangana follow bicameral legislature. State legislatures elect members for terms of five years. States with bicameral legislatures have an upper house (Legislative Council) with", + "score": 0.640625 + }, + { + "id": "7240686", + "title": "British Raj", + "text": "The 1935 Act provided for more autonomy for Indian provinces, with the goal of cooling off nationalist sentiment. The act provided for a national parliament and an executive branch under the purview of the British government, but the rulers of the princely states managed to block its implementation. These states remained under the full control of their hereditary rulers, with no popular government. To prepare for elections Congress built up its grass roots membership from 473,000 in 1935 to 4.5million in 1939. In the 1937 elections Congress won victories in seven of the eleven provinces of British India. Congress governments,", + "score": 0.640625 + }, + { + "id": "10708480", + "title": "Ravishankar Shukla", + "text": "shape of World War. Without taking the opinion of Indian Constituent Assembly or Legislative Assemblies of the States the then British Viceroy enjoined India in the World War. Congress opposed this and like other Congress ruled states the Cabinet in CP & Berar submitted its resignation in November 1939 and reverted to the task of opposing the War. Until independence the locus of power in the Indian National Congress clearly rested with the Congress President and his Working Committee. With the formation of the Interim Government, however, the Congress was faced with the critical problem of determining how the Congress", + "score": 0.640625 + }, + { + "id": "185578", + "title": "Himachal Pradesh", + "text": "elections are regularly held, govern local affairs. In the assembly elections held in November 2017, the BJP secured an absolute majority. The BJP won 44 of the 68 seats while the Congress won only 21 of the 68 seats. Jai Ram Thakur was sworn-in as Himachal Pradesh's Chief Minister for the first time in Shimla on 27 December 2017. The state of Himachal Pradesh is divided into 12 districts which are grouped into three divisions, Shimla, Kangra and Mandi. The districts are further divided into 69 subdivisions, 78 blocks and 145 Tehsils. The era of planning in Himachal Pradesh started", + "score": 0.64013671875 + }, + { + "id": "672207", + "title": "Jana Gana Mana", + "text": "in its rhythm. India has 29 states, 7 union territories. In 2005, there were calls to delete the word \"Sindh\" and substitute it with the word Kashmir. The argument was that Sindh was no longer a part of India, having become part of Pakistan as a result of the Partition of 1947. Opponents of this proposal hold that the word \"Sindh\" refers to the Indus and to Sindhi culture, and that Sindhi people are an integral part of India's cultural fabric. The Supreme Court of India declined to change the national anthem and the wording remains unchanged. On 17 December", + "score": 0.64013671875 + } + ], + "answer": "While India has 28 states, there are additionally 8 union territories, for a total of 36 entities, of which 7 are under congress. Of the 28 states of India, which have their own governments, 5 of the states are under congress. Two of the eight union territories, which are federal territories governed by the Union Government of India, are under congress." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who played fruma sarah in the 1971 film, Fiddler on the Roof?", + "short_answers": [ + "Ruth Madoc" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who played Fruma Sarah in the original 1964 Broadway cast of Fiddler on the Roof?", + "short_answers": [ + "Carol Sawyer Yussel" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who is the character of Fruma Sarah in Fiddler on the Roof?", + "short_answers": [ + "a ghostly depiction of the late wife of Lazar Wolf" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who played Fruma Sarah in the 2015-2016 Broadway Revival of Fiddler on the Roof?", + "short_answers": [ + "Jessica Vosk" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Category:Fiddler on the Roof", + "url": "https://en.wikipedia.org/wiki/Category%3AFiddler%20on%20the%20Roof" + }, + { + "title": "Fiddler on the Roof (film)", + "url": "https://en.wikipedia.org/wiki/Fiddler%20on%20the%20Roof%20%28film%29" + }, + { + "title": "Fiddler on the Roof", + "url": "https://en.wikipedia.org/wiki/Fiddler%20on%20the%20Roof" + }, + { + "title": "Jessica Vosk", + "url": "https://en.wikipedia.org/wiki/Jessica%20Vosk" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Fiddler on the Roof is a musical with music by Jerry Bock, lyrics by Sheldon Harnick, and book by Joseph Stein, set in the Pale of Settlement of Imperial Russia in or around 1905...Lazar's formidable late wife, Fruma-Sarah, rises from her grave to warn, in graphic terms, of severe retribution if Tzeitel marries Lazar. ", + "wikipage": "Fiddler on the Roof" + }, + { + "content": "Ruth Madoc as Fruma-Sarah, the butcher's late wife", + "wikipage": "Fiddler on the Roof (film)" + }, + { + "content": "Jessica Vosk (born September 30, 1983) is an American singer and actress, known for her work in musical theater...She then played Fruma Sarah in the 2015\u20132016 Broadway Revival of Fiddler on the Roof.", + "wikipage": null + } + ], + "long_answer": "In the original 1964 Broadway musical cast of Fiddler on the Roof, the ghostly depiction of the late wife of Lazar Wolf, Fruma Sarah is played by Carol Sawyer Yussel. In the 1971 film version of the musical, Fruma Sarah is portrayed by Ruth Madoc. In the 2015-2016 Broadway Revival of Fiddler on the Roof, American singer and actress Jessica Vosk plays the character of Fruma Sarah." + }, + { + "knowledge": [ + { + "content": "The original Broadway production of the show, which opened in 1964, had the first musical theatre run in history to surpass 3,000 performances.", + "wikipage": "Fiddler on the Roof" + }, + { + "content": "Fiddler on the Roof was theatrically released on November 3, 1971, by United Artists to critical and commercial success.", + "wikipage": "Fiddler on the Roof (film)" + }, + { + "content": "Jessica Vosk (born September 30, 1983) is an American singer and actress, known for her work in musical theater.", + "wikipage": "Jessica Vosk" + } + ], + "long_answer": "There are several versions of Fiddler on the Roof. The original Broadway production of the show, which opened in 1964, had the first musical theatre run in history to surpass 3,000 performances. The character of Fruma Sarah, a ghostly depiction of the late wife of Lazar Wolf, is played by Carol Sawyer Yussel. In the 1971 film, Fiddler on the Roof, which theatrically released on November 3, 1971, by United Artists to critical and commercial success, Ruth Madoc played Fruma Sarah. In the 2015-2016 Broadway Revival of Fiddler on the Roof, American singer and actress Jessica Vosk played Fruma Sarah." + } + ], + "sample_id": "7813254335895169912", + "question": "Who is fruma sarah in fiddler on the roof?", + "docs": [ + { + "id": "5372505", + "title": "Ruth Madoc", + "text": "within Swansea. Later she trained at RADA in London. After RADA Ruth worked in \"The Black and White Minstrel Show\". Her first husband was the actor Philip Madoc, with whom she appeared in the 1981 TV serial \"The Life and Times of David Lloyd George\". They had a son, Rhys, and a daughter, Lowri, but eventually divorced. In 1971 Ruth Madoc played Fruma Sarah in the film version of the musical \"Fiddler on the Roof\", and in 1972 she appeared as Mrs Dai Bread Two in the film of \"Under Milk Wood\". She also appeared regularly in the entertainment programme", + "score": 0.74658203125, + "summary": "Irrelevant.", + "extraction": "Fruma Sarah is a character played by Ruth Madoc in the film version of the musical \"Fiddler on the Roof\"." + }, + { + "id": "19666321", + "title": "Fritzi Burr", + "text": "theater and in skits with the vaudeville comedy team of Smith and Dale. By the late 1950s, she was working on Broadway and appeared in \"\"I Can Get It for You Wholesale,\"\" the show in which Barbra Streisand first gained national attention. Later, Burr replaced Kaye Medford as the mother of Fanny Brice (played by Streisand) in \"Funny Girl\" (1968). Burr worked regularly in small theaters and dinner theaters and in touring companies of such musicals as \"\"Fiddler on the Roof\"\", in which she played, at different times, Yente and Tevye's long-suffering wife, Golde. But, moving to Hollywood, she also", + "score": 0.72216796875, + "summary": "Fritzi Burr played Yente and Golde in different touring companies of \"Fiddler on the Roof.\"", + "extraction": "Fruma Sarah is irrelevant to the given passage." + }, + { + "id": "12424939", + "title": "Firoza Begum (actress)", + "text": "Firoza Begum (actress) Firoza Begum was a Jewish Indian actress. Firoza starred in several Bollywood and Mollywood films. She was \"hugely\" popular in the 1920s and 1930s. Although there were many Jewish actresses at the time, she stands out along with other notables like Ruby Myers and Esther Victoria Abraham (Pramila). She is of Bene Israel heritage. Born Susan Solomon, she used the Muslim name Firoza Begum to hide her Jewish ancestry (see History of the Jews in India). She was one of five famous Jewish Indian actresses featured in the documentary \"Shalom Bollywood: The Untold Story of Jews and", + "score": 0.7119140625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "20093519", + "title": "Jessica Vosk", + "text": "2014 in Jason Robert Brown\u2019s \"Bridges of Madison County\". She was cast as a swing, and she made her principal debut as Marian. She also was an understudy for the role of Chiara. From \"The Bridges of Madison County\" she went to \"Finding Neverland\", in which she was in the original Broadway production playing the role of Miss Bassett and an understudy for Mrs du Maurier. She then played Fruma Sarah in the 2015-2016 Broadway Revival of \"Fiddler on the Roof\". She also was an understudy for Golde/Yente. Also in 2014, she performed as Anita in the San Francisco Symphony's", + "score": 0.71044921875, + "summary": "Jessica Vosk played Fruma Sarah in the 2015-2016 Broadway Revival of \"Fiddler on the Roof\".", + "extraction": "Fruma Sarah is a character that Jessica Vosk played in the 2015-2016 Broadway Revival of \"Fiddler on the Roof\"." + }, + { + "id": "12034603", + "title": "Escala (group)", + "text": "of professional musicians. Her parents run a music school in Hertfordshire and her three older brothers Rupert, Magnus and Guy were all musicians. She started playing the violin at the age of five and appeared in the musical \"Annie\" in a school production, playing the title role. She also played Fiddler in the musical \"Fiddler on the Roof\". As a dancer she attended the Royal Ballet Summer School at White Lodge, Richmond Park. She studied the violin at the junior department of the Royal College of Music in London, and then at Chetham's School of Music in Manchester where she", + "score": 0.7060546875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about Fruma Sarah or Fiddler on the Roof." + }, + { + "id": "12424940", + "title": "Firoza Begum (actress)", + "text": "Bollywood\" by Danny Ben-Moshe released in 2013. Firoza Begum (actress) Firoza Begum was a Jewish Indian actress. Firoza starred in several Bollywood and Mollywood films. She was \"hugely\" popular in the 1920s and 1930s. Although there were many Jewish actresses at the time, she stands out along with other notables like Ruby Myers and Esther Victoria Abraham (Pramila). She is of Bene Israel heritage. Born Susan Solomon, she used the Muslim name Firoza Begum to hide her Jewish ancestry (see History of the Jews in India). She was one of five famous Jewish Indian actresses featured in the documentary \"Shalom", + "score": 0.705078125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "19396932", + "title": "Frumka P\u0142otnicka", + "text": "Frumka P\u0142otnicka Frumka P\u0142otnicka (Pi\u0144sk, 1914 \u2013 3 August 1943, B\u0119dzin) was a Polish Jewish resistance fighter during World War II; activist of the Jewish Fighting Organization (\u017bOB) and member of the Labour Zionist organization Dror. She was one of the organizers of self-defence in the Warsaw Ghetto, and participant in the military preparations for the Warsaw Ghetto Uprising. Following the liquidation of the Ghetto, P\u0142otnicka relocated to the D\u0105browa Basin in southern Poland. On the advice of Mordechai Anielewicz, P\u0142otnicka organized a local chapter of \u017bOB in B\u0119dzin with the active participation of J\u00f3zef and Boles\u0142aw Ko\u017cuch as well", + "score": 0.7041015625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is about Frumka P\u0142otnicka, a Polish Jewish resistance fighter during World War II, and does not mention Fruma Sarah or Fiddler on the Roof." + }, + { + "id": "20802486", + "title": "Fredrikke Helene Schwirtz", + "text": "Fredrikke Helene Schwirtz Fredrikke Helene Schwirtz (1819-1870) was a Norwegian (originally Danish) stage actress and opera soprano. She was from Denmark, and engaged at the Christiania Theatre in Oslo in Norway in 1839-42, where she made her debut as Susanna in \"The Marriage of Figaro\". She had a short but very successful career in Norway and obtained immense popularity with her lively acting and her versatile soprano. I known event of Norwegian theater history occurred when the audience became so enchanted by her performance as Maria in 'Daughter of the Regiment' that they released the horses of her carriage and", + "score": 0.703125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "5739931", + "title": "Nikolay Shchors", + "text": "Constituent Assembly, the Red Army of Mikhail Muravyov sacked Kiev. The government of Ukraine was appealing to world powers to provide some military assistance and finally finding it in the Central Powers that were eager to cooperate. Sometime after the arrival to his native land, he became acquainted with the chairman of a local Cheka Fruma Rostova (real name Khaikina) whom he married in the fall of 1918. Fruma in her early 20s was conducting so-called \"cleaning\" (zachistka) in the region, an ambiguous Cheka term. Simultaneously around that time, Shchors also was enrolled into the Russian Communist Party (bolshevik). In", + "score": 0.69775390625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention anything about Fiddler on the Roof or Fruma Sarah." + }, + { + "id": "6086784", + "title": "Sarah Burgess (actress)", + "text": "Sarah Burgess (actress) Sarah Burgess (born 7 June 1970) is a puppeteer, actress and vocal artist who most recently played Phoebe Furchester-Fuzz in the Sesame Street spin-off series \"The Furchester Hotel\" for CBeebies. Her previous roles include Trixie and the UK dub of Stingy on the television series \"LazyTown\", Brassy The Rat in the CBeebies series \"Space Pirates\", Fifi le Fleur for Ed and Oucho (CBBC) and puppeteer on the West End production of \"Doctor Dolittle\". She has also performed as an actress and puppeteer in The Sleeping Beauty, Fantastic Mr Fox, Philomen & Baucis, The Frog Prince, Odessa &", + "score": 0.69775390625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "9085297", + "title": "Baruch Yehoshua Yerachmiel Rabinowicz", + "text": "of Munkacs, took him on a visit to the Holy Land. In 1933 Rabbi Boruch married Frima Chaya Rivka, the only daughter of his mother's first cousin, Rabbi Chaim Elazar Spira (1872\u20131937), Munkacser Rebbe and Chief Rabbi of Munkacs, also known as the 'Minchas Elazar'. This union set him on course to succeed his father-in-law as rabbi and 'Admor' of Munkacs. His wedding \u2013 attended by some 20-30,000 guests - was one of the grandest and most celebrated chassidic weddings of 1933 and film footage of the wedding, shot by news teams who were there to record the event, was", + "score": 0.697265625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "12588383", + "title": "Aryeh Leib Frumkin", + "text": "Aryeh Leib Frumkin Aryeh Leib Frumkin (; 1845\u20131916) was a rabbi, Zionist, a founder and pioneer of Petah Tikva, the first moshava created in by the Jewish community. He also was an author of halachic texts, a teacher, and operator of a wine shop, L. Frumkin and Company. Aryeh Leib Frumkin was born in Kelm\u0117, Lithuania in 1845. He emigrated to Eretz Yisrael (Mutassarifate of Jerusalem, Syrian provinces of the Ottoman Empire at the time) during the First Aliyah in 1883. While there he founded the settlement of Petah Tikva in which he built the first house and helped to", + "score": 0.69580078125, + "summary": "Irrelevant. The document does not mention Fruma Sarah or Fiddler on the Roof.", + "extraction": "irrelevant" + }, + { + "id": "13446156", + "title": "Bert Firman", + "text": "playing entr'acte music. A year later his father negotiated a position for him in the orchestra at the Victoria Hotel in Northumberland Avenue. After only three months in this job he secured the part of Sascha, a gypsy violinist in the musical \"Sally\" at the Winter Garden Theatre, Drury Lane. The production opened on 10 September 1921, running for 383 performances. During this run, at the suggestion of the producer, George Grossmith Jr, Feuerman changed his name to Bert Firman, apparently so as to make it easier to bill in lights outside the theatre. When the run of \"Sally\" finished,", + "score": 0.6953125, + "summary": "Irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "5886773", + "title": "Linda Frum", + "text": "is a member of the Board of UJA Federation of Greater Toronto. She is an honorary patron of the Jerusalem Foundation. In 2006, she was chair of the Women's Division of the United Jewish Appeal. She is a past board member of Mount Sinai Hospital, Upper Canada College, The Bishop Strachan School, the Art Gallery of Ontario Foundation, Soulpepper Theatre, and the Ontario Arts Council. Currently she is co-chair of the United Jewish Appeal of Greater Toronto 2018 Campaign. Frum lives in Toronto with her husband Howard Sokolowski, a real estate developer and former co-owner of the Toronto Argonauts of", + "score": 0.69384765625, + "summary": "Irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "19396939", + "title": "Frumka P\u0142otnicka", + "text": "by Yad Vashem as victim of the Holocaust in 1957. Frumka P\u0142otnicka Frumka P\u0142otnicka (Pi\u0144sk, 1914 \u2013 3 August 1943, B\u0119dzin) was a Polish Jewish resistance fighter during World War II; activist of the Jewish Fighting Organization (\u017bOB) and member of the Labour Zionist organization Dror. She was one of the organizers of self-defence in the Warsaw Ghetto, and participant in the military preparations for the Warsaw Ghetto Uprising. Following the liquidation of the Ghetto, P\u0142otnicka relocated to the D\u0105browa Basin in southern Poland. On the advice of Mordechai Anielewicz, P\u0142otnicka organized a local chapter of \u017bOB in B\u0119dzin with", + "score": 0.69287109375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention Fruma Sarah and Fiddler on the Roof, but rather Frumka P\u0142otnicka, a Polish Jewish resistance fighter during World War II." + }, + { + "id": "20802487", + "title": "Fredrikke Helene Schwirtz", + "text": "pulled her in her carriage home to her quarters themselves as a tribute oaf appreciation. She retired after her marriage to the book trader J. W. Cappelen in 1842. Fredrikke Helene Schwirtz Fredrikke Helene Schwirtz (1819-1870) was a Norwegian (originally Danish) stage actress and opera soprano. She was from Denmark, and engaged at the Christiania Theatre in Oslo in Norway in 1839-42, where she made her debut as Susanna in \"The Marriage of Figaro\". She had a short but very successful career in Norway and obtained immense popularity with her lively acting and her versatile soprano. I known event of", + "score": 0.69189453125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "13693034", + "title": "Martha Schlamme", + "text": "in 1962 and \"A Kurt Weill Cabaret\" in 1963. The label further issued \"(Martha Schlamme says:) Kissin's No Sin\" in the latter year. Among her stage performances were Weill's \"Mahagonny\" (Stratford Festival, Ontario, 1965), \"A Kurt Weill Cabaret\" (Ravinia Festival, 1967), \"Fiddler on the Roof\" (as Golde, Broadway, 1968) and several one-woman shows, including \"A Woman Without a Man Is...\" Her television appearances as herself include the series \"Hootenanny\" (1963), \"Rainbow Quest\" (1965), \"Talk of the Town\" (1965) and the \"America's Musical Theater\" episode \"Happy End\" (1985); as well, she appeared in the 1980 television movie \"Playing for Time\" (as", + "score": 0.69189453125, + "summary": "Martha Schlamme played Golde in the Broadway production of Fiddler on the Roof in 1968.", + "extraction": "irrelevant" + }, + { + "id": "20693799", + "title": "Francesa Sarah of Safed", + "text": "Francesa Sarah of Safed Francesa Sarah (16th-century), was a Jewish mystic. She is described in the \"Sefer ha-\u1e24ezyonot\" (\"The Book of Visions\") by Hayyim Vital. She was a holy woman in the early Sabbateanism in Safed, and unique in Jewish religious history as the only woman regarded to have had a \"maggidim\", an angelic spirit with the ability to foretell the future. A \"maggidim\" was, in accordance with belief, granted only to very select few among the highest scholars, and she was the only woman credited such. She is depicted as extremely wise and righteous, and made several famed prophesies.", + "score": 0.69091796875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention Fruma Sarah in Fiddler on the Roof. It talks about Francesa Sarah, a 16th-century Jewish mystic." + }, + { + "id": "20693800", + "title": "Francesa Sarah of Safed", + "text": "Francesa Sarah of Safed Francesa Sarah (16th-century), was a Jewish mystic. She is described in the \"Sefer ha-\u1e24ezyonot\" (\"The Book of Visions\") by Hayyim Vital. She was a holy woman in the early Sabbateanism in Safed, and unique in Jewish religious history as the only woman regarded to have had a \"maggidim\", an angelic spirit with the ability to foretell the future. A \"maggidim\" was, in accordance with belief, granted only to very select few among the highest scholars, and she was the only woman credited such. She is depicted as extremely wise and righteous, and made several famed prophesies.", + "score": 0.69091796875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "5372625", + "title": "Frau Farbissina", + "text": "Frau Farbissina Frau Farbissina (\"Frau Kaput\" in Spain), is a fictional character played by Mindy Sterling in the \"Austin Powers\" film series. Farbissina is a German attack and defence specialist and the founder of \"the militant wing of the Salvation Army\". She is also Dr. Evil's henchwoman and tries to help in his schemes to terrorize and take over the world. She has a heavy German accent, and is well known for a running gag in which she shouts her orders needlessly loud and screeching, often startling Dr. Evil. For her performances Sterling was nominated for Favorite Supporting Actress in", + "score": 0.689453125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "901892", + "title": "Fiddler on the Roof", + "text": "wall.\" Joanna Merlin originated the role of Tzeitel, which was later assumed by Bette Midler during the original run. Carol Sawyer was Fruma Sarah, Adrienne Barbeau took a turn as Hodel, and Pia Zadora played the youngest daughter, Bielke. Both Peg Murray and Dolores Wilson made extended appearances as Golde, while other stage actors who have played Tevye include Herschel Bernardi, Theodore Bikel and Harry Goz (in the original Broadway run), and Leonard Nimoy. Mostel's understudy in the original production, Paul Lipson, went on to appear as Tevye in more performances than any other actor (until Chaim Topol), clocking over", + "score": 0.68798828125 + }, + { + "id": "7447654", + "title": "Rosalind Harris", + "text": "Rosalind Harris Rosalind Harris (born March 19, 1950) is an American theater and film actress. She is known for her portrayal of Tzeitel, the eldest daughter of Tevye, in the 1971 film \"Fiddler on the Roof\". She also starred as Tzeitel in the Broadway musical, having replaced Bette Midler. Nearly 20 years after the film, Harris played mother Golde in a touring stage revival of \"Fiddler on the Roof\"; Topol, the Israeli actor who played father Tevye in the film, reprised his role, now playing her husband. Harris also had an extensive theatre career, having performed in leading roles in", + "score": 0.6875 + }, + { + "id": "1394021", + "title": "Barbara Frum", + "text": "1935, the year she got married. Frum grew up in Niagara Falls, Ontario. She studied history at the University of Toronto, where she graduated with a BA in 1959. In 1957, she married Toronto dentist Murray Frum, who later became a real-estate developer. They had two children and adopted a third, an aboriginal child, Matthew. Her daughter, Linda Frum, is a Canadian senator and a member of the Canada-Israel Committee, and her son, David Frum became a political journalist and, after he moved to the United States, was a speechwriter for George W. Bush. After her graduation, Frum undertook volunteer", + "score": 0.6875 + }, + { + "id": "8357759", + "title": "Fabrangen Fiddlers", + "text": "music in America, felt the time was ripe for a flowering of a hyphenated Jewish-American culture. Rockland quotes musicologist Ruth Rubin as saying that the Fabrangen Fiddlers \"\u2026are the best there is\u2026 [violinist] Alan [Oresky] is absolutely remarkable, the fiddle is part of his arm.\" Folk singer/cantor Sue Roemer was a member of the Fabrangen Fiddlers from 1973 until her death in 2010. Roemer brought a repertoire to the group that included Yiddish, labor and egalitarian liturgical Jewish music. Fabrangen Fiddlers The Fabrangen Fiddlers are an American Jewish folk music band. Founded in 1971, the Washington, DC-area group was the", + "score": 0.68701171875 + }, + { + "id": "15321224", + "title": "Sarah Fimm", + "text": "Sarah Fimm Sarah Fimm is an American singer-songwriter and multi-instrumentalist, residing in Woodstock, NY. Fimm was born in Tulsa, Oklahoma, on September 18, 1980, to Jewish parents; her grandmother is a Holocaust survivor. She toured and collaborated with singer Peter Murphy (of Bauhaus), and supported Delerium in 2008. Her music has been featured on MTV's \"Real World/Road Rules\", Mark Hamill\u2019s \"\", \"D.E.B.S.\" (soundtrack from the motion picture), and the Lifetime channel, among others. Fimm's voice can be heard on Iggy Pops versions of Serge Gainsbourg\u2019s \u2018La Javanaise\u2019 and \u2018Et Si Tu N`Existais Pas\u2019. Fimm plays piano, sings, and writes her", + "score": 0.68701171875 + }, + { + "id": "9395399", + "title": "Neva Small", + "text": "Neva Small Neva Small (born November 17, 1952) is an American theatrical, film, and television actress and singer. She made her singing debut at the age of 10 at the New York City Opera, and her Broadway debut the following year. She has numerous acting credits on and Off-Broadway. She is best known for her portrayal of Chava, the third of Tevye's five daughters who marries a gentile, in the 1971 film \"Fiddler on the Roof\". Neva Small was born in New York City to Seldan and Berma Small. She grew up in Central Park West. Her mother graduated in", + "score": 0.6865234375 + }, + { + "id": "8319656", + "title": "Torah Ore", + "text": "pilot trip to tour the development and decided that it could work. Rabbi Akiva Ehrenfeld, who was in charge of the construction and sale of the apartments, encouraged Scheinberg to move his yeshiva to Jerusalem by offering attractive terms for apartments and land for the yeshiva. The Scheinbergs, their eldest daughter Fruma Rochel and her family, their son Simcha and his family, and over 20 of Scheinberg's students moved into their new apartments in Kiryat Mattersdorf in May 1965. Scheinberg reestablished the Torah Ore yeshiva in the Diskin Orphanage building in Jerusalem's Givat Shaul neighborhood. When the Six-Day War broke", + "score": 0.68603515625 + }, + { + "id": "19396934", + "title": "Frumka P\u0142otnicka", + "text": "Liberation in April 1945. Frumka was born in a village near Pi\u0144sk during World War I, part of the newly reborn Poland since 1919 after a century of foreign Partitions. She relocated to Warsaw in 1938 to assume a position at the headquarters of the Dror Zionist Youth Movement founded on Polish lands in 1915 in the course of the war with imperial Russia. Following the 1939 invasion of Poland by Nazi Germany and the Soviet Union, Frumka undertook underground activities as leader of the HeHalutz youth movement. Using false identities and facial disguise, she travelled across General Government territory", + "score": 0.68603515625 + }, + { + "id": "6086785", + "title": "Sarah Burgess (actress)", + "text": "the Magic Goat, The Talkative Tortoise and The Prince & The Mouse for The Little Angel Puppet Theatre in London and has played Ojo on the European tour of Bear in the Bear in the Big Blue House. Sarah has also worked on Bunny Town (Disney), Teletubbies, Rosie and Jim and Wizadora. Sarah Burgess (actress) Sarah Burgess (born 7 June 1970) is a puppeteer, actress and vocal artist who most recently played Phoebe Furchester-Fuzz in the Sesame Street spin-off series \"The Furchester Hotel\" for CBeebies. Her previous roles include Trixie and the UK dub of Stingy on the television series", + "score": 0.685546875 + }, + { + "id": "14377712", + "title": "Sara Hurwitz", + "text": "student at Midreshet Lindenbaum in Talpiot, Israel, a post-high school religious seminary, not degree-granting. Sara is married to Joshua Abraham and lives in Riverdale, NY with their three sons. She went to the Drisha Institute in New York City as part of Drisha's three-year Scholar Circle Program. Drisha is a women's religious studies institution. She has a certificate from Drisha. Hurwitz has a rabbinic degree issued by Rabbi Avi Weiss in a private 5-year study program. In June 2009, Weiss ordained Sara Hurwitz with the title \"maharat\" (an acronym of \"manhiga hilkhatit rukhanit Toranit\") rather than \"Rabbi\". In February 2010,", + "score": 0.685546875 + }, + { + "id": "10066461", + "title": "Maurice Schwartz", + "text": "profession. Soon Schwartz obtained a contract with Michael Thomashevsky's Green Street Theatre in Philadelphia. Schwartz was briefly married to Eva Rafalo, a contralto singer born in Cincinnati, Ohio, whom he met while touring with an acting company. They were divorced by 1911, after which he returned full-time to New York. Eva and her older sister Clara Rafalo were both actresses in the Yiddish theatre. After the divorce, Eva married Henry (Zvi Hersch) Fishman, another actor on the Yiddish stage. In 1914 Schwartz married Anna Bordofsky, a 24-year-old woman from Brest-Litovsk, Belarus, who had been in the United States about a", + "score": 0.6845703125 + }, + { + "id": "1925433", + "title": "Louise Gold", + "text": "in the Menier Chocolate Factory revival of \"Fiddler on the Roof\", running from November 2018 until March 2019. Gold appeared in the 1985 film \"Billy the Kid and the Green Baize Vampire\", as the reporter, Miss Sullivan, and the 2000 film \"Topsy-Turvy\", as Rosina Brandram, one of the original Gilbert and Sullivan performers, who plays Katisha in \"The Mikado\" during the course of the story. Gold has also done a significant amount of radio and recording work and performs in her own cabaret show, which includes some puppeteering. She returned to television in 2011, guest-starring as a judge on a", + "score": 0.6845703125 + }, + { + "id": "901883", + "title": "Fiddler on the Roof", + "text": "from her grave to warn, in graphic terms, of severe retribution if Tzeitel marries Lazar. The superstitious Golde is terrified, and she quickly counsels that Tzeitel must marry Motel. While returning from town, Tevye's third daughter, the bookish Chava, is teased and intimidated by some gentile youths. One, Fyedka, protects her, dismissing the others. He offers Chava the loan of a book, and a secret relationship begins. The wedding day of Tzeitel and Motel arrives, and all the Jews join the ceremony (\"Sunrise, Sunset\") and the celebration (\"The Wedding Dance\"). Lazar gives a fine gift, but an argument arises with", + "score": 0.68408203125 + }, + { + "id": "9085232", + "title": "Chaim Elazar Spira", + "text": "his trip. The book was reprinted several times in Hebrew and Yiddish and was translated to English in 2009 by Artscroll Publications. One of the most memorable events in Munk\u00e1cs was the wedding of Chaim Elazar's only daughter, Chaya Fruma Rivka (known as Frima) to Baruch Yehoshua Yerachmiel Rabinowicz which took place on March 15, 1933. Over 20,000 guests attended the wedding, coming from all over Europe and even from the U.S. According to the daily newspaper \"Rud\u00fd ve\u010dern\u00edk\", \"The wedding lasted for seven days\". Hungary, Poland, and Czechoslovakia opened their borders and no visa was necessary for people who", + "score": 0.68359375 + }, + { + "id": "9408940", + "title": "Fiddler on the Roof (film)", + "text": "will be married under a canopy. Meanwhile, Tzeitel and Motel become parents, and Motel finally buys the sewing machine for which he has long scrimped and saved. Tevye's third daughter Chava falls in love with a Russian Orthodox Christian named Fyedka. Tevye tells Chava to be distant friends with Fyedka, because of the difference in their religions. When Chava eventually works up the courage to ask Tevye's permission to marry Fyedka, Tevye tells her that marrying outside the family's faith is against tradition. He forbids her from having any contact with Fyedka or from even mentioning his name. The next", + "score": 0.681640625 + }, + { + "id": "19563928", + "title": "Sara Grotthuis", + "text": "Sara Grotthuis Sara Grotthuis, born Sara Meyer, also known as Sophie Leopoldine Wilhelmine Baroness von Grotthuis and as Sara Wulff by her first marriage (1763 \u2013 11 December 1828), was one of the most well-known \"salonni\u00e8res\" (salon hostesses and patrons of the arts) of the late 18th and early 19th centuries in Berlin. Sara Grotthuis was born Sara Meyer in Berlin in 1763 as the eldest daughter of the Orthodox Jewish banker Aaron Moses Meyer and his wife R\u00f6sel. Through her mother, Sara was the great-granddaughter of Veitel Heine Ephraim, who served Friedrich the Great as a \"M\u00fcnzjude\" or mint", + "score": 0.6806640625 + }, + { + "id": "18775134", + "title": "Sarah Thurmond", + "text": "Doctor Faustus\" which has been noted as England's first pantomime, was performed at Drury Lane. In 1732 they both moved to the Goodman's Fields Theatre. Two years later she returned to Drury Lane making her final performance in 1737. Sarah Thurmond Sarah Thurmond or Sarah Lewis ( \u2013 1762) was a British actress. Sarah Lewis was born in Epsom although the date is unknown. Her first appearances were at Drury Lane and Lincoln's Inn Fields at the end of 1711 in Greenwich where she met John Thurmond. They were married and Sarah went to Dublin where her in-laws John and", + "score": 0.6806640625 + }, + { + "id": "19396935", + "title": "Frumka P\u0142otnicka", + "text": "between Jewish ghettos in German-occupied Poland. She witnessed the Holocaust trains departing from train stations to undisclosed death camps during the extermination of the Jews known as the \"Final Solution\". As a courier ('kashariyot'), she delivered light weapons procured by the Warsaw Ghetto underground, as well as blueprints, drafted by the headquarters, for the manufacture of Molotov cocktails and hand grenades. Among the Jewish communities she visited, Frumka was referred to as \"Die Mameh\", Yiddish for \"Mom\". She relayed the reports of murderous liquidation of so many ghettos that she began to call herself a \"gravedigger\". After the \"Gro\u00dfaktion Warschau\"", + "score": 0.6806640625 + }, + { + "id": "9408931", + "title": "Fiddler on the Roof (film)", + "text": "Fiddler on the Roof (film) Fiddler on the Roof is a 1971 American musical comedy-drama film produced and directed by Norman Jewison. It is an adaptation of the 1964 Broadway musical of the same name, with music composed by Jerry Bock, lyrics by Sheldon Harnick, and screenplay by Joseph Stein and based on stories by Sholem Aleichem. Starring Topol, Norma Crane, Leonard Frey, Molly Picon, and Paul Mann, the film centers on Tevye, the father of five daughters, and his attempts to maintain his Jewish religious and cultural traditions as outside influences encroach upon the family's lives. He must cope", + "score": 0.6806640625 + }, + { + "id": "2713925", + "title": "Fanny Brice", + "text": "Fanny Brice Fania Borach (October 29, 1891 \u2013 May 29, 1951), known professionally as Fanny Brice or Fannie Brice, was an American illustrated song model, comedienne, singer, theater, and film actress who made many stage, radio, and film appearances and is known as the creator and star of the top-rated radio comedy series \"The Baby Snooks Show\". Thirteen years after her death, Brice was portrayed on the Broadway stage by Barbra Streisand in the 1964 musical\" Funny Girl\"; Streisand also starred in its 1968 film adaptation, for which she won an Oscar. Fania Borach was born in Manhattan, New York", + "score": 0.68017578125 + }, + { + "id": "14293061", + "title": "Fa\u0306ra\u0302mit\u0326a\u0306 Lambru", + "text": "F\u0103r\u00e2mi\u021b\u0103 Lambru F\u0103r\u00e2mi\u0163\u0103 Lambru (September 15, 1927 in Bucharest \u2013 December 12, 1974, Bucharest) was a well-known gypsy l\u0103utar from Romania. F\u0103r\u00e2mi\u0163\u0103 Lambru was born in a family of l\u0103utari. As a child, he learned how to sing from his father, Tudor F\u0103r\u00e2mi\u0163\u0103. He collaborated with Maria T\u0103nase from 1953 until Maria T\u0103nase died. F\u0103r\u00e2mi\u0163\u0103 Lambru started his own career as an accordion player and conductor. Between 1952 and 1956, he was an instrumentalist in the folk music ensemble of the Bucharest Estates Theater, and in 1956 he moved to the band \"Constantin T\u0103nase\". In 1967, he made his acting", + "score": 0.67919921875 + }, + { + "id": "1394020", + "title": "Barbara Frum", + "text": "Barbara Frum Barbara Frum, OC (September 8, 1937 \u2013 March 26, 1992) was a US-born Canadian radio and television journalist, acclaimed for her interviews for the Canadian Broadcasting Corporation. Barbara Frum was born Barbara Rosberg in Niagara Falls, New York, the oldest of three children of Harold Rosberg and Florence Hirschowitz Rosberg. Her family is Jewish. Frum's father, who was born in Kielce, Poland, immigrated to Canada as a child with his parents in 1913, and was the proprietor of Rosberg's Department Store in Niagara Falls, Ontario. Frum's mother was born in New York City, and moved to Canada in", + "score": 0.67822265625 + }, + { + "id": "15501331", + "title": "Ruzha Fuchs", + "text": "Ruzha Fuchs Ruzha Fuchs (R\u00f3\u017ca Fuchs) (1890\u20131942), was a Yiddish theater actress. Born in Lw\u00f3w, Poland (now Lviv, Ukraine). She entered the chorus of a Polish-language theater as she didn't know much Yiddish, but through connections was taken into the Yiddish theater chorus a month later. The director, Adolf Gimpel, was favorable impressed and cast her as Yitskhok in Abraham Goldfaden's \"Akeydos Yitskhok (The Sacrifice of Isaac)\". After a few months in Lw\u00f3w, she was engaged in Rumania and then Chernovets, as a soubrette - and she became \"der libling fun teater-oylem (the darling of the theater audiences)\". After three", + "score": 0.677734375 + }, + { + "id": "19396936", + "title": "Frumka P\u0142otnicka", + "text": "in September 1942 P\u0142otnicka was sent from Warsaw to B\u0119dzin in occupied south-western Poland by the Jewish Combat Organization (\u017bOB) in order to help the self-defence organization there. The seeds of \u017bOB were planted in the Warsaw Ghetto only two months earlier, when the German SS headed by Hermann H\u00f6fle began the roundups of Jews aimed at deporting 254,000 prisoners to the newly built Treblinka extermination camp. Frumka was the first Jewish courier in the Warsaw Ghetto to smuggle weapons from the Aryan part of the city inside sacks of potatoes. In the B\u0119dzin Ghetto the Jewish underground cell was", + "score": 0.67724609375 + }, + { + "id": "829503", + "title": "Tevye", + "text": "few years after Aleichem died). In 1962 he directed the film \"Tuvia Vesheva Benotav\", released in English as \"Tevye and His Seven Daughters\". After \"Fiddler on the Roof\" became a Broadway sensation, an Israeli film called \"Tuvia Ve Sheva Benotav\" (also \"Tevye and His Seven Daughters\") starring Shmuel Rodensky was released in 1968, as well as two Russian versions, \"Tevye Molochnik\" (Tevye the Milkman) in 1985, and \"Izydi!\" (Get Thee Out!) in 1991. Tevye Tevye the Dairyman (, \"Tevye der milkhiker\", ) is the fictional narrator and protagonist of a series of short stories by Solomon Naumovich Rabinovich (better known", + "score": 0.6767578125 + }, + { + "id": "4294475", + "title": "Sarah Douglas (actress)", + "text": "Sarah Douglas (actress) Sarah Douglas (born 12 December 1952) is an English actress. She is perhaps best known for playing the Kryptonian supervillain Ursa in \"Superman\" (1978), \"Superman II\" (1980) and one episode of \"Supergirl\" in 2018. Her other prominent roles include that of the evil Queen Taramis in the 1984 film \"Conan the Destroyer\", and Pamela Lynch in the 1980s primetime drama series \"Falcon Crest\" (1983\u201385). Douglas was born in Stratford-upon-Avon, Warwickshire, the second daughter of Beryl (n\u00e9e Smith), a physiotherapist who often worked upon RSC actors, and of Edward Douglas, a career member of the Royal Air Force.", + "score": 0.67626953125 + }, + { + "id": "5749486", + "title": "Debra Jo Rupp", + "text": "Rupp portrayed Ruth in \"She Wants Me\", an independent romantic comedy. In June and July 2012, Rupp starred as Dr. Ruth Westheimer in \"Dr. Ruth \u2013 All the Way\" on the St. Germain Stage of the Barrington Stage Company. She reprised the role Off-Broadway in \"Becoming Dr. Ruth\". She provided the voice of Mrs. Snowman in one of Fred Meyer's commercial ads in 2013. Rupp divides her time between Los Angeles and Lee, Massachusetts. She has never married and has no children. Rupp is a Methodist. Debra Jo Rupp Debra Jo Rupp (born February 24, 1951) is an American actress,", + "score": 0.67626953125 + }, + { + "id": "17598741", + "title": "Vera Shtelbaums", + "text": "member of the Presidium of the Russian Rhythmic Gymnastics Federation, leads the Omsk regional center of rhythmic gymnastics. She is an Honored coach of Russia and Honored Worker of Physical Culture. She has one daughter, Elena Arais who is also a rhythmic gymnastics coach and choreographer. Her husband Nikolay Shtelbaums, was a former Soviet speedskater. she has trained multiple World and Olympic champions including: Vera Shtelbaums Vera Efremovna Shtelbaums (; born April 24, 1937 in Omsk, Russia) is an honored and merited Master of Sports coach in Rhythmic gymnastics. In 1959, she graduated from the Omsk Institute of Physical Education,", + "score": 0.67578125 + }, + { + "id": "19095895", + "title": "Alexandra Silber", + "text": "Alexandra Silber Alexandra Michelle Silber (born July 3, 1983) is an American actress, singer, writer and educator. She has performed roles on Broadway, in London's West End, on television and film, and concert stages. Among other stage roles, in London, she created the role of Laura Fairlie in \"The Woman in White\" (2005), played Hodel in \"Fiddler on the Roof\" (2007) and Julie Jordan in \"Carousel\" (2008). In New York, she appeared in \"Hello Again\" (2010), \"Master Class\" (2011), created the role of Sara Jane in \"Arlington\" (2012\u201314) and as Tzeitel in the Broadway revival of \"Fiddler on the Roof\"", + "score": 0.67578125 + }, + { + "id": "8581657", + "title": "Maria Karnilova", + "text": "as her own mother's maiden name, however, that is inaccurate as her mother's maiden name was \"Shlonskaya\". Karnilova made her Broadway debut in 1946 in \"Call Me Mister\". She won the Tony Award for Best Featured Actress in a Musical for the original 1964 production of \"Fiddler on the Roof\" starring Zero Mostel and was nominated as Best Actress in a Musical for \"Zorba\" (1968). Other Broadway credits include \"Miss Liberty\" (1949), \"Two's Company\" (1952), \"Jerome Robbins' Ballet: U.S.A.\" (1958), \"\" (as the original \"Tessie Tura\"; 1959), \"Bravo Giovanni\" (1962), \"Gigi\" (1973), \"God's Favorite\" (1974), \"Bring Back Birdie\" (1981), and", + "score": 0.67578125 + }, + { + "id": "12338162", + "title": "Martina von Trapp", + "text": "Martina von Trapp Martina von Trapp (17 February 1921 \u2013 25 February 1951) was a member of the Trapp Family Singers and was the seventh child of Georg von Trapp and his first wife, Agatha Whitehead von Trapp. She was a member of the Trapp Family Singers, whose lives were the inspiration for the play and movie \"The Sound of Music\". She was portrayed as the character \"Gretl\". Named after the house she was born in, the \"Martinsschl\u00f6ssel\", Martina von Trapp had brown hair and brown eyes. She grew up in Klosterneuburg, and later in Salzburg with her siblings Rupert", + "score": 0.67529296875 + }, + { + "id": "12709540", + "title": "It's a Date", + "text": "Rio\". The movie begins with Georgia Drake (Kay Francis) performing on the stage, singing \"Gypsy Lullaby\" while her daughter, Pamela (Deanna Durbin), watches with her boyfriend Freddie Miller (Lewis Howard). Georgia is an older Broadway actress who was once very famous. Her daughter, Pam, also has great acting skills and hopes to be a successful actress as well. At an after-party celebrating the closing of a play that Georgia was in, Pamela convinces director Sidney Simpson (Samuel S. Hinds) and writer Carl Ober (S.Z. Sakall) to attend one of the plays she is in. After the party ends, Pamela sings", + "score": 0.67529296875 + }, + { + "id": "14969661", + "title": "Erna Tauro", + "text": "in Helsinki and composed music for a number of plays and musicals. Her composition \"H\u00f6stvisa\" (\"Autumn Song\") with lyrics by Tove Jansson won third prize in the 1965 Finnish Broadcasting Song Contest. The same year, she won second place with the song \"Den gamla brudkl\u00e4derskan\" (\"The Old Bridal Wife\") with lyrics by Huld\u00e9n Evert. In 1969, Tauro received a position as musical director for \"Fiddler on the Roof\" in Stockholm, and in 1977 she settled permanently in that city. She married Risto Ilmari Tauro, and they had one daughter born in 1945. She died in Stockholm in 1993. Tauro is", + "score": 0.6748046875 + }, + { + "id": "19368285", + "title": "Sasha Farber", + "text": "Sasha Farber Alexander \"Sasha\" Farber (born 9 May 1984) is an Australian professional dancer known for his appearances as a pro and troupe member on \"Dancing with the Stars\". Farber was born in Moscow, Russia, but moved to Australia in 1986. His family is Jewish. He began dancing at the age of 13. When he was 17, Farber won the Australian Youth Latin Championships twice and represented Australia at the World Latin Championships. He was also featured in the 2000 Sydney Olympic Games closing ceremony and featured in the second season of the Australian \"Dancing with the Stars\". He was", + "score": 0.6748046875 + }, + { + "id": "17225231", + "title": "Elizabeth Tikvah Sarah", + "text": "Elizabeth Tikvah Sarah Elizabeth Tikvah Sarah (also known as Rabbi Elli Sarah) is a British rabbi and author. Sarah graduated from the London School of Economics in 1977 and was ordained in 1989. Sarah (who took her middle name as her surname) and Rabbi Sheila Shulman were the first openly lesbian graduates of the Leo Baeck College. Sarah was also one of the first ten female rabbis ordained in Britain. Sarah worked as a full-time congregational rabbi for Buckhurst Hill Reform Synagogue, 1989\u201394, as Director of Programmes for the Reform Synagogues of Great Britain and Deputy Director of the Sternberg", + "score": 0.6748046875 + }, + { + "id": "16291399", + "title": "Samahaara", + "text": "Strasberg Theatre and Film Institute. He is best known for his critically acclaimed theatre productions like Purushotham, Dominic Wesley, Last Wish Baby, Gregor Samsa and others and his work in movies like Ishq (Telugu) and Ente (Malayalam). His body of work includes The Imaginary Invalid, Fiddler on the Roof, Purushotham, Wait Until Dark, The Last Wish Baby. Reddy conducts theatre workshops which run full, trains actors for both stage and cinema and produces and directs plays for both Samahaara and outside institutions like schools, colleges, corporates and others. His upcoming releases are Mana Kuralle in which he plays a negative", + "score": 0.6748046875 + }, + { + "id": "16783350", + "title": "Zingari", + "text": "river\" Fleana, a beautiful Gypsy, has been seen stealing out of the camp at night. Several members of the band follow her and discover that she is meeting a stranger. He is Radu, a young nobleman. The lovers are taken captive. Radu swears an oath that if he is allowed to marry Fleana, he will join the band and never again have dealings with his own people. The couple are pardoned, but the poet, Tamar, protests violently and declares his own love for Fleana. He is rebuked by Fleana and challenged to a fight by Radu but vanishes from the", + "score": 0.67431640625 + }, + { + "id": "20357269", + "title": "Eufrosyne Abrahamson", + "text": "Eufrosyne Abrahamson Eufrosyne Abrahamson (n\u00e9e Leman; 24 March 1836 \u2013 7 February 1869) was a Swedish soprano. Born in Stockholm, Abrahamson was the daughter of Jewish parents, merchant John Leman and his wife Emma Jacobson. She began operatic studies under Julius G\u00fcnther in 1852, which were completed in 1855. She made a successful debut in May 1855 as Panima in \"The Magic Flute\". She then continued study under Gilbert Duprez in Paris. She was later contracted to Teatro Real, Madrid where she made her debut in September 1858 as Elvira in \"Ernani\". In 1859, Abrahamson made a move to a", + "score": 0.67431640625 + }, + { + "id": "9395403", + "title": "Neva Small", + "text": "of the long-running Broadway musical \"Fiddler on the Roof\". Her character leaves the Jewish faith to marry a gentile. While Small had wanted to audition for the original Broadway show, she was told by the play's producers that she \"wasn't Jewish enough\". She screen-tested for the characters of both Hodel and Chava, and won the latter role. Since she was under 18, she required a guardian during the filming; her older sister Gail assumed this role. Small has continued to act and sing in musical productions. In 2007 she starred in the one-woman show \"Neva Small: Not Quite an Ingenue\",", + "score": 0.67431640625 + }, + { + "id": "7344248", + "title": "Sophie Solomon", + "text": "(piano), Ali Friend (bass) and Stevie Pilgrim (drums). She has appeared and worked with musicians as diverse as The Klezmatics, Gary Lucas, Bacon & Quarmby, Luke Toms, The Real Tuesday Weld, Nayekhovichi, Alan Bern & Brave Old World, Maurice El Medioni, the London Symphony Orchestra, th'Legendary Shackshakers, the Israeli Sinfonietta, Hazmat Modine, Avishai Cohen, Yasmin Levy, Ludovico Einaudi, Marius de Vries, Kipper, Temposhark, Jon Thorne, Smadj, Ben Parker (formerly of Ben & Jason) and Besh o droM. In 2006, Solomon was Musical Arranger on Lindsay Posner's critically acclaimed production of \"Fiddler on the Roof\" starring Henry Goodman, which transferred to", + "score": 0.67431640625 + }, + { + "id": "8236872", + "title": "Zhenitba", + "text": "Dargomyzhsky (Kochkaryov), Aleksandra Purgold (Fyokla Ivanovna), and Konstantin Velyaminov (Stepan). Aleksandra Purgold (later Molas) was the sister of Nadezhda Purgold (later Rimskaya-Korsakova). A later private performance took place in the home of Nikolai Rimsky-Korsakov. Nadezhda Purgold was now Nadezhda Rimskaya-Korsakova, through marriage to the composer; she again accompanied on the piano. The cast included Sigizmund Blumenfeld (Podkolyosin), A. P. Sandulenko (Kochkaryov), Sonya Rimskaya-Korsakova (Fyokla Ivanovna), and Gury Stravinsky (Stepan). Sigizmund Blumenfeld was the brother of conductor Felix Blumenfeld, Sonya Rimskaya-Korsakova was the daughter of Nikolai and Nadezhda Rimsky-Korsakov, and Gury Stravinsky was the brother of composer Igor Stravinsky. The first", + "score": 0.673828125 + }, + { + "id": "8667760", + "title": "Molly Ephraim", + "text": "Broadway revival of \"Fiddler on the Roof\" (2004). Off-Broadway, Ephraim played Rachel Stein in \"End Days\" at the Ensemble Studio Theatre in 2009. She played Olive in \"The 25th Annual Putnam County Spelling Bee\" at the Barrington Stage Company in 2008, in a remounting of the production with new direction by Jeremy Dobrish, and at the North Shore Music Theatre. In 2010, she played Anne Frank in \"The Diary of Anne Frank\" at the Westport Country Playhouse. In 2015, Ephraim appeared as \"Daphna Feygenbaum\" in Joshua Harmon's \"Bad Jews\" at the Geffen Playhouse in Los Angeles. Ephraim appeared as a", + "score": 0.673828125 + }, + { + "id": "17925654", + "title": "Sara Forsberg", + "text": "clothing line FRSBRG in May 2015 and advertised it to her Finnish viewers with a number of well known celebrities from her home country. It was planned to be released in November the same year. Sara Forsberg Sara Maria Forsberg (born 2 May 1994), known professionally as SAARA (formerly Smo, Smoukahontas, or Smokahontas), is a Finnish singer, songwriter, YouTube personality, and television presenter. As a singer, Forsberg was signed to Capitol Records in 2014 and released her debut single \"Ur Cool\" in April 2015, which went on to become a top ten hit in her home country of Finland. She", + "score": 0.67333984375 + }, + { + "id": "18763751", + "title": "Alissa Thomas-Newborn", + "text": "of the Orthodox rabbinate, regardless of the title,\" and went on to criticize the founders of \"Yeshivat Maharat\". Sara Hurwitz, the first graduate of \"Yeshivat Maharat\", chose the title \"rabba\" for herself, ostensibly a female version of the term \"rabbi\" that is currently held exclusively by males in Orthodox Judaism. A collaborative effort between four Los Angeles-based Orthodox institutions\u2014Young Israel of Century City, Shalhevet, BDJ and Beth Jacob\u2014was almost derailed when the latter found out that Thomas-Newborn was one of the seven scheduled speakers. Because the event was being held entirely at Beth Jacob and they intended to pull out", + "score": 0.67333984375 + }, + { + "id": "9225961", + "title": "Fredericka Mandelbaum", + "text": "Fredericka Mandelbaum Fredericka \"Marm\" Mandelbaum (1818 \u2013 February 26, 1894) was a New York City entrepreneur and operated as a criminal fence to many of the street gangs and criminals of the city's underworld, handling between $1\u20135 million in stolen goods between 1862 until 1884. Like her principal rival John D. Grady and the Grady Gang, she also became a patron to the criminal elements of the city and was involved in financing and organizing numerous burglaries and other criminal operations throughout the post-American Civil War era. Mandelbaum was born Friederike Weisner in Kassel, a city in modern-day Germany. Not", + "score": 0.67333984375 + }, + { + "id": "15834455", + "title": "Melanie Moore", + "text": "in the role. She played the role of Chava in the 2015 Broadway revival of Fiddler on the Roof until the show closed on December 31, 2016. She can currently be seen in the 2017 Broadway revival of Hello Dolly! as Ermengarde. Melanie Moore Melanie Moore (born September 17, 1991) is an American actress and professional dancer best known as the winner of the eighth season of the U.S. reality television competition \"So You Think You Can Dance\". According to the results announced on the broadcast, Moore won \"overwhelmingly\", garnering 47% of the vote in a four-way final tally. Moore", + "score": 0.6728515625 + }, + { + "id": "7706424", + "title": "Tevya (film)", + "text": "be named \"culturally, historically, or aesthetically significant\" by the U.S. Library of Congress and selected for preservation in the National Film Registry. Tevya (film) Tevya is a 1939 American Yiddish film, based on author Sholem Aleichem's stock character Tevye the Dairyman, also the subject of the 1964 musical \"Fiddler on the Roof\". It was the first non-English language picture selected for preservation by the National Film Registry. The script was adapted by Marcy Klauber and Schwartz from the Sholem Aleichem play based on his own book. Schwartz also directed the film. The movie was based on two prior works by", + "score": 0.6728515625 + }, + { + "id": "15028485", + "title": "Sarah Loguen Fraser", + "text": "Sarah Loguen Fraser Sarah Marinda Loguen Fraser, n\u00e9e Loguen, (January 29, 1850 \u2013 April 9, 1933) was an American physician and pediatrician. She was the fourth female African-American physician in the United States, and the first female doctor in the Dominican Republic. Fraser was the daughter of Jermain Wesley Loguen, a noted abolitionist who had escaped slavery, and his wife Caroline. She was born the fifth of eight children at her family home in Syracuse, New York. This house became an important stopping point on the underground railroad, eventually giving shelter to approximately 1,500 escaped slaves as they traveled to", + "score": 0.6728515625 + }, + { + "id": "9919048", + "title": "Strelsa Brown", + "text": "Strelsa Brown Strelsa Brown was an English film actress who was born in 1919 in Tientsin, China. Born as Edna Pearl Brown, her film career began with an uncredited part in \"The Ghosts of Berkeley Square\" in 1947. Her most noteworthy film credit is \"Quo Vadis\". She played the role of \"Rufia\" in a film that earned numerous Academy Award nominations. Other films in which she appeared include \"Amor non ho... per\u00f2... per\u00f2\" (1951), \"The Warrior Empress\" (\"Sappho venere di Lesbo\") (1960), and \"Romanoff and Juliet\" (1961). Brown's true name is Edna Brown Muss. She was married to Henry Muss,", + "score": 0.67236328125 + }, + { + "id": "17666419", + "title": "Sasha Meneghel", + "text": "most documented in the history of Brazil, according to magazine Veja. Sasha grew up presented in DVDs of her famous mother - \"Xuxa s\u00f3 para Baixinhos\", in 2009 she starred in her first feature film in \"Xuxa em O Mist\u00e9rio de Feiurinha\" directed by Tizuka Yamasaki. Currently Szafir is a volleyball player for the team of Clube de Regatas do Flamengo. In 2011, she was convened by CBV (Brazilian Volleyball Confederation) for a period of training with the Brazilian national team Sub-19. In 2016, Sasha finished high school at the American School of Rio de Janeiro, and then moved to", + "score": 0.671875 + }, + { + "id": "10144569", + "title": "Lea Michele", + "text": "Gavroche. This was followed by the role of the Little Girl in the 1998 original Broadway cast of \"Ragtime\". Michele had been portraying the part of the Little Girl for a year in the original Toronto cast, before the production was transferred to Broadway. As a child, she voiced a main character, Christina, in the animated film \"Buster & Chauncey's Silent Night\", released on October 13, 1998. In 2004, Michele began portraying Shprintze in the Broadway revival of the musical \"Fiddler on the Roof\", and understudied the role of Chava. She also performed on the cast recording of the show.", + "score": 0.671875 + }, + { + "id": "14662715", + "title": "Sarafina! (film)", + "text": "Sarafina! (film) Sarafina! is a 1992 South African-American film directed by Darrell Roodt and starring Leleti Khumalo, Whoopi Goldberg, Miriam Makeba, John Kani and Tertius Meintjies. The plot centres on students involved in the Soweto Uprising, in opposition to the implementation of Afrikaans as the language of instruction in schools. The character Sarafina (Leleti Khumalo) feels shame at her mother's (Miriam Makeba) acceptance of her role as domestic servant in a white household in apartheid South Africa, and inspires her peers to rise up in protest, especially after her inspirational teacher, Mary Masembuko (Whoopi Goldberg) is imprisoned. In the opening", + "score": 0.671875 + }, + { + "id": "20980699", + "title": "Theresa Tova", + "text": "\"They're Playing Our Song\", \"Fiddler on the Roof\" and \"The Diary of Anne Frank\", as well as in supporting television, film and web series roles. In 2017, she was elected president of the Toronto chapter of ACTRA. Theresa Tova Theresa Tova (born 1955) is a Canadian actress, singer and playwright. She is most noted for her play \"Still the Night\", which won several Dora Mavor Moore Awards in 1997 and was a shortlisted finalist for the Governor General's Award for English-language drama at the 1999 Governor General's Awards. The daughter of Polish Jewish survivors of the Holocaust, Tova was born", + "score": 0.67138671875 + }, + { + "id": "6381652", + "title": "Sarah Churm", + "text": "Sarah Churm Sarah Churm (born 1980 in Scarrington, Nottinghamshire) is an English actress, known for playing the part of Sarah in \"At Home with the Braithwaites\" from 2000 until 2003. She also appeared in a stage adaptation of the popular book The Story of Tracy Beaker by Jacqueline Wilson called \"Tracy Beaker Gets Real\". Churm's other television work include appearances in \"Holby City\", \"Heartbeat\", \"Where the Heart Is\", \"Doctors\", \"Love Soup\", \"Sweet Medicine\" and \"The Upper Hand\". In November 2013 she appeared in the one-off 50th anniversary comedy homage \"The Five(ish) Doctors Reboot\". Churm also appears as Helen in the", + "score": 0.6708984375 + }, + { + "id": "7706423", + "title": "Tevya (film)", + "text": "are expelled from their \"shtetl\", Chava who had previously converted to Christianity to marry, leaves her husband, returns to her family and to Judaism. It is felt that the anti-Semitism of the time influenced Schwartz to provide this ending. Long thought to be a lost film, a print was discovered in 1978. The same story was the basis of the 1964 stage musical \"Fiddler on the Roof\" and its 1971 film version, though the fate of Chava in the ending was changed for the change in attitudes by that time. In 1991, \"Tevya\" was the first non-English language film to", + "score": 0.6708984375 + }, + { + "id": "20789293", + "title": "Fidler Afn Dakh", + "text": "(as Grandma Tzeitel), Joanne Borts (as Sheyndel), Josh Dunn (as Chaim), Kirk Geritano (as Avram), Michael Yashinsky (as Mordcha), Rachel Zatcoff (as Tzeitel), Samantha Hahn (as Bielke), Cameron Johnson (as Fedyka), Daniel Kahn (as Perchik), Ben Liebert (as Motel), Stephanie Lynne Mason (as Hodel), Evan Mayer (as Motel), Rosie Jo Neddy (as Chava), Raquel Nobile (as Shprintze), Nick Raynor (as Yussel), Bruce Sabath (as Lazar Wolf), Kayleen Seidl (Ensemble), Adam B. Shapiro (Rabbi + Ensemble), Jodi Snyder (as Fruma-Sarah), Lauren Jeanne Thomas (as Fiddler), and Bobby Underwood (as The Constable). The Production Stage Manager was Kat West and her team", + "score": 0.6708984375 + }, + { + "id": "7701680", + "title": "Sarah Ruhl", + "text": "Sarah Ruhl is unique. She fills her intelligent and highly theatrical plays with striking oddities and playful humor. Sarah is a prolific playwright of great distinction. Sarah Ruhl Sarah Ruhl (born January 24, 1974) is an American playwright, professor, and essayist. Among her most popular plays are \"Eurydice\" (2003), \"The Clean House\" (2004), and \"In the Next Room (or the Vibrator Play)\" (2009). She has been the recipient of a MacArthur Fellowship and the PEN/Laura Pels International Foundation for Theater Award for a distinguished American playwright in mid-career. Two of her plays have been finalists for the Pulitzer Prize for", + "score": 0.6708984375 + }, + { + "id": "16603967", + "title": "Pamela Frydman", + "text": "for Rabbis for Women of the Wall. She is also the director of the Holocaust Education Project at the Academy for Jewish Religion in California. Pamela Frydman Pamela Frydman is an American rabbi. She is the founding rabbi of Or Shalom Jewish Community, a San Francisco Jewish Renewal congregation. In 2002, Rabbi Frydman became the first female president of OHALAH (Association of Rabbis for Jewish Renewal). In 2010 she organized a letter signed by more than 400 rabbis, asking Jerusalem police to protect women at the Western Wall who want to pray and read the Torah together, one year after", + "score": 0.67041015625 + }, + { + "id": "1840613", + "title": "As It Happens", + "text": "the day's stories, which are followed by a pun based on one of the same. An example is \"radio that reads between the Linuses,\" following a story about baseball stats in the Peanuts comic strip. Former host Barbara Frum once interviewed Cookie Monster from \"Sesame Street\". Another well-remembered interview was with a hard-of-hearing but imperturbable British farmer who had grown a prize-winning giant cabbage. The 1976 interview was conducted by an increasingly frustrated Frum, who could not get the farmer to give any kind of coherent replies to her straightforward questions; by mid-interview, Frum was stuck repeatedly asking the question", + "score": 0.67041015625 + }, + { + "id": "9387553", + "title": "Farangis", + "text": "Farangis Farangis () or Frigis () is a female character in the Persian epic Shahnameh. She is the eldest daughter of Afrasiab, king of Turan. She is also the second and favourite wife of Siy\u00e2vash, the saintlike prince of Iran (Siy\u00e2vash's first wife was Juraira daughter of Piran Viseh) and mother of a legendary hero and later Shah of Iran, Kai Khosrow. Although a Turanian by birth, Farangis shows loyalty to her husband's kingdom and dynasty. She accompanies her son when he leaves Turan in the hopes of gathering an Iranian army to avenge Siy\u00e2vash. After the murder of her", + "score": 0.67041015625 + }, + { + "id": "8951263", + "title": "Partap Sharma", + "text": "adaption of the original play under the banner of The Holycow Performing Arts Group, an Edinburgh-based amateur theatre group. The play has been very well received. Set in the late eighteenth century \"The Rebel Courtesan, Begum Sumroo\" (she is also known as Begum Samru), traces the picaresque adventures of a legendary historical figure from British India, Begum (Queen) Sumroo. Farzana is a peerless courtesan who morphs into a powerful ruler, known for her political accomplishments as well as her amorous liaisons. After seducing Walter Reinhardt Sombre, a Swiss German mercenary, she acquires the kingdom of Sardhana from Emperor Shah Alam,", + "score": 0.669921875 + }, + { + "id": "16653755", + "title": "Aryeh Tzvi Frumer", + "text": "Avremele Weinberg, directed the clandestine education of several hundred Sochatchover yeshiva students in the ghetto under the direction of the third Sochatchover Rebbe, Rabbi Dovid Bornsztain, who was also incarcerated there. As the Nazi deportations increased in frequency, Frumer and his Rebbe joined other Torah scholars who disguised themselves as workers in a large shoe factory owned by Fritz Schulz. Frumer worked in the Wooden and Fur Shoe section, which produced wooden clogs and fur slippers and supplied footwear for the German soldiers on the Russian front. While he worked, he reviewed his Torah studies by heart. Twelve days after", + "score": 0.669921875 + }, + { + "id": "17025016", + "title": "Avrohom Yaakov Friedman (first Sadigura rebbe)", + "text": "born in the town of Ruzhyn, Ukraine to Rabbi Yisrael Friedman of Ruzhyn (1797\u20131851), founder of the Ruzhiner dynasty, and his wife, Sarah. He was the second of six sons and had four sisters He married Miriam, the daughter of Rabbi Aharon of Karlin. In 1840 the Ruzhiner Rebbe was forced to flee Russia due to persecution by the Tsar. He moved his family to the town of Sadigura, Bukovina, in Austria (Carpathian Mountains). The Ruzhiner Rebbe lived in Sadigura for ten years, building a palatial home and a large synagogue and attracting tens of thousands of Hasidim. When the", + "score": 0.669921875 + }, + { + "id": "4194544", + "title": "Judy Kuhn", + "text": "played the same role in the Broadway production, which ran from April 2015 to September 10, 2016 at the Circle in the Square. Kuhn will play the role of \"Golde\" in the Broadway revival of \"Fiddler on the Roof\", starting on November 22, 2016. Her television credits include \"Law & Order\" and \"\", \"All My Children\" and two PBS shows \u2013 \"My Favorite Broadway: The Leading Ladies\" (recorded 1998, released 1999) and \"In Performance At The White House: A Tribute to Broadway - The Shows\" in March 1988. Kuhn sang the title role in the 1995 Disney animated film, \"Pocahontas\".", + "score": 0.669921875 + }, + { + "id": "15511588", + "title": "Robmariel Olea", + "text": "in \u201cThe Sound of Music,\u201d as Miss Farrell in \u201cAnnie,\u201d and as Babette in \u201cBeauty and the Beast\u201d. The aforementioned roles generated wonderful articles and reviews, which highlighted Robmariel\u2019s work. She also worked with producer Guillermo Cordero in \u201cFiddler on the Roof\u201d(as Tzeitel) and was directed by Mar\u00eda Castillo in Edward Albee\u2019s Pulitzer Prize-winning play \u201cThree Tall Women\u201d produced by the American Embassy in the Dominican Republic. In 2002, she had great success producing and acting in theatre with the solo show \u201cEl \u00daltimo Instante\u201d and later on the play \u201cPalabras Encadenadas,\u201d both of which received great praise from the", + "score": 0.66943359375 + }, + { + "id": "11072162", + "title": "Salem Shaloam David", + "text": "Salem Shaloam David Salem Shaloam David (1853\u2212?) was a Chinese convert to Judaism. He was born in 1853 to Chinese parents in Hankou, China, who named him Feba. Feba remained with his parents until 1861, when his family were murdered during the Taiping Rebellion. He, along with other boys, was held captive by the rebels until they came within a short distance of Shanghai, where the rebels were routed and scattered by British soldiers under Charles George Gordon. Feba sought protection of Solomon Reuben, one of the volunteers, who presented him to David Sassoon & Co., Shanghai. Here S. H.", + "score": 0.66943359375 + }, + { + "id": "13224872", + "title": "Tevye and His Seven Daughters", + "text": "Tevye and His Seven Daughters Tevye and His Seven Daughters (, translit. Tuvia Vesheva Benotav) is a 1968 Israeli drama film directed by Menahem Golan. Based on stories by Sholem Aleichem, which were also the basis for the stage musical and 1971 film, both titled \"Fiddler on the Roof\", the film is about a poor Russian Jew named Tevye who tries to make a living. When he slowly lands money, he attempts to get his daughters married. The film was listed to compete at the 1968 Cannes Film Festival, but the festival was cancelled due to the events of May", + "score": 0.66943359375 + }, + { + "id": "17450642", + "title": "Ulrika Fredrika Bremer", + "text": "Ulrika Fredrika Bremer Ulrika Fredrika Bremer, n\u00e9e Salonius (24 April 1746 \u00c5bo \u2013 1 April 1798), was a ship owner and merchant in Swedish Finland. She was the paternal grandmother of Fredrika Bremer. After the death of her husband Jacob Bremer in 1785, at the age of 39, she took over his businesses and ships in \u00c5bo (now Turku, Finland). She successfully managed his business empire over 13 years and was one of the richest Finnish women of her time. Ulrika Fredrika Salonius was the daughter of the high court judge Eric Gustaf Salonius (d. 1748) and Hedvig Magdalena Wittfooth", + "score": 0.66943359375 + }, + { + "id": "5879716", + "title": "Recha Freier", + "text": "Recha Freier Recha Freier (Hebrew: \u05e8\u05d7\u05d4 \u05e4\u05e8\u05d9\u05d0\u05e8) born Recha Schweitzer, (October 29, 1892 in Norden, East Frisia \u2013 April 2, 1984 in Jerusalem) founded the Youth Aliyah organization in 1933. The organization saved the lives of 7,000 Jewish children by helping them to leave Nazi Germany for Mandatory Palestine before and during the Holocaust. Recha Freier was also a poet, musician, teacher and social activist. Recha Schweitzer was born into a Jewish Orthodox family. Her parents were Bertha (n\u00e9e Levy, 1862\u20131945 in Theresienstadt), a French and English teacher, and Menashe Schweitzer (1856\u20131929), who taught several subjects at a Jewish primary", + "score": 0.6689453125 + }, + { + "id": "14798823", + "title": "Sarah Grubb", + "text": "Sarah Grubb Sarah Pim Grubb (11 December 1746\u20131832) was a businesswoman and Quaker benefactor in Clonmel, County Tipperary, Ireland. She married a miller and corn dealer named John Grubb in 1778. After her husband's death six years later, she ran his successful milling business, Anner Mills (3km NE of Clonmel), herself. Sarah Pim was born in 1746 at Mountrath, Queen's County. She was the first child of the wealthy Dublin wool merchant John Pim and his wife, Sarah Clibborn of Moate Castle. She was related through both her parents to the most prominent Quaker families at that time. The Pim", + "score": 0.6689453125 + }, + { + "id": "12186420", + "title": "Samantha Spiro", + "text": "States, Jewishness is a much celebrated thing. Jewishness is a part of their very being. \"Here, I think, we repress it and, far from celebrating it, almost shy away from it. After \"Two Thousand Years\", I suddenly felt that there is a place for people like me. Until that point I hadn\u2019t had a career playing Jewish people. I had got that stuff out of the way by the time I came to play Fanny Brice [in \"Funny Girl\"] who is very much a Jewish character.\" In 2009, Spiro played Maria in the Donmar Warehouse production of \"Twelfth Night\" at", + "score": 0.6689453125 + }, + { + "id": "19933617", + "title": "Frida Rubiner", + "text": "Frida Rubiner Frida Rubiner (born Frida Ichak / \u0424\u0440\u0438\u0434\u0430 \u0410\u0431\u0440\u0430\u043c\u043e\u0432\u043d\u0430 \u0418\u0446\u0445\u043e\u043a\u0438: 28 April 1879 \u2013 22 January 1952) was a political activist (KPD), writer, journalist and translator of important communist Russian texts into German. Pseudonyms under which she wrote included Georg Rehberg, Arnold Brand and Frida Lang. Frida Abramovna Ichak was born into a working class Jewish family in Marijampol\u0117, a midsized multicultural town halfway between K\u00f6nigsberg and Vilnius, today in Lithuania but at that time in Congress Poland, part of the Russian Empire. Abraham Ichak, her father, had an office job. Frida was the eldest of her parents' nine", + "score": 0.66845703125 + }, + { + "id": "11729388", + "title": "Franziska Stading", + "text": "in 1790, Stading and Caroline Frederikke M\u00fcller reportedly shared the position of the leading prima donna of the Royal Swedish Opera, and divided the female main parts of the biggest opera's between themselves. She performed leading roles in many of the new Swedish opera plays of the era, such as Margareta Wasa in \"Gustaf Wasa\" by Naumann with text by Johan Henric Kellgren (1786), the title role of \"Frigga\" by \u00c5hlstr\u00f6m (1787), and the female lead of Ebba Brahe in \"Gustaf Adolph och Ebba Brahe\" by Vogler and Kellgren (1788). She was also appreciated in several French op\u00e9ra-comiques by Dalayrac", + "score": 0.66845703125 + }, + { + "id": "4740309", + "title": "Sarafina! (musical)", + "text": "Sarafina! (musical) Sarafina! is a South African musical by Mbongeni Ngema depicting students involved in the Soweto Riots, in opposition to apartheid. It was also adapted into a 1992 film starring Whoopi Goldberg and Leleti Khumalo. \"Sarafina!\" premiered on Broadway on 28 January 1988, at the Cort Theatre, and closed on 2 July 1989, after 597 performances and 11 previews. The musical was conceived and directed by Mbongeni Ngema, who also wrote the book, music, and lyrics. The play was first presented at The Market Theatre, Johannesburg, South Africa, in June 1987. The cast included Leleti Khumalo as Sarafina. Leleti", + "score": 0.66845703125 + }, + { + "id": "5886771", + "title": "Linda Frum", + "text": "Linda Frum Linda Frum (born January 13, 1963) is a Canadian author and journalist, and a Conservative member of the Senate of Canada since 2009. Frum was born in Toronto, Ontario, the daughter of Barbara Frum, a journalist, and Murray Frum, a real estate developer. Her brother David Frum is a political author and journalist, and was a speech writer for George W. Bush and helped coin the phrase \"Axis of Evil\". Another brother, Matthew Frum, was adopted and is of aboriginal ancestry. Frum attended Havergal College and received a Bachelor of Arts degree from McGill University, Montreal in 1984.", + "score": 0.66796875 + }, + { + "id": "8420812", + "title": "Ruhama Avraham", + "text": "Ruhama Avraham Ruhama Avraham Balila (, born 29 January 1964) is an Israeli politician who served as a member of the Knesset for Likud and Kadima between 2003 and 2013. She also held the positions of Deputy minister of interior Minister of Tourism and Minister without Portfolio responsible for liaison with the Knesset and was in charge of the Israel's 60th Independence Day celebrations. Avraham was born in Rishon LeZion. Graduated from the Rakusin School in Ramla in the field of drafting machines. She holds a B.A. in political science from Bar-Ilan University. and an MBA from Peres Academic Center,", + "score": 0.66748046875 + }, + { + "id": "14324714", + "title": "S\u00f8lvi Wang", + "text": "the lead role in movies such as the 1964 comedy \"Pappa tar gull\" and the 1978 drama \"Hvem har bestemt?\". S\u00f8lvi Wang acted in a production of the musical \"Fiddler on the Roof\" in 1987. This performance marked her retirement from the public stage; since then she has not made any public performances. As a singer, even though she mastered the soft, subdued style of ballads in recordings, her vocal style has been described primarily as belting. This powerful, often sharp way of singing was a necessity in the world of live musical performance prior to the introduction of miniature", + "score": 0.66748046875 + }, + { + "id": "11970117", + "title": "Souad Faress", + "text": "Faress completed a writing course at City Literary Institute adult education college. Her other skills include dancing, horse riding, cricket and yoga. Faress appeared in two episodes of the BBC serial \"I, Claudius\" (1976) as a slave girl (shouting fire) and as a dancer who at Messalina's (second and bigamous) marriage party realises troops are coming to arrest them. In another early BBC appearance, she played the character Selma in the \"Blake's 7\" episode 'Horizon'. Since then, Faress has had substantial roles in films such as \"My Beautiful Laundrette\" (1985) and \"Sixth Happiness\" (1997), as well as much stage work", + "score": 0.66748046875 + }, + { + "id": "19017001", + "title": "Margareth \u00d8vrum", + "text": "services company. She has held directorships with Ratos, Elkem and Siemens Norge. Margareth \u00d8vrum has lived in Bergen since 1987. After working for three years offshore, she returned home to look after her three daughters and her dog. In her current position, she actively supports the role of women in the field: Margareth \u00d8vrum Margareth \u00d8vrum (born 19 September 1958) is a Norwegian engineer and business executive. Since 1982 she has worked for Statoil where she has been an executive vice-president since 2004. She has actively promoted the role of women in senior management. Born in Skien in the south", + "score": 0.66748046875 + }, + { + "id": "12727583", + "title": "Sofi Tsedaka", + "text": "Sofi Tsedaka Sofi Sarah Tsedaka (; born 26 October 1975) is an Israeli actress, singer, television presenter and politician. Born Sofi Tsedaka to a Samaritan family in the city of Holon, she formally converted to Judaism along with her siblings at the age of 18. She later married a Jewish man named Roni Azran. She played and sang on various TV shows and children video cassettes. She also released some singles to the Israeli radio. Tsedaka voiced Ella of Frell (played by Anne Hathaway) in the Hebrew dub of the film \"Ella Enchanted\". In the 2006 elections for the Knesset,", + "score": 0.6669921875 + } + ], + "answer": "There are several versions of Fiddler on the Roof. The original Broadway production of the show, which opened in 1964, had the first musical theatre run in history to surpass 3,000 performances. The character of Fruma Sarah, a ghostly depiction of the late wife of Lazar Wolf, is played by Carol Sawyer Yussel. In the 1971 film, Fiddler on the Roof, which theatrically released on November 3, 1971, by United Artists to critical and commercial success, Ruth Madoc played Fruma Sarah. In the 2015-2016 Broadway Revival of Fiddler on the Roof, American singer and actress Jessica Vosk played Fruma Sarah." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "What date did toronto host the mlb all-star game?", + "short_answers": [ + "July 9, 1991" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Which all-star game did toronto host?", + "short_answers": [ + "1991 Major League Baseball All-Star Game", + "the 62nd playing of the midsummer classic" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "List of Major League Baseball All-Star Game venues", + "url": "https://en.wikipedia.org/wiki/List%20of%20Major%20League%20Baseball%20All-Star%20Game%20venues" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "Toronto hosted the 1991 Major League Baseball All-Star Game which was the 62nd playing of the midsummer classic on July 9, 1991." + }, + { + "knowledge": [ + { + "content": "The venue for each All-Star Game is chosen by an MLB selection committee.", + "wikipage": "List of Major League Baseball All-Star Game venues Venue selection" + } + ], + "long_answer": "The 1991 Major League Baseball (MLB) All-Star Game was the 62nd playing of the midsummer classic between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The venue for each All-Star Game is chosen by an MLB selection committee. Toronto hosted the 1991 MLB All-Star Game on July 9, 1991." + } + ], + "sample_id": "732619765350082410", + "question": "When did toronto host the mlb all-star game?", + "docs": [ + { + "id": "10593583", + "title": "1991 Major League Baseball All-Star Game", + "text": "1991 Major League Baseball All-Star Game The 1991 Major League Baseball All-Star Game was the 62nd playing of the midsummer classic between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The game was held on July 9, 1991, at SkyDome in Toronto, the home of the Toronto Blue Jays of the American League. It was only the second time that the game was played outside the United States, as the National League's Montreal Expos hosted the 1982 Midsummer Classic at Olympic Stadium in Montreal, Quebec. The game resulted in the", + "score": 0.79931640625, + "summary": "The 1991 MLB All-Star Game was held on July 9, 1991, at SkyDome in Toronto.", + "extraction": "The MLB All-Star Game was held on July 9, 1991, at SkyDome in Toronto." + }, + { + "id": "11911451", + "title": "1982 Major League Baseball All-Star Game", + "text": "1982 Major League Baseball All-Star Game The 1982 Major League Baseball All-Star Game was the 53rd midseason exhibition between the all-stars of the American League (AL) and the National League (NL), the two leagues comprising Major League Baseball. The game was played on July 13, 1982, at Olympic Stadium in Montreal, Quebec, Canada, home of the Montreal Expos of the National League. The game resulted in a 4\u20131 victory for the NL, and Cincinnati Reds shortstop Dave Concepci\u00f3n was named the MVP. It is notable for being the first All-Star Game ever played outside the United States. This would be", + "score": 0.7548828125, + "summary": "Irrelevant.", + "extraction": "The passage is irrelevant to the question as it does not provide any information about the MLB All-Star Game being hosted by Toronto." + }, + { + "id": "9043208", + "title": "2007 Major League Baseball All-Star Game", + "text": "2007 Major League Baseball All-Star Game The 2007 Major League Baseball All-Star Game was the 78th midseason exhibition between the all-stars of the American League (AL) and the National League (NL), the two leagues comprising Major League Baseball. The game was held on July 10, 2007, at AT&T Park, the home of the NL's San Francisco Giants. It marked the third time that the Giants hosted the All Star Game since moving to San Francisco for the 1958 season. The 1961 and 1984 All Star Games were played at the Giants former home Candlestick Park, and the fourth overall in", + "score": 0.74267578125, + "summary": "The 2007 MLB All-Star Game was held on July 10, 2007, at AT&T Park in San Francisco. Toronto did not host the game.", + "extraction": "The MLB All-Star Game was held on July 10, 2007, in Toronto." + }, + { + "id": "10557352", + "title": "1993 Toronto Blue Jays season", + "text": "the Philadelphia Phillies in the World Series, also in six games. The team would not qualify for the post-season again until the 2015 season. This season marked the first time that a manager from the Blue Jays would manage the American League in the Major League Baseball All-Star Game. It was the 64th Mid-Summer Classic and was played on July 13 at Camden Yards in Baltimore with Cito Gaston leading the American League squad. John Olerud, Roberto Alomar, Joe Carter, and Paul Molitor were all starters for the American League. Pat Hentgen, Duane Ward and Devon White were named as", + "score": 0.73388671875, + "summary": "The 1993 Toronto Blue Jays season marked the first time that a manager from the Blue Jays would manage the American League in the Major League Baseball All-Star Game, which was played on July 13 at Camden Yards in Baltimore.", + "extraction": "The MLB All-Star Game was played on July 13 at Camden Yards in Baltimore in 1993." + }, + { + "id": "13277783", + "title": "2013 Major League Baseball All-Star Game", + "text": "2013 Major League Baseball All-Star Game The 2013 Major League Baseball All-Star Game was the 84th edition of the Major League Baseball All-Star Game. It was held on Tuesday, July 16, 2013 at Citi Field in Queens, New York City, the home of the New York Mets. This was the first time that the Mets have hosted an All-Star Game since 1964, the team's inaugural season at Shea Stadium, and the ninth time the All-Star Game was held in New York City. The game was last held in New York City in 2008, when the old Yankee Stadium hosted it", + "score": 0.73291015625, + "summary": "Irrelevant.", + "extraction": "The MLB All-Star Game was held on Tuesday, July 16, 2013 at Citi Field in Queens, New York City. Therefore, the answer to the question \"When did Toronto host the MLB All-Star Game?\" is irrelevant as Toronto is not mentioned in the passage." + }, + { + "id": "11911453", + "title": "1982 Major League Baseball All-Star Game", + "text": "1991 Major League Baseball All-Star Game in Toronto nine years later. It is also the last All-Star Game in which the manager of the runner-up for any league pennant managed in place of the manager of the defending league champions due to the latter's unemployment; Billy Martin of the Oakland Athletics managed in place of Bob Lemon, who had been fired by the New York Yankees, Martin's former team. Players in \"italics\" have since been inducted into the National Baseball Hall of Fame. The AL drew first blood in the first off NL starter Steve Rogers when Reggie Jackson drove", + "score": 0.73193359375, + "summary": "1982 Major League Baseball All-Star Game. Irrelevant to the question.", + "extraction": "1982 Major League Baseball All-Star Game." + }, + { + "id": "3517640", + "title": "2000 National Hockey League All-Star Game", + "text": "2000 National Hockey League All-Star Game The 2000 NHL All-Star Game was the 50th All-Star Game in the National Hockey League. It took place on February 6, 2000, at Air Canada Centre in Toronto, home to the Toronto Maple Leafs. The 1st NHL All-Star Game took place in 1947 and was also hosted by Toronto. The All-Star week festivities saw the Canadian Hockey League Top Prospects Game played on February 2, and an exhibition game between the Canadian and American women's national teams on February 3. The Heroes of Hockey game and the Skills Competition were held on February 5.", + "score": 0.73095703125, + "summary": "Toronto hosted the NHL All-Star Game in 2000, but there is no mention of the MLB All-Star Game. Answer: irrelevant.", + "extraction": "The passage is irrelevant to the question \"When did Toronto host the MLB All-Star Game?\" as it only talks about the 2000 National Hockey League All-Star Game." + }, + { + "id": "13583062", + "title": "2014 Major League Baseball All-Star Game", + "text": "between downtown Minneapolis and downtown Saint Paul, and began service on June 14, 2014. The Chicago Cubs were the only other team that made a bid for hosting the 2014 All-Star Game. Typically the leagues alternate hosts every year, except for 2006, 2007, 2015, and 2016, which were hosted by the Pittsburgh Pirates, San Francisco Giants, Cincinnati Reds and San Diego Padres, respectively. With 2014 being the American League's turn, Chicago made a bid hoping an exception would be made for the National League Cubs in order to honor the centennial of Wrigley Field (which last hosted an All-Star Game", + "score": 0.7294921875, + "summary": "Irrelevant.", + "extraction": "irrelevant. \n\nThe passage does not provide any information about Toronto hosting the MLB All-Star Game. It only mentions Minneapolis, Saint Paul, Chicago, Pittsburgh, San Francisco, Cincinnati, and San Diego as previous hosts." + }, + { + "id": "9981680", + "title": "2001 Major League Baseball All-Star Game", + "text": "2001 Major League Baseball All-Star Game The 2001 Major League Baseball All-Star Game was the 72nd playing of the midsummer classic between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The game was held on July 10, 2001 at Safeco Field in Seattle, Washington, home of the Seattle Mariners of the American League. The American League defeated the National League, 4\u20131. This was Cal Ripken, Jr.'s 19th and final All-Star Game. It was also the final All-Star Game for San Diego Padres legendary right fielder Tony Gwynn. In the first", + "score": 0.72802734375, + "summary": "Irrelevant.", + "extraction": "The passage states that the 2001 MLB All-Star Game was held on July 10, 2001, at Safeco Field in Seattle, Washington. Therefore, the useful span that answers the question is \"The game was held on July 10, 2001 at Safeco Field in Seattle, Washington.\"" + }, + { + "id": "10005201", + "title": "2000 Major League Baseball All-Star Game", + "text": "League president Len Coleman revoked the game from Miami in December 1998. The Marlins finally got to host the All-Star Game for the first time, 17 years later. Coleman announced Atlanta would be the replacement host of the game, giving the Braves the chance to host their first All-Star Game since 1972. Turner Field, which opened in 1997 played a factor in Coleman's decision to award the game to Atlanta, citing Major League Baseball's desire to have the All-Star Game played in newer venues as a way to showcase the ballparks. The 2000 All-Star Game was one of the few", + "score": 0.72802734375, + "summary": "The MLB All-Star Game was hosted by Atlanta in 2000, but the document does not provide the exact date.", + "extraction": "The 2000 All-Star Game." + }, + { + "id": "10005200", + "title": "2000 Major League Baseball All-Star Game", + "text": "2000 Major League Baseball All-Star Game The 2000 Major League Baseball All-Star Game was the 71st playing of the midsummer classic between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The game was held on July 11, 2000 at Turner Field in Atlanta, Georgia, home of the Atlanta Braves of the National League. The Florida Marlins were originally awarded the 2000 All-Star Game in July 1995, but due to concerns over the chronically low attendance figures at Pro Player Stadium and the long-term viability of the South Florida market, National", + "score": 0.7275390625, + "summary": "The document states that the 2000 MLB All-Star Game was held on July 11, 2000, but it doesn't mention anything about Toronto hosting the event. Therefore, the answer is irrelevant.", + "extraction": "The 2000 Major League Baseball All-Star Game was held on July 11, 2000 at Turner Field in Atlanta, Georgia." + }, + { + "id": "10005203", + "title": "2000 Major League Baseball All-Star Game", + "text": "Fame. 2000 Major League Baseball All-Star Game The 2000 Major League Baseball All-Star Game was the 71st playing of the midsummer classic between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The game was held on July 11, 2000 at Turner Field in Atlanta, Georgia, home of the Atlanta Braves of the National League. The Florida Marlins were originally awarded the 2000 All-Star Game in July 1995, but due to concerns over the chronically low attendance figures at Pro Player Stadium and the long-term viability of the South Florida market,", + "score": 0.7265625, + "summary": "The 2000 Major League Baseball All-Star Game was held on July 11, 2000 at Turner Field in Atlanta, Georgia. Toronto did not host the game.", + "extraction": "Toronto did not host the MLB All-Star Game in the given passage. The answer is irrelevant." + }, + { + "id": "3517646", + "title": "2000 National Hockey League All-Star Game", + "text": "win All-Star MVP honors. 2000 National Hockey League All-Star Game The 2000 NHL All-Star Game was the 50th All-Star Game in the National Hockey League. It took place on February 6, 2000, at Air Canada Centre in Toronto, home to the Toronto Maple Leafs. The 1st NHL All-Star Game took place in 1947 and was also hosted by Toronto. The All-Star week festivities saw the Canadian Hockey League Top Prospects Game played on February 2, and an exhibition game between the Canadian and American women's national teams on February 3. The Heroes of Hockey game and the Skills Competition were", + "score": 0.7255859375, + "summary": "Toronto hosted the NHL All-Star Game on February 6, 2000.", + "extraction": "February 6, 2000" + }, + { + "id": "9989605", + "title": "1999 Major League Baseball All-Star Game", + "text": "1999 Major League Baseball All-Star Game The 1999 Major League Baseball All-Star Game was the 70th playing of the midsummer classic between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The game was held on July 13, 1999, at Fenway Park in Boston, Massachusetts, the home of the Boston Red Sox of the American League. Fenway Park was chosen as host because the owners at the time were planning to build a New Fenway Park in a few years but were unable to get the project off the ground in", + "score": 0.7255859375, + "summary": "Irrelevant.", + "extraction": "Toronto is not mentioned in the passage, so the answer is \"irrelevant\"." + }, + { + "id": "10795886", + "title": "1977 Major League Baseball All-Star Game", + "text": "1977 Major League Baseball All-Star Game The 1977 Major League Baseball All-Star Game was the 48th playing of the midsummer classic between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The game was held on July 19, 1977, at Yankee Stadium in The Bronx, New York, New York the home of the New York Yankees of the American League. The game resulted in the National League defeating the American League 7\u20135. The host Yankees won the World Series; the third time in history that a team hosting the All-Star Game", + "score": 0.72509765625, + "summary": "The document states that the 1977 Major League Baseball All-Star Game was held on July 19, 1977, at Yankee Stadium in New York. Toronto hosting the MLB All-Star Game is not mentioned, so the answer is irrelevant.", + "extraction": "The passage is irrelevant to the question." + }, + { + "id": "11911605", + "title": "1980 Major League Baseball All-Star Game", + "text": "featured Disney characters. Later, Edwards Air Force Base of Rosamond, California, provided both the colors presentation and, after the Los Angeles All-City Band performed the Canadian and U.S. National Anthems, the flyover ceremonies. This All-Star Game marked the first nationally televised US performance of \"O Canada\" after it had officially been designated the Canadian National Anthem eight days earlier on July 1, 1980. It also marked the debut of the modern-day large-scale video screen, with the first such video scoreboard, Diamond Vision by Mitsubishi Electric, being introduced at this game. The AL and NL were locked in a scoreless duel", + "score": 0.72119140625, + "summary": "The document is irrelevant to the question as it does not mention when Toronto hosted the MLB All-Star Game.", + "extraction": "Irrelevant. The passage does not provide any information about when Toronto hosted the MLB All-Star Game." + }, + { + "id": "8437842", + "title": "2005 Major League Baseball All-Star Game", + "text": "2005 Major League Baseball All-Star Game The 2005 Major League Baseball All-Star Game was the 76th playing of the midseason exhibition baseball game between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The game was held on July 12, 2005 at Comerica Park in Detroit, Michigan, the home of the Detroit Tigers of the American League. The game resulted in the American League defeating the National League 7\u20135, thus awarding an AL team (which eventually came to be the Chicago White Sox) home-field advantage in the 2005 World Series. The", + "score": 0.720703125, + "summary": "The 2005 MLB All-Star Game was hosted by Detroit on July 12, 2005. Toronto did not host the game that year.", + "extraction": "The 2005 MLB All-Star Game was held on July 12, 2005, at Comerica Park in Detroit, Michigan." + }, + { + "id": "9423042", + "title": "2008 Major League Baseball All-Star Game", + "text": "2008 Major League Baseball All-Star Game The 2008 Major League Baseball All-Star Game was the 79th midseason exhibition between the all-stars of the American League (AL) and the National League (NL), the two leagues comprising Major League Baseball. The game was played at Yankee Stadium in The Bronx, New York City, home of the New York Yankees, on July 15, 2008 and began at 8:47 p.m. ET. The game ended at 1:38 a.m. ET the following morning. The home American League won 4\u20133 in 15 innings, giving home field advantage in the 2008 World Series to the AL champion, which", + "score": 0.71923828125, + "summary": "Irrelevant.", + "extraction": "Toronto did not host the MLB All-Star Game in 2008. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "13216657", + "title": "1964 Major League Baseball All-Star Game", + "text": "1964 Major League Baseball All-Star Game The 1964 Major League Baseball All-Star Game was the 35th midseason exhibition between the all-stars of the American League (AL) and the National League (NL), the two leagues comprising Major League Baseball. The game was played on July 7, 1964, at Shea Stadium in New York City, New York, home of the New York Mets of the National League. The game was a 7\u20134 victory for the NL. Johnny Callison hit a walk-off home run, the most recent MLB All-Star game to end in such a fashion. National League starter Don Drysdale gave up", + "score": 0.71826171875, + "summary": "Irrelevant.", + "extraction": "Toronto is not mentioned in the passage, therefore the extracted span is \"irrelevant\"." + }, + { + "id": "11939077", + "title": "1976 Major League Baseball All-Star Game", + "text": "were played in Philadelphia's Shibe Park with the then Philadelphia Athletics hosting in 1943 and the Phillies hosting in 1952. The All-Star Game would return to Veterans Stadium in 1996. The honorary captains were Robin Roberts (for the NL) and Bob Lemon (for the AL). Starting with this All-Star Game, both \"O Canada\" and \"The Star-Spangled Banner\" would be sung as part of the annual pregame ceremonies. The American League roster included 7 future \"Hall of Fame players\". The National League roster included 5 future \"Hall of Fame players\". While the starters were elected by the fans, the batting orders", + "score": 0.7177734375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not contain any information about Toronto hosting the MLB All-Star Game." + }, + { + "id": "10056578", + "title": "Sports in Toronto", + "text": "as both a player and a manager. Toronto interests long pursued a major league team for the city. Toronto was proposed as the home for a National League (NL) team by Albert Spalding when he was established the league in 1876. Exhibition games were played by both the NL and American League (AL) of Major League Baseball (MLB) in Toronto in the 1910s. Member of Parliament Bernard Rickart Hepburn was granted a Toronto franchise by the Federal League, a rival major league to the NL and AL, for its inaugural season in 1914, after the franchise was revoked from Cleveland.", + "score": 0.71728515625 + }, + { + "id": "8886388", + "title": "2003 Major League Baseball All-Star Game", + "text": "2003 Major League Baseball All-Star Game The 2003 Major League Baseball All-Star Game was the 74th midsummer classic between the all-stars of the American League (AL) and National League (NL), the two leagues constituting Major League Baseball, and celebrated the 70th anniversary of the inaugural All-Star Game played in Chicago, Illinois in 1933. The game was held on July 15, 2003 at U.S. Cellular Field, the home of the Chicago White Sox of the American League. The game resulted in the American League defeating the National League 7\u20136, thus awarding an AL team (which was eventually the New York Yankees)", + "score": 0.71728515625 + }, + { + "id": "8738125", + "title": "2004 Major League Baseball All-Star Game", + "text": "2004 Major League Baseball All-Star Game The 2004 Major League Baseball All-Star Game was the 75th playing of the midseason exhibition baseball game between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The game was held on July 13, 2004 at Minute Maid Park in Houston, Texas, the home of the Houston Astros of the National League. The game resulted in the American League defeating the National League 9\u20134, thus awarding an AL team (which would eventually be the Boston Red Sox) home-field advantage in the 2004 World Series. Players", + "score": 0.716796875 + }, + { + "id": "18488375", + "title": "2017 Major League Baseball All-Star Game", + "text": "2017 Major League Baseball All-Star Game The 2017 Major League Baseball All-Star Game was the 88th edition of the Major League Baseball All Star Game. The game was hosted by the Miami Marlins and was played at Marlins Park on July 11, 2017. It was televised nationally by Fox. The game was the first since 2002 whose outcome did not determine home-field advantage for the World Series; instead, the team with the better regular-season record will have home-field advantage. The Marlins were announced as the hosts on February 10, 2015, by Major League Baseball Commissioner Rob Manfred; the game was", + "score": 0.71630859375 + }, + { + "id": "15070970", + "title": "Venues of the 1976 Summer Olympics", + "text": "both disqualifications were rescinded by the International Canoe Federation. In 1977, Major League Baseball's (MLB) Montreal Expos moved into Olympic Stadium from their home at Jarry Park Stadium. Jarry Park was the Expos's home from their founding in 1969 until 1976. Olympic Stadium became the first venue outside of the United States to host the MLB All-Star Game in 1982. The same year that the Expos moved into Olympic Stadium also saw the CFL's Alouettes move into, where they would stay until 1981 when they went bankrupt. The Alouettes were sold to Montreal businessman Charles Bronfman in 1982 and renamed", + "score": 0.71630859375 + }, + { + "id": "9992559", + "title": "1998 Major League Baseball All-Star Game", + "text": "1998 Major League Baseball All-Star Game The 1998 Major League Baseball All-Star Game was the 69th playing of the midsummer classic between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The game was held on July 7, 1998, at Coors Field in Denver, Colorado, the home of the Colorado Rockies of the National League. The first All-Star contest played in the Mountain Time Zone, the game resulted in the American League defeating the National League 13-8. It remains the highest-scoring All-Star Game in MLB history. The pregame ceremony honored the", + "score": 0.71533203125 + }, + { + "id": "14486347", + "title": "1958 Major League Baseball All-Star Game", + "text": "1958 Major League Baseball All-Star Game The 1958 Major League Baseball All-Star Game was the 25th playing of the midsummer classic between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The game was held on July 8, 1958, at Memorial Stadium in Baltimore, Maryland, the home of the Baltimore Orioles of the American League. This was the first Major League Baseball All-Star Game without an extra base hit. For this Diamond Jubilee game, the opening pitch was made by U.S. Vice President Richard Nixon, who was to become President 10", + "score": 0.71484375 + }, + { + "id": "8261881", + "title": "2006 Major League Baseball All-Star Game", + "text": "2006 Major League Baseball All-Star Game The 2006 Major League Baseball All-Star Game was the 77th playing of the midseason exhibition baseball game between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The game was held on July 11, 2006 at PNC Park in Pittsburgh, Pennsylvania, the home of the Pittsburgh Pirates of the National League. The contest was the fifth hosted by the city of Pittsburgh \u2013 tying the Cleveland Indians for the record of most times hosted by a single franchise. The game resulted in the American League", + "score": 0.7138671875 + }, + { + "id": "1937917", + "title": "Major League Baseball All-Star Game", + "text": "by the NL hosting the next two seasons). The second was when the two-game format during the 1959\u20131962 seasons resulted in the AL being one game ahead in turn. This was corrected in 2007, when the NL San Francisco Giants were the host for the 2007 All-Star Game, which also set up the 2008 game to be held at the AL's original Yankee Stadium in its final season. It was broken when again the NL hosted the four straight games from 2015-2018 (in Cincinnati, San Diego, Miami & Washington). The AL will host its next game in 2019 in Cleveland.", + "score": 0.71337890625 + }, + { + "id": "8738126", + "title": "2004 Major League Baseball All-Star Game", + "text": "in \"italics\" have since been inducted into the National Baseball Hall of Fame. Notes 2004 Major League Baseball All-Star Game The 2004 Major League Baseball All-Star Game was the 75th playing of the midseason exhibition baseball game between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The game was held on July 13, 2004 at Minute Maid Park in Houston, Texas, the home of the Houston Astros of the National League. The game resulted in the American League defeating the National League 9\u20134, thus awarding an AL team (which would", + "score": 0.71337890625 + }, + { + "id": "11909972", + "title": "1984 Major League Baseball All-Star Game", + "text": "1984 Major League Baseball All-Star Game The 1984 Major League Baseball All-Star Game was the 55th midseason exhibition between the all-stars of the American League (AL) and the National League (NL), the two leagues comprising Major League Baseball. The game was played on July 10, 1984, at Candlestick Park in San Francisco, home of the San Francisco Giants of the National League. The game resulted in a 3-1 victory for the NL. Of the three All-Star Games played in San Francisco to date, it is the only one to have been held in an even-numbered year. Candlestick Park's only other", + "score": 0.712890625 + }, + { + "id": "11416127", + "title": "1987 Major League Baseball All-Star Game", + "text": "1987 Major League Baseball All-Star Game The 1987 Major League Baseball All-Star Game was the 58th playing of the midsummer classic between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The game was held on July 14, 1987, at the Oakland\u2013Alameda County Coliseum in Oakland, California, the home of the Oakland Athletics of the American League. The game resulted in the National League defeating the American League 2-0 in 13 innings. Montreal Expos outfielder Tim Raines was named the Most Valuable Player. Players in \"italics\" have since been inducted into", + "score": 0.712890625 + }, + { + "id": "13248434", + "title": "2011 Major League Baseball All-Star Game", + "text": "or personal reasons. Diamondbacks manager Bob Melvin confirmed on April 10, 2009 that Arizona would host the 2011 All-Star Game and it was officially announced by Commissioner Bud Selig the next day. Phoenix had never hosted the All-Star Game before; the last first-time host city was Denver, Colorado in 1998. The game was the ninth straight All-Star Game to decide home-field advantage in the World Series. Prior All-Star games had only used the designated hitter (DH) rule when in American League parks. However, the 2011 game was the first to feature a DH in a NL park following a rules", + "score": 0.71240234375 + }, + { + "id": "9423046", + "title": "2008 Major League Baseball All-Star Game", + "text": "game hosted at the Stadium and the eighth held in New York City, it was the first time since 1977 that the game had been played in the city (the last time also at Yankee Stadium). It had been speculated for months that the game would be held in Yankee Stadium, accelerated by the announcement that the 2008 season would be the 84th and final one for the stadium before the team moved into the new Yankee Stadium in 2009. Thus, it was seen as a fitting tribute to the old stadium that it host an All-Star Game in its", + "score": 0.71240234375 + }, + { + "id": "13583038", + "title": "2012 Major League Baseball All-Star Game", + "text": "2012 Major League Baseball All-Star Game The 2012 Major League Baseball All-Star Game was the 83rd edition of the Major League Baseball All-Star Game. It was held on July 10, 2012, during the 2012 Major League Baseball season at Kauffman Stadium in Kansas City, Missouri, home of the Kansas City Royals. This marked the third time the Mid-summer Classic had been played in Kansas City, with Kauffman Stadium (then named Royals Stadium) last hosting the event in 1973, the stadium's first year of existence. The event was also held at Municipal Stadium in 1960, when the Athletics were still based", + "score": 0.7119140625 + }, + { + "id": "10761965", + "title": "1988 Major League Baseball All-Star Game", + "text": "1988 Major League Baseball All-Star Game The 1988 Major League Baseball All-Star Game was the 59th playing of the \"Midsummer Classic\" between Major League Baseball's American League (AL) and National League All-Star teams. The All-Star Game was held on July 12, 1988, at Riverfront Stadium in Cincinnati, Ohio, the home of the NL's Cincinnati Reds. The game resulted in the AL defeating the NL 2-1. Terry Steinbach, a catcher for the AL's Oakland Athletics, won the All-Star game's most valuable player award. Steinbach was credited with both of the AL's two runs in the game. Frank Viola of the Minnesota", + "score": 0.71142578125 + }, + { + "id": "10261488", + "title": "1993 Major League Baseball All-Star Game", + "text": "1993 Major League Baseball All-Star Game The 1993 Major League Baseball All-Star Game was the 64th playing of the midsummer classic between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The game was held on July 13, 1993, at Oriole Park at Camden Yards in Baltimore, Maryland, the home of the Baltimore Orioles of the American League. The game resulted in the American League defeating the National League 9-3. This is also the last Major League Baseball All-Star Game to date to be televised by CBS. Players in \"italics\" have", + "score": 0.7109375 + }, + { + "id": "10546226", + "title": "1995 Major League Baseball All-Star Game", + "text": "1995 Major League Baseball All-Star Game The 1995 Major League Baseball All-Star Game was the 66th playing of the midsummer classic between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The game was held on July 11, 1995, at The Ballpark in Arlington in Arlington, Texas, the home of the Texas Rangers of the American League. It was the first All-Star Game held in the Dallas-Fort Worth area, but not the first hosted by the franchise (as the Washington Senators, the team hosted the game in 1962 and 1969). In", + "score": 0.71044921875 + }, + { + "id": "13216660", + "title": "1964 Major League Baseball All-Star Game", + "text": "for injured player 1964 Major League Baseball All-Star Game The 1964 Major League Baseball All-Star Game was the 35th midseason exhibition between the all-stars of the American League (AL) and the National League (NL), the two leagues comprising Major League Baseball. The game was played on July 7, 1964, at Shea Stadium in New York City, New York, home of the New York Mets of the National League. The game was a 7\u20134 victory for the NL. Johnny Callison hit a walk-off home run, the most recent MLB All-Star game to end in such a fashion. National League starter Don", + "score": 0.71044921875 + }, + { + "id": "9981683", + "title": "2001 Major League Baseball All-Star Game", + "text": "AL. Cal Ripken was awarded the game's MVP, becoming the fourth player ever to win two All-Star Game MVP awards. 2001 Major League Baseball All-Star Game The 2001 Major League Baseball All-Star Game was the 72nd playing of the midsummer classic between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The game was held on July 10, 2001 at Safeco Field in Seattle, Washington, home of the Seattle Mariners of the American League. The American League defeated the National League, 4\u20131. This was Cal Ripken, Jr.'s 19th and final All-Star", + "score": 0.7099609375 + }, + { + "id": "6024850", + "title": "Toronto Maple Leafs (International League)", + "text": "Pawtucket Red Sox. In 1969, the year after the demise of the Triple-A Leafs, a new Toronto Maple Leafs began play as an amateur team belonging to the Ontario-only Intercounty Baseball League. Major League Baseball arrived in the city of Toronto during the next wave of expansion, in 1977, with the Toronto Blue Jays. Toronto won the Eastern League/International League pennant 12 times: 1887, 1902, 1907, 1912, 1917, 1918, 1926, 1943, 1954, 1956, 1957, and 1960. The team won the Governors' Cup four times: 1934, 1960, 1965, and 1966 (finalists in 1943, 1955, 1956, 1958), and won the Junior World", + "score": 0.7099609375 + }, + { + "id": "10552284", + "title": "1994 Major League Baseball All-Star Game", + "text": "1994 Major League Baseball All-Star Game The 1994 Major League Baseball All-Star Game was the 65th playing of the midsummer classic between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The game was held on July 12, 1994, at Three Rivers Stadium in Pittsburgh, Pennsylvania, the home of the Pittsburgh Pirates of the National League\u2014tying the Indians for the all-time record of most All-Star Games hosted by one franchise, as the Pirates had also hosted in 1944, 1959, and 1974 (and would again in 2006). The game resulted in the", + "score": 0.70947265625 + }, + { + "id": "17103959", + "title": "2016 NBA All-Star Game", + "text": "2016 NBA All-Star Game The 2016 NBA All-Star Game was an exhibition basketball game that was played on February 14, 2016. It was the 65th NBA All-Star Game. The Western Conference won 196\u2013173 over the Eastern Conference, and Russell Westbrook was named the NBA All-Star Game Most Valuable Player (MVP). It was held at Air Canada Centre in Toronto, home of the Toronto Raptors. The Raptors were awarded the All-Star Game in an announcement on September 30, 2013. This was the first time that the game was held outside the United States. TSN and Sportsnet televised the game nationally in", + "score": 0.70947265625 + }, + { + "id": "271888", + "title": "Montreal Expos", + "text": "All-Star Game on July 13, 1982, Expos fans voted four of their own into the starting lineup: Carter, Dawson, Raines and Rogers, while Al Oliver was named as a reserve. It was only the second time since 1969 that the host team had four starters. The National League claimed a 4\u20131 victory in front of 59,057 fans in the first All-Star Game held outside of the United States; Rogers was the winning pitcher. Baseball historian and author Jonah Keri argued in his book \"Up, Up and Away\" that \"no one at the stadium could know it then, but baseball in", + "score": 0.708984375 + }, + { + "id": "12510785", + "title": "1970 Major League Baseball All-Star Game", + "text": "scheduled to be played at night, but it was rained out and played the following afternoon.) Every All-Star Game since 1970 has been played at night. Riverfront Stadium had barely been open two weeks when it hosted its first All-Star Game. The game was hosted by the Cincinnati Reds twice before (1938 and 1953) when their home park was Crosley Field. The Reds would host one more All-Star Game at Riverfront Stadium in 1988. So close was the opening of the stadium and the scheduled exhibition game, that Major League Baseball Commissioner Bowie Kuhn did not confirm that the game", + "score": 0.7080078125 + }, + { + "id": "13583061", + "title": "2014 Major League Baseball All-Star Game", + "text": "2014 Major League Baseball All-Star Game The 2014 Major League Baseball All-Star Game was the 85th edition of the Major League Baseball All-Star Game, held at Target Field in Minneapolis, Minnesota, the home of the Minnesota Twins. This was the third All-Star Game played in the Twin Cities; Metropolitan Stadium hosted the game in 1965, while the Hubert H. Humphrey Metrodome hosted the game in 1985. It was televised in the United States on Fox as part of a new eight-year deal. In preparation for the game the Twin Cities' transit company, MetroTransit, completed the new METRO Green Line light-rail", + "score": 0.70751953125 + }, + { + "id": "10795890", + "title": "1977 Major League Baseball All-Star Game", + "text": "off Rich Gossage for the final margin. 1977 Major League Baseball All-Star Game The 1977 Major League Baseball All-Star Game was the 48th playing of the midsummer classic between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The game was held on July 19, 1977, at Yankee Stadium in The Bronx, New York, New York the home of the New York Yankees of the American League. The game resulted in the National League defeating the American League 7\u20135. The host Yankees won the World Series; the third time in history", + "score": 0.70751953125 + }, + { + "id": "10591452", + "title": "1989 Major League Baseball All-Star Game", + "text": "1989 Major League Baseball All-Star Game The 1989 Major League Baseball All-Star Game was the 60th playing of the midsummer classic between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The game was held on July 11, 1989, at Anaheim Stadium in Anaheim, California, the home of the California Angels of the American League. The game is noted for being the first in All-Star Game history to include the designated hitter. The game resulted in the American League defeating the National League 5-3. The game is remembered for Bo Jackson's", + "score": 0.70751953125 + }, + { + "id": "12512613", + "title": "1971 Major League Baseball All-Star Game", + "text": "1971 Major League Baseball All-Star Game The 1971 Major League Baseball All-Star Game, the 42nd such game, was played on July 13, 1971. The all-stars from the American League and the National League faced each other at Tiger Stadium, home of the Detroit Tigers. The American League won by a score of 6\u20134. This was the third time that the Tigers had hosted the All-Star Game (at the previous two in 1941 and 1951, Tiger Stadium had been called \"Briggs Stadium\"). This would be the last time Tiger Stadium hosted the All-Star Game, as when it returned to Detroit in", + "score": 0.70654296875 + }, + { + "id": "9377270", + "title": "2002 Major League Baseball All-Star Game", + "text": "2002 Major League Baseball All-Star Game The 2002 Major League Baseball All-Star Game was the 73rd playing of the midsummer classic between the all-stars of the American League (AL) and National League (NL), the two leagues that make up Major League Baseball. The game was held on July 9, 2002 at Miller Park in Milwaukee, Wisconsin, the home of the Milwaukee Brewers of the NL. The game controversially ended with a 7\u20137 tie due to both teams running out of available pitchers. Beginning the next year, home field advantage in the World Series would be awarded to the winning league", + "score": 0.7060546875 + }, + { + "id": "10546229", + "title": "1995 Major League Baseball All-Star Game", + "text": "since been inducted into the National Baseball Hall of Fame. 1995 Major League Baseball All-Star Game The 1995 Major League Baseball All-Star Game was the 66th playing of the midsummer classic between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The game was held on July 11, 1995, at The Ballpark in Arlington in Arlington, Texas, the home of the Texas Rangers of the American League. It was the first All-Star Game held in the Dallas-Fort Worth area, but not the first hosted by the franchise (as the Washington Senators,", + "score": 0.705078125 + }, + { + "id": "12734731", + "title": "1968 Major League Baseball All-Star Game", + "text": "1968 Major League Baseball All-Star Game The 1968 Major League Baseball All-Star Game was the 39th playing of the midsummer classic between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The game was held on July 9, 1968, at the Astrodome in Houston, Texas the home of the Houston Astros of the National League, making this the first All-Star Game to be played indoors. The game resulted in the National League defeating the American League 1\u20130. It is the only All-Star Game ever played without a run batted in (RBI).", + "score": 0.705078125 + }, + { + "id": "11416130", + "title": "1987 Major League Baseball All-Star Game", + "text": "or Hubie Brooks. 1987 Major League Baseball All-Star Game The 1987 Major League Baseball All-Star Game was the 58th playing of the midsummer classic between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The game was held on July 14, 1987, at the Oakland\u2013Alameda County Coliseum in Oakland, California, the home of the Oakland Athletics of the American League. The game resulted in the National League defeating the American League 2-0 in 13 innings. Montreal Expos outfielder Tim Raines was named the Most Valuable Player. Players in \"italics\" have since", + "score": 0.70458984375 + }, + { + "id": "1937915", + "title": "Major League Baseball All-Star Game", + "text": "tied for the most times a venue has hosted the All-Star game, both hosting four games. New York City has hosted more than any other city, having done so nine times in five different stadiums. At the same time, the New York Mets failed to host for 48 seasons (1965\u20132012), while the Los Angeles Dodgers have not hosted since 1980 () and will do so in 2020. (The Dodgers hosted the second all star game on August 3rd, 1959.) Among current major league teams, the Tampa Bay Rays have yet to host the All-Star game. In the first two decades", + "score": 0.70458984375 + }, + { + "id": "6024832", + "title": "Toronto Maple Leafs (International League)", + "text": "played from 1886\u20131890. The baseball stadium that would come to be known as Sunlight Park was built for the team and opened on May 22, 1886, with Toronto defeating Rochester 10\u20133 in front of 3,000 fans. Toronto won the pennant in 1887, behind 33-game-winner Edward Nicholas Cannonball Crane, who also led the team in hitting with a .428 batting average (walks were counted as hits for that season). The league folded in July 1890. In 1895, Toronto resurfaced in the original Eastern League (which in 1902 was designated Class A, at that time one level below Major League Baseball), where", + "score": 0.7041015625 + }, + { + "id": "10507276", + "title": "1997 Major League Baseball All-Star Game", + "text": "1997 Major League Baseball All-Star Game The 1997 Major League Baseball All-Star Game was the 68th playing of the midsummer classic between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The game was held on July 8, 1997, at Jacobs Field in Cleveland, the home of the Cleveland Indians of the American League. The game resulted in the American League defeating the National League 3-1. The game marked the fifth time the All-Star Game was held in Cleveland and first since 1981. It was also the first All-Star game held", + "score": 0.703125 + }, + { + "id": "11427143", + "title": "1974 Major League Baseball All-Star Game", + "text": "1974 Major League Baseball All-Star Game The 1974 Major League Baseball All-Star Game was the 45th playing of the midsummer classic between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The game was held on July 23, 1974, at Three Rivers Stadium in Pittsburgh, Pennsylvania the home of the Pittsburgh Pirates of the National League. The game resulted in the National League defeating the American League 7\u20132. This marked the third time the Pirates had been host for the All-Star Game (the first two having been in 1944 and the", + "score": 0.703125 + }, + { + "id": "19935253", + "title": "2019 Major League Baseball All-Star Game", + "text": "2019 Major League Baseball All-Star Game The 2019 Major League Baseball All-Star Game will be the 90th Major League Baseball All-Star Game. The game will be hosted by the Cleveland Indians and will be played at Progressive Field on July 9, 2019. The decision to name Cleveland the host city was announced on January 27, 2017 by Major League Baseball Commissioner Rob Manfred. It will be the sixth All-Star Game in Cleveland, and the first since 1997; this will establish the Indians as the team to have hosted the most All-Star Games, breaking a four-way tie with the Pittsburgh Pirates,", + "score": 0.7021484375 + }, + { + "id": "11468850", + "title": "1985 Major League Baseball All-Star Game", + "text": "AL's second home run. Attendance was announced as 54,960. 1985 Major League Baseball All-Star Game The 1985 Major League Baseball All-Star Game was the 56th playing of the game, annually played between the All-Stars of the National League and the All-Stars of the American League. The game was played on July 16, 1985, in the Hubert H. Humphrey Metrodome in Minneapolis, Minnesota, home of the Minnesota Twins. Players in \"italics\" have since been inducted into the National Baseball Hall of Fame. NL Batting Order AL Batting Order The National League won the game 6\u20131, with the winning pitcher being LaMarr", + "score": 0.70166015625 + }, + { + "id": "11427149", + "title": "1974 Major League Baseball All-Star Game", + "text": "successful write-in campaign. 1974 Major League Baseball All-Star Game The 1974 Major League Baseball All-Star Game was the 45th playing of the midsummer classic between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The game was held on July 23, 1974, at Three Rivers Stadium in Pittsburgh, Pennsylvania the home of the Pittsburgh Pirates of the National League. The game resulted in the National League defeating the American League 7\u20132. This marked the third time the Pirates had been host for the All-Star Game (the first two having been in", + "score": 0.70166015625 + }, + { + "id": "744877", + "title": "Toronto", + "text": "Association (NBA) in 1995, and have since earned seven playoff spots and three Atlantic Division titles in 20 seasons. The Raptors are the only NBA team with their own television channel, NBA TV Canada. They and the Maple Leafs play their home games at the Scotiabank Arena. In 2016, Toronto hosted the 65th NBA All-Star game, the first to be held outside the United States. The city is represented in the Canadian Football League by the Toronto Argonauts, who have won 17 Grey Cup titles. Toronto is represented in Major League Soccer by the Toronto FC, who have won six", + "score": 0.701171875 + }, + { + "id": "11935832", + "title": "1978 Major League Baseball All-Star Game", + "text": "1978 Major League Baseball All-Star Game The 1978 Major League Baseball All-Star Game was the 49th midseason exhibition between the all-stars of the American League (AL) and the National League (NL), the two leagues comprising Major League Baseball. The game was played on July 11, 1978, at San Diego Stadium in San Diego, home of the San Diego Padres of the National League. The game resulted in a 7-3 victory for the NL. This was the first All-Star Game to be played in San Diego. It would return in 1992 to be played in the same stadium, though it was", + "score": 0.701171875 + }, + { + "id": "10795887", + "title": "1977 Major League Baseball All-Star Game", + "text": "would win the World Series in the same year. As of 2008, the 1977 Yankees were the last team to accomplish this. The previous teams to accomplish this were the 1939 New York Yankees and the 1959 Los Angeles Dodgers. This was Yankee Stadium's third time as host of the All-Star Game, and it would be its last until 2008; the last year of the park's use by the Yankees. Players in \"italics\" have since been inducted into the National Baseball Hall of Fame. The National League started with Joe Morgan blasting American League starter Jim Palmer's sixth pitch into", + "score": 0.70068359375 + }, + { + "id": "18488376", + "title": "2017 Major League Baseball All-Star Game", + "text": "the Marlins' first time hosting, leaving the Tampa Bay Rays as the only MLB franchise not to have hosted an All-Star game. The Marlins initially were slated to host the 2000 All-Star Game, prior to having it revoked by then-National League president Len Coleman due to the concerns of both the franchise's long-term viability in the South Florida market, along with the habitually low attendance figures at Pro Player Stadium. That game would be moved to Turner Field in Atlanta. The American League won, 2\u20131, in 10 innings. Robinson Can\u00f3, second baseman for the Seattle Mariners, hit the game winning", + "score": 0.7001953125 + }, + { + "id": "12267946", + "title": "1972 Major League Baseball All-Star Game", + "text": "1972 Major League Baseball All-Star Game The 1972 Major League Baseball All-Star Game, the 43rd such game, was played on July 25, 1972. The all-stars from the American League and the National League faced each other at Atlanta Stadium, home of the Atlanta Braves. The National League came away with a 4\u20133 win in 10 innings. This was the third All-Star Game hosted by the Braves (1936 and 1955), but the first All-Star Game to be hosted by the team in Atlanta (the previous two being hosted in their previous homes of Boston and Milwaukee, respectively). This would be the", + "score": 0.69970703125 + }, + { + "id": "12510784", + "title": "1970 Major League Baseball All-Star Game", + "text": "1970 Major League Baseball All-Star Game The 1970 Major League Baseball All-Star Game was the 41st midseason exhibition between the all-stars of the American League (AL) and the National League (NL), the two leagues comprising Major League Baseball. The game was played on the evening of July 14, 1970, at Riverfront Stadium in Cincinnati, Ohio, home of the Cincinnati Reds of the National League, and resulted in a 5\u20134 victory for the NL. This was the first MLB All-Star Game ever played at night, coinciding with prime time in the Eastern United States. (The previous year's All-Star Game was originally", + "score": 0.69970703125 + }, + { + "id": "6222572", + "title": "American Association of Independent Professional Baseball", + "text": "from 2006 to 2010. The league's first All-Star game was played in El Paso, Texas, on July 18, 2006, which pit a team of American Association All-Stars against an All-Star team from the Can-Am League. Its current format pits the all-stars from each division against each other. There was no All-Star game in 2011, 2012, or 2013. The Winnipeg Goldeyes hosted the 2014 All-Star game. American Association of Independent Professional Baseball The American Association of Independent Professional Baseball is an independent professional baseball league founded in 2005. It operates in the central United States and Canada, mostly in cities not", + "score": 0.69970703125 + }, + { + "id": "13583046", + "title": "2012 Major League Baseball All-Star Game", + "text": ", clear; Wind: 11 mph, in from left field
Time of Game: 2:59
Attendance: 40,933 2012 Major League Baseball All-Star Game The 2012 Major League Baseball All-Star Game was the 83rd edition of the Major League Baseball All-Star Game. It was held on July 10, 2012, during the 2012 Major League Baseball season at Kauffman Stadium in Kansas City, Missouri, home of the Kansas City Royals. This marked the third time the Mid-summer Classic had been played in Kansas City, with Kauffman Stadium (then named Royals Stadium) last hosting the event in 1973, the stadium's first year of", + "score": 0.69970703125 + }, + { + "id": "13277787", + "title": "2013 Major League Baseball All-Star Game", + "text": "field
Time of Game: 3:06
Attendance: 45,186 2013 Major League Baseball All-Star Game The 2013 Major League Baseball All-Star Game was the 84th edition of the Major League Baseball All-Star Game. It was held on Tuesday, July 16, 2013 at Citi Field in Queens, New York City, the home of the New York Mets. This was the first time that the Mets have hosted an All-Star Game since 1964, the team's inaugural season at Shea Stadium, and the ninth time the All-Star Game was held in New York City. The game was last held in New York City", + "score": 0.69921875 + }, + { + "id": "9315105", + "title": "1933 Major League Baseball All-Star Game", + "text": "Joss Benefit Game) was held on July 24, 1911, in Cleveland at Cleveland League Park (League Park, 1891\u20131946), the American League All-Stars versus the Cleveland Naps (1903\u20131915). The AL All-Stars won 5-3. The first official MLB All-Star exhibition game on July 6, 1933, was held at Comiskey Park (1910\u20131990) and was part of the 1933 Chicago World's Fair during the city's centennial. The 1933 MLB All-Star Game was the idea of Arch Ward, the sports editor of the \"Chicago Tribune\", after the Mayor of Chicago, Edward J. Kelly, had first approached the \"Tribune's\" publisher for a major sport event. The", + "score": 0.69873046875 + }, + { + "id": "10056597", + "title": "Sports in Toronto", + "text": "season, giving the city its own team once again. The franchise was one of two Canadian expansion teams announced by the NBA in 1993, the other being the Vancouver Grizzlies, which moved south of the border to Memphis after the 2000\u201301 season. The Toronto Tornados of the minor league Continental Basketball Association played in the city from 1983-85 before being relocated to Pensacola, Florida in the middle of their third season to become the Pensacola Tornados. Toronto has also hosted parts of the 1994 FIBA World Championship. Toronto hosted the 2016 NBA All-Star Game weekend February 12\u201314, 2016. Toronto is", + "score": 0.69873046875 + }, + { + "id": "11911603", + "title": "1980 Major League Baseball All-Star Game", + "text": "1980 Major League Baseball All-Star Game The 1980 Major League Baseball All-Star Game was the 51st midseason exhibition between the all-stars of the American League (AL) and the National League (NL), the two leagues comprising Major League Baseball. The game was played on July 8, 1980, at Dodger Stadium in Los Angeles, California, home of the Los Angeles Dodgers of the National League. The game resulted in a 4-2 victory for the NL. While this would mark the second time that the Dodgers had hosted the All-Star Game in Los Angeles, it was the first time that the game was", + "score": 0.69873046875 + }, + { + "id": "10548548", + "title": "1996 Major League Baseball All-Star Game", + "text": "MLB stadiums with artificial turf, but both are of the next-generation variety). Players in \"italics\" have since been inducted into the National Baseball Hall of Fame. 1996 Major League Baseball All-Star Game The 1996 Major League Baseball All-Star Game was the 67th playing of the midsummer classic between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The game was held on July 9, 1996, at Veterans Stadium in Philadelphia, the home of the Philadelphia Phillies of the National League. This marked the fifteenth and final all star game appearance of", + "score": 0.69873046875 + }, + { + "id": "10697212", + "title": "1981 Major League Baseball All-Star Game", + "text": "1981 Major League Baseball All-Star Game The 1981 Major League Baseball All-Star Game was the 52nd playing of the midsummer classic between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The game was held on August 9, 1981, at Cleveland Stadium in Cleveland, Ohio, the home of the Cleveland Indians of the American League. This was one of only two All-Star Games to be played outside the month of July (the other being the second 1959 game). The game was originally to be played on July 14, but was cancelled", + "score": 0.6982421875 + }, + { + "id": "10761966", + "title": "1988 Major League Baseball All-Star Game", + "text": "Twins was the winning pitcher. Players in \"italics\" have since been inducted into the National Baseball Hall of Fame. 1988 Major League Baseball All-Star Game The 1988 Major League Baseball All-Star Game was the 59th playing of the \"Midsummer Classic\" between Major League Baseball's American League (AL) and National League All-Star teams. The All-Star Game was held on July 12, 1988, at Riverfront Stadium in Cincinnati, Ohio, the home of the NL's Cincinnati Reds. The game resulted in the AL defeating the NL 2-1. Terry Steinbach, a catcher for the AL's Oakland Athletics, won the All-Star game's most valuable player", + "score": 0.6982421875 + }, + { + "id": "9043211", + "title": "2007 Major League Baseball All-Star Game", + "text": "The Giants were awarded the game on February 9, 2005. The game marked the first time since 1962 that one league hosted consecutive All-Star Games, after Pittsburgh, Pennsylvania, hosted the game in 2006. The game was the fifth straight All-Star Game to decide home-field advantage in the World Series. The AL entered the game on a ten-game unbeaten streak (nine wins, with one tie in 2002). The NL was looking for their first win since the 1996 game in Philadelphia. Balloting for the 2007 All-Star Game starters (excluding pitchers) began on April 27 and continued through June 28. The top", + "score": 0.697265625 + }, + { + "id": "12659893", + "title": "1946 Major League Baseball All-Star Game", + "text": "1946 Major League Baseball All-Star Game The 1946 Major League Baseball All-Star Game was the 13th playing of the \"Midsummer Classic\" by Major League Baseball's (MLB) American League (AL) and National League (NL) All-Star teams. The All-Star Game was held on July 9, 1946, at Fenway Park in Boston, Massachusetts the home of the AL's Boston Red Sox. The game resulted in the American League defeating the National League 12\u20130. This was the game when Ted Williams hit the only home run against Rip Sewell's famed \"Eephus Pitch.\" The Red Sox hosted the game and were well-represented. Red Sox infielders", + "score": 0.69677734375 + }, + { + "id": "10548544", + "title": "1996 Major League Baseball All-Star Game", + "text": "1996 Major League Baseball All-Star Game The 1996 Major League Baseball All-Star Game was the 67th playing of the midsummer classic between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The game was held on July 9, 1996, at Veterans Stadium in Philadelphia, the home of the Philadelphia Phillies of the National League. This marked the fifteenth and final all star game appearance of Ozzie Smith, who retired after the 1996 season. Smith entered the game in the top of the sixth inning. His first at-bat was greeted by chants", + "score": 0.69677734375 + }, + { + "id": "10806845", + "title": "1979 Major League Baseball All-Star Game", + "text": "1979 Major League Baseball All-Star Game The 1979 Major League Baseball All-Star Game was the 50th playing of the midsummer classic between the all-stars of the American League (AL) and National League (NL), the two leagues constituting Major League Baseball. It was held on Tuesday, July 17, at the Kingdome in Seattle, Washington, the home of the third-year Seattle Mariners of the American League. The National League won for their eighth The game featured memorable defensive play by outfielder Dave Parker, as he had two assists on putouts: one at third base and one at home plate. With Parker receiving", + "score": 0.69677734375 + }, + { + "id": "6719970", + "title": "21st National Hockey League All-Star Game", + "text": "21st National Hockey League All-Star Game The 21st National Hockey League All-Star Game was played in Maple Leaf Gardens on January 16, 1968, where the host Toronto Maple Leafs battled a team of all-stars from the remaining NHL teams. It was the last time that Maple Leaf Gardens would host the game, and it was also the final game under the Stanley Cup champions-versus-NHL All-Stars format, as the NHL would switch to a divisional format for the game in 1969. The game, compared to other years, was in a somber mood: two days before, Bill Masterton, a player for the", + "score": 0.69677734375 + }, + { + "id": "14399289", + "title": "1961 Major League Baseball All-Star Game (first game)", + "text": "1961 Major League Baseball All-Star Game (first game) The first 1961 Major League Baseball All-Star Game was played in Candlestick Park in San Francisco on July 11, 1961. The National League scored two runs in the bottom of the tenth inning to win 5\u20134. Stu Miller was the winning pitcher and Hoyt Wilhelm was charged with the loss. Players in \"italics\" have since been inducted into the National Baseball Hall of Fame. Umpires: Stan Landes, Home Plate (NL); Frank Umont, First Base (AL); Shag Crawford, Second Base (NL); Ed Runge, Third Base (AL); Ed Vargo, Left Field (NL); Cal Drummond,", + "score": 0.69677734375 + }, + { + "id": "11166750", + "title": "2008 Major League Soccer season", + "text": "Champions League. The country's top three teams, MLS's Toronto FC and the USL-1's Montreal Impact and Vancouver Whitecaps FC were entered into the inaugural Canadian Championship. The tournament was played as a double round robin group from May 27 to July 22. The Montreal Impact finished first, claiming the Canadian berth in the Champions League. The 2008 MLS All-Star Game was held at BMO Field in Toronto, Ontario, Canada, home of Toronto FC, on July 24. The opponent was West Ham United, of England's Premier League. It was the first time that the game was played outside the United States.", + "score": 0.6962890625 + }, + { + "id": "11468848", + "title": "1985 Major League Baseball All-Star Game", + "text": "1985 Major League Baseball All-Star Game The 1985 Major League Baseball All-Star Game was the 56th playing of the game, annually played between the All-Stars of the National League and the All-Stars of the American League. The game was played on July 16, 1985, in the Hubert H. Humphrey Metrodome in Minneapolis, Minnesota, home of the Minnesota Twins. Players in \"italics\" have since been inducted into the National Baseball Hall of Fame. NL Batting Order AL Batting Order The National League won the game 6\u20131, with the winning pitcher being LaMarr Hoyt of the San Diego Padres and the losing", + "score": 0.6962890625 + }, + { + "id": "11939076", + "title": "1976 Major League Baseball All-Star Game", + "text": "1976 Major League Baseball All-Star Game The 1976 Major League Baseball All-Star Game was the 47th midseason exhibition between the all-stars of the American League (AL) and the National League (NL), the two leagues comprising Major League Baseball. The game was played on July 13, 1976, at Veterans Stadium in Philadelphia, Pennsylvania, home of the Philadelphia Phillies of the National League. The game resulted in a 7\u20131 victory for the NL. This was the third time that the All-Star Game had been played in Philadelphia, though the first to be played in Veteran's Stadium. Both the 1943 and 1952 games", + "score": 0.69580078125 + }, + { + "id": "6024830", + "title": "Toronto Maple Leafs (International League)", + "text": "Toronto Maple Leafs (International League) The Toronto Maple Leafs were a high-level minor league baseball club located in Toronto, Ontario, Canada, that played from 1896 to 1967. While the Maple Leafs had working agreements with numerous Major League Baseball clubs after the introduction of farm systems in the 1930s, they achieved great success as an unaffiliated club during the 1950s, when they were the strongest team on the field and in attendance in the Triple-A International League. The 1902, 1918, 1920, 1926, and 1960 teams were recognized as being among the 100 greatest minor league teams of all time. Toronto", + "score": 0.69580078125 + }, + { + "id": "10548547", + "title": "1996 Major League Baseball All-Star Game", + "text": "1998 Major League Baseball All-Star Game, Selig was officially named Commissioner of Baseball. This is the only All-Star Game in which not a single pitcher walked a batter; appropriately, Braves closer Mark Wohlers was the final pitcher of the game. Veterans Stadium also held the \"distinction\" of being the most recent host stadium to be closed down, a distinction it lost after Yankee Stadium closed at the conclusion of the 2008 season. This is also, as of the end of the 2017 MLB season, the last MLB All-Star Game to be played on artificial turf (there are now only two", + "score": 0.6953125 + }, + { + "id": "11999352", + "title": "2010 Major League Baseball All-Star Game", + "text": "2010 Major League Baseball All-Star Game The 2010 Major League Baseball All-Star Game was the 81st midseason exhibition between the All-Stars of the American League (AL) and the National League (NL), the two leagues comprising Major League Baseball. The game was held on July 13, 2010, at Angel Stadium of Anaheim, the home of the American League Los Angeles Angels of Anaheim, and was telecast by Fox Sports in the US, with Joe Buck and Tim McCarver in the broadcast booth. Fox also teamed with DirecTV to produce a separate 3D broadcast, the first ever for a network Major League", + "score": 0.6953125 + }, + { + "id": "11949315", + "title": "1975 Major League Baseball All-Star Game", + "text": "1975 Major League Baseball All-Star Game The 1975 Major League Baseball All-Star Game was the 46th midseason exhibition between the all-stars of the American League (AL) and the National League (NL), the two leagues comprising Major League Baseball. The game was played on July 15, 1975, at Milwaukee County Stadium in Milwaukee, Wisconsin, home of the Milwaukee Brewers of the American League. The game resulted in a 6\u20133 victory for the NL. While this was the first time that the Brewers were acting as hosts of the All-Star Game, this was not the first time the game had been played", + "score": 0.6953125 + }, + { + "id": "16084118", + "title": "2016 Major League Baseball All-Star Game", + "text": "2016 Major League Baseball All-Star Game The 2016 Major League Baseball All-Star Game was the 87th edition of the Major League Baseball All-Star Game. The game was hosted by the San Diego Padres and was played at Petco Park on July 12, 2016. It was televised nationally on Fox. The American League All-Stars defeated the National League All-Stars by a score of 4\u20132 to win home field advantage for the 2016 World Series (which went to the Cleveland Indians). This was also the last time home-field advantage for the World Series was determined by the outcome of the All-Star Game.", + "score": 0.6953125 + }, + { + "id": "10984981", + "title": "1986 Major League Baseball All-Star Game", + "text": "1986 Major League Baseball All-Star Game The 1986 Major League Baseball All-Star Game was the 57th playing of the midsummer classic between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The game was held on July 15, 1986, at the Astrodome in Houston, Texas, the home of the Houston Astros of the National League. The game resulted in the American League defeating the National League 3-2 and ended a streak where the NL won 13 of the last 14 games. Boston Red Sox pitcher Roger Clemens was named the Most", + "score": 0.69482421875 + }, + { + "id": "12267953", + "title": "1972 Major League Baseball All-Star Game", + "text": "The Rangers were originally the second incarnation of the Washington Senators, leaving the nation's capital in November 1971 after 11 seasons. 1972 Major League Baseball All-Star Game The 1972 Major League Baseball All-Star Game, the 43rd such game, was played on July 25, 1972. The all-stars from the American League and the National League faced each other at Atlanta Stadium, home of the Atlanta Braves. The National League came away with a 4\u20133 win in 10 innings. This was the third All-Star Game hosted by the Braves (1936 and 1955), but the first All-Star Game to be hosted by the", + "score": 0.6943359375 + }, + { + "id": "9007738", + "title": "1945 Major League Baseball All-Star Game", + "text": "Press and or the \"Sporting News\" (Fred Lieb) All-Star rosters who had not been an official MLB All-Star before and after the 1945 season are: 1945 Major League Baseball All-Star Game The 1945 Major League Baseball All-Star Game was cancelled on April 24 after the Major League Baseball (MLB) season began on April 17. The July 10 game was cancelled due to wartime travel restrictions in World War II. 1945 is the only year since 1933 when the first official All-Star Game was played, that an All-Star Game was cancelled and All-Stars were not officially selected. This was to have", + "score": 0.69384765625 + }, + { + "id": "9007732", + "title": "1945 Major League Baseball All-Star Game", + "text": "1945 Major League Baseball All-Star Game The 1945 Major League Baseball All-Star Game was cancelled on April 24 after the Major League Baseball (MLB) season began on April 17. The July 10 game was cancelled due to wartime travel restrictions in World War II. 1945 is the only year since 1933 when the first official All-Star Game was played, that an All-Star Game was cancelled and All-Stars were not officially selected. This was to have been the 13th annual playing of the \"Midsummer Classic\" by MLB's American League (AL) and National League (NL) All-Star teams. The game was to be", + "score": 0.693359375 + }, + { + "id": "10056637", + "title": "Sports in Toronto", + "text": "to host the Pan American Games and Parapan American Games, subsequently winning both of them for 2015. After successfully hosting both the 2015 Pan Am & Parapan American Games, the city briefly considered another Olympic bid for the 2024 Summer Olympics, but on September 15, 2015, Toronto Mayor John Tory announced that the city would not be a candidate for a bid. Toronto also hosted the first ever World Masters Games in 1985 as well as the 1997 Special Olympics World Winter Games, the 2017 North American Indigenous Games, and the 2017 Invictus Games. Due to their geographic locations, Toronto", + "score": 0.693359375 + }, + { + "id": "18590429", + "title": "2018 Major League Baseball All-Star Game", + "text": "2018 Major League Baseball All-Star Game The 2018 Major League Baseball All-Star Game was the 89th Major League Baseball All-Star Game. The game was hosted by the Washington Nationals and was played at Nationals Park on July 17, 2018. It was televised nationally by Fox. The American League beat the National League 8\u20136, in 10 innings. The host city was announced on April 6, 2015, by Major League Baseball Commissioner Rob Manfred; it was the fifth All-Star Game in Washington, D.C., and the first since 1969, when the second Washington Senators hosted. It was also the first time that the", + "score": 0.693359375 + }, + { + "id": "13248432", + "title": "2011 Major League Baseball All-Star Game", + "text": "2011 Major League Baseball All-Star Game The 2011 Major League Baseball All-Star Game was the 82nd in-season exhibition game between the All-Stars of the National League (NL) and the American League (AL); the leagues composing Major League Baseball. The event was held on Tuesday, July 12, 2011 at Chase Field in Phoenix, Arizona, home of the National League Arizona Diamondbacks. The game ended in a 5\u20131 win for the National League, their second straight All-Star victory. It was the first MLB All-Star Game to be held in Arizona and the first in a National League Park to have a designated", + "score": 0.69287109375 + }, + { + "id": "9007733", + "title": "1945 Major League Baseball All-Star Game", + "text": "played at Fenway Park, home of the AL's Boston Red Sox. Fenway Park was chosen for the 1946 Major League Baseball All-Star Game (13th \"Midsummer Classic\") which was played on July 9 of that year. On July 9 and 10, 1945, seven out of eight scheduled interleague night games were advertised and played as \"All-Star\" games in place of the official All-Star Game during the three-day All-Star break to help support the American Red Cross and the National War Fund. Four of the exhibition games were played on July 10 in Washington, D.C., St. Louis, Philadelphia, and Boston. Germany had", + "score": 0.6923828125 + }, + { + "id": "17123011", + "title": "1977 Major League Baseball expansion", + "text": "1977 Major League Baseball expansion The 1977 Major League Baseball expansion resulted in the establishment of expansion franchises in Seattle and Toronto in the American League of Major League Baseball. The Seattle Mariners and Toronto Blue Jays began play in the 1977 Major League Baseball season, becoming the 25th and 26th teams in Major League Baseball. Seattle and Toronto were included in a list of potential expansion cities in a survey conducted by the American League in 1960. The others were Atlanta, Buffalo, Dallas\u2013Fort Worth, Denver, Oakland, and San Diego (all of which received franchises eventually through expansion or relocation", + "score": 0.6923828125 + }, + { + "id": "9527645", + "title": "2009 Major League Baseball All-Star Game", + "text": "2009 Major League Baseball All-Star Game The 2009 Major League Baseball All-Star Game was the 80th midseason exhibition between the all-stars of the American League (AL) and the National League (NL), the two leagues comprising Major League Baseball. The game was held on July 14, 2009, at Busch Stadium in St. Louis, Missouri, the home of the National League St. Louis Cardinals. The game was the first All-Star Game held in St. Louis since 1966. This was the seventh year in which the All-Star Game determined home field advantage in the World Series, with the American League winning all seven", + "score": 0.69189453125 + }, + { + "id": "10802584", + "title": "1939 Major League Baseball All-Star Game", + "text": "1939 Major League Baseball All-Star Game The 1939 Major League Baseball All-Star Game was the seventh playing of the mid-summer classic between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The game was held on July 11, 1939, at Yankee Stadium in The Bronx, New York City, the home of the New York Yankees of the American League. The game resulted in the American League defeating the National League 3\u20131. Players in \"italics\" have since been inducted into the National Baseball Hall of Fame. The umpires changed assignments in the", + "score": 0.69189453125 + } + ], + "answer": "The 1991 Major League Baseball (MLB) All-Star Game was the 62nd playing of the midsummer classic between the all-stars of the American League (AL) and National League (NL), the two leagues comprising Major League Baseball. The venue for each All-Star Game is chosen by an MLB selection committee. Toronto hosted the 1991 MLB All-Star Game on July 9, 1991." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "What kind of car in to catch a thief in terms of model?", + "short_answers": [ + "Sunbeam Alpine", + "1953 Sunbeam Alpine Mk I" + ], + "wikipage": null + }, + { + "context": "The Series I used a engine and was styled by the Loewy Studios for the Rootes Group. The car made extensive use of components from other Rootes Group vehicles and was built on a modified floorpan from the Hillman Husky estate car. The running gear came mainly from the Sunbeam Rapier, but with front disc brakes replacing the saloon car's drums. An overdrive unit and wire wheels were optional. The suspension was independent at the front using coil springs and at the rear had a live axle and semi-elliptic springing. The Girling-manufactured brakes used discs at the front and drums at the rear. It had dual downdraft carburetors, a soft top that could be hidden by special integral covers and the first available wind-up side windows offered in a British sports car of that time.", + "question": "What kind of car in to catch a thief in terms of automobile make?", + "short_answers": [ + "Rootes Group" + ], + "wikipage": "Sunbeam Alpine" + } + ], + "wikipages": [ + { + "title": "To Catch a Thief", + "url": "https://en.wikipedia.org/wiki/To%20Catch%20a%20Thief" + }, + { + "title": "To Catch a Thief (1936 film)", + "url": "https://en.wikipedia.org/wiki/To%20Catch%20a%20Thief%20%281936%20film%29" + }, + { + "title": "Sunbeam Alpine", + "url": "https://en.wikipedia.org/wiki/Sunbeam%20Alpine" + }, + { + "title": "It Takes a Thief (1968 TV series)", + "url": "https://en.wikipedia.org/wiki/It%20Takes%20a%20Thief%20%281968%20TV%20series%29" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The car driven by Grace Kelly was a metallic blue 1953 Sunbeam Alpine Mk I.", + "wikipage": "To Catch a Thief" + } + ], + "long_answer": "The car driven by Grace Kelly in \"To Catch a Thief\" was a metallic blue 1953 Sunbeam Alpine Mk I. The Series I used a engine and was styled by the Loewy Studios for the Rootes Group. " + }, + { + "knowledge": [ + { + "content": "To Catch a Thief is a 1955 American romantic thriller film directed by Alfred Hitchcock, from a screenplay by John Michael Hayes based on the 1952 novel of the same name by David Dodge.", + "wikipage": "To Catch a Thief" + }, + { + "content": "The car driven by Grace Kelly was a metallic blue 1953 Sunbeam Alpine Mk I.", + "wikipage": "To Catch a Thief" + }, + { + "content": "Grace Kelly stars opposite him as his romantic interest in her final film with Hitchcock.", + "wikipage": "To Catch a Thief" + }, + { + "content": "The Sunbeam Alpine is a two-seater sports drophead coup\u00e9 that was produced by the Rootes Group from 1953 to 1955, and then 1959 to 1968.", + "wikipage": "Sunbeam Alpine" + }, + { + "content": "The Rootes Group or Rootes Motors Limited was a British automobile manufacturer and, separately, a major motor distributors and dealers business.", + "wikipage": "Rootes Group" + } + ], + "long_answer": "The make of the car in the 1953 film To Catch a Thief was Rootes Group, and its model was the 1953 Sunbeam Alpine Mk I. The car driven by Grace Kelly, who stars in the film, was a metallic blue 1953 Sunbeam Alpine Mk I. The Sunbeam Alpine is a two-seater sports drophead coup\u00e9 that was produced by the Rootes Group, a British automobile manufacturer, from 1953 to 1955 and from 1959 to 1968." + } + ], + "sample_id": "6962706727076805207", + "question": "What kind of car in to catch a thief?", + "docs": [ + { + "id": "5311668", + "title": "Bait car", + "text": "Bait car A bait car, also called a decoy car, hot car or trap car, is a vehicle used by law enforcement agencies to capture car thieves or thieves who steal items from cars. The vehicles are modified with audio/video surveillance technology, and can be remotely monitored and controlled. Those set up to catch car thieves may include GPS tracking. A \"kill switch\" may be installed in the vehicle allowing police to remotely disable the engine and lock all doors remotely, preventing escape. A car set up to catch thieves who steal items from cars may be disabled so that", + "score": 0.76513671875, + "summary": "A bait car is a vehicle used by law enforcement to capture car thieves or thieves who steal items from cars. The vehicles are modified with surveillance technology, GPS tracking, and a \"kill switch\" to disable the engine and lock all doors remotely.", + "extraction": "irrelevant" + }, + { + "id": "5311669", + "title": "Bait car", + "text": "it cannot be started and have specially prepared \"bait property.\" The bait car, often filled with valuable items to draw attention to it, is typically parked in a high auto-theft area. In usual cases, the vehicle is simply left unlocked with the keys in the ignition. If the car is set up to catch car thieves, when the car is stolen officers are immediately alerted, and can monitor the vehicle and send commands to control it such as disabling the engine, locking the doors or honking the horn. Live audio/video streaming devices may be installed allowing law enforcement personnel to", + "score": 0.7646484375, + "summary": "The document discusses the use of a \"bait car\" to catch car thieves. The car is specially prepared and filled with valuable items, then parked in a high auto-theft area. When the car is stolen, officers are alerted and can monitor the vehicle and control it remotely. No specific type of car is mentioned.", + "extraction": "irrelevant" + }, + { + "id": "5311673", + "title": "Bait car", + "text": "They were also the exclusive focus of the TruTV television series \"Bait Car\". Bait car A bait car, also called a decoy car, hot car or trap car, is a vehicle used by law enforcement agencies to capture car thieves or thieves who steal items from cars. The vehicles are modified with audio/video surveillance technology, and can be remotely monitored and controlled. Those set up to catch car thieves may include GPS tracking. A \"kill switch\" may be installed in the vehicle allowing police to remotely disable the engine and lock all doors remotely, preventing escape. A car set up", + "score": 0.763671875, + "summary": "A bait car, also known as a decoy car, is a modified vehicle used by law enforcement to catch car thieves or thieves who steal from cars. They are equipped with surveillance technology and a \"kill switch\" to disable the engine and lock the doors remotely.", + "extraction": "irrelevant." + }, + { + "id": "5311670", + "title": "Bait car", + "text": "determine how many suspects are in the car, what they are planning and if they are armed. If the bait car is set up to catch thieves who steal items from cars, it may be monitored by video from a central location. The bait property, such as a tool kit or gym bag, will also be set up so it can be tracked and monitored. Bait cars can be used as part of a honey trap, a form of sting operation, in which criminals not known to the police are lured into exposing themselves. Unlike a sting operation that targets", + "score": 0.7529296875, + "summary": "A bait car can be used to catch thieves who steal items from cars. It may be monitored by video from a central location, and the bait property will also be tracked and monitored. However, the document does not specify what kind of car is used as a bait car, so the answer to the question is \"irrelevant.\"", + "extraction": "irrelevant" + }, + { + "id": "15113699", + "title": "Bait Car (TV series)", + "text": "on the Justice Network\u2014a newly formed OTA digital subchannel. In this crime reality series, teams of undercover officers drive the bait car to areas with high rates of auto theft, where they park it and leave it unattended with the engine running. The idea is that would-be car thieves will hop in and drive away. Unbeknownst to the criminals, a hidden camera and a radio tracker have been placed on the dashboard, and a police force is watching their every move. The thief is then tracked down and arrested. \"Bait Car\" operations typically call for about a dozen officers on", + "score": 0.74609375, + "summary": "The TV series \"Bait Car\" features teams of undercover officers leaving an unattended car with a hidden camera and radio tracker in high auto theft areas to catch thieves. The type of car is not specified.", + "extraction": "The passage mentions a TV series called \"Bait Car\" where undercover officers use a car as bait to catch car thieves. However, it does not provide information on what kind of car is used. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "15113702", + "title": "Bait Car (TV series)", + "text": "Bait Car (TV series) Bait Car was an American television series that aired on the truTV network. The show depicted police officers targeting criminals with a high-tech bait car, rigged with hidden cameras and radio trackers. Footage is shown from the in car cameras, fixed cameras on police cars and film crews with the police officers. The show holds a TV-14 rating due to strong language, although some of the profanity is bleeped out. The \"Bait Car\" series premiered on August 6, 2007 on Court TV (now truTV). Season two of the show premiered in August 2009 on truTV, and", + "score": 0.7294921875, + "summary": "The TV series \"Bait Car\" features police officers using a high-tech bait car to catch criminals. It premiered on Court TV (now truTV) in August 2007 and season two premiered in August 2009. No information is provided on what kind of car is used.", + "extraction": "irrelevant" + }, + { + "id": "15113697", + "title": "Bait Car (TV series)", + "text": "Bait Car (TV series) Bait Car was an American television series that aired on the truTV network. The show depicted police officers targeting criminals with a high-tech bait car, rigged with hidden cameras and radio trackers. Footage is shown from the in car cameras, fixed cameras on police cars and film crews with the police officers. The show holds a TV-14 rating due to strong language, although some of the profanity is bleeped out. The \"Bait Car\" series premiered on August 6, 2007 on Court TV (now truTV). Season two of the show premiered in August 2009 on truTV, and", + "score": 0.7294921875, + "summary": "The TV series \"Bait Car\" featured police officers using a high-tech car rigged with hidden cameras and radio trackers to catch criminals. It premiered on Court TV (now truTV) on August 6, 2007, and had a second season that premiered in August 2009. However, it does not provide information on what kind of car was used to catch the thief.", + "extraction": "irrelevant" + }, + { + "id": "15113698", + "title": "Bait Car (TV series)", + "text": "season three premiered in June 2010. The first three seasons of the show were primarily shot in Los Angeles and New Orleans. After nearly four months with no new episodes, \"Bait Car\" began airing a fourth season in December 2010 on Mondays at 8:30pm EST. Shot in San Francisco, this fourth season was produced by KKI Productions, and a 2007 Honda Accord was used as the bait car. Season 5 aired from January 2012 to October 2012. The show was not renewed for a sixth season. Reruns of \"Bait Car\" continue to air on truTV, and as of January 2015,", + "score": 0.70947265625, + "summary": "A 2007 Honda Accord was used as the bait car in season four of \"Bait Car,\" which aired in December 2010 and was shot in San Francisco.", + "extraction": "Irrelevant. The passage provides information about the TV series \"Bait Car\" and the cars used in some of the seasons, but it does not answer the question about a specific car to catch a thief." + }, + { + "id": "7892136", + "title": "To Catch a Thief (novel)", + "text": "in a movie set in the 1950s. In 2011, the novel was dramatized as a \"Saturday Play\", which was broadcast on 8 January on BBC Radio 4. To Catch a Thief (novel) To Catch a Thief is a 1952 thriller novel by David F. Dodge. The scene is the French Riviera, and the time is 1951. In August 1951, French police come to arrest American John Robie at his villa in Vence near the C\u00f4te d'Azur. He escapes, leaping over the garden wall. In the late 1930s, Robie was a daring, supremely athletic burglar, known as \"Le Chat\" (\"the cat\"),", + "score": 0.70947265625, + "summary": "To Catch a Thief is a 1952 novel by David F. Dodge set in the French Riviera in 1951. The main character, John Robie, is an American who was a burglar known as \"Le Chat\" in the late 1930s. However, the document does not mention what kind of car is used to catch the thief.", + "extraction": "Irrelevant. The passage does not provide any information about a car in To Catch a Thief novel." + }, + { + "id": "9106390", + "title": "Property crime", + "text": "measures, such as car alarms and ignition locks, have been effective deterrents against motor vehicle theft, as have been practices such as etching VINs on car parts. Only 13% of reported motor vehicle theft cases were cleared in the United States in 2005. Some car types are more popular with thieves, with sports cars often being preferred by those stealing cars for joyriding. Sport utility vehicles also have higher rates of theft, with the Cadillac Escalade cited in 2003 by the Highway Data Loss Institute as having the most frequent theft claims in the United States. Construction vehicles are also", + "score": 0.703125, + "summary": "Sports cars and SUVs, such as the Cadillac Escalade, are more popular with car thieves.", + "extraction": "irrelevant" + }, + { + "id": "7892123", + "title": "To Catch a Thief (novel)", + "text": "To Catch a Thief (novel) To Catch a Thief is a 1952 thriller novel by David F. Dodge. The scene is the French Riviera, and the time is 1951. In August 1951, French police come to arrest American John Robie at his villa in Vence near the C\u00f4te d'Azur. He escapes, leaping over the garden wall. In the late 1930s, Robie was a daring, supremely athletic burglar, known as \"Le Chat\" (\"the cat\"), who specialized in jewel thefts from hotels and villas on the French Riviera. He was caught and sent to prison in 1939. But during the German occupation", + "score": 0.697265625, + "summary": "The novel \"To Catch a Thief\" by David F. Dodge is set in the French Riviera in 1951 and features a character named John Robie who was a burglar in the late 1930s. The document is irrelevant to the question of what kind of car to catch a thief.", + "extraction": "Irrelevant. The given passage does not provide any information about a car in the context of the novel \"To Catch a Thief\"." + }, + { + "id": "5311671", + "title": "Bait car", + "text": "a known or suspected criminal, a honey trap establishes a general lure to attract unknown criminals. Bait cars are not considered entrapment because they merely afford criminals the opportunity to steal the car; entrapment, on the other hand, constitutes law enforcement persuading or encouraging a person to commit a crime that they would not have committed otherwise. The largest bait car fleet in North America, which employs the Minneapolis model, is operated by the Integrated Municipal Provincial Auto Crime Team (IMPACT), based in Surrey, British Columbia. Surrey was designated the \"car theft capital of North America\" by the Royal Canadian", + "score": 0.6943359375, + "summary": "A bait car is used to catch criminals and is not considered entrapment. The largest bait car fleet is operated by IMPACT in Surrey, British Columbia. No specific type of car is mentioned, so the answer to the question is \"irrelevant.\"", + "extraction": "Irrelevant. The passage does not provide any information about what kind of car is used in bait car operations to catch a thief." + }, + { + "id": "15113700", + "title": "Bait Car (TV series)", + "text": "duty, and the cases are often charged as misdemeanors. Chicago police officers stage the car in a different manner, allowing offenders to be charged with felony possession of a stolen motor vehicle, burglary, or both. Chicago Police Officers do not leave the car running with the keys in the ignition or with the doors open. In rare instances, teams suspend the bait car operations to pursue a vehicle that was already stolen. The show was created by production company Departure Films, based out of New York, NY. Opponents of \"Bait Car\" have expressed concern that the show merely creates crime", + "score": 0.693359375, + "summary": "Chicago police officers use a bait car to catch thieves and charge them with felony possession of a stolen motor vehicle or burglary. The car is not left running with keys in the ignition or doors open. The show \"Bait Car\" was created by Departure Films.", + "extraction": "Irrelevant." + }, + { + "id": "5311672", + "title": "Bait car", + "text": "Mounted Police in 2002. Their bait car program was launched in 2004, and has contributed to a 55% drop in auto theft since then. In 2010, the Anti-Vehicle Crime Association of Minnesota presented an award to the Minneapolis Police for its Bait Vehicle Program, which had been running for twelve years at the time. In 2002, the Minneapolis program inspired a similar project in Essex in the United Kingdom. Bait cars (and the stings they are used in) have been featured in numerous documentary and reality television programs, including \"COPS\", \"World's Wildest Police Videos\", and \"Jacked: Auto Theft Task Force\".", + "score": 0.6904296875, + "summary": "The Bait Car program, launched by the Mounted Police in 2004, has contributed to a 55% drop in auto theft. The program has been running for twelve years in Minneapolis, and was awarded by the Anti-Vehicle Crime Association of Minnesota in 2010. It inspired a similar project in Essex, UK in 2002. No specific information about the kind of car used in the program was provided.", + "extraction": "irrelevant" + }, + { + "id": "6282829", + "title": "Joyride (crime)", + "text": "out of production for at least 10 years and the oldest examples of most of these cars were at least 20 years old. In 2009 the Home Office conducted a new survey and found out the most stolen cars (per registered) were as follows: The information released does not show the specific generation of a car, making it difficult to determine how many older examples were stolen in relation to more modern ones. For instance, the Ford Transit nameplate dates back to 1964 and the Ford Fiesta first appeared in 1976. However, the Ford Focus is the only nameplate on", + "score": 0.68505859375, + "summary": "The document is about stolen cars, but it does not provide information on what kind of car is best to catch a thief.", + "extraction": "irrelevant" + }, + { + "id": "8961791", + "title": "KeeLoq", + "text": "by jamming the channel while intercepting the code, a thief can obtain a code that may still be usable at a later stage. This sort of \"code grabber,\" while theoretically interesting, does not appear to be widely used by car thieves. A detailed description of an inexpensive prototype device designed and built by Samy Kamkar to exploit this technique appeared in 2015. The device about the size of a wallet could be concealed on or near a locked vehicle to capture a single keyless entry code to be used at a later time to unlock the vehicle. The device transmits", + "score": 0.6826171875, + "summary": "irrelevant", + "extraction": "irrelevant" + }, + { + "id": "7077089", + "title": "Disappearance of Jennifer Kesse", + "text": "some point during the walk to her car or as she was getting into it. Two days later, on January 26, 2006, around 8:10 a.m., Kesse's car, a black 2004 Chevy Malibu, was found parked at a condo complex approximately a mile away from her residence. Investigators were initially excited to learn that the complex had several hidden surveillance cameras installed and were viewing the place where her car was parked, as well as the exit. The surveillance video shows an unidentified \"person of interest\" dropping the vehicle off at approximately noon the day that Kesse went missing. Family and", + "score": 0.681640625, + "summary": "The car of Jennifer Kesse, who went missing on January 24, 2006, was a black 2004 Chevy Malibu.", + "extraction": "The passage is irrelevant to the question as it does not provide any information about a car to catch a thief." + }, + { + "id": "6331758", + "title": "Chop shop", + "text": "on the part of the victim to search in other countries, as even if the car is found, recovery may cost more (in detective, legal, and transportation fees) than the car is actually worth. The latest models of cars often have sophisticated anti-theft devices, requiring sophisticated measures to defeat them. For the car thief, the difficulty in bypassing these security features may be nearly impossible or too time consuming. Most cars equipped with these systems are either stolen while the keys are still in the ignition \u2013 mostly from owner negligence at a gas station \u2013 or towed away by", + "score": 0.67431640625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "4301978", + "title": "Police car", + "text": "cars which are deployed in high volume car theft areas. Some police forces use vehicles (or sometimes fake \"cut outs\" of vehicles) to deter crime. They may be old vehicles retired from use, stock models restyled as police cars, or a metal sign made to look like a police car. They are placed in areas thought to be susceptible to crime in order to provide a high visibility presence without committing an officer. Examples of these can be seen on many main roads, freeways and motorways. In 2005, Virginia's (United States) legislature considered a bill which stated, in part: \"Whenever", + "score": 0.67431640625, + "summary": "Police cars are used in high volume car theft areas as a deterrent. They can be old vehicles or fake \"cut outs\" of vehicles. In 2005, Virginia's legislature considered a bill related to police cars.", + "extraction": "The passage is irrelevant as it does not provide any information on what kind of car is used to catch a thief." + }, + { + "id": "9774172", + "title": "Spy video car", + "text": "Spy video car The Spy Video Car is a hybrid product created by mixing a traditional RC car and a video baby monitor. The remote controller communicates digital command via the 49 MHz frequency to the car for control, and the camera on the car transmits video via the 2.4 GHz frequency to the remote controller for display. Because both directions use different radio frequency, they do not interfere with each other. The single-lensed display with a zoom lens produces a bigger virtual image in front of the operator, creating a first-person point of view feel for the driver. Wild", + "score": 0.6728515625, + "summary": "The Spy Video Car is a hybrid RC car and video baby monitor that uses different radio frequencies for control and video transmission. However, the document is irrelevant to the question of what kind of car is needed to catch a thief.", + "extraction": "Irrelevant. The passage does not provide any information about a car to catch a thief." + }, + { + "id": "2823417", + "title": "Car alarm", + "text": "window. Because of the large number of false alarms with car alarms, many vehicle manufacturers no longer factory-fit simple noise-making alarms, instead offering silent immobilizers. Alternatively, an aftermarket vehicle tracking system can enable the police to trace stolen vehicles. Most police tracking systems require the user to pay a recurring fee, whereas factory immobilizers are included in the purchase price of the vehicle. GPS locating systems enable the owner of the vehicle to lock and unlock, track, and disable the starter of the vehicle online. Frequently, false alarms occur because car alarm owners use high sensitivity settings. This may be", + "score": 0.67236328125 + }, + { + "id": "1800552", + "title": "To Catch a Thief", + "text": "To Catch a Thief In May 2018, it was announced that Viacom was set to adapt the film as a Spanish-language television series. The pattern of a string of jewel robberies on the French Riviera causes the police to believe that the infamous jewel thief John \"The Cat\" Robie (Cary Grant) has left his comfortable retirement of growing grapes and flowers. He gives the police the slip at his hilltop villa. Robie visits a restaurant. The staff are his old gang, paroled for their work in the French Resistance during World War II as long as they keep clean. Bertani,", + "score": 0.67236328125 + }, + { + "id": "5399725", + "title": "Remote keyless system", + "text": "found. The articles speculate that keeping fobs in aluminum foil or a freezer when not in use can prevent criminals from exploiting this vulnerability. In 2015, it was reported that Samy Kamkar had built an inexpensive electronic device about the size of a wallet that could be concealed on or near a locked vehicle to capture a single keyless entry code to be used at a later time to unlock the vehicle. The device transmits a jamming signal to block the vehicle's reception of rolling code signals from the owner's fob, while recording these signals from both of his two", + "score": 0.6708984375 + }, + { + "id": "4589860", + "title": "It Takes a Thief (1968 TV series)", + "text": "motion picture \"To Catch a Thief\", directed by Alfred Hitchcock; both of their titles stem from the English proverb \"Set a thief to catch a thief\". (Or as is more widely used, \"It takes a thief to catch a thief\".) \"It Takes a Thief,\" which was created by television writer Roland Kibbee, featured the adventures of cat burglar, pickpocket, and thief Alexander Mundy, who steals to finance his life as a polished playboy and sophisticate. He is in prison when the U.S. government's SIA (the fictional Secret Intelligence Agency) proposes a deal to Mundy: steal for the government in exchange", + "score": 0.6708984375 + }, + { + "id": "14037786", + "title": "The Automobile Thieves", + "text": "by side with another automobile - Police Headquarters - Detectives starting out to trace the criminals - Following the clue - laying a trap - Not yet, but soon, a narrow escape - Desperate pursuit, a race for life and liberty between two fast and powerful cars - Breakdown of the auto thieve's machine, theft of another car - chase continued - surrounded but not surrendered - automobile explodes, bursts into flames and is entirely destroyed - the woman and her pal retreat, fighting desperately - she is wounded, and the man carries her to the den, where after a", + "score": 0.669921875 + }, + { + "id": "12119092", + "title": "Joy Ride 2: Dead Ahead", + "text": "Chevrolet Chevelle in working order with a full tank of gas. Melissa and Bobby are initially reluctant to take the car, as it amounts to thieving, but due to Kayla and Nik's persistence, they relent. However, Melissa leaves a note in the house with her contact details for whomever may own the house and/or car. The next day, Melissa receives a phone call from the person who owned the car they stole. He then calls Melissa \"Goldilocks\" (she is blonde), revealing that he can see her. He also tells her, \"I believe you have something of mine, 'cause I now", + "score": 0.6689453125 + }, + { + "id": "15365939", + "title": "Fantasy (game show)", + "text": "away any extra money he wanted to save to help someone in need. To keep the fantasy a surprise, the show worked with the man's wife, the local police department, and the man's auto insurance company. The producers of the show arranged to \"borrow\" the man's car without his knowledge and the wife was to tell her husband that the car had been stolen. Then the man reported the car stolen to the local police department and their insurance company, all of whom were in on the surprise. The show's producers then had the Opel fully restored exactly the way", + "score": 0.66748046875 + }, + { + "id": "9774175", + "title": "Spy video car", + "text": "power, allowing the vehicle to run almost silently. Spy video car The Spy Video Car is a hybrid product created by mixing a traditional RC car and a video baby monitor. The remote controller communicates digital command via the 49 MHz frequency to the car for control, and the camera on the car transmits video via the 2.4 GHz frequency to the remote controller for display. Because both directions use different radio frequency, they do not interfere with each other. The single-lensed display with a zoom lens produces a bigger virtual image in front of the operator, creating a first-person", + "score": 0.66650390625 + }, + { + "id": "1694539", + "title": "Motor vehicle theft", + "text": "the same standard as current vehicles, and thieves also have longer to learn their weaknesses. Scrap metal and spare part prices may also influence thieves to prefer older vehicles. In Bangkok, Thailand, the most frequently stolen vehicles are Toyota cars, Toyota Hilux and Isuzu D-Max pickups. In Malaysia, Proton models are the most frequently stolen vehicles, with the Proton Wira being the highest, followed by the Proton Waja and the Proton Perdana. In the United Kingdom, the Mercedes-Benz C-Class was the most stolen car in 2018, followed by the BMW X5. Police said the growing number of vehicles featuring keyless", + "score": 0.66455078125 + }, + { + "id": "5066943", + "title": "National Lampoon's European Vacation", + "text": "he hastily knocks down several street vendors' stands and gets their Citro\u00ebn DS stuck in a narrow medieval archway. In Rome, the Griswalds rent a car at a travel office, but unknown to them, the men in charge are thieves, holding the real manager captive. The lead thief gives them a car with the manager in the trunk, claiming he lost the trunk keys. The next day Ellen is shocked to discover that private, sexy videos of her from the family's stolen video camera have been used in a billboard advertising porn, leaving her completely humiliated. After screaming angrily at", + "score": 0.66259765625 + }, + { + "id": "7892133", + "title": "To Catch a Thief (novel)", + "text": "will be the Sanfords. The next weekend is their gala house party, and the guests will bring fabulous jewels. Francie wangles an invitation for \"Burns\". But Count Paul is also a guest. Paul demands that Robie leave, and won't listen to his explanation. Lepic and Oriol also arrive to protect the guests' jewels. Robie abandons his disguise and lies in wait for the thief on the roof of the chateau. Late that night, he pursues the thief over the roof. The police are aroused, and Oriol demands Robie's surrender. Robie catches up with the thief, who is Danielle. Reflexively, he", + "score": 0.6611328125 + }, + { + "id": "6882596", + "title": "Fresno Police Department", + "text": "apprehension, and prosecution, while engaging the community in auto theft prevention. Team members use a combination of traditional and innovative investigative techniques to apprehend and prosecute prolific auto thieves preying on Fresno residents. Working in concert with district auto theft detectives, District Crime Suppression Teams (DCST), and patrol officers, CCATT members identify and target suspects involved in multiple auto thefts, auto theft rings, and \"chop shops\". Active surveillance, confidential informants, technology, search warrants, parole and probation searches, and business inspections are used to locate evidence of auto theft and related crimes. Associated felony crimes, such as gang crimes, identity theft,", + "score": 0.66015625 + }, + { + "id": "12554506", + "title": "Need for Speed: Undercover", + "text": "the ones who stole it, not realizing who the car belonged to. Carmen, fearful that Chau Wu is coming after her, asks the player to take the BMW M6 (Porsche 911 GT2 on PS2 and Wii versions) from her, however, Chau Wu finds out that the player now has his car. He phones the player demanding the car back and will use Chase Linh as a hostage until the player does. As a result, the player takes the car to Chau Wu, hoping to save her but when he gets there, he discovers that Chase Linh has been working with", + "score": 0.6591796875 + }, + { + "id": "13274101", + "title": "Louis Marino", + "text": "his car while he left home for the Independence Day weekend. Marino had left his Chrysler Fifth Avenue for the weekend at his brother's house in Cicero, Illinois, and the FBI was alleged to have stolen his car and replaced it with a different Fifth Avenue. Marino returned earlier than expected and noticed the switch. The FBI returned the vehicle after Marino reported the theft to police. Marino claimed that, after the car was returned, he noticed holes in it, suggesting that either the FBI had planted and removed listening devices from the car, or that they had intended to", + "score": 0.6572265625 + }, + { + "id": "8234518", + "title": "Richard Lee McNair", + "text": "cash from car dealerships. Because he had once worked as a car salesman himself, McNair knew where to find cash and keys at such dealerships, and how to avoid security. McNair only stole new vehicles: they had window stickers indicating whether a vehicle was equipped with a GPS-style tracking system (if it did, he wouldn't touch it). McNair avoided driving conspicuous-looking vehicles, preferring white vehicles that \"everybody has\". He once considered stealing a 3/4 ton truck/camper, \"but one of the supposed sightings of [McNair] was in North Dakota (of all places) in a truck with camper\", so he eventually settled", + "score": 0.6572265625 + }, + { + "id": "13235799", + "title": "Goodbye (Kristinia DeBarge song)", + "text": "and sexy. It starts off with me and my girlfriends just being mischievous. We're checking out whether my ex-boyfriend is home, because we're about to steal his car. The car in the video is a 1996 convertible Mustang, and it's red! I had to get a classic in there, since a new car is just what you'd expect. I worked out really hard to be in good shape for the video, too. My best friend is in the passenger seat with me, and everyone at the house are my friends. It gives the video more energy.\" The video was met", + "score": 0.65673828125 + }, + { + "id": "1694542", + "title": "Motor vehicle theft", + "text": "CarCheck in the United Kingdom, and Cartell in Ireland, which then provide online car check services for the public and motor trade. Vehicle tracking systems, such as LoJack, automatic vehicle location, or OnStar, may enable the location of the vehicle to be tracked by local law enforcement or a private company. Other security devices such as microdot identification allow individual parts of a vehicle to also be identified and potentially returned. Criminologist Frank E. Hagan wrote that, \"Probably the most important factor in the rate of motor vehicle theft is the number of motor vehicles per capita in the country.\"", + "score": 0.65673828125 + }, + { + "id": "15113701", + "title": "Bait Car (TV series)", + "text": "and might even be considered entrapment. Those in law enforcement argue that the show is a legitimate and effective way to catch auto thieves. \"John Q Public doesn't climb into bait cars,\" a Florida officer states. \"We are talking about people who have been arrested time and time again. Everybody we've arrested with a bait car has had an extensive criminal record.\" During season 5, LA prosecutors dropped charges against Keenen Alex after TV footage showed Detective Anthony Shapiro failed to read him a Miranda warning. Detective Shapiro asked Alex, \"You watch TV. You know your rights and all that?\"", + "score": 0.65673828125 + }, + { + "id": "3553795", + "title": "Gone in 60 Seconds (2000 film)", + "text": "as he considers the car cursed, with all previous attempts to steal one gone awry. As they scout the car locations, Memphis is approached by Castlebeck and Drycoff. While they cannot charge him with any crime, they warn him that they are watching his activities closely. Later, the detectives discover that some of the previous Mercedes heists were accomplished by ordering laser cut transponder keys direct from Hamburg, Germany, and they set up stakeouts to watch those cars specifically. On the night of the heists, most of the initial thefts go without problems, with the gang members delivering the cars", + "score": 0.65576171875 + }, + { + "id": "17357858", + "title": "Captured (1998 film)", + "text": "steal his car again. Holden enlists the help of his nephew Buddy (Seth Peterson) to reinforce his car's security system, as Holden continues to deal with worsening news about his property development and his crumbling marriage with his wife, Faye Downs (Linda Hoffman). Robert breaks into his house and subsequently attempts stealing the car again, but discovers its new security features: Bulletproof glass, reinforced interior, remote-controlled windows and stereo, and a lockdown feature where he is trapped within the car and held hostage. After refusing to cooperate with Holden, he begins torturing Robert by blaring loud music and withholding food", + "score": 0.6552734375 + }, + { + "id": "11007486", + "title": "Jim Bell", + "text": "of him by a government agency. In the days leading up to his arrest, he claimed that the agency had unlawfully installed a covert listening device in his home and a tracking device in his car, something the ATF admitted doing during the subsequent trial. The ATF stated that it had planted a covert GPS system in Bell's car and that it had tracked the movements of his Nissan Maxima in real time. Bell alleged in his 2003 lawsuit that the government employees had actually planted an illegal GPS tracking device in his car months before the one ostensibly allowed", + "score": 0.65478515625 + }, + { + "id": "19261086", + "title": "The Getaway Car", + "text": "their respective coloured team markings. In the Final Round, the Getaway Car is a Toyota 86 painted white with two black stripes, described as the fastest car they will have driven in the competition. The Stig pursues the team in supercar described as \"significantly faster\" than the Getaway Car, with the model chosen on an episode by episode basis. In Episode 1, it is a Mercedes AMG GT S, painted white. The show received mixed reviews from critics. \"Radio Times\" described it as \"fun family entertainment to drive away the January blues\", adding the show, \"which sees couples team up,", + "score": 0.65478515625 + }, + { + "id": "14037785", + "title": "The Automobile Thieves", + "text": "The Automobile Thieves The Automobile Thieves is an American crime-drama silent film directed by J. Stuart Blackton. The picture stars Blackton and Florence Lawrence. It was released on November 10, 1906 by The American Vitagraph Company; a print of the feature is preserved in the UCLA Film and Television Archive. The Thieves' Den - Plotting a big strike - Two of the gang hired as Lady's Maid and Chauffeur by millionaire victim - Robbery, murder, safe blowing and escape in stolen auto - Holdup of auto parties on the highway and sensational robbery of jewels and money while running side", + "score": 0.65478515625 + }, + { + "id": "5766289", + "title": "Buford T. Justice", + "text": "the armada is demolished when the Snowman brings a convoy of trucks to rescue the Bandit. Sheriff Justice's squad cars differ from film to film, which get wrecked in various ways due to his overzealous pursuit of the Bandit. In the first film, his car is a bronze 1977 Pontiac LeMans with two blue single lights: This loses the back right side fender, the top, the driver's side door and the back right side passenger door, the front right wheel, and the trunk lid. In the second film his car is a gold color 1980 Pontiac Bonneville, with two single", + "score": 0.65478515625 + }, + { + "id": "12554498", + "title": "Need for Speed: Undercover", + "text": "level. Common police tactics such as road blocks, rolling road blocks, spike strips, and PIT maneuvers are all featured, although some are only used by federal police. In addition, the player gets to drive a police vehicle in a mission in career mode, which consists of stealing a Nissan GT-R state police car. The other police cars cannot be driven except in a multiplayer game called Cops and Robbers. In the PlayStation 2 and Wii versions, however, other than in the mentioned mission (in these versions the cop car is a Lamborghini Gallardo - there's no GT-R in them), the", + "score": 0.6533203125 + }, + { + "id": "15564035", + "title": "Need for Speed: The Run", + "text": "bus. When they reach Denver, they find a motel for resting. Matt's friend find out that the Camaro's suspension is beat. He also knows some 24 hour cars dealerships in Denver. Then, they go to bed. The next day, where the race will start 3rd time, Matt gets a new car by the unknown woman again. This time, it is a Nissan GT-R. When the race starts, they leave Denver, and encounter some chasers which are not cops. The chasers are driving black cars with a large logo on the side of the cars. still chasing Matt and the unknown", + "score": 0.6533203125 + }, + { + "id": "5397922", + "title": "It Takes a Thief (2005 TV series)", + "text": "It Takes a Thief (2005 TV series) It Takes a Thief is an American reality television series that originally aired on the Discovery Channel from February 2, 2005 to April 13, 2007. The program stars and is hosted by Matt Johnston and Jon Douglas Rainey, two former thieves who use their unique expertise to teach people in an unusual way to protect their properties. With the owners' permission, the hosts stage a full-fledged burglary as their victims watch on closed-circuit television (CCTV), either live during the break-in (for season 1) or in real time with pre-recorded video playback (for season", + "score": 0.65283203125 + }, + { + "id": "6882598", + "title": "Fresno Police Department", + "text": "auto theft. In 2011, CCATT shut down 50 chop shops, identified 32 auto theft crews, arrested 331 suspects, recovered 74 firearms, and recovered 520 stolen vehicles. By bringing together the law enforcement community and the public, the daily auto theft rate was reduced in Fresno from 20 cars per day down to 10 per day. In the first two months of 2012, auto theft in Fresno is down 35%, compared with the same two months of 2011. People with information about auto theft crime in the Fresno area are asked to call 621-CCAT. All information will be kept confidential. Starting", + "score": 0.65283203125 + }, + { + "id": "8492993", + "title": "Delroy Easton Grant", + "text": "trawled through the CCTV footage recorded by the bus. On the recording a Vauxhall Zafira was spotted near the cash machine and vehicle records pinpointed all models in the South London area. However, this is a gross distortion of the truth; in fact the officers taking part in the observations had identified a Zafira as a suspected vehicle some two weeks previously, and thus were particularly alert to such a car being in the area of their operation. Then on Sunday evening (15 November) a Zafira was spotted parked in the Shirley area of Croydon, which was already being staked", + "score": 0.65234375 + }, + { + "id": "8816344", + "title": "300 million yen robbery", + "text": "believed the thief was a police officer, and accepted his story about the bomb because threatening letters had been sent to the bank manager beforehand. The smoke and flames turned out to be the result of a warning flare he had ignited while under the car. At some point, the thief abandoned the bank's car and transferred the metal boxes to another car, stolen beforehand. That car too was abandoned, and the boxes transferred once again to another previously stolen vehicle. There were 120 pieces of evidence left at the scene of the crime, including the \"police\" motorcycle, which had", + "score": 0.65234375 + }, + { + "id": "18856297", + "title": "Charleston church shooting", + "text": "his car, a black Hyundai Elantra with South Carolina license plates and a three-flag \"Confederate States of America\" bumper decoration, on U.S. Route 74, recalling security camera images taken at the church and distributed to the media. She later recalled, \"I got closer and saw that haircut. I was nervous. I had the worst feeling. Is that him or not him?\" She called her employer, who contacted local police, and then tailed the suspect's car for until she was certain authorities were moving in for an arrest. Roof waived his extradition rights and was flown to Sheriff Al Cannon Detention", + "score": 0.65185546875 + }, + { + "id": "2823418", + "title": "Car alarm", + "text": "the main reason why loud bass frequency sound (loud music, other cars or motorcycles with loud exhaust systems, thunderstorms, etc.) can set off car alarms. The second possible reason is that some parts of the alarm system may be improperly installed. Car alarm A car alarm is an electronic device installed in a vehicle in an attempt to discourage theft of the vehicle itself, its contents, or both. Car alarms work by emitting high-volume sound (often a vehicle-mounted siren, klaxon, pre-recorded verbal warning, the vehicle's own horn, or a combination of these) when the conditions necessary for triggering it are", + "score": 0.65087890625 + }, + { + "id": "6904783", + "title": "Stander (film)", + "text": "numerous police where he is forced to show identification. Deventer frantically rushes to see if it is Stander, but stops when he finds out that it was a false alarm (due to Stander's use of a fake passport) and Stander is allowed to leave. Finally arriving in Fort Lauderdale, Stander is unable to remain inactive for long when he hotwires a Mercury Cougar and runs a red light in front of police. Leading them on a short chase, Stander exits his vehicle and begins to disobey the officer's orders, prompting the officer's partner to grab a shotgun and threaten Stander", + "score": 0.650390625 + }, + { + "id": "3681283", + "title": "Interceptor (game show)", + "text": "Sue later used a canoe to collect her key from under a bridge. The episode ended with the Interceptor screeching over the bridge in his Maserati while Mark and Sue struggled to find each other. Although the two contestants met up with 1 minute remaining, the Interceptor had zapped both their backpacks. First broadcast on 2 August 1989. Contestant Max made his way on the Ravenglass and Eskdale Railway to his key challenge and the Interceptor climbed along the train in pursuit of Max. Contestant Suzanne got soaked in Wast Water while trying to get her key. At the end", + "score": 0.64990234375 + }, + { + "id": "14525469", + "title": "2010 Times Square car bombing attempt", + "text": "reportedly exchanged the cash for the car at a Connecticut shopping center parking lot, where he inspected the interior and cargo area (but not the engine) and declined the offer of a bill of sale. He later had the car windows tinted, which made it harder to peer inside. A surveillance tape from the parking lot shows Shahzad test-driving the car, according to the FBI. He bought a second vehicle through Craigslist (a black Isuzu Rodeo) from a mechanic in Stratford, Connecticut. Shahzad reportedly watched streaming videos online to determine the day of the week and time that Times Square", + "score": 0.6494140625 + }, + { + "id": "6065411", + "title": "Moteurs... Action! Stunt Show Spectacular", + "text": "in the maintenance garage. The primary \"hero\" car, which the action revolves around, is a custom-built design for the show, while the pursuit cars are Opel Corsas. The hero cars are all painted red while the pursuit cars are painted black, to easily allow guests to tell the difference between them. The show also includes specially-designed cars that look identical to the others used in the show, two of which are red \"hero\" cars. One substitute hero car has the bodyshell oriented backwards, to allow the driver to appear to be driving in reverse; the other has a seat and", + "score": 0.6494140625 + }, + { + "id": "6282828", + "title": "Joyride (crime)", + "text": "contributed to a rise in insurance premiums for owners of such vehicles. Many motorists fitted their cars with security features before such equipment became standard on new cars. Since the advent of immobilisers and car alarms, car thieves have frequently mugged motorists or broken into their homes in order to steal the keys to a car. In 2005 the Home Office conducted a survey to find out the most stolen cars per registered in the UK: The lack of security in older cars compared to modern equivalents is reflected in the fact that all of the cars listed had been", + "score": 0.6494140625 + }, + { + "id": "6282827", + "title": "Joyride (crime)", + "text": "fuel or damaged and then burnt out with petrol. Joyriding was a major problem in the United Kingdom during the 1980s and accelerated in the 1990s, but has eased off since the year 2000 largely due to improved security standards on newer cars and the number of old cars with more basic security diminishing. Many surviving older cars have had modern security features fitted in order to reduce the risk of theft. High performance cars including Ford's high performance XR and Cosworth models were a popular choice for car thieves when joyriding in the United Kingdom was its peak, which", + "score": 0.64892578125 + }, + { + "id": "5958836", + "title": "C.A.T.S. Eyes", + "text": "Motor Company. In the first series, Pru drove a 1985 Ford Escort 1.6i Mark III Cabriolet, which was also featured at the end of the first series title sequence. Fred had a 1984 Fiesta XR2 Mark II, and Maggie used 1985 Escort 1.6 Mark III. In the second series, Fred and Tessa drove 1986 white and Azure blue Ford Escort RS Turbos respectively, with the latter being the only one produced in that colour, whilst Maggie now had a 1986 Ford Sierra Mark I. Similar looking 1987 models of the vehicles were also used in the third series. Notably, there", + "score": 0.64892578125 + }, + { + "id": "12020129", + "title": "Stolen Car (Bruce Springsteen song)", + "text": "Stolen Car (Bruce Springsteen song) \"Stolen Car\" is a song written and performed by Bruce Springsteen. It was originally released on his fifth album, \"The River\". The version released on \"The River\" was recorded at The Power Station in New York in January 1980. An alternative version recorded in July 1979 was released on \"Tracks\" in 1998. \"Stolen Car\" was written quickly and first recorded the day after \"Hungry Heart. Music critic Clinton Heylin has suggested that it may have begun as a continuation of that song, as \"Stolen Car\" originally used similar language to explain the marriage failure: \"We", + "score": 0.64892578125 + }, + { + "id": "1002125", + "title": "Thelma & Louise", + "text": "J.D. to her room, and they sleep together. She then learns he is a thief who has broken parole. The following morning, Thelma leaves J.D. in her motel room to meet Louise downstairs for breakfast, and, when they return, they discover J.D. has stolen Louise's life savings and fled. Louise is distraught, so a guilty Thelma takes charge and later robs a nearby convenience store using tactics she learned from listening to J.D. Meanwhile, the FBI is getting closer to catching the fugitives after witnesses at the bar saw Louise's 1966 Ford Thunderbird convertible speeding out of the parking lot", + "score": 0.64892578125 + }, + { + "id": "6979959", + "title": "The Art of the Heist", + "text": "all manner of unruly assistants for the big heist. Virgil seemed to be the main suspect throughout much of the game, due to his odd behaviour and lousy attitude. Early in the game, a security camera recording was discovered which showed a shadowy villain stashing pieces of information inside 6 different Audi A3 cars. The cars, throughout the course of the game, were all tracked down, and infiltrated by the Retrievers, to get back the information hidden in them. By piecing together the whole of all data found in all cars, the full scope of the Big Art Heist was", + "score": 0.64892578125 + }, + { + "id": "9508636", + "title": "Grave Danger", + "text": "a coin to choose assignments: an assault at a strip club or a \"trash run\" at the cross of Flamingo and Koval. Nick loses and Warrick leaves for the club, gloating. Back to the present, police scent dogs track the smell of Nick's vest to an empty parking space on a side street. Warrick notices a void in the fallen rain and takes measurements. With the help of the lab technicians and a dispatch officer, Warrick determines the getaway vehicle to be a Ford Expedition and tracks its escape route on the traffic camera video tapes. Doc Robbins determines that", + "score": 0.6484375 + }, + { + "id": "19205901", + "title": "Disappearance of Ce\u0301drika Provencher", + "text": "police surveillance, including the use of hidden cameras and wiretapping. On 6 September he initially accepted to let his vehicle be searched, but at that time the car was in a repair shop to have bodywork done on its rear. Investigators only gained access to the car in December after obtaining a search warrant, but no meaningful forensic evidence was retrieved. In the meantime, the SQ announced through media in November that it was \"certain\" the infamous \"Acura rouge\" car was involved in the kidnaping. Bettez has always refused to take a polygraph test one way or the other, and", + "score": 0.64794921875 + }, + { + "id": "3653848", + "title": "Harry Pierpont", + "text": "the cashier and assistant cashier at bay. After leaving the bank, they sped away in a Ford touring car and headed north before any alarm could be given. The Laketon bank cashier gave a description of the robbers and stated they were driving a Willys-Knight car. It was ascertained that the license plate on the Willys-Knight car had been stolen from a Buick car the previous week in Fort Wayne. The plates belonged to a salesman from Lagrange who worked out of Fort Wayne, and were reported stolen the week before. The license plate numbers used by the bandits were", + "score": 0.64794921875 + }, + { + "id": "11651946", + "title": "Top Gear challenges", + "text": "a self-deploying stinger on the front (actually several doormats stitched together with nails poking through). The presenters' cars were then put to test around the \"Top Gear\" track, which included beating the Stig's lap in the Vauxhall Astra diesel (coupled with extra points for flamboyance), clearing a crash site in less than two minutes, and then stopping the Stig in a police chase (the latter driving a BMW 7-Series) \"Without using \u00a3125,000 worth of Volvo, the RAF, and 16 health and safety forms.\" The real police first demonstrated how to stop the stolen car using four Volvo V70 estates, boxing", + "score": 0.6474609375 + }, + { + "id": "14339782", + "title": "The Good Guys (2010 TV series)", + "text": "Dallas, \"It's a great city to jump on the hood of a car.\" Initially, the protagonists' mode of transportation is a mid-nineties Chevrolet Lumina, but during the course of the first episode, Dan Stark acquires a 1980 Pontiac Trans Am and uses it to great dramatic effect during the rescue of a hostage. By the end of the pilot episode, the new car has won the grudging respect of the uptight Bailey, and become the team's new vehicle. After the Lumina gets totaled in \"Bait & Switch\", it is replaced with a mid-2000s Ford Taurus, but Dan and Jack rarely", + "score": 0.6474609375 + }, + { + "id": "3904691", + "title": "The Skulls (film)", + "text": "friends who have turned petty crime into an art form (Luke also bribes them to help him by giving them the car he had been given by the Skulls, a 1963 Ford Thunderbird convertible as an apology for missing his friends birthday the week before), Luke obtains the Skulls security tapes that prove Lombard committed the murder and in trying to convince Caleb of the truth (that it was his father who was responsible for Will's death), Luke realizes how scared Caleb is of his father. Before Luke can show the evidence to police, the Skulls council, who know Luke", + "score": 0.6474609375 + }, + { + "id": "9343768", + "title": "The Message (Prison Break)", + "text": "in Calomatillo, Sucre unsuccessfully tries to stay aboard the bus as he did not have a paying ticket. Sucre's newfound friend, the elderly passenger, invites Sucre to his home, providing that he can cook. Sucre agrees to this proposal, as he sees the elderly man's vehicle, a Volkswagen Beetle, as a way of getting to Ixtapa to see Maricruz. After they finish dinner and the elderly host had retired for the night, Sucre stole the car but is later stopped by the Mexican police. The widower tells the police that he is glad they found Sucre, as he forgot to", + "score": 0.64697265625 + }, + { + "id": "2536088", + "title": "Bullitt", + "text": "his friends Suki (Devon Aoki) and Tej Parker (Chris Bridges). During the only season of the 2012 TV series \"Alcatraz\", Det. Rebecca Madsen (Sarah Jones) drives a green 1968 390 V8 Ford Mustang fastback like Bullitt's. In the series finale, she finds herself in a 2013 Ford Mustang GT, the modern equivalent of the 1968 fastback, giving chase to a black LX Dodge Charger driven by series antagonist Thomas \"Tommy\" Madsen (David Hoflin). The sequence pays homage to \"Bullitt\"'s car chase, including Madsen buckling the seatbelt in his Charger before starting, and two passes by a green Volkswagen Beetle. The", + "score": 0.64697265625 + }, + { + "id": "10766470", + "title": "Knockin' on Heaven's Door (1997 film)", + "text": "find a bottle of tequila, Martin finds out that Rudi has never seen the sea. Martin tells Rudi that all they talk about in Heaven is how beautiful the sea is. Drunk and still in their pajamas, they steal a baby blue Mercedes-Benz W113 classic roadster and go for their last mission - to see the sea. The car belongs to a crime boss. They rob several small shops, only to find that there is a million dollars in cash in the trunk of their car. As they progress closer to their goal, police along with gangsters start the hot", + "score": 0.64697265625 + }, + { + "id": "11651945", + "title": "Top Gear challenges", + "text": "to buy a car and turn them into police cars able to surpass the Police's standard-issue Vauxhall Astra Diesels. Clarkson bought a 1998 Fiat Coup\u00e9 20V Turbo for \u00a3900, painted it in Italian \"Polizia di Stato\" livery (although the colour was wrong), and fitted it with \"Boudicea\" wheel covers. May bought a 1994 Lexus LS400 for \u00a3900 as well, which he painted in a traditional 'jam sandwich' livery, fitted with a siren from an ice cream van, and armed with paint sprayers at the back. Hammond bought a 1994 Suzuki Vitara for \u00a3750, and equipped it with light bars and", + "score": 0.64501953125 + }, + { + "id": "18691613", + "title": "Cop Car (film)", + "text": "stolen sheriff's car and tells dispatch to ignore the report. After getting the other officers to switch their radio to a different channel, he uses the old channel to call the boys, but they do not answer. They are running in a field playing with Kretzer's weapons and gear found in the back seat. The boys hear someone screaming from the trunk of the car and open it to see a man covered in blood. He pleads with them to help him saying the cop is the bad guy. After being unable to talk with the boys, Kretzer dumps bags", + "score": 0.64501953125 + }, + { + "id": "8085569", + "title": "Poli\u0301cia de Seguranc\u0327a Pu\u0301blica", + "text": "service, including Nissan Leaf, Renault Megane and Toyota Avensis. A single apprehended Audi R8 is used as a special pursuit car. Older models of patrol cars are also still in service, like Volkswagen Polo saloon, Mitsubishi Carisma and Fiat Tempra. Ground speed radar equipped Volkswagen Sharan minivans are used for traffic enforcement, while some Toyota Hilux pickup trucks and Land Rover jeeps are used for patrolling non urban and mountainous areas. A number vans are also in service, including newer Mercedes-Benz Metris and Sprinter (with flip down wire shield across the windscreen) and older Volkswagen Transporter, Iveco and Ford Transit.", + "score": 0.64501953125 + }, + { + "id": "2926016", + "title": "Don't Tell Mom the Babysitter's Dead", + "text": "her r\u00e9sum\u00e9 so impressive that she offers Sue Ellen a job as an executive assistant, much to the chagrin of Carolyn, a receptionist on Rose's floor who was initially in line for the job. While having dinner at a restaurant that night, Mrs. Sturak's car is stolen by drag queens, forcing Sue Ellen to call in a favor from Bryan to bring them home. Sue Ellen then obtains the keys to her mother's Volvo, and begins stealing from petty cash at GAW to support the family, intending to return it when she receives her paycheck. At work, Sue Ellen has", + "score": 0.64501953125 + }, + { + "id": "1800558", + "title": "To Catch a Thief", + "text": "in hand. Unmasked, his nemesis turns out to be Foussard's daughter, Danielle. She loses her footing on the roof, but Robie grabs her hand before she can fall. He forces her to confess the father-daughter involvement loudly to the police, and that Bertani was the ringleader of this gang. Robie speeds back to his villa. Frances follows to convince him that she has a place in his life. He agrees, but looks less than thrilled when she says, \"Mother will love it up here.\" \"To Catch a Thief\" was the director's first film (of five) made using the VistaVision widescreen", + "score": 0.64501953125 + }, + { + "id": "9220188", + "title": "Viv Graham", + "text": "Wallsend, and soon discovered Graham\u2019s car parked just off Wallsend High Street. The stolen car was then parked with a view of the back of Graham\u2019s car. The gunman got out, walked over to Graham\u2019s car, and smashed the driver\u2019s door window. When Graham returned to his vehicle, three shots were fired at him. The gunman ran back to the stolen Escort, got in, and the informant drove off. Once back in Heaton, the Escort was set alight, and the pair were picked up by associates. The informant stated that the gunman had used a 357 Magnum. He stated that", + "score": 0.64453125 + }, + { + "id": "3534223", + "title": "Sleeper (car)", + "text": "the Royal Navy. In the February 1963 \"Motor Sport\" magazine editor Bill Boddy said \"the modifications carried out by Lotus have turned [the Lotus Cortina] into a 'Q' car par excellence\". The British film \"The Long Arm (film)\" (1956; aka \"The Third Key\") mentions a Q car (unmarked) patrolling the city by night, indicating that the term was in use among UK law enforcement at least a decade earlier. In July 1964, British magazine \"Motorcycle Mechanics\" carried an announcement from editor Bill Lawless of the use of two police 'Q\u2013cars' \u2013 a black Daimler SP250 sports car and a green", + "score": 0.64453125 + }, + { + "id": "4301977", + "title": "Police car", + "text": "is a police dog on board. Forces may operate surveillance cars. These cars can be marked or unmarked, and are there to gather evidence of any criminal offence. Overt marked cars may have CCTV cameras mounted on the roof to discourage wrongdoing, whereas unmarked cars would have them hidden inside. This type of vehicle is particularly common in the United Kingdom. In the United States, some police departments' vice, narcotics, and gang suppression units utilize vehicles that contain no identifiable police equipment (such as lights, sirens or radios) to conduct covert surveillance. Some police vehicles equipped with surveillance are Bait", + "score": 0.64453125 + }, + { + "id": "2908123", + "title": "Adam-12", + "text": "\"Webb wanted the vehicle itself to be considered a character.\" The show specifically centered on police radio cars and helped reinforce \"the sound of radio as an anti-crime technology.\" The police vehicles used in the production of show were purchased from local dealerships and outfitted by the prop department to LAPD cruiser specs. In seasons two and three, there were many instances where Reed and Malloy would be seen driving a 1969 Plymouth one minute, then with a camera or scene change, they would be in a 1968. The two years were very similar, with only minor differences between them.", + "score": 0.64453125 + }, + { + "id": "3783305", + "title": "Car chase", + "text": "Car chase A car chase is the vehicular hot pursuit of suspects by law enforcers. The rise of the automotive industry in the 20th century increased car ownership, leading to a growing number of criminals attempting to evade police in their own vehicle or a stolen car. Car chases are often captured on news broadcast due to the video footage recorded by police cars and police and media helicopters participating in the chase. Car chases are also a popular subject with media and audiences due to their intensity and drama and the innate danger of high-speed driving. Car chases occur", + "score": 0.64404296875 + }, + { + "id": "17238266", + "title": "Dzhokhar Tsarnaev", + "text": "SUV and robbed the owner. However, the owner of the car said he managed to escape when the Tsarnaevs became momentarily distracted in the process of refueling the car at a cash-only gas station. The man, who would not give his name to the media but said he goes by the name \"Danny,\" said he fled to another nearby gas station and contacted the police. Police were then able to track the location of the car through the man's cellphone and the SUV's anti-theft tracking device. When police found the stolen SUV and a Honda being driven by the brothers", + "score": 0.64404296875 + }, + { + "id": "6256092", + "title": "LoJack", + "text": "LoJack LoJack, also known as the LoJack Stolen Vehicle Recovery System (LoJack SVR), is a stolen vehicle recovery system that is integrated with law enforcement, enabling vehicles and equipment to be tracked and recovered by police. The system uses a hidden mounted transceiver, and a tracking computer installed in police cars and aircraft, operating on a dedicated tracking frequency set aside by the Federal Communications Commission. The system combines recovery technology from LoJack, with telematics products and services from parent company CalAmp. The LoJack system was created and patented in 1979 by William Reagan, who went on to found LoJack", + "score": 0.64404296875 + }, + { + "id": "20898203", + "title": "Vladimir Tushinsky", + "text": "department of the Ministry of Internal Affairs, passing a stop with his car when, according him, the murder was committed. The DVR camera captured the Toyota 4Runner car parked near the murder site; the registration numbers were not visible, however, the inscription \"PICK UP\" on the cockpit was in frame. Law enforcement agencies found out that the car belonged to Tushinsky, and on February 17, he was arrested. In trunk of Tushinsky's car an axe, taser, air gun, as well as female tights and an artificial vagina were found. After examining the car, traces of blood and hair from Khodos", + "score": 0.6435546875 + }, + { + "id": "12497269", + "title": "Titusville Police Department", + "text": "a fleet of over 70 vehicles, including marked and unmarked patrol cars (most of which are Chevrolet Impalas), undercover vehicles, sport utility vehicles, Community Service Officer vehicles, ATVs, golf carts, two crime scene vans, a SWAT truck, and many other vehicles necessary for responding to the multitude of different calls for service it receives. Titusville also has confiscated vehicles that are used for investigations as well as senior staff cars. The current fleet of the Titusville Police Department is composed of 2013 Chevy Caprices, a number of Impalas, and a couple of Ford Crown Victorias. The department changed its marking", + "score": 0.6435546875 + }, + { + "id": "7179669", + "title": "Beware of the Car", + "text": "(Yefremov) investigates his crimes and tries to prosecute him, but faces a serious moral problem in doing that, partly because the suspect appears to be his amateur theater mate and friend. The film was the leader of Soviet film distribution for 1966 watched by 29 million people (11 place). Innokenty Smoktunovsky recognized as the Best Actor of 1966. Awards: Edinburgh-66, Sydney-66, Melbourne-67, Cartagena-69. Beware of the Car Beware of the Car (, translit. \"Beregis Avtomobilya\", US titles \"Uncommon Thief\", or \"Watch out for the Automobile\") is a Soviet 1966 crime comedy-drama film directed by Eldar Ryazanov, based on a screenplay", + "score": 0.6435546875 + }, + { + "id": "7220609", + "title": "Inspector Gadget (film)", + "text": "110-minute version. The Gadgetmobile, designed by Brenda Bradford, is a white & chrome 1964 Lincoln Continental convertible instead of a Matra Murena/Toyota Celica hybrid from the cartoon and can't transform from a minivan to a police vehicle and often drives by itself. It has an artificial intelligence with a male persona. Like most anthropomorphic cars, \"his\" front bumper is his mouth and he has eyes in his headlights. However, unlike those cars, who have two eyes, he has four. He also has a face on a computer screen on the dashboard and a license plate that reads \"GADGET\". Among other", + "score": 0.6435546875 + }, + { + "id": "20178443", + "title": "Murder of Dee Dee Blanchard", + "text": "often left on medical trips unannounced, they saw that Dee Dee's Nissan Cube, modified to hold Gypsy's wheelchair, was still in the driveway, making that explanation unlikely. Protective film on the windows made it hard to see inside in the low light. No one answered the door, so they called 9-1-1. When the police arrived, they had to wait for a search warrant to be issued before they could enter, but they allowed one of the neighbors present to climb through a window, where he saw that the inside of the house was largely undisturbed, and that all of Gypsy's", + "score": 0.6435546875 + }, + { + "id": "11429876", + "title": "Stolen Car (Take Me Dancing)", + "text": "Stolen Car (Take Me Dancing) \"Stolen Car (Take Me Dancing)\" is a song by Sting, released as the third single from his album \"Sacred Love\" on 26 April 2004. It topped the Dance Club Songs chart in the United States in August 2004. A remix of the song featuring will.i.am of The Black Eyed Peas, titled: \"Stolen Car (Take Me Dancing) (Batson-Doc-Will.I.Am Remix)\", was released on May 18, 2004. Another remix of the song featuring American rapper Twista. European CD single European CD maxi single US CD maxi single \"Stolen Car (Take Me Dancing)\" was covered by French singer, Myl\u00e8ne", + "score": 0.6435546875 + }, + { + "id": "19261076", + "title": "The Getaway Car", + "text": "The Getaway Car The Getaway Car is a British game show that has aired on BBC One from 16 January to 3 September 2016. It is hosted by Dermot O'Leary and is themed around motoring; it also features the character The Stig from the BBC car show \"Top Gear\", as well as supporting characters the Red Stig and Blue Stig, described as The Stig's adolescent nephews. The show's initial commission was for twelve hour-long episodes and made by Charlotte Moore, the controller for BBC One and Mark Linsey, the controller of entertainment commissioning. It was executive produced by Andy Rowe,", + "score": 0.64306640625 + }, + { + "id": "12204532", + "title": "Grand Theft Auto: Chinatown Wars", + "text": "they can read either from the PDA or the laptop present in their safe house. While stealing a moving vehicle is similar to that of previous \"Grand Theft Auto\" games, \"Chinatown Wars\" uses a different system for stealing parked vehicles. Depending on the car, it can be started in one of a few ways. Older cars require a few turns of a screwdriver in the ignition, while other cars require hotwiring. Newer, more expensive cars (with the exception of a bulletproof van) require the player to \"hack\" the computerised immobiliser. It is still possible to flip cars or set them", + "score": 0.64306640625 + }, + { + "id": "12155295", + "title": "Indonesian National Police", + "text": "of police personnel are usually modified Suzuki Mega Carrys, Isuzu Elfs and Toyota Dynas with horizontal side sitting facilities inside of the trunk covered by dark colored canvas for canopy. Costumed patrol pick-ups with mounted sitting facilities on the trunk covered with canopy are also operated by the police to carry police personnel during patrol, the pick-ups are usually Isuzu Panther pick-ups and usually operate in rural areas. For high-ranking officers (usually generals), issued cars are usually grey (some black) full to compact sedans and Mid to Full-sized SUVs. Such cars are mainly chauffeured Toyota Camrys, Hyundai Sonatas, Toyota Land", + "score": 0.64306640625 + }, + { + "id": "1833946", + "title": "Murder of John Alan West", + "text": "it in a builders' yard in Ormskirk, Lancashire. Evans had asked a neighbour whether he could leave it there, and the neighbour thought his behaviour suspicious; she reported it to the police on the evening of Tuesday 7 April. The police found that the car had been stolen and matched the descriptions given in Seaton; with descriptions of the car and pictures of Evans, they traced its route back to Lancashire. The police also traced Evans, through his parents, as well as criminal and army records, to Allen's address in Preston. At 1.00pm on Wednesday 8 April, less than 36", + "score": 0.642578125 + }, + { + "id": "5766292", + "title": "Buford T. Justice", + "text": "a passenger bus still in pursuit of the Bandit. In the third film, his final car is a light blue 1983 Pontiac Bonneville, with two single emergency lights (each sharing a blue-red display) and two smaller red ones, with the center of the display open to have the shark replica tied up during the run, and it also had a \"Sheriff\" decal located on the trunk. Of the three cars, the third vehicle is put through the most punishment: This loses its driver's side front fender, gets sprayed with paint on the right side, gets buried in sand, loses its", + "score": 0.642578125 + }, + { + "id": "2436154", + "title": "The Fast and the Furious (1955 film)", + "text": "a small coffee shop by a zealous citizen who is suspicious of the stranger. Frank manages to escape and, as he gets away, kidnaps a young woman named Connie (Dorothy Malone). Frank drives off with Connie in her Jaguar sports car. She soon proves a difficult hostage, trying to escape a few times, which leads him to treat her more roughly than they both would prefer. This mutual struggle soon leads the two to fall in love. Continuing to elude police, the couple slips into a cross-border sports car race, which Frank plans to take advantage of in order to", + "score": 0.642578125 + }, + { + "id": "3131556", + "title": "Concealment device", + "text": "contraband, such as illegal drugs, from searches by authorities. Until the 1980s, drugs trafficked in cars in the U.S. tended to be hidden in obvious places such as wheel wells or spare tires. In the early 1980s, the first magnetically or hydraulically actuated secret compartments, dubbed \"urban traps\" by the Drug Enforcement Administration, started to appear \u2013 often in door panels, dashboards, seats and roofs. By the early 1990s, however, police had learned to detect such traps by looking for suspicious buttons and switches. More recent traps have no visible controls, are electronically controlled and may require complicated procedures for", + "score": 0.642578125 + }, + { + "id": "3553796", + "title": "Gone in 60 Seconds (2000 film)", + "text": "to Calitri's dock. When Memphis and others prepare to steal the Mercedes with the transponder keys, he gets a sense of something amiss, and has the gang abandon those; instead, they successfully scheme a way to obtain those cars from the police impound. Castlebeck, furious that he could not catch Memphis in the act, returns to the seized warehouse to search for any more clues. They discover pieces of a blacklight lamp, and shortly discover the list of fifty cars written in ultraviolet-sensitive paint on the wall. Aware they cannot watch all those cars, Castleback focuses on the Shelby GT500,", + "score": 0.64208984375 + }, + { + "id": "14664080", + "title": "Kidnapped (2010 film)", + "text": "Young Thief manages to talk her out of shooting him with Strong Thief's gun and leaves. While this is happening, Jaime and Head Thief are in the car, driving around. The idea is for the clock to turn to the next day, so that Jaime can take out more money from the bank. Instead, Jaime speeds up and runs the car into a telephone pole, knocking himself and Head Thief unconscious. When Jaime comes to, he takes Head Thief's gun and returns home. He and Young Thief meet each other outside the house, but both are too traumatised and Young", + "score": 0.64208984375 + }, + { + "id": "2145773", + "title": "My Cousin Vinny", + "text": "questioning, Lisa testifies that only a car with an independent rear suspension and positraction could have made the tire marks, which rules out Bill's 1964 Buick Skylark. However, one model of car with these features is the similar-looking metallic, mint green 1963 Pontiac Tempest. Vinny recalls George Wilbur, who confirms this. Vinny then recalls the local sheriff, who testifies that two men who fit Bill and Stan's descriptions were just arrested in Georgia for driving a stolen green Pontiac Tempest, and were in possession of a gun of the same caliber as that which was used to kill the clerk.", + "score": 0.6416015625 + }, + { + "id": "2521941", + "title": "Grand Theft Auto 2", + "text": "\"Chernobyl Docks\" and \"Disgraceland\", the latter being the name of a district featured in \"Grand Theft Auto 2\"). The film depicts a blue-and-white NYPD 1991\u20131992 Chevrolet Caprice police car as a pursuit vehicle, as well as a black BMW 5 Series (E39) driven by Claude, which is later repainted white. Each area features five radio stations from a pool of eleven, one of which is heard as the player drives most vehicles in game. Changing radio stations for preference is possible. \"Head Radio\" was present in the original \"Grand Theft Auto\", \"Grand Theft Auto III\" and \"Grand Theft Auto: Liberty", + "score": 0.6416015625 + } + ], + "answer": "The make of the car in the 1953 film To Catch a Thief was Rootes Group, and its model was the 1953 Sunbeam Alpine Mk I. The car driven by Grace Kelly, who stars in the film, was a metallic blue 1953 Sunbeam Alpine Mk I. The Sunbeam Alpine is a two-seater sports drophead coup\u00e9 that was produced by the Rootes Group, a British automobile manufacturer, from 1953 to 1955 and from 1959 to 1968." + }, + { + "qa_pairs": [ + { + "context": "On January 25, 2011, it was confirmed that the show had been renewed for a fourth season, to be filmed in Italy during the first half of 2011. The fourth season premiered August 4, 2011. MTV confirmed in June 2011 that the fifth season would return to Seaside Heights.", + "question": "When did season 4 of jersey shore first air?", + "short_answers": [ + "August 4, 2011" + ], + "wikipage": "Jersey Shore (TV series)" + }, + { + "context": "No context provided", + "question": "When did season 4 of jersey shore last air?", + "short_answers": [ + "October 20, 2011" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When did season 5 of jersey shore first air?", + "short_answers": [ + "January 5, 2012" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When did season 5 of jersey shore last air?", + "short_answers": [ + "March 15, 2012" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When did season 6 of jersey shore first air?", + "short_answers": [ + "October 4, 2012" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When did season 6 of jersey shore last air?", + "short_answers": [ + "December 20, 2012" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Jersey Shore (TV series)", + "url": "https://en.wikipedia.org/wiki/Jersey%20Shore%20%28TV%20series%29" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Filming went from May to June 20, 2011[64] and the fourth season premiered on August 4, 2011. The fourth season aired for 12 episodes and finished airing on October 20, 2011...It premiered on January 5, 2012 and follows the cast returning to Seaside Heights, New Jersey after spending the fourth season in Italy.\n", + "wikipage": "List of Jersey Shore episodes Season 4 (2011)" + }, + { + "content": "Jersey Shore is an American reality television series that ran on MTV from December 3, 2009, to December 20, 2012, in the United States.", + "wikipage": "Jersey Shore (TV series)" + } + ], + "long_answer": "The American reality television series Jersey shores aired from December 3, 2009, to December 20, 2012, in the United States. The fourth season aired from August 4, 2011 to October 20, 2011. Season 5 aired from January 5, 2012 to March 15, 2012 and the last season 6 aired from October 4, 2012 to December 20, 2012." + }, + { + "knowledge": [ + { + "content": "Jersey Shore is an American reality television series that ran on MTV from December 3, 2009, to December 20, 2012, in the United States.", + "wikipage": "Jersey Shore (TV series)" + } + ], + "long_answer": "Jersey Shore is an American reality television series that ran on MTV from December 3, 2009, to December 20, 2012, in the United States. Season 4 premiered August 4, 2011 and ended on October 20, 2011. Season 5 started on January 5, 2012 and ended on March 15, 2012. Season 6 started on October 4, 2012 and ended on December 20, 2012." + } + ], + "sample_id": "3127369420834732535", + "question": "When did the last season of jersey shore air?", + "docs": [ + { + "id": "14055297", + "title": "Jersey Shore (TV series)", + "text": "Jersey Shore (TV series) Jersey Shore is an American reality television series that ran on MTV from December 3, 2009 to December 20, 2012 in the United States. The series follows the lives of eight housemates who spend their summer together at a vacation home: in Seaside Heights, New Jersey in seasons one, three, five and six, and in South Beach, Florida and Florence, Italy in seasons two and four, respectively. The show debuted amid controversy regarding its use of the terms \"Guido/Guidette\", its portrayal of Italian-Americans and allegations of perpetuating stereotypes, as well as scrutiny from locals of the", + "score": 0.7412109375, + "summary": "The last season of Jersey Shore aired on December 20, 2012.", + "extraction": "The last season of Jersey Shore aired on December 20, 2012 in the United States." + }, + { + "id": "14055325", + "title": "Jersey Shore (TV series)", + "text": "unrelated production companies focused on groups of friends in other locations or of specific ethnicities. Few made it to series. Jersey Shore (TV series) Jersey Shore is an American reality television series that ran on MTV from December 3, 2009 to December 20, 2012 in the United States. The series follows the lives of eight housemates who spend their summer together at a vacation home: in Seaside Heights, New Jersey in seasons one, three, five and six, and in South Beach, Florida and Florence, Italy in seasons two and four, respectively. The show debuted amid controversy regarding its use of", + "score": 0.73193359375, + "summary": "The last season of Jersey Shore aired on December 20, 2012 in the United States.", + "extraction": "The last season of Jersey Shore aired on December 20, 2012 in the United States." + }, + { + "id": "14055306", + "title": "Jersey Shore (TV series)", + "text": "8.56 million viewers, only to set another record with the airing of the fourth episode, which garnered 8.87 million viewers. On January 25, 2011, it was confirmed that the show had been renewed for a fourth season, to be filmed in Italy during the first half of 2011. The fourth season premiered August 4, 2011. MTV confirmed in June 2011 that the fifth season would return to Seaside Heights. Believed complications caused by Nicole Polizzi's pregnancy, and several cast members (including Polizzi, DelVecchio, and Farley) receiving spin-offs sparked talk about the future of the series past the fifth season, however", + "score": 0.73046875, + "summary": "The fourth season of Jersey Shore premiered on August 4, 2011.", + "extraction": "The last season of Jersey Shore aired on MTV on June 2012." + }, + { + "id": "16331344", + "title": "Snooki & Jwoww", + "text": "series for a third season, which premiered on October 22, 2013, returning to the original 30-minute episode format. On April 24, 2014, MTV renewed the series for a fourth and final season. The series has been released on iTunes, and on DVD. Season 1 was released only through Amazon.com on October 4, 2012. Season 2 was released May 6, 2013. Season 3 was released November 14, 2014. Snooki & Jwoww Snooki & Jwoww (sometimes rendered Snooki & JWOWW in print and online sources) is an American reality television series on MTV starring Snooki and JWoww. It is the second of", + "score": 0.73046875, + "summary": "The document mentions the release dates of various seasons of the show \"Snooki & Jwoww,\" but does not provide information on when the last season of \"Jersey Shore\" aired. Therefore, the answer is \"irrelevant.\"", + "extraction": "The last season of Jersey Shore is not mentioned in this passage, so the answer is \"irrelevant\"." + }, + { + "id": "16331333", + "title": "Snooki & Jwoww", + "text": "in a former firehouse in Jersey City, New Jersey, though Polizzi's pregnancy, which was confirmed during filming of the first season, led to a change in episode content and tone that would distance it from the party-oriented antics of its parent show. Filming began on the first season February 25, 2012, and lasted five weeks. A second season was confirmed on August 3, 2012, and premiered on January 8, 2013. On April 25, 2013, MTV renewed the series for a third season, which premiered on October 22, 2013. On April 24, 2014, the series was renewed for the fourth and", + "score": 0.7294921875, + "summary": "Irrelevant.", + "extraction": "The passage is irrelevant to the question as it does not mention anything about the last season of Jersey Shore." + }, + { + "id": "18024796", + "title": "The Real Housewives of New Jersey (season 3)", + "text": "New Jersey\" was officially renewed for a third season on August 31, 2010. The season premiere \"In the Name of the Father\" was aired on May 16, 2011, as a 90 minute special that delivered the highest rated season premiere in the network's history and the highest rated season premiere in \"The Real Housewives\" franchise at the time. The nineteenth episode \"Portrait of an Italian Family\" served as the season finale, and was aired on October 9, 2011. It was followed by a two-part reunion which marked the conclusion of the season and was broadcast on October 16, and October", + "score": 0.7255859375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The given passage is about \"The Real Housewives of New Jersey\" and does not mention anything about \"Jersey Shore\"." + }, + { + "id": "14055312", + "title": "Jersey Shore (TV series)", + "text": "others. On December 28, 2010 the Season 2 Uncensored DVD was released. On July 26, 2011 the Season 3 Uncensored DVD was released. On December 27, 2011 the Season 4 Uncensored DVD was released. On August 28, 2012 the Season 5 Uncensored DVD was released. A soundtrack to the series was released as \"Jersey Shore Soundtrack\" by MTV and Universal Republic on July 20, 2010. Aimed to create the perfect summer playlist, the album features songs from a variety of artists including Enrique Iglesias, Pitbull, Taio Cruz, Ludacris, Lil Jon, 3OH!3, David Guetta, Fergie, Chris Willis, Girlicious and LMFAO as", + "score": 0.72119140625, + "summary": "The document provides information about DVD releases and a soundtrack of the Jersey Shore TV series, but it does not answer the question of when the last season of the show aired. Therefore, the answer is \"irrelevant.\"", + "extraction": "The last season of Jersey Shore is not mentioned in the passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "14115904", + "title": "Snooki", + "text": "permanent residences and began airing on January 8, 2013. This season had an expanded one-hour episode format. The March 2012 confirmation of Snooki's pregnancy raised speculation as to how the creative direction of her spin-off would be affected, as she would be unable to engage in the \"hard-partying, booze-swilling\" antics that had previously garnered high ratings for MTV. The show chronicled her days in pregnancy and early years in motherhood and ran for four seasons before concluding in February 2015. In early 2016, Snooki starred with her husband on the f.y.i. series \"Nicole & Jionni's Shore Flip\". Since November 2015,", + "score": 0.71875, + "summary": "The last season of Jersey Shore is irrelevant to this document.", + "extraction": "The last season of Jersey Shore is irrelevant to the given passage, therefore the answer is \"irrelevant\"." + }, + { + "id": "16331341", + "title": "Snooki & Jwoww", + "text": "of that issue gave MTV cause for concern, as it would preclude her from engaging in the \"hard-partying, booze-swilling\" antics that, on \"Jersey Shore\", had garnered high ratings that revitalized the network, and would require a change in the creative direction of the show. In April 2012, the series' name had been finalized to simply \"Snooki & Jwoww\". It premiered June 21, 2012. On July 10, 2012, satellite distributor DirecTV ceased broadcasting all Viacom channels, including MTV, which resulted in ratings for the channel in general to decrease significantly. The first episode to air following DirectTV's dropping of Viacom channels", + "score": 0.716796875, + "summary": "The document is irrelevant to the question.", + "extraction": "The passage is irrelevant to the question as it does not provide any information about the last season of Jersey Shore." + }, + { + "id": "20678002", + "title": "Jersey Shore: Family Vacation", + "text": "in Miami, Florida for a new reunion season titled \"Jersey Shore: Family Vacation\". The series premiered globally on April 5, 2018. Jersey Shore: Family Vacation Jersey Shore: Family Vacation is an American reality television series that premiered on MTV globally on April 5, 2018. The series follows seven housemates from the original \"Jersey Shore\" as they spend a month living together in Miami, Florida. On February 28, 2018, a second season was ordered ahead of the series premiere, which filmed in Las Vegas, Seaside Heights, Neptune City and Atlantic City. The season premiered on August 23, 2018. On December 13,", + "score": 0.71484375, + "summary": "The last season of Jersey Shore, titled \"Jersey Shore: Family Vacation,\" premiered on August 23, 2018.", + "extraction": "The last season of Jersey Shore aired on August 23, 2018." + }, + { + "id": "17259639", + "title": "Geordie Shore (series 4)", + "text": "Geordie Shore (series 4) The fourth series of Geordie Shore, a British television programme based in Newcastle upon Tyne, began airing on 6 November 2012 on MTV. The series concluded on 18 December 2012 with a double bill after 8 episodes, the series ended on a double bill to avoid the final episode airing on Christmas Day. This was the first series to feature Daniel Thomas-Tuck and Scott Timlin and is the highest rated series to date with 4 episodes receiving over 1,000,000 viewers. The series includes Vicky and Ricci's ongoing arguments continue to the point of the engagement being", + "score": 0.712890625, + "summary": "Irrelevant.", + "extraction": "The passage is irrelevant to the question as it talks about the fourth series of Geordie Shore and not the last season of Jersey Shore." + }, + { + "id": "14055307", + "title": "Jersey Shore (TV series)", + "text": "on March 19, 2012, MTV officially confirmed that the series would return for a sixth season, with all cast members returning. Filming for the sixth season took place in mid-2012, and featured Polizzi nearly eight months pregnant. MTV said in a statement, \"While things will definitely be a little different this time when they hit the boardwalk, their trademark hilarity and family dysfunction will remain the same\". The \"Jersey Shore\" house is the name given to the house used on MTV show \"Jersey Shore\". Located in Seaside Heights, the house was used during the first season, starting on December 3,", + "score": 0.712890625, + "summary": "The last season of Jersey Shore aired in mid-2012, with all cast members returning.", + "extraction": "The last season of Jersey Shore aired in mid-2012." + }, + { + "id": "20678000", + "title": "Jersey Shore: Family Vacation", + "text": "Jersey Shore: Family Vacation Jersey Shore: Family Vacation is an American reality television series that premiered on MTV globally on April 5, 2018. The series follows seven housemates from the original \"Jersey Shore\" as they spend a month living together in Miami, Florida. On February 28, 2018, a second season was ordered ahead of the series premiere, which filmed in Las Vegas, Seaside Heights, Neptune City and Atlantic City. The season premiered on August 23, 2018. On December 13, 2018, a third season was confirmed for 2019. In the first season, the cast of Jersey Shore swore they would always", + "score": 0.71240234375, + "summary": "The last season of Jersey Shore: Family Vacation premiered on August 23, 2018.", + "extraction": "The last season of Jersey Shore: Family Vacation aired on MTV on December 13, 2018." + }, + { + "id": "14055305", + "title": "Jersey Shore (TV series)", + "text": "P12-34 demographic for the summer of 2010 across all TV and has also posted continued growth every week. On July 20, 2010, MTV announced that the cast would return for a third season, with the exception of Pivarnick. Season 3 returned to the original Jersey Shore summer setting, and replaced Angelina with Deena Nicole Cortese, a longtime friend of Polizzi. The season's January 6, 2011 premiere was viewed by a record 8.45 million viewers, making it MTV's most viewed series telecast ever. The second episode of the season once again set a series and MTV high at the time, with", + "score": 0.7119140625, + "summary": "The document mentions that the third season of Jersey Shore returned to the original summer setting and premiered on January 6, 2011, with a record 8.45 million viewers. However, it does not provide information on when the last season aired.", + "extraction": "The last season of Jersey Shore premiered on January 6, 2011." + }, + { + "id": "15598171", + "title": "Geordie Shore", + "text": "series would be filmed in July/August 2014 and hinted at it being abroad. However the series remained in Newcastle. A new trailer confirmed that Vicky would be in charge, taking the role of 'Queen V' upon its return. On 28 October 2014, ahead of the Series 9 premiere, Vicky announced that this series would be her last. The tenth series of the show began airing on 7 April 2015 and concluded on 26 May 2015, consisting of eight episodes. The series of the show was also confirmed on 1 November 2014 when it was revealed by Gary Beadle that filming", + "score": 0.71044921875, + "summary": "Irrelevant.", + "extraction": "The last season of Jersey Shore is irrelevant to the given passage." + }, + { + "id": "18024801", + "title": "The Real Housewives of New Jersey (season 4)", + "text": "New Jersey\" was officially renewed for a fourth season on June 7, 2011.The season premiere \"High Tide, Low Blow\"\" was aired on April 22, 2012, while the twentieth episode \"Strip Down Memory Lane\" served as the season finale, and was aired on September 23, 2012. It was followed by a three-part reunion that aired on September 30, October 7 and October 14, 2012, a lost footage episode marked the conclusion of the season and was broadcast on October 21, 2012. Rebecca Toth Diefenbach, Valerie Haselton, Lucilla D'Agostino, Jim Fraenkel, Omid Kahangi, Caroline Self, Tess Gamboa Meyers and Andy Cohen are", + "score": 0.70947265625, + "summary": "Irrelevant. The document is about \"The Real Housewives of New Jersey\" season 4 and does not mention \"Jersey Shore.\"", + "extraction": "The last season of Jersey Shore is irrelevant as the given passage is about The Real Housewives of New Jersey (season 4)." + }, + { + "id": "1154722", + "title": "Seaside Heights, New Jersey", + "text": "Seaside Heights, during July, August, and September 2010. After New York City officials nixed MTV's plans to hold a \"Snooki Drop\" at its studios in Times Square alongside the square's own ball drop, the event was moved to Seaside Heights. The show returned to Seaside Heights for its fifth season, which wrapped filming on August 2, 2011 and began airing in January 2012. Prior to \"Jersey Shore\", the town was also the setting of MTV's \"True Life: I Have A Summer Share\", which was filmed in Seaside Heights, as was MTV's \"True Life: I'm a Jersey Shore Girl\" from 2004,", + "score": 0.7060546875, + "summary": "The fifth season of Jersey Shore wrapped filming on August 2, 2011 and began airing in January 2012.", + "extraction": "The last season of Jersey Shore wrapped filming on August 2, 2011 and began airing in January 2012." + }, + { + "id": "15598172", + "title": "Geordie Shore", + "text": "had commenced. On 17 November 2014, MTV announced the tenth series would be James' last series. The tenth series added two new cast members, Chloe Ferry and Nathan Henry. The eleventh series was announced on 23 May 2015 when MTV renewed the series for a further three series. The show began on 20 October 2015 and concluded on 22 December 2015. This was the first series not to include original cast member James Tindale after he departed at the start of the previous series. Series 11 was shot in Greece. At 10 episodes, it was the longest season to date.", + "score": 0.7021484375, + "summary": "Irrelevant.", + "extraction": "The passage is irrelevant to the question since it pertains to Geordie Shore and not Jersey Shore." + }, + { + "id": "14055299", + "title": "Jersey Shore (TV series)", + "text": "Trip: Return to the Jersey Shore\" aired on the E! network. On November 27, 2017, MTV announced that the cast (with the exception of Giancola) would be reuniting in Miami, Florida for a new reunion series titled \"\". The series is set to premiere globally on April 5, 2018. According to MTV, it is considered a new series and not the seventh season of the original show. VH1 producer Anthony Beltempo proposed the idea of a show focusing on the \"guido\" lifestyle for TV, in the form of a competition series. Executive producer SallyAnn Salsano, who previously worked on \"A", + "score": 0.70068359375, + "summary": "The last season of Jersey Shore is irrelevant. The article discusses a new reunion series with the original cast set to premiere on April 5, 2018, which is considered a new series and not the seventh season of the original show.", + "extraction": "April 5, 2018" + }, + { + "id": "17259640", + "title": "Geordie Shore (series 4)", + "text": "temporarily called off, James leaving Holly distraught by the announcement of him having a girlfriend, and a huge bust-up between Vicky and Sophie which has the whole house divided. Geordie Shore (series 4) The fourth series of Geordie Shore, a British television programme based in Newcastle upon Tyne, began airing on 6 November 2012 on MTV. The series concluded on 18 December 2012 with a double bill after 8 episodes, the series ended on a double bill to avoid the final episode airing on Christmas Day. This was the first series to feature Daniel Thomas-Tuck and Scott Timlin and", + "score": 0.7001953125, + "summary": "The document is irrelevant to the question.", + "extraction": "The last season of Jersey Shore is irrelevant in this passage." + }, + { + "id": "14055304", + "title": "Jersey Shore (TV series)", + "text": "summer. It would follow all of the first-season cast as they avoided the cold northeast winter by relocating to the South Beach, Florida. In May 2010 the cast relocated back to the Jersey Shore for the rest of filming, but it was later determined that the production company had enough footage from the Miami shoot to fill the entire second season, and that the footage to be shot at the Jersey Shore would be used for a third season. The second season premiered on July 29, 2010, averaging 5.252 million viewers. Season 2 was the #1 television series in the", + "score": 0.69970703125 + }, + { + "id": "19315603", + "title": "Geordie Shore (series 12)", + "text": "during the third series of \"Ex on the Beach\". Geordie Shore (series 12) The twelfth series of Geordie Shore, a British television programme based in Newcastle upon Tyne was confirmed on 23 May 2015 when it was confirmed that MTV had renewed the series for a further three series taking it up to the thirteenth series. The series was filmed in October and November 2015 and began airing on 15 March 2016. This was the first series not to include Kyle Christie since he made his exit during the previous series, and was the first to feature new cast", + "score": 0.6982421875 + }, + { + "id": "14055324", + "title": "Jersey Shore (TV series)", + "text": "jet-setting around the country for various DJ gigs and is titled \"The Pauly D Project\". Filming for both shows started at the end of 2011 and premiered in 2012. SallyAnn Salsano of 495 Productions (\"Jersey Shore\") is the executive producer of both spin-offs. The Pauly D Project was cancelled after one season. Eight official similar iterations have been made, including two in the United Kingdom, one in Spain, one in Russia, one in Poland, and one in Mexico. An international crossover, \"MTV Super Shore\", was co-produced by MTV South Europe and MTV Latin America. Numerous pilots were planned by various", + "score": 0.6982421875 + }, + { + "id": "18204251", + "title": "Acapulco Shore", + "text": "on the obsession with the physical, the party and sex, which are recorded for 34 days without a script living in the style \"carpe diem\" (take advantage of the moment). In addition, MTV is pleased that their shores are one of the few programs that are broadcast without censorship, everything that these guys do will be seen on the television network. On October 27, 2014, a second season of Acapulco Shore was announced, that would be released on screen in 2015, since the premiere of the first season in September, it managed to cause the fury that MTV expected, giving", + "score": 0.6982421875 + }, + { + "id": "14055311", + "title": "Jersey Shore (TV series)", + "text": "Uffizi Gallery. On February 23, 2010, Amazon.com and MTV teamed up to release Jersey Shore on DVD. The title theme, \"Get Crazy\" by LMFAO has been changed. Other songs have been changed since their original air date as well. A retail release by Paramount Home Entertainment with added commentary was released on July 20. Although it is claimed the DVDs are uncensored, the video and some audio is still censored. The DVD also includes special features include deleted scenes, the reunion special, \"Tips From The Situation and Snooki\", \"Before the Shore\", and the \"Jersey Shore Makeover with Michael Cera\", amongst", + "score": 0.69775390625 + }, + { + "id": "14419604", + "title": "Jerseylicious", + "text": "Hollywood Story special titled \"Life After Reality\" where she discussed her life now that Jerseylicious has ended. Season 6 was not released on television after Style Network went off the air. On June 18, 2017 Season 6 was made available on E! On Demand in the US. The series' premiere episode gained 300,000 total viewers and posted a 0.42 rating within the women 18-to-34 demographic. The season two finale rose to 925,000 viewers, the most-watched season-ender to-date of any series on the Style Network. The third season debut episode averaged 665,000 viewers. Season 4 premiered with a total of 668,000", + "score": 0.6953125 + }, + { + "id": "16331343", + "title": "Snooki & Jwoww", + "text": "day, 495 Productions cancelled their request to film there, due to the conditions that local officials required of the production. Requests for filming were denied by Toms River and Point Pleasant Beach, before Manchester was ultimately chosen as the filming location, a decision that resulted in displeasure by some of the town's residents. Taping began in the third week of August for a then-eight months pregnant Polizzi and Farley, and was scheduled to conclude in October. The second season premiered on January 8, 2013, with which the series expanded to a one-hour format. On April 25, 2013, MTV renewed the", + "score": 0.69287109375 + }, + { + "id": "17259632", + "title": "Geordie Shore (series 3)", + "text": "Vicky and Ricci's relationship on the rocks before they finally got engaged, Holly and James growing closer when James breaks his leg, and more bickering and flirting between Gaz and Charlotte. Geordie Shore (series 3) The third series of Geordie Shore, a British television programme based in Newcastle upon Tyne, began airing on 26 June 2012 on MTV. The series concluded on 28 August 2012 after 8 episodes and 2 specials including a best bits episode and an episode counting down the top 10 moments from the series. This series is also known as \"Chaos in Cancun\" as", + "score": 0.69140625 + }, + { + "id": "13334288", + "title": "New Jersey Marathon", + "text": "original Jersey Shore Marathon was held from 1972 to 1985 every November, which was too close to the New York City Marathon, and the marathon dissolved in 1985 due to lack of participation and sponsorship. In 1995, the idea of staging a world class marathon was promoted and a feasibility study showed great interest within the racing community. By 1997, the dreams of a world class marathon returning to the Jersey Shore became a reality and the first New Jersey Marathon was held on April 27, 1997. Over 1,000 runners registered for the race and over 800 of them finished.", + "score": 0.6904296875 + }, + { + "id": "15598165", + "title": "Geordie Shore", + "text": "between Vicky and Sophie which had the whole house divided. During the series, on 11 November 2012, the cast made guest appearances during the 2012 MTV Europe Music Awards where they presented the award for Best Male, which Justin Bieber won. The fifth series of the show began airing on 19 February 2013 and concluded on 16 April 2013, consisting of eight episodes. The series was followed by another \"Best Bits\" episode airing 16 April 2013. The series was confirmed on 10 January 2013 when MTV announced that the fifth series of \"Geordie Shore\" would follow the cast in several", + "score": 0.6884765625 + }, + { + "id": "17259598", + "title": "Geordie Shore (series 1)", + "text": "Geordie Shore (series 1) The first series of \"Geordie Shore\", a British television programme based in Newcastle upon Tyne, began airing on 24 May 2011 on MTV. The series concluded on 12 July 2011 after 6 episodes and 2 specials including a reunion show hosted by Russell Kane and an episode counting down the best bits of the series. From 23 August 2011 until 30 August 2011, 2 Magaluf specials aired on MTV, however these episodes are featured on the series 2 DVD. The series included Holly's turbulent relationship with Dan coming to an end, the beginning of Gaz and", + "score": 0.68798828125 + }, + { + "id": "17259676", + "title": "Geordie Shore (series 5)", + "text": "Geordie Shore (series 5) The fifth series of Geordie Shore, a British television programme based in Newcastle upon Tyne, began airing on 19 February 2013 on MTV. The series concluded on 16 April 2013 after 8 episodes and a special episode counting down the best bits from the series. This series was filmed in Newcastle upon Tyne with the cast visiting various locations around Europe, including Amsterdam, Barcelona, Prague and Tignes. This was the final series to feature cast members Daniel Thomas-Tuck, and Ricci Guarnaccio, who departed the series following the breakdown of his relationship with Vicky Pattison. The series", + "score": 0.68701171875 + }, + { + "id": "247521", + "title": "MTV", + "text": "the show saw its audience increase from its premiere in 2009, and continued to place as MTV's top-rated programs during \"Jersey Shore's\" six-season run, ending in 2012. In December 2016, MTV online published a social justice-oriented New Year's resolution-themed video directed towards heterosexual white men. The video caused widespread outrage online, including video responses from well-known online personas, and was deleted from MTV's YouTube channel. The video was then reuploaded to their channel, with MTV claiming the new video contained \"updated graphical elements\". The new video quickly received over 10,000 dislikes and fewer than 100 likes from only 20,000 views,", + "score": 0.68505859375 + }, + { + "id": "17257840", + "title": "The Real Housewives of New Jersey (season 1)", + "text": "on Tuesday evenings. \"The Real Housewives of New Jersey\" was first announced when Bravo released its 2008\u201309 programming on April 15, 2008. It was later announced that the series would debut on May 12, 2009, the first series to feature family members. Dina and Tommy Manzo would later end up separated. The season premiere \"Thicker Than Water\" was aired on May 12, 2009, while the seventh episode \"The Last Supper\" served as the season finale, and was aired on June 18, 2009. It was followed by a two-part reunion special, and a lost footage episode which marked the conclusion of", + "score": 0.6826171875 + }, + { + "id": "14055302", + "title": "Jersey Shore (TV series)", + "text": "week, a turnaround that MTV executive Tony DiSanto calls \"the fastest 0 to 60 I've ever seen on a show\". Season 1 posted strong growth every week and ranked #1 in its time period versus all cable competition among P12\u201334 (people 12 to 34 years old) during the first quarter of 2010, with a season high 2.6 rating for the finale. The season 1 finale audience, 4.8 million, was more than triple that of the premiere, an increase of more than 3.4 million, and was MTV's highest rated original series telecast in almost two years. Overall, the season 1 averaged", + "score": 0.681640625 + }, + { + "id": "14644463", + "title": "Controversy and criticism of Jersey Shore", + "text": "discretion, no hairdressers (for sure), no real knowledge of Italian culture and no ambition beyond expanding steroid-and silicone-enhanced bodies into sizes best suited for floating over Macy's on Thanksgiving.\" On January 10, 2010, Andre DiMino called for \"Jersey Shore\" to be canceled saying \"enough is enough\" and that the series isn't just an insult to Italian-Americans or Jersey Shore residents, but to everyone. Dimino claims that it has been clear from the beginning that it is MTV's intent to \"ridicule, stereotype and defame Italian-Americans\" and \"to say to the world that this is what Italian-Americans are really like\". DiMino further", + "score": 0.681640625 + }, + { + "id": "19058654", + "title": "Geordie Shore (series 11)", + "text": "Geordie Shore (series 11) The eleventh series of Geordie Shore, a British television programme based in Newcastle upon Tyne was confirmed on 23 May 2015 when it was confirmed that MTV had renewed the series for a further three series. The show began on 20 October 2015. This is the first series not to include original cast member James Tindale after he departed at the beginning of the previous series. Ahead of the series it was confirmed that the series would be filmed in Greece. In September 2015 when the series premiere was announced, it was confirmed that the cast", + "score": 0.6806640625 + }, + { + "id": "18024805", + "title": "The Real Housewives of New Jersey (season 5)", + "text": "New Jersey\" was officially renewed for a fifth season on April 2, 2013. The season premiere \"Garden State of Emergency\" was aired on June 2, 2013, while the twentieth episode \"Salon, Farewell\" served as the season finale, and was aired on September 29, 2013. It was followed by a two-part reunion that aired on October 6, and October 13, 2013. A two-part episode \"The Real Housewives Tell All\" marked the conclusion of the season and was broadcast on October 14, and October 20, 2013. Rebecca Toth Diefenbach, Valerie Haselton, Lucilla D'Agostino, Jim Fraenkel, Omid Kahangi, Caroline Self, Tess Gamboa Meyers", + "score": 0.6806640625 + }, + { + "id": "6596647", + "title": "The Hills (TV series)", + "text": "Part II premiered on September 29, 2009 and continued to air on Tuesday evenings. The season aired a total of twenty episodes, split into two equal halves, before finishing on December 1, 2009. The sixth season also aired on Tuesdays and premiered on April 27, 2010. Twelve episodes later, the series ended its run after a total of 102 episodes on July 13, 2010. In July 2012, MTV aired a month-long morning marathon of \"The Hills\", titled \"Retro Mania\". The following year, the marathon was renamed \"RetroMTV Brunch\", and culminated with the airing of an alternate series finale on August", + "score": 0.6806640625 + }, + { + "id": "15598166", + "title": "Geordie Shore", + "text": "locations across Europe including Amsterdam, Barcelona, Prague and Tignes. Filming for Series 5 began on 14 November 2012, as confirmed by several cast members on Twitter, and concluded in December. This was the final series to include cast members Daniel Thomas-Tuck and Ricci. The sixth series of the show began airing on 9 July 2013 and concluded on 27 August 2013, consisting of eight episodes. The series was officially announced on 25 February 2013 when it was revealed the series would be located in Sydney and would air in summer 2013. Filming for this series began on 2 April as", + "score": 0.68017578125 + }, + { + "id": "18204246", + "title": "Acapulco Shore", + "text": "Acapulco Shore Acapulco Shore is a Mexican reality television series broadcast on MTV Latin America. It premiered on September 27, 2014 and is the Mexican adaptation of the American show \"Jersey Shore (TV series)\". It follows the same format as the British (\"Geordie Shore\") and Spanish (\"Gand\u00eda Shore\") versions. The show follows the lives of eight participants who live in Acapulco, Mexico. The first season reached 7.2 million people in the Latin American region and was renewed for a second season, with the premiere airing on MTV on May 19, 2015. The third season premiered on May 17, 2016. Due", + "score": 0.6796875 + }, + { + "id": "19315602", + "title": "Geordie Shore (series 12)", + "text": "Geordie Shore (series 12) The twelfth series of Geordie Shore, a British television programme based in Newcastle upon Tyne was confirmed on 23 May 2015 when it was confirmed that MTV had renewed the series for a further three series taking it up to the thirteenth series. The series was filmed in October and November 2015 and began airing on 15 March 2016. This was the first series not to include Kyle Christie since he made his exit during the previous series, and was the first to feature new cast members Chantelle Connelly and Marty McKenna, who had previously appeared", + "score": 0.6787109375 + }, + { + "id": "16331342", + "title": "Snooki & Jwoww", + "text": "was Episode 4, \"Guess Who's Coming To Dinner\", which yielded a ratings score of 1.70, down from the previous episode's draw of 2.04. MTV announced that the series was renewed for a second season on August 3, 2012. 495 Productions sought to film in Morristown, New Jersey, drawing mixed reaction from fans and politicians, with Council President Michelle Dupree-Harris saying that the event would be good for business, and Governor Chris Christie joking that the two stars, who are actually from New York, should return there. By July 30, a petition protesting the filming collected nearly 300 signatures. On that", + "score": 0.67822265625 + }, + { + "id": "17409227", + "title": "Geordie Shore (series 7)", + "text": "Geordie Shore (series 7) The seventh series of Geordie Shore, a British television programme based in Newcastle upon Tyne, was announced on 5 July 2013 after cast members Holly Hagan and Vicky Pattison had been arrested for assault on a night out during filming. The series began on 17 September 2013, just three weeks after Series 6 had concluded, and finished airing on 22 October 2013 after six episodes. This series had a shorter run that usual due to filming being postponed after the night of the assault. It was reported that filming for the series began on 26 June", + "score": 0.677734375 + }, + { + "id": "14236871", + "title": "JWoww", + "text": "to New Jersey. A fourth season of the series was filmed in Florence, Italy, and the final two seasons moved back to Seaside Heights. Farley launched a line, \"Filthy Couture,\" in a Las Vegas, Nevada runway show in July 2010. After four months of operation, the line ceased sales in October 2010 due to a threatened trademark lawsuit. Farley stated that the brand was not over and a new line would be released. In April 2011, MTV announced that it ordered two \"Jersey Shore\" spin-off series, one of which will feature Farley and castmate Nicole Polizzi. Twelve episodes were ordered", + "score": 0.677734375 + }, + { + "id": "20156221", + "title": "Super Shore", + "text": "was announced through the social networks of the networks MTV Spain and MTV Latin America. Its premiere is planned in Latin America for October 18, 2016 and in Spain on the 23 of the same month, while the recording venue has been Marbella, Spain. In March 2017, a third season of the program was confirmed, its premiere is scheduled for October of the same year. On July 3, 2017, it was announced that the new season would be filmed in Rimini, Italy. Elettra Lamborghini was the first to be confirmed as a cast member this season. The next cast members", + "score": 0.67724609375 + }, + { + "id": "18024809", + "title": "The Real Housewives of New Jersey (season 6)", + "text": "Kathy Wakile appeared periodically throughout the season, but were replaced, as was Caroline Manzo, by Teresa Aprea, Amber Marchese, and Nicole Napolitano. \"The Real Housewives of New Jersey\" was officially renewed for its sixth season on April 8, 2014, while its official trailer premiered on May 14, 2014. Rebecca Toth Diefenbach, Valerie Haselton, Lucilla D'Agostino, Jim Fraenkel, Omid Kahangi, Caroline Self, and Andy Cohen are recognized as the series' executive producers; it is produced and distributed by Sirens Media. Two of the five housewives featured on the fifth season of \"The Real Housewives of New Jersey\" returned for the sixth", + "score": 0.6767578125 + }, + { + "id": "19592602", + "title": "Geordie Shore (series 13)", + "text": "Geordie Shore (series 13) The thirteenth series of Geordie Shore, a British television programme based in Newcastle upon Tyne was confirmed on 23 May 2015 when it was confirmed that MTV had renewed the series for a further three series taking it up to the thirteenth series, and began on 25 October 2016. The series was filmed in June and July 2016 and concluded on 20 December 2016. This was the first series not to include Charlotte Crosby since she made her exit during the previous series. It also features the return of former cast members Sophie Kasaei and Kyle", + "score": 0.67626953125 + }, + { + "id": "17259631", + "title": "Geordie Shore (series 3)", + "text": "Geordie Shore (series 3) The third series of Geordie Shore, a British television programme based in Newcastle upon Tyne, began airing on 26 June 2012 on MTV. The series concluded on 28 August 2012 after 8 episodes and 2 specials including a best bits episode and an episode counting down the top 10 moments from the series. This series is also known as \"Chaos in Cancun\" as it is the only series to be filmed in Canc\u00fan, Mexico, and it is the last series to feature Jay Gardner until his return in series 6 and Rebecca Walker. This series featured", + "score": 0.67626953125 + }, + { + "id": "17259622", + "title": "Geordie Shore (series 2)", + "text": "enough of seeing Gaz with other girls, and the beginning of Holly and James. Geordie Shore (series 2) The second series of Geordie Shore, a British television programme based in Newcastle upon Tyne, began airing on 31 January 2012 on MTV. The series concluded on 3 April 2012 after 8 episodes and 2 specials including a reunion show presented by Russell Kane and an episode counting down the best bits of the series. This was the first series to feature Rebecca Walker and Ricci Guarnaccio. The series featured Sophie and Joel's rocky relationship coming to an end, Vicky", + "score": 0.67626953125 + }, + { + "id": "19855324", + "title": "Geordie Shore (series 14)", + "text": "Big Brother\". It was also confirmed that Scott would return later in the series. Geordie Shore (series 14) The fourteenth series of Geordie Shore, a British television programme based in Newcastle upon Tyne, was confirmed on 31 October 2016 when cast member Scotty T announced that he would be taking a break from the series to focus on other commitments. The series was filmed in November 2016, and began airing on 28 March 2017. Ahead of the series, it was also confirmed that original cast member Holly Hagan had quit the show, following her exit in the previous series.", + "score": 0.67626953125 + }, + { + "id": "18204254", + "title": "Acapulco Shore", + "text": "robotic cameras, four GoPro cameras and four hand-held cameras. The recording scenarios for this season were Acapulco, Guadalajara, Puerto Vallarta and Playa del Carmen. The renewal of the program for the fourth season was announced through the official website of MTV Latin America on January 11, 2017. The program premiered on Tuesday, April 11 of the same year, at the same time as the previous seasons. . In this season new members were added who were chosen by Karime Pindter and Luis Caballero, members in previous seasons, in a special called Acapulco Shore: New Generation. The new members, determined in", + "score": 0.67431640625 + }, + { + "id": "16951828", + "title": "Degrassi (season 13)", + "text": "story editor. Episode writers for the season include Ramona Barckert, Karen Hill, Michael Grassi, and Matt Schiller. The director of photography is Mitchell T. Ness, and the directors include Stefan Brogren and Bruce McDonald. The summer block began with a one-hour special, and aired weekly with an after show, \"After Degrassi\". The fall block ran from October 3 to November 21, 2013, on MTV in Canada, and on TeenNick in the United States. The winter block began on January 28, continued through spring, and ended on April 22, 2014 on MTV in Canada, and TeenNick in the United States. Unlike", + "score": 0.67431640625 + }, + { + "id": "17259677", + "title": "Geordie Shore (series 5)", + "text": "focused heavily on Charlotte finally being honest with Gaz about her feelings towards him, a rift growing between Holly and James following instructions from girlfriend Kate, and the end of Ricci and Vicky's turbulent relationship. Geordie Shore (series 5) The fifth series of Geordie Shore, a British television programme based in Newcastle upon Tyne, began airing on 19 February 2013 on MTV. The series concluded on 16 April 2013 after 8 episodes and a special episode counting down the best bits from the series. This series was filmed in Newcastle upon Tyne with the cast visiting various locations around", + "score": 0.67431640625 + }, + { + "id": "19855322", + "title": "Geordie Shore (series 14)", + "text": "Geordie Shore (series 14) The fourteenth series of Geordie Shore, a British television programme based in Newcastle upon Tyne, was confirmed on 31 October 2016 when cast member Scotty T announced that he would be taking a break from the series to focus on other commitments. The series was filmed in November 2016, and began airing on 28 March 2017. Ahead of the series, it was also confirmed that original cast member Holly Hagan had quit the show, following her exit in the previous series. On 28 February 2017, it was announced that eight new cast members had joined for", + "score": 0.67333984375 + }, + { + "id": "16331332", + "title": "Snooki & Jwoww", + "text": "Snooki & Jwoww Snooki & Jwoww (sometimes rendered Snooki & JWOWW in print and online sources) is an American reality television series on MTV starring Snooki and JWoww. It is the second of three spin-offs of \"Jersey Shore\", on which both Polizzi and Farley previously gained fame as cast members. The series ran from June 21, 2012 until February 4, 2015 over four seasons. The series, which is executive produced by \"Jersey Shore\" producer SallyAnn Salsano of 495 Productions, is described by its stars as a modern-day \"Laverne & Shirley\". The first season focuses on Polizzi and Farley living together", + "score": 0.67333984375 + }, + { + "id": "14979719", + "title": "The Only Way Is Essex", + "text": "and \"Jersey Shore\". Series 2 began on 20 March 2011, once again airing every Wednesday and Sunday, but with longer episodes than Series 1. Series 2 also saw the departure of original cast member Amy Childs. The second series consisted of 14 episodes, ending on 4 May 2011. The series returned for a third series on 25 September 2011 and was the final series to feature two of the original cast members Mark Wright whose departure was seen in the final episode while Kirk Norcross departed off-screen like Childs. The series ended on 9 November 2011. On 2 December 2011,", + "score": 0.6728515625 + }, + { + "id": "15598170", + "title": "Geordie Shore", + "text": "eviction just two days before the final on 10 September. Ahead of the series, in 2014, Charlotte landed her own TV series, which aired on TLC. It was also revealed that had Vicky joined the cast of \"Ex on the Beach\". She was later joined by fellow \"Geordie Shore\" cast member Ricci as well as Australian fling Dan Conn who briefly appeared in the sixth series of the show. The ninth series of the show began airing on 28 October 2014 and concluded on 16 December 2014, consisting of eight episodes. On 15 May 2014, Gaz confirmed that the ninth", + "score": 0.67236328125 + }, + { + "id": "14236873", + "title": "JWoww", + "text": "in Jersey City, New Jersey, followed Polizzi and Farley moving in together, and was described as a modern-day \"Laverne & Shirley\". JWoww also hosted \"MTV's Club New Year's Eve 2013\" with Polizzi and Jeff Dye to ring in 2013. The duo did star again in the second season of \"Snooki & JWoww\", which followed the stars at their actual permanent residences, and premiered on January 8, 2013. It was renewed for a third season. In October 2011, JWOWW launched her official website In January 2013, Farley ranked in \"GQ\" magazine's \"Sexiest 100 Ladies of the 21st Century\" list. In 2015,", + "score": 0.67236328125 + }, + { + "id": "18024803", + "title": "The Real Housewives of New Jersey (season 4)", + "text": "see their side of things. By the end of the season Giudice is feuding with everyone. Away from the drama of Teresa's family, Gorga continues to pursue her singing career, Manzo celebrates a wedding in the family and continues to focus on being a strong mother and Kathy continues to expanding her dessert line. The Real Housewives of New Jersey (season 4) The fourth season of \"The Real Housewives of New Jersey\", an American reality television series, was broadcast on Bravo. It aired from April 22, 2012 until October 21, 2012, and was primarily filmed in Franklin Lakes, New", + "score": 0.671875 + }, + { + "id": "18024807", + "title": "The Real Housewives of New Jersey (season 5)", + "text": "to the test as rumors circle around New Jersey and they question who is the catalyst of the gossip. By the end of the season many of the ladies have made tough decisions on whether to move forward with their friendships or leave them behind. The Real Housewives of New Jersey (season 5) The fifth season of \"The Real Housewives of New Jersey\", an American reality television series, was broadcast on Bravo. It aired from June 2, 2013 until October 20, 2013, and was primarily filmed in Franklin Lakes, New Jersey. Its executive producers are Rebecca Toth Diefenbach,", + "score": 0.671875 + }, + { + "id": "18079772", + "title": "Warsaw Shore", + "text": "Cattaneo and Ewelina Kubiak. It was then followed by two special episodes called \"The Trybsons\" which tells the story of Pawe\u0142 \"Trybson\" and Eliza's life. Two special episodes were created by Trybson and Eliza and MTV aired them to see if viewers are interested in lives of the two. Two episodes aired on September 27 and October 4, 2015. The fourth series of the show was announced on 13 July 2015. The series began on 11 October 2015. This is the first series not to include original cast members Pawe\u0142 Cattaneo and Ewelina Kubiak, who left at the end of", + "score": 0.67138671875 + }, + { + "id": "17866139", + "title": "Finding Carter", + "text": "April, it was announced that Jesse Henderson would play Gabe, the role in which Nolan Sotillo was previously cast. On August 19, 2014, MTV renewed the show for a second season containing 12 episodes. On January 10, 2015, it was announced that Season 2 would premier on March 31, 2015. On May 18, 2015, it was announced that there would be a 12 episode extension to season 2 which premiered in October. The season finale of season 2 was on December 15, 2015. On January 29, 2016, MTV announced the show's cancellation because of a drop in viewers. Since the", + "score": 0.67138671875 + }, + { + "id": "4019906", + "title": "Laguna Beach: The Real Orange County", + "text": "and final season premiered on August 16, 2006, and aired a total of fifteen episodes by its end on November 15, 2006. In July 2012, MTV aired a month-long morning marathon of \"Laguna Beach\", titled \"Retro Mania\". The following year, the marathon was renamed \"RetroMTV Brunch\". On August 13, 2016, reruns started to air on MTV's new sister channel MTV Classic. As of December 30, 2016, the series has been removed from the schedule. In 2006, cast member Lauren Conrad was commissioned her own spin-off series \"The Hills\". The program premiered on May 31, 2006, immediately after the second-season finale", + "score": 0.67138671875 + }, + { + "id": "14644448", + "title": "Controversy and criticism of Jersey Shore", + "text": "Controversy and criticism of Jersey Shore Jersey Shore is a reality television series that aired on MTV. It follows eight housemates while they live, work and party at the Jersey Shore. The show made its debut amid large amounts of controversy regarding the use of the words \"guido/guidette\", portrayals of Italian-American stereotypes and scrutiny from locals because the cast members are not residents from the area. Premiered in December 2009, it remains MTV's most controversial show to date. The controversies in the series were due in large part to the manner in which MTV marketed the show, as it liberally", + "score": 0.6708984375 + }, + { + "id": "17259722", + "title": "Geordie Shore (series 6)", + "text": "Geordie Shore (series 6) The sixth series of Geordie Shore, a British television programme based in Newcastle upon Tyne, began airing on 9 July 2013, and concluded after 8 episodes concluding on 27 August 2013. Filming began for this series in April 2013 and concluded in May. This is the only series to be filmed in Australia. This series featured the brief return of former cast member Jay Gardner who had originally appeared in the show from series one to three. This series focused heavily on Gaz and Scott being isolated from the group after putting getting with girls before", + "score": 0.67041015625 + }, + { + "id": "18024812", + "title": "The Real Housewives of New Jersey (season 6)", + "text": "2. Manzo is depicted strengthening her longtime companionship with Giudice, beginning to date while continuing with her divorce, and sending her daughter Lexi to college. The Real Housewives of New Jersey (season 6) The sixth season of \"The Real Housewives of New Jersey\", an American reality television series, premiered on July 13, 2014, and is broadcast on Bravo. It is primarily filmed in North Jersey and Central Jersey; its executive producers are Rebecca Toth Diefenbach, Valerie Haselton, Lucilla D'Agostino, Jim Fraenkel, Omid Kahangi, Caroline Self, and Andy Cohen. \"The Real Housewives of New Jersey\" focuses on the lives of", + "score": 0.669921875 + }, + { + "id": "16289530", + "title": "The Pauly D Project", + "text": "renewed for a second season, but \"The Pauly D Project\" was canceled. The Pauly D Project The Pauly D Project is an American reality television series that aired on MTV. The series debuted on March 29, 2012 and concluded on June 14, 2012. On April 7, 2011, MTV announced it had picked up two \"Jersey Shore\" spin-off shows featuring cast members Pauly D, JWoww and Snooki, picking up twelve episodes of each show. SallyAnn Salsano of 495 Productions was the executive producer of both spin-offs. They later announced the cast additions of nightclub owners Jason \"JROC\" Craig and Ryan Labbe.", + "score": 0.66943359375 + }, + { + "id": "14055315", + "title": "Jersey Shore (TV series)", + "text": "as a 2011 wall calendar () by Andrews McMeel Publishing. Other merchandise relating to the show have also been released, including talking bobblehead dolls of the cast, a beach game set, Halloween costumes, a \"Gym Tanning Laundry (GTL)\" labeled sports bottle, \"The Situation - Official App\" for iPhone, as well as various T-shirts. The cast of Jersey Shore appeared on the 2010 MTV Video Music Awards on September 12, 2010. Nicole Polizzi appeared on TLC's \"Cake Boss\" episode \"Snookie, Super Anthony & a Ship\" on November 8, 2010, in which she orders a cake for her mom. Polizzi also appeared", + "score": 0.66943359375 + }, + { + "id": "16331340", + "title": "Snooki & Jwoww", + "text": "of the stars, though it eventually ended March 26, as the production had filmed enough material for the allotted episodes earlier than expected. In contrast to the mixed reception from local businesses, many area residents welcomed the production, with crowds of fans and local residents gathering daily behind a police barricade across the street to catch glimpses of the series' two stars. In an issue of \"Us Weekly\" published the first week of March 2012, Polizzi confirmed that she was pregnant, and had discovered this about a week after the New Year. Rumors of her pregnancy prior to the publication", + "score": 0.66943359375 + }, + { + "id": "17259621", + "title": "Geordie Shore (series 2)", + "text": "Geordie Shore (series 2) The second series of Geordie Shore, a British television programme based in Newcastle upon Tyne, began airing on 31 January 2012 on MTV. The series concluded on 3 April 2012 after 8 episodes and 2 specials including a reunion show presented by Russell Kane and an episode counting down the best bits of the series. This was the first series to feature Rebecca Walker and Ricci Guarnaccio. The series featured Sophie and Joel's rocky relationship coming to an end, Vicky being torn between her boyfriend Dan and new cast member Ricci, Charlotte admitting she's finally had", + "score": 0.6689453125 + }, + { + "id": "18079775", + "title": "Warsaw Shore", + "text": "the series would be filmed in Wroc\u0142aw. On 18 April 2016 it was announced that original cast member Anna Ry\u015bnik had quit the show and this is her last season. The sixth series of the show was announced on 16 June 2016. The series start filming on July 1 in Mielno. The series began airing on 28 August 2016. This was the first series not to include Anna Ry\u015bnik since she made her exit during the previous series, twin brothers \u2013 Pauly and Pietro Kluk and Ewelina Kubiak also left the show. On 12 August 2016 it was confirmed that", + "score": 0.6689453125 + }, + { + "id": "20288857", + "title": "Geordie Shore (series 15)", + "text": "Geordie Shore (series 15) The fifteenth series of Geordie Shore, a British television programme based in Newcastle upon Tyne, was confirmed on 8 August 2017 when a teaser video was released. The series began on 29 August 2017, and concluded after nine episodes on 17 October 2017. This was the final series to include Scotty T and Marty McKenna after they were both axed from the show, as well as original cast member Gaz Beadle following his decision to quit. The series also featured the brief return of Elettra Lamborghini, when the cast jetted off to Rome. The series included", + "score": 0.6689453125 + }, + { + "id": "14419605", + "title": "Jerseylicious", + "text": "viewers. 460,000 viewers watched the Season 5 finale. \"Jerseylicious\" has been criticized by the Italian American ONE VOICE Coalition for its portrayals of crude 'Jersey Shore' stereotypes about Italian Americans. According to the ONE VOICE website, 'Jerseylicious' and other related programs including 'Jersey Shore', 'The Real Housewives of New Jersey', 'Mob Wives', 'My Big Friggin' Wedding', 'Carfellows' and 'Married a Mobster' \"have replaced fictitious characters with real low lifes, buffoons, carfoni and bimbos in the proliferation of reality shows\" and turned anti-Italianism into \"a global business.\" Jerseylicious Jerseylicious was an American docusoap series that premiered on March 21, 2010, on", + "score": 0.66796875 + }, + { + "id": "11972578", + "title": "Lo Bosworth", + "text": "into her workplace. The first half of the fifth season premiered on April 6, 2009. Conrad made her final appearance on the series on May 31, 2009, at Heidi Montag and Spencer Pratt's wedding. The second half of the season premiered on September 29, 2009, with former \"Laguna Beach\" castmate Kristin Cavallari hired as Conrad's replacement. The sixth and final season premiered on April 27, 2010. Despite rumors of not returning after the fifth season, Bosworth became a main cast member for the season. She was shown to be dealing with workplace drama, as well as moving in with her", + "score": 0.66796875 + }, + { + "id": "13246902", + "title": "The Real Housewives of New Jersey", + "text": "fourth season premiered on April 22, 2012, with Kim DePaola upgraded to a \"friend of the Housewives\" recurring capacity. The fifth season premiered on June 2, 2013. Caroline Manzo and Laurita left the show after the fifth season, and DePaola was dropped from her \"friend of\" role. The sixth season premiered on July 13, 2014. It featured the return of Dina Manzo and new housewives Amber Marchese, Teresa Aprea and Nicole Napolitano. Wakile and Laurita were demoted to a recurring \"friend of\" role. Marchese and Dina Manzo left the show after the sixth season. Laurita returned as a full time", + "score": 0.66748046875 + }, + { + "id": "2530340", + "title": "Fresh Kills Landfill", + "text": "the Jersey Shore for revenues lost during the months of inactivity. As a result of strong community pressure, a state law was passed in 1996 requiring that the landfill cease accepting solid waste by the end of 2001. By 1997, two of the four landfill mounds were closed and covered with a thick, impermeable cap. The landfill received its last barge of garbage on March 22, 2001. At its peak of operation in 1986-87, Fresh Kills received as much as 29,000 tons of trash per day. It was estimated that, if kept open, the landfill would have eventually reached a", + "score": 0.66748046875 + }, + { + "id": "14236872", + "title": "JWoww", + "text": "for the first season. In 2010 she released a book titled \"The Rules According to JWOWW: Shore-Tested Secrets On Landing A Mint Guy, Staying Fresh To Death, and Kicking the Competition to the Curb\". In 2012, she was sued for allegedly filming several episodes of her reality show without proper authorization from her landlord. In 2012, Farley and her \"Jersey Shore\" costar, Nicole Polizzi began starring in \"Snooki & JWoww\", which premiered on MTV on June 21, 2012. The first season was filmed over the course of six weeks at a former two-story firehouse located near Grove and Mercer Streets", + "score": 0.6669921875 + }, + { + "id": "15598161", + "title": "Geordie Shore", + "text": "Jay and Vicky's rocky relationship. In June 2011, two summer specials based in Magaluf were announced. These episodes aired from 23 August 2011 to 30 August 2011. This was the only series to feature Greg Lake. The second series of the show began airing on 31 January 2012 and concluded on 20 March 2012, consisting of eight episodes. Like the first series, this series included a reunion special and a \"Best Bits\" special episode. The series was confirmed on 15 August 2011 when \"Geordie Shore\" was recommissioned for a second series with an extended eight-episode run. After the Magaluf specials,", + "score": 0.66650390625 + }, + { + "id": "14979686", + "title": "The Only Way Is Essex", + "text": "Maria Fowler. A second Christmas special aired on 20 December. The cast of the third series (excluding Wright and Norcross) covered the Wham! single \"Last Christmas\"; the official video premiered on ITV2 in November and the single peaked at number 32 on the UK Singles Chart. The fourth series began airing on 29 January 2012 and concluded on 29 February 2012, consisting of 10 episodes. On 25 January, the show was nominated for \"Most Popular Reality Programme\" at the National Television Awards. The series was the last to feature Dino and Georgio Georgiades but included the arrival of new cast", + "score": 0.6650390625 + }, + { + "id": "19320343", + "title": "Warsaw Shore (series 5)", + "text": "On 18 April 2016 it was announced that original cast member Anna Ry\u015bnik had quit the show and that this would be her last series. Warsaw Shore (series 5) The fifth series of Warsaw Shore, a Polish television programme based in Warsaw, Poland was announced on 13 November 2015. The fifth season began airing on 28 February 2016. This was the first series not to include Alan Kwieci\u0144ski, who left the show at the end of the previous series and was the first to feature new cast members twin brothers \u2013 Pauly and Pietro Kluk in his place. This series", + "score": 0.66455078125 + }, + { + "id": "14098502", + "title": "Holly's World", + "text": "a one-off special, success in the ratings led to E! ordering an eight-episode season that began airing on June 13, 2010. The show is the second spin-off to \"The Girls Next Door\", with the first being \"Kendra\". In January 2010, E! announced that the ratings for the special led them to order an eight-episode season that would premiere in the summer of 2010. While The Las Vegas Sun stated in mid-2011 that a third season of the show would begin filming in September, the second season of the show became its last. The cancellation came about in July when then-new", + "score": 0.6640625 + }, + { + "id": "6470322", + "title": "Kristin Cavallari", + "text": "the series during the fifth season's midseason finale on May 31, 2009, at Heidi Montag and Spencer Pratt's wedding, where she caught the bouquet. The second half of the season premiered on September 29, 2009, with Cavallari assuming the position of former main cast member and narrator Conrad. Despite originally signing a deal with MTV to appear in two additional seasons following the fifth, the sixth and final season concluded on July 13, 2010. Cavallari was on the 13th season of ABC's \"Dancing with the Stars\" and partnered with two-time champion, Mark Ballas. She was the third to be eliminated.", + "score": 0.6640625 + }, + { + "id": "2453984", + "title": "The Simple Life", + "text": "2006. Despite the fact that the stars of the show had sorted out their differences and agreed to shoot the season together, the fifth and final season had many complications during production. It was originally set to begin production in November 2006 and air in March 2007 but was put on temporary hold, as Nicole had to enter a health care facility for her ongoing weight issues.\" Production resumed as of March 2, 2007; however more complications arose. Both Paris and Nicole faced major charges for DUI, and were at risk of serving jail time. Paris was sentenced to 23", + "score": 0.6640625 + }, + { + "id": "15769740", + "title": "Awkward (TV series)", + "text": "included in various critics' top ten lists. The show also earned several award nominations, winning one Teen Choice Award and one People's Choice Award. On October 8, 2014, \"Awkward\" was renewed for a fifth and final season, which premiered on August 31, 2015. The mid-season finale aired on November 9, 2015; when the show returned in 2016, the story picked up during the summer after the characters' freshman year of college. The second half of season 5 premiered on March 15, 2016. Producer Chris Alberghini said that there could possibly be a season 6 if MTV decides and that there", + "score": 0.6640625 + }, + { + "id": "15598169", + "title": "Geordie Shore", + "text": "began airing on 22 July 2014 and concluded on 9 September 2014, consisting of eight episodes. The series was confirmed on 22 October 2013 when Holly indicated that Series 7 was not the last and that another series would be filmed. Filming began for the series on 25 March 2014, and featured two new cast members, Aaron Chalmers and Kyle Christie. During the series, Ricci entered the \"Celebrity Big Brother\" house to participate in the fourteenth series. He followed in the footsteps of fellow cast member Charlotte who won the series in 2013. However he was evicted in a double", + "score": 0.66357421875 + }, + { + "id": "14644486", + "title": "Controversy and criticism of Jersey Shore", + "text": "half were asked if they had seen the show first. Controversy and criticism of Jersey Shore Jersey Shore is a reality television series that aired on MTV. It follows eight housemates while they live, work and party at the Jersey Shore. The show made its debut amid large amounts of controversy regarding the use of the words \"guido/guidette\", portrayals of Italian-American stereotypes and scrutiny from locals because the cast members are not residents from the area. Premiered in December 2009, it remains MTV's most controversial show to date. The controversies in the series were due in large part to the", + "score": 0.66357421875 + }, + { + "id": "16906072", + "title": "Vanderpump Rules", + "text": "November 7, 2016. On January 9, 2017, the tenth episode of the fifth season of \"Vanderpump Rules\" titled \"Summer House Rules\" served as a cross-over preview to \"Summer House\". On April 10, 2017, it was announced by Bravo that Jax Taylor and Brittany Cartwright would star in a spin off show entitled \"\". On April 11, 2018 Bravo renewed the show for a seventh season, which premiered on December 3, 2018. \"Vanderpump Rules\" follows Lisa Vanderpump's employees at SUR, a restaurant in West Hollywood, as they work on building their futures in show business and become entangled in interpersonal drama.", + "score": 0.66357421875 + }, + { + "id": "18024799", + "title": "The Real Housewives of New Jersey (season 3)", + "text": "those involved. Jacqueline and Caroline support Teresa throughout the season as she continues to feud with her family. The Real Housewives of New Jersey (season 3) The third season of \"The Real Housewives of New Jersey\", an American reality television series, was broadcast on Bravo. It aired from May 16, 2011 until October 23, 2011, and was primarily filmed in Franklin Lakes, New Jersey. Its executive producers are Rebecca Toth Diefenbach, Valerie Haselton, Lucilla D'Agostino, Jim Fraenkel, Omid Kahangi, Caroline Self, Tess Gamboa Meyers and Andy Cohen. \"The Real Housewives of New Jersey\" focuses on the lives of Teresa", + "score": 0.66259765625 + }, + { + "id": "15933145", + "title": "Fu\u0308r alle Fa\u0308lle Stefanie", + "text": "end of 2000. The 10th season premiered on 8 July 2004 as a spinoff in its new time slot at 8:15 pm on Thursday nights. The ratings dropped to a new low and Sat.1 put the season on a break in September 2004, then returning in its old time slot in December. However, as ratings didn't recover the network put the show on another hiatus while announcing that the 11th season is the series finale. The last episodes of the final season were then part of a rerun with the series finale airing on 10 March 2005 at 11:00 am.", + "score": 0.66259765625 + }, + { + "id": "9911915", + "title": "Samantha Who?", + "text": "off the final episodes on Thursday nights at 8:00PM Eastern/7:00PM Central from June 25, 2009 until the finale on July 23, 2009 (with additional episodes airing Thursday, July 2 and Thursday, July 9 at 8:30PM Eastern/7:30PM Central). The Pop network (formerly TV Guide Network) began rebroadcasting the series in September 2011. In the following summary, \"rating\" is the percentage of all households with televisions that tuned to the show, and \"share\" is the percentage of all televisions in use at that time that are tuned in. \"18-49\" is the percentage of all adults aged 18\u201349 tuned into the show. \"Viewers\"", + "score": 0.66259765625 + }, + { + "id": "9376073", + "title": "Tim and Eric Awesome Show, Great Job!", + "text": "Show, Great Job!\" for another season ordering as many as 30 new episodes. The second season began airing on November 18, 2007. Season one was released on DVD in April, 2008. The third season began on July 27, 2008 and ended on September 28, 2008. Eric posted a MySpace bulletin Oct 1, 2008, announcing that as a \"holiday surprise\" season four would be airing in January 2009. The show was later renewed for a fifth season. Speaking with \"Vanity Fair\" in July 2009, Wareheim said that season five (or \"Season Cinco\") would represent \"a very dark side of the \"Awesome", + "score": 0.66259765625 + }, + { + "id": "17259723", + "title": "Geordie Shore (series 6)", + "text": "the rest of the group, leading to a fight with James, Charlotte feeling homesick and considering leaving the series for her boyfriend Mitch, and a new blossoming romance between Vicky and Dan Conn. Geordie Shore (series 6) The sixth series of Geordie Shore, a British television programme based in Newcastle upon Tyne, began airing on 9 July 2013, and concluded after 8 episodes concluding on 27 August 2013. Filming began for this series in April 2013 and concluded in May. This is the only series to be filmed in Australia. This series featured the brief return of former cast", + "score": 0.662109375 + }, + { + "id": "14055308", + "title": "Jersey Shore (TV series)", + "text": "2009, and was used on the show in four out of the six seasons, the exceptions being season 2 (Miami Beach, Florida) and season 4 (Florence, Italy). Since the show's cancellation, the house is currently being rented out for days at a time; it was reported in 2018 that the house was renting for $1200 a night. The house was characterized by its unique decor and the hot tub. During the filming of Jersey Shore, the house was decorated with \"Scarface\" posters and Cadillac symbols and wheels. The house is also home to the duck phone, a home telephone in", + "score": 0.66162109375 + }, + { + "id": "20156220", + "title": "Super Shore", + "text": "rollers of a service of fast food to be able to pay certain expenses of the house. The show premiered simultaneously on February 2, 2016 on the MTV Latin America, MTV Spain and MTV France networks as originally planned. In Latin America, through the MTV Latin America streaming platform called MTV Play, all episodes of Super Shore were broadcast two days before their television premiere (from the second episode), for free and at no extra cost. June 16, 2016 announced the renewal of the program for a second season, due to the good results obtained with the first season. This", + "score": 0.6611328125 + }, + { + "id": "20457315", + "title": "Floribama Shore", + "text": "a 20 episode second season, but this was later modified to 14 episodes. Season 2 premiered on July 9, 2018. Floribama Shore Floribama Shore (officially known as MTV Floribama Shore) is an American reality television series that premiered on MTV from November 27, 2017 in the United States. It is a successor to \"Jersey Shore\". The location of the show is set in the Florida Panhandle along the beach that stretches all the way to Alabama. \"Floribama Shore\" documents eight young adults who live together during the summer in the Gulf Coast at Panama City Beach. During their time, they", + "score": 0.6611328125 + }, + { + "id": "19058655", + "title": "Geordie Shore (series 11)", + "text": "members would air for 10 episodes, making it the longest series to date. It was also confirmed that the cast had travelled to Zante, Malia, Mykonos, Ios as well as Athens for the series. Geordie Shore (series 11) The eleventh series of Geordie Shore, a British television programme based in Newcastle upon Tyne was confirmed on 23 May 2015 when it was confirmed that MTV had renewed the series for a further three series. The show began on 20 October 2015. This is the first series not to include original cast member James Tindale after he departed at the", + "score": 0.66064453125 + }, + { + "id": "19586401", + "title": "The Real Housewives of New Jersey (season 7)", + "text": "appearances. This season focuses on the return of Teresa Giudice from her eleven-month prison sentence as she slowly readjusts to life as a free woman, and back to being the wife and mother she always was. It also focuses on her attempts to repair fractured relationships with the Gorga's and friend Jacqueline. The Real Housewives of New Jersey (season 7) The seventh season of \"The Real Housewives of New Jersey\", an American reality television series, premiered on July 10, 2016, and is broadcast on Bravo. It is primarily filmed in North Jersey; its executive producers are Rebecca Toth Diefenbach,", + "score": 0.66015625 + }, + { + "id": "11028970", + "title": "Keeping Up with the Kardashians", + "text": "the longest season with 21 episodes and ended on December 1. The ninth and tenth seasons aired in 2014 and 2015, respectively. The latter season included a television special entitled \"About Bruce\" which aired on May 17 and 18, 2015. The eleventh season premiered on November 15, one month after the previous season finished. The twelfth season of the show debuted on May 1, 2016. The thirteenth season premiered on March 12, 2017. In North America, the first three seasons of the reality series were distributed on DVD. The first season was released on October 7, 2008 by Lions Gate", + "score": 0.66015625 + }, + { + "id": "14979689", + "title": "The Only Way Is Essex", + "text": "speaking part. The seventh series started airing from 30 September 2012 with all of the cast from the previous series returning apart from Lauren Goodger, and original cast member Kirk Norcross returning to the series after departing in Series 3. This made him the first cast member to return to the show. The series was renewed for two further series in August 2012, set to air sometime in 2013. On 13 November 2012 it was confirmed that three festive specials would air in December including a live episode, a first for the show. The live episode was met with numerous", + "score": 0.66015625 + } + ], + "answer": "Jersey Shore is an American reality television series that ran on MTV from December 3, 2009, to December 20, 2012, in the United States. Season 4 premiered August 4, 2011 and ended on October 20, 2011. Season 5 started on January 5, 2012 and ended on March 15, 2012. Season 6 started on October 4, 2012 and ended on December 20, 2012." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "What season of Grey's Anatomy was the plane crash involving six doctors?", + "short_answers": [ + "season 8" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "What season of Grey's Anatomy was the plane crash in Seattle that brought memories of a previous plane crash?", + "short_answers": [ + "season 11" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "What season of Grey's Anatomy was the plane crash that claimed the life of Lexie Grey?", + "short_answers": [ + "8" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "What season of Grey's Anatomy was the plane crash in downtown Seattle?", + "short_answers": [ + "11" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "One Flight Down (Grey's Anatomy)", + "url": "https://en.wikipedia.org/wiki/One%20Flight%20Down%20%28Grey%27s%20Anatomy%29" + }, + { + "title": "Grey's Anatomy (season 9)", + "url": "https://en.wikipedia.org/wiki/Grey%27s%20Anatomy%20%28season%209%29" + }, + { + "title": "Flight (Grey's Anatomy)", + "url": "https://en.wikipedia.org/wiki/Flight%20%28Grey%27s%20Anatomy%29" + }, + { + "title": "Going, Going, Gone (Grey's Anatomy)", + "url": "https://en.wikipedia.org/wiki/Going%2C%20Going%2C%20Gone%20%28Grey%27s%20Anatomy%29" + }, + { + "title": "Grey's Anatomy (season 8)", + "url": "https://en.wikipedia.org/wiki/Grey%27s%20Anatomy%20%28season%208%29" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The eighth season of the American television medical drama Grey's Anatomy, commenced airing on the American Broadcasting Company (ABC) on September 22, 2011, with a special 2-hour episode and ended on May 17, 2012 with the eighth season having a total of 24 episodes. ", + "wikipage": "Grey's Anatomy (season 8)" + }, + { + "content": "Alexandra Caroline Grey,[3] M.D. is a fictional character from ABC's medical drama television series Grey's Anatomy, portrayed by actress Chyler Leigh. ", + "wikipage": "Lexie Grey" + } + ], + "long_answer": "In season 8 of the American television medical drama Grey's Anatomy, a plane crashes carrying six doctors and claims the life of M.D. Lexie Grey. In season 11, another plane crashes in downtown Seattle, bringing memories of the previous crash from season 8. " + }, + { + "knowledge": [ + { + "content": "The eighth season of the American television medical drama Grey's Anatomy, commenced airing on the American Broadcasting Company (ABC) on September 22, 2011, with a special 2-hour episode and ended on May 17, 2012 with the eighth season having a total of 24 episodes.", + "wikipage": "Grey's Anatomy (season 8)" + }, + { + "content": "\"Flight\" is the twenty-fourth episode and the season finale of the eighth season of the American television medical drama Grey's Anatomy, and the show's 172nd episode overall.", + "wikipage": "Flight (Grey's Anatomy)" + }, + { + "content": "In the episode, 6 doctors from Seattle Grace Mercy West Hospital who are victims of an aviation accident fight to stay alive, but Dr. Lexie Grey (Chyler Leigh) ultimately dies.", + "wikipage": "Flight (Grey's Anatomy)" + }, + { + "content": "\"One Flight Down\" is the twentieth episode of the eleventh season of the American television medical drama Grey's Anatomy, and is the 240th episode overall.", + "wikipage": "One Flight Down (Grey's Anatomy)" + } + ], + "long_answer": "There were several plane crashes on the American television medical drama Grey's Anatomy. In \"Flight\", the season final of Season 8, 6 doctors from Seattle Grace Mercy West Hospital are victims of an aviation accident, and Dr. Lexie Grey ultimately dies. In \"One Flight Down\" in Season 11, there was a plane crash in downtown Seattle that brought memories of a previous plane crash." + } + ], + "sample_id": "-8056895208806271453", + "question": "What season of greys anatomy was the plane crash?", + "docs": [ + { + "id": "15598697", + "title": "Grey's Anatomy (season 8)", + "text": "plane crashes. In \"Flight\" the six doctors and the pilot fight to survive. Derek's hand is severely injured, as is Arizona's leg. Lexie is trapped and crushed beneath part of the plane. She and Mark finally confess their love to each other, and within moments, she dies. Mere seconds later, Meredith arrives too late, and is devastated by her sister's death. They soon realize that Mark has severe internal injuries. The season ends with the 5 remaining surgeons in peril, lost in the woods and not knowing when or if help will come. The season received mostly positive reviews. Tanner", + "score": 0.79150390625, + "summary": "Season 8 of Grey's Anatomy featured a plane crash in the episode \"Flight\". Lexie dies and Mark is severely injured. The season ends with 5 surgeons lost in the woods.", + "extraction": "Season 8." + }, + { + "id": "18754161", + "title": "One Flight Down (Grey's Anatomy)", + "text": "One Flight Down (Grey's Anatomy) \"One Flight Down\" is the twentieth episode of the eleventh season of the American television medical drama \"Grey's Anatomy\", and is the 240th episode overall. It aired on April 16, 2015 on ABC in the United States. The episode was written Austin Guzman and directed by David Greenspan. The episode features a plane crash in Seattle bringing patients to Grey Sloan Memorial and old memories of the season 8's tragic plane crash that claimed the lives of Mark Sloan (Eric Dane) and Lexie Grey (Chyler Leigh) back to Meredith Grey, Arizona Robbins and Owen Hunt.", + "score": 0.78955078125, + "summary": "Season 11 was the season of Grey's Anatomy that featured a plane crash in episode 20, titled \"One Flight Down\".", + "extraction": "The season 8's tragic plane crash is mentioned in the passage, but it does not indicate which season the \"One Flight Down\" episode where a plane crash occurs is from. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "18754168", + "title": "One Flight Down (Grey's Anatomy)", + "text": "this season.\" One Flight Down (Grey's Anatomy) \"One Flight Down\" is the twentieth episode of the eleventh season of the American television medical drama \"Grey's Anatomy\", and is the 240th episode overall. It aired on April 16, 2015 on ABC in the United States. The episode was written Austin Guzman and directed by David Greenspan. The episode features a plane crash in Seattle bringing patients to Grey Sloan Memorial and old memories of the season 8's tragic plane crash that claimed the lives of Mark Sloan (Eric Dane) and Lexie Grey (Chyler Leigh) back to Meredith Grey, Arizona Robbins and", + "score": 0.78564453125, + "summary": "Season 11, episode 20 of Grey's Anatomy featured a plane crash and aired on April 16, 2015. The episode brought back memories of the tragic plane crash in season 8.", + "extraction": "Season 11's \"Grey's Anatomy\" featured a plane crash, bringing back memories of season 8's tragic plane crash. The episode in question, \"One Flight Down,\" aired on April 16, 2015. Therefore, the answer to the question \"What season of Grey's Anatomy was the plane crash?\" is Season 11." + }, + { + "id": "16467165", + "title": "Flight (Grey's Anatomy)", + "text": "Flight (Grey's Anatomy) \"Flight\" is the twenty-fourth and final episode of the eighth season of the American television medical drama \"Grey's Anatomy\", and the show's 172nd episode overall. It was written by series creator Shonda Rhimes, and directed by Rob Corn. The episode was originally broadcast on the American Broadcasting Company (ABC) in the United States on May 17, 2012. In the episode, six doctors from Seattle Grace Mercy West Hospital who are victims of an aviation accident fight to stay alive, but Dr. Lexie Grey (Chyler Leigh) ultimately dies. Other storylines occur in Seattle where Dr. Richard Webber (James", + "score": 0.775390625, + "summary": "Season 8.", + "extraction": "The plane crash is mentioned in the passage as an aviation accident that happens to six doctors from Seattle Grace Mercy West Hospital in the final episode of the eighth season of Grey's Anatomy titled \"Flight\". Therefore, the answer to the question \"What season of greys anatomy was the plane crash?\" is season 8." + }, + { + "id": "10185539", + "title": "Grey's Anatomy (season 4)", + "text": "Grey's Anatomy (season 4) The fourth season of the American television medical drama Grey's Anatomy, commenced airing in the United States on September 27, 2007 and concluded on May 22, 2008. The season continues the story of a group of surgeons and their mentors in the fictional Seattle Grace Hospital, describing their professional lives and the way they affect the personal background of each character. Season four had twelve series regulars with ten of them returning from the previous season, out of which eight are part of the original cast from the first season. The season aired in the Thursday", + "score": 0.76416015625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage provides information about season 4 of Grey's Anatomy but does not mention anything about a plane crash." + }, + { + "id": "14569060", + "title": "Grey's Anatomy (season 7)", + "text": "Grey's Anatomy (season 7) The seventh season of the American television medical drama Grey's Anatomy, began airing on September 23, 2010 on the American Broadcasting Company (ABC), and concluded on May 19, 2011 ending the season with a total of 22 episodes. The season was produced by ABC Studios, in association with Shondaland Production Company and The Mark Gordon Company; the showrunner being Shonda Rhimes. The season follows the aftermath of season six shooting, in which Derek Shepherd (Patrick Dempsey), Alex Karev (Justin Chambers) and Owen Hunt (Kevin McKidd) are shot, and a total of 11 people died. Cristina Yang", + "score": 0.7578125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage only provides information about season 7 of Grey's Anatomy but does not mention anything about a plane crash." + }, + { + "id": "12510221", + "title": "Grey's Anatomy (season 5)", + "text": "Grey's Anatomy (season 5) The fifth season of the American television medical drama Grey's Anatomy, created by Shonda Rhimes, commenced airing on American Broadcasting Company (ABC) in the United States on September 25, 2008 and concluded on May 14, 2009 with twenty-four aired episodes. The season follows the story of a group of surgeons as they go through their residency, while they also deal with the personal challenges and relationships with their mentors. Season five had thirteen series regulars with twelve of them returning from the previous season. The season aired in the Thursday night timeslot at 9:00 pm. The", + "score": 0.7548828125, + "summary": "Irrelevant. The document discusses the fifth season of Grey's Anatomy but does not mention the plane crash.", + "extraction": "Irrelevant. The passage does not provide information about the season of Grey's Anatomy when the plane crash occurred. It only talks about the fifth season, which aired from September 2008 to May 2009." + }, + { + "id": "10185569", + "title": "Grey's Anatomy (season 4)", + "text": "season was also released as a five-disc Blu-ray box set in regions A and B. The Blu-ray release proved unsuccessful and is currently no. 39614 in Movies and Television on Amazon.com Grey's Anatomy (season 4) The fourth season of the American television medical drama Grey's Anatomy, commenced airing in the United States on September 27, 2007 and concluded on May 22, 2008. The season continues the story of a group of surgeons and their mentors in the fictional Seattle Grace Hospital, describing their professional lives and the way they affect the personal background of each character. Season four had twelve", + "score": 0.7421875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention anything about a plane crash." + }, + { + "id": "17314117", + "title": "Grey's Anatomy (season 10)", + "text": "Grey's Anatomy (season 10) The tenth season of the American television medical drama \"Grey's Anatomy\" premiered on September 26, 2013, with a two-hour special episode in the United States on the American Broadcasting Company (ABC), and it concluded with a \"Farewell to Cristina\" finale episode \"Fear (of the Unknown)\" on May 15, 2014. The season was produced by ABC Studios, in association with Shondaland Production Company and The Mark Gordon Company; the showrunner being Shonda Rhimes. The season was officially released on DVD as a six-disc boxset under the title of \"Grey's Anatomy: The Complete Tenth Season \u2013 Live For", + "score": 0.740234375, + "summary": "The plane crash is not mentioned in this document.", + "extraction": "The passage does not provide an answer to the question about the plane crash. Therefore, the extracted span is \"irrelevant\"." + }, + { + "id": "16467181", + "title": "Flight (Grey's Anatomy)", + "text": "Weekly\" later named the scene where Meredith is crying one of the best crying scenes of 2012. In TVLine's review of 2012, Lexie's death was runner-up for \"Biggest Tearjerker\". The episode is nominated at the NAACP Image Awards under the Outstanding Writing in a Dramatic Series category for Rhimes. Flight (Grey's Anatomy) \"Flight\" is the twenty-fourth and final episode of the eighth season of the American television medical drama \"Grey's Anatomy\", and the show's 172nd episode overall. It was written by series creator Shonda Rhimes, and directed by Rob Corn. The episode was originally broadcast on the American Broadcasting Company", + "score": 0.73876953125, + "summary": "The plane crash episode of Grey's Anatomy is titled \"Flight\" and is the final episode of the eighth season. It was broadcast in 2012 and is nominated for an NAACP Image Award for Outstanding Writing in a Dramatic Series.", + "extraction": "Season 8 of Grey's Anatomy, specifically the final episode (episode 24) titled \"Flight\", featured the plane crash." + }, + { + "id": "4811579", + "title": "Grey's Anatomy", + "text": "and Morgan, respectively. ABC renewed \"Grey's Anatomy\" for a fourth season, which aired from September 27, 2007 to May 22, 2008, and ultimately consisted of seventeen episodes. The fourth season had a reduced number of episodes, due to the 2007\u201308 Writers Guild of America strike, which caused production to cease from February to April, leaving the show with no writing staff during that time. At the beginning of the fourth season, the show aired its final special entitled \"Come Rain or Shine\", created to transition viewers from \"Grey's Anatomy\" to \"Private Practice\", which was narrated by the editors of \"People\"", + "score": 0.73779296875, + "summary": "The document is irrelevant to the question.", + "extraction": "Irrelevant. The passage does not provide information about the plane crash in Grey's Anatomy." + }, + { + "id": "18754162", + "title": "One Flight Down (Grey's Anatomy)", + "text": "A plane crash in downtown Seattle brings a crop of new patients to Grey Sloan Memorial and old memories back to Meredith, Arizona, and Owen. Meredith tries to make it through the day without freaking out about not knowing where Derek is; Bailey gives her a 5:00 time frame for freaking out. No freaking out until 5:00 pm. Alex sticks close to Arizona to make sure that she\u2019s okay, but she finds him more annoying than helpful. Alex tells Arizona that it was he who cut off her leg, not Callie. When asked, Callie tells Arizona that she was the", + "score": 0.73486328125, + "summary": "Season 9 of Grey's Anatomy was the season where the plane crash happened.", + "extraction": "Season 9 of Grey's Anatomy featured the plane crash that brought new patients to Grey Sloan Memorial and old memories back to Meredith, Arizona, and Owen." + }, + { + "id": "16531008", + "title": "Grey's Anatomy (season 9)", + "text": "Grey's Anatomy (season 9) The ninth season of the American television medical drama \"Grey's Anatomy\" began airing in the United States on the American Broadcasting Company (ABC) on September 27, 2012, with the season premiere \"Going, Going, Gone\" and consists of 24 episodes with the finale \"Perfect Storm\" airing on May 16, 2013. The season was produced by ABC Studios, in association with Shondaland Production Company and The Mark Gordon Company; the showrunner being Shonda Rhimes. The season was officially released on DVD as a six-disc boxset under the title of Grey's Anatomy: The Complete Ninth Season - Everything Changes", + "score": 0.73095703125, + "summary": "The plane crash episode of Grey's Anatomy was in season 9, which aired from September 27, 2012, to May 16, 2013.", + "extraction": "Irrelevant." + }, + { + "id": "13034802", + "title": "Arizona Robbins", + "text": "of Torres, she accepts her marriage proposal, and the two are married by Miranda Bailey (Chandra Wilson). As the fifth year residents are coming close to the end of their residency, Robbins urges Alex Karev (Justin Chambers) to work under her. At the end of the Grey's Anatomy (season 8), Robbins is hurt badly in a plane crash, resulting in her left leg being amputated. In the aftermath of the plane accident, in which Sloan and Lexie Grey were killed, the hospital is sued and eventually found guilty of negligence. Each victim including Shepherd, Meredith Grey (Ellen Pompeo), Cristina Yang", + "score": 0.72998046875, + "summary": "Season 8 of Grey's Anatomy was the season during which the plane crash occurred.", + "extraction": "In the Grey's Anatomy (season 8), Robbins is hurt badly in a plane crash." + }, + { + "id": "16531015", + "title": "Grey's Anatomy (season 9)", + "text": "becoming bitter and blaming her wife Callie and her former friend Alex Karev (Justin Chambers) and refuses to leave her bed or return to work. Derek discovers that prior to the plane crash, the hospital had recently changed airlines to one with a poorer safety record for budgetary reasons, resulting in the four crash survivors (Grey, Shepherd, Robbins and Yang) deciding to pursue a lawsuit, and it soon becomes apparent that chief of surgery Owen Hunt (Kevin McKidd) had given the go-ahead to the change. To prevent the doctors' court case from being thrown out, Hunt decides to divorce Yang,", + "score": 0.72802734375, + "summary": "Season 9 of Grey's Anatomy involved a plane crash, which occurred prior to the season. Four characters were survivors and decided to pursue a lawsuit after discovering that the hospital had recently changed airlines for budgetary reasons, leading to a poorer safety record. Chief of surgery Owen Hunt had given the go-ahead for the change.", + "extraction": "Season 9." + }, + { + "id": "10185543", + "title": "Grey's Anatomy (season 4)", + "text": "from the first one, which aired mid-season, the fourth season of \"Grey's Anatomy\" had a reduced number of episodes, due to the 2007\u20132008 Writers Guild of America strike, which caused the production to cease from February to April, leaving the show with no writing staff during that time. Since the show had only produced ten episodes before the winter-holiday hiatus, and aired another one after the break ended, the show decided to complete the season with six new episodes, and returned on April 24, 2008. Only seventeen episodes were produced out of the twenty-three originally conceived for the season. After", + "score": 0.72705078125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about the fourth season of Grey's Anatomy, but does not mention the plane crash." + }, + { + "id": "16531009", + "title": "Grey's Anatomy (season 9)", + "text": "on August 27, 2013 by Buena Vista Home Entertainment. The season follows the characters dealing with the aftermath of the season eight plane crash that claimed the life of Lexie Grey (Chyler Leigh) and upon rescue Mark Sloan (Eric Dane), who dies after sustaining injuries from the crash. Derek Shepherd (Patrick Dempsey) finds his surgical career in doubt after badly damaging his hand but Callie Torres (Sara Ramirez) ultimately manages to save his hand. The show's protagonist Meredith Grey (Ellen Pompeo) deals with the loss of her half-sister Lexie and later discovers that she is pregnant. Cristina Yang (Sandra Oh)", + "score": 0.7265625, + "summary": "Season 9 of Grey's Anatomy follows the aftermath of a plane crash that claimed the life of Lexie Grey and Mark Sloan. It was released on August 27, 2013.", + "extraction": "Season 9 follows the characters dealing with the aftermath of the season eight plane crash that claimed the life of Lexie Grey and upon rescue Mark Sloan. Therefore, the plane crash happened in season 8 of Grey's Anatomy." + }, + { + "id": "18022123", + "title": "Grey's Anatomy (season 11)", + "text": "Grey's Anatomy (season 11) The eleventh season of the American television medical drama \"Grey's Anatomy\" premiered on September 25, 2014 in the United States on the American Broadcasting Company (ABC) and consists of 25 episodes. The season was produced by ABC Studios, in association with Shondaland Production Company and The Mark Gordon Company; the showrunners being Stacy McKee and William Harper. The season commenced airing with the episode \"I Must Have Lost it on the Wind\" and concluded with the season finale \"You're My Home\" airing on May 14, 2015. The season was officially released on DVD as a six-disc", + "score": 0.7255859375, + "summary": "Season 11 of Grey's Anatomy premiered on September 25, 2014 and concluded on May 14, 2015. The plane crash is not mentioned in the document.", + "extraction": "The question is \"What season of Grey's Anatomy was the plane crash?\", and the answer is irrelevant, as the passage does not mention anything related to a plane crash." + }, + { + "id": "18754164", + "title": "One Flight Down (Grey's Anatomy)", + "text": "episode was initially aired on April 16, 2015 and was viewed by 7.60 million viewers on its initial airing marking an increase from the previous episode \"Crazy Love\" which was watched by 7.42 million viewers. It garnered a 2.1/7 Nielsen ratings an increase from the previous installment. The episode received mostly positive reviews from critics. The reactions of Owen, Meredith and Arizona to the plane crash were praised but critics disliked the developments in the relationship of Owen Hunt and Amelia Shepherd. \"TvEquals\" wrote, \"Overall, \u201cOne Flight Down\u201d was a solid episode \u2013 not my favorite, but pretty entertaining. Owen", + "score": 0.72509765625, + "summary": "The document is irrelevant to the question.", + "extraction": "Irrelevant. The passage does not provide information about the season of Grey's Anatomy in which the plane crash occurred." + }, + { + "id": "17314136", + "title": "Grey's Anatomy (season 10)", + "text": "Sara Ramirez also renewed her contract for another two seasons. \"Grey's Anatomy\" was renewed for a tenth season on May 10, 2013. This season is to include the 200th episode of the series, the fourth episode to air, \"Puttin' on the Ritz\". This season was also split into two batches of episodes, each batch consisting of 12 uninterrupted episodes (excluding holidays). The mid-season premiere aired on February 27, 2014. \"Grey's Anatomy's\" tenth season opened up to 9.27 million viewers with a 3.4/9 Nielsen rating/share in the 18\u201349 demographic. \"Everybody's Crying Mercy\" served as the season's most viewed episode. \"Man on", + "score": 0.72314453125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "13545784", + "title": "Grey's Anatomy (season 6)", + "text": "Grey's Anatomy (season 6) The sixth season of the American television medical drama \"Grey's Anatomy\", commenced airing on the American Broadcasting Company (ABC) in the United States on September 24, 2009, and concluded on May 20, 2010. The season was produced by ABC Studios, in association with Shondaland Production Company and The Mark Gordon Company; the showrunner being Shonda Rhimes. Actors Ellen Pompeo, Sandra Oh, Katherine Heigl, and Justin Chambers reprised their roles as surgical residents Meredith Grey, Cristina Yang, Izzie Stevens, and Alex Karev, respectively. Heigl was released from her contract in the middle of the season, while T.R.", + "score": 0.72265625 + }, + { + "id": "16467167", + "title": "Flight (Grey's Anatomy)", + "text": "(Dr. Meredith Grey)'s and Eric Dane (Dr. Mark Sloan)'s. \"Flight\" earned Rhimes an NAACP Image Award nomination and it was also nominated under several categories of \"Entertainment Weekly\" finale awards. Upon its initial airing, the episode was viewed in the United States by 11.44 million people, garnered a 4.1/11 Nielsen rating/share in the 18\u201349 demographic, ranking fourth for the night in terms of viewership, and registering as Thursday's highest-rated drama. After their plane crashes in the woods, Dr. Meredith Grey (Ellen Pompeo), Dr. Lexie Grey (Chyler Leigh), Dr. Cristina Yang (Sandra Oh), Dr. Arizona Robbins (Jessica Capshaw), Dr. Derek Shepherd", + "score": 0.72216796875 + }, + { + "id": "16467175", + "title": "Flight (Grey's Anatomy)", + "text": "May 17, 2012 in the United States on the American Broadcasting Company (ABC). The episode was watched in the United States by a total of 11.44 million people, a 16.5% (1.62 million) increase from the previous episode \"Migration\", which garnered 9.82 million viewers. In terms of viewership, \"Flight\" ranked fourth for the night, behind the season finales of Fox's \"American Idol\", and CBS's \"Person of Interest\" and \"The Mentalist\". In terms of \"Grey's Anatomy\" other season finales, the episode was the show's second least-viewed finale, just behind the seventh season's, which garnered 9.89 million viewers. The episode did not rank", + "score": 0.720703125 + }, + { + "id": "4811516", + "title": "Grey's Anatomy", + "text": "careers. However, all plans are put on hold when several doctors from Seattle Grace Mercy West Hospital are engaged in a plane crash, which kills Lexie and endangers Meredith, Shepherd, Yang, Robbins, and Sloan. At the conclusion of the eighth season, Altman is courteously fired by Hunt as she struggles to decide whether or not to take the job as Chief at the United States Army Medical Command (MEDCOM). In the season nine premiere, Sloan dies due to sustained injuries from the plane crash following a brief relapse of temporary health (the surge) and the remaining characters work through their", + "score": 0.720703125 + }, + { + "id": "18891569", + "title": "Beautiful Doom", + "text": "lives. In the episode Meredith Grey (Ellen Pompeo) relives the memories of her half-sister Lexie Grey (Chyler Leigh) who died in the season eight finale plane crash when a patient with similar crush injuries comes into the hospital. The episode also focuses on Cristina Yang (Sandra Oh) who deals with the death of her Minnesota mentor Dr. Craig Thomas (William Daniels) in the middle of surgery. Meredith in spite of opposition from Richard Webber (James Pickens Jr.) tries to treat the crash victim while dealing with her personal feelings relating Lexie. She also juggles her daughter Zola at the hospital", + "score": 0.72021484375 + }, + { + "id": "18761857", + "title": "Grey's Anatomy (season 12)", + "text": "best television of 2015. The A.V. Club's Caroline Siede described the twelfth season of \"Grey's Anatomy\" as \"phenomenal\", stating that the series underwent a \"powerful renaissance this year\". A final grade of B+ was given to the season. Grey's Anatomy (season 12) The twelfth season of the American television medical drama \"Grey's Anatomy\" was ordered on May 7, 2015, by ABC. It premiered on September 24, 2015, in the United States on ABC. The twelfth season includes the show's 250th episode, Guess Who's Coming to Dinner, which is the fifth episode in the season. The season is produced by ABC", + "score": 0.72021484375 + }, + { + "id": "8397475", + "title": "Grey's Anatomy (season 3)", + "text": "the box set, by calling it \"scintillating\" and \"addictive\". Grey's Anatomy (season 3) The third season of the American television medical drama Grey's Anatomy, commenced airing on the American Broadcasting Company (ABC) on September 21, 2006, and concluded on May 17, 2007. The season was produced by Touchstone Television, in association with Shondaland Production Company and The Mark Gordon Company, the showrunner being Shonda Rhimes. Actors Ellen Pompeo, Sandra Oh, Katherine Heigl, Justin Chambers, and T.R. Knight reprised their roles as surgical interns Meredith Grey, Cristina Yang, Izzie Stevens, Alex Karev, and George O'Malley, respectively, continuing their expansive storylines as", + "score": 0.7197265625 + }, + { + "id": "4811580", + "title": "Grey's Anatomy", + "text": "magazine. The show received a renewal for a fifth season, which premiered on September 25, 2008 and concluded on May 14, 2009, consisting of twenty-four episodes. The series was renewed for a sixth season consisting of twenty-four episodes, which commenced on September 24, 2009 and ended on May 20, 2010. During its sixth season, \"Grey's Anatomy\" aired a series of webisodes entitled \"Seattle Grace: On Call\" at ABC.com. ABC renewed the show for a seventh season, which premiered on September 23, 2010 and concluded on May 19, 2011, consisting of twenty-two episodes. This was followed up with \"Seattle Grace: On", + "score": 0.7197265625 + }, + { + "id": "18761850", + "title": "Grey's Anatomy (season 12)", + "text": "2016, as a result of ABC airing the television miniseries \"Madoff\" over two nights on February 3\u20134, 2016 in the same time-slot as \"Grey's Anatomy\" and \"Scandal\". On March 3, 2016, ABC announced that \"Grey's Anatomy\" was renewed for a 13th season. Regarding the death of Dr. Derek Shepherd, showrunner Shonda Rhimes commented on how future seasons would be affected by the death as she said: \"Now, Meredith and the entire \"Grey\u2019s Anatomy\" family are about to enter uncharted territory as we head into this new chapter of her life. The possibilities for what may come are endless. As Ellis", + "score": 0.71826171875 + }, + { + "id": "12510233", + "title": "Grey's Anatomy (season 5)", + "text": "Each of these releases also contained DVD extras, including footage from behind the scenes, deleted scenes and extended episodes. The same set was released on November 4, 2009 in Region 4 and on August 23, 2010 in Region 2. Grey's Anatomy (season 5) The fifth season of the American television medical drama Grey's Anatomy, created by Shonda Rhimes, commenced airing on American Broadcasting Company (ABC) in the United States on September 25, 2008 and concluded on May 14, 2009 with twenty-four aired episodes. The season follows the story of a group of surgeons as they go through their residency, while", + "score": 0.71826171875 + }, + { + "id": "8397417", + "title": "Grey's Anatomy (season 3)", + "text": "Grey's Anatomy (season 3) The third season of the American television medical drama Grey's Anatomy, commenced airing on the American Broadcasting Company (ABC) on September 21, 2006, and concluded on May 17, 2007. The season was produced by Touchstone Television, in association with Shondaland Production Company and The Mark Gordon Company, the showrunner being Shonda Rhimes. Actors Ellen Pompeo, Sandra Oh, Katherine Heigl, Justin Chambers, and T.R. Knight reprised their roles as surgical interns Meredith Grey, Cristina Yang, Izzie Stevens, Alex Karev, and George O'Malley, respectively, continuing their expansive storylines as focal points throughout the season. Previous main cast members", + "score": 0.7177734375 + }, + { + "id": "19523328", + "title": "Grey's Anatomy (season 13)", + "text": "Grey's Anatomy (season 13) The thirteenth season of the American television medical drama \"Grey's Anatomy\" premiered on September 22, 2016, in the United States on the American Broadcasting Company (ABC), and consisted of 24 episodes. The season was ordered on March 3, 2016, along with ABC's other shows. The season is produced by ABC Studios, in association with Shondaland Production Company and The Mark Gordon Company; the showrunners being William Harper and Stacy McKee. This season was the first not to feature Sara Ramirez as Dr. Callie Torres since her introduction in the second season, following her departure at the", + "score": 0.71728515625 + }, + { + "id": "10269137", + "title": "Lexie Grey", + "text": "go about things. Days later, Lexie is named as part of a team of surgeons that will be sent to Boise to separate conjoined twins, along with Mark, Meredith, Derek, Cristina and Arizona Robbins (Jessica Capshaw). However, while flying to their destination, the doctors' plane crashes in the wilderness and Lexie is crushed under debris from the aircraft but manages to alert Mark and Cristina to help her. The pair try in vain to free Lexie, who realizes that she is suffering from a hemothorax and is unlikely to survive. While Cristina tries to find an oxygen tank and water", + "score": 0.716796875 + }, + { + "id": "16467180", + "title": "Flight (Grey's Anatomy)", + "text": "poll that judged all the television season finales of the year, Lexie's death was voted the \"Top Tissue Moment\", while Robbins' injured leg and Shepherd's mangled hand were voted the \"Most Disturbing Image\". The ending of the episode was also considered as the \"Best Ending to an Otherwise So-So Season\". Lexie's death was also nominated under the \"Best (Presumed) Death\" category, while the plane crash's aftermath was nominated as the \"Best Non-romantic Cliffhanger\", and the episode in entirety was nominated for the special award for \"Biggest Regret That I Didn't See It, I Just Heard or Read About It\". \"Entertainment", + "score": 0.71630859375 + }, + { + "id": "17314142", + "title": "Grey's Anatomy (season 10)", + "text": "to the episode's number within this particular season. \"U.S. viewers in millions\" refers to the number of Americans in millions who watched the episodes live. Grey's Anatomy (season 10) The tenth season of the American television medical drama \"Grey's Anatomy\" premiered on September 26, 2013, with a two-hour special episode in the United States on the American Broadcasting Company (ABC), and it concluded with a \"Farewell to Cristina\" finale episode \"Fear (of the Unknown)\" on May 15, 2014. The season was produced by ABC Studios, in association with Shondaland Production Company and The Mark Gordon Company; the showrunner being", + "score": 0.71484375 + }, + { + "id": "7310979", + "title": "Grey's Anatomy (season 2)", + "text": "Grey's Anatomy (season 2) The second season of the American television medical drama Grey's Anatomy commenced airing on the American Broadcasting Company (ABC) on September 25, 2005, and concluded on May 15, 2006. The season was produced by Touchstone Television, in association with Shondaland production company and The Mark Gordon Company, the showrunner being Shonda Rhimes. Actors Ellen Pompeo, Sandra Oh, Katherine Heigl, Justin Chambers, and T.R. Knight reprised their roles as surgical interns Meredith Grey, Cristina Yang, Izzie Stevens, Alex Karev, and George O'Malley, respectively. Previous main cast members Chandra Wilson, James Pickens, Jr., Isaiah Washington, and Patrick Dempsey", + "score": 0.71484375 + }, + { + "id": "4811582", + "title": "Grey's Anatomy", + "text": "with a two-hour episode, and ended on May 15, 2014. On May 8, 2014, ABC renewed the series for an eleventh season that aired from September 2014 to May 2015. In addition, the show was relocated to the Thursday 8:00pm EST time slot. After four seasons outside the top 25 rated shows, \"Grey's Anatomy\" was the number 15 show in the 2013\u20132014 season, the show's tenth. The show also re-entered the top five shows in the 18\u201349 viewer demographic. On May 7, 2015, ABC renewed the series for a twelfth season that premiered on September 24, 2015 and concluded on", + "score": 0.71435546875 + }, + { + "id": "4811581", + "title": "Grey's Anatomy", + "text": "Call\", \"\", aired during the beginning of the seventh season. Also during the seventh season, the series produced a musical episode entitled \"Song Beneath the Song\", featuring songs that became famous through their use in \"Grey's Anatomy\". The show received a twenty-four episode eighth season renewal, which commenced on September 22, 2011 with a two-hour episode, and ended on May 17, 2012. \"Grey's Anatomy\" was renewed for a ninth season, which premiered on September 27, 2012 and ended on May 16, 2013. \"Grey's Anatomy\" was renewed for a tenth season on May 10, 2013 and premiered on September 27, 2013", + "score": 0.7138671875 + }, + { + "id": "15598685", + "title": "Grey's Anatomy (season 8)", + "text": "Grey's Anatomy (season 8) The eighth season of the American television medical drama Grey's Anatomy, commenced airing on the American Broadcasting Company (ABC) on September 22, 2011, with a special two-hour episode and ended on May 17, 2012 with the eighth season having a total of 24 episodes. The season was produced by ABC Studios, in association with Shondaland Production Company and The Mark Gordon Company, and overseen by showrunner Shonda Rhimes. This season follows the story-line of Meredith Grey (Ellen Pompeo) and Derek Shepherd (Patrick Dempsey) as they try to save their marriage and adopt Zola after Meredith tampered", + "score": 0.71337890625 + }, + { + "id": "18761834", + "title": "Grey's Anatomy (season 12)", + "text": "Grey's Anatomy (season 12) The twelfth season of the American television medical drama \"Grey's Anatomy\" was ordered on May 7, 2015, by ABC. It premiered on September 24, 2015, in the United States on ABC. The twelfth season includes the show's 250th episode, Guess Who's Coming to Dinner, which is the fifth episode in the season. The season is produced by ABC Studios, in association with Shondaland Production Company and The Mark Gordon Company; the showrunners being Stacy McKee and William Harper. The season commenced airing with the episode \"Sledgehammer\" and concluded with \"Family Affair\". This season was the first", + "score": 0.712890625 + }, + { + "id": "4811518", + "title": "Grey's Anatomy", + "text": "once being called the \"Grey-Sloan 7\". One of the changes they implement is renaming the hospital to Grey Sloan Memorial Hospital. Robbins cheats on Torres with a visiting facial reconstruction surgeon. \"Grey's Anatomy\" then concluded its 10th season on ABC and saw the departure of one of its major players, Cristina Yang, played by Sandra Oh. Towards the end of the eleventh season, Derek Shepherd witnesses a car accident and pulls over to help the injured, but his car is hit by a truck with him inside as he attempts to leave the scene. He later dies at another hospital", + "score": 0.71240234375 + }, + { + "id": "20161215", + "title": "Grey's Anatomy (season 14)", + "text": "Grey's Anatomy (season 14) The fourteenth season of the American television medical drama \"Grey's Anatomy\" was ordered on February 10, 2017, by American Broadcasting Company (ABC), and premiered on September 28, 2017 with a special two-hour premiere. The season consists of 24 episodes, with the season's seventh episode marking the 300th episode for the series overall. The season is produced by ABC Studios, in association with Shondaland Production Company and The Mark Gordon Company; the showrunners being Krista Vernoff and William Harper. The fourteenth season is the first not to feature Jerrika Hinton as Dr. Stephanie Edwards since her introduction", + "score": 0.71142578125 + }, + { + "id": "7311025", + "title": "Grey's Anatomy (season 2)", + "text": "Film and TV on Amazon.co.uk. Grey's Anatomy (season 2) The second season of the American television medical drama Grey's Anatomy commenced airing on the American Broadcasting Company (ABC) on September 25, 2005, and concluded on May 15, 2006. The season was produced by Touchstone Television, in association with Shondaland production company and The Mark Gordon Company, the showrunner being Shonda Rhimes. Actors Ellen Pompeo, Sandra Oh, Katherine Heigl, Justin Chambers, and T.R. Knight reprised their roles as surgical interns Meredith Grey, Cristina Yang, Izzie Stevens, Alex Karev, and George O'Malley, respectively. Previous main cast members Chandra Wilson, James Pickens, Jr.,", + "score": 0.7099609375 + }, + { + "id": "9819437", + "title": "A Hard Day's Night (Grey's Anatomy)", + "text": "mixed perspectives on the pilot, noting that the storylines were similar to fellow ABC series \"Desperate Housewives\", but also \"brilliantly written, extremely well acted and directed to near perfection\". \"New York Daily News\" named \"Grey's Anatomy\" a \"winner\" in response to its first season, whereas Newsday expressed a positive opinion by stating \"You simply can't stop watching.\" A Hard Day's Night (Grey's Anatomy) \"A Hard Day's Night\" is the pilot episode of the American television medical drama \"Grey's Anatomy\", which first aired on March 27, 2005 on the American Broadcasting Company (ABC). The episode introduces main characters and surgical interns", + "score": 0.70947265625 + }, + { + "id": "16467168", + "title": "Flight (Grey's Anatomy)", + "text": "(Patrick Dempsey), and Dr. Mark Sloan (Eric Dane) desperately fight to stay alive. Meredith is relatively unscathed, while the rest have serious injuries: the pilot, Jerry (James LeGros), has a major spine injury, and Yang dislocates her arm. Robbins' femur is broken and sticking through the skin, Sloan has serious internal injuries; though initially adrenaline keeps him on his feet. Shepherd is sucked out the side of the plane and awakens alone in the wood; his mangled hand having been pushed through the door of the plane. However, none are in as bad shape as Lexie, who is crushed under", + "score": 0.708984375 + }, + { + "id": "10185540", + "title": "Grey's Anatomy (season 4)", + "text": "night timeslot at 9:00 EST. In addition to the regular seventeen episodes, a clip-show narrated by the editors of \"People\" recapped previous events of the show and made the transition from \"Grey's Anatomy\" to \"Private Practice\", a spin-off focusing on Dr. Addison Montgomery and aired on September 19, 2007, before the season premiere. The season was officially released on DVD as a five-disc boxset under the title of \"Grey's Anatomy: Season Four \u2013 Expanded\" on September 9, 2008 by Buena Vista Home Entertainment. For the first time in the show's history, many cast changes occur, seeing the first departure of", + "score": 0.70849609375 + }, + { + "id": "10930991", + "title": "Losing My Religion (Grey's Anatomy)", + "text": "Losing My Religion (Grey's Anatomy) \"Losing My Religion\" is the twenty-seventh and final episode of the second season of the American television medical drama \"Grey's Anatomy\", and the show's 36th episode overall. Written by Shonda Rhimes and directed by Mark Tinker, the episode was originally broadcast with \"Deterioration of the Fight or Flight Response\", in a two-hour season finale event on the American Broadcasting Company (ABC) in the United States on May 15, 2006. \"Grey's Anatomy\" centers around a group of young doctors in training. In this episode, Dr. Izzie Stevens (Katherine Heigl) and her fellow interns have to plan", + "score": 0.70849609375 + }, + { + "id": "20161240", + "title": "Grey's Anatomy (season 14)", + "text": "a 14th season on February 10, 2017. It premiered on September 28, 2017, with a two-hour premiere. Ellen Pompeo announced that she would be directing several episodes in the 14th season. On April 28, 2017, veteran writer Krista Vernoff announced that she would return to the show as a writer after leaving the show after the seventh season. On January 11, 2018, ABC released a six-episode web series following the new surgical interns at Grey Sloan Memorial Hospital. The web series was written by Barbara Kaye Friend and directed by series regular Sarah Drew. The number in the \"No. overall\"", + "score": 0.7080078125 + }, + { + "id": "4811594", + "title": "Grey's Anatomy", + "text": "on September 2, 2014 with new several bonus features and deleted scenes. The season was officially released on DVD as a six-disc boxset under the title of Grey's Anatomy: The Complete Tenth Season \u2013 Live For The Moments on September 2, 2014. In view of the departure of the character of Cristina Yang in the season finale, the DVD set featured an extended episode \"Do You Know?\" and a special feature from Sandra Oh titled \"An Immeasurable Gift\". The eleventh released on DVD as a six-disc box set on August 18, 2015 with interviews with new series regular Caterina Scorsone", + "score": 0.70703125 + }, + { + "id": "9936143", + "title": "Mark Sloan (Grey's Anatomy)", + "text": "hand, telling her that he has and will always love her. He and the remaining surviving crash victims are left stranded in the woods, mourning Lexie and fighting to stay alive. In the ninth-season premiere, it is discovered that Mark is on life support due to the extensive injuries he sustained in the plane crash and, as determined by his will, the machines would be turned off if he showed no signs of waking within 30 days. Flashbacks of some moments in Mark's life showcased him being videotaped as he was extending his congratulations to newlyweds Callie and Arizona. At", + "score": 0.70654296875 + }, + { + "id": "15021574", + "title": "Elevator Love Letter (Grey's Anatomy)", + "text": "the Meredith/McDreamy roller coaster of Season 4, this episode is your payoff. Also, former army surgeon Owen\u2019s PTSD causes him to choke Cristina while she sleeps.\" Elevator Love Letter (Grey's Anatomy) \"Elevator Love Letter\" is the nineteenth episode of the fifth season of the American television medical drama, \"Grey's Anatomy\" and the show's 97th episode overall. Written by Stacy McKee and directed by Edward Ornelas, the episode was originally broadcast on the American Broadcasting Company (ABC) in the United States on March 26, 2009. It was viewed by 15.81 million people and garnered a 5.5/13 Nielsen rating/share in the 18\u201349", + "score": 0.7060546875 + }, + { + "id": "19523329", + "title": "Grey's Anatomy (season 13)", + "text": "conclusion of the previous season. On February 10, 2017, ABC renewed \"Grey's Anatomy\" for a fourteenth season. The season follows the story of surgical residents, fellows, and attendings as they experience the difficulties of the competitive careers they have chosen. It is set in the surgical wing of the fictional Grey Sloan Memorial Hospital, located in Seattle, Washington. The season picks up right where it left off at Owen and Amelia's wedding. After Alex Karev (Justin Chambers) had found a drunk Jo Wilson (Camilla Luddington) with Andrew DeLuca (Giacomo Gianniotti) in a compromising situation during the previous season's finale, he", + "score": 0.70458984375 + }, + { + "id": "7311023", + "title": "Grey's Anatomy (season 2)", + "text": "also includes the series' highest-rated episode, \"It's the End of the World\" which was watched by 37.88 million viewers. The second season was officially released on DVD in Region 1 on September 12, 2006, almost two weeks before the third season premiere which aired on September 21, 2006. Under the title \"Grey's Anatomy: The Complete Second Season \u2013 Uncut\", the box set consists of episodes with Dolby Digital 5.1 surround sound and widescreen format. It also contained extras available only on DVD, including extended episodes, interviews with cast and crew members, footage from behind the scenes and unaired scenes", + "score": 0.703125 + }, + { + "id": "20682945", + "title": "Grey's Anatomy (season 15)", + "text": "Grey's Anatomy (season 15) The fifteenth season of the American television medical drama \"Grey's Anatomy\" was ordered on April 20, 2018, by American Broadcasting Company (ABC). The season premiered on September 27, 2018 with a special 2-hour premiere. The episode count for the season will be 24 episodes. The season is produced by ABC Studios, in association with Shondaland Production Company and The Mark Gordon Company; the showrunners being Krista Vernoff and William Harper. This season is the first not to feature both Jessica Capshaw as Dr. Arizona Robbins and Sarah Drew as Dr. April Kepner since their introductions in", + "score": 0.703125 + }, + { + "id": "4811506", + "title": "Grey's Anatomy", + "text": "on television by series such as \"St. Elsewhere\", \"ER\", and \"The West Wing\". \"Greys Anatomy\" follows the lives of surgical interns and residents at the fictional Grey-Sloan Memorial Hospital (formerly Seattle Grace Hospital, Season 1\u20136, Seattle Grace Mercy West Hospital, Season 6\u20139, and then Grey-Sloan Memorial Hospital, Season 9\u2013present), as they gradually develop into seasoned doctors through the mentoring of their residents, attendings, and chiefs of surgery. Each installment typically begins with a voice-over narrative from Meredith Grey or a season regular, foreshadowing the theme of the episode. Each season tends to represent the physicians' academic year, with each completed", + "score": 0.703125 + }, + { + "id": "10053471", + "title": "Private Practice (TV series)", + "text": "King (KaDee Strickland) bring Erica to Seattle Grace to meet with Derek, Lexie and Amelia about the operation. Erica's surgery is successful. Despite no characters crossing over, Addison receives a phone call from Derek about Mark's passing, which happens at the start of Grey's Anatomy's ninth season. In April 2014 Amelia returned to Grey's Anatomy for the last four episodes of the tenth season. She became a series regular for Season 11. \"Private Practice\" initially received mixed reviews. Metacritic, which assigns a weighted mean rating out of 100 to reviews from mainstream critics, gave the show a score of 45", + "score": 0.703125 + }, + { + "id": "16531012", + "title": "Grey's Anatomy (season 9)", + "text": "Favorite Network TV Drama. It was announced by ABC on May 10, 2013 that the tenth season of Grey's Anatomy would begin in the fall of 2013. The season follows the story of surgical interns, residents and their competent mentors, as they experience the difficulties of the competitive careers they have chosen. It is set in the surgical wing of the fictional Seattle Grace-Mercy West Hospital, located in Seattle, Washington. A major theme of the season is the characters adapting to change, as all of the fifth-year surgical residents have turned into surgical attendings, and are now teaching interns, and", + "score": 0.70263671875 + }, + { + "id": "10185564", + "title": "Grey's Anatomy (season 4)", + "text": "slot, at 9:00 ET, after it was moved at the beginning of the third season, following two seasons in the Sunday night timeslot, as a lead-out to \"Desperate Housewives\", which aired at 9:00 ET for its entire run. The season aired as a lead-out to \"Ugly Betty\", then in its second season, which aired on Thursday nights at 8:00 ET. \"Grey's Anatomy\" averaged 15.92 million viewers in its fourth season, ranking tenth in viewership. The highest-rated episode of the season was the season premiere, with 20.93 million viewers tuning in and a 7.3 rating, ranking the third for the week.", + "score": 0.7021484375 + }, + { + "id": "18843754", + "title": "Perfect Storm (Grey's Anatomy)", + "text": "Perfect Storm (Grey's Anatomy) \"Perfect Storm\" is the season finale of the ninth season of the American television medical drama \"Grey's Anatomy\", and is the 196th episode overall. It aired on May 16, 2013 on ABC in the United States. The episode was written by Stacy McKee and directed by Rob Corn. On its initial airing it was watched by 8.99 million viewers. In the episode Grey-Sloan Memorial experienced power outages and a bus crash during an intense super storm. The episode was loosely based on Hurricane Sandy, which hit the East Coast in 2012. A bus crashes in front", + "score": 0.70166015625 + }, + { + "id": "16531032", + "title": "Grey's Anatomy (season 9)", + "text": "the overall series, whereas the number in the \"No. in season\" column refers to the episode's number within this particular season. \"U.S. viewers in millions\" refers to the number of Americans in millions who watched the episodes live. Grey's Anatomy (season 9) The ninth season of the American television medical drama \"Grey's Anatomy\" began airing in the United States on the American Broadcasting Company (ABC) on September 27, 2012, with the season premiere \"Going, Going, Gone\" and consists of 24 episodes with the finale \"Perfect Storm\" airing on May 16, 2013. The season was produced by ABC Studios, in", + "score": 0.70166015625 + }, + { + "id": "13545794", + "title": "Grey's Anatomy (season 6)", + "text": "explained that she wanted to spend more time with her family, and did not think it would be respectful to \"Grey's Anatomy\" viewers to have Izzie return and depart yet again. The season's two-hour opener showed the doctors of Seattle Grace Hospital, grieving the loss of their deceased friend, O'Malley. The special's writer, Vernoff, commented: \"It's heartbreaking. I fell in love with George, like many of you did, in season one.\" The ninth episode of the season, \"New History\", saw the arrival of Altman, which ended up forming a love triangle between her, Hunt, and Yang. Raver commented on this:", + "score": 0.701171875 + }, + { + "id": "13545788", + "title": "Grey's Anatomy (season 6)", + "text": "Vista released the season onto a DVD box-set, being made available to regions 1 and 2. The sixth season had thirteen roles receiving star billing, with twelve of them returning from the previous season, one of whom previously in a recurring guest capacity. The regulars portray the surgeons from the fictional Seattle Grace Hospital as new rivalries and romantic relationships begin to develop after the hospital's merger with Mercy West. Meredith Grey, a surgical resident and the protagonist of the series, is portrayed by Ellen Pompeo. Fellow residents Cristina Yang, Izzie Stevens and Alex Karev are portrayed by Sandra Oh,", + "score": 0.70068359375 + }, + { + "id": "10317755", + "title": "Into You Like a Train", + "text": "in 2013, \"The A.V. Club\" again reaffirmed the episode as \"the best single episode the show ever produced\" Due to positive fan reception, Monica Keena would return again as Bonnie Crasnoff, despite her character's death, in Season 3, Episode 17, \"Some Kind of Miracle,\" as a ghost while Meredith Grey was in purgatory. Into You Like a Train \"Into You Like a Train\" is the sixth episode of the second season of the American television medical drama \"Grey's Anatomy\", and the show's fifteenth episode overall. The episode, which would have originally served as the season two premiere, was written by", + "score": 0.70068359375 + }, + { + "id": "4811577", + "title": "Grey's Anatomy", + "text": "as a mid-season replacement to \"Boston Legal\" on March 27, 2005 and concluded on May 22, 2005. The nine-episode season aired on Sundays in the 10:00pm EST time slot, following \"Desperate Housewives\". The show was renewed by ABC for a second season, that aired in the same time slot as season one. Premiering on September 25, 2005 and concluding on May 15, 2006, the season consisted of twenty-seven episodes. The first five episodes of the second season were originally scheduled to air during the first, but the network decided to close the first season of \"Grey's Anatomy\" on the same", + "score": 0.7001953125 + }, + { + "id": "8397471", + "title": "Grey's Anatomy (season 3)", + "text": "first released in Romania on August 12, 2008, shortly after the season concluded airing on national television. In the United Kingdom, the season was released on September 15, 2008, approximately a year after its original release in the United States. Although the season aired in high definition, it has not been released on Blu-ray disc in any region to date. The box set includes all the original twenty-five episodes that aired on the American Broadcasting Company, being divided into seven discs. Subtitles are available in French, in Spanish and in English for the hearing impaired, whereas the available languages for", + "score": 0.7001953125 + }, + { + "id": "18891571", + "title": "Beautiful Doom", + "text": "This reminds her of Lexie, who was trapped under a part of the crashed plane. Meredith and Cristina lean on each other and maintain their long-distance friendship. The two friends continue to cope with life after the plane crash and their ever-growing responsibilities at their respective hospitals. Cristina and Dr. Thomas are explaining to a patient with the aneurysm that she needs to have two surgeries: one to repair the current aneurysm, and another surgery to fix the defect that formed the aneurysm. The patient and her husband turn out to be doomsday preppers, ready for the apocalypse. Cristina and", + "score": 0.69873046875 + }, + { + "id": "11826519", + "title": "There's No Place Like Home", + "text": "the resolution of the strike, ABC decided to produce five more episodes for the fourth season. This conflicted with ABC's earlier plan to broadcast seasons four, five and six in uninterrupted blocks of sixteen episodes each. Despite this, ABC prioritized scheduling \"Grey's Anatomy\", \"Ugly Betty\" and \"Lost\"'s returns all for April 24. The decision left the three unproduced episodes of season four \"in the bank\" to be used later in seasons five and six. After the resolution of the strike, Lindelof said that the effect of the strike on the fourth season would be minimal and the season's story arc", + "score": 0.69873046875 + }, + { + "id": "10185567", + "title": "Grey's Anatomy (season 4)", + "text": "viewers, being the first-season finale of \"Grey's Anatomy\" to attract less than 20 million viewers. It was ranked fifth in the week, and received a 6.3 rating. There was a significant decrease in the number of viewers, compared to the previous season finale, which attracted almost four more million viewers and received an 8.0 rating. The fourth season was officially released on DVD in region 1 on September 9, 2008, almost three weeks before the fifth season premiere, which aired on September 25, 2008. Under the title \"Grey's Anatomy: Season Four \u2013 Expanded\", the box set consists of episodes", + "score": 0.6982421875 + }, + { + "id": "9819433", + "title": "A Hard Day's Night (Grey's Anatomy)", + "text": "A Hard Day's Night (Grey's Anatomy) \"A Hard Day's Night\" is the pilot episode of the American television medical drama \"Grey's Anatomy\", which first aired on March 27, 2005 on the American Broadcasting Company (ABC). The episode introduces main characters and surgical interns Meredith Grey, Cristina Yang, Izzie Stevens, Alex Karev and George O'Malley. Other main cast members include Derek Shepherd, Miranda Bailey, Richard Webber and Preston Burke. These five interns become faced with what their future holds as they enter the realm of surgery at Seattle Grace Hospital. The episode was watched by an American audience of 16.25 million,", + "score": 0.6982421875 + }, + { + "id": "12510222", + "title": "Grey's Anatomy (season 5)", + "text": "season was officially released on DVD as seven-disc boxset under the title of \"Grey's Anatomy: The Complete Fifth Season \u2013 More Moments\" on September 9, 2009 by Buena Vista Home Entertainment. The season was produced by Touchstone Television ABC Studios, The Mark Gordon Company, ShondaLand, and was distributed by Buena Vista International, Inc.. The executive producers were creator Shonda Rhimes, Betsy Beers, Mark Gordon, Krista Vernoff, Rob Corn, Mark Wilding, Joan Rater, and James D. Parriott. The regular directors were Rob Corn, Eric Stoltz, and Tom Verica. The fifth season had thirteen roles receiving star billing, with twelve of them", + "score": 0.6982421875 + }, + { + "id": "16467177", + "title": "Flight (Grey's Anatomy)", + "text": "ratings in comparison to the previous year's finale, which attained a 3.6/9 rating/share in the 18\u201349 demographic. \"Poptimal\" Tanya Lane wrote, \"Wow\u2026just wow. \"Grey's Anatomy\" has once again managed to shock with its season finale.\" While she appreciated the \"realism and authenticity that \"Grey's\" is known for\", she found the episode was \"almost too much\" as it was \"extremely gory and difficult to watch, initially because of the grisly wounds\" but later because of the \"heavy and emotional things that transpired\". She thought Pompeo gave one of her best performances when her character learned that her sister was dead. \"Digital", + "score": 0.69775390625 + }, + { + "id": "18761849", + "title": "Grey's Anatomy (season 12)", + "text": "special \"It's the Great Pumpkin, Charlie Brown\", the twelfth season had a hiatus on October 29, 2015 following the 250th episode. The remaining fall schedule for ABC was announced on November 16, 2015 where it was announced that \"Grey's Anatomy\" would air eight episodes in the fall with the fall finale to air on November 19, 2015, just like the rest of ABC's primetime lineup \"TGIT\" \"Scandal\" and \"How to Get Away with Murder\", which was the same last year. The remaining 16 episodes will air after the winter break, beginning on February 11, 2016, and ending on May 19,", + "score": 0.697265625 + }, + { + "id": "18022153", + "title": "Grey's Anatomy (season 11)", + "text": "man himself. He was called McDreamy for a reason, and he deserved better than this.\" Citing the storylines of Derek's death, Callie and Arizona splitting up, and April and Jackson losing their baby, \"The Hollywood Reporter\" wrote that Season 11 is one of the most depressing seasons of \"Grey's Anatomy\". Despite all that, the season garnered positive reviews. \"Entertainment Weekly\" wrote, \"It's nice to see Grey's pull back on the throttle on its soap opera tendencies (and I hate using that word as pejorative) and aim for drama that feels a bit more grounded.\" \"TV Fanatic\" gave a hugely positive", + "score": 0.6962890625 + }, + { + "id": "18761845", + "title": "Grey's Anatomy (season 12)", + "text": "season, according to Rhimes. On June 28, 2015, it was announced that Jessica Capshaw, whose contract expired after Season 11, had renewed her contract for another three seasons as Dr. Arizona Robbins. This means that her character will be staying on the show through seasons 12 as well as possible seasons 13 and 14. It was announced on September 11, 2015 that \"Chasing Amy\" actress Joey Lauren Adams would guest star as Dr. Tracy McConnell, Dr. Bailey's opponent for Chief of Surgery, and appeared in the season premiere. TV veteran Bill Smitrovich was announced on November 12, 2015, to guest", + "score": 0.69482421875 + }, + { + "id": "4811536", + "title": "Grey's Anatomy", + "text": "gradual dip in season three; and \"some seriously bumpy moments\" in the fourth and the fifth season, which was interrupted by the writers' strike. VanDerWerff felt that the \"climb begins again in season six\". Samantha Highfill of \"Entertainment Weekly\" in a review wrote, \"I believe the show's best season to date is season 2. Let me make it clear that I'm not saying seasons 3 through 9 were bad. In my opinion, there have only been a few lulls in the show's history, and most of them didn't last a full season.\" adding, \"I still enjoy the show, and I'll", + "score": 0.6943359375 + }, + { + "id": "16633833", + "title": "Invasion (Grey's Anatomy)", + "text": "Invasion (Grey's Anatomy) \"Invasion\" is the fifth episode of the 6th season of the American television medical drama \"Grey's Anatomy\", and the show's 107th episode overall. It was written by Mark Wilding and directed by Tony Phelan. The episode was originally broadcast on the American Broadcasting Company (ABC) in the United States on October 15, 2009. In the episode, the physicians of Seattle Grace Hospital must learn to co-operate with new Mercy West residents, who do not act in a kind manner to them. Other storylines include Dr. Callie Torres (Sara Ramirez)'s father returning to the hospital to condemn her", + "score": 0.693359375 + }, + { + "id": "4811528", + "title": "Grey's Anatomy", + "text": "is introduced in the seventh season, and serves as a love interest for Dr. Alex Karev, until eventually relocating to pursue a career in Africa. Robbins receives a grant to aid children in Malawi, which leads to a falling out between her and Torres. While in Malawi, Robbins is replaced by Dr. Robert Stark (Peter MacNicol), a pediatric surgeon with an interest in Dr. April Kepner, who appears occasionally until season eight. Following the breakdown of Dr. Torres's relationship with Dr. Robbins, Dr. Sloan and Dr. Torres unite, and she becomes pregnant. Torres's relationship with Robbins is subsequently mended, and", + "score": 0.693359375 + }, + { + "id": "7311022", + "title": "Grey's Anatomy (season 2)", + "text": "the ratings, the timeslots and the really great audience meant that they have to end the season with that episode, and the cliffhanger with the coming of Derek's estranged wife fit perfectly. The season received positive critics and reception, and this season performed better than the previous one. Due to the success of the first season, \"Grey's Anatomy\" took over the Sunday night timeslot along with \"Desperate Housewives\", replacing \"Boston Legal\". The second season averaged 21.07 million viewers, making it the highest-rated season of the series to date. It was ranked the fifth in the 2005-2006 television season. The season", + "score": 0.693359375 + }, + { + "id": "7310939", + "title": "Grey's Anatomy (season 1)", + "text": "Grey's Anatomy (season 1) The first season of the American television medical drama Grey's Anatomy, began airing in the United States on the American Broadcasting Company (ABC) on March 27, 2005, and concluded on May 22, 2005. The first season introduces the main character, Meredith Grey, as she enrolls in Seattle Grace Hospital's internship program and faces unexpected challenges and surprises. Season one had nine series regulars, four of whom have been part of the main cast ever since. The season initially served as a mid-season replacement for the legal drama \"Boston Legal\", airing in the Sunday night time slot", + "score": 0.69287109375 + }, + { + "id": "15029259", + "title": "Now or Never (Grey's Anatomy)", + "text": "an accident during the episode and dies in the season 6 premier. In the episode Cristina Yang (Sandra Oh), Alex Karev (Justin Chambers), George O'Malley (T.R. Knight), and Meredith Grey (Ellen Pompeo) are all sleeping and waiting for Izzie Stevens (Katherine Heigl) to wake up after the surgery. Derek Shepherd (Patrick Dempsey) comes up with an alternative treatment plan for Izzie, Miranda Bailey (Chandra Wilson) confronts Chief's Richard Webber (James Pickens Jr.) and Arizona Robbins (Jessica Capshaw), about the peds fellowship program. Yang deals with her relationship with Owen Hunt (Kevin McKidd) who helps George with career advice. The episode", + "score": 0.69287109375 + }, + { + "id": "9037127", + "title": "Meredith Grey", + "text": "career. During a medical flight to undertake a prestigious surgery involving conjoined twins, Meredith, Derek, Cristina, and Lexie, among others, are involved in an aviation accident. The plane crash kills Lexie, and the survivors are trapped in the wooded wilderness for days waiting for help. Following their rescue, Meredith becomes an attending general surgeon at Seattle Grace, now Seattle Grace-Mercy West. While Cristina flees Seattle for her fellowship, Meredith, afraid of flying and change, declines her job offer, and clings to what remains in Seattle. Cristina and Meredith begin calling the hospital Seattle Grace Mercy Death in light of the", + "score": 0.69287109375 + }, + { + "id": "19523344", + "title": "Grey's Anatomy (season 13)", + "text": "who watched the episodes live. Grey's Anatomy (season 13) The thirteenth season of the American television medical drama \"Grey's Anatomy\" premiered on September 22, 2016, in the United States on the American Broadcasting Company (ABC), and consisted of 24 episodes. The season was ordered on March 3, 2016, along with ABC's other shows. The season is produced by ABC Studios, in association with Shondaland Production Company and The Mark Gordon Company; the showrunners being William Harper and Stacy McKee. This season was the first not to feature Sara Ramirez as Dr. Callie Torres since her introduction in the second", + "score": 0.6923828125 + }, + { + "id": "10317749", + "title": "Into You Like a Train", + "text": "Into You Like a Train \"Into You Like a Train\" is the sixth episode of the second season of the American television medical drama \"Grey's Anatomy\", and the show's fifteenth episode overall. The episode, which would have originally served as the season two premiere, was written by Krista Vernoff and directed by Jeff Melman. The episode was originally broadcast on the American Broadcasting Company (ABC) in the United States on October 30, 2005. Vernoff received an Emmy nomination for Outstanding Writing for a Drama Series. The episode's title refers to a song by The Psychedelic Furs from their Talk Talk", + "score": 0.6923828125 + }, + { + "id": "14569070", + "title": "Grey's Anatomy (season 7)", + "text": "\"No. in season\" column refers to the episode's number within this particular season. \"U.S. viewers in millions\" refers to the number of Americans in millions who watched the episodes live. The seventh season's episodes are altogether 946 minutes in length. Grey's Anatomy (season 7) The seventh season of the American television medical drama Grey's Anatomy, began airing on September 23, 2010 on the American Broadcasting Company (ABC), and concluded on May 19, 2011 ending the season with a total of 22 episodes. The season was produced by ABC Studios, in association with Shondaland Production Company and The Mark Gordon", + "score": 0.6923828125 + }, + { + "id": "18843760", + "title": "Perfect Storm (Grey's Anatomy)", + "text": "called it \"was a hot mess of emotions\". Perfect Storm (Grey's Anatomy) \"Perfect Storm\" is the season finale of the ninth season of the American television medical drama \"Grey's Anatomy\", and is the 196th episode overall. It aired on May 16, 2013 on ABC in the United States. The episode was written by Stacy McKee and directed by Rob Corn. On its initial airing it was watched by 8.99 million viewers. In the episode Grey-Sloan Memorial experienced power outages and a bus crash during an intense super storm. The episode was loosely based on Hurricane Sandy, which hit the East", + "score": 0.69189453125 + }, + { + "id": "18761836", + "title": "Grey's Anatomy (season 12)", + "text": "was ranked 21st overall in total viewers which is fifteen spots higher than the previous season. TV critics and analysts noted the renewed interest in viewership with Rich Kissell of \"Variety\" calling it a 'renaissance.' \"Grey's Anatomy\" finished the 2015\u201316 television season as ABC's highest-rated drama in the 18-49 demographics and also ranked among the top five dramas on all of broadcast, averaging a 3.9 rating in the demo, an unprecedented accomplishment for a show in its 12th season. On March 3, 2016, the network renewed \"Grey's Anatomy\" for a thirteenth season. The season follows the story of surgical residents,", + "score": 0.69189453125 + }, + { + "id": "17314137", + "title": "Grey's Anatomy (season 10)", + "text": "the Moon\" was the season's least viewed episode, with 7.02 million viewers and a 2.3/6 Neilsen rating/share in the 18-49 demographic. At the time, the season finale was the series lowest watched season finale with 8.92 million viewers and 2.6/8 in the 18-49 rating demo. \"Grey's Anatomy\", in its tenth season, ranked 15th overall in total viewers (12.12 million). This is eleven spots higher than Season 9, which was ranked 26th. In the 18-49 key demographic, \"Grey's Anatomy\" ranked 5th. The last time a season of \"Grey's Anatomy\" was ranked 5th in the 18-49 key demographic was Season 1. The", + "score": 0.69189453125 + }, + { + "id": "4811599", + "title": "Grey's Anatomy", + "text": "of the show set up a real online wedding registry to mark the wedding of Meredith Grey and Derek Shepherd. Instead of buying gifts fans were encouraged to donate money to the American Academy of Neurology Foundation. An adaptation named as \"Doktorlar\" (\"Doctors\") was aired on December 28, 2006, in a Turkish Network, Show TV, and it lasted four seasons. In 2010, \"A Coraz\u00f3n Abierto\", an adaptation of the series, was made by the Colombian network RCN TV. Grey's Anatomy Grey's Anatomy is an American medical drama television series that premiered on March 27, 2005, on the American Broadcasting Company", + "score": 0.69091796875 + }, + { + "id": "16531014", + "title": "Grey's Anatomy (season 9)", + "text": "she is pregnant, despite her previously being told that it was unlikely that she could conceive. Cristina Yang (Sandra Oh) is severely traumatized upon rescue and suffers from brief reactive psychosis and eventually decides to take up her fellowship in Minnesota, though soon grows unhappy in her new surroundings and returns to Seattle after the death of her friend and mentor, Doctor Thomas. Arizona Robbins (Jessica Capshaw) survives the plane crash in spite of her leg injury, but upon return her wound becomes infected and her leg has to be amputated to save her life. Robbins reacts badly to this,", + "score": 0.6904296875 + }, + { + "id": "18022144", + "title": "Grey's Anatomy (season 11)", + "text": "saying goodbye to our \u2018McDreamy.\u2019\" \"Grey's Anatomy\" was renewed for an eleventh season by ABC on May 8, 2014. On May 13, 2014, ABC announced their new schedule, as well as a new timeslot for \"Grey's Anatomy\". The show remained on Thursday night, but it was moved to 8:00 PM E.T. to make room for ShondaLand Production Company's new TV series, \"How to Get Away with Murder\". Even though Paul Lee, the president of ABC, moved \"Grey's Anatomy\" to a new timeslot, he announced at ABC's 2014-15 upfront that the eleventh season would air in the same order as the", + "score": 0.6904296875 + }, + { + "id": "20405321", + "title": "Danger Zone (Grey's Anatomy)", + "text": "Danger Zone (Grey's Anatomy) \"Danger Zone\" is the fifth episode of the fourteenth season of the American television medical drama \"Grey's Anatomy\", and is the 298th episode overall. It aired on October 26, 2017 on ABC in the United States. The episode was written by Jalysa Conway and directed by Cecilie Mosli; Conway, an Air Force veteran, found inspiration in her own experiences to conceive the episode. \"Danger Zone\" takes place during two time lapses: the present time, in Seattle, where Owen Hunt (Kevin McKidd) deals with the decision his sister, Megan Hunt (Abigail Spencer) has made with former fianc\u00e9e", + "score": 0.68994140625 + }, + { + "id": "4811494", + "title": "Grey's Anatomy", + "text": "Dr. Addison Montgomery (Kate Walsh) also joined the show in season two, after making a guest appearance in season one. In October 2006, Washington allegedly insulted Knight with a homophobic slur, during an on-set altercation with Dempsey, and ABC terminated Washington's contract at the end of the third season. Washington returned for a guest appearance in season 10. At the conclusion of the third season, Walsh departed the show to pursue the \"Grey's Anatomy\" spin-off, \"Private Practice\", but continues to make guest appearances. Chyler Leigh joined the cast as a main character in the fourth season as Dr. Lexie Grey,", + "score": 0.68994140625 + }, + { + "id": "4811578", + "title": "Grey's Anatomy", + "text": "night as \"Desperate Housewives\" finale. During the second season, \"Grey's Anatomy\" produced two specials recapping the events of recent episodes, narrated by Bailey, entitled \"Straight to the Heart\" and \"Under Pressure\". The show was renewed for a third season, which was relocated to the coveted Thursday 9:00pm EST time slot\u2014a slot that the series has held onto since then. Commencing on September 21, 2006 and ending on May 17, 2007, season three consisted of twenty-five episodes. Two more specials were produced during the show's third season, entitled \"Complications of the Heart\" and \"Every Moment Counts\", which were narrated by Bailey", + "score": 0.689453125 + }, + { + "id": "18047899", + "title": "The plane crash (Neighbours)", + "text": "The plane crash (Neighbours) \"The plane crash\" is a storyline from the Australian television soap opera \"Neighbours\" that began on 24 October 2005 when an aeroplane, carrying several characters, crashed in Bass Strait after a bomb was detonated during the journey. The storyline aired as part of the show's 20th anniversary and would be the catalyst for several major storylines that aired the following year. \"The plane crash\" also saw the departures of three established characters; David (Kevin Harrington), Liljana (Marcella Russo) and Serena Bishop (Lara Sacher). The actors' departures had been announced in May 2005, but it was not", + "score": 0.68896484375 + }, + { + "id": "16531027", + "title": "Grey's Anatomy (season 9)", + "text": "Thursday at 9:00pm timeslot that it has had since the third season. In October 2012 it was reported that this season would have the same episode count as season eight, meaning it would have a total of 24 episodes. Shonda Rhimes revealed that the season nine finale would not revolve around a 'disaster' episode. \"Grey's Anatomy's\" ninth season opened up to 11.73 million viewers with a 4.4/12 Nielsen rating/share in the 18\u201349 demographic. The viewership for the episode was an 11 percent increase from the previous season premiere, which was viewed by a total of 10.38 million people. The rating", + "score": 0.68798828125 + }, + { + "id": "13148720", + "title": "Some Surprise", + "text": "Many People\", as the type of song \"most of the musicians (recording the album) would be happy to have as singles\". \"Some Surprise\" was featured in \"Crash Into Me - Part One\", an episode of \"Grey's Anatomy\" broadcast on ABC Television at 21:00 EST on 22 November 2007. The song was featured during a scene where the protagonist Meredith Grey, played by Ellen Pompeo, attempted to save an ambulance crew who had become injured in a crash, after the show's creators selected it to appear. Alongside this the song was made available as a download on iTunes. \"Some Surprise\" received", + "score": 0.68798828125 + }, + { + "id": "14569063", + "title": "Grey's Anatomy (season 7)", + "text": "Guest Actress in a Drama at the 63rd Primetime Emmy Awards. The season also garnered seven nominations at the 37th People's Choice Awards and also won the Outstanding Drama Series at the NAACP Image Awards. This season starts a little while after the season six finale, where the shooting in the hospital took place, and deals with the doctors trying to get their lives back to normal. Cristina seems to be the most affected by the shooting and having operated on Shepherd at gunpoint. She quits her job, feeling she no longer loves surgery, but returns. In the beginning of", + "score": 0.6875 + }, + { + "id": "18022124", + "title": "Grey's Anatomy (season 11)", + "text": "boxset under the title of \"Grey's Anatomy: The Complete Eleventh Season \u2013 Life Changes\" on August 18, 2015 by Buena Vista Home Entertainment. The season is the first in which Dr. Cristina Yang, portrayed by Sandra Oh, is not included in the main cast of characters following her departure in previous season's finale. The season's main storylines include Meredith Grey (Ellen Pompeo) dealing with \"her person's\" departure, her problematic love-life with her husband Derek Shepherd (Patrick Dempsey), and the arrival of Dr. Maggie Pierce (Kelly McCreary), whom Meredith learns is her half-sister. The biggest storyline of Season 11 was the", + "score": 0.6875 + }, + { + "id": "20161241", + "title": "Grey's Anatomy (season 14)", + "text": "column refers to the episode's number within the overall series, whereas the number in the \"No. in season\" column refers to the episode's number within this particular season. \"U.S. viewers in millions\" refers to the number of Americans in millions who watched the episodes live. Grey's Anatomy (season 14) The fourteenth season of the American television medical drama \"Grey's Anatomy\" was ordered on February 10, 2017, by American Broadcasting Company (ABC), and premiered on September 28, 2017 with a special two-hour premiere. The season consists of 24 episodes, with the season's seventh episode marking the 300th episode for the", + "score": 0.6875 + }, + { + "id": "18022146", + "title": "Grey's Anatomy (season 11)", + "text": "instead of the 12 and 12, there will be eight episodes in the fall which will end with a winter finale on November 20, 2014 like the rest of ABC's primetime lineup \"TGIT\" \"Scandal\" and \"How To Get Away with Murder\". The remaining 16 episodes will air after the winter break, beginning on January 29, 2015. Not even a week after the Season 10 finale episode aired, the \"Grey's Anatomy\" team of writers began collaborating on ideas for Season 11 storylines. Shonda Rhimes tweeted that they were hard at work in the writing room, but would have the month of", + "score": 0.68701171875 + } + ], + "answer": "There were several plane crashes on the American television medical drama Grey's Anatomy. In \"Flight\", the season final of Season 8, 6 doctors from Seattle Grace Mercy West Hospital are victims of an aviation accident, and Dr. Lexie Grey ultimately dies. In \"One Flight Down\" in Season 11, there was a plane crash in downtown Seattle that brought memories of a previous plane crash." + }, + { + "qa_pairs": [ + { + "context": "On 14 August 2004, OBC amalgamated Global Trust Bank (GTB). GTB was a leading private sector bank in India that was associated with various financial discrepancies leading to a moratorium being imposed by RBI shortly before it merged into OBC. The acquisition brought with it 103 branches, which increased OBC's branch total to 1092. As per March 2018-2019 annual report, it has 2390 branches and 2625 ATMs pan India.", + "question": "As per the March 2018-2019 report, what is the number of branches of oriental bank of commerce in india?", + "short_answers": [ + "2390" + ], + "wikipage": "Oriental Bank of Commerce" + }, + { + "context": "On 14 August 2004, OBC amalgamated Global Trust Bank (GTB). GTB was a leading private sector bank in India that was associated with various financial discrepancies leading to a moratorium being imposed by RBI shortly before it merged into OBC. The acquisition brought with it 103 branches, which increased OBC's branch total to 1092. As per March 2018-2019 annual report, it has 2390 branches and 2625 ATMs pan India.", + "question": "What is the number of branches of oriental bank of commerce in india after amalgamation of Global Trust Bank?", + "short_answers": [ + "1092" + ], + "wikipage": "Oriental Bank of Commerce" + }, + { + "context": "On 30 August 2019, Finance Minister Nirmala Sitharaman announced that the Oriental Bank of Commerce and United Bank of India would be merged with Punjab National Bank. The proposed merger would make Punjab National Bank the second largest public sector bank in the country with assets of and 11,437 branches. MD and CEO of United Bank, Ashok Kumar Pradhan, stated that the merged entity would begin functioning from 1 April 2020 and would operate under a new name.", + "question": "Number of branches of oriental bank of commerce in india after expected merger with United Bank of India in 2020?", + "short_answers": [ + "11,437" + ], + "wikipage": "Oriental Bank of Commerce" + } + ], + "wikipages": [ + { + "title": "Oriental Bank of Commerce", + "url": "https://en.wikipedia.org/wiki/Oriental%20Bank%20of%20Commerce" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "On 14 August 2004, following the amalgamation of Global Trust Bank, the Oriental Bank of Commerce(OBC) in India increased it's number of branches to 1092. As per the March 2018 \u2013 2019 annual report, that number went up to 2390 branches. After the expected merger with United Bank of India, the number of branches is expected to total 11,437." + }, + { + "knowledge": [ + { + "content": "Oriental Bank of Commerce got merged with Punjab National Bank w.e.f. 1st April'2020. It was headquartered at Gurgaon, Haryana, had 2390 branches and 2625 ATMs across India. (1943\u20132020)\n\nOn 1 April 2020, the bank along with United Bank of India has been merged with Punjab National Bank, making it as the second-largest public sector bank in India.", + "wikipage": "Oriental Bank of Commerce" + } + ], + "long_answer": "In August 2004, Oriental Bank of Commerce in India united with Global Trust Bank, which was a leading private sector bank, the acquisition brought with it 103 branches, which brought OBC's branch total to 1092. According to a March 2018-2019 annual report, it has 2390 branches. On April 1st, 2020, Oriental Bank of Commerce, and United Bank of India merged with Punjab National Bank making it as the second-largest public sector bank in India and brings the total amount of branches to 11,437." + } + ], + "sample_id": "4131723857510142703", + "question": "Number of branches of oriental bank of commerce in india?", + "docs": [ + { + "id": "10842979", + "title": "Oriental Bank of Commerce", + "text": "as on 31 March 2010 making it the seventh largest Public Sector Bank in India. On 14 August 2004, OBC amalgamated Global Trust Bank (GTB). GTB was a leading private sector bank in India that was associated with various financial discrepancies leading to a moratorium being imposed by RBI shortly before it merged into OBC. The acquisition brought with it 103 branches, which increased OBC's branch total to 1092. The Chairpersons (CMD) of the bank were as under: The bank offers a wide range of banking products and services such as deposit accounts, loans, debit cards, credit cards (with tie", + "score": 0.76123046875, + "summary": "As of March 31, 2010, Oriental Bank of Commerce had 1092 branches in India after acquiring 103 branches from Global Trust Bank in 2004.", + "extraction": "Oriental Bank of Commerce has 1092 branches in India." + }, + { + "id": "2549524", + "title": "Bank of Baroda", + "text": "opened a representative office each in Kuala Lumpur, Malaysia, and Guangdong, China. In 2005 BoB built a Global Data Centre (DC) in Mumbai for running its centralised banking solution (CBS) and other applications in more than 1,900 branches across India and 20 other counties where the bank operates. BoB also opened a representative office in Thailand. In 2006 BoB established an Offshrore Banking Unit (OBU) in Singapore. In 2007, its centenary year, BoB's total business crossed 2.09 trillion (short scale), its branches crossed 2000, and its global customer base 29 million people. In Hong Kong, Bank got Full Fledged Banking", + "score": 0.74462890625, + "summary": "The document is irrelevant to the question about the number of branches of Oriental Bank of Commerce in India.", + "extraction": "Oriental Bank of Commerce is not mentioned in the given passage, so the answer is \"irrelevant\"." + }, + { + "id": "10842982", + "title": "Oriental Bank of Commerce", + "text": "Kaithal). The pilot launch was a great success. Emboldened by the success, Bank extended the programme to more villages. At present, it covers 15 villages; 10 in Punjab, 4 in Haryana and 1 in Rajasthan. The programme focuses on providing a comprehensive and integrated package providing rural finance to the villagers with Village Development as its focus, thus contributing towards infrastructural development and augmentation of income for each farmer of the village. The Bank has implemented 14 point action plan for strengthening of credit delivery to women and has designated 5 branches as specialised branches for women entrepreneurs. Oriental Bank", + "score": 0.7333984375, + "summary": "Irrelevant.", + "extraction": "The passage is irrelevant as it does not provide any information about the number of branches of Oriental Bank of Commerce in India." + }, + { + "id": "13112443", + "title": "Oriental Bank Corporation", + "text": "Oriental Bank Corporation The Oriental Bank Corporation () was a bank in India in the 19th century. It was also the first bank in Hong Kong and the first bank to issue banknotes in Hong Kong. The bank was established in 1842 in Bombay, India, under the name Bank of Western India. After the headquarters were moved to London in 1845, the name was changed to the Oriental Bank Corporation. It was chartered in 1851 to allow competition with the East India Company's opium billing monopoly, which was unpopular in England at the time. Expansion followed with branches opening in", + "score": 0.728515625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "13112445", + "title": "Oriental Bank Corporation", + "text": "impending trouble of 1893. Oriental Bank Corporation The Oriental Bank Corporation () was a bank in India in the 19th century. It was also the first bank in Hong Kong and the first bank to issue banknotes in Hong Kong. The bank was established in 1842 in Bombay, India, under the name Bank of Western India. After the headquarters were moved to London in 1845, the name was changed to the Oriental Bank Corporation. It was chartered in 1851 to allow competition with the East India Company's opium billing monopoly, which was unpopular in England at the time. Expansion followed", + "score": 0.7265625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "10842976", + "title": "Oriental Bank of Commerce", + "text": "Oriental Bank of Commerce Oriental Bank of Commerce is an India-based bank established in Lahore (then the city of United India, and currently in Pakistan), is one of the public sector banks in India. Bahadur Lala Sohan lal ji the first Chairman of the Bank, founded OBC in 1943 in Lahore. Within four years of its coming into existence, OBC had to face Partition. The bank had to close down its branches in the newly formed Pakistan and shift its registered office from Lahore to Amritsar. Lala Karam Chand Thapar, the then Chairman of the Bank, in a unique gesture", + "score": 0.72412109375, + "summary": "Irrelevant.", + "extraction": "The number of branches of Oriental Bank of Commerce in India is not mentioned in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "3184841", + "title": "Indian Bank", + "text": "210. Then on 19 July 1969 the Government of India nationalised 14 top banks, including Indian Bank. One consequence of the nationalisation was that the Malaysian branches of nationalised Indian banks were forbidden to continue to operate as branches of the parent. At the time, Indian Bank had three branches, and Indian Overseas Bank, and United Commercial Bank had eight between them. In 1973 the three established United Asian Bank Berhad to amalgamate and take over their Malaysian operations. Post-nationalization, Indian Bank was left with only two foreign branches, one in Colombo and the other in Singapore. International expansion resumed", + "score": 0.7197265625, + "summary": "Indian Bank had three branches before nationalization in 1969, but the number of branches of Oriental Bank of Commerce is not mentioned in the document.", + "extraction": "Indian Bank was left with only two foreign branches, one in Colombo and the other in Singapore." + }, + { + "id": "3186056", + "title": "Indian Overseas Bank", + "text": "bank also upgraded its existing Extension Counter at Bambalapitiya into a full-fledged branch. In Arani, It is located in Muliki Street. -The first public sector bank to introduce anywhere banking at its 129 branches in the four metros, is extending the connectivity to another 100 branches in Hyderabad, Bangalore, Ahmedabad and Ludhiana -The first public sector bank in the country to introduce mobile banking services using Wireless Application Protocol (WAP). Indian Overseas Bank Indian Overseas Bank (IOB) is a major public sector bank based in Chennai (Madras), with about 3400 domestic branches, including 1150 branches in Tamil Nadu, 3 extension", + "score": 0.71826171875, + "summary": "The document is irrelevant to the question of interest.", + "extraction": "irrelevant" + }, + { + "id": "18786665", + "title": "The Oriental Insurance Company", + "text": "from General Insurance Corporation of India. The Oriental Insurance Company The Oriental Insurance Company Ltd. is a public sector general insurance company of India. The headquarter of the company is located in New Delhi. It has 31 regional offices and more than 1800 active branches across the country. The company also has branches in Nepal, Kuwait, and Dubai. The company had recorded a gross premium of Rs. 7282.54 crores in the financial year 2013-2014. For the Financial year 2016-17, the Company procured a global premium of Rs. 11,100 crores. The Company offers more than 170 General Insurance products. The IRDA", + "score": 0.7177734375, + "summary": "The Oriental Insurance Company has 31 regional offices and more than 1800 active branches in India.", + "extraction": "The Oriental Bank of Commerce is not mentioned in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "5437179", + "title": "Mercantile Bank of India, London and China", + "text": "Bank Corporation, the Hongkong & Shanghai Bank and Chartered Bank of India, Australia and China; involved in trade between India and China and other British possessions, East of suez. By 1860, its total assets reached the amount of 21.7 million USD, a medium-sized bank by the standards of that time - a comparison shows that one of the leading Anglo-Indian banks, the Oriental Bank Corporation was about three times larger in terms of total assets. With the opening of the Suez Canal in 1869; and completion of Indo-European telegraph line The bank expanded its presence with branches across India, the", + "score": 0.71435546875, + "summary": "Irrelevant.", + "extraction": "The passage is irrelevant for answering the question about the number of branches of Oriental Bank of Commerce in India as it only mentions the Oriental Bank Corporation, which is a different entity." + }, + { + "id": "2549527", + "title": "Bank of Baroda", + "text": "due to its precarious financial condition. The Malaysian consortium bank, India International Bank Malaysia (IIBM), finally opened in Kuala Lumpur, which has a large population of Indians. BOB owns 40%, Andhra Bank owns 25%, and IOB the remaining 35% of the share capital. IIBM seeks to open five branches within its first year of operations in Malaysia, and intends to grow to 15 branches within the next three years. Bank Of Baroda has 5438 branches covering all States & Union Territories of India. BOB Capital Markets (BOBCAPS) is a SEBI-registered investment banking company based in Mumbai, Maharashtra. It is a", + "score": 0.7138671875, + "summary": "Bank of Baroda has 5438 branches covering all States & Union Territories of India.", + "extraction": "Oriental Bank of Commerce is not mentioned in the passage, so the answer is \"irrelevant\"." + }, + { + "id": "3184305", + "title": "Bank of India", + "text": "business According to Dinabandhu Mohapatra, Managing Director and Chief Executive Officer said on 17 September 2017 that the bank is in the process of strengthening its systems and processes before exploring merger possibilities Bank of India Bank of India (BOI) is commercial bank with headquarters at Bandra Kurla complex, Mumbai and it is one of the top 5 banks in India. Founded in 1906, it has been government-owned since nationalisation in 1969. Bank of India has 5100 branches as on 31 January 2017, including 56 offices outside India, which includes five subsidiaries, five representative offices, and one joint venture. BoI", + "score": 0.712890625, + "summary": "Bank of India has 5100 branches as on 31 January 2017, including 56 offices outside India, which includes five subsidiaries, five representative offices, and one joint venture.", + "extraction": "Bank of India has 5100 branches as on 31 January 2017, including 56 offices outside India, which includes five subsidiaries, five representative offices, and one joint venture." + }, + { + "id": "14327992", + "title": "Orient Commercial Joint Stock Bank", + "text": "developing into a universal bank with retail banking as its core business. It also sets the target to become one of the top ten Vietnamese Joint Stock banks in 2015, and mature into a Financial group in 2020. Up to July 27/2010, network of Oricombank presents in 17 Provinces and Cities throughout in Vietnam including: By the end of 8/2010 total head count of Oricombank is 1,539 people. Orient Commercial Joint Stock Bank Orient Commercial Joint Stock Bank (also known as Oricombank, and OCB ) is a large bank located in Vietnam. Swift code: ORCOVNVX. As of April 2007, 10%", + "score": 0.712890625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the branches of Oriental Bank of Commerce in India." + }, + { + "id": "3184295", + "title": "Bank of India", + "text": "Bank of India Bank of India (BOI) is commercial bank with headquarters at Bandra Kurla complex, Mumbai and it is one of the top 5 banks in India. Founded in 1906, it has been government-owned since nationalisation in 1969. Bank of India has 5100 branches as on 31 January 2017, including 56 offices outside India, which includes five subsidiaries, five representative offices, and one joint venture. BoI is a founder member of SWIFT (Society for Worldwide Inter Bank Financial Telecommunications), which facilitates provision of cost-effective financialprocessing and communication services. Bank of India was founded on 7 September 1906 by a", + "score": 0.712890625, + "summary": "Bank of India has 5100 branches as on 31 January 2017, including 56 offices outside India, but there is no mention of the number of branches of Oriental Bank of Commerce.", + "extraction": "Oriental Bank of Commerce is not mentioned in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "14327991", + "title": "Orient Commercial Joint Stock Bank", + "text": "Orient Commercial Joint Stock Bank Orient Commercial Joint Stock Bank (also known as Oricombank, and OCB ) is a large bank located in Vietnam. Swift code: ORCOVNVX. As of April 2007, 10% of Oricombank was owned by BNP Paribas, a French banking group. August 26, 2009 OCB agreed to increase steadily share ownership for BNP Paribas from 10% to 15% and to 20% after the approval of the State Bank of Vietnam and the Government. On December 2017, BNP Paribas has sold all 74.7 million shares in OCB and is no longer a shareholder. Orient Commercial Bank is aimed at", + "score": 0.7109375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not contain any information about the number of branches of Oriental Bank of Commerce in India." + }, + { + "id": "13112444", + "title": "Oriental Bank Corporation", + "text": "Chinese treaty ports, Hong Kong, Japan, India, Mauritius and South Africa. In the 1860s, the bank held a dominant position in India and China. Its finances suffered greatly from an interests clash with Maurice Benedict de Worms in Ceylon (now Sri Lanka), where the company had invested heavily in coffee plantations. In 1884 the bank encountered severe difficulties and was reconstituted as the New Oriental Bank Corporation. With growing competition from rivals, the Hongkong and Shanghai Banking Corporation and Chartered Bank of India, Australia and China, the bank failed to survive and closed in 1892. An early victim of the", + "score": 0.7099609375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about the current number of branches of Oriental Bank of Commerce in India." + }, + { + "id": "4579465", + "title": "OCBC Bank", + "text": "one of the world\u2019s most highly-rated banks, with an Aa1 rating from Moody\u2019s and AA- rating from Standard & Poor's. OCBC Bank is consistently ranked amongst the top 5 Safest Banks in the world by Global Finance (magazine). The bank's global network has grown to comprise more than 570 branches and representative offices in 18 countries and regions. These include over 320 branches and offices in Indonesia under subsidiary Bank OCBC NISP, and more than 100 branches and offices in Hong Kong, China and Macao under OCBC Wing Hang Bank. OCBC Bank is Singapore's oldest bank. The Asian Banker named", + "score": 0.70751953125, + "summary": "Irrelevant.", + "extraction": "The passage is irrelevant to the question \"Number of branches of Oriental Bank of Commerce in India?\" as it talks about OCBC Bank's branches and representative offices in different countries and regions." + }, + { + "id": "18786663", + "title": "The Oriental Insurance Company", + "text": "The Oriental Insurance Company The Oriental Insurance Company Ltd. is a public sector general insurance company of India. The headquarter of the company is located in New Delhi. It has 31 regional offices and more than 1800 active branches across the country. The company also has branches in Nepal, Kuwait, and Dubai. The company had recorded a gross premium of Rs. 7282.54 crores in the financial year 2013-2014. For the Financial year 2016-17, the Company procured a global premium of Rs. 11,100 crores. The Company offers more than 170 General Insurance products. The IRDA Registration No. of the Company is", + "score": 0.70751953125, + "summary": "The Oriental Insurance Company has more than 1800 active branches across India, with 31 regional offices.", + "extraction": "The Oriental Bank of Commerce is not mentioned in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "7434018", + "title": "Banking Ombudsman Scheme (India)", + "text": "21 regional offices of Banking Ombudsmen in India. The latest offices are opened Jammu & Raipur. The type and scope of the complaints which may be considered by a Banking Ombudsman is very comprehensive, and it has been empowered to receive and consider complaints pertaining to the following; Vide their Circular No.CSD.BOS.4638/13.01.01/2006-07 dated May 24, 2007, the Reserve Bank of India has amended their Banking Ombudsman Scheme, 2006 and the scheme shall be operative with amended effect. Banking Ombudsman Scheme (India) Banking Ombudsman is a quasi judicial authority functioning under India\u2019s Banking Ombudsman Scheme 2006, and the authority was created", + "score": 0.70654296875, + "summary": "There are 21 regional offices of Banking Ombudsmen in India, with the latest offices opened in Jammu & Raipur. However, there is no information about the number of branches of Oriental Bank of Commerce in India.", + "extraction": "irrelevant" + }, + { + "id": "6160902", + "title": "United Bank of India", + "text": "United Bank of India United Bank of India (UBI) is an Indian government-owned bank headquartered in Kolkata, India. Presently the bank has a three-tier organisational setup consisting of its head office in Kolkata, 36 regional offices and 2054 branches spread all over India. However, its major presence is in Eastern India. The bank has three full-fledged overseas branches, one each at Kolkata, New Delhi and Mumbai. United Bank of India now aims to expand its international activities. On 30 March 2009, the Indian government approved the restructuring of United Bank of India. The government proposed to invest 2.5 billion rupees", + "score": 0.7060546875, + "summary": "2054 branches of Oriental Bank of Commerce are spread all over India with a major presence in Eastern India.", + "extraction": "2054 branches spread all over India." + }, + { + "id": "2418156", + "title": "State Bank of India", + "text": "has ten branches\u2014nine branches in the state of California and one in Washington, D.C. The 10th branch was opened in Fremont, California on 28 March 2011. The other eight branches in California are located in Los Angeles, Artesia, San Jose, Canoga Park, Fresno, San Diego, Tustin and Bakersfield. In Nigeria, SBI operates as INMB Bank. This bank began in 1981 as the Indo\u2013Nigerian Merchant Bank and received permission in 2002 to commence retail banking. It now has five branches in Nigeria. In Nepal, SBI owns 49% of \"SBI Nepal\", with the Government of Nepal owning the rest; SBI Nepal has", + "score": 0.705078125 + }, + { + "id": "10235171", + "title": "IndusInd Bank", + "text": "systems by introducing newer technologies. It is also working on expanding its network of branches all across the country along with meeting the global benchmark. According to the bank, its name is derived from the Indus Valley Civilisation. As on June 30, 2016, IndusInd Bank has 1,004 branches, and 1885 ATMs spread across 625 geographical locations of the country. It also has representative offices in London, Dubai and Abu Dhabi. . Mumbai has the maximum number of bank branches followed by New Delhi and Chennai. The bank has also proposed to double the branches count to 1200 by March 2017.", + "score": 0.705078125 + }, + { + "id": "16325229", + "title": "Commercial Bank of India", + "text": "Commercial Bank of India The Commercial Bank of India, also known as Exchange Bank was a bank which was established in Bombay Presidency (now Mumbai), in 1845 of the British Raj period. The bank failed in the crash of 1866, after successfully operating for 20 years. The bank had eight branches, exclusive of the head office at Bombay, viz: London, Calcutta, Hong Kong, Foochow, Shanghai, Hankow, Yokohama and Singapore, with an agency for the purchase of bullion at San Francisco. Commercial Bank of India then was winded up as directed by the Master of the Rolls, under the corresponding section", + "score": 0.70068359375 + }, + { + "id": "3184844", + "title": "Indian Bank", + "text": "in Hong Kong in 1998. Apparently this was a response to regulatory changes following Hong Kong's reversion to Chinese control. IUB became Bank of Baroda (Hong Kong), a restricted licence bank. In June 2015, business of the bank crossed the Milestone Target of 3,00,000 crore. Citations References Indian Bank Indian Bank is an Indian state-owned financial services company established in 1907 and headquartered in Chennai, India. It has 20,924 employees, 2851 branches with 2857 ATMs and 693 cash deposit machines and is one of the top performing public sector banks in India. Total business of the bank has touched Rs.3.64", + "score": 0.6982421875 + }, + { + "id": "3186046", + "title": "Indian Overseas Bank", + "text": "Indian Overseas Bank Indian Overseas Bank (IOB) is a major public sector bank based in Chennai (Madras), with about 3400 domestic branches, including 1150 branches in Tamil Nadu, 3 extension counters, and eight branches and offices overseas as of 31 October 2017. Indian Overseas Bank has an ISO certified in-house Information Technology department, which had developed the software that its branches used to provide online banking to customers earlier. The bank has achieved 100% networking status as well as 100% CBS status for its branches. IOB has a network of about 3300 ATMs all over India. Indian Overseas Bank has", + "score": 0.697265625 + }, + { + "id": "3184297", + "title": "Bank of India", + "text": "controlled through 54 Zonal Offices. There are 60 branches/ offices and 5 Subsidiaries and 1 joint venture abroad. The Bank came out with its maiden public issue in 1997 and follow on Qualified Institutions Placement in February 2008. The earlier holders of the Bank of India name had failed and were no longer in existence by the time a diverse group of Hindus, Muslims, Parsees, and Jews helped establish the present Bank of India in 1906 in Bombay. It was the first bank in India whose promoters aimed to serve all the communities of India. At the time, banks in", + "score": 0.697265625 + }, + { + "id": "5623239", + "title": "Imperial Bank of India", + "text": "to the State Bank of India was given legal recognition in terms off an Act of the Parliament of India, which came into force from 1 July 1955. The day on which the Imperial Bank of India (IBI) became the State Bank of India, IBI had 480 branches, sub-offices, and three local head offices; and had under its control and command slightly more than a quarter of the resources of the Indian banking industry. The branch network of State Bank of India has since grown to 9093 branches as on 31 March 2004. In 2007 Reserve Bank of India transferred", + "score": 0.6962890625 + }, + { + "id": "12977842", + "title": "Orient Bank", + "text": "Orient Bank Orient Bank is a commercial bank in Uganda which is licensed by the Bank of Uganda (BOU), the central bank and national banking regulator. The bank's headquarters and main branch are located at Orient Plaza, 14 Kampala Road, in the central business district of Kampala, Uganda's capital and largest city. The geographical coordinates of the bank's headquarters are: 0\u00b018'43.5\"N, 32\u00b035'07.5\"E (Latitude:0.312083; Longitude:32.585417). The bank is involved in all aspects of commercial banking, with emphasis on providing banking services to non-government organisations and their staffs. As of December 2016, the bank's total assets were valued at UGX:554.22 billion (approximately", + "score": 0.69580078125 + }, + { + "id": "3184835", + "title": "Indian Bank", + "text": "Indian Bank Indian Bank is an Indian state-owned financial services company established in 1907 and headquartered in Chennai, India. It has 20,924 employees, 2851 branches with 2857 ATMs and 693 cash deposit machines and is one of the top performing public sector banks in India. Total business of the bank has touched Rs.3.64 lakh Crores as on 31.03.2018.Bank's Information Systems & Security processes certified with ISO27001:2013 standard and is among very few Banks certified worldwide. It has overseas branches in Colombo and Singapore including a Foreign Currency Banking Unit at Colombo and Jaffna. It has 227 Overseas Correspondent banks in", + "score": 0.69580078125 + }, + { + "id": "3184843", + "title": "Indian Bank", + "text": "Grameena Bank, in Chittoor. In 1983 ethnic sectarian violence in the form of anti-Tamil riots resulted in the burning of Indian Overseas Bank's branch in Colombo. Indian Bank, which may have had stronger ties to the Sinhalese population, escaped unscathed. In 1990, Indian Bank rescued Bank of Tanjore (Bank of Thanjavur; est. 1901), with its 157 branches, based in Tamil Nadu. A multi-crore scam was exposed in 1992, when then chairman M. Gopalakrishnan lent 13 billion to small corporates and exporters from the south, which the borrowers never repaid. Bank of Baroda bought out its partners in IUB International Finance", + "score": 0.69482421875 + }, + { + "id": "12977846", + "title": "Orient Bank", + "text": "officer. , the bank had a network of branches in the central, eastern, and northern regions of Uganda. The branches of the bank included the following locations: Orient Bank Orient Bank is a commercial bank in Uganda which is licensed by the Bank of Uganda (BOU), the central bank and national banking regulator. The bank's headquarters and main branch are located at Orient Plaza, 14 Kampala Road, in the central business district of Kampala, Uganda's capital and largest city. The geographical coordinates of the bank's headquarters are: 0\u00b018'43.5\"N, 32\u00b035'07.5\"E (Latitude:0.312083; Longitude:32.585417). The bank is involved in all aspects of commercial", + "score": 0.693359375 + }, + { + "id": "4462778", + "title": "UCO Bank", + "text": "1983.total numbers of branch more than 4,000. As of November 2018, the UCO Bank Board of Directors has six members: As of January 2013, UCO Bank operates through 32 departments: The governance of the Bank all around the nation's respective regional areas is managed by a network of 42 Zonal Offices present in major as well as crucial parts of the country. The training of newly recruited as well as present staff is overseen by seven training colleges around India: The Bank's Regional presence includes 3,078 branches and 2564 ATMs. The near Future will see a growth in the number", + "score": 0.69189453125 + }, + { + "id": "18419404", + "title": "Utkal Grameen Bank", + "text": "bank has seven Regional Offices in western and southern Odisha. The bank was established on 1 November 2012 as an amalgamation of the Rushikulya and Utkal RRBs. At the time of amalgation, Rushikulya bank had only 87 branches. It subsequently grew to a network of 442 branches, of which 360 are in remote rural areas. Apart from the Head Office at Bolangir, the bank has opened regional offices at Sambalpur, Rayagada, Bargarh, Bhawanipatna, Jeypore and Berhampur. Presently, the Bank operates in 17 districts of Western and Southern Odisha, covering 63% of the geographical area and 48% of the total population", + "score": 0.68896484375 + }, + { + "id": "3186052", + "title": "Indian Overseas Bank", + "text": "bank to take over IOB's Bangkok branch. In 1977 IOB opened a branch in Seoul. it also opened a branch in Tsim Sha Tsui, Kowloon, Hong Kong. Two years later, IOB opened a foreign currency banking unit in Colombo, Sri Lanka. In 1983 ethnic sectarian violence in the form of anti-Tamil riots resulted in the burning of IOB's branch in Colombo. Indian Bank, which may have had stronger ties to the Sinhalese population, escaped unscathed. In 1988\u201389, IOB acquired Bank of Tamil Nadu, and its 99 branches, in a rescue. Bank of Tamil Nadu (or Bank of Tamilnad), had been", + "score": 0.68701171875 + }, + { + "id": "4579495", + "title": "Bank of Communications", + "text": "amongst the top 5 leading commercial banks in China and has an extensive network of over 2,800 branches covering over 80 major cities. Apart from Hong Kong, the Bank has also established overseas branches in New York, Tokyo, Singapore and representative offices in London and Frankfurt. As of end-2002, the Bank had over 88,000 employees and a total asset reaching RMB 5.15 trillion. Bank of Communications currently possesses 128 domestic organs including 30 provincial branches, 7 directly-managed branches, 90 sub-branches managed by the provincial branches with 2,643 network organs in over 220 large- and medium-sized cities. In addition, it has", + "score": 0.6865234375 + }, + { + "id": "2549529", + "title": "Bank of Baroda", + "text": "Bank of Baroda. It established a wholly owned subsidiary, Bobcards Limited in the year 1994 to cater to the need of rapidly growing credit card industry in a focused manner. BOBCARDS Ltd is the first Non-banking company in India issuing credit cards The Bank has 107 branches/offices in 24 countries(excluding India) including 61 branches/offices of the bank, 38 branches of its 8 subsidiaries and 1 representative office in Thailand. The Bank of Baroda has a joint venture in Zambia with 16 branches. Among the Bank of Baroda's overseas branches are ones in the world's major financial centres (e.g., New York,", + "score": 0.6865234375 + }, + { + "id": "15114832", + "title": "M Oriental Bank", + "text": "M Oriental Bank M Oriental Bank, previously known as Oriental Commercial Bank Limited, is a commercial bank in Kenya, the largest economy in the East African Community. It is licensed by the Central Bank of Kenya, the central bank and national banking regulator. , the bank's total assets were valued at KSh10.577 billion (approx. US$106 million), with KSh3.028 billion (approx. US$30.3 million), in shareholders' funds. In June 2016, the bank announced a change in business strategy. MOB will cease to operate as a retail bank and instead become a private bank, with focus on serving family-owned businesses and high net-worth", + "score": 0.685546875 + }, + { + "id": "3184303", + "title": "Bank of India", + "text": "In 1980 Bank of India (Nigeria), changed its name to Allied Bank of Nigeria to reflect the fact that it was no longer a subsidiary of Bank of India. In 1986 BoI acquired Parur Central Bank in (Ernakulam District, Kerala State) in a rescue. Parur Central Bank (or Karur Central Bank, or Paravur Central Bank) had been founded in 1930, and at the time of its failure had 51 branches. BoI amalgamated Parur Central Bank in 1990. The next year, 1987, BoI took over the three UK branches of Central Bank of India (CBI). CBI had been caught up in", + "score": 0.685546875 + }, + { + "id": "3186051", + "title": "Indian Overseas Bank", + "text": "had been operating in Malaysia since 1941 and United Commercial Bank had been operating there since 1948.) The banks set up United Asian to comply with the Banking Law in Malaysia, which prohibited foreign government banks from operating in the country. Each contributed their operations in Malaysia to the new joint-venture bank, with each of the three parent banks owning a third of the shares. At the time, Indian Bank had three branches, and Indian Overseas Bank and United Commercial Bank had eight between them. Also, IOB and six Indian private banks established Bharat Overseas Bank as a Chennai-based private", + "score": 0.68505859375 + }, + { + "id": "5131306", + "title": "Union Bank of India", + "text": "Union Bank of India Union Bank of India (UBI; ) is one of the largest government-owned banks of India; the government owns over 90% of its share capital. It is listed on the Forbes 2000, and has assets of USD 13.45 billion. UBI has around 4,300 branches. Four of these are overseas in Hong Kong, Dubai, Antwerp, and Sydney. UBI also has representative offices at Shanghai, Beijing and Abu Dhabi. Lastly, UBI operates in the United Kingdom through its wholly owned subsidiary, Union Bank of India (UK). Union Bank of India (Union Bank) was registered on 11 November 1919 as", + "score": 0.68505859375 + }, + { + "id": "18419467", + "title": "Odisha Gramya Bank", + "text": "bank has nine regional offices located at Balasore, Baripada, Cuttack, Chandikhol, Dhenkanal, Jashipur, Khurda, Keonjhar and Pipli. The bank was established on 07.01.2013 with the branches of the erstwhile Neelachal, Kalinga and Baitarani RRBs. However, presently it has grown to a network of 548 branches, of which 445 are in remote rural areas. Presently, the Bank operates in 13 districts of Coastal, Central and Northern Odisha viz. Puri, Khurda, Cuttack, Jajpur, Jagatsingpur, Nayagarh, Bhadrak, Baleswar, Ganjam, Keonjhar, Mayurbhanj, Dhenkanal and Angul, covering 37% of the geographical area and 52% of the total population of Odisha State. The bank made a", + "score": 0.68505859375 + }, + { + "id": "4579467", + "title": "OCBC Bank", + "text": "the Japanese occupation authorities closed OCBC's branches in Sumatra. During the war, the bank moved its head office to Bombay, India and only re-registered back in Singapore after the war ended. OCBC's branch in Xiamen survived the war and in the 1950s, OCBC was one of only four foreign banks to have branches in China. After the war, OCBC re-established its branches in Djambi, Jakarta, and Surabaya. However, in 1963 conflict between Indonesia and Malaya (which then included Singapore), resulted in the closure of OCBC's branches there. That same year the revolutionary government in Burma nationalised OCBC's two branches there,", + "score": 0.6845703125 + }, + { + "id": "3186050", + "title": "Indian Overseas Bank", + "text": "November 1935 at Coimbatore; acq. 1966), and (Sri/Lord) Venkateswara Bank (est. June 1931 as Salem Shevapet Sri Venkateswara Bank; acq. 1967; two branches in Salem, Tamil Nadu). Then in 1969 the Government of India nationalised IOB. At one point, probably before nationalisation, IOB had twenty of its eighty branches located overseas. However, Malaysian law forbade foreign government ownership of banks in Malaysia. After nationalisation Indian Overseas Bank, like all the nationalised banks, turned inward, emphasising the opening of branches in rural India. In 1973, IOB, Indian Bank and United Commercial Bank established United Asian Bank Berhad in Malaysia. (Indian Bank", + "score": 0.6845703125 + }, + { + "id": "5131308", + "title": "Union Bank of India", + "text": "was established in 1929, and which had 26 branches. In 1999 the Reserve Bank of India requested that Union Bank acquire Sikkim Bank in a rescue after extensive irregularities had been discovered at the non-scheduled bank. Union Bank expanded internationally in 2007 with the opening of offices in Abu Dhabi, United Arab Emirates, and Shanghai in the People's Republic of China. The next year, Union Bank established a branch in Hong Kong, its first branch outside India. In 2009, Union Bank opened a representative office in Sydney, Australia. Union Bank of India Union Bank of India (UBI; ) is one", + "score": 0.68408203125 + }, + { + "id": "2418153", + "title": "State Bank of India", + "text": "on 26 August 2010. On 7 October 2013, Arundhati Bhattacharya became the first woman to be appointed Chairperson of the bank. Mrs. Bhattacharya received an extension of two years of service to merge into SBI the five remaining associated banks. SBI provides a range of banking products through its network of branches in India and overseas, including products aimed at non-resident Indians (NRIs). SBI has 16 regional hubs and 57 zonal offices that are located at important cities throughout India. SBI has 18,354 branches in India. In the financial year 2012\u201313, its revenue was , out of which domestic operations", + "score": 0.68310546875 + }, + { + "id": "6759795", + "title": "Kotak Mahindra Bank", + "text": "Kotak Mahindra Bank Kotak Mahindra Bank is an Indian private sector bank headquartered in Mumbai, Maharashtra, India. In February 2003, Reserve Bank of India (RBI) issued the licence to Kotak Mahindra Finance Ltd., the group's flagship company, to carry on banking business. It offers a wide range of banking products and financial services for corporate and retail customers through a variety of delivery channels and specialized subsidiaries in the areas of personal finance, investment banking, general insurance, life insurance, and wealth management. Kotak Mahindra Bank has a network of 1,369 branches across 689 locations and 2,163 ATMs in the country", + "score": 0.68310546875 + }, + { + "id": "3184296", + "title": "Bank of India", + "text": "group of eminent businessmen from Mumbai, Maharashtra, India. The Bank was under private ownership and control till July 1969 when it was nationalised along with 13 other banks. Beginning with one office in Mumbai, with a paid-up capital of and 50 employees, the Bank has made a rapid growth over the years and blossomed into a mighty institution with a strong national presence and sizable international operations. In business volume, the Bank occupies a premier position among the nationalised banks. The bank has over 5100 branches in India spread over all states/ union territories including specialised branches. These branches are", + "score": 0.68310546875 + }, + { + "id": "1990848", + "title": "DBS Bank", + "text": "Taiwan's Bowa Bank into its operations after acquiring the \"good bank assets\" in February. There are 40 distribution outlets across the country, half of which are based in Taipei. Headquartered in the commercial capital of Mumbai, DBS operates via a network of 12 bank branches across India in Bangalore, Chennai, Cuddalore, Hyderabad, Kolhapur, Kolkata, Moradabad, Mumbai, Nashik, New Delhi, Pune, Salem and Surat. DBS India had a 37.5% stake in DBS Cholamandalam Finance, a non-bank financial institution, in April 2009, it transferred its shares to the parent company Tube Investments of India Limited, thus terminating its shared holder agreement in", + "score": 0.6826171875 + }, + { + "id": "15114834", + "title": "M Oriental Bank", + "text": "the non-executive directors, serves as the Chairman. The CEO is Alakh Kohli. M Oriental Bank M Oriental Bank, previously known as Oriental Commercial Bank Limited, is a commercial bank in Kenya, the largest economy in the East African Community. It is licensed by the Central Bank of Kenya, the central bank and national banking regulator. , the bank's total assets were valued at KSh10.577 billion (approx. US$106 million), with KSh3.028 billion (approx. US$30.3 million), in shareholders' funds. In June 2016, the bank announced a change in business strategy. MOB will cease to operate as a retail bank and instead become", + "score": 0.6826171875 + }, + { + "id": "17111187", + "title": "Paschim Banga Gramin Bank", + "text": "The bank's head office is located at Tikiapara, Howrah,West Bengal. Tagline of PBGB is \"Bank for U - Banking for All\" In the 2013-14 financial year, the bank made a net profit of Rs 20.12 Crore. The Bank is operating in five districts of West Bengal State, namely, Howrah, Hooghly, Purba Bardhaman, Paschim Bardhaman and Birbhum, with its Head Office at Howrah, West Bengal. It has 230 Branches and 4 Regional Offices. The Regional Offices are : The Bank is operating in 5 districts of West Bengal State. They are : Paschim Banga Gramin Bank Paschim Banga Gramin Bank (PBGB)", + "score": 0.68017578125 + }, + { + "id": "14061520", + "title": "Yes Bank", + "text": "bank, banks in Taiwan and Japan for amounts ranging from US$ 30 Millon to US$ 410 Millon, which it in turn lends to small and medium scale enterprises as well as large corporates. It has also both taken as well as given short term loans to a number of retail and corporate banks in Taiwan, Japan, USA and Europe. It has a strategic partnership with the US government based OPIC and with Wells Fargo. As on 31 December 2017, Yes bank had 1050 branches and 1724 ATMs in India. It had a balance sheet size of \u20b9 250,000 crore and", + "score": 0.68017578125 + }, + { + "id": "9354584", + "title": "Central Bank of Oman", + "text": "of operations in 1975, was strengthened over time and since April 2002 has remained at R0300 million. At the end of 2005, CBO's assets/liabilities totalled RO 1826.4 million. The Omani banking system has experienced several mergers since the 1990s and as a result the number of commercial banks at the end of 2005 stood at 13, of which five are locally incorporated and eight are branches of foreign banks, together having a branch network of 329 branches. Local banks, in addition, have 10 branches and one representative office abroad. As at the end of 2005, there were also three specialised", + "score": 0.6796875 + }, + { + "id": "2549512", + "title": "Bank of Baroda", + "text": "Bank of Baroda Bank of Baroda (BoB) is an Indian International banking and financial services company headquartered in Vadodara (earlier known as Baroda) in Gujarat, India. It has a corporate office in Mumbai. Based on 2017 data, it is ranked 1145 on Forbes Global 2000 list. BoB has total assets in excess of 3.58 trillion (making it India\u2019s 2nd biggest bank by assets), a network of 5538 branches in India and abroad, and 10441 ATMs as of July, 2017.The government of India announced the merger of Bank of Baroda, Vijaya Bank and Dena Bank on September 17, 2018 to create", + "score": 0.6796875 + }, + { + "id": "3823969", + "title": "OCBC Wing Hang Bank", + "text": "a total of 40 branches. Its wholly owned subsidiary, OCBC Wing Hang Bank (China) has a network of branches in Shenzhen, Guangzhou, Shanghai, Beijing, Chengdu and Zhuhai. The Group\u2019s subsidiary in Macao operates under the name Banco Weng Hang, and has an extensive branch network there. In addition, through its other subsidiaries and affiliated companies the Group provides nominee, deposit taking, offshore banking, hire purchase, consumer financing, insurance and share brokerage services. OCBC Wing Hang Bank OCBC Wing Hang Bank Limited (), formerly Wing Hang Bank Limited is a licensed bank with its head office in Hong Kong, where it", + "score": 0.6787109375 + }, + { + "id": "9528352", + "title": "First Consolidated Bank", + "text": "of the Supreme Court of the Philippines. In \"LPBS Commercial, Inc., v. Amila and the First Consolidated Bank (FCB) of Bohol, Inc.\", the petitioner sought to fight a foreclosure by making an interlocutory appeal, but the case was dismissed in favor of FCB, with an admonition to the petitioner and its lawyers: In 2012, FCB opened five new branches, bringing their total number of branches to 58. In 2013, they opened an additional branch in Tigbauan. The treasury of Bohol Province has deposited some tax revenues in FCB as of March 2013, in their effort to collect more taxes owed.", + "score": 0.6787109375 + }, + { + "id": "7240063", + "title": "Sonali Bank", + "text": "paid up capital is Tk 10 billion and Tk 9 billion respectively The bank's reserve funds were Tk 60 million in 1979 and Tk 2.050 billion on 30 June 2000. In 2013, $250,000 was stolen from the bank by Cyber criminals using the Swift International payments network. In 2016 the Bank signed an Memorandum of Understanding with PayPal. Sonali Bank has a total of 1214 branches. Out of them, 466 are located in urban areas, 746 in rural areas, and 2 are located overseas(India). It also operates the Sonali Exchange Company Inc. in USA and Sonali Bank (UK) Ltd., United", + "score": 0.6787109375 + }, + { + "id": "10842977", + "title": "Oriental Bank of Commerce", + "text": "honoured the commitments made to the depositors from Pakistan and paid every rupee to its departing customers. The Bank has witnessed many ups and downs since its establishment. The period of 1970-76 is said to be the most challenging phase in the history of the Bank. At one time profit plummeted to 175, that prompted the owner of the bank, the Thapar House, to sell / close the bank. Then employees and leaders of the Bank came forward to rescue the Bank. The owners were moved and had to change their decision of selling the bank and in turn they", + "score": 0.67822265625 + }, + { + "id": "8626565", + "title": "OFG Bancorp", + "text": "OFG Bancorp OFG Bancorp, founded in 1964, more commonly known as OFG or Oriental Bank, is a financial holding company located in San Juan, Puerto Rico. OFG offers a wide range of retail and commercial banking, lending and wealth management products, services and technology, primarily in Puerto Rico through its principal subsidiaries: Oriental Bank, Oriental Financial Services Corp., and Oriental Insurance, Inc. Its headquarters are located at the Oriental Center, 15th Floor, 254 Mu\u00f1oz Rivera Avenue, San Juan, PR 00918. OFG Bancorp, one of Puerto Rico's top three banks, has $6.3 billion in assets (2017), and approximately 1,500 employees. In", + "score": 0.677734375 + }, + { + "id": "4681194", + "title": "Orange (India)", + "text": "any such deal and termed it as market speculation. In 2009, it was reported that Orange may apply for MTNL 3G (Jadoo) franchise deal. FT again discarded this report and commented that they would not like to limit themselves in Delhi & Mumbai. In 2010, OBS India opened two offices in India \u2013 New Delhi and Gurgaon, and ever since, it has grown to nine locations, adding Bangalore, Chennai, Hyderabad, Kolkata, Pune, Mumbai and Gandhinagar. It directly employs over 2000 employees. As of June 2012, it has a network with 13 point of presence (PoP) in the country. India houses", + "score": 0.677734375 + }, + { + "id": "4766888", + "title": "Banking in India", + "text": "them. In recent years critics have charged that the non-government owned banks are too aggressive in their loan recovery efforts in connexion with housing, vehicle and personal loans. There are press reports that the banks' loan recovery efforts have driven defaulting borrowers to suicide. By 2013 the Indian Banking Industry employed 1,175,149 employees and had a total of 109,811 branches in India and 171 branches abroad and manages an aggregate deposit of and bank credit of . The net profit of the banks operating in India was against a turnover of for the financial year 2012\u201313. Pradhan Mantri Jan Dhan", + "score": 0.67724609375 + }, + { + "id": "10842978", + "title": "Oriental Bank of Commerce", + "text": "decided to improve the position of the bank with the active cooperation and support of all the employees. Their efforts bore fruits and performance of the bank improved significantly. This was the turning point in the history of the bank. The bank was nationalised on 15 April 1980. At that time OBC ranked 19th among the 20 nationalised banks. In 1997, OBC acquired two banks: Bari Doab Bank and Punjab Cooperative Bank. The acquisition of these two banks brought with it no additional branches. The bank has progressed on several fronts, crossing the Business Mix mark of 2 lac crores", + "score": 0.67724609375 + }, + { + "id": "2583233", + "title": "Punjab National Bank", + "text": "etc. during the FY 2012-13. Citations References Punjab National Bank Punjab National Bank (PNB) is an Indian multinational banking and financial services company. It is a state-owned corporation based in New Delhi, India. The bank was founded in 1894. As of 31 March 2017, the bank has over 80 million customers, 6,937 branches (7,000 as on 2nd oct, 2018) and 10681 ATMs across 764 cities. PNB has a banking subsidiary in the UK (PNB International Bank, with seven branches in the UK), as well as branches in Hong Kong, Kowloon, Dubai, and Kabul. It has representative offices in Almaty (Kazakhstan),", + "score": 0.67724609375 + }, + { + "id": "5446250", + "title": "Cosmos Bank", + "text": "transactions\u201d and \u201canother Rs 2.5 crore was withdrawn through 2,800 debit card transactions at various locations in India\u201d. They hacked the switch which is operative for the payment gateway of VISA/Rupay Debit card and not on the core banking system of the bank, so the customers\u2019 accounts were not affected. Cosmos Bank has in total 5 regional offices with 140 service outlets in India. These are spread across 7 states and in 39 major Indian cities. Those are as follows: Cosmos Bank The Cosmos Co-operative Bank Ltd. (Cosmos Bank), established in 1906, is one of the oldest Urban Co-operative Banks", + "score": 0.67724609375 + }, + { + "id": "10079617", + "title": "Great Eastern Life", + "text": "and offices in Indonesia operated by OCBC Bank's subsidiary, PT Bank NISP. OCBC Bank and its banking subsidiaries offer a wide range of specialist financial services, from consumer, corporate, investment, private and transaction banking to treasury and stockbroking services. In addition to Singapore where Great Eastern is headquartered, and Malaysia with 29 branches, Great Eastern also has a branch office in Brunei since 1975, a subsidiary company in Indonesia since 1996, and representative offices in Hanoi and Ho Chi Minh City. In June 2006, Great Eastern and Chongqing Land Properties Group launched their 50:50 joint venture life insurance company, Great", + "score": 0.6767578125 + }, + { + "id": "3186047", + "title": "Indian Overseas Bank", + "text": "branches in Singapore, Colombo, Seoul, and Bangkok. It has representative offices in Guangzhou, Vietnam, and Dubai. IOB also is part-owner of a joint-venture bank in Malaysia. In 1937, Thiru.M. Ct. M. Chidambaram Chettyar established the Indian Overseas Bank (IOB) to encourage overseas banking and foreign exchange operations. IOB started up simultaneously at three branches, one each in Karaikudi, Madras, and Rangoon (Yangon). It quickly opened a branch in Penang, Kuala Lumpur (1937 or 1938), and another in Singapore (1937 or 1941). The bank served the Nattukottai Chettiars, who were a mercantile class that at the time had spread from Chettinad", + "score": 0.6767578125 + }, + { + "id": "6163076", + "title": "Syndicate Bank", + "text": "opened its 1000th branch at Hauz Khas, Delhi. Currently it has over 3500 branches and all branches are offering corebanking-e-banking services under anywhere-anytime-anyhow banking. Syndicate Bank has one branch in London, United Kingdom. Syndicate Bank sponsored the first regional rural bank in India by name Prathama Bank, in Moradabad district Uttar Pradesh on 2 October 1975. The stocks of the Syndicate Bank are listed on Bombay Stock Exchange, National Stock Exchange, Mangalore Stock Exchange and Bangalore Stock Exchange. Syndicate Bank made a partnership with UNEP to initiate a successful solar loan programme. It is a four-year $75855.6 million effort, launched", + "score": 0.67626953125 + }, + { + "id": "6400771", + "title": "Corporation Bank", + "text": "at all RuPay-enabled 1.5 million-plus PoS terminals and 80,000-plus e-commerce merchants in India and all ICS Partner acceptance points (POS, e-commerce merchants) globally. Corporation Bank Corporation Bank is a public-sector banking company headquartered in Mangalore, India. The bank has a pan-Indian presence. Presently, the bank has a network of 2,600 fully automated CBS branches, 3,040 ATMs, and 4,724 branchless banking units across the country. On 14 November Corporation Bank said it raised an amount of Rs 500 crore of the Basel III compliant Tier-II Bonds (Series1) and the same has been allotted by the Securities Allotment Committee of the Board", + "score": 0.67626953125 + }, + { + "id": "3186891", + "title": "Bank of Ceylon", + "text": "Batticaloa, Trincomalee, Badulla, and Panadura. Bank of Ceylon Bank of Ceylon (BOC; Sinhala: \u0dbd\u0d82\u0d9a\u0dcf \u0db6\u0dd0\u0d82\u0d9a\u0dd4\u0dc0 \"Lanka B\u00e6nkuwa\") is a government-owned, major commercial bank in Sri Lanka. Its head office is located in an iconic cylindrical building in Colombo, the political and commercial capital of the island. The bank has a network of 628 branches,689 automated teller machines (ATMs), 123 CDM network and 15 Regional loan centres within the country. It also has an around-the-clock call centre at \"0094 11 2204444\" and an around the clock branch at its Colombo office. In addition to the local presence, the bank maintains an", + "score": 0.67578125 + }, + { + "id": "3186889", + "title": "Bank of Ceylon", + "text": "Bank of Ceylon Bank of Ceylon (BOC; Sinhala: \u0dbd\u0d82\u0d9a\u0dcf \u0db6\u0dd0\u0d82\u0d9a\u0dd4\u0dc0 \"Lanka B\u00e6nkuwa\") is a government-owned, major commercial bank in Sri Lanka. Its head office is located in an iconic cylindrical building in Colombo, the political and commercial capital of the island. The bank has a network of 628 branches,689 automated teller machines (ATMs), 123 CDM network and 15 Regional loan centres within the country. It also has an around-the-clock call centre at \"0094 11 2204444\" and an around the clock branch at its Colombo office. In addition to the local presence, the bank maintains an off-shore banking unit in the", + "score": 0.67529296875 + }, + { + "id": "818423", + "title": "Bank of Credit and Commerce International", + "text": "Finance Corporation Ltd, and a series of Cayman-based companies held together as ICIC (International Credit and Investment Company Overseas, International Credit and Commerce [Overseas], etc.). Overall, BCCI expanded from 19 branches in five countries in 1973 to 27 branches in 1974, to 108 branches in 1976, with assets growing from $200 million to $1.6 billion. This growth caused extensive underlying capital problems. \"The Guardian\" alleged that BCCI was using cash from deposits to fund operating expenses, rather than making investments. Investigative journalist and author Joseph J. Trento has argued that the bank's transformation was guided by the head of Saudi", + "score": 0.67431640625 + }, + { + "id": "6160906", + "title": "United Bank of India", + "text": "was deliberate or unintentional. The bank has reported a loss of Rs. 1,238 crore during Q3 of the 2013-14 fiscal year, resulting in a downgrade of its tier-II bonds by ICRA, an associate of Moody's Investor Service. United Bank of India's reported NPA of 10.82% is the highest in percentage among listed banks in India. United Bank of India United Bank of India (UBI) is an Indian government-owned bank headquartered in Kolkata, India. Presently the bank has a three-tier organisational setup consisting of its head office in Kolkata, 36 regional offices and 2054 branches spread all over India. However, its", + "score": 0.673828125 + }, + { + "id": "4462779", + "title": "UCO Bank", + "text": "of ATMs and Branches. Besides providing inland banking services through its vast network of branches in India, UCO Bank has a vital presence in the financial markets outside India. UCO Bank presently has four overseas branches in two important international financial centres in Singapore and Hong Kong. UCO Bank has international presence for over 60 years now. The Bank\u2019s Singapore Operations commenced from 21 April 1951 with the opening of Singapore Main branch and subsequently Serangoon branch was opened in \"Little India\" on 7 March 1959. The international linkage from Singapore is supported by a large number of Indian branches", + "score": 0.67333984375 + }, + { + "id": "2583221", + "title": "Punjab National Bank", + "text": "Punjab National Bank Punjab National Bank (PNB) is an Indian multinational banking and financial services company. It is a state-owned corporation based in New Delhi, India. The bank was founded in 1894. As of 31 March 2017, the bank has over 80 million customers, 6,937 branches (7,000 as on 2nd oct, 2018) and 10681 ATMs across 764 cities. PNB has a banking subsidiary in the UK (PNB International Bank, with seven branches in the UK), as well as branches in Hong Kong, Kowloon, Dubai, and Kabul. It has representative offices in Almaty (Kazakhstan), Dubai (United Arab Emirates), Shanghai (China), Oslo", + "score": 0.67333984375 + }, + { + "id": "16743046", + "title": "United Overseas Bank", + "text": "Baiduri Bank Berhad for S$65.044 million. The bank currently provides a full range of commercial and corporate banking services through the branch located in the country. It also operates UOB Asset Management in Brunei, which offers investment management expertise to individuals, institutions and corporations. Operations in mainland China first started in 1984, with a representative office in Beijing. Incorporated on December 18, 2007 as UOB (China) and headquartered in Shanghai, UOB has 17 branches and sub-branches strategically located in major cities such as Shenyang, Shanghai, Beijing, Shenzhen, Tianjin, Xiamen, Hangzhou, Chengdu, Guangzhou, Suzhou and Chongqing offering retail and wholesale banking", + "score": 0.6728515625 + }, + { + "id": "12119241", + "title": "City Union Bank", + "text": "the demand of various customers. It also offers many loan products to service the financial needs of small individual customers to large industries. In the FY 206-17 The Bank has a market capitalization of and it has 550 branches and widened its ATMs reach to 1486 locations. India's first banking robot named Lakshmi was launched by City Union Bank in November 2016. It is the first on-site humanoid (robot) in India. The robot is capable of multitasking sensitive financial information like account details. There are about 120 questions a bank customer could ask. The bank, in the beginning, preferred the", + "score": 0.6728515625 + }, + { + "id": "2549536", + "title": "Bank of Baroda", + "text": "framework due to non-performing loans. Bank of Baroda Bank of Baroda (BoB) is an Indian International banking and financial services company headquartered in Vadodara (earlier known as Baroda) in Gujarat, India. It has a corporate office in Mumbai. Based on 2017 data, it is ranked 1145 on Forbes Global 2000 list. BoB has total assets in excess of 3.58 trillion (making it India\u2019s 2nd biggest bank by assets), a network of 5538 branches in India and abroad, and 10441 ATMs as of July, 2017.The government of India announced the merger of Bank of Baroda, Vijaya Bank and Dena Bank on", + "score": 0.67236328125 + }, + { + "id": "11922715", + "title": "Bank of Rajasthan", + "text": "Jaipur, although its registered office is in Udaipur. Presently the bank has 463 branches, in 24 states, with 294 of the branches being in Rajasthan. RBI was critical of BOR's promoters not reducing their holdings in the company. BOR has been merged with ICICI Bank. ICICI paid Rs.30 billion for it. Each 118 shares of BOR will be converted into 25 shares of ICICI Bank. dated 12 Oct 1998 Bank of Rajasthan The Bank of Rajasthan Ltd () () was a private sector bank of India which merged with ICICI Bank in 2010. It was set up at Udaipur in", + "score": 0.67236328125 + }, + { + "id": "18602167", + "title": "Cooperative Bank of Oromia", + "text": "Cooperative Bank of Oromia Cooperative Bank of Oromia is a private commercial bank in Ethiopia. As of December 2017, the Bank has above 3,237,705 accountholders, more than 289 branch network and has greater than 3,138 agents spread throughout the country. Cooperative Bank of Oromia has ETB 21.5 billion Asset, ETB 1.7 billion Capital and ETB 18.3 billion Deposits. Its headquarter is located at central Addis Ababa, Africa Avenue Flamingo area. The Bank has broad ownership base and diversified ownership structure. CBO was registered commercially on October 29, 2004 in accordance with article 304 of Commercial Code of Ethiopia. It was", + "score": 0.67138671875 + }, + { + "id": "9162162", + "title": "Bank of the Orient", + "text": "Bank of the Orient Bank of the Orient (\u5efa\u6771\u9280\u884c) is an Asian American bank in the United States. Headquartered in San Francisco, with branch offices in California, Honolulu, and Xiamen, this privately held bank is one of few Asian American banks in the United States that has successfully expanded beyond their original communities. The bank was established on March 17, 1971. The first solely owned Asian American bank to be launched in California since World War II, Bank of the Orient was founded in 1971 by Ernest Go, a Chinese Filipino whose family was successful in international banking business. The", + "score": 0.67138671875 + }, + { + "id": "10193421", + "title": "Oromia International Bank", + "text": "launched Electronic banking outputs such as Card banking known as Oro-Card(ATM and POS), Mobile Banking named as Oro-Cash, Agent Banking-Oro Agent and Internet banking namely Oro-Click. The number of OIB branches are now reached 225 throughout Ethiopia all connected by core banking system. Oromia Int'l Bank owns a 13 storey building Headquarters in Addis Ababa City on Bole road next to Getu Commercial Center. The Bank is now one of the most influential and popular private banks in Ethiopia and also known for pioneering Interest free banking services. Oromia International Bank Oromia International Bank (OIB) is a private bank based", + "score": 0.67041015625 + }, + { + "id": "11880248", + "title": "Eastern Bank Ltd (Bangladesh)", + "text": "Kong and Myanmar, and this branch in India will be its first foreign branch outside Bangladesh. Eastern Bank Limited began in 16 August 1992. Prior to 1992 EBL operated as BCCI Bank Ltd, which transformed into Eastern Bank Limited. EBL has 85 branches in Bangladesh. Eastern Bank Ltd (Bangladesh) Eastern Bank Limited () is a private commercial bank headquartered in Dhaka, Bangladesh. It was established in 1992, as a public limited company with limited liability under the bank companies act of 1991. Its share are listed in Dhaka Stock Exchange and Chittagong Stock Exchange. The bank provide products and services", + "score": 0.67041015625 + }, + { + "id": "2418155", + "title": "State Bank of India", + "text": "Bank of India International (Mauritius) Ltd. This then amalgamated with The Indian Ocean International Bank (which had been doing retail banking in Mauritius since 1979) to form SBI (Mauritius) Ltd. Today, SBI (Mauritius) Ltd has 14 branches - 13 retail branches and 1 global business branch at Ebene in Mauritius. SBI Sri Lanka now has three branches located in Colombo, Kandy and Jaffna. The Jaffna branch was opened on 9 September 2013. SBI Sri Lanka is the oldest bank in Sri Lanka; it was founded in 1864. In 1982, the bank established a subsidiary, State Bank of India, which now", + "score": 0.66943359375 + }, + { + "id": "16743050", + "title": "United Overseas Bank", + "text": "trusts, UOB Bancassurance, previlege banking, e-banking, commercial lending, investment banking, treasury services, trade services, home loans, debit and credit cards, wealth management, structured investment, general insurance and life insurance. UOB opened its Yangon branch in Myanmar on 4 May 2015. UOB merged Radanasin Bank with Bank of Asia in 2005 with 154 branches across Thailand UOB obtained the FOSB license to grow in Vietnam in July 2017 All subsidiaries are headquartered in UOB Plaza, Singapore In December 2011, United Overseas Bank launched its free mobile UOB Mobile application. Mobile Cash, a key feature of this application, allows all UOB customers", + "score": 0.66943359375 + }, + { + "id": "18602168", + "title": "Cooperative Bank of Oromia", + "text": "established in line with proclamation no. 84/1994 with authorized capital of ETB 300 million. It started operation on 8 March 2005, with paid up share capital of ETB 112 million. Annual Report Cooperative Bank of Oromia Cooperative Bank of Oromia is a private commercial bank in Ethiopia. As of December 2017, the Bank has above 3,237,705 accountholders, more than 289 branch network and has greater than 3,138 agents spread throughout the country. Cooperative Bank of Oromia has ETB 21.5 billion Asset, ETB 1.7 billion Capital and ETB 18.3 billion Deposits. Its headquarter is located at central Addis Ababa, Africa Avenue", + "score": 0.6689453125 + }, + { + "id": "15926734", + "title": "Nainital Bank", + "text": "conditions in 2007; by April 2010, the right issue had raised . Nainital bank is associated with Bank of Baroda, HDFC Bank, LIC, National Insurance Company Limited etc. Currently, NBL has 135 branches in Uttarakhand, Uttar Pradesh, Delhi, Haryana and Rajasthan. It also provide online facilities, apart from Personal Banking, Business Banking, Rural and Agricultural Banking. The Nainital Bank Limited is registered as scheduled commercial bank with Reserve Bank of India (RBI), the central bank of India. The Nainital Bank Limited has 135 branches presently in the following Indian states. Nainital Bank The Nainital Bank Limited (NTB) (known as Nainital", + "score": 0.66845703125 + }, + { + "id": "558999", + "title": "Chennai", + "text": "In 1843, the bank merged with the Carnatic Bank (1788), the British Bank of Madras (1795) and the Asiatic Bank (1804) and became the Bank of Madras, which was one of the three Presidency banks of India, the other two being the Bank of Bengal and the Bank of Bombay. In 1921, the three Presidency banks merged to form the Imperial Bank of India, which later became the State Bank of India in 1955. Chennai is the headquarters of the Indian Bank, the Indian Overseas Bank and the erstwhile Bharat Overseas Bank, which merged with the Indian Overseas Bank in", + "score": 0.66845703125 + }, + { + "id": "3186049", + "title": "Indian Overseas Bank", + "text": "in Hong Kong. Others would follow. In 1963 the revolutionary government in Burma nationalised Indian Overseas Bank's branches in Rangoon, Mandalay, and Moulmein, which became People's Bank No. 4. In the 1960s, the banking sector in India was consolidating through the merger of weak private sector banks with stronger ones. IOB acquired a number of local banks: Coimbatore Standard Bank (acq. 1963; one branch at Madras), Nanjinnad Bank (or Nanjanad Bank), Coimbatore Vasunthara Bank (or Coimbatore Vasundara Bank; est. June 1924; Head office and three branches; acq. 1964), Kulitalai Bank (est. 1933; acq. 1964; six branches), Srinivasa Perumal Bank (est.", + "score": 0.66796875 + }, + { + "id": "7914743", + "title": "P&O Bank", + "text": "\u00a32m. Shareholders included Lloyds Bank and National Provincial Bank. P&O Bank opened for business in London in June, the following month, and simultaneously at Calcutta, Bombay and Madras. More branches overseas followed. In 1920 P&O Bank established a branch in Colombo, Ceylon, which it followed by establishing branches in Shanghai, Hong Kong, Singapore, and Canton. In 1920 it also acquired Allahabad Bank (est. 1865) in India. However, P&O Bank ran Allahabad Bank separately. However, P&O Bank was unable to wean the customers of the shipping business away from their existing banking relationships. In a search of income it ended up", + "score": 0.66796875 + }, + { + "id": "10842980", + "title": "Oriental Bank of Commerce", + "text": "up with SBI), Insurance products, ATMs, Internet banking, Mobile Banking, Self-banking halls, call centre, etc. The Bank has launched yet another people's participation in the planning process at grass root level essentially to tackle the maladies of poverty. The Grameen Projects venture aims to alleviate poverty plus identify the reasons responsible for the failure or success. OBC is already implementing a GRAMEEN PROJECT in Dehradun District (UK) and Hanumangarh District (Rajasthan). Formulated on the pattern of the Bangladesh Grameen Bank, the Scheme has a unique feature of disbursing small loans ranging from 75 (~US $1.50) onwards. The beneficiaries of the", + "score": 0.66650390625 + }, + { + "id": "6400770", + "title": "Corporation Bank", + "text": "Corporation Bank Corporation Bank is a public-sector banking company headquartered in Mangalore, India. The bank has a pan-Indian presence. Presently, the bank has a network of 2,600 fully automated CBS branches, 3,040 ATMs, and 4,724 branchless banking units across the country. On 14 November Corporation Bank said it raised an amount of Rs 500 crore of the Basel III compliant Tier-II Bonds (Series1) and the same has been allotted by the Securities Allotment Committee of the Board of the Bank On 2 December 2017, Corporation Bank launched its RuPay Select and RuPay Platinum credit cards. RuPay credit cards are accepted", + "score": 0.66552734375 + }, + { + "id": "17018648", + "title": "Ever Gotesco Malls", + "text": "His goal then was ambitious: to build a $2-billion retail-and-property conglomerate that churns out $350 million a year. Unfortunately, the Asian financial crisis, caught him aggressively expanding into other businesses using borrowed dollars. The crisis doubled his debts and forced him to tap into the deposits of his wholly owned Orient Commercial Banking Corp. The bank went down in history as the first victim of the Asian economic crisis when it closed on Valentine's Day, 1998. Until now, Go is still fighting the foreclosure of his assets by the central bank, which lent over P8 billion to Orient Bank. He", + "score": 0.66552734375 + }, + { + "id": "10671316", + "title": "Axis Bank", + "text": "of 12 Aug 2016, the bank had a network of 3,120 branches and extension counters and 12,922 ATMs. Axis Bank has the largest ATM network among private banks in India and it operates an ATM at one of the world\u2019s highest sites at Thegu, Sikkim at a height of 4,023 meters (13,200 ft) above sea level. The Bank has nine international offices with branches at Singapore, Hong Kong, Dubai (at the DIFC), Shanghai, Colombo and representative offices at Dhaka, Dubai and Abu Dhabi, which focus on corporate lending, trade finance, syndication, investment banking and liability businesses. In addition to the", + "score": 0.66455078125 + }, + { + "id": "16568182", + "title": "Bank of India (Uganda)", + "text": "10 June 2012. The Bank has been making profits from the first year of its operations. BOIUL is a member of the Bank of India Group, a financial services conglomerate whose shares are listed on the Bombay Stock Exchange. The stock of the group is 65.9 percent owned by the Government of India. The group is one of the five largest banks in India, with over 5,000 branches, spread over 23 countries (60 offices) and over 8,000 ATMs. The member companies of Bank of India Group include but are not limited to the following: BOIUL has two branches located at", + "score": 0.6640625 + }, + { + "id": "5538003", + "title": "State Bank of Bikaner & Jaipur", + "text": "State Bank of Bikaner & Jaipur State Bank of Bikaner & Jaipur (SBBJ) was a major Indian bank. It was a subsidiary of State Bank of India, with which it was merged. As of 2015, SBBJ had 1,360 branches, mostly located in the state of Rajasthan, India. Its branch network out of Rajasthan covers all the major business centers of India. In 1997, the bank entered the capital market with an Initial Public Offering of 13,60,000 shares at a premium of Rs 440 per share. For the year 2015-16 the net profit of the company was 850.60 Crore. State Bank", + "score": 0.6640625 + }, + { + "id": "4467273", + "title": "Shanghai Commercial Bank", + "text": "telephone banking and electronic banking services as a fast and convenient means to serve individual and corporate clients respectively. Moreover, the Bank has been issuing floating rate certificates of deposit which were well received by the market since early 1994. At present, Shanghai Commercial Bank has over 50 branches across Hong Kong, China, United Kingdom and United States. There is one branch setup in London since 1980 providing banking services to individuals living in UK and companies incorporated in UK or outside UK. There are 3 branches in the following cities: They provide banking services to individuals living in US", + "score": 0.6640625 + }, + { + "id": "3186048", + "title": "Indian Overseas Bank", + "text": "in Tamil Nadu state to Ceylon (Sri Lanka), Burma (Myanmar), Malaya, Singapore, Java, Sumatra, and Saigon. As a result, from the beginning IOB specialised in foreign exchange and overseas banking (see below). Due to the war, IOB lost its branches in Rangoon and Penang, and Singapore, though the branch in Singapore resumed operations in 1942 under Japanese supervision. In 1945 or 1946 IOB opened a branch in Colombo. In 1947, IOB opened a branch in Bangkok. Then IOB added a branch each in Ipoh, Klang, and Malacca, all in Malaya. Some years later, in 1955, IOB opened its first branch", + "score": 0.6640625 + }, + { + "id": "8818304", + "title": "Bank of Khyber", + "text": "branches as of December 2016. At the end of the year 2014, the Bank was operating with 116 branches with 62 branches working on the Conventional side whereas 54 branches were functioning as dedicated Islamic Banking Branches. Further, 2 sub branches and 2 booths were also providing basic banking facilities to the customers. The Bank has also received approval from the State Bank of Pakistan for opening of 14 new branches in the year 2015. Through this network, the Bank is able to offer wide range of products and services to its valuable customers. Bank of Khyber The Bank of", + "score": 0.66357421875 + }, + { + "id": "18080688", + "title": "Madhavpura Mercantile Cooperative Bank", + "text": "Rs to the bank agreed to pay back the withstanding amount. In August 2005 the bank disbursed which included 25% of the principal amount and interest at the rate of 3% per annum to its public depositors and other cooperative banks in Rajkot. Till March 2011 there were 1,645 Urban Cooperative Banks registered with the Reserve Bank of India. RBI had received 158 proposals for merging some of these banks and it issued no-objection certificates to 95 of these proposals. Only 6 UCBs had assets greater than . In July 2010 Arjun Modhwadia, an Indian National Congress politician alleged that", + "score": 0.66357421875 + }, + { + "id": "4462773", + "title": "UCO Bank", + "text": "units 49 zonal offices spread all over India. It also has two overseas branches in Singapore and Hong Kong. UCO Bank's headquarters is on BTM Sarani, Kolkata. G. D. Birla, an eminent Indian industrialist, during the Quit India movement of 1942, conceived the idea of organising a commercial bank with Indian capital and management, and the United Commercial Bank Limited was incorporated to give shape to that idea. The bank was started with Kolkata as its head office with an issued capital of 2 crores and a paid-up capital of 1 crore. Birla was its chairman and the Board of", + "score": 0.66259765625 + }, + { + "id": "9162163", + "title": "Bank of the Orient", + "text": "bank originally served the local Chinese and Asian communities in San Francisco, where most of its branch offices still locate today, and with its success, the bank gradually expanded into Hawaii. Bank of the Orient is one of the first to venture into the growing Chinese market and its Xiamen branch office was in business since the mid-1990s. Bank of the Orient Bank of the Orient (\u5efa\u6771\u9280\u884c) is an Asian American bank in the United States. Headquartered in San Francisco, with branch offices in California, Honolulu, and Xiamen, this privately held bank is one of few Asian American banks in", + "score": 0.66259765625 + } + ], + "answer": "In August 2004, Oriental Bank of Commerce in India united with Global Trust Bank, which was a leading private sector bank, the acquisition brought with it 103 branches, which brought OBC's branch total to 1092. According to a March 2018-2019 annual report, it has 2390 branches. On April 1st, 2020, Oriental Bank of Commerce, and United Bank of India merged with Punjab National Bank making it as the second-largest public sector bank in India and brings the total amount of branches to 11,437." + }, + { + "qa_pairs": [ + { + "context": "The Los Angeles Rams are a professional American football team that plays and competes in the National Football League (NFL). The Rams franchise was founded in 1936 as the Cleveland Rams in the short-lived second American Football League before joining the NFL the next year. In 1946, the franchise moved to Los Angeles. The Rams franchise remained in the metro area until 1994, when they moved to St. Louis, and were known as the St. Louis Rams from 1995 to 2015. The Rams franchise returned to Los Angeles in 2016. This article chronicles the franchise's history during their time in Los Angeles, from playing at the Los Angeles Memorial Coliseum between 1946 and 1979, to playing at Anaheim Stadium (now known as Angel Stadium of Anaheim) in Anaheim from 1980 to 1994, and its return to Southern California beginning with the to season playing temporarily at their old home the Los Angeles Memorial Coliseum before moving to SoFi Stadium in Inglewood in 2020 alongside the Los Angeles Chargers.", + "question": "In what year did the rams go to St. Louis?", + "short_answers": [ + "1995" + ], + "wikipage": "History of the Los Angeles Rams" + }, + { + "context": "The Rams\u2019 new stadium was not ready for them when they initially arrived in Missouri, so they were forced to temporarily share Busch Memorial Stadium with the St. Louis Cardinals. Their first game in St. Louis against the New Orleans Saints was played on September 10, 1995 with the Rams winning 17-13. The then- Trans World Dome opened on November 12, 1995 with the home team scoring a 28\u201317 victory against the Carolina Panthers. ", + "question": "What was the first game the Rams played in St. Louis?", + "short_answers": [ + "September 10, 1995" + ], + "wikipage": "History of the St. Louis Rams" + } + ], + "wikipages": [ + { + "title": "History of the St. Louis Rams", + "url": "https://en.wikipedia.org/wiki/History%20of%20the%20St.%20Louis%20Rams" + }, + { + "title": "History of the Los Angeles Rams", + "url": "https://en.wikipedia.org/wiki/History%20of%20the%20Los%20Angeles%20Rams" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "The NFL's Rams franchise was founded in 1936 as the Cleveland Rams. In 1946, the Ram's franchise moved to the Los Angeles metro area, where they remained from 1946 to 1994. In 1995, the Rams moved to St. Louis and became known as the St. Louis Rams. Their first game in St. Louis was played on September 10, 1995 against the New Orleans Saints. " + }, + { + "knowledge": [], + "long_answer": "The Los Angeles Rams are a professional American football team that plays and competes in the National Football League (NFL). The Rams franchise was founded in 1936 as the Cleveland Rams in the short-lived second American Football League before joining the NFL the next year. In 1946, the franchise moved to Los Angeles. The Rams franchise remained in the metro area until 1994, when they moved to St. Louis, and were known as the St. Louis Rams from 1995 to 2015. The Rams franchise returned to Los Angeles in 2016. Their first game in St. Louis against the New Orleans Saints was played on September 10, 1995 with the Rams winning 17-13." + } + ], + "sample_id": "-6617858863213285972", + "question": "When did the rams go to st louis?", + "docs": [ + { + "id": "7939444", + "title": "History of St. Louis", + "text": "2011, with performances by Jay Leno and Aretha Franklin. In January 1995, Georgia Frontiere, the owner of the National Football League team known as the Los Angeles Rams (now St. Louis Rams), announced she would move that team to St. Louis. The team replaced the St. Louis Cardinals (now Arizona Cardinals), an NFL franchise that had moved to St. Louis in 1960 but departed for Arizona in 1988. The Rams played their first game in their St. Louis stadium, the Edward Jones Dome, on October 22, 1996. Starting in the early 1980s, more rehabilitation and construction projects began, some of", + "score": 0.81689453125, + "summary": "The Los Angeles Rams moved to St. Louis in January 1995. They played their first game in St. Louis on October 22, 1996.", + "extraction": "January 1995" + }, + { + "id": "8753913", + "title": "History of the St. Louis Rams", + "text": "History of the St. Louis Rams The professional American football franchise now known as the Los Angeles Rams played in St. Louis, Missouri, as the St. Louis Rams from the 1995 through the 2015 seasons before relocating back to Los Angeles where the team had played from the 1946 season to the 1994 season. The Rams franchise relocated from Los Angeles to St. Louis in 1995, which had been without a National Football League (NFL) team since the Cardinals moved to Phoenix, Arizona in 1988. The Rams\u2019 first home game in St. Louis was at Busch Memorial Stadium against the", + "score": 0.806640625, + "summary": "The Rams went to St. Louis in 1995.", + "extraction": "The Rams franchise relocated from Los Angeles to St. Louis in 1995." + }, + { + "id": "8753847", + "title": "History of the St. Louis Rams", + "text": "History of the St. Louis Rams The professional American football franchise now known as the Los Angeles Rams played in St. Louis, Missouri, as the St. Louis Rams from the 1995 through the 2015 seasons before relocating back to Los Angeles where the team had played from the 1946 season to the 1994 season. The Rams franchise relocated from Los Angeles to St. Louis in 1995, which had been without a National Football League (NFL) team since the Cardinals moved to Phoenix, Arizona in 1988. The Rams\u2019 first home game in St. Louis was at Busch Memorial Stadium against the", + "score": 0.806640625, + "summary": "The Rams franchise relocated from Los Angeles to St. Louis in 1995.", + "extraction": "The Rams franchise relocated from Los Angeles to St. Louis in 1995." + }, + { + "id": "13518796", + "title": "Los Angeles Rams", + "text": "in 1980. After the 1994 NFL season, the Rams left California and moved east to St. Louis, Missouri. Five seasons after relocating, the team won Super Bowl XXXIV in a 23\u201316 victory over the Tennessee Titans. They appeared again in Super Bowl XXXVI, where they lost 20\u201317 to the New England Patriots. The Rams continued to play in Edward Jones Dome in St. Louis until the end of the 2015 NFL season, when the team filed notice with the NFL of its intent to pursue a relocation back to Los Angeles. The move was approved by a 30\u20132 margin at", + "score": 0.80517578125, + "summary": "The Rams went to St. Louis after the 1994 NFL season, in the year 1995.", + "extraction": "The Rams went to St. Louis after the 1994 NFL season." + }, + { + "id": "10185940", + "title": "1994 Los Angeles Rams season", + "text": "1994 Los Angeles Rams season The 1994 Los Angeles Rams season was the franchise\u2019s 57th year with the National Football League and the 49th and last season in the Greater Los Angeles Area until their 2016 relocation back to Los Angeles. After nearly 50 years in the Greater Los Angeles Area, owner Georgia Frontiere announced that the team would relocate to St. Louis, Missouri on January 15, 1995. While the owners initially rejected the move, permission was eventually granted therefore bringing an end to Southern California's first major professional sports franchise until 2016. The threat of relocation dominated talk about", + "score": 0.798828125, + "summary": "The Rams went to St. Louis on January 15, 1995.", + "extraction": "The Rams went to St. Louis on January 15, 1995." + }, + { + "id": "13043669", + "title": "Sports in St. Louis", + "text": "pre-merger NFL Championship twice, in 1945 and 1951. After playing in Los Angeles from 1946 to 1994, the Rams moved to St. Louis in 1995. The team appeared in 2 Super Bowls while based in St. Louis, defeating the Tennessee Titans 23\u201316 to win Super Bowl XXXIV in 1999, and losing 20\u201317 to the New England Patriots in Super Bowl XXXVI in 2001. The team's home in St. Louis, the Edward Jones Dome, hosted 66,965 spectators. On January 13, 2016, it was announced that NFL owners voted 30\u20132 to allow Rams ownership to move the team back to Los Angeles", + "score": 0.79833984375, + "summary": "The Rams moved to St. Louis in 1995.", + "extraction": "The Rams moved to St. Louis in 1995." + }, + { + "id": "13518849", + "title": "Los Angeles Rams", + "text": "tier\" negotiations failed to produce a solution to keep the Rams in St. Louis long term. On December 17, 2015, the Rams defeated the Tampa Bay Buccaneers 31-23 at the Edward Jones Dome in what would be their final home game in St. Louis; their last game as the St. Louis Rams came two weeks later on the road against the San Francisco 49ers before moving back to Los Angeles the next season. Fans in St. Louis claimed Stan Kroenke, a Missouri native, as well as Kevin Demoff lied to the fans about their wishes to keep the Rams in", + "score": 0.79638671875, + "summary": "The Rams played their final home game in St. Louis on December 17, 2015, and their last game as the St. Louis Rams came two weeks later on the road against the San Francisco 49ers before moving back to Los Angeles the next season.", + "extraction": "The Rams played their final home game in St. Louis on December 17, 2015, before moving back to Los Angeles the next season. Therefore, the Rams left St. Louis in December 2015." + }, + { + "id": "13518834", + "title": "Los Angeles Rams", + "text": "the Rams move from Los Angeles: the Pittsburgh Steelers, New York Giants, New York Jets, Buffalo Bills, Arizona Cardinals (who played in St. Louis from 1960 to 1987), and Washington Redskins. After the vote was over, Dan Rooney publicly stated that he opposed the move of the Los Angeles Rams because \"I believe we should support the fans who have supported us for years.\" The 1995 and 1996 seasons, the Rams' first two in St. Louis, were under the direction of former Oregon Ducks head coach Rich Brooks. Their most prolific player from their first two seasons was the fan-favorite", + "score": 0.78369140625, + "summary": "The Rams moved from Los Angeles to St. Louis in 1995.", + "extraction": "The Rams went to St. Louis in their first two seasons, which were in 1995 and 1996." + }, + { + "id": "375284", + "title": "St. Louis", + "text": "St. Louis Cardinals from 1960 to 1987, and the St. Louis Rams from 1995 to 2015. The football Cardinals advanced to the NFL playoffs just three times (1974, 1975 and 1982), never hosting or winning in any appearance. The Cardinals moved to Phoenix, Arizona, in 1988. The Rams played at the Edward Jones Dome from 1995 to 2015 and went on to win Super Bowl XXXIV. The Rams returned to Los Angeles, California in 2016. The St. Louis Hawks of the National Basketball Association (NBA) played at Kiel Auditorium from 1955 to 1968. They won the NBA championship in 1958", + "score": 0.779296875, + "summary": "The Rams went to St. Louis in 1995 and left in 2015.", + "extraction": "The Rams went to St. Louis in 1995 and left in 2015." + }, + { + "id": "6578732", + "title": "Saint Louis Assembly", + "text": "if plans to renovate Edward Jones Dome did not materialize. But the Rams chose to return to Southern California. The team formally filed its request to leave St. Louis for Los Angeles on January 4, 2016. On January 12, 2016, the NFL approved the Rams' request for relocation to Los Angeles for the 2016 NFL season. In October 2016, groundbreaking began for the $222 million dollar Fenton Logistics Park by KP Development. It will include two million square feet of office, warehouse, and industrial space. Some of models produced at the North and South plants included: Saint Louis Assembly Saint", + "score": 0.77783203125, + "summary": "The Rams left St. Louis for Los Angeles in January 2016.", + "extraction": "The Rams chose to return to Southern California." + }, + { + "id": "1804373", + "title": "St. Louis All-Stars", + "text": "the All-Stars franchise. St. Louis would later become a stop for other NFL teams: the St. Louis Gunners very briefly joined the NFL at the end of the 1934 season, the St. Louis Cardinals relocated from Chicago to play in the city from 1960 to 1987 (when the team moved to Arizona), and the St. Louis Rams came to the city (formerly from Los Angeles) in 1995 to 2015 when the Rams returned to Los Angeles. St. Louis All-Stars St. Louis All-Stars was a professional football team that played in the National Football League during the 1923 season. The team", + "score": 0.7763671875, + "summary": "The St. Louis Rams came to the city in 1995 and left in 2015.", + "extraction": "The St. Louis Rams came to the city (formerly from Los Angeles) in 1995 to 2015 when the Rams returned to Los Angeles. Therefore, the rams went to St. Louis in 1995." + }, + { + "id": "2597744", + "title": "The Dome at America's Center", + "text": "be considered a binding factor in preventing the Rams from relocating. In addition, the NFL and the Rams expressed concerns over the funding and maintenance of the proposed stadium, which they felt shifted too much of the costs of construction and maintenance to the Rams organization. Ultimately, as the Inglewood stadium would be built without taxpayer subsidy, that effectively sealed the fate of the Rams in St. Louis. The Rams formally filed their request to leave St. Louis for Los Angeles on January 4, 2016. On January 12, the NFL approved the Rams' request for relocation to Los Angeles for", + "score": 0.7744140625, + "summary": "January 4, 2016 - The Rams formally filed their request to leave St. Louis for Los Angeles.", + "extraction": "irrelevant" + }, + { + "id": "16192478", + "title": "History of the Los Angeles Rams", + "text": "History of the Los Angeles Rams The Los Angeles Rams are a professional American football team that play in the National Football League (NFL). The Rams franchise was founded in 1936 as the Cleveland Rams in the short-lived second American Football League before joining the NFL the next year. In 1946, the franchise moved to Los Angeles. The Rams franchise remained in the metro area until 1994, when they moved to St. Louis, and were known as the St. Louis Rams from 1995 to 2015. The Rams franchise returned to Los Angeles in 2016. This article chronicles the franchise's history", + "score": 0.77392578125, + "summary": "The Rams franchise moved to St. Louis in 1994.", + "extraction": "The Rams moved to St. Louis in 1995." + }, + { + "id": "13518831", + "title": "Los Angeles Rams", + "text": "stadium and withering fan support. Frontiere finally gave up and decided to move the Rams franchise to St. Louis. However, on March 15, 1995, the other league owners rejected Frontiere's bid to move the franchise by a 21\u20133\u20136 vote. Then-Commissioner Paul Tagliabue stated after rejecting the move, \"This was one of the most complex issues we have had to approach in years. We had to balance the interest of fans in Los Angeles and in St. Louis that we appreciate very much. In my judgment, they did not meet the guidelines we have in place for such a move.\" The", + "score": 0.7734375, + "summary": "The Rams franchise attempted to move to St. Louis in 1995 but was rejected by other league owners in a 21-3-6 vote.", + "extraction": "On March 15, 1995." + }, + { + "id": "19502620", + "title": "The Getaway World Tour", + "text": "game of the Los Angeles Rams at the Los Angeles Memorial Coliseum on September 18, 2016. The Rams made their return to Los Angeles after 22 years in St. Louis. \"Since I was a little boy, I've taken joy in the beauty of the Rams. When I moved to Los Angeles in 1972, I was getting uprooted from my home and I thought, 'Well, where I'm going they've got the Rams. It's going to be all right'\" Flea said. On September 23, 2016, the band performed a short acoustic set at a benefit for the Silverlake Conservatory of Music. \"Mommy,", + "score": 0.77294921875, + "summary": "The Rams returned to Los Angeles on September 18, 2016, after 22 years in St. Louis.", + "extraction": "The Rams made their return to Los Angeles after 22 years in St. Louis." + }, + { + "id": "16468874", + "title": "National Football League controversies", + "text": "to Oakland and San Diego for their markets. On January 4, 2016, all three teams applied for relocation to Los Angeles for the 2016 NFL season. The following day, the Rams and Stan Kroenke released their proposal for relocation. Some of the Rams' conclusions were disputed by the Mayor of St. Louis Francis Slay (in a letter to Roger Goodell), The St. Louis Regional Chamber, and \"Forbes\". On January 12, 2016, the NFL approved the Rams' application to relocate from St. Louis back to Los Angeles with a 30-2, although the move was generally considered malicious by fans in St.", + "score": 0.77197265625, + "summary": "The Rams relocated from St. Louis to Los Angeles in 2016.", + "extraction": "The Rams went to Los Angeles on January 12, 2016, but there is no mention of them going to St. Louis in the passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "249087", + "title": "Los Angeles", + "text": "St. Louis, on January 12, 2016, the NFL announced that the Rams would be moving back to Los Angeles for the 2016 NFL season. A new stadium will be built in Inglewood, California for the team by the 2020 season. Prior to 1995, the Rams played their home games in the Los Angeles Memorial Coliseum from 1946 to 1979 and the Raiders played their home games at the Los Angeles Memorial Coliseum from 1982 to 1994. The San Diego Chargers announced on January 12, 2017 that they would relocate to Los Angeles and become the Los Angeles Chargers beginning in", + "score": 0.77001953125, + "summary": "The Rams moved to Los Angeles for the 2016 NFL season, but there is no mention of when they previously went to St. Louis.", + "extraction": "On January 12, 2016, the NFL announced that the Rams would be moving back to Los Angeles for the 2016 NFL season." + }, + { + "id": "16192516", + "title": "History of the Los Angeles Rams", + "text": "the Rams to St. Louis. However, on March 15, 1995, the other league owners rejected Frontiere's bid to move the franchise by a 21\u20133\u20136 vote. Then-Commissioner Paul Tagliabue stated after rejecting the move, \"This was one of the most complex issues we have had to approach in years. We had to balance the interest of fans in Los Angeles and in St. Louis that we appreciate very much. In my judgment, they did not meet the guidelines we have in place for such a move.\" The commissioner also added: \"Once the bridges have been burned and people get turned off", + "score": 0.7685546875, + "summary": "The Rams attempted to move to St. Louis but were rejected on March 15, 1995 by a 21-3-6 vote.", + "extraction": "The passage is irrelevant to the question as it does not provide any information about when the Rams went to St. Louis." + }, + { + "id": "8753856", + "title": "History of the St. Louis Rams", + "text": "offense, running for 1,429 yards as a rookie and 1,025 in his sophomore effort. As early as the close of the 1992 season, Georgia Frontiere announced she wanted to break the Rams\u2019 lease of Anaheim Stadium. After the 1993 season, Frontiere attempted to move the Rams to Baltimore, but her fellow owners turned that proposal down. Frontiere then sought to relocate the team to St. Louis. This move was initially voted down as well, with 21 opposed, 3 in favor (the Rams, Cincinnati Bengals and Tampa Bay Buccaneers), and 6 abstaining. The other owners (led by Buffalo's Ralph Wilson, the", + "score": 0.76806640625, + "summary": "The Rams went to St. Louis after an attempt to move to Baltimore was turned down, and the move to St. Louis was initially voted down as well. No specific date is mentioned.", + "extraction": "The Rams went to St. Louis after Frontiere sought to relocate the team there." + }, + { + "id": "7158859", + "title": "St. Louis Stallions", + "text": "it, but acquiesced after Frontiere threatened to sue the league. Unlike the Patriots/Stallions proposal, Frontiere opted to keep the Rams name. Shortly after the Rams left, the Raiders also left to move back to Oakland, where they had last played in 1981. The Trans World Dome, which the completed stadium became known as, opened on November 12, 1995 with a game against the expansion Carolina Panthers. A major problem with St. Louis was that their fixed-roof and fully covered domed stadium was built at a time when retractable roofs which allowed generous daylight dissipation through the roof material were becoming", + "score": 0.767578125, + "summary": "The Rams went to St. Louis after they left the Trans World Dome on November 12, 1995 for a new fixed-roof and fully covered domed stadium.", + "extraction": "November 12, 1995" + }, + { + "id": "18403199", + "title": "2015 St. Louis Rams season", + "text": "2015 St. Louis Rams season The St. Louis Rams season was the franchise's 78th season in the National Football League and the fourth under head coach Jeff Fisher. It was also the 21st and final season that the team resided in St. Louis, Missouri, its home since the 1995 season. After the Rams finished last in attendance for the 2015 season, and an arbitral tribunal gave permission for the Rams to void their lease on the Edward Jones Dome, Rams owner Stan Kroenke filed a formal application with the league to relocate the Rams to Los Angeles, California, where the", + "score": 0.76611328125 + }, + { + "id": "16192519", + "title": "History of the Los Angeles Rams", + "text": "over, Steelers owner Dan Rooney publicly stated that he opposed the move of the Los Angeles Rams because \"I believe we should support the fans who have supported us for years.\" While in St. Louis, the Rams played their first few home games at Busch Memorial Stadium before the Trans World Dome (now known as the Dome at America's Center) was completed during the middle of the 1995 season. Aided by an offense nicknamed \"The Greatest Show on Turf\", a period of success occurred between 1999 and 2004 when the team qualified for the playoffs in five out of those", + "score": 0.76220703125 + }, + { + "id": "8753848", + "title": "History of the St. Louis Rams", + "text": "New Orleans Saints on September 10, 1995, before the Trans World Dome (later the Edward Jones Dome, and now known as The Dome at America's Center) was completed for their November 12 game against the Carolina Panthers. Their last game played at the Edward Jones Dome in St. Louis was against the Tampa Bay Buccaneers on December 17, 2015, which they won, 31\u201323. The Rams\u2019 last game as a St. Louis-based club was on January 3, 2016, against the San Francisco 49ers at Levi's Stadium, where they lost in overtime 19\u201316. For 22 of their 28 years the St. Louis", + "score": 0.76220703125 + }, + { + "id": "8753912", + "title": "History of the St. Louis Rams", + "text": "a compromise, the Rams succeeded and announced their relocation to Los Angeles, effectively ending the team's 21-year tenure in St. Louis. The Chargers organization was given the first option to join the Rams after a year (if they failed to reach a new stadium deal with the city of San Diego); the Chargers exercised this option on January 12, 2017, making Los Angeles home to two NFL franchises again. (Had the Chargers declined to exercise this option, then the Raiders would have had this option). Numbers of players who played in St. Louis that have been retired by the Rams:", + "score": 0.76123046875 + }, + { + "id": "7442120", + "title": "Georgia Frontiere", + "text": "to St. Louis in 1995. During the deal, Frontiere also agreed to give up 40% of her ownership to Stan Kroenke, who became a minority owner in the team. (She had bought the 30% of the team she didn't own from Carroll's children in 1980). The NFL, which had decided that the city was unsuitable as a football market, initially voted to block the Rams' move to St. Louis. However, when Frontiere threatened to sue the league under antitrust laws, the league relented and approved the move with Frontiere casting the deciding vote in a 23-6 decision (The Giants, Jets,", + "score": 0.76025390625 + }, + { + "id": "16468870", + "title": "National Football League controversies", + "text": "San Jose Earthquakes in their move to become the Houston Dynamo (a new Earthquakes team eventually returned). On April 13, 1995, Stan Kroenke helped Georgia Frontiere move the Los Angeles Rams from Anaheim to St. Louis by purchasing a 30% share of the team. In April 2010, as a majority stock holder, Kroenke said: \"I'm going to attempt to do everything that I can to keep the Rams in St. Louis. Just as I did everything that I could to bring the team to St. Louis in 1995. I believe my actions speak for themselves.\" In August 2010, Stan Kroenke", + "score": 0.759765625 + }, + { + "id": "10063339", + "title": "2003 St. Louis Rams season", + "text": "be the last time the Rams won the NFC West until the 2017 NFL season. For the first time in 19 years, the Rams lost a playoff game at home. 2003 was also the last winning season that the Rams would achieve in St. Louis and was their last winning season anywhere until 2017 in Los Angeles. They did make the playoffs the following season despite a mediocre 8-8 record. Bulger was voted to play in the Pro Bowl following the season and was the game's MVP. As for Kurt Warner, he was released after the season in order to", + "score": 0.75927734375 + }, + { + "id": "7920077", + "title": "Stan Kroenke", + "text": "deal for the city and the city is better off with them leaving. On January 12, 2016, the NFL approved the Rams' application to relocate from St. Louis back to Los Angeles with a 30-2 vote and Kroenke was praised by other NFL owners afterwards. On April 12, 2017 it was reported that the City of St. Louis, St. Louis County, and the Regional Convention and Sports Complex Authority filed a 52-page lawsuit against the NFL and all 32 NFL clubs as defendants (including Stan Kroenke) and seeks damages and restitution of profits. On July 12, 2017, the Los Angeles", + "score": 0.75830078125 + }, + { + "id": "10185952", + "title": "1994 Los Angeles Rams season", + "text": "Washington Redskins. After the vote was over, Dan Rooney publicly stated that he opposed the move of the Los Angeles Rams because 1994 Los Angeles Rams season The 1994 Los Angeles Rams season was the franchise\u2019s 57th year with the National Football League and the 49th and last season in the Greater Los Angeles Area until their 2016 relocation back to Los Angeles. After nearly 50 years in the Greater Los Angeles Area, owner Georgia Frontiere announced that the team would relocate to St. Louis, Missouri on January 15, 1995. While the owners initially rejected the move, permission was eventually", + "score": 0.75830078125 + }, + { + "id": "10058661", + "title": "2004 St. Louis Rams season", + "text": "season, the Rams completed a 2\u20130 regular season sweep of the rival Seahawks. They would not accomplish this again until 2015. 2004 St. Louis Rams season The 2004 St. Louis Rams season was the team\u2019s 67th year with the National Football League and the tenth season in St. Louis. Although the Rams\u2019 record was good enough to qualify for the postseason, they did so without posting a winning record. Statistics site Football Outsiders calculates that the 2004 Rams were, play-for-play, the worst team to make the playoffs in the site's rating history. This was also the last time the Rams", + "score": 0.7578125 + }, + { + "id": "10063429", + "title": "1999 St. Louis Rams season", + "text": "Divisional Playoffs and went on to defeat the Tampa Bay Buccaneers 11\u20136 in the NFC Championship Game. Both of those games were played in St. Louis. The Rams then won their first ever Super Bowl title, defeating the Tennessee Titans by a score of 23\u201316 in Super Bowl XXXIV. The game was played on January 30, 2000 at the Georgia Dome in Atlanta. It was also the franchise\u2019s first NFL World Championship since 1951, when the Rams played in Los Angeles. The Rams also became the first \u201cdome-field\u201d (indoor home games) team to win a Super Bowl. It was the", + "score": 0.7548828125 + }, + { + "id": "13518852", + "title": "Los Angeles Rams", + "text": "Angeles. The same day, the NFL announced that any franchise approved for relocation would need to pay a $550 million relocation fee. On January 12, 2016, the NFL owners voted 30\u20132 to allow the Rams to return to Los Angeles. The Rams were the first major league sports team to relocate since 2011 when the Atlanta Thrashers left Atlanta and became the new Winnipeg Jets. The team held a press conference at The Forum in Inglewood on January 15, 2016, to officially announce its return to Los Angeles to start play in the 2016 season and on that day the", + "score": 0.75439453125 + }, + { + "id": "16192487", + "title": "History of the Los Angeles Rams", + "text": "Autry in 1961. In spite of this, the Rams continued to thrive in Southern California. In the first two years after the Dodgers moved to California, the Rams drew an average of 83,681 in 1958 and 74,069 in 1959. The Rams were so popular in Los Angeles that the upstart Chargers chose to relocate to San Diego rather than attempt to compete with the immensely popular Rams. The \"Los Angeles Times\" put the Chargers plight as such: \"Hilton [the Chargers owner at the time] quickly realized that taking on the Rams in L.A. was like beating his head against the", + "score": 0.75439453125 + }, + { + "id": "10216970", + "title": "1946 Los Angeles Rams season", + "text": "league with the exception of the New York Giants. A mere 32,178 fans had braved the elements to attend the 1945 Championship Game hosted by Cleveland. When the Cleveland Rams moved to Los Angeles, the team sought to play in the publicly owned Los Angeles Memorial Coliseum\u2014 a decision which created immediate pressure that the team be racially integrated, since black taxpayers as well as white had paid for construction of the facility. As a result, the team signed African-American free agent Kenny Washington, formerly of the Hollywood Bears of the Pacific Coast Professional Football League, on March 21, 1946.", + "score": 0.75390625 + }, + { + "id": "7920072", + "title": "Stan Kroenke", + "text": "of the Avalanche and Nuggets to his wife, Ann Walton Kroenke. On April 13, 1995, Stan Kroenke helped Georgia Frontiere move the Los Angeles Rams from Anaheim to St. Louis by purchasing a 30% share of the team. In April 2010, as he was trying to gain full ownership of the team, and knowing of an escape clause in the Rams lease at the Edward Jones Dome, Stan Kroenke said: \"I'm going to attempt to do everything that I can to keep the Rams in St. Louis.\" In February 2013, the Rams and the City of St. Louis went to", + "score": 0.75341796875 + }, + { + "id": "13518801", + "title": "Los Angeles Rams", + "text": "rules were changed to prevent this from ever again resulting in a score; instead, it would merely result in an incomplete pass. On January 12, 1946, Reeves was denied a request by the other NFL owners to move the Cleveland Rams to Los Angeles and the then-103,000-seat Los Angeles Memorial Coliseum. He threatened to end his relationship with the NFL and get out of the professional football business altogether unless the transfer to Los Angeles was permitted. A settlement was reached and, as a result, Reeves was allowed to move his team to Los Angeles. Consequently, the NFL became the", + "score": 0.75341796875 + }, + { + "id": "18499526", + "title": "History of the Cleveland Rams", + "text": "History of the Cleveland Rams The professional American football team now known as the Los Angeles Rams was established in Cleveland as the Cleveland Rams, and played there from 1936 to 1945. The Rams competed in the second American Football League (AFL) for the 1936 season and the National Football League (NFL) from 1937\u20131945, winning the NFL championship in 1945, before moving to Los Angeles in 1946 to become the only NFL champion ever to play the following season in another city. The move of the team to Los Angeles helped to jump-start the reintegration of pro football by African-American", + "score": 0.7529296875 + }, + { + "id": "10213487", + "title": "1979 Los Angeles Rams season", + "text": "1979 Los Angeles Rams season The 1979 Los Angeles Rams season was the team's 42nd year with the National Football League and the 34th season in Los Angeles. It was the final season for the franchise in the Los Angeles Memorial Coliseum until 2016, as late owner Carroll Rosenbloom previously announced the Rams would move to Anaheim Stadium for the 1980 season. The Rams won their seventh-consecutive NFC West title in 1979, and went to the Super Bowl for the first time. It was the team's only Super Bowl appearance while based in Los Angeles, and their first appearance in", + "score": 0.7529296875 + }, + { + "id": "13518802", + "title": "Los Angeles Rams", + "text": "first professional coast-to-coast sports entertainment industry. From 1933, when Joe Lillard left the Chicago Cardinals, through 1946, there were no Black players in professional American football. After the Rams had received approval to move to Los Angeles, the Rams entered into negotiations to lease the Los Angeles Memorial Coliseum. The Rams were advised that a precondition to them getting a lease was that they would have to integrate the team with at least one African-American; the Rams agreed to this condition. Subsequently, the Rams signed Kenny Washington on March 21, 1946. The signing of Washington caused \"all hell to break", + "score": 0.751953125 + }, + { + "id": "8753861", + "title": "History of the St. Louis Rams", + "text": "to St. Louis, the Rams fired Knox and hired Rich Brooks, longtime successful football coach at the University of Oregon, to replace him. The team played its first several games in St. Louis at Busch Stadium (the home of the NFL's St. Louis Cardinals from 1966 until 1987) as work finished on their new home, the Trans World Dome. Brooks jettisoned Knox's run-oriented scheme in favor of a powerful air attack. Bettis all but disappeared from the offense, rushing for only 637 yards. Despite this, the Rams started off well, getting off to a 5\u20131 start. However, a 44\u201310 thumping", + "score": 0.751953125 + }, + { + "id": "10058659", + "title": "2004 St. Louis Rams season", + "text": "2004 St. Louis Rams season The 2004 St. Louis Rams season was the team\u2019s 67th year with the National Football League and the tenth season in St. Louis. Although the Rams\u2019 record was good enough to qualify for the postseason, they did so without posting a winning record. Statistics site Football Outsiders calculates that the 2004 Rams were, play-for-play, the worst team to make the playoffs in the site's rating history. This was also the last time the Rams made the playoffs until 2017, when the franchise returned to Los Angeles; thus, this was the team\u2019s final playoff appearance in", + "score": 0.751953125 + }, + { + "id": "18499527", + "title": "History of the Cleveland Rams", + "text": "players and opened up the West Coast to professional sports. After being based in Los Angeles for 49 years, the Rams franchise moved again after the 1994 NFL season to St. Louis. In 2016, the team moved back to Los Angeles after 21 seasons in St. Louis. The Rams franchise, founded in 1936 by attorney/businessman Homer Marshman and player-coach Damon \"Buzz\" Wetzel, was named for the then-powerhouse Fordham Rams and because the name was short and would fit easily into a newspaper headline. Coached by Wetzel, and featuring future Hall-of-Fame coach Sid Gillman as a receiver, the team finished 5\u20132\u20132", + "score": 0.75146484375 + }, + { + "id": "8318996", + "title": "History of the National Football League in Los Angeles", + "text": "approved by NFL owners that April. The Rams played their last game in Los Angeles on Christmas Eve in 1994, losing 24\u201321 to the Washington Redskins in front of only 25,750 fans in attendance at Anaheim Stadium. During the 2009 offseason, following Frontiere's death, it was announced the Rams were for sale. It was considered possible that the next owner of the Rams could potentially move the team back to Los Angeles; however, this prospect was at the time thought to have become much less likely when then-minority owner Stan Kroenke, a Missouri native and resident, acquired complete control in", + "score": 0.75146484375 + }, + { + "id": "860305", + "title": "Greater Los Angeles", + "text": "1995 and 2016 in an attempt to bring the NFL back, the Oakland Raiders, St. Louis Rams, and San Diego Chargers all submitted plans to relocate back to Los Angeles after the 2015 NFL season. On January 12, 2016, the Rams were approved to move to Los Angeles and build Los Angeles Stadium at Hollywood Park with the Chargers or Raiders given the option to join them. On January 12, 2017, the Chargers announced their move to Los Angeles to join the Rams. The Rams temporarily play at the Los Angeles Memorial Coliseum while the Chargers temporarily play at StubHub", + "score": 0.75146484375 + }, + { + "id": "16468871", + "title": "National Football League controversies", + "text": "purchased the Rams using a Right of first refusal clause in the last minute of bidding, beating a high bid from Shahid Khan. In February 2013, the Rams and the City of St. Louis went to arbitration over a clause in the Rams lease that stated the Rams current stadium must be in the top tier of NFL Stadiums. The arbitrators agreed with the Rams, giving the Rams the ability to break their original lease and go to a year to year lease agreement. On January 5, 2015, it was announced that the Kroenke Group was teaming up with Stockbridge", + "score": 0.75146484375 + }, + { + "id": "12157824", + "title": "49ers\u2013Rams rivalry", + "text": "hand in the early part of the decade. But both teams fell into decline and neither team was a playoff contender as the decade wore on. The 49ers had the upper hand during the latter part of the decade, going 8\u20132 against St. Louis from 2005\u20132009. Until 2015, the Rams were based in St. Louis, Missouri. After the NFL and owners approved their move to Los Angeles 30\u20132 on January 12, 2016, the rivalry became West Coast-based once again, making it a Bay Area\u2013Los Angeles rivalry (similar to the Dodgers\u2013Giants rivalry, Kings\u2013Sharks rivalry, and the California Clasico). In 2011, the", + "score": 0.74853515625 + }, + { + "id": "9869174", + "title": "History of the Carolina Panthers", + "text": "to thank the 40,000 people who had purchased the PSLs and allowing the stadium to be built without a burden to the taxpayers. Even though St. Louis and Baltimore lost out on their expansion bids, they eventually acquired new teams: the Los Angeles Rams moved to St. Louis in 1995 (however, the Rams would return to Los Angeles in 2016), and as the result of the 1996 Cleveland Browns relocation controversy, the Baltimore Ravens were established by the league as technically a new expansion team. Memphis also temporarily received a team when the Houston Oilers relocated in 1996 to Tennessee,", + "score": 0.74658203125 + }, + { + "id": "8319014", + "title": "History of the National Football League in Los Angeles", + "text": "but that the league had made \"no determination\" about any particular team moving to Los Angeles in the future. One year later, on January 4, 2016, three NFL franchises who previously played in the Greater Los Angeles Area filed for relocation to move to the area amidst stadium issues and proposals of building new arenas in Southern California. They were the St. Louis Rams (who played in Los Angeles and Anaheim from 1946 to 1994), the Oakland Raiders (played in Los Angeles from 1982\u201394), and the San Diego Chargers (had its inaugural AFL season in L.A.). The Rams planned to", + "score": 0.74658203125 + }, + { + "id": "13518803", + "title": "Los Angeles Rams", + "text": "loose\" among the owners of the NFL franchises. The Rams added a second black player, Woody Strode, on May 7, 1946, giving them two black players going into the 1946 season. The Rams were the first team in the NFL to play in Los Angeles (the 1926 Los Angeles Buccaneers were strictly a traveling team), but they were not the only professional football team to play its home games in the Coliseum between 1946 and 1949. The upstart All-America Football Conference had the Los Angeles Dons compete there as well. Reeves was taking a gamble that Los Angeles was ready", + "score": 0.74609375 + }, + { + "id": "8753909", + "title": "History of the St. Louis Rams", + "text": "2,500 new residential units, a 300-room hotel and 25 acres of public parks, playgrounds, open space and pedestrian and bicycle access. The stadium was projected to be ready by 2018. In lieu of this, St. Louis countered with a stadium plan for the north riverfront area of downtown, with the hope of keeping the Rams in the city. On February 24, 2015, the Inglewood City Council approved the stadium plan and the initiative, and construction began on the new stadium on December 21, 2015 on the former Hollywood Park site. On January 4, 2016, the St. Louis Rams filed for", + "score": 0.74609375 + }, + { + "id": "13518798", + "title": "Los Angeles Rams", + "text": "place with a 5\u20132\u20132 record, trailing only the 8\u20133 record of league champion Boston Shamrocks. The Rams joined the National Football League on February 12, 1937, and were assigned to the Western Division. The Rams would be the fourth in a string of short-lived teams based in Cleveland, following the Cleveland Tigers, Cleveland Bulldogs, and Cleveland Indians. From the beginning, they were a team marked by frequent moves, playing in three stadiums over several losing seasons. However, the team did feature the MVP of the 1939 season, rookie halfback Parker Hall. In June 1941, the Rams were bought by Dan", + "score": 0.74560546875 + }, + { + "id": "13518883", + "title": "Los Angeles Rams", + "text": "Panthers 20\u201310. The throwbacks have since then seen action for two select regular season games each year since. In 1994, the team's last season in Southern California, the Rams wore jerseys and pants replicating those of their 1951 championship season for their September games with the San Francisco 49ers and Kansas City Chiefs. On January 15, 2016, the Los Angeles Rams unveiled a new logo. The only change to the team's primary logo was the location name, from St. Louis to Los Angeles, to reflect the team's move. The team's colors were retained. The Rams also announced there would be", + "score": 0.7451171875 + }, + { + "id": "2597743", + "title": "The Dome at America's Center", + "text": "as National Car Rental Field, with the hope of persuading Kroenke to keep the Rams in the city. However, on February 24, 2015, the Inglewood City Council approved the stadium and the initiative with construction planned to begin in December 2015. This generated further debate between the NFL, St. Louis, and the Rams as to whether the Rams should be allowed to relocate when an \"first tier\" stadium plan was in process. The NFL and the Rams countered that the stadium plan was developed outside of the agreed-upon lease and \"first tier\" remediation and arbitration process, and therefore could not", + "score": 0.74462890625 + }, + { + "id": "10214368", + "title": "1973 Los Angeles Rams season", + "text": "1973 Los Angeles Rams season The 1973 Los Angeles Rams season was the team's 36th year with the National Football League and the 28th season in Los Angeles. The Rams were 7\u20130 at home for the first time since 1945. On the road, the Rams were 5\u20132. The Rams donned new uniforms, which remained in use until 1994, their final season in Los Angeles, and though they moved to St. Louis in 1995, the uniform tradition continued until 1999, where they won Super Bowl XXXIV. Newly acquired quarterback John Hadl, the NFC Player of the Year in 1973, and a", + "score": 0.744140625 + }, + { + "id": "16192479", + "title": "History of the Los Angeles Rams", + "text": "during their time in Los Angeles, from playing at the Los Angeles Memorial Coliseum between 1946 and 1979, to playing at Anaheim Stadium (now known as Angel Stadium of Anaheim) in Anaheim from 1980 to 1994, and its return to Southern California beginning with the season. On January 12, 1946, Dan Reeves was denied a request by the other National Football League (NFL) owners to move his team, the Cleveland Rams to Los Angeles and the then-103,000-seat Los Angeles Memorial Coliseum. Reeves threatened to end his relationship with the NFL and get out of the professional football business altogether unless", + "score": 0.74365234375 + }, + { + "id": "10216978", + "title": "1946 Los Angeles Rams season", + "text": "Los Angeles would be his last. In addition, the team appears to have placed an emphasis upon drafting collegians from the Western United States, picking 9 players from western schools. 1946 Los Angeles Rams season The 1946 Los Angeles Rams season was the team's ninth year with the National Football League and the first season in Los Angeles. The team moved to Los Angeles from Cleveland immediately after winning the 1945 NFL Championship Game. The 1946 team is best remembered for its inclusion of two African-American players, halfback Kenny Washington and end Woody Strode \u2014 the first in the NFL", + "score": 0.7431640625 + }, + { + "id": "18499534", + "title": "History of the Cleveland Rams", + "text": "overcame initial objections of his fellow NFL owners and announced he would be moving the Rams to Los Angeles. He cited financial losses and poor attendance in Cleveland - even the 1945 championship game had drawn a crowd of less than half capacity, which undoubtedly was not helped by the sub-zero weather. In all likelihood, the only thing that had kept the team in Cleveland until 1945 was wartime travel restrictions that had been eased with the end of hostilities - Reeves had his eye on the booming (and much warmer) L.A. market since buying the team in 1941. He", + "score": 0.7421875 + }, + { + "id": "10216967", + "title": "1946 Los Angeles Rams season", + "text": "1946 Los Angeles Rams season The 1946 Los Angeles Rams season was the team's ninth year with the National Football League and the first season in Los Angeles. The team moved to Los Angeles from Cleveland immediately after winning the 1945 NFL Championship Game. The 1946 team is best remembered for its inclusion of two African-American players, halfback Kenny Washington and end Woody Strode \u2014 the first in the NFL since the 1933 season. The team finished with a record of 6-4-1, good for second place in the NFL's Western Conference. The 1946 season marked the first time that the", + "score": 0.74169921875 + }, + { + "id": "19128099", + "title": "2016 Los Angeles Rams season", + "text": "named interim head coach. After receiving permission to void its lease on the Edward Jones Dome in St. Louis during the 2015 season, the team officially filed an application to relocate back to Los Angeles on January 4, 2016, where it would play at the Los Angeles Stadium at Hollywood Park in Inglewood when completed; construction began in December 2015, and the opening is scheduled for 2020. In the interim, the Rams would play seven of their home games at the Los Angeles Memorial Coliseum, and the eighth game at Twickenham Stadium in London as part of the NFL International", + "score": 0.7412109375 + }, + { + "id": "7920076", + "title": "Stan Kroenke", + "text": "season, with the intention of initially playing games in Carson, but then moving into Kroenke's Inglewood Stadium, pending completion. The Raiders subsequently announced a move to Las Vegas, Nevada. On January 4, 2016, all three teams applied for relocation to Los Angeles for the 2016 NFL season. The following day, the Rams and Stan Kroenke released their proposal for relocation. Some of the Rams' conclusions were disputed by the Mayor of St. Louis Francis Slay (in a letter to Roger Goodell), the St. Louis Regional Chamber, and Forbes. However, some say that staying in St. Louis was ultimately a bad", + "score": 0.7392578125 + }, + { + "id": "10185950", + "title": "1994 Los Angeles Rams season", + "text": "base blamed the ownership of Georgia Frontiere for the franchise\u2019s woes, while ownership cited the outdated stadium and withering fan support for the problems that were plaguing the Rams. On March 15, 1995, the National Football League owners rejected Ms. Frontiere\u2019s bid to move the franchise to St. Louis, Missouri by a 21\u20133\u20136 vote. Then-Commissioner Paul Tagliabue stated after rejecting the move that The commissioner also added: Georgia, however, responded with a thinly veiled threat at a lawsuit and the NFL owners eventually acquiesced to her demands, weary of going through a long, protracted legal battle. Tagliabue simply stated that", + "score": 0.7392578125 + }, + { + "id": "18499537", + "title": "History of the Cleveland Rams", + "text": "major sports leagues. History of the Cleveland Rams The professional American football team now known as the Los Angeles Rams was established in Cleveland as the Cleveland Rams, and played there from 1936 to 1945. The Rams competed in the second American Football League (AFL) for the 1936 season and the National Football League (NFL) from 1937\u20131945, winning the NFL championship in 1945, before moving to Los Angeles in 1946 to become the only NFL champion ever to play the following season in another city. The move of the team to Los Angeles helped to jump-start the reintegration of pro", + "score": 0.73876953125 + }, + { + "id": "13518807", + "title": "Los Angeles Rams", + "text": "California and Los Angeles to being one of five. The Los Angeles Dodgers moved from Brooklyn in 1958, the Los Angeles Chargers of the upstart AFL was established in 1960, the Los Angeles Lakers moved from Minneapolis in 1960, and the Los Angeles Angels were awarded to Gene Autry in 1961. In spite of this, the Rams continued to thrive in Southern California. In the first two years after the Dodgers moved to California, the Rams drew an average of 83,681 in 1958 and 74,069 in 1959. The Rams were so popular in Los Angeles that the upstart Chargers chose", + "score": 0.73828125 + }, + { + "id": "16192530", + "title": "History of the Los Angeles Rams", + "text": "to the Edward Jones Dome in light of those entities, as well as taxpayers, continuing to owe approximately $300 million more on that facility. As such, if a resolution was not reached by the end of the 2014 NFL season and the city of St. Louis remained non-compliant in its obligations under the lease agreement, the Rams would be free to nullify their lease and go to a year-to-year lease. Months later, the Rams scheduled to play in London, which violates the Edward Jones Dome's terms of lease. On January 4, 2016, the St. Louis Rams filed for relocation to", + "score": 0.73779296875 + }, + { + "id": "10216968", + "title": "1946 Los Angeles Rams season", + "text": "National Football League's Cleveland Rams played their games in the booming Southern California city of Los Angeles. Cleveland had won the 1945 NFL Championship Game by a 15-14 score over the Washington Redskins in December 1945 and immediately pursued plans to relocate to the greener pastures of the Pacific coast. On January 15, 1946, Rams team representatives went before the Los Angeles Coliseum Commission with a plan to lease use of the facility for home games \u2014 the bowl then currently being used for home games played by UCLA and the University of Southern California. The Commission had previously been", + "score": 0.73779296875 + }, + { + "id": "15476167", + "title": "Homer Marshman", + "text": "poorly on the field. Between 1937 and 1942, the Rams' best finish was third place in the Western Division, with 5 wins and 6 losses in 1942. In June 1941, Marshman and his partners sold the Rams to grocery magnate Daniel Reeves and Frederick Levy, Jr. for about $100,000. In January 1946, after the team finally was successful on the field and just had won the 1945 NFL Championship, Reeves, a New York City native, moved the Rams to Los Angeles. Marshman then became co-owner and secretary of the Cleveland Browns from 1954 to 1962, when he sold his shares", + "score": 0.7373046875 + }, + { + "id": "10213132", + "title": "1989 Los Angeles Rams season", + "text": "1989 Los Angeles Rams season The 1989 Los Angeles Rams season was the team's 52nd year with the National Football League and the 44th season in Los Angeles. It constituted their last postseason appearance in Los Angeles before owner Georgia Frontiere, who would eventually move the team, sold many top players, and they were only stopped by a powerful 49ers team from reaching the Super Bowl. It also constituted their last winning season until 1999 in St. Louis, and last as the L.A. Rams until 2017. In week 16, Jerry Gray returned an interception 27 yards for a touchdown. The", + "score": 0.7373046875 + }, + { + "id": "14177661", + "title": "2010 St. Louis Rams season", + "text": "Oklahoma. This year marked their second season under head coach Steve Spagnuolo. The Rams played all of their home games at the Edward Jones Dome, in St. Louis, Missouri. The Rams fired two trainers (Jim Anderson and Dake Walden), and assistant line coach Art Valero left for the Seattle Seahawks. Stan Kroenke was approved by the NFL on August 25, 2010 to purchase 100% of the Rams from the current owners Chip Rosenbloom and Lucia Rodriguez. Kroenke took control of the team before the start of the 2010 season. He also owns the Denver Nuggets of the NBA, as well", + "score": 0.73681640625 + }, + { + "id": "16192480", + "title": "History of the Los Angeles Rams", + "text": "the Rams transfer to Los Angeles was permitted. A settlement was reached and, as a result, Reeves was allowed to move his team to Los Angeles. Consequently, the NFL became the first professional coast-to-coast sports entertainment industry. From 1933, when Joe Lillard left the Chicago Cardinals, through 1946, there were no Black players in American professional football. After the Rams had received approval to move to Los Angeles, the Rams entered into negotiations to lease the Los Angeles Memorial Coliseum. The Rams were advised that a precondition to them getting a lease was that they would have to integrate the", + "score": 0.736328125 + }, + { + "id": "17084818", + "title": "2016 NFL season", + "text": "about its intentions to relocate to Los Angeles in January during the timetable when teams can request to relocate. On January 4, 2016, both teams filed relocation applications for relocation to Los Angeles. On January 12, 2016, the NFL voted to allow the Rams move to Los Angeles and the Inglewood proposal, effectively rejecting and killing the Carson proposal. The Chargers were then given the option to join the Rams in Inglewood in 2016, with the Raiders having the option in 2017 if the Chargers declined; the Chargers announced on January 29 that they would remain in San Diego for", + "score": 0.736328125 + }, + { + "id": "7442124", + "title": "Georgia Frontiere", + "text": "hoped the team would be sold to longtime minority owner Stan Kroenke. Then on August 25, 2010, Kroenke received unanimous approval from league owners as the new owner of the Rams. Kroenke immediately bought half of the 60% share of the team held by Frontiere's children and later purchased the remaining half at a later date at a reported valuation of $750 million. The Rams would return to Los Angeles after the 2015 NFL season, after negotiations to build a new stadium in Downtown St. Louis fell through. Throughout her career, Frontiere was devoted to a range of philanthropic causes.", + "score": 0.73583984375 + }, + { + "id": "16192533", + "title": "History of the Los Angeles Rams", + "text": "12 votes. After hours of searching to find a compromise, it was determined that the Rams would relocate to Los Angeles and the Chargers would have the option to join them, while the Raiders would have the option to join the Rams if the Chargers elected not to move. Until the Los Angeles Stadium at Hollywood Park has finished construction and is ready for use, the Rams are playing their home games at the Los Angeles Memorial Coliseum, which had been home to the team for 33 seasons (1946\u20131979), and is currently also the home of the USC Trojans college", + "score": 0.7353515625 + }, + { + "id": "16192501", + "title": "History of the Los Angeles Rams", + "text": "the Rams had no problem selling out games. In 1980, the team posted an 11\u20135 record, but only managed a wild card spot and were sent packing after a loss to the Cowboys. Age and injuries finally caught up with the Rams in 1981, as they only won six games and missed the playoffs for the first time in nine years. After the 1982 season was shortened to nine games by a strike, the Rams went 2\u20137, the team's worst season since 1962, when they won only 1 game. In 1982, the Oakland Raiders moved to Los Angeles and took", + "score": 0.73486328125 + }, + { + "id": "7442113", + "title": "Georgia Frontiere", + "text": "the franchise until she died in 1962. However, during Frontiere's tenure, she was the only active female majority owner in the NFL. During her years as owner, Frontiere moved the Rams twice, first relocating from the Los Angeles Memorial Coliseum in 1980 to Anaheim (a deal Carroll made in 1978), then to St. Louis in 1995. Initially criticized and harassed for being a woman in a league dominated by men and for not being capable of running a football team, Frontiere quickly asserted control of the Rams and addressed her detractors during her first press conference saying, \"There are some", + "score": 0.734375 + }, + { + "id": "17074621", + "title": "2014 NFL season", + "text": "light of those entities, as well as taxpayers, continuing to owe approximately $300 million more on that facility. As such, if a resolution is not reached by the end of the 2014\u20132015 NFL season and the City of St. Louis remains non-compliant in its obligations under the lease agreement, the Rams would be free to nullify their lease and relocate. On January 31, 2014, both the \"Los Angeles Times\" and the \"St. Louis Post-Dispatch\" reported that Rams owner Stan Kroenke purchased 60 acres of land adjacent to the Forum in Inglewood, Los Angeles County, California. It was, by the most", + "score": 0.73388671875 + }, + { + "id": "8318977", + "title": "History of the National Football League in Los Angeles", + "text": "History of the National Football League in Los Angeles Professional American football, especially its established top level, the National Football League (NFL), has had a long and complicated history in Los Angeles, which is the center of the second-largest media market in the United States. Los Angeles was the first city on the West Coast of the United States to host an NFL team of its own, when the former Cleveland Rams relocated to Los Angeles in 1946 and played at the Los Angeles Memorial Coliseum (\"The Coliseum\") from 1946 until 1979. The Rams, after moving to suburban Anaheim, California", + "score": 0.73291015625 + }, + { + "id": "10073004", + "title": "1995 St. Louis Rams season", + "text": "1995 St. Louis Rams season The 1995 St. Louis Rams season was the team's 58th year with the National Football League (NFL) and the first of 21 seasons in St. Louis. The Rams looked to start their tenure in St. Louis strong by improving on their 4\u201312 record from 1994. In their first game in St. Louis, the Rams beat the New Orleans Saints, 17\u201313, and ultimately got off to a 4\u20130 start and looked poised to make a statement in the NFC. However, the team struggled later in the season. In week 8, the Rams were pounded, 44\u201310, by", + "score": 0.73291015625 + }, + { + "id": "13518821", + "title": "Los Angeles Rams", + "text": "and missed the playoffs for the first time in nine years; adding to the woes was Ferragamo being wrested away by the CFL's Montreal Alouettes that year (although he would return the following season). After the 1982 season was shortened to nine games by a strike, the Rams went 2-7, the worst record in the NFC. In 1982, the Oakland Raiders moved to Los Angeles and took up residence in the Los Angeles Memorial Coliseum. The combined effect of these two moves was to divide the Rams' traditional fanbase in two. This was coupled with the early 1980s being rebuilding", + "score": 0.732421875 + }, + { + "id": "6891434", + "title": "Dan Reeves (American football executive)", + "text": "his team to sunny southern California, and the league approved the move on January 12, 1946. On January 15, Rams team representatives went before the Los Angeles Coliseum Commission with a plan to lease use of the facility for home games \u2014 it was already the home venue for college football for both UCLA and USC of the Pacific Coast Conference. On January 23, the Coliseum Commission approved use of the 103,000-seat stadium for Rams' Sunday home games during the 1946 season. In moving to Los Angeles, Reeves became the owner of the first American professional sports franchise to be", + "score": 0.732421875 + }, + { + "id": "10185949", + "title": "1994 Los Angeles Rams season", + "text": "nowhere to be found. The game was a close affair with the hapless Washington Redskins and despite being favored by 3.5 points, Los Angeles ended up falling by three points to end 49 seasons of Los Angeles Ram football. They would subsequently return to Los Angeles in 2016 after experiencing similar issues in St. Louis as they previously did in Los Angeles. By 1995, the Los Angeles Rams has withered to a mere shadow of their former self. Accusations and excuses were constantly thrown back and forth between the Rams\u2019 fan base, ownership, and local politicians. Many in the fan", + "score": 0.732421875 + }, + { + "id": "19128101", + "title": "2016 Los Angeles Rams season", + "text": "meeting on January 12; after two ballots, the Rams' proposal was accepted on a 30\u20132 vote. The Coliseum was previously the Rams' home for 34 seasons (1946\u20131979); they moved to Anaheim Stadium in Orange County in 1980, and played there for fifteen seasons before the move to St. Louis in 1995. Notes On November 25, 2015, the NFL announced that the Rams would play host to a then-undetermined NFC East opponent in the International Series, in the first-ever game at Twickenham Stadium in London, United Kingdom. On January 3, 2016, the New York Giants were confirmed as the Rams' opponent", + "score": 0.732421875 + }, + { + "id": "7158857", + "title": "St. Louis Stallions", + "text": "hostile takeover that resulted in his purchase of the Patriots in 1994. During the 1994 season Georgia Frontiere, the owner of the Los Angeles Rams, was having trouble finding a new stadium for her team as the city of Los Angeles and the surrounding area was not willing to have taxpayer money pay for it. At the time, the Rams were playing in Anaheim Stadium, to which the team had moved in 1980 from the Los Angeles Memorial Coliseum and which had required a massive reconstruction in order for the Rams to be able to play in what was originally", + "score": 0.732421875 + }, + { + "id": "8318995", + "title": "History of the National Football League in Los Angeles", + "text": "Rams fans, bothered by Frontiere talking to other cities about moving the franchise, voiced their anger by asking for her to sell the team, booing her and starting derogatory chants at games directed at her. Attendance began dwindling, due to frustration by the fans over ownership and the performance by the team on the field. Eventually, St. Louis gave Frontiere the offer she wanted, a brand-new $280 million domed stadium called the \"Trans World Dome\" (now known as the Dome at America's Center) with a long-term lease and over 100 luxury boxes. The move was announced in February 1995 and", + "score": 0.73193359375 + }, + { + "id": "16486928", + "title": "Professional sports in the Western United States", + "text": "1946, Cleveland Rams owner Dan Reeves relocated the team from Cleveland to Los Angeles, following the team's victory in the 1945 NFL Championship Game. The Rams played their games in Los Angeles Memorial Coliseum. Not only were the Rams the first NFL team in the West, they were also the first NFL team to have African-American players on their squad since 1932 by signing Kenny Washington and Woody Strode in 1946. The Rams have been in the Los Angeles metropolitan area for most of the time since then, with the exception of a 21-season stretch (1995\u20132015) in which the team", + "score": 0.7314453125 + }, + { + "id": "7158861", + "title": "St. Louis Stallions", + "text": "similar installations by this point; it was eventually converted to an AstroTurf-branded surface that more resembled FieldTurf, though this dark surface only increased the dreary feel of the stadium). By the early 2010s, the dome was consistently considered one of the worst stadiums in the NFL. On January 12, 2016, the NFL approved a request by Rams owner Stan Kroenke to move the Rams back to the Greater Los Angeles Area. The Rams plan to play in a new stadium in Inglewood, California due to open in 2020. The team's move left St. Louis with no team and no realistic", + "score": 0.73095703125 + }, + { + "id": "8318978", + "title": "History of the National Football League in Los Angeles", + "text": "in 1980, were joined in the Los Angeles metropolitan area by the Los Angeles Raiders when that team moved into the Coliseum in 1982. A combination of a split fan base and earthquake damage to the Coliseum prompted both teams to leave Los Angeles simultaneously prior to the 1995 season. The Raiders returned to their original home of Oakland, California, while the Rams began a 21-year tenure in St. Louis, Missouri. The two-decade span in which Los Angeles lacked an NFL team was brought on in part by the obsolescence of Los Angeles's existing stadiums, the unwillingness of the league", + "score": 0.73046875 + }, + { + "id": "17084813", + "title": "2016 NFL season", + "text": "for the 2015 season, the team filed a relocation application to relocate to Los Angeles and informed the NFL about this and released a statement on their website. On January 12, 2016, the NFL owners approved the Inglewood proposal and the Rams' relocation by a 30\u20132 vote; the Rams relocated almost immediately thereafter. On February 19, 2015, the Oakland Raiders and San Diego Chargers announced plans for a privately financed $1.7 billion stadium that the two teams would build in Carson, California if they were to move to the Los Angeles market. Such a move would have marked a return", + "score": 0.73046875 + }, + { + "id": "10214187", + "title": "1978 Los Angeles Rams season", + "text": "1978 Los Angeles Rams season The 1978 Los Angeles Rams season was the team's 41st year with the National Football League and the 33rd season in Los Angeles. The Rams won their sixth-straight division title and appeared in the NFC Championship game. Chuck Knox, who had coached the Rams for the previous five seasons, left the team after the 1977 season to join the Buffalo Bills. In February, 1978, Rams owner Carroll Rosenbloom hired former Rams coach George Allen, with much media fanfare. Allen had coached the Rams from 1966\u20131970, and had recently been dismissed by the Washington Redskins, whom", + "score": 0.73046875 + }, + { + "id": "8318988", + "title": "History of the National Football League in Los Angeles", + "text": "Rams met in three NFL championship games in six seasons\u2014in Cleveland in 1950 (Browns won 30-28) and in Los Angeles in 1951 (Rams won 24-17) and 1955 (Browns won 38-14). The Rams quickly became established as an NFL power, winning 7 straight divisional titles from 1973 to 1979, with top quarterbacks like Roman Gabriel and the legendary Fearsome Foursome, consisting of Rosey Grier, Lamar Lundy, Merlin Olsen and Deacon Jones. By 1979 the Rams were a successful franchise, and made it to their first Super Bowl that year. However, they had long been dissatisfied with the Los Angeles Memorial Coliseum.", + "score": 0.72998046875 + }, + { + "id": "2597731", + "title": "The Dome at America's Center", + "text": "The Dome's primary problem throughout the years centered on a lease signed by the Rams when they came to St. Louis in 1995. For the first decade, the Dome was considered a fine facility, but eventually the Rams and city leaders became concerned with the Dome's long-term viability. Under the terms of the lease that the Rams signed in 1995, the Dome was required to be ranked in the top quartile of NFL stadiums through 2015, measured at 10 year intervals. This meant the Dome had to have the proper fan amenities and other features found in modern NFL stadiums.", + "score": 0.7294921875 + }, + { + "id": "8753859", + "title": "History of the St. Louis Rams", + "text": "the second largest media market in America \u2014 for St. Louis (approximately the 18th-largest) was simply irresponsible and foolish, in spite of the notoriously fickle support of Los Angeles fans. With the Raiders moving from L.A. back to Oakland only a few months later, the NFL would have no franchise in Los Angeles for two decades, although the Coliseum was used for professional football in 2001 by the Los Angeles Xtreme of the now-defunct XFL. While the Rams dealt with stadium concerns in Los Angeles, efforts were under way to regain an NFL franchise in St. Louis to play in", + "score": 0.7294921875 + }, + { + "id": "10072911", + "title": "1998 St. Louis Rams season", + "text": "1998 St. Louis Rams season The 1998 St. Louis Rams season was the team\u2019s 61st year with the National Football League (NFL) and the fourth season in St. Louis. It was the second year for head coach Dick Vermeil. The team failed to improve on its 5\u201311 record from 1997, and instead finished the season 4\u201312 and missed the playoffs for the ninth consecutive season, during which they had compiled a league-worst 45\u201399 record. Despite all of this, the Rams showed many signs of life during the season when they beat playoff teams such as the New York Jets (who", + "score": 0.72900390625 + }, + { + "id": "17084809", + "title": "2016 NFL season", + "text": "approximately $300 million more on that facility. As such, if a resolution could not reached by the end of the 2014\u20132015 NFL season and the City of St. Louis remains non-compliant in its obligations under the lease agreement, the Rams would be free to nullify their lease and relocate. On January 31, 2014, both the \"Los Angeles Times\" and the \"St. Louis Post-Dispatch\" reported that Rams owner Stan Kroenke purchased 60 acres of land adjacent to the Forum in Inglewood, California. It would be, by the most conservative estimates, sufficient land on which an NFL-sized stadium may be constructed. The", + "score": 0.728515625 + }, + { + "id": "16192481", + "title": "History of the Los Angeles Rams", + "text": "team with at least one African-American; the Rams agreed to this condition. Subsequently, the Rams signed Kenny Washington on March 21, 1946. The signing of Washington caused \"all hell to break loose\" among the owners of the NFL franchises. The Rams added a second black player, Woody Strode, on May 7, 1946, giving them two black players going into the 1946 season. The Rams were the first team in the NFL to play in Los Angeles (the 1926 Los Angeles Buccaneers were strictly a road team), but they were not the only professional football team to play its home games", + "score": 0.728515625 + }, + { + "id": "10186085", + "title": "1993 Los Angeles Rams season", + "text": "on the schedule more frequently.\u201d Rumors of relocation affected the Rams\u2019 performance: owner Georgia Frontiere had wanted to break the Rams\u2019 lease of Anaheim Stadium at the end of the 1992 season, and there were over seven thousand no-shows at the November 21 game against the Redskins. At Christmas time, it was revealed that Frontiere wanted to move the Rams to Baltimore, which had lost out surprisingly to Jacksonville, Florida in the recent league expansion bid. This relocation was not approved, but the inadequacy of Anaheim Stadium led Frontiere to move the team to her hometown of St. Louis in", + "score": 0.728515625 + }, + { + "id": "8721728", + "title": "2006 St. Louis Rams season", + "text": "2006 St. Louis Rams season The 2006 St. Louis Rams season was the franchise\u2019s 69th year with the National Football League and the 12th season in St. Louis. The season began with the Rams trying to improve on their 6\u201310 record from 2005 under new head coach Scott Linehan. This was the Rams last non-losing season in St. Louis as the franchise would go on a ten-season losing record streak until 2017 in Los Angeles. Scott Linehan was named head coach of the St. Louis Rams on January 19, 2006. He previously served as the offensive coordinator for the Miami", + "score": 0.72802734375 + }, + { + "id": "13518827", + "title": "Los Angeles Rams", + "text": "game, then beat the Giants in overtime before suffering a 30-3 flogging at the hands of the 49ers in the NFC Championship Game. Although it wasn't apparent at the time, the 1989 NFC Championship Game was the end of an era. The Rams would never have another winning season for the rest of their first tenure in Los Angeles before relocating to St. Louis. They crumbled to 5-11 in 1990, followed by a 3-13 season in 1991. Robinson was fired at the end of the 1991 season. The return of Chuck Knox as head coach, after Knox's successful stints as", + "score": 0.72802734375 + }, + { + "id": "13518851", + "title": "Los Angeles Rams", + "text": "5, 2015, the \"Los Angeles Times\" reported that Stan Kroenke and the Stockbridge Capital Group were partnering to develop a new NFL stadium on an Inglewood, California property owned by Kroenke. On February 24, 2015, the Inglewood City Council approved the stadium and the initiative with construction on the stadium planned to begin in December 2015. The Rams plan to relocate to their new stadium in Inglewood in 2020, when the stadium will likely be ready. The day following the conclusion of the 2015 regular season, the Rams, Oakland Raiders, and San Diego Chargers all filed to relocate to Los", + "score": 0.7275390625 + }, + { + "id": "8721766", + "title": "2006 St. Louis Rams season", + "text": "to accomplish the feat. 2006 St. Louis Rams season The 2006 St. Louis Rams season was the franchise\u2019s 69th year with the National Football League and the 12th season in St. Louis. The season began with the Rams trying to improve on their 6\u201310 record from 2005 under new head coach Scott Linehan. This was the Rams last non-losing season in St. Louis as the franchise would go on a ten-season losing record streak until 2017 in Los Angeles. Scott Linehan was named head coach of the St. Louis Rams on January 19, 2006. He previously served as the offensive", + "score": 0.72705078125 + }, + { + "id": "13518860", + "title": "Los Angeles Rams", + "text": "non-losing year since 2006, as well as their first in Los Angeles since 1989. A week later, the Rams would defeat the Cardinals 32\u201316 to secure a winning season for the first time since the 2003 season. On December 24, 2017, the Rams defeated the Tennessee Titans 27\u201323 to clinch their first NFC West title since 2003, and their first in Los Angeles since 1985; they finished the regular season with an 11-5 record. However, the team would meet an early exit in the first round of the playoffs at the hands of the defending conference champion Atlanta Falcons 26\u201313.", + "score": 0.72705078125 + } + ], + "answer": "The Los Angeles Rams are a professional American football team that plays and competes in the National Football League (NFL). The Rams franchise was founded in 1936 as the Cleveland Rams in the short-lived second American Football League before joining the NFL the next year. In 1946, the franchise moved to Los Angeles. The Rams franchise remained in the metro area until 1994, when they moved to St. Louis, and were known as the St. Louis Rams from 1995 to 2015. The Rams franchise returned to Los Angeles in 2016. Their first game in St. Louis against the New Orleans Saints was played on September 10, 1995 with the Rams winning 17-13." + }, + { + "qa_pairs": [ + { + "context": "The Great Trek (; ) was an eastward migration of Dutch-speaking settlers who travelled by wagon trains from the Cape Colony into the interior of modern South Africa from 1836 onwards, seeking to live beyond the Cape\u2019s British colonial administration. The Great Trek resulted from the culmination of tensions between rural descendants of the Cape's original European settlers, known collectively as \"Boers\", and the British Empire. It was also reflective of an increasingly common trend among individual Boer communities to pursue an isolationist and semi-nomadic lifestyle away from the developing administrative complexities in Cape Town. Boers who took part in the Great Trek identified themselves as \"voortrekkers\", meaning \"pioneers\", \"pathfinders\" (literally \"fore-trekkers\") in Dutch and Afrikaans.", + "question": "When did the first wave of voortrekkers arrive in south africa?", + "short_answers": [ + "1836", + "1836 onwards" + ], + "wikipage": "Great Trek" + }, + { + "context": "No context provided", + "question": "When did the voortrekkers exploratory treks arrive in south africa?", + "short_answers": [ + "February 1835" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Voortrekkers (youth organisation)", + "url": "https://en.wikipedia.org/wiki/Voortrekkers%20%28youth%20organisation%29" + }, + { + "title": "Great Trek", + "url": "https://en.wikipedia.org/wiki/Great%20Trek" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "They arrived at the sweltering hot bay of Port Natal in February 1835, exhausted after their long journey. ", + "wikipage": "Great Trek" + } + ], + "long_answer": "The Great Trek was an eastward migration of Dutch-speaking settlers who travelled by wagon trains from the Cape Colony into the interior of modern South Africa from 1836 onwards. The exploratory treks however, arrived at the bay of Port Natal in February 1835." + }, + { + "knowledge": [], + "long_answer": "The Voortrekkers' exploratory treks arrived in South Africa in February 1835, and the first wave of Voortrekkers arrived in South Africa in 1836." + } + ], + "sample_id": "-7031499911070053371", + "question": "When did the voortrekkers arrive in south africa?", + "docs": [ + { + "id": "6984792", + "title": "Voortrekkers (youth organisation)", + "text": "In some ways the Voortrekker organisation represents an Afrikaans-language alternative to the largely English-speaking Boy Scout movement, with its British heritage. Dr. C.F. Visser formulated the original concept of a youth movement amongst Afrikaners in 1913 in Bloemfontein. Dr. Visser appealed to the directors of the Boy Scout movement (founded in 1907 and spreading to South Africa from 1908) to allow the incorporation of the Voortrekkers into the \"broader church\" under one umbrella, but this venture failed. The Scouts were in the main speakers of English, and differences about the role of language lead to difficulties. There were further complications", + "score": 0.751953125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information on when the voortrekkers arrived in South Africa." + }, + { + "id": "6984794", + "title": "Voortrekkers (youth organisation)", + "text": "the \"Colonel\" in \"Colonel Saunders\" of KFC). The official establishment of the Voortrekker movement dates from 30 September 1931. (This is distinct from the early endeavours of the informal movement established by Dr. C.F. Visser (also called \"Vader (Father) Visser\", seen as the father of the movement)). Dr. became the first \"Hoofleier\" (Chief leader) of the movement. Gen. J.B.M. Hertzog welcomed the first official Voortrekkers in the movement. In 1939 the Voortrekkers took part in the laying of the foundation stone at the Voortrekker Monument in Pretoria. Voortrekkers and other Afrikaners celebrated this event widely, walking with burning torches in", + "score": 0.75, + "summary": "Irrelevant.", + "extraction": "The passage is irrelevant as it doesn't mention when the voortrekkers arrived in South Africa." + }, + { + "id": "16339270", + "title": "De Voortrekkers", + "text": "De Voortrekkers De Voortrekkers is a 1916 film. This 1916 epic film was one of the first South African dramatic film productions. It tells the story of the Boers\u2019 Great Trek at the end of the 1830s, concluding with a hegemonic reconstruction of the 1838 Battle of Blood River, where a few hundred armed Afrikaners defeated several thousand Zulus. Commemorating as it did their view of a highly contentious period of history, the film came to be revered by Afrikaners. It enjoyed a long after-life in South African classrooms and was shown annually on the date of the Battle of", + "score": 0.748046875, + "summary": "The document is irrelevant to the question.", + "extraction": "The passage is irrelevant as it does not provide any information on when the voortrekkers arrived in South Africa." + }, + { + "id": "6984795", + "title": "Voortrekkers (youth organisation)", + "text": "many locations in South Africa. In 1940, Dr. C.F. Visser became the leader of the Voortrekkers. The members of the organisation celebrated the completion of the Voortrekker monument in 1949. They also contributed to the festival of van Riebeeck in Cape Town in 1952, where the arrival of Jan van Riebeeck in Table Bay in 1652 was commemorated. Dr. J. de V. Heese (\u201cOom Japie\u201d) became the new leader of the Voortrekkers in 1959. He had previously served as the General Secretary of the movement. Heese died in 1966. In 1966, \u201cOom Badie Badenhorst\u201d, was elected as leader of the", + "score": 0.74755859375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about when the voortrekkers arrived in South Africa." + }, + { + "id": "6984797", + "title": "Voortrekkers (youth organisation)", + "text": "(Reverend) J.P.L. (\u201cOom Johan\u201d) van der Walt was elected as leader for the Voortrekkers in 1989. The Voortrekkers started to transform the movement in 1989, adapting its constitution for a changing South Africa. At the Voortrekker\u2019s national congress at Hartenbos in 1997, Prof Tom Dreyer was elected as new leader until 2001. During his term, the old-fashioned and formal uniform, was replaced with a modern Voortrekker uniform. During the congress of 2001 in Pretoria, the eighth leader of the Voortrekker, Prof. TP Strauss (\u201coom Piet\u201d) was elected. Constant adaptations were made and are still made, to transform the Voortrekkers to", + "score": 0.744140625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about when the Voortrekkers arrived in South Africa." + }, + { + "id": "12357392", + "title": "Afrikaners", + "text": "and 1840s, an organised migration of an estimated 14,000 Boers, known as \"voortrekkers\", across the Cape Colony's frontier began. The voortrekkers departed the colony in a series of parties, taking with them all their livestock and potable property, as well as their dependents and slaves. They had the skills to maintain their own wagons and firearms, but remained dependent on equally mobile traders for vital commodities such as gunpowder and sugar. Nevertheless, one of their goals was to sever their ties with the Cape's commercial network by gaining access to foreign traders and ports in east Africa, well beyond the", + "score": 0.7421875, + "summary": "An estimated 14,000 Boers, known as \"voortrekkers\", arrived in South Africa during the 1830s and 1840s.", + "extraction": "In the 1830s and 1840s, an estimated 14,000 Boers called \"voortrekkers\" arrived in South Africa." + }, + { + "id": "1523527", + "title": "Orange Free State", + "text": "and in the Drakensberg and on the western border lived numbers of San (Bushmen). Early in the 19th century Griquas established themselves north of the Orange. In 1824 farmers of Dutch, French Huguenot and German descent known as Voortrekkers (later named Boers by the English) walked from the Cape Colony, seeking pasture for their flocks and to escape British governmental oversight, settling in the country. Up to this time the few Europeans who had crossed the Orange had come mainly as hunters or as missionaries. These early migrants were followed in 1836 by the first parties of the Great Trek.", + "score": 0.740234375, + "summary": "The Voortrekkers arrived in South Africa in 1824.", + "extraction": "In 1824 farmers of Dutch, French Huguenot and German descent known as Voortrekkers (later named Boers by the English) walked from the Cape Colony, seeking pasture for their flocks and to escape British governmental oversight, settling in the country." + }, + { + "id": "16638372", + "title": "Hoe\u0308rskool Voortrekker", + "text": "Ds Louw started campaigning for the establishment of a secondary school for Afrikaans speaking children on the Witswatersrand. By 1938 Louw was frail and in poor health. As one of the last surviving preachers who had stayed with the Boer forces throughout the war, he was asked to deliver the sermon at the foundation stone laying for the Voortrekker Monument on 16 June 1938 Voortrekker High School was the first Afrikaans school on the Witswatersrand. The school was started by a group of Afrikaners, under the leadership of Louw, who wanted their children to have an alternative to English schools.", + "score": 0.73779296875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "11869868", + "title": "Voortrekker High School", + "text": "Voortrekker High School Voortrekker High School is a public, co-education, dual-medium (Afrikaans and English) High School situated in Cordwalles Road, Pietermaritzburg, South Africa. Voortrekker High School was founded in 1927 and was the first Afrikaans High School in KwaZulu-Natal. From January 1992, Voortrekker was the only Afrikaans medium school in Pietermaritzburg. It is rich in tradition with high standards in academics, sport and cultural activities. Since the origin of the first schools in South Africa, Dutch was accepted as a formal first or second language in these schools. Afrikaans was only accepted as a language for education in 1916. The", + "score": 0.7373046875, + "summary": "The document is irrelevant to the question of when the Voortrekkers arrived in South Africa.", + "extraction": "The passage is irrelevant to the question \"When did the voortrekkers arrive in south africa?\" as it does not provide any information about the arrival of the voortrekkers in South Africa." + }, + { + "id": "6984793", + "title": "Voortrekkers (youth organisation)", + "text": "hinging upon religious declarations or beliefs, and no agreement could be reached. The values and principles of the Voortrekker organisation were perceived, at the time, to be more nationalistic and religious in tone than those of the Scouting Movement programme. In 1920 the first \"Kommando\" of the Voortrekkers (English equivalent: \"Troop\") was established in Bloemfontein at the Central High School. In 1923 two more kommandos started - in Graaf Reinet (led by \"Oom Japie Heese\") and in Niewoutsville (with \"Oom Laubie\" as leader). (Note: the term \"Oom\" in Afrikaans (\"Uncle\") is, amongst other things, an honorific and is equivalent to", + "score": 0.736328125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information on when the voortrekkers arrived in South Africa." + }, + { + "id": "1648246", + "title": "Great Trek", + "text": "population or 10% of the white population in the 1830s) trekked. The first two parties of Voortrekkers left in September 1835 led by Louis Tregardt and Hans van Rensburg. These two parties crossed the Vaal river at Robert's Drift in January 1836, but in April 1836 the two parties split up, just seventy miles from the Zoutpansberg mountains, following differences between Tregardt and van Rensburg. A later party led by Hendrik Potgieter trekked out of the Tarka area in either late 1835 or early 1836, and in September 1836 a party led by Gerrit Maritz began their trek from Graaff-Reinet.", + "score": 0.73486328125, + "summary": "The first two parties of Voortrekkers led by Louis Tregardt and Hans van Rensburg arrived in South Africa in January 1836.", + "extraction": "The first two parties of Voortrekkers left in September 1835 led by Louis Tregardt and Hans van Rensburg. These two parties crossed the Vaal river at Robert's Drift in January 1836." + }, + { + "id": "6984791", + "title": "Voortrekkers (youth organisation)", + "text": "Voortrekkers (youth organisation) The Voortrekkers is an Afrikaner youth organisation founded in South Africa in 1931. In the words of its mission statement (as translated), \"Die Voortrekkers (organisation) empowers the Afrikaners to be successful as positive citizens and dependable Christians.\" The motto of the movement, \"Hou Koers\", translates as \"Hold [your] Course\". The values of the organisation are encapsulated in what is referred to as \"The ABC\". The ten principles that guide the members of the movement are: The founding of the Voortrekkers coincided with a growth in Afrikaner nationalism in South Africa, then a member of the British Commonwealth.", + "score": 0.73388671875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information on when the voortrekkers arrived in South Africa." + }, + { + "id": "20502631", + "title": "Voortrekker (yacht)", + "text": "Voortrekker (yacht) Voortrekker is a racing yacht that became famous for placing first on handicap in the 1968 Single-Handed Trans-Atlantic Race and for placing second in the 1982/83 BOC Challenge despite being 14 years old and considered obsolete. The Springbok Ocean Racing Trust announced that South Africa would have an entrant in the 1968 Single-Handed Trans-Atlantic Race and began fundraising to build a yacht. A design was ordered from Ricus van de Stadt and the order to build her was placed with Thesens of Knysna. Originally designed as a ketch, she was later re-rigged as a racing sloop by Brian", + "score": 0.72998046875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the arrival of voortrekkers in South Africa." + }, + { + "id": "2632438", + "title": "Voortrekker Monument", + "text": "Voortrekker Monument The Voortrekker Monument is located just south of Pretoria in South Africa. This massive granite structure is prominently located on a hilltop, and was raised to commemorate the Voortrekkers who left the Cape Colony between 1835 and 1854. On 8 July 2011 the Voortrekker Monument, designed by the architect Gerard Moerdijk, was declared a National Heritage Site by the South African Heritage Resource Agency. The idea to build a monument in honour of God was first discussed on 16 December 1888, when President Paul Kruger of the South African Republic attended the Day of the Covenant celebrations at", + "score": 0.72802734375, + "summary": "The Voortrekkers left the Cape Colony between 1835 and 1854.", + "extraction": "The Voortrekkers who left the Cape Colony between 1835 and 1854." + }, + { + "id": "3089843", + "title": "Trekboer", + "text": "efforts in 1796. A generation later, another group of Boers resisted the administration of British legislation in 1815. They rebelled at Slagters Nek and the British executed some of the Boer leaders. Because of further British encroachments, constant border wars with the Xhosa to the east, and growing land shortages, numerous Boer settlers of the eastern Cape became Voortrekkers. Numerous Trekboere settled down to become border farmers for a few generations and later voortrekkers. But many of the group continued well into the 20th century as an economic class of nomadic pastoralists. Many Trekboere crossed the Orange River decades before", + "score": 0.724609375, + "summary": "Some Boer settlers in the eastern Cape became Voortrekkers due to British encroachments, border wars with the Xhosa, and growing land shortages. However, the document does not specify when the Voortrekkers arrived in South Africa.", + "extraction": "Irrelevant. The passage does not provide information about when the voortrekkers arrived in South Africa." + }, + { + "id": "16339271", + "title": "De Voortrekkers", + "text": "Blood River. De Voortrekkers De Voortrekkers is a 1916 film. This 1916 epic film was one of the first South African dramatic film productions. It tells the story of the Boers\u2019 Great Trek at the end of the 1830s, concluding with a hegemonic reconstruction of the 1838 Battle of Blood River, where a few hundred armed Afrikaners defeated several thousand Zulus. Commemorating as it did their view of a highly contentious period of history, the film came to be revered by Afrikaners. It enjoyed a long after-life in South African classrooms and was shown annually on the date of the", + "score": 0.72412109375, + "summary": "The document is irrelevant to the question of when the voortrekkers arrived in South Africa.", + "extraction": "The passage is irrelevant as it does not provide any information about when the voortrekkers arrived in South Africa." + }, + { + "id": "52581", + "title": "British Empire", + "text": "for its ships travelling to and from its colonies in the East Indies. Britain formally acquired the colony, and its large Afrikaner (or Boer) population in 1806, having occupied it in 1795 to prevent its falling into French hands during the Flanders Campaign. British immigration began to rise after 1820, and pushed thousands of Boers, resentful of British rule, northwards to found their own\u2014mostly short-lived\u2014independent republics, during the Great Trek of the late 1830s and early 1840s. In the process the Voortrekkers clashed repeatedly with the British, who had their own agenda with regard to colonial expansion in South Africa", + "score": 0.72412109375, + "summary": "The Voortrekkers arrived in South Africa during the Great Trek of the late 1830s and early 1840s.", + "extraction": "The Voortrekkers arrived during the Great Trek of the late 1830s and early 1840s." + }, + { + "id": "3643032", + "title": "Mzilikazi", + "text": "used the method of scorched earth to keep distance to all surrounding kingdoms. The death toll has never been satisfactorily determined, but the region was so depopulated that the Voortrekkers were able to occupy and take ownership of the Highveld area without opposition in the 1830s. Voortrekkers began to arrive in Transvaal in 1836, and, after several confrontations over the next two years, the Ndebele suffered heavy losses. By early 1838, Mzilikazi was forced north across the Limpopo and out of Transvaal altogether. Further attacks first caused him to move west again to present-day Botswana and then later northwards towards", + "score": 0.72265625, + "summary": "The Voortrekkers arrived in Transvaal in 1836.", + "extraction": "The Voortrekkers began to arrive in Transvaal in 1836." + }, + { + "id": "9850165", + "title": "History of South Africa (1815\u20131910)", + "text": "the demise of Zulu independence. Meanwhile, the Boers had started to grow increasingly dissatisfied with British rule in the Cape Colony. Various factors contributed to the migration, including Anglicization policies and restrictive laws on slavery. Beginning in 1835, several groups of Boers, together with large numbers of Khoikhoi and black servants, decided to trek off into the interior in search of greater independence. North and east of the Orange River (which formed the Cape Colony's frontier) these Boers or Voortrekkers (\"Pioneers\") found vast tracts of apparently uninhabited grazing lands. They had, it seemed, entered their promised land, with space enough", + "score": 0.72265625, + "summary": "The Voortrekkers arrived in South Africa in 1835, trekking off into the interior in search of greater independence due to dissatisfaction with British rule in the Cape Colony.", + "extraction": "Beginning in 1835, several groups of Boers, together with large numbers of Khoikhoi and black servants, decided to trek off into the interior in search of greater independence." + }, + { + "id": "17449746", + "title": "Palgrave Commission", + "text": "under their dynamic leader Jan Jonker Afrikaner. In 1868, a second group, the Basters, began to push north into South West Africa. In the ensuing conflict with the other nations of the area, they established a republic and parliament in 1872, around the settlement of Rehoboth. From the 1870s however, increasing numbers of white Trekboers began to enter South West Africa from the east, causing even worse internecine warfare. Furthermore, as the scramble for Africa loomed, several observant local leaders became aware that full European colonisation of the territory was probably on the way. In this context, the great Herero", + "score": 0.72216796875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention the arrival of voortrekkers in South Africa." + }, + { + "id": "6984796", + "title": "Voortrekkers (youth organisation)", + "text": "Voortrekkers. During his term of office the Voortrekkers contributed to the inauguration of the monument at Bloedrivier between 13\u201317 December 1971 as well as the inauguration of the Taalmonument (Afrikaans language monument) in Paarl on 10 October 1975. The first \u201cPresident's Verkenners\u201d received their badges from State President C.R. Swart. Prof. C.W.J. (\u201cOom Carel\u201d) Boshoff was the leader during this period. This was a time of serious discord and argument among Afrikaners about Apartheid. Some believed that Apartheid was right and others felt that it was wrong. These upheavals were bound to affect the Voortrekker movement in the end. Ds.", + "score": 0.720703125 + }, + { + "id": "19054593", + "title": "Voortrekker Fort, Ohrigstad", + "text": "Voortrekker Fort, Ohrigstad Voortrekker Fort/Ohrigstad Fort was constructed before 1847 to act as a refuge for local Voortrekker families due to the constant attacks of local Bantu tribes. It is situated in the Ohrigstad area of northern Mpumalanga province which was first settled by Europeans under the leadership of Andries Hendrik Potgieter.before europeans Black people where there,Bakgautswana under leadership of king Kgoete. The Voortrekker Fort was built circa. 1847 by early pioneering Voortrekkers in modern day Mpumalanga Province, South Africa. The main purpose of the fortifications were to protect themselves and their families against possible attacks by the local tribes", + "score": 0.72021484375 + }, + { + "id": "20502633", + "title": "Voortrekker (yacht)", + "text": "on handicap in the Observer Transatlantic Race. His success in this race led to a surge of interest in sailing in South Africa. In 1969 \"Voortrekker\" was handed over to the South African Navy Sailing Association, to be used for sail training and to take part in ocean racing for South Africa. In 1982 \"Voortrekker\" (branded \"Altech Voortrekker\" to reflect its sponsorship by Altech) entered the BOC Challenge. \"Voortrekker\" was skippered by Navy Warrant Officer Bertie Reed and was 17 years old at that time, the oldest boat in the fleet. Reed described her as the \"fastest, most uncomfortable, prettiest", + "score": 0.7177734375 + }, + { + "id": "15736050", + "title": "South African Class S1 0-8-0", + "text": "handed over to the Operating Department by the senior member of the Railway Board, Mr F.T. Bates. In honour of the occasion and in view of the approaching inauguration of the Voortrekker Monument in 1949, it was named \"Voortrekker\". A further 25 Class S1 locomotives were subsequently ordered from the North British Locomotive Company (NBL) in Glasgow. They were built in 1953 and delivered in 1953 and 1954, numbered in the range from 3801 to 3825. Even though it was not wholly a South African product with its imported main bar frames, tyres, superheater elements and some proprietary fittings, the", + "score": 0.71630859375 + }, + { + "id": "12357410", + "title": "Afrikaners", + "text": "Dutch East India Company (VOC), a number of foreigners also boarded ships in the Netherlands to settle there. Their numbers can be easily reconstructed from censuses of the Cape rather than passenger lists, taking into account VOC employees who later returned to Europe. Some Europeans also arrived from elsewhere in Holland's sphere, especially German soldiers being discharged from colonial service. As a result, by 1691 over a quarter of the white population of South Africa was not ethnically Dutch. The number of permanent settlers of both sexes and all ages, according to figures available at the onset of British rule,", + "score": 0.7158203125 + }, + { + "id": "12357357", + "title": "Afrikaners", + "text": "immigrants remained in short supply and included a number of orphans, refugees, and foreigners accordingly. From 1688 onward the Cape attracted some French Huguenots, most of them refugees from the protracted conflict between Protestants and Catholics in France. South Africa's white population in 1691 has been described as the Afrikaner \"parent stock\", as no significant effort was made to secure more colonist families after the dawn of the 18th century, and a majority of Afrikaners are descended from progenitors who arrived prior to 1700 in general and the late 1600s in particular. Although some two-thirds of this figure were Dutch-speaking", + "score": 0.71484375 + }, + { + "id": "16638375", + "title": "Hoe\u0308rskool Voortrekker", + "text": "buildings in Johannesburg including Escom House and buildings of the Rand Easter Show grounds. He was also responsible for the drawings of the Tower of Light at the show grounds. Anton van Wouw, South Africa most renowned sculptor was commissioned to create a bas-relief depicting the \"Groot Trek\". Anton van Wouw\u2019s work includes the statue of Paul Kruger on Church Square Pretoria, the Woman Memorial in Bloemfontein and statues at the Voortrekker Monument. Building of the hall started in July 1936 and the building and bas relief was inaugurated on 9 December 1938. In 1974 a statue of a Voortrekker", + "score": 0.71484375 + }, + { + "id": "1648249", + "title": "Great Trek", + "text": "the sacking of the Ndebele settlement at Mosega, the death of four hundred Ndebele and the taking of 7000 cattle. The second commando resulted in forcing Mzilikazi and his followers to flee to what is now modern day Zimbabwe. By spring (September/October) 1837 five to six large Voortrekker settlements had been established between the Vaal and Orange Rivers with a total population of around 2,000 trekkers. In October 1837 Retief met with Zulu King Dingane to negotiate a treaty for land to settle in what is now Kwa-Zulu Natal. King Dingane, feeling suspicious and insecure due to previous Voortrekker influxes", + "score": 0.712890625 + }, + { + "id": "2632443", + "title": "Voortrekker Monument", + "text": "much of the interior of the monument can be viewed. Through an opening in this dome a ray of sunlight shines at twelve o'clock on 16 December annually, falling onto the centre of the Cenotaph, striking the words 'Ons vir Jou, Suid-Afrika' (Afrikaans for 'We're for you, South Africa'), a line from 'Die Stem van Suid-Afrika'. The ray of light is said to symbolise God's blessing on the lives and endeavours of the Voortrekkers. 16 December 1838 was the date of the Battle of Blood River, commemorated in South Africa before 1994 as the Day of the Vow. The Cenotaph", + "score": 0.70947265625 + }, + { + "id": "4807315", + "title": "Dutch people", + "text": "citizens who undertook to spend at least twenty years in South Africa. Upon the revocation of the Edict of Nantes in 1685, they were joined by French Huguenots fleeing religious persecution at home, who interspersed among the original freemen. Between 1685 and 1707 the Company also extended free passage to any Dutch families wishing to resettle at the Cape. At the beginning of the eighteenth century there were roughly 600 people of Dutch birth or descent residing in South Africa, and around the end of Dutch rule in 1806 the number had reached 13,360. Some \"vrijburgers\" eventually turned to cattle", + "score": 0.70703125 + }, + { + "id": "12189927", + "title": "Bruce Dalling", + "text": "for the 1968 OSTAR. After the race \"Voortrekker\" returned from the USA to South Africa on board the Safmarine freighter \"SA Weltevreden\". She was hoisted by crane off the special cradle that had been assembled for her transportation across the Atlantic and lowered into the water at Cape Town docks. After the mast had been stepped, Bruce sailed her along the Atlantic seaboard for ninety minutes where many fans had assembled to welcome the sailor home. \"Voortrekker\" then docked at Granger Bay, where Vice-Admiral Hugo Biermann, Dr Anton Rupert \u2013 head of the Rembrandt Group that underwrote the venture and", + "score": 0.7060546875 + }, + { + "id": "12442355", + "title": "South African Wars (1879\u20131915)", + "text": "pastoralists known as \"trekboers\" who frequently ventured beyond the Cape's frontier. This led to an expansion of the colony's borders and clashes with the Xhosa tribe over pastureland in the vicinity of the Great Fish River. Beginning in 1818, thousands of British immigrants were introduced by the colonial government to bolster the local European workforce and help populate the frontier as an additional defence against the Xhosa. By 1871, the Cape was by far the largest and most powerful state in the region. Its northern border had been established at the Orange River, and Britain had handed over the administration", + "score": 0.7041015625 + }, + { + "id": "12057288", + "title": "White Africans of European ancestry", + "text": "one-fifth of white Rhodesians, including most resident Afrikaners, emigrated from the country. During and following the Boer Wars some Afrikaners chose to leave South Africa. The first 700 Afrikaner settlers that migrated to British East Africa were supporters of the British during the conflicts. This first wave settled in the fertile Rift Valley. The community founded the settlement of Eldoret in 1903 and played an important part in establishing agriculture in the region. An additional 100 Afrikaners arrived in 1911. At the height of British rule in the colony, the population composed of several thousand Afrikaners farming 1,000 square miles", + "score": 0.703125 + }, + { + "id": "5056706", + "title": "1650s in South Africa", + "text": "trained as an interpreter. Nine Dutch East India Company servants were freed to become free burghers \"(free citizens)\" on 21 February. They settled along the Liesbeeck River (now Rondebosch area). The first wine was pressed from Cape grapes on 2 February 1659. Jan van Riebeeck established the Burgher Militia on 1 May 1659. A few days later on 19 May, the Khoikhoi protested against white encroachment, leading to the first Khoikhoi-Dutch War. The Dutch East India Company gave van Riebeeck authority to bring slaves to South Africa in 1654. The \"Roode Vos\" ship sailed to Mauritius and Anongil Bay, Madagascar", + "score": 0.70263671875 + }, + { + "id": "1648256", + "title": "Great Trek", + "text": "Voortrekkers was a problem because the trek leveled out the pre-existing class hierarchy which had previously enforced discipline, and thus social cohesion broke down. Instead the trek leaders became more reliant on patriarchal family structure and military reputation to maintain control over their parties. This had a large and lasting impact on Afrikaans culture and society. The celebration of the Great Trek in the 1930s play a major role in the growth of Afrikaans nationalism. It is thought that the experiences of the Second Boer War and the following period, between 1906 and 1934, of a lack of public discussion", + "score": 0.70263671875 + }, + { + "id": "1435352", + "title": "White people", + "text": "new federally mandated categories on race and ethnicity by declaring themselves \"white\"; few declared themselves to be Black or some other race. White Hollanders first arrived in South Africa around 1652. By the beginning of the eighteenth century, some 2,000 Europeans and their descendants were established in the region. Although these early Afrikaners represented various nationalities, including German peasants and French Huguenots, the community retained a thoroughly Dutch character. The British Empire seized Cape Town in 1795 during the Napoleonic Wars and permanently acquired South Africa from Amsterdam in 1814. The first British immigrants numbered about 4,000 and were introduced", + "score": 0.701171875 + }, + { + "id": "11869872", + "title": "Voortrekker High School", + "text": "een slagspreuk ken: Aanhou wen, aanhou wen, aanhou wen! Vir elke daad waar U ons kragte verg, Laat ons - soos 'n Retief op Drakensberg - Eers met die hings se teuels ingetrek, U se\u00ebn vra op wat daar voor ons strek. Chorus: Op Voortrekker leer ons een slagspreuk ken: Aanhou wen, aanhou wen, aanhou wen! D.J. Opperman Voortrekker High School Voortrekker High School is a public, co-education, dual-medium (Afrikaans and English) High School situated in Cordwalles Road, Pietermaritzburg, South Africa. Voortrekker High School was founded in 1927 and was the first Afrikaans High School in KwaZulu-Natal. From January 1992,", + "score": 0.701171875 + }, + { + "id": "9263732", + "title": "HMS Wrangler (R48)", + "text": "Dock Company. She was commissioned into the SAN on 29 November 1956 and subsequently renamed as SAS \"Vrystaat\". Captain M.R. Terry-Lloyd was in command when the ship was formally accepted by the High Commissioner for the Union of South Africa, Dr. J. E. Holloway, at a ceremony in Devonport on 10 January 1957. \"Vrystaat\" departed England on 22 January and arrived in South Africa on 19 February after having made port visits en route. Shortly after her arrival, the ship was sent to Marion Island to take off a resident who urgently needed to go to hospital. Later that year,", + "score": 0.701171875 + }, + { + "id": "2632453", + "title": "Voortrekker Monument", + "text": "shifts the focus upwards to the trinitarian god of the Trekkers, as it is God who communicates through Moerdijk's sun architecture, making Himself a heavenly vow with the words: WE - as in GOD - FOR THEE SOUTH-AFRICA. Thus God in the trinitarian tradition of the Trekkers, speaks a vow within the sun disc illuminating the words on the Cenotaph. The Trekker belief that God was for South Africa originates from the 9\u201316 December 1838 vow of Trekker leader Andries Pretorius at Blood river, who at around the same time made military and political alliances with Christian Zulus like prince", + "score": 0.7001953125 + }, + { + "id": "1004800", + "title": "Jameson Raid", + "text": "trek further afield. These emigrants, or Voortrekkers as they became known, first moved east into the territory later known as Natal. In 1839, they founded the Natalia Republic as a new homeland for the Boers. Other Voortrekker parties moved northwards, settling beyond the Orange and Vaal rivers. Reluctant to have British subjects moving beyond its control, Britain annexed the Natalia Republic in 1843, which became the Crown colony of Natal. After 1843 British government policy turned strongly against further expansion in South Africa. Although there were some abortive attempts to annex the territories to the north, Britain recognised their independence", + "score": 0.69970703125 + }, + { + "id": "19059757", + "title": "Voortrekker Fort, Elandsfontein", + "text": "Voortrekker Fort, Elandsfontein The Voortrekker Fort situated on the farm, Elandsfontein, was constructed by the Voortrekkers under Commandant General A.M. Potgieter in 1842. A commemorative tablet of the former National Monuments Council states that the fort was built \"for the protection of families with the view of possible departure of a commando against the British troops from Natal\". According to tradition, this stone fort was built by the Voortrekkers under the leadership of Andries Hendrik Potgieter. It was presumably erected in 1842 to serve as a shelter for women and children in case the men had to leave for Port", + "score": 0.69970703125 + }, + { + "id": "3089844", + "title": "Trekboer", + "text": "the Voortrekkers did. Voortrekkers often encountered Trekboere in Transorangia during their Great Trek of the 1830s and 1840s. In 1815, a Trekboer/trader named Coenraad (Du) Buys (a surname of French Huguenot origin) was accused of cattle theft and fled from the British. He settled in the (western) Transvaal. He allegedly contracted polygamous marriages with hundreds of indigenous women, with his descendants' populating the town of Buysplaas in the Gourits River valley. He continued having numerous wives after leaving the colony. Descendants of his second series of marriages still live in the small town of Buysville, near the mission station of", + "score": 0.69873046875 + }, + { + "id": "15195098", + "title": "Dutch Cape Colony", + "text": "(\"VOC\"), under the command of Jan van Riebeeck, were the first people to establish a European colony in South Africa. The Cape settlement was built by them in 1652 as a re-supply point and way-station for Dutch East India Company vessels on their way back and forth between the Netherlands and Batavia (Jakarta) in the Dutch East Indies. The support station gradually became a settler community, the forebears of the Afrikaners, an ethnic group in South Africa. At the time of first European settlement in the Cape, the southwest of Africa was inhabited by San people and Khoikhoi who were", + "score": 0.69873046875 + }, + { + "id": "16604387", + "title": "Imperial Gift", + "text": "estimated to have a useful life of only three months in the harsh South African sunshine. The first batch of aircraft arrived in South Africa in September 1919 at the Artillery Depot at Roberts Heights, Pretoria where an Air Depot was established on 1 January 1920. The combined facility was then known as the Aircraft and Artillery Depot. Two Avro 504s were sold for \u00a31,563-11s-8d to the South African Aerial Transport Company in 1920. A 23.5 morgen (20.1 hectare) piece of land two miles east of Roberts Heights was acquired for an aerodrome and named Zwartkop after a nearby hill.", + "score": 0.69873046875 + }, + { + "id": "11820393", + "title": "Jan Willem Spruyt", + "text": "settled in the new Boer republics around the middle of the nineteenth century. Arriving in Delagoa Bay on a ship with J.A. Smellekamp as supercarga \u2013 he later became a well-known figure in South Africa \u2013 and his two travel companions and fellow migrants, Hendrik van der Linden and W.P.J. Poen, he travelled across the Lebombo Mountains in an ox-cart into the Transvaal. In March 1852 Spruyt was appointed schoolteacher in the town of Rustenburg. Because of disputes among the Dutchmen in the Transvaal, more specifically between Rev. Dirk van der Hoff and J.A. Smellekamp, who had now also settled", + "score": 0.69873046875 + }, + { + "id": "12357416", + "title": "Afrikaners", + "text": "rare deleterious ailments, including \"Variegate porphyria\". Approximately 100 black families who identify as Afrikaners live in the settlement of Onverwacht established in 1886 near the mining town of Cullinan. Members of the community descend from freed slaves accompanying Voortrekkers who settled in the area. In South Africa, an Afrikaner minority party, the National Party, came to power in 1948 and enacted a series of segregationist laws favouring whites known as \"apartheid\". These laws allowed for the systematic persecution of opposition leaders and attempted to enforce general white supremacy by classifying all South African inhabitants into racial groups. Non-white political participation", + "score": 0.697265625 + }, + { + "id": "3313709", + "title": "Gert Rudolph", + "text": "in early Natal history. Shortly after leaving the Eastern Cape his trek joined up together with that of Gert Maritz. Fiery of character, he became a renowned Voortrekker leader and fighter. He led the Voortrekkers in many skirmishes against the natives of Southern Africa during their trek into the unknown. He became the leader of their combined trek after Gert Maritz died at Zaailager, Natal on 23 September 1838. In January 1840, Rudolph and Andries Pretorius helped Mpande kaSenzangakhona in his revolt against his half-brother Dingane, who was then killed on an expedition north in the Hlatikhulu Forest. In gratitude", + "score": 0.697265625 + }, + { + "id": "12357379", + "title": "Afrikaners", + "text": "as needed. Following the passage of the Edict of Fontainebleau, the Netherlands served as a major destination for French Huguenot refugees fleeing persecution at home. In April 1688, the VOC agreed to sponsor the resettlement of over 100 Huguenots at the Cape. Smaller numbers of Huguenots gradually arrived over the next decade, and by 1702 the community numbered close to 200. Between 1689 and 1707 they were augmented by additional numbers of Dutch settlers sponsored by the VOC with grants of land and free passage to Africa. Additionally, there were calls from the VOC administration to sponsor the immigration of", + "score": 0.69677734375 + }, + { + "id": "11316581", + "title": "Zulu Kingdom", + "text": "negotiate a land deal for the voortrekkers. In November, about 1,000 Voortrekker wagons began descending the Drakensberg mountains from the Orange Free State into what is now KwaZulu-Natal. Dingane asked that Retief and his party retrieve some cattle stolen from him by a local chief as part of the treaty for land for the Boers. This Retief and his men did, returning on 3 February 1838. The next day, a treaty was signed, wherein Dingane ceded all the land south of the Tugela River to the Mzimvubu River to the Voortrekkers. Celebrations followed. On 6 February, at the end of", + "score": 0.6953125 + }, + { + "id": "11869870", + "title": "Voortrekker High School", + "text": "Walk was completed. The school was originally named A.M.S (Afrikaansmediumskool). It started with 106 Primary pupils and 7 Secondary pupils. On 1 April 1938 A.M.S was renamed Voortrekker School whilst the first year book was printed. It was only in 1940 that Voortrekker is officially given the status of a High School whereafter it is named V.H.S. (Voortrekker Ho\u00ebr Skool). In 1944 the school anthem written by D.J. Opperman is born and a fish pond in the shape of a Voortrekker wagon wheel is erected on the school premises. On 11 October 1949, the new High School building in Cordwalles", + "score": 0.6953125 + }, + { + "id": "1468977", + "title": "Jan van Riebeeck", + "text": "Hope, built between 1666 and 1679 after van Riebeeck had left the Cape. Van Riebeeck was joined at the Cape by a fellow Culemborger Roelof de Man (1634-1663), who arrived in January 1654 on board the ship \"Naerden\". Roelof came as the colony bookkeeper and was later promoted to second-in-charge. Van Riebeeck reported the first comet discovered from South Africa, C/1652 Y1, which was spotted on 17 December 1652. In his time at the Cape, Van Riebeeck oversaw a sustained, systematic effort to establish an impressive range of useful plants in the novel conditions on the Cape Peninsula \u2013 in", + "score": 0.6953125 + }, + { + "id": "1393494", + "title": "Day of Reconciliation", + "text": "of the Covenant and in 1980 was changed to The Day of the Vow. The Voortrekker Monument in Pretoria was erected on 16 December 1949 to commemorate Dingane's Day. The last year Afrikaners celebrated Day of the Vow was in 1994. The transition from Day of the Vow to Day of Reconciliation was viewed with mixed emotions for Afrikaners. Africans who did not have the right to vote after the South African War protested racial discrimination on 16 December 1910. Other protests against the government dealing with racial discrimination continued to be held on 16 December. In 1929, 1930 and", + "score": 0.6953125 + }, + { + "id": "3101903", + "title": "Cape Dutch", + "text": "known as \"\"vrijburgers\"\" (free citizens). The earliest vrijburgers were Company employees who applied for grants of land and permission to retire in South Africa as independent farmers. Most were married Dutch citizens who committed to spend at least twenty years on the African continent. In exchange they received plots of thirteen and a half morgen apiece, a twelve-year exemption from property taxes, and loans of seeds and agricultural implements. Reflecting the multi-national character of the Company's workforce and overseas settlements, smaller numbers of German and French Huguenot immigrants were also allowed to settle in South Africa, and by 1691 over", + "score": 0.6943359375 + }, + { + "id": "750482", + "title": "History of South Africa", + "text": "Lieutenant F G Farewell arrived from the Cape Colony and established a settlement on the northern shore of the Bay of Natal, which would later become the port of Durban, so named after Sir Benjamin d'Urban, a governor of the Cape Colony. Boer \"Voortrekkers\" in 1838 established the Republic of Natalia in the surrounding region, with its capital at Pietermaritzburg. On the night of 23/24 May 1842 British colonial forces attacked the \"Voortrekker\" camp at Congella. The attack failed, with British forces then retreating back to Durban, which the Boers besieged. A local trader Dick King and his servant Ndongeni,", + "score": 0.6943359375 + }, + { + "id": "12118120", + "title": "University of Pretoria Faculty of Veterinary Science", + "text": "of the then Transvaal University College. New facilities were inaugurated at the end of 1921 and the first residence was opened in 1924. The first eight South African trained veterinarians qualified in 1924. When the Union of South Africa was formed from the provinces of the Transvaal, Natal, the Cape Province and the Orange Free State in 1910, Onderstepoort became the headquarters of veterinary research for the whole country. The initial intakes were small and the number of veterinarians graduating from the Faculty every year remained below 20 until 1956. The first batch of graduates to exceed 40 in number,", + "score": 0.693359375 + }, + { + "id": "12357356", + "title": "Afrikaners", + "text": "at the Cape as farmers. In time they came to form a class of \"\"vrijlieden\"\", also known as \"\"vrijburgers\"\" (free citizens), former VOC employees who stayed in Dutch territories overseas after serving their contracts. The \"\"vrijburgers\"\" were to be of Dutch birth (although exceptions were made for some Germans), married, 'of good character', and had to undertake to spend at least twenty years in Southern Africa. In March 1657, when the first \"\"vrijburgers\"\" started receiving their farms, the white population of the Cape was only about 134. Although the soil and climate in Cape Town were suitable for farming, willing", + "score": 0.6923828125 + }, + { + "id": "850816", + "title": "German diaspora", + "text": "in his book \"Die Herkoms van die Afrikaner\" (\"The Origins of Afrikaners\") claims the modern Afrikaners (who total around 3.5 million) have 34.4% German ancestry. Germans also emigrated to South Africa during the 1850s and 1860s, and settled in the Eastern Cape area around Stutterheim, and in Kwazulu-Natal in the Wartburg area, where there is still a large German-speaking community.Mostly originating from different waves of immigration during the 19th and 20th centuries, an estimated 12,000 people speak German or a German variety as a first language in South Africa. Germans settled quite extensively in South Africa, with many Calvinists immigrating", + "score": 0.6923828125 + }, + { + "id": "1468975", + "title": "Jan van Riebeeck", + "text": "the initial Dutch settlement in the future South Africa and departed from Texel on 24 December 1651. He landed two ships (The \"Drommedaris\" and \"Goede Hoope\") at the future Cape Town site on 6 April 1652 and the \"Reijger\" on 7 April 1652 and then commenced to fortify it as a way station for the VOC trade route between the Netherlands and the East Indies. The primary purpose of this way station was to provide fresh provisions for the VOC fleets sailing between the Dutch Republic and Batavia, as deaths en route were very high. The \"Walvisch\" and the \"Oliphant\"", + "score": 0.6923828125 + }, + { + "id": "15005690", + "title": "Theresa Viglione", + "text": "Kingdom of Sardinia \u2014because of discrimination against Protestants by the local authorities. On February 6, 1838, a group of Voortrekkers and their servants went to negotiate with the Zulu king Dingane. The party was led by Piet Retief, an Afrikaner leader. The king received Retief and his group at his cattle-kraal, and they began to discuss a treaty amending a previous treaty signed in January 1836. Initially he was obstructive about drawing up the treaty, but eventually he signed it. He invited the Voortrekkers to share some sourgbeer with him. The trekkers left their muskets outside, entered the kraal and", + "score": 0.69140625 + }, + { + "id": "2129152", + "title": "Hendrik Verwoerd", + "text": "rebuild the National Party of South Africa (NP) in the Transvaal. \"Die Transvaler\" was a publication which supported the aspirations of Afrikaner nationalism, agricultural and labour rights. Combining republicanism, populism and protectionism, the paper helped \"solidify the sentiments of most South Africans, that changes to the socio-economic system were vitally needed\". With the start of the Second World War in September 1939, Verwoerd protested against South Africa's role in the conflict when the country declared war on Germany, siding with its former colonial power, the United Kingdom. The South African general election of 1948 was held on 26 May 1948", + "score": 0.69091796875 + }, + { + "id": "7668639", + "title": "Piet Uys", + "text": "own farm in December 1836 and left the Uitenhage area with his party of 100 Voortrekkers (as they became known) in April 1837. On 29 June of the same year, the Uys Trek arrived at the combined Voortrekker laager at the Sand River where, unbeknownst to them, Piet Retief had been elected Governor and a constitution drafted. Uys refused to accept either and insisted that, once they had reached Natal, democratic elections should be held. He also proposed a constitution based on that of the United States of America. Uys then received a request by Andries Potgieter to help him", + "score": 0.69091796875 + }, + { + "id": "2292394", + "title": "Boer Republics", + "text": "This caused further dissatisfaction among the Dutch settlers. The settlers believed incorrectly that the Cape Colony administration had taken the money due to them as payment for freeing their slaves. In truth, the allocated money was simply too little to cover even half of the claims. In 1835, one of the large groups of Boers arrived at the Vet river. Louis Tregardt and Jan van Rensburg split off from Hendrik Potgieter's group, and continued on to establish Zoutpansberg. Potgieter's group remained at the Vet river and founded a town called Winburg. The establishment of the South African Republic had its", + "score": 0.69091796875 + }, + { + "id": "1648248", + "title": "Great Trek", + "text": "Despite pre-existing peace agreements with local black chiefs, in August 1836 a Ndebele (Matabele) patrol attacked the Liebenberg family part of Hendrik Potgieter's party killing six men, two women and six children. It is thought that their primary aim was to plunder the Voortrekker's cattle. On 20 October 1836 Potgieter's party was attacked by an army of 4,600 Ndebele warriors at the Battle of Vegkop. Thirty-five armed trekkers repulsed the Ndebele assault on their laager with the loss of two men and almost all the trekkers' cattle. Potgieter, Uys and Maritz mounted two punitive commando raids. The first resulted in", + "score": 0.6904296875 + }, + { + "id": "3089839", + "title": "Trekboer", + "text": "Trekboer In the history of Southern Africa, the Trekboere (now referred to as \"Trekboer\" in English; pronounced: ) were nomadic pastoralists descended from European settlers on the frontiers of the Dutch Cape Colony. The Trekboere began migrating into the interior from the areas surrounding what is now Cape Town, such as Paarl (settled from 1688), Stellenbosch (founded in 1679), and Franschhoek (settled from 1688), during the late 17th century and throughout the 18th century. The Trekboer included mixed-race families of partial Khoikoi descent who had also become established within the economic class of burghers. The Trekboere were seminomadic pastoralists, subsistence", + "score": 0.6904296875 + }, + { + "id": "12442443", + "title": "South African Wars (1879\u20131915)", + "text": "In 1815, a controversial decision by the Cape authorities to arrest a Boer for assaulting his native servant produced a minor revolt known as the Slachter's Nek Rebellion. This, coupled with other grievances such as the abolition of slavery in 1834 and the imposition of new taxation and legislative controls, led thousands of Boers to undertake the Great Trek and found their own Boer republics inland. Despite the distance covered by the itinerant Boers, known as voortrekkers, during the Great Trek, British attempts to re-assert control over them continued. This resulted in the first British annexation of a Boer state,", + "score": 0.68994140625 + }, + { + "id": "1233010", + "title": "Paul Kruger", + "text": "emigrants under Hendrik Potgieter passed through the Krugers' Caledon encampments in early 1836. Potgieter envisioned a Boer republic with himself in a prominent role; he sufficiently impressed the Krugers that they joined his party of Voortrekkers. Kruger's father continued to give the children religious education in the Boer fashion during the trek, having them recite or write down biblical passages from memory each day after lunch and dinner. At stops along the journey classrooms were improvised from reeds and grass and the more educated emigrants took turns in teaching. The Voortrekkers faced competition for the area they were entering from", + "score": 0.68896484375 + }, + { + "id": "20856018", + "title": "Henning Klopper", + "text": "en Kultuurvereniging\", ATKV, \"Afrikaans Language and Cultural Union\" is an organization created out of White Afrikaner workers from the South African Railways and Harbours. It was founded on 19 August 1930 in Cape Town. It was founded to stop the erosion of White Afrikaner culture, language and religion. Klopper was chairman of this organization. It helped with the relief that could be given to White Afrikaner poverty. Kloppers, as chairman of the ATKV was a chief organiser of the 1938 Ossewa trek, a centenary remembrance of The Great Trek. The Great Trek was a migration of Afrikaners in ox-wagons from", + "score": 0.6875 + }, + { + "id": "11102586", + "title": "Air Rhodesia Flight 825", + "text": "ten died\". A monument to those killed in the Rhodesian attack on Chikumbi was built in Zambia in 1998, and dedicated jointly by the Zambian and Zimbabwean governments. A memorial to the victims of the two Rhodesian Viscount incidents, dubbed the Viscount Memorial, was erected on the grounds of the Voortrekker Monument in Pretoria, South Africa, in 2012, and inaugurated on 1 September that year. The names of the dead passengers and crew are engraved on two granite slabs that stand upright, side by side, the pair topped by an emblem symbolising an aircraft. A pole beside the monument flies", + "score": 0.6875 + }, + { + "id": "17283352", + "title": "Settler colonialism", + "text": "displaced the indigenous Kanak population from the mid-19th century onwards. In 1652, the arrival of Europeans sparked the beginning of settler colonialism in South Africa. The Dutch East India Company was set up at the Cape, and imported large numbers of slaves from Africa and Asia during the mid-seventeenth century. The Dutch East India Company established a refreshment station for ships sailing between Europe and the east. The initial plan by Dutch East India Company officer Jan van Riebeeck was to maintain a small community around the new fort, but the community continued to spread and colonize further than originally", + "score": 0.6875 + }, + { + "id": "12357405", + "title": "Afrikaners", + "text": "Afrikaners (comprising either 47 or 60 families) to accompany him to British East Africa. On 9 July 1908 his party sailed in the chartered ship \"SS Windhuk\" from Louren\u00e7o Marques to Mombasa, from where they boarded a train for Nairobi. The party travelled by five trains to Nakuru. In 1911 the last of the large trek groups departed for Kenya, when some 60 families from the Orange Free State boarded the \"SS Skramstad\" in Durban under leadership of C.J. Cloete. But migration dwindled, partly due to the British secretary of state's (then Lord Crewe) cash requirements for immigrants. When the", + "score": 0.6875 + }, + { + "id": "15295647", + "title": "Louis Tregardt", + "text": "Louis Tregardt Louis Johannes Tregardt (from Swedish: \"tr\u00e4dg\u00e5rd\", garden), also spelled Trichardt (10 August 1783 \u2013 25 October 1838) was a farmer from the Cape Colony's eastern frontier, who became an early voortrekker leader, called the \"voorste mense\". Shunning colonial authority, he emigrated in 1834 to live among the Xhosa, before he crossed the Orange River into neutral territory. His northward trek, along with fellow trekker Johannes (Hans) van Rensburg, was commenced in early 1836. He led his small party of emigrants, composed of seven Boer farmers, with their wives and thirty-four children, Bushman slaves and Bantu servants, into the", + "score": 0.68701171875 + }, + { + "id": "829861", + "title": "Huguenots", + "text": "Huguenots to settle in the Cape arrived between 1688 and 1689 in seven ships as part of the organised migration, but quite a few arrived as late as 1700; thereafter, the numbers declined and only small groups arrived at a time. Many of these settlers were settled in an area that was later called Franschhoek (Dutch for \"French Corner\"), in the present-day Western Cape province of South Africa. A large monument to commemorate the arrival of the Huguenots in South Africa was inaugurated on 7 April 1948 at Franschhoek, where the Huguenot Memorial Museum was erected in 1957. The official", + "score": 0.68603515625 + }, + { + "id": "6403096", + "title": "Jan Smuts and a British Transvaal", + "text": "South Africa. To counter Milner, and to unite the Afrikaners, the former generals of the Transvaal army, including Smuts, formed the Het Volk party in January 1905. The objective of the party was straightforward enough: self-government, and, ultimately, the creation of a unified South African state. In 1905, Milner's term as High Commissioner came to an end, and, for Smuts, it couldn't come a minute too soon. Milner was replaced by a more conciliatory man, Lord Selborne, who was in deep admiration of Smuts. Selborne was keen to discuss any manner of constitutional arrangement, but, without the backing of the", + "score": 0.68603515625 + }, + { + "id": "6758748", + "title": "Soutpansberg", + "text": "broke out in 1866, when the voortrekkers intervened in a Venda succession dispute, and one claimant, Makhado, attacked an outlying voortrekker settlement. Despite the arrival of a relief commando, the Venda's mountain strongholds could not be taken. The voortrekkers abandoned the town on 15 July 1867 and established Pietersburg. An open-air museum was established to recreate the modest settlement. In October 1898 the Boere returned to regain control over the territory. General Piet Joubert's commando occupied a strategic position over the Doorn River in preparation. In November, Mphefu's kraal suffered a three-pronged attack and his royal village was torched. Mphefu's", + "score": 0.68603515625 + }, + { + "id": "12285864", + "title": "Battle of Sandfontein", + "text": "from the eastern direction, attacking Upington. The plans regarding the invasion were revealed during a 9 September parliament session, gaining approval. On 14 September 1914 South Africa officially entered the war, however the situation was soon complicated by the outbreak of the Maritz Rebellion the following day. The revolt led to the resignation of several high ranking commanders involved in the expeditionary force, who now rose in an open rebellion against their former colleagues and had to be hastily replaced. On 12 September 1914, Force A under Brigadier-General Tim Lukin arrived to the border post axis of Raman's Drift, Houms", + "score": 0.685546875 + }, + { + "id": "1523524", + "title": "Orange Free State", + "text": "of the territory a Voortrekker Republic was established at Winburg in 1837. This state was in federation with the Republic of Potchefstroom which later formed part of the South African Republic (Transvaal). Following the granting of sovereignty to the Transvaal Republic, the British recognised the independence of the Orange River Sovereignty and the country officially became independent as the Orange Free State on 23 February 1854, with the signing of the Orange River Convention. The new republic incorporated the Orange River Sovereignty and included the traditions of the Winburg-Potchefstroom Republic. Although the Orange Free State developed into a politically and", + "score": 0.685546875 + }, + { + "id": "10063778", + "title": "Military history of Zimbabwe", + "text": "Limpopo was scarcely known to Europeans, but in 1829, Mzilikazi was visited at Mosega by Robert Moffat, and between that date and 1836 a few British traders and explorers visited the country and made known its principal features. In the 1830s and 1840s, white descendants of Dutch pioneers, collectively known as \"voortrekkers\" or \"trekboers\", departed Cape Colony with hundreds of their dependents to escape British rule. This exodus, in what came to be called the Great Trek, often pitted the migrant settlers against local forces and resulted in the formation of short-lived Boer republics. Between 1835 and 1838, the trekkers", + "score": 0.685546875 + }, + { + "id": "7763959", + "title": "Gerard Moerdijk", + "text": "by the artist Eduardo Villa. . The foundation stone for this building was laid in 1937 by General Jan Smuts, then Prime Minister of South Africa. In 1991 it was declared a National Monument. It was later redesignated a provincial heritage site and in 2012 became a national heritage site. The Voortrekker Monument on Proclamation Hill at the southern outskirts of Pretoria is considered to be Moerdyk's masterpiece. He was a South Arican Freemason. The Central \"Volks\" (People's) Monuments Committee started a \"Structure Committee\" which approached the public in 1936 for suggestions about the contents and form of a monument.", + "score": 0.68505859375 + }, + { + "id": "6720158", + "title": "Piet Retief", + "text": "Piet Retief Pieter Mauritz Retief (12 November 1780 \u2013 6 February 1838) was a Voortrekker leader. Settling in 1814 in the frontier region of the Cape Colony, he assumed command of punitive expeditions in response to raiding parties from the adjacent Xhosa territory. He became a spokesperson for the frontier farmers who voiced their discontent, and wrote the Voortrekkers' declaration at their departure from the colony. He was a leading figure during their Great Trek, and at one stage their elected governor. He proposed Natal as the final destination of their migration and selected a location for its future capital,", + "score": 0.6845703125 + }, + { + "id": "7710195", + "title": "African theatre of World War I", + "text": "survivors returned to British territory. The Germans began an invasion of South Africa to forestall another invasion attempt and the Battle of Kakamas took place on 4 February 1915, between South African and German forces, a skirmish for control of two river fords over the Orange River. The South Africans prevented the Germans from gaining control of the fords and crossing the river. By February 1915, the South Africans were ready to occupy German territory. Botha put Smuts in command of the southern forces while he commanded the northern forces. Botha arrived at Swakopmund on 11 February and continued to", + "score": 0.68408203125 + }, + { + "id": "11265005", + "title": "National Intelligence Service (South Africa)", + "text": "was replaced by Alec van Wyk. The Bureau for State Security was then renamed the Department of National Security (DONS) in September 1978. By 2 October 1978, Prime Minister B.J. Vorster had resigned and on 9 October, the Defence Minister PW Botha was appointed as the new Prime Minister of South Africa. Vorster was appointed as State President on 10 October but would resign in May 1979 when the results of the Erasmus Commission of Inquiry into the Information Scandal were released in that year. On 20 November 1978, the Bureau of State Security was brought under tighter control as", + "score": 0.68359375 + }, + { + "id": "12118117", + "title": "University of Pretoria Faculty of Veterinary Science", + "text": "Port Natal (present day Durban in KwaZulu-Natal), followed by the appointment of the first Colonial Veterinary Surgeon in the Cape Colony in 1876 and the subsequent arrival of private practitioners in the late 19th century. A major event was the arrival in 1891 of a Swiss-born veterinarian, Arnold Theiler, who went on to establish a disinfection station and vaccine factory at Daspoort close to Pretoria in 1898, to produce vaccines and conduct research. In March 1898, Theiler was appointed director of the Bacterial Institute at Daspoort. Despite the unhealthiness of the site, and the very inadequate facilities consisting of wood-and", + "score": 0.68359375 + }, + { + "id": "16638374", + "title": "Hoe\u0308rskool Voortrekker", + "text": "the third quarter the school was renamed Ho\u00ebrskool Voortrekker. In 1922 the school relocated to a shop in the Morris arcade. In 1923 du Toit became the new principal and shortly afterwards the erection of a permanent school building began. On 30 July 1924 the new school buildings were officially inaugurated by Professor J. H. Hofmeyer, Administrator of Transvaal. In 1935 a fund raising was started to build an assembly hall and domestic science centre. Bernard Stanley Cooke was appointed as architect. Cooke died in January 2011 at the age of 100. Mr Cooke was responsible for many Art Deco", + "score": 0.68359375 + }, + { + "id": "5056705", + "title": "1650s in South Africa", + "text": "settlement is proposed as a settlement for Dutch families on the 6 October 1654. Van Riebeeck sent Jan Wintervogel, a Dutch ensign, to scout the interior in 1655. Wintervogel went as far as Saldanha Bay. Van Riebeeck sent Willem Muller, a Dutch corporal, with the Khoikhoi interpreter, Autsumao, to explore the Hottentots Holland region. Maize and Grape vines were planted in the Cape that same year. In 1657, Abraham Gabbema was sent to scout the interior and explored as far as the Berg River and Paarl regions. Doman, the leader of the Goringhaiqua Khoikhoi, was sent to Batavia to be", + "score": 0.68310546875 + }, + { + "id": "12357414", + "title": "Afrikaners", + "text": "vrijburgers took Dutch wives. The degree of intermixing among Afrikaners may be attributed to the unbalanced sex ratio which existed under Dutch governance. Only a handful of VOC employees who sailed from the Netherlands were allowed to bring their families with them, and the Dutch never employed European women in a full-time capacity. Between 1657 and 1806 no more than 454 women arrived at the Cape, as compared to the 1,590 male colonists. One of the most fundamental demographic consequences was that white South African women, much like their counterparts in colonial North America, began to marry much younger and", + "score": 0.68310546875 + }, + { + "id": "18062796", + "title": "Pieter Rossouw (rugby player)", + "text": "weren't called Western Province, but the Stormers. The Stormers were selected from players representing Western Province, Boland and South Western Districts. This gave Rossouw the opportunity to return to Super Rugby. The Springboks won the 1998 Tri Nations Series, having not lost a single game. The away game for the Springboks against the All Blacks took place at Athletic Park in Wellington on 25 July 1998. Rossouw scored the only try of the game from either side, and South Africa ended up winning 13-3. This was the Springboks' first win on New Zealand soil since readmission and also their first", + "score": 0.68310546875 + }, + { + "id": "7826168", + "title": "Day of the Vow", + "text": "Boer expansion over the black natives. By comparison with the large number of Afrikaners who participated in the annual celebrations of the Voortrekker victory, some did take exception. In 1971, for instance, \"Pro Veritate\", the journal of the anti-apartheid organization the Christian Institute of Southern Africa, devoted a special edition to the matter. Historian Anton Ehlers traces how political and economic factors changed the themes emphasized during celebrations of the Day of the Vow. During the 1940s and 1950s Afrikaner unity was emphasized over against black Africans. This theme acquired broader meaning in the 1960s and 1970s, when isolated \"white\"", + "score": 0.68310546875 + }, + { + "id": "11725906", + "title": "Jacobus Groenendaal", + "text": "about Dutch relations with South Africa, and the need for Dutch assistance in the field of education and public administration, inspired Groenendaal to get in touch with Lauts. On his recommendation Groenendaal emigrated to South Africa in 1849, already forty-four years old, but still single. From Cape Town, where he arrived with several other Dutch migrants, Groenendaal travelled to the Orange River Sovereignty, where he established himself in February 1850 as government teacher in Rietrivier in Sannah's Poort (now Fauresmith). In the years after, Groenendaal strongly propagated Dutch migration to South Africa, bringing migrants to the Orange River Sovereignty privately.", + "score": 0.68310546875 + }, + { + "id": "6403099", + "title": "Jan Smuts and a British Transvaal", + "text": "realised that the Chinese workers could not be removed, for that would cripple the economy, and knew that the Afrikaners could never be outnumbered by the British in South Africa. Thus, he decided to pass the buck to the Afrikaners, under whose remit of self-government the miners would fall. He persuaded the cabinet to accept Smuts' demands. In December 1906, a new constitution for the Transvaal was drawn up, under which an immediate election would find a government. This gave Het Volk two advantages. First, it was fighting an election according to a constitution that it had written. Second, it", + "score": 0.6826171875 + }, + { + "id": "8091749", + "title": "Afrikaner-Jews", + "text": "Afrikaner-Jews Afrikaner-Jews () are Jewish Afrikaners. At the beginning of the 19th century, when greater freedom of religious practice was permitted in South Africa, small numbers of Ashkenazi Jews arrived from Britain and Germany. They established the first Ashkenazi Hebrew congregation in 1841. Between the end of the 19th century and 1930, large numbers of Jews began to arrive from Lithuania and Latvia. Their culture and contribution changed the character of the South African community. According to the South African Jewish Museum, \"Many of the later immigrants arrived with no resources other than their wits and experience. Most could not", + "score": 0.6826171875 + }, + { + "id": "5056704", + "title": "1650s in South Africa", + "text": "1650s in South Africa Jan van Riebeeck landed at the Cape on 6 April 1652, setting up a supply station and fortifications for the Dutch East India Company. The decade saw the beginning of European settlement, marked by the introduction of crops from Europe and the New World and culminating in war with the Khoikhoi in 1659. Bernert Willemsz Wijlant, the first European baby, was born at the Cape on 6 June 1652. In 1654, Batavian convicts and political opponents were banished to the Cape bringing Islam to South Africa. Hout Bay, a sheltered cove just south of the Cape", + "score": 0.68212890625 + }, + { + "id": "59743", + "title": "Boer", + "text": "in a state of insecurity, the British immigrants of 1820 were still struggling against heavy odds, and the Dutch colonists were in a state of great indignation. The Great Trek occurred between 1835 and the early 1840s. During that period some 12,000 to 14,000 Boers (including women and children), impatient of British rule, emigrated from Cape Colony into the great plains beyond the Orange River, and across them again into Natal and the vastness of the Zoutspansberg, in the northern part of the Transvaal. Those Trekboere who occupied the eastern Cape were semi-nomadic. A significant number in the eastern Cape", + "score": 0.68212890625 + }, + { + "id": "16638382", + "title": "Hoe\u0308rskool Voortrekker", + "text": "3 France 3. Jan Adriaan Smit (*1924 +) Springbok Shooting (1962-74) Ho\u00ebrskool Voortrekker Ho\u00ebrskool Voortrekker is a public high school in Boksburg, Gauteng, South Africa. Ds. James Murray Louw studied for the ministry at Victoria College, Stellenbosch. The first Nederduitse Gereformeerde church in Boksburg was a wood and iron building on the corner of Market and Trichardts streets, opposite Market Square, where the Old Town Hall is situated. Ds. Louw was the second minister for the Boksburg congregation. He assumed duties in December 1898. When the Anglo-Boer War broke out, Ds. Louw left for the Natal front with the Boksburg", + "score": 0.68212890625 + }, + { + "id": "17338402", + "title": "Founders Day (South Africa)", + "text": "Founders Day (South Africa) Founders Day (\"Afrikaans: Stigtingsdag\") or Van Riebeeck's Day was a formal public holiday of the Union of South Africa and the Republic of South Africa until 1994. The holiday was established on 6 April 1952 during the Van Riebeeck Festival in honour of the 300th anniversary of the arrival of the Dutch in South Africa. Jan van Riebeeck arrived at Table Bay on 6 April 1652 as a result Cape Town was founded. From 1980, the day became known as Founders Day (Stigtingsdag). The holiday was abolished after the first universal franchise election in 1994 and", + "score": 0.68212890625 + }, + { + "id": "9001210", + "title": "Klaus von Oertzen", + "text": "war, Volkswagen in Germany appointed him as their representative in South Africa. He was instrumental in the early stages of negotiations to bring Volkswagen to South Africa, and was present at the historic signing in 1951 of the agreement between SAMAD and Volkswagenwerk to assemble Volkswagens in Uitenhage. He became Chairman of SAMAD in 1956 when Volkswagenwerk took over a controlling interest in the company. The first Kombi in South Africa, a gift to a German malaria researcher who had to traverse southern and central Africa, landed in Cape Town in December 1952. Soon afterwards, a second Kombi, fitted out", + "score": 0.681640625 + }, + { + "id": "3355746", + "title": "Hendrik Potgieter", + "text": "Thaba Nchu, where they formed a Voortrekker government and decided to move to Natal. Potgieter was not in favour of this plan and stayed behind in the Free State. In 1838, after Piet Retief and his party were killed by Dingane, and other Voortrekker parties were attacked at the Bloukrans and Bushman Rivers, Potgieter and another leader, Pieter Lafras Uys assembled a military force. To prevent schism and discord, the new Voortrekker leader in Natal, Maritz, diplomatically pronounced that both Uys and Potgieter were to be in command. However, a struggle between the hot-headed Uys and Potgieter ensued. The divided", + "score": 0.681640625 + }, + { + "id": "12357397", + "title": "Afrikaners", + "text": "470 men arrived to help the settlers. On 16 December 1838, the Voortrekkers under the command of Andries Pretorius confronted about 10,000 Zulus at the prepared positions. The Boers suffered three injuries without any fatalities. Due to the blood of 3,000 slain Zulus that stained the Ncome River, the conflict afterwards became known as the Battle of Blood River. In present-day South Africa, 16 December remains a celebrated public holiday, initially called \"Dingane's Day\". After 1952, the holiday was officially named Day of the Covenant, changed to Day of the Vow in 1980 (Mackenzie 1999:69) and to Day of Reconciliation", + "score": 0.681640625 + }, + { + "id": "11069306", + "title": "Immigration to Chile", + "text": "In the same period Hageman Egbert arrived in Chile. with his family, 14 April 1896, settling in Rio Gato, near Puerto Montt. The Wennekool family came to Chile and inaugurated the Dutch colonization of Villarrica. In the early 20th century, a large group of Dutch people, known as Boers, arrived in Chile from South Africa and worked mainly in construction of the railway. The Boer War would eventually lead in 1902 to the British annexation of both the Dutch and British colonies. Some of the Boers, also called Afrikaners decided to return to Europe, many of them after a long", + "score": 0.68115234375 + }, + { + "id": "829860", + "title": "Huguenots", + "text": "from as early as 1671 with the arrival of Fran\u00e7ois Villion (Viljoen). The first Huguenot to arrive at the Cape of Good Hope was however Maria de la Quellerie, wife of commander Jan van Riebeeck (and daughter of a Walloon church minister), who arrived on 6 April 1652 to establish a settlement at what is today Cape Town. The couple left for the Batavia ten years later. On 31 December 1687 the first organised group of Huguenots set sail from the Netherlands to the Dutch East India Company post at the Cape of Good Hope. The largest portion of the", + "score": 0.68115234375 + }, + { + "id": "2292397", + "title": "Boer Republics", + "text": "was established as the name of the new country. The people north of the Vaal River in the South African Republic were recognized as an independent country by Great Britain with the signing of the Sand River Convention on 17 January 1852. In April 1837, a party under leadership of Piet Retief arrived in Thabanchu. In June 1837, in Winburg, the newly elected Boer Volksraad appointed Piet Retief as Commandant-General. An argument between Maritz and Potgieter, both elected to the Volksraad, led to a split. Maritz and Piet Retief decided to secede from the Potgieter- and Uys-led Boer country. The", + "score": 0.68115234375 + } + ], + "answer": "The Voortrekkers' exploratory treks arrived in South Africa in February 1835, and the first wave of Voortrekkers arrived in South Africa in 1836." + }, + { + "qa_pairs": [ + { + "context": "10 Things I Hate About You is a 1999 American romantic comedy film directed by Gil Junger and starring Julia Stiles, Heath Ledger, Joseph Gordon-Levitt, and Larisa Oleynik. The screenplay, written by Karen McCullah Lutz and Kirsten Smith, is a modernization of William Shakespeare's late-16th-century comedy \"The Taming of the Shrew\", retold in a late-1990s American high school setting. In the story, new student Cameron (Gordon-Levitt) is smitten with Bianca (Oleynik) and, in order to get around her father's strict rules on dating, attempts to get bad boy Patrick (Ledger) to date Bianca's ill-tempered sister, Kat (Stiles). The film is titled after a poem written by Kat about her bittersweet romance with Patrick. Much of the filming took place in the Seattle metropolitan area, with many scenes shot at Stadium High School in Tacoma.", + "question": "Who plays patrick in the 1999 film 10 things i hate about you?", + "short_answers": [ + "Heath Andrew Ledger", + "Heath Ledger", + "Ledger" + ], + "wikipage": "10 Things I Hate About You" + }, + { + "context": "No context provided", + "question": "Who plays patrick in the 2009 tv series 10 things i hate about you?", + "short_answers": [ + "Ethan Peck", + "Peck", + "Ethan Gregory Peck" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who plays patrick in the film 10 things i hate about you?", + "short_answers": [ + "Heath Andrew Ledger", + "Heath Ledger" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who plays patrick in the TV series 10 things i hate about you?", + "short_answers": [ + "Ethan Peck", + "Ethan Gregory Peck" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "10 Things I Hate About You", + "url": "https://en.wikipedia.org/wiki/10%20Things%20I%20Hate%20About%20You" + }, + { + "title": "10 Things I Hate About You (TV series)", + "url": "https://en.wikipedia.org/wiki/10%20Things%20I%20Hate%20About%20You%20%28TV%20series%29" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "10 Things I Hate About You is a 1999 American romantic comedy film directed by Gil Junger and starring Julia Stiles, Heath Ledger, Joseph Gordon-Levitt, and Larisa Oleynik...In the story, new student Cameron (Gordon-Levitt) is smitten with Bianca (Oleynik) and, in order to get around her father's strict rules on dating, attempts to get bad boy Patrick (Ledger) to date Bianca's ill-tempered sister, Kat (Stiles). ", + "wikipage": "10 Things I Hate About You" + }, + { + "content": "Heath Andrew Ledger[a] (4 April 1979 \u2013 22 January 2008) was an Australian actor and music video director. ", + "wikipage": "Heath Ledger" + }, + { + "content": "When she meets the intense Patrick Verona (Ethan Peck), sparks begin to fly.", + "wikipage": "10 Things I Hate About You (TV series)" + }, + { + "content": "Ethan Gregory Peck (born March 2, 1986) is an American actor.", + "wikipage": "Ethan Peck" + } + ], + "long_answer": "In the 1999 American romantic comedy film 10 things i hate about you, film character Patrick is portrayed by Australian actor Heath Ledger. In the 2009 tv series by the same name, Patrick is played by American actor Ethan Peck. " + }, + { + "knowledge": [ + { + "content": "10 Things I Hate About You is a 1999 American romantic comedy film directed by Gil Junger and starring Julia Stiles, Heath Ledger, Joseph Gordon-Levitt, and Larisa Oleynik.", + "wikipage": "10 Things I Hate About You" + }, + { + "content": "10 Things I Hate About You is an American television sitcom broadcast on ABC Family beginning in 2009. Developed by Carter Covington, the show is a half-hour, single camera series based on the 1999 film of the same name. It premiered on Tuesday, July 7, 2009 at 8 pm.", + "wikipage": "10 Things I Hate About You (TV series)" + } + ], + "long_answer": "The romantic comedy film 10 Things I Hate About You was released in 1999 and features Heath Ledger as the character Patrick. A TV show sitcom also called 10 Things I Hate About You was released in 2009 based on the 1999 film and features Ethan Peck as Patrick." + } + ], + "sample_id": "-2419910984507145175", + "question": "Who plays patrick in 10 things i hate about you?", + "docs": [ + { + "id": "2410024", + "title": "10 Things I Hate About You", + "text": "assists by convincing Joey to pay Patrick to take out Kat, under the pretense that this will allow Joey to date Bianca. Patrick agrees to the deal, but Kat rebuffs his first few advances. Michael and Cameron help him by prying Bianca for information on Kat's likes and dislikes. Armed with this knowledge, Patrick begins to win Kat's interest. She goes to a party with him, which enables Bianca to go as well, much to Walter's dismay. At the party, Kat becomes upset when she sees Bianca with Joey, and responds by getting drunk. Patrick attends to her, and Kat", + "score": 0.74853515625, + "summary": "Patrick is a character in the movie 10 Things I Hate About You. However, the document does not provide any information about the actor who played Patrick.", + "extraction": "Heath Ledger plays Patrick in \"10 Things I Hate About You\"." + }, + { + "id": "2410038", + "title": "10 Things I Hate About You", + "text": "as the female leads in the original play. Their surname is Stratford, a nod to Shakespeare's birthplace. Patrick's surname Verona references the home of his relative character Petruchio. The characters attend Padua High School, named after where the play is set. Cameron (Lucentio, who disguises himself as a tutor named Cambio) tutors Bianca in French and slips in a line from play while obsessing over her: \"\"I burn, I pine, I perish\"\". Patrick's character reflects the outlandish behavior of Petruchio, and Michael coerces Patrick into the marching band incident with the words from Sonnet 56: \"\"Sweet love, renew thy force\"\".", + "score": 0.74267578125, + "summary": "Patrick's surname is Verona in 10 Things I Hate About You.", + "extraction": "The passage is irrelevant to answering the question, \"Who plays Patrick in 10 Things I Hate About You?\"." + }, + { + "id": "2410039", + "title": "10 Things I Hate About You", + "text": "The physicality of Petruchio and Katherina is transformed into a playful paintball match; the prom substitutes for the Act V feast; Kat's poem replaces Katherina's famous Act V speech; and Joey Donner's wager over Bianca's virginity parallels the bet placed by Shakespeare's husbands regarding their partners' obedience. 10 Things I Hate About You 10 Things I Hate About You is a 1999 American teen romantic comedy-drama film directed by Gil Junger and starring Julia Stiles, Heath Ledger, Joseph Gordon-Levitt, and Larisa Oleynik. The screenplay, written by Karen McCullah and Kirsten Smith, is a loose modernization of William Shakespeare's late-16th century", + "score": 0.7392578125, + "summary": "The document discusses the film \"10 Things I Hate About You\" and its modernized adaptation of Shakespeare's play. It mentions the director and several actors, including Julia Stiles, Heath Ledger, and Joseph Gordon-Levitt. However, it does not provide information about who plays Patrick in the film.", + "extraction": "Heath Ledger plays Patrick in 10 Things I Hate About You." + }, + { + "id": "2410020", + "title": "10 Things I Hate About You", + "text": "10 Things I Hate About You 10 Things I Hate About You is a 1999 American teen romantic comedy-drama film directed by Gil Junger and starring Julia Stiles, Heath Ledger, Joseph Gordon-Levitt, and Larisa Oleynik. The screenplay, written by Karen McCullah and Kirsten Smith, is a loose modernization of William Shakespeare's late-16th century comedy \"The Taming of the Shrew\", retold in a late-1990s American high school setting. In the story, new student Cameron (Gordon-Levitt) is smitten with Bianca Stratford (Oleynik) and, in order to get around her father's strict rules on dating, attempts to get bad boy Patrick (Ledger) to", + "score": 0.73876953125, + "summary": "Heath Ledger plays Patrick in 10 Things I Hate About You.", + "extraction": "Heath Ledger plays Patrick in 10 Things I Hate About You." + }, + { + "id": "5593454", + "title": "Nick Patrick (actor)", + "text": "Nick Patrick (actor) Nick Patrick is a British actor, best known for playing the part of SRO (Station Reception Officer) Julian 'JT' Tavell, in the ITV police procedural \"The Bill\" from 2005 to 2006. He also played the killer, Hamish Endicott in \"Prime Suspect\", Season 4 \"Inner Circles\". Patrick grew up in Whitstable, Kent. As a teenager he appeared in the short film \"Dead Cat\" directed by David Lewis and part funded by Derek Jarman, partly shot at Prospect Cottage, Dungeness. He played the lead in \"Bad Baby\", written and directed by Duncan Roy at the Penny Theatre, Canterbury. Patrick", + "score": 0.734375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "2410023", + "title": "10 Things I Hate About You", + "text": "to stay close to home. Bianca wishes to date affluent senior Joey Donner, but Walter, an obstetrician worrisome of teenage pregnancy, will not allow his daughters to date until they graduate. Frustrated by Bianca's insistence and Kat's rebelliousness, Walter declares that Bianca may date only when Kat does, knowing that Kat's antisocial attitude makes this unlikely. When Cameron asks Bianca out, she informs him of her father's new rule and, as a pretense for allowing her to date Joey, suggests that Cameron find someone willing to date Kat. Cameron selects \"bad boy\" Patrick Verona, but Patrick scares him off. Michael", + "score": 0.7265625, + "summary": "Patrick Verona is the character who plays Patrick in 10 Things I Hate About You.", + "extraction": "\"bad boy\" Patrick Verona plays Patrick in 10 Things I Hate About You." + }, + { + "id": "18599135", + "title": "The Taming of the Shrew on screen", + "text": "when Bianca is annoyed that Lucentio refuses to sign a pre-nuptial agreement. Katherine states it is a woman's duty to love and obey her husband, but with the requirement that he do precisely the same for her. Petruchio even willingly becomes a \"house-husband\" for their young children whilst Katherine is elected as Prime Minister. In 2009, ABC Family adapted the 1999 film \"10 Things I Hate About You\" as a sitcom of the same name, starring Lindsey Shaw and Ethan Peck. In 2014, the play featured in an episode of \"My Shakespeare\" on Sky Arts. Each episode of the show", + "score": 0.72509765625, + "summary": "Irrelevant.", + "extraction": "Ethan Peck plays Patrick in \"10 Things I Hate About You\"." + }, + { + "id": "2410028", + "title": "10 Things I Hate About You", + "text": "Joey then punches Cameron, but is in turn beaten up by Bianca for having hurt her, Kat, and Cameron. Bianca and Cameron share another kiss. The next day, Bianca reconciles with Kat and begins dating Cameron. Walter admits that Kat is capable of taking care of herself, and gives her permission to attend Sarah Lawrence College. For an assignment in which the students were required to write their own version of William Shakespeare's Sonnet 141, Kat reads aloud a poem titled \"10 Things I Hate About You\", revealing that she still loves Patrick. Patrick surprises her with a guitar bought", + "score": 0.72509765625, + "summary": "The document is about the movie \"10 Things I Hate About You\" and mentions a character named Patrick. However, it does not provide information on who played Patrick in the movie. Therefore, the answer is irrelevant.", + "extraction": "Patrick surprises her with a guitar bought." + }, + { + "id": "2410033", + "title": "10 Things I Hate About You", + "text": "a rating of 6.1/10. The website's critical consensus was: \"Julia Stiles and Heath Ledger add strong performances to an unexpectedly clever script, elevating \"10 Things\" (slightly) above typical teen fare.\" \"10 Things I Hate About You\" was a breakthrough role for stars Stiles, Ledger, and Gordon-Levitt. Gordon-Levitt, Stiles, and Oleynik each received Young Star Award nominations for Best Actor/Actress in a Comedy Film. The movie was nominated for seven Teen Choice Awards: Choice Movie: Breakout Star (Stiles), Choice Movie: Comedy, Choice Movie: Funniest Scene (featuring Krumholtz), Choice Movie: Love Scene (featuring Stiles and Ledger), Choice Movie: Hissy Fit (Gordon-Levitt), Choice", + "score": 0.72021484375, + "summary": "The document discusses the movie \"10 Things I Hate About You\" and its critical consensus and awards. It mentions the breakthrough roles of actors Julia Stiles, Heath Ledger, and Joseph Gordon-Levitt, who received Young Star Award nominations for their performances. However, the document does not provide information on who plays Patrick in the movie.", + "extraction": "Heath Ledger plays Patrick in 10 Things I Hate About You." + }, + { + "id": "7563338", + "title": "Kyle Kaplan", + "text": "at the Cannes Film Festival in 2009, in which he plays the best friend of the title character, played by Keir Gilchrist. Kaplan appears as Michael in the ABC Family sitcom \"10 Things I Hate About You\", based loosely on the 1999 film of the same name, which premiered July 7, 2009. Since 2013, Kaplan has been a part of the music duo Phantoms alongside Vinnie Pergola. Their eponymous debut album was released in March 2017. Kyle Kaplan Kyle Joseph Kaplan (born 16 July 1989 or 16 July 1990) is an American actor. At the age of 13, Kaplan toured", + "score": 0.71875, + "summary": "Keir Gilchrist plays the title character in a film that Kyle Kaplan appeared in at the Cannes Film Festival in 2009. Kaplan also played Michael in the ABC Family sitcom \"10 Things I Hate About You,\" which premiered on July 7, 2009. However, the document does not mention who played Patrick in the same show.", + "extraction": "Keir Gilchrist plays the title character in the mentioned film, but the passage is irrelevant in answering who plays Patrick in \"10 Things I Hate About You\"." + }, + { + "id": "2758458", + "title": "Julia Stiles", + "text": "to herself. Critic Joe Balthai wrote she was \"the darling of the 1998 Sundance Film Festival.\" In 1999, she portrayed Kat Stratford, opposite Heath Ledger, in Gil Junger's \"10 Things I Hate About You\", an adaptation of \"The Taming of the Shrew\" set in a high school in Tacoma, Washington. She won an MTV Movie Award for Breakthrough Female Performance for the role. The Chicago Film Critics voted her the most promising new actress of the year. Her next starring role was in \"Down to You\" (2000), which was panned by critics, but earned her co-star Freddie Prinze, Jr. and", + "score": 0.71337890625, + "summary": "Julia Stiles portrayed Kat Stratford in \"10 Things I Hate About You\" opposite Heath Ledger. However, the document does not provide information on who played Patrick in the movie.", + "extraction": "Heath Ledger played Patrick in \"10 Things I Hate About You\"." + }, + { + "id": "2410021", + "title": "10 Things I Hate About You", + "text": "date Bianca's ill-tempered sister, Kat Stratford (Stiles). The film is titled after a poem written by Kat about her bittersweet romance with Patrick. Much of the filming took place in the Seattle metropolitan area, with many scenes shot at Stadium High School in Tacoma. Released March 31, 1999, \"10 Things I Hate About You\" was number two at the domestic box office during its opening weekend, behind only \"The Matrix\", and was a moderate financial and critical success. It was a breakthrough role for Stiles, Ledger, and Gordon-Levitt, all of whom were nominated for various teen-oriented awards. Ten years later,", + "score": 0.71337890625, + "summary": "Patrick is played by Heath Ledger in \"10 Things I Hate About You\".", + "extraction": "Patrick's character is played by an actor whose name is not mentioned in the given passage. Therefore, the extracted span is \"irrelevant\"." + }, + { + "id": "13024930", + "title": "10 Things I Hate About You (TV series)", + "text": "out and the other just wants to fit in. Kat is a cool, smart, strong-willed, forthright feminist who is looking to save the world and get out of school as fast as she can. When she meets the intense Patrick Verona (Ethan Peck), sparks begin to fly. Bianca is a social butterfly whose main goal in life is to be popular, but when the head cheerleader makes her the mascot, she realizes she has a long way to go. As they start a bumpy year at Padua High, Kat and Bianca attempt to navigate the popular crowd, boys and their", + "score": 0.71240234375, + "summary": "Ethan Peck plays Patrick Verona in the TV series \"10 Things I Hate About You.\"", + "extraction": "Ethan Peck plays Patrick in 10 Things I Hate About You." + }, + { + "id": "7422585", + "title": "Anything but Love", + "text": "were indeed in love with each other. The two reveled in their newfound joy, and agreed to take things slowly and uncommitted. However, such an event was not to be complete without a monkey wrench thrown in. The breakthrough development was compounded by the arrival of guest star John Ritter, who signed on for a three-episode story arc (which ABC aptly planned for February sweeps, and was heavily promoting in order to kickstart the series). Ritter played Patrick Serrau, a renowned photographer swept into town when the \"Weekly\" hired him to work on a special series. Hannah and Patrick become", + "score": 0.7099609375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "6981220", + "title": "Patrick Levis", + "text": "Patrick Levis Patrick Cannon Levis (born January 23, 1982) is an American actor, best known for playing Jack Phillips on the Disney Channel series \"So Weird\" and for playing Reed on \"The Fresh Beat Band\". Ever since he was little, acting was his passion. He started acting in several commercials, and by the age of twelve, he had a role in the original cast of the Broadway play \".\" After this he starred in \"Brink!\" (1998) (TV), a Disney Channel original movie, and shortly after was cast in the role of Jack Phillips in \"So Weird\" (1999). Patrick also made", + "score": 0.70849609375, + "summary": "Patrick Levis is an American actor known for his roles in \"So Weird\" and \"The Fresh Beat Band.\" However, the document is irrelevant to the question of who plays Patrick in \"10 Things I Hate About You.\"", + "extraction": "Patrick Levis plays Patrick in \"10 Things I Hate About You\"." + }, + { + "id": "9812920", + "title": "Karen McCullah", + "text": "Karen McCullah Karen McCullah (formerly Karen McCullah Lutz) is an American screenwriter and novelist. McCullah was born in the Philippines, where her father had been assigned with the United States Navy performing counterespionage duties. She grew up in Bergen County, New Jersey, and graduated from Indian Hills High School in her hometown of Oakland, New Jersey. As a high school student, she maintained in her diary \"10 Things I Hate About Anthony\", her boyfriend at the time, which ultimately led to the title of her 1999 film, \"10 Things I Hate About You\". She is a graduate of James Madison", + "score": 0.7060546875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "6981222", + "title": "Patrick Levis", + "text": "play drums and bass, respectively. Patrick Levis Patrick Cannon Levis (born January 23, 1982) is an American actor, best known for playing Jack Phillips on the Disney Channel series \"So Weird\" and for playing Reed on \"The Fresh Beat Band\". Ever since he was little, acting was his passion. He started acting in several commercials, and by the age of twelve, he had a role in the original cast of the Broadway play \".\" After this he starred in \"Brink!\" (1998) (TV), a Disney Channel original movie, and shortly after was cast in the role of Jack Phillips in \"So", + "score": 0.7060546875, + "summary": "Irrelevant.", + "extraction": "Patrick Levis plays Patrick in \"10 Things I Hate About You\" is irrelevant, as there is no mention of him playing Patrick in the given passage." + }, + { + "id": "6981221", + "title": "Patrick Levis", + "text": "another Disney Channel movie with Frankie Muniz called \"Miracle in Lane 2\" (2000) (TV) and also starred in the TV movie \"Inside the Osmonds\" (2001) (TV), where he played Donny Osmond. In 2001, Patrick was cast in the role of Grant Stage in the sitcom \"Maybe It's Me\" (2001), which aired on the WB. Patrick also founded the Christian progressive folk band \"Least of These\" in 2004. In 2007, he was cast to play Drew Simpson in \"Love's Unfolding Dream, a Hallmark Channel movie. He is also in a band called Least of These, with his brother and sister who", + "score": 0.705078125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "7506270", + "title": "Jack Salvatore Jr.", + "text": "the alternate opening and the alternate ending to \"13 Going on 30\" (2004), Salvatore played young Matt Flamhaff. These alternate clips can be seen on the special features on the DVD. He appeared in an episode of \"Mind of Mencia\" and \"The Secret Life of the American Teenager\", and has a recurring role on \"10 Things I Hate About You\". He also guest starred in the TV show \"Victorious\" as the pajelehoocho commercial boy in the episode 'Victori-Yes.' He also worked as the writer's production assistant on shows like \"Victorious\" and \"Sam & Cat\". Jack Salvatore Jr. Jack Salvatore Jr.", + "score": 0.70263671875, + "summary": "Jack Salvatore Jr. has a recurring role on \"10 Things I Hate About You\" but the document does not mention who plays Patrick in the show.", + "extraction": "Jack Salvatore Jr. plays Patrick in \"10 Things I Hate About You\"." + }, + { + "id": "4820429", + "title": "Lindsey Shaw", + "text": "three seasons. She dated her co-star Devon Werkheiser briefly. After the show ended, the sitcom \"Aliens in America\" debuted on The CW, where Shaw played the character Claire. \"Aliens in America\" was cancelled after one season, lasting only eighteen episodes. Shaw played the lead role of Kat Stratford in \"10 Things I Hate About You\". The show lasted one season of twenty episodes. She briefly appeared in Nickelback's \"Rockstar\" music video. Shaw was the 2010 Azalea Queen at the Azalea Festival in Wilmington, North Carolina. She starred as Trip alongside Andy Serkis in Ninja Theory's videogame \"\", released in October", + "score": 0.70263671875, + "summary": "Lindsey Shaw played the lead role of Kat Stratford in \"10 Things I Hate About You.\"", + "extraction": "Lindsey Shaw played the lead role of Kat Stratford in \"10 Things I Hate About You\". Therefore, the answer to the question \"Who plays patrick in 10 things i hate about you?\" is \"irrelevant\"." + }, + { + "id": "3737338", + "title": "Scott Patterson", + "text": "Patterson starred as Michael Buchanan in the NBC drama series \"The Event\", which premiered on September 20, 2010. His character was killed off in episode 18. In 2016, Patterson reprised his role as Luke Danes for the revival miniseries \"\", which streamed on Netflix on November 25, 2016. Scott Patterson Scott Gordon Patterson (born September 11, 1958) is an American actor and musician. He is known for his role as Luke Danes in \"Gilmore Girls\" and Special Agent Peter Strahm in \"Saw IV\", \"Saw V\" and \"Saw VI\". He also starred as Michael Buchanan in the NBC drama series \"The", + "score": 0.70166015625 + }, + { + "id": "8801317", + "title": "Patrick Cavanaugh", + "text": "in \"National Lampoon's Dorm Daze 2\", portraying the half of the goofy stoner duo of Pete and Wang (Paul H. Kim). He also appeared in the original movie. Cavanaugh had the recurring role of \"Smitty Smith\", a young, aspiring copywriter, on AMC's critically acclaimed \"Mad Men\" and played in the Horror comedy movie \"Transylmania\". He also provided the voice for the character Damian Wayne in the animated series, \"\". Patrick Cavanaugh Patrick Cavanaugh is an American television actor. Cavanaugh was an only child who grew up in Vallejo, California and his parent splits at a young age. He started performing", + "score": 0.70068359375 + }, + { + "id": "9795961", + "title": "Patrick Cassidy (actor)", + "text": "In 2001 he played Radames in the national tour of the musical \"Aida\"; he won the 2002 National Broadway Theatre Award for Best Actor in a Touring Musical before playing the role on Broadway in June 2002. In 2004-05 he was back on Broadway in \"42nd Street\" as Julian Marsh (replacement) playing opposite his mother as Dorothy Brock. He appeared in a US national tour of \"Joseph and the Amazing Technicolor Dreamcoat\", starting in September 2005. Patrick Cassidy (actor) Patrick Cassidy (born January 4, 1962 in Los Angeles, California) is an American actor best known for his roles in musical", + "score": 0.7001953125 + }, + { + "id": "2410036", + "title": "10 Things I Hate About You", + "text": "rock soundtracks of the spring 1999 season\". In June 1999, the Scholastic Corporation published a novelization of the story, adapted by David Levithan. The story is retold as it is in the film with each chapter written from the point of view of either Bianca, Cameron, Kat, Patrick, or Michael. In October 2008, ABC Family ordered a pilot episode of \"10 Things I Hate About You\", a half-hour, single-camera comedy series based on the feature film of the same name. Larry Miller is the only actor from the film to reprise his role in the television series. The director of", + "score": 0.7001953125 + }, + { + "id": "2410026", + "title": "10 Things I Hate About You", + "text": "Kat is still angry with Patrick, but he wins her over by serenading her with the accompaniment of the marching band, and she helps him sneak out of detention. They go on a date which turns romantic, but Kat becomes suspicious and angry when Patrick insists that she go with him to the prom, an event she is adamantly against. Bianca is irritated that Cameron has not asked her to the prom, and so accepts Joey's invitation, but Walter will not allow it unless Kat goes too. Kat confesses to Bianca that she dated Joey when they were freshmen and,", + "score": 0.69921875 + }, + { + "id": "9795958", + "title": "Patrick Cassidy (actor)", + "text": "in \"Bay City Blues\" as a baseball player in the minor leagues. The show was canceled after just four episodes. In 1984, Cassidy portrayed the initial love interest to Heather Langenkamp's character in the film \"Nickel Mountain\". In 1986, he played a cadet at a military academy in \"Dress Gray\" and appeared in the holiday TV movie \"Christmas Eve\" with Loretta Young. He co-starred alongside his half-brother David in a 2009 ABC Family comedy series entitled \"Ruby & The Rockits\" created by his brother Shaun. ABC Family announced on September 12, 2009 that the show had been canceled. Cassidy played", + "score": 0.6962890625 + }, + { + "id": "8970911", + "title": "Patrick Heusinger", + "text": "Patrick Heusinger Patrick Heusinger (born February 14, 1981) is an American actor, known for his roles on the television series \"Girlfriends' Guide to Divorce\", \"Gossip Girl\", \"Royal Pains\" and \"Absentia\". Heusinger was born and raised in Jacksonville, Florida, where he attended Douglas Anderson School of the Arts. He is a graduate of Juilliard. Heusinger made his debut in the 2005 independent period drama film \"Sweet Land\", as young Lars, and then appeared in \"Tie a Yellow Ribbon\", \"The Nanny Diaries\", and \"Black Swan\". On television, Heusinger is best known for the roles of Lord Marcus on the CW teen drama", + "score": 0.69580078125 + }, + { + "id": "5777601", + "title": "Andrew Keegan", + "text": "in the television series \"Full House\" for an episode. He had guest parts on numerous television shows before being cast on the TV drama \"Party of Five\" (1994). That same year, he landed another recurring role on \"7th Heaven\" (1996), where he played a single teenaged father in love with Jessica Biel's character Mary. Keegan was then cast in two modern-day Shakespearean film adaptations: as the antagonist of Heath Ledger in the 1999 comedy \"10 Things I Hate About You\" (adapted from \"The Taming of the Shrew\") and as Mekhi Phifer's best friend in 2001's \"O\", adapted from \"Othello\". Keegan", + "score": 0.6953125 + }, + { + "id": "9045663", + "title": "Lochie Daddo", + "text": "travel show \"Getaway\" during the mid-1990s for six years. From 1992\u201393, he portrayed the role of Stephen Gottlieb in \"Neighbours\". He appeared in 1995 in an episode of the ABC series \"G.P.\", \"Out\" as Patrick Walsh the romantic interest of the series' regular gay character Dr. Martin Dempsey played by Damian Rice. In 2005, he appeared on the series \"Blue Water High\". Throughout his career, he has worked as an actor, reporter and presenter for all the major Australian networks, on everything from entertainment news to current affairs including \"Let\u2019s Do It\", \"E! News\", \"Entertainment Tonight\", \"Today\" and \"Animal Hospital\".", + "score": 0.69482421875 + }, + { + "id": "5481676", + "title": "Patrick Labyorteaux", + "text": "alongside future \"JAG\"/\"NCIS\" costar Mark Harmon. He appeared in the 1989 cult film \"Heathers\" as Ram Sweeney. He voices cartoons such as \"Spider-Man: The Animated Series\", \"\" and others. Labyorteaux has been married to Tina Albanese, a TV producer, since 1998. Together, they have one child, a son named Jeau Bennett Labyorteaux (b. 2001). Patrick Labyorteaux Patrick Labyorteaux (born July 22, 1965) is an American actor, television producer and television writer. In many of his earlier credits, his last name is spelled as \"Laborteaux\". He is best known for his roles of Andrew \"Andy\" Garvey on the NBC series \"Little", + "score": 0.69091796875 + }, + { + "id": "16603593", + "title": "Patrick McGaw", + "text": "Patrick McGaw Patrick McGaw (born September 13, 1967) is an American actor. He is best known for his role as Neutron in the 1995 film \"The Basketball Diaries\" and as Doug Gordon in the 1996 film \"Malicious\". McGaw also appeared in the films \"Amongst Friends\" (1993) (his first acting credit), \"Scorpion Spring\" (1996) and \"Dream with the Fishes\" (1997). From 1997\u20131998, McGaw was a regular cast member on the Steven Bochco-produced police drama, \"Brooklyn South\", playing Terry Doyle. He then guest starred in the series \"Chicken Soup for the Soul\" in 2000 and \"\" in 2008, which is his last", + "score": 0.68994140625 + }, + { + "id": "13024929", + "title": "10 Things I Hate About You (TV series)", + "text": "Carter Covington announced on his Twitter account that the series had been canceled by ABC Family due to low ratings. He later revealed his intended storylines for the next season in an interview with \"Entertainment Weekly\" Popwatch blog. The series is based on \"10 Things I Hate About You\", which is itself based on William Shakespeare's \"The Taming of the Shrew\". The Stratford sisters, Kat (Lindsey Shaw) and Bianca (Meaghan Martin), have just moved from Ohio to California. As they start at their new school (Padua High), they have very different goals. It's clear that one sister wants to stand", + "score": 0.689453125 + }, + { + "id": "2410022", + "title": "10 Things I Hate About You", + "text": "the film was adapted into a television series of the same title, which ran for twenty episodes and featured Larry Miller reprising his role as the father, Walter Stratford, from the film. Cameron James, a new student at Padua High School in the Seattle area, becomes instantly smitten with popular sophomore Bianca Stratford. Geeky Michael Eckman warns him that Bianca is vapid and conceited, and that her overprotective father does not allow Bianca or her older sister, the shrewish Kat, to date. Kat, a senior, is accepted to Sarah Lawrence College in New York, but her father, Walter, wants her", + "score": 0.689453125 + }, + { + "id": "5547702", + "title": "Patrick Fugit", + "text": "comic book artist in \"White Oleander\" (2002) and a naive drug addict in the indie dark comedy \"Spun\" (2003). His next film, \"Saved!\" (2004), was a satirical look at the religious right in high school. Fugit's character was originally a surfer, but it changed into a skateboarder due to his skateboarding experience. Fugit starred in \"The Amateurs\" and played Evra Von in \"\" (2009). In 2016, he joined the cast of Cinemax's television series \"Outcast\". Patrick Fugit Patrick Raymond Fugit (; born October 27, 1982) is an American actor, known for his roles in the films \"Almost Famous\" (2000), \"White", + "score": 0.68896484375 + }, + { + "id": "7594878", + "title": "Patrick Ward (actor)", + "text": "Patrick Ward (actor) Patrick Ward (born 4 January 1950 in Sydney) is an Australian actor noted for several performances on Australian television. Ward played a guest television role in police drama \"Matlock Police\" in 1973 and a guest role in the teen soap opera \"Class of '74\". He had a role as Nicholas Brent in the 1974 film version of Number 96, and was a regular, Cornelius (aka Corny), in the serial \"The Unisexers\" (1975) produced by Cash Harmon Television, the makers of \"Number 96\". \"The Unisexers\" was cancelled after just three weeks and 16 episodes due to appalling ratings.", + "score": 0.68798828125 + }, + { + "id": "4433236", + "title": "100 Girls", + "text": "the problem he has with his manhood; he suffers from hypospadias. Early on, Matthew watches as a woman named Patty (Emmanuelle Chriqui) and her boyfriend Crick (Johnny Green) fight. Crick is the epitome of the macho man stereotype, with his big pectorals, conceited attitude, and abusiveness. He wears a ponytail, a manicured goatee, \"male make-up\", and chews nicotine gum, much to Matthew's dismay. Matthew tries to save Patty, but is hurt by Crick. Crick leaves, and Patty tries to help Matthew, but Matthew can't help but think of Patty's reputation as a \"slut.\" While searching one room, Matthew finds himself", + "score": 0.6865234375 + }, + { + "id": "4360307", + "title": "Butch Patrick", + "text": "Butch Patrick Butch Patrick (born Patrick Alan Lilley; August 2, 1953) is an American former child actor. Beginning his professional acting career at the age of seven, Patrick is perhaps best known for his role as child werewolf Eddie Munster on the CBS comedy television series \"The Munsters\" from 1964 to 1966 and in the 1966 feature film \"Munster, Go Home\", and as Mark, on the ABC Saturday morning series \"Lidsville\" from 1971 to 1973. Patrick Alan Lilley was born in August 2, 1953, in Inglewood, California. He was spotted by a talent agent at the age of seven, which", + "score": 0.6865234375 + }, + { + "id": "16603594", + "title": "Patrick McGaw", + "text": "acting credit to date. Patrick McGaw Patrick McGaw (born September 13, 1967) is an American actor. He is best known for his role as Neutron in the 1995 film \"The Basketball Diaries\" and as Doug Gordon in the 1996 film \"Malicious\". McGaw also appeared in the films \"Amongst Friends\" (1993) (his first acting credit), \"Scorpion Spring\" (1996) and \"Dream with the Fishes\" (1997). From 1997\u20131998, McGaw was a regular cast member on the Steven Bochco-produced police drama, \"Brooklyn South\", playing Terry Doyle. He then guest starred in the series \"Chicken Soup for the Soul\" in 2000 and \"\" in 2008,", + "score": 0.68603515625 + }, + { + "id": "2410034", + "title": "10 Things I Hate About You", + "text": "Movie: Villain (Gordon-Levitt) and Choice Movie: Soundtrack. The film's casting directors Marcia Ross and Donna Morong won \"Best Casting for Feature Film, Comedy\" at the Casting Society of America in 1999. In 2000, Stiles won the CFCA Award for \"Most Promising Actress\" for her role as Kat Stratford (tied with \u00c9milie Dequenne in \"Rosetta\") and an MTV Movie Award for Breakthrough Female Performance. The same year, Ledger was nominated for Best Musical Performance for the song \"Can't Take My Eyes Off You.\" The soundtrack album features popular modern rock anthems from 1970s up to the late 1990s, including various covers", + "score": 0.685546875 + }, + { + "id": "19691718", + "title": "Die Beautiful", + "text": "cuts the gown. During the seven days of Trisha's wake, flashbacks of the glamorous life Trisha had lived as a son/daughter, brother/sister, mother, girlfriend, wife, and a beauty queen were shown. The flashbacks showed both teenage Trisha, who was still Patrick then, and Barbs studying in the same school\u2014proud gays modeling as they walk in the hallways. Patrick had a crush on basketball player Migs (Albie Casi\u00f1o). Eager for Migs and with Barbs' convincing, Patrick goes with Migs and his friends one night. The next morning, Patrick arrives in school in a state of disarray and reluctantly confides to Barbs", + "score": 0.68505859375 + }, + { + "id": "5547700", + "title": "Patrick Fugit", + "text": "Patrick Fugit Patrick Raymond Fugit (; born October 27, 1982) is an American actor, known for his roles in the films \"Almost Famous\" (2000), \"White Oleander\" (2002), \"Saved!\" (2004) and \"\" (2007). , he has starred in the Cinemax series \"Outcast\". Fugit was born in Salt Lake City, Utah. His mother, Jan Clark-Fugit, is a dance teacher, and his father, Bruce, is an electrical engineer. Fugit is the oldest of three children, he has a younger sister and a younger brother. Fugit attended East High School, where he was diagnosed with ADHD. Fugit appeared in a school production of \"The", + "score": 0.6845703125 + }, + { + "id": "5593455", + "title": "Nick Patrick (actor)", + "text": "trained at the Drama Centre London. His TV credits include \"Cadfael\", \"Kavanagh QC\", \"Rough Justice\", \"Hollyoaks\", \"The Courtroom\" and \"Emmerdale\". Theatre credits include \"The Grapes of Wrath\" directed by Michael Rudman at the Crucible Sheffield, \"Single Spies\" directed by Michael Simpson at the Watford Palace and Jonathan Kemp's \"The Razorblade Cuckoo\" directed by Bob Wolstenholme at the Holborn Centre for Performing Arts. Films include \"Loaded\" directed by Anna Campion, and \"Two Days Nine Lives\" directed by Simon Monjack. Patrick has collaborated on two further shorts with Anna Campion, \"Inertia\" and \"Bipolar\". Nick Patrick (actor) Nick Patrick is a British actor,", + "score": 0.6845703125 + }, + { + "id": "2175751", + "title": "Bill Fagerbakke", + "text": "Dybinski on \"Coach\", in movies, including \"Funny Farm\", and several on-and-off Broadway stage shows. He had a role as the mentally disabled Tom Cullen in the 1994 mini-series \"Stephen King's The Stand\". In 1999, he had a role in HBO's original series \"Oz\" as Officer Karl Metzger. He is the voice of Patrick Star on the Nicktoon, \"SpongeBob SquarePants\". His character on \"Coach\" was based on a former assistant coach at Idaho, a graduate assistant nicknamed \"Tuna.\" In 2007, he made a cameo appearance on the show \"Heroes\" as Steve Gustavson in the episodes \"Run\" and \"Unexpected.\" Fagerbakke has received", + "score": 0.68408203125 + }, + { + "id": "3737329", + "title": "Scott Patterson", + "text": "Scott Patterson Scott Gordon Patterson (born September 11, 1958) is an American actor and musician. He is known for his role as Luke Danes in \"Gilmore Girls\" and Special Agent Peter Strahm in \"Saw IV\", \"Saw V\" and \"Saw VI\". He also starred as Michael Buchanan in the NBC drama series \"The Event\" and as a Tenctonese alien commander in the TV film \"\". He was born September 11, 1958, in Philadelphia, Pennsylvania, the son of Hope Gordon, a homemaker, an actress in the Haddonfield Plays and Players Theatre Troupe and journalist, and Francis Ford Patterson IV, an advertising executive.", + "score": 0.6826171875 + }, + { + "id": "13473025", + "title": "Ethan Peck", + "text": "2008 film \"Tennessee\", followed by a co-starring role opposite Peter Coyote and Bebe Neuwirth in the film \"Adopt a Sailor\". He won the award \"Best Actor\" at the 2009 Sonoma International Film Festival for his portrayal of \"Sailor\". From 2009 to 2010, he starred on the television series \"10 Things I Hate About You\" on ABC Family. In 2012, Peck played Prince Maxon for the pilot adaptation of popular book \"The Selection\", but was later replaced by newcomer Michael Malarkey. Neither the first or second pilot was picked up to go to series. In 2016 Peck starred in \"The Curse", + "score": 0.6826171875 + }, + { + "id": "4948342", + "title": "Patrick Harvey (actor)", + "text": "Patrick Harvey (actor) Patrick Harvey (born 24 July 1984 in Melbourne, Australia) is an Irish-Australian actor. He played Irish immigrant Connor O'Neill on the television soap opera \"Neighbours\". His first appearance on the soap was in April 2002. Harvey spent most of his childhood in Belfast, Northern Ireland, although he moved back to Australia in August 1999. He started acting when he was 9 years old and was in a number of ads and stage shows in the UK as well as voice over work. When he returned to Australia in August 1999 he had decided not to continue acting", + "score": 0.68212890625 + }, + { + "id": "6335505", + "title": "Brendan Fletcher", + "text": "a Leo Award. His filmography includes \"Tideland\", \"Freddy vs. Jason\", \"\", \"\", \"The Five Senses\", \"Air Bud,\" \"Rampage 1-3\", \"Eighteen\", and \"Law of Enclosures\". He also played Stirling Patterson (nickname: Stink) in \"The Adventures of Shirley Holmes\", appeared as Eric Anderson in \"Caitlin's Way\" and as Max in the \"Supernatural\" episode \"Nightmare\" and he appeared in the season 8 episode \"Injustice\" of \"Smallville\" as Rudy Jones aka The Parasite. He portrayed PFC Bill Leyden in the HBO miniseries \"The Pacific\", which received a number of prestigious accolades including a Peabody Award and eight Primetime Emmys. Fletcher has made numerous collaborations", + "score": 0.68212890625 + }, + { + "id": "4948339", + "title": "Patrick Harvey (actor)", + "text": "Patrick Harvey (actor) Patrick Harvey (born 24 July 1984 in Melbourne, Australia) is an Irish-Australian actor. He played Irish immigrant Connor O'Neill on the television soap opera \"Neighbours\". His first appearance on the soap was in April 2002. Harvey spent most of his childhood in Belfast, Northern Ireland, although he moved back to Australia in August 1999. He started acting when he was 9 years old and was in a number of ads and stage shows in the UK as well as voice over work. When he returned to Australia in August 1999 he had decided not to continue acting", + "score": 0.68212890625 + }, + { + "id": "4948341", + "title": "Patrick Harvey (actor)", + "text": "guest appearance in \"Rush\" for the Ten Network. Patrick Harvey is currently touring Australia in HIT Productions' stage version of The Sum of Us (By David Stevens) in the role of Jeff made famous by Russell Crowe in the 1994 film version. Popular television, film and TV star John Jarratt is playing the role of Harry. In 2012, Patrick featured on \"Neighbours\" for four weeks from late October in Australia and November for UK audiences. In 2015, Patrick co-starred in the horror film \"Scare Campaign\". He is also in constant demand as a talented voiceover artist for TV and radio.", + "score": 0.68212890625 + }, + { + "id": "15008018", + "title": "Julian Patrick", + "text": "Julian Patrick Julian Patrick (26 October 1927 \u2013 8 May 2009) was an American operatic baritone and voice teacher. Born in Mississippi, Patrick grew up in Birmingham, Alabama where he was a member of the Apollo Boys Choir. After graduating from the Cincinnati Conservatory of Music, he began his professional career as a musical theatre performer in the 1950s; appearing in the original Broadway productions of \"The Golden Apple\" (1954), \"Bells Are Ringing\" (1956), \"Juno\" (1959), \"Once Upon a Mattress\" (1959), and \"Fiorello!\" (1959). He also studied singing privately in New York City with Cornelius L. Reid. After the 1950s", + "score": 0.681640625 + }, + { + "id": "5667543", + "title": "Patrick Bergin", + "text": "Patrick Bergin Patrick Connolly Bergin (born 4 February 1951) is an Irish actor perhaps best known for his leading role opposite Julia Roberts in \"Sleeping with the Enemy\" (1991) and for playing the villainous Aidan Maguire in the BBC soap \"EastEnders\" (2017\u20132018). Bergin was born in Dublin, and had a working class upbringing in its Drimnagh district. Bergin learned social responsibility from his father, Paddy Bergin, a Labour Party politician, who had once studied to be a priest with the Holy Ghost Fathers in Blackrock, Ireland. Patrick is one of four sons and one daughter (Pearse, Emmet, Patrick, Alan and", + "score": 0.68115234375 + }, + { + "id": "4829107", + "title": "Brody Hutzler", + "text": "Brody Hutzler Ian Brody Hutzler (born April 20, 1971) is an American actor primarily known for his roles on soap operas. Hutzler played the role of Zachary Smith on \"Guiding Light\" from 1996\u20131997 and the role of Cody Dixon on \"The Young and the Restless\" from 1999-2004 before moving on to \"Days of Our Lives\", where he played the role of Patrick Lockhart from 2004\u20132007. He has also made several television guest appearances on shows, such as The WB series \"Charmed\" and \"Angel\" and the short-lived 2000 NBC series, \"Titans\". He also starred in the 2008 film \"Green Flash\", along", + "score": 0.68115234375 + }, + { + "id": "8438764", + "title": "Patrick Lockhart", + "text": "Patrick Lockhart Patrick Lockhart is a fictional character from the television drama \"Days of Our Lives\", portrayed by Brody Hutzler from 2004 to 2007. Patrick Lockhart grew up with his mother Bonnie, sister Mimi, and brother Connor on the streets (his father David had an on/off relationship with his mother). He spent most of his time protecting his family and being the man of the household. He also was a childhood conman. While unclear why, Patrick left Salem and may not have even finished high school. Patrick made his dramatic re-entrance to Salem when Jennifer Deveraux literally ran into him", + "score": 0.6806640625 + }, + { + "id": "11938759", + "title": "Patrick Tovatt", + "text": "Patrick Tovatt Patrick Tovatt (born December 11, 1940 in Garrett Ridge, Colorado) is an American actor. He is perhaps best known for his roles on several soap operas, including Zane Lindquist on \"Another World\" (1985-1986); Matt McCleary on \"Search for Tomorrow\" (1986); and Cal Stricklyn on \"As the World Turns\" (1988-1998, 2001). He was nominated for an Emmy Award for Outstanding Supporting Actor in 1994 for his work on \"As the World Turns.\" Tovatt attended Burris Laboratory School in Muncie, Indiana. He attended Harvard University and later transferred to Antioch College where he studied playwriting. He also studied directing at", + "score": 0.6806640625 + }, + { + "id": "9846836", + "title": "Cindy Cunningham", + "text": "refuses to help her and instead takes Jacqui's side. Tony tells Cindy that if she reports Jacqui to the police then he will make her and Holly homeless. He files for divorce. Holly scams money off of Darren which she uses to buy a new flat for her and Cindy. Cindy becomes attracted to Patrick Blake (Jeremy Sheffield) and feuds with Maxine Minniver (Nikki Sanderson) who is also attracted to Patrick. Patrick and Cindy briefly date although he leaves Cindy for Maxine. A pregnant Sinead O'Connor (Stephanie Davis) works for Cindy and they initially fight although Cindy starts to feel", + "score": 0.6796875 + }, + { + "id": "5482354", + "title": "Nigel Patrick", + "text": "Patrick was one of several names in \"Trio\" (1950) based on stories by W. Somerset Maugham and appeared in the Hollywood-financed \"Pandora and the Flying Dutchman\" (1951). He was the young teacher in \"The Browning Version\" (1951) with Michael Redgrave, and appeared in a popular comedy \"Young Wives' Tale\" (1951). He returned to the world of Maugham with \"Encore\" (1951) and was in \"Who Goes There!\" (1951) on stage. Patrick reprised his \"Who Goes There!\" (1952) performance on film then played a test pilot in the popular \"The Sound Barrier\" (1952). He was then in \"Meet Me Tonight\" (1952) and", + "score": 0.6796875 + }, + { + "id": "9029493", + "title": "Dana Davis", + "text": "starred as Lisa Hines in \"Prom Night\" (2008). Davis played Chastity Church in the ABC Family series \"10 Things I Hate About You\" (Gabrielle Union played the character in the film) appearing in all 20 episodes. According to series creator Carter Covington, Davis asked out of her contract after the 20 episodes to explore new career opportunities, so Chastity was written out as transferring to a new school; the show was cancelled shortly after the episode aired. Dana Davis Dana Davis (born October 4, 1978) is an American actress, known for playing Monica Dawson on the NBC series \"Heroes\" (2007),", + "score": 0.67919921875 + }, + { + "id": "5815119", + "title": "Pat Mastroianni", + "text": "Pat Mastroianni Pasquale \"Pat\" Mastroianni (born December 22, 1971) is a Canadian actor best known for his role as Joey Jeremiah on the \"Degrassi\" series of television shows. Mastroianni was born in Toronto, Ontario. At 13, he tried out for the \"Degrassi\" series, and was subsequently cast as Joey Jeremiah. In 1988, Mastroianni won a Gemini Award for Best Continuing Actor in a Leading Role. After \"Degrassi High\" ended in 1992, Mastroianni worked as a waiter and a paver in his father's construction business, and gave up college for acting when his university mandated that he devote all his time", + "score": 0.6787109375 + }, + { + "id": "11786708", + "title": "Graham Patrick Martin", + "text": "Graham Patrick Martin Graham Patrick Martin (born November 14, 1991) is an American film and television actor. He is best known for his recurring role as Eldridge on \"Two and a Half Men\" (2010\u201312) and former teen hustler Rusty Beck on the series finale of \"The Closer\" and in its spinoff series, \"Major Crimes\" (2012\u20132018). Martin also portrayed Bill Engvall's eldest son in the sitcom \"The Bill Engvall Show\" (2007\u201309). He starred in the films \"Jack Ketchum's The Girl Next Door\" (2007) and \"Rising Stars\" (2010). Martin attended Fiorello H. LaGuardia High School in New York City. When asked, in", + "score": 0.6787109375 + }, + { + "id": "4596627", + "title": "Patrick Trueman", + "text": "a funeral of one of Patrick's old friends, they pretend to be in a relationship. Although Patrick has feelings for Cora, she insists they are just friends and their kiss was meaningless. After Patrick admits that he likes her as more than friends, they decide to start a relationship, taking it slowly. Patrick is disgusted when Ben is unmasked as Heather's killer, and it emerges that Jay Brown (Jamie Borthwick) helped cover it up. The whole square rejects Jay, but Patrick softens towards him when he remembers how he was victimised in the past and takes Jay to live with", + "score": 0.6787109375 + }, + { + "id": "3012420", + "title": "Jason Patric", + "text": "John Miller. His ancestry is mostly Irish, with some German. Growing up in Upper Saddle River, New Jersey, he attended schools such as Cavallini Middle School and the all-boys Catholic school Salesian Roman Catholic Don Bosco Preparatory High School (Ramsey, New Jersey). In California, he attended Saint Monica Catholic High School (Santa Monica, California). He appeared in high school productions of \"Dracula\" and \"Grease\". After graduation, he was cast in the television drama \"Toughlove\" with Bruce Dern. The following year, Patric was cast in \"Solarbabies\" alongside Peter DeLuise, Jami Gertz, Lukas Haas, James LeGros and Adrian Pasdar. Within a few", + "score": 0.67822265625 + }, + { + "id": "17166378", + "title": "One Life to Live characters (1990s)", + "text": "in 1997. Seldes appeared until the character's onscreen death February 13, 1998. Patrick Thornhart is a fictional character on the ABC Daytime soap opera \"One Life to Live\". Actor Thorsten Kaye appeared in the role from October 16, 1995 to September 16, 1997. Patrick meets Marty Saybrooke while in Ireland trying to dodge a terrorist group known as the \"Men of 21\". Todd Manning shows up to help Marty return home; Todd is mistaken for Patrick, shot by the group and presumed dead. Patrick poses as Todd in order to return to Llanview with Marty. Patrick briefly becomes romantically involved", + "score": 0.67822265625 + }, + { + "id": "15649874", + "title": "Dustin Schuetter", + "text": "often travels to his home state of Louisiana to do film work at Aria Relic Studios, a film production company owned by Schuetter and Bernadette F. Dugas. Dustin Schuetter Dustin Schuetter (born May 14, 1984) is an American actor, producer, director and screenwriter. Shortly after arriving in Los Angeles, Dustin found work with Emmy-nominated Director Gil Junger, who directed the film 10 Things I Hate About You, as well as TV series Kyle XY, Ellen and Greek. He has also worked alongside Oscar-Nominated and award-winning actress Sally Kirkland. Since that time, Schuetter has worked steadily in Hollywood, appearing in seven", + "score": 0.677734375 + }, + { + "id": "16548794", + "title": "Patrick Kelly (former RCMP officer)", + "text": "detailed account of the murder and the investigative process. The 1996 book \"The Judas Kiss: The Undercover Life of Patrick Kelly\" by journalist Michael Harris relates the real story of Patrick Kelly. The 1999 TV movie \"Murder Most Likely\" starring Paul Gross as Patrick Kelly was nominated for the 2000 Gemini Award for best TV Movie or Dramatic Mini-Series. The movie is based on Michael Harris's book \"The Judas Kiss: The Undercover Life of Patrick Kelly\". Patrick Kelly (former RCMP officer) Patrick Kelly is a former Royal Canadian Mounted Police undercover agent and convicted murderer. He was an officer in", + "score": 0.67724609375 + }, + { + "id": "6571413", + "title": "Kate Patrick", + "text": "Kate Patrick Kate Patrick is a fictional character from the British Channel 4 soap opera, \"Hollyoaks\", played by Natasha Symms. She debuted on-screen during the episodes airing in 1997. She departed in 2000 and returned for guest appearances in 2002 and 2003. Dannielle Brent who plays Symms on-screen sister Gina Patrick originally auditioned for the role of Kate. When their mother Jill Patrick (Lynda Rooke) married Jack Osborne (Jimmy McKenna), Kate along with her siblings Gina and Sol Patrick (Paul Danan) acquired step-siblings in the form of stuck-up Ruth (Terri Dwyer) and Darren Osborne (Ashley Taylor Dawson), who they refused", + "score": 0.67724609375 + }, + { + "id": "5258514", + "title": "Pat Butcher", + "text": "her his house in his will. Pat is summoned as a witness for the prosecution at Janine's trial in December 2005, where she meets Frank again. Once again, they sleep together but she soon realizes that his primary motive is to convince her to alter her testimony at Janine's trial. Pat refuses, but Frank assures her that he will always love her. In February 2006, Pat, missing male company, begins flirting with Patrick Trueman (Rudolph Walker), who is married but unable to resist the chance at a casual fling with Pat. Stacey Slater (Lacey Turner) sees them together and tells", + "score": 0.67724609375 + }, + { + "id": "9795956", + "title": "Patrick Cassidy (actor)", + "text": "Patrick Cassidy (actor) Patrick Cassidy (born January 4, 1962 in Los Angeles, California) is an American actor best known for his roles in musical theatre and television. He is the son of Shirley Jones and Jack Cassidy. Jones was pregnant with Patrick while filming \"The Music Man\", and the baby even kicked his mother's co-star Robert Preston in one scene. His brothers are Ryan Cassidy and Shaun Cassidy, and his half-brother was David Cassidy. He is also the uncle of \"Arrow\" star Katie Cassidy. He is married to actress Melissa Hurley and is the father of two sons, Cole Patrick", + "score": 0.67724609375 + }, + { + "id": "2410025", + "title": "10 Things I Hate About You", + "text": "starts to open up, expressing her interest in starting a band. However, when she tries to kiss him, Patrick pulls away and Kat leaves, infuriated. Meanwhile, Bianca ignores Cameron in favor of Joey, leaving Cameron dejected. Bianca soon realizes, however, that Joey is shallow and self-absorbed, and asks Cameron for a ride home. Cameron admits his feelings for her and his frustration with how she has treated him. Bianca responds by kissing him. Joey offers to pay Patrick to take Kat to the prom so he can take Bianca. Patrick initially refuses, but relents when Joey offers him more money.", + "score": 0.6767578125 + }, + { + "id": "5547701", + "title": "Patrick Fugit", + "text": "Twelve Dancing Princesses\" as the shoemaker, while he was at grade seven. He has been a skateboarder since he was fifteen. Fugit and his best friend, David Fetzer, formed a folk/rock band \"Mushman\", in which Fugit plays the guitar and sometimes sings. Fugit studies flamenco guitar, which he played on the Cavedoll song \"MAYDAY\" and his song \"Brennan's Theme\" for the ending scene in \"\". Fugit played a young rock-fan-turned-reporter in Cameron Crowe's \"Almost Famous\" and claimed that his knowledge of 1970s rock music was nil (\"I actually thought Led Zeppelin was one person\"). Fugit played a sweetly geeky, aspiring", + "score": 0.67626953125 + }, + { + "id": "4596621", + "title": "Patrick Trueman", + "text": "while Patrick and Denise holiday together; despite initial upset, Denise and the Truemans remain close. Patrick sees Denise as the daughter he never had and acts as grandfather to her two daughters Chelsea (Tiana Benjamin) and Libby (Belinda Owusu). After purchasing the Minute Mart grocery store, Patrick and Yolande run it together. Patrick is assaulted there, and although Chelsea and her friend Dean Wicks (Matt Di Angelo) claim the assailant is Sean Slater (Robert Kazinsky) in a set-up, it is later revealed to be Craig Dixon (Rory Jennings), whom Patrick had disagreed with over the sale of alcohol. Patrick becomes", + "score": 0.67578125 + }, + { + "id": "2685262", + "title": "Robert Patrick", + "text": "Robert Patrick Robert Hammond Patrick Jr. (born November 5, 1958) is an American actor, perhaps best known for his portrayals of villainous characters. He is a Saturn Award winner with four nominations. Patrick dropped out of college when drama class sparked his interest in acting, and entered film in 1986. After playing a supporting role in \"Die Hard 2\" (1990), Patrick starred as the T-1000, the main antagonist of \"\" (1991) \u2013 a role he reprised for cameo appearances in \"Wayne's World\" (1992) and \"Last Action Hero\" (1993). Other notable film credits include \"Fire in the Sky\" (1993), \"Striptease\" (1996),", + "score": 0.67529296875 + }, + { + "id": "8706819", + "title": "Patrick Drake", + "text": "is saying goodbye, Robin is shown to be very much alive and held captive in an undisclosed location. Patrick falls into the early stages of addiction to a hallucinogenic pain-killer. Lulu Spencer (Julie Marie Berman) and Maxie Jones (Kirsten Storms) eventually intervene and get him to detox. Patrick befriends nursing student Sabrina Santiago (Teresa Castillo), but dates Britt Westbourne (Kelly Thiebaud), a fellow doctor. Britt rubbed Emma the wrong way, and Patrick would later overhear Britt insulting Emma; he immediately broke up with her. Patrick would help Sabrina revive the Nurses' Ball to honor Robin. The two would eventually start", + "score": 0.67529296875 + }, + { + "id": "5983789", + "title": "Marcus Patric", + "text": "\"Strictly Ice Dancing\" and \"Celebrity MasterChef\". He also won \"Total Wipeout\" and \"71 Degrees North\". Patrick's father died when he was seven years of age. Patrick lives with his partner, Georgia Martin, an air hostess, and their son, Ethan (who was born on the anniversary of Patrick's father's death). Marcus Patric Marcus Patrick (born 17 August 1979 in Gosport, Hampshire) is an English actor. Best known for the role of Ben Davies in the Channel 4 soap opera \"Hollyoaks\", he then starred in its spin-offs \"Hollyoaks: Let Loose\" and \"\". He won the role after entering the televised open-audition \"Hollyoaks:", + "score": 0.67529296875 + }, + { + "id": "2175748", + "title": "Bill Fagerbakke", + "text": "Bill Fagerbakke William Mark Fagerbakke (; born October 4, 1957) is an American actor and voice actor. He is best known for his long-running roles as Patrick Star in the animated series \"SpongeBob SquarePants\" and Michael \"Dauber\" Dybinski on the sitcom \"Coach\". He also appeared in 12 episodes of the sitcom \"How I Met Your Mother\" as Marshall Eriksen's father Marvin. Fagerbakke, was born in October 4, 1957, in Fontana, California, and moved to Rupert, Idaho, as a youth. He graduated from Minico High School in Rupert in 1975, where he was a three-sport athlete for the Spartans in football,", + "score": 0.67529296875 + }, + { + "id": "6817003", + "title": "Starter for 10 (film)", + "text": "term starts, Brian is invited to join the \"University Challenge\" team after one of the other members falls ill. The captain of the team, Patrick Watts, is a stuck-up post-grad who has managed to remain team captain despite never having achieved success on \"University Challenge\". Brian immediately impresses the rest of the team with his wealth of trivia knowledge and uses his time with the team to get closer to Alice, eventually getting invited to her house for the Christmas holiday. Unfortunately, Brian embarrasses himself in front of her family by getting stoned while trying to impress Alice. He returns", + "score": 0.6748046875 + }, + { + "id": "6751307", + "title": "Tad Hilgenbrink", + "text": "it or go home. After winning his first major roles as well as the Showcase Showdown on \"The Price Is Right\", he decided to stay. He was chosen for Matt Stifler due to his resemblance to Seann William Scott, replacing Eli Marienthal who portrayed the character in the primary \"American Pie\" series. He also appeared in the 2006 film \"The Curiosity of Chance\", a movie in which he stars as a gay high school student who moved to a new school and must learn to fit in. Tad Hilgenbrink Tad Hilgenbrink (born Tad Davie Hilgenbrinck Quintana, October 9, 1981) is", + "score": 0.67431640625 + }, + { + "id": "15454756", + "title": "Patrick Hines", + "text": "Patrick Hines Patrick Hines (March 17, 1930 in Burkeville, Texas \u2013 August 12, 1985 in Manhattan, New York), born Mainer Patrick Hines, was an American actor who was probably best known for his portrayal of Kapellmeister Giuseppe Bonno in the 1984 film \"Amadeus\". He also appeared as Samuel Chase in the film \"1776\". Other films include \"The Brinks Job\", \"Bloodrage\" and \"A Passage to India\". On Broadway Hines was a character actor, he made his debut as Friar Pete in the 1957 production of \"Measure for Measure\" in a cast which included Norman Lloyd and Ellis Rabb. He created the", + "score": 0.67333984375 + }, + { + "id": "3205103", + "title": "John Patrick (dramatist)", + "text": "John Patrick (dramatist) John Patrick (May 17, 1905November 7, 1995) was an American playwright and screenwriter. He was born John Patrick Goggin in Louisville, Kentucky. His parents soon abandoned him, and he spent a delinquent youth in foster homes and boarding schools. At age 19, he secured a job as an announcer at KPO Radio in San Francisco, California, marrying Mildred Legaye in 1925. He wrote over one thousand scripts for the \"Cecil and Sally\" radio program (originally titled \"The Funniest Things\"), broadcast between 1928 and 1933. The show's sole actors were Patrick and Helen Troy. In 1937, Patrick wrote", + "score": 0.6728515625 + }, + { + "id": "6571417", + "title": "Kate Patrick", + "text": "identity crisis. Kate Patrick Kate Patrick is a fictional character from the British Channel 4 soap opera, \"Hollyoaks\", played by Natasha Symms. She debuted on-screen during the episodes airing in 1997. She departed in 2000 and returned for guest appearances in 2002 and 2003. Dannielle Brent who plays Symms on-screen sister Gina Patrick originally auditioned for the role of Kate. When their mother Jill Patrick (Lynda Rooke) married Jack Osborne (Jimmy McKenna), Kate along with her siblings Gina and Sol Patrick (Paul Danan) acquired step-siblings in the form of stuck-up Ruth (Terri Dwyer) and Darren Osborne (Ashley Taylor Dawson), who", + "score": 0.6728515625 + }, + { + "id": "7908922", + "title": "Patrick Kennedy (actor)", + "text": "Paul Giamatti as well as \"Me and Orson Welles\" alongside Claire Danes. On the TV side, he was a series regular opposite Carey Mulligan in the BBC's \"Bleak House\" as Richard Carstone. He has also appeared in \"Cambridge Spies\" and had minor roles in \"Spooks\", \"Mrs. Henderson Presents\", \"A Good Year\" and \"Munich\". Patrick Kennedy (actor) Patrick Kennedy (born 26 August 1977) is an English actor in over 16 films and television shows. He recently booked a lead series regular role on HBO's new series \"The Money\" opposite Brendan Gleeson and Nathan Lane. Kennedy recurred on \"Boardwalk Empire\" and was", + "score": 0.6728515625 + }, + { + "id": "3474500", + "title": "Patrick McKenna", + "text": "Patrick McKenna Patrick McKenna (born May 8, 1960) is a Canadian comedian and actor. He is best known for playing Harold Green on the television series \"The Red Green Show\". Patrick McKenna became interested in Second City when a high-school teacher took him to a show at Second City Toronto. After he graduated from high school, he attended Sheridan College, graduating with a business degree in 1982. To help with tuition, he worked his way to being night manager at Second City, learning how improv worked. In 1983 he auditioned successfully for the main stage. During the 1980s he tried", + "score": 0.6728515625 + }, + { + "id": "7295220", + "title": "Patrick Bristow", + "text": "Patrick Bristow Patrick Bristow (born September 26, 1962) is an American actor and comedian. Bristow was born in Los Angeles, California. He appeared in the television role of Peter, the good friend of Ellen DeGeneres' character in the series \"Ellen\". His TV guest-star roles include \"Seinfeld\"'s \"The Wig Master\", his recurring role as the machiavellian Troy on \"Mad About You\", and Larry David's choreographer on \"Curb Your Enthusiasm\". He has also guest starred on \"Malcolm in the Middle\", \"Friends\", \"\", \"The Minor Accomplishments of Jackie Woodman\", \"The Larry Sanders Show\", \"Head Case\", \"The Suite Life of Zack & Cody\", and", + "score": 0.6728515625 + }, + { + "id": "3150858", + "title": "Kenny Blank", + "text": "the arrest, conviction and execution of 14-year-old George Stinney. Blank appears in the feature film \"Boomerang\". He portrayed Michael Peterson in the TV series \"The Parent 'Hood\" in the mid-1990s. Blank provided the voice of the character Darren Patterson on the Nickelodeon animated series \"As Told by Ginger\" (2000\u201306), as well as earning a small role in \"All Grown Up!\", as Sulky Boy's band member J.T.. He also appeared in \"Silent Story\" and \"Delivering Milo\". Notable guest appearances on television shows include roles in \"City of Angels\", \"Living Single\", and \"Freaks and Geeks\". Blank appears in the \"Saints Row\" video", + "score": 0.67236328125 + }, + { + "id": "20586642", + "title": "Patrick Brennan (actor)", + "text": "roles include Liam in \"\" and Marcus Daniels on \"Agents of S.H.I.E.L.D.\". Patrick Brennan (actor) Patrick Oliver Lampson, known professionally as Patrick Brennan, (born December 25, 1974) is an American actor. Patrick Brennan is the son of photographer and poet David John Lampson and famed actress Eileen Brennan. He also has a brother, Samuel, who is a professional singer. Patrick started his career as a basketball player while still at Santa Monica College and soon after transferred to Azusa Pacific University. While there, he shifted his focus from sports to theater mostly inspired by his own mother. He acted on", + "score": 0.67236328125 + }, + { + "id": "5975197", + "title": "Paterson Joseph", + "text": "Paterson Joseph Paterson Joseph (born 22 June 1964) is a British actor. He appeared in the Royal Shakespeare Company productions of \"King Lear\" and \"Love's Labour's Lost\" in 1990. On television he is known for his roles in \"Casualty\" (1997\u201398), as Alan Johnson in Channel 4 sitcom \"Peep Show\" (2003\u20132015), \"Green Wing\" (2004\u201306), \"Survivors\" (2008\u201310), \"Boy Meets Girl\" (2009), as in \"\" (2013\u201314), and as Connor Mason in \"Timeless\" (2016-). His film roles include \"The Beach\" (2000), \"Greenfingers,\" (2001) \"\u00c6on Flux\" (2005) and \"The Other Man\" (2008). He is also known for his various performances of the Marquis de Carabas", + "score": 0.67236328125 + }, + { + "id": "7422592", + "title": "Anything but Love", + "text": "the \"sisterhood\" (Hannah, Robin and Catherine). Then, perhaps not to the surprise of fans, John Ritter returned in December 1991 to further the saga of Patrick Serrau for two more episodes. Patrick was back in Chicago when his photography went on exhibit at the local art museum. Showing no signs of his usual lecherous self, Patrick attempts to lure Hannah once again by digging up some discrediting facts about Marty. Before the end of the two parter, Marty manages to outplay Patrick once more, who truly did not have a chance to get Hannah due to how committed they were.", + "score": 0.67236328125 + }, + { + "id": "7908921", + "title": "Patrick Kennedy (actor)", + "text": "Patrick Kennedy (actor) Patrick Kennedy (born 26 August 1977) is an English actor in over 16 films and television shows. He recently booked a lead series regular role on HBO's new series \"The Money\" opposite Brendan Gleeson and Nathan Lane. Kennedy recurred on \"Boardwalk Empire\" and was nominated for a Screen Actors Guild Award. He shot \"War Horse\" with Steven Spielberg and booked a leading role in the HBO mini-series \"Parade's End\". Kennedy also appeared opposite Keira Knightley in the Oscar-winning film \"Atonement\" and is dual US and UK citizen. He appeared in \"The Last Station\" alongside James McAvoy and", + "score": 0.671875 + }, + { + "id": "15008020", + "title": "Julian Patrick", + "text": "the world premiere of Carlisle Floyd's \"Of Mice and Men\" in 1970. He also taught on the music faculty of the University of Washington for many years. He died at the age of 81 while on vacation in Santa Fe, New Mexico. He was survived by his life partner of 56 years, Donn Talenti. Julian Patrick Julian Patrick (26 October 1927 \u2013 8 May 2009) was an American operatic baritone and voice teacher. Born in Mississippi, Patrick grew up in Birmingham, Alabama where he was a member of the Apollo Boys Choir. After graduating from the Cincinnati Conservatory of Music,", + "score": 0.67138671875 + }, + { + "id": "11786710", + "title": "Graham Patrick Martin", + "text": "\"The King and I\". I did three musicals every summer at French Woods, until I was fifteen. The other influence was Leonardo DiCaprio. I saw \"Titanic\" in kindergarten and decided I wanted to be just like him.\" Graham Patrick Martin Graham Patrick Martin (born November 14, 1991) is an American film and television actor. He is best known for his recurring role as Eldridge on \"Two and a Half Men\" (2010\u201312) and former teen hustler Rusty Beck on the series finale of \"The Closer\" and in its spinoff series, \"Major Crimes\" (2012\u20132018). Martin also portrayed Bill Engvall's eldest son in", + "score": 0.67138671875 + }, + { + "id": "19053620", + "title": "Shane Emmett", + "text": "known for his television roles over the last two decades, playing Aiden O'Hara in \"All Saints\" (1999), Colin Lowndes in \"Rush\" (2009), Dr Patrick in \"Offspring\" (2010) and Mark Gilmour in \"Home and Away\" (2011). Since then he has gone on to play the editor of \"The Australian\" Max Newton in the biographical miniseries \"\" and Clayton Timms in the Universal TV series \"Precinct 13\". Emmett is also known for his work as a presenter on the television morning show \"9am with David & Kim\" (2009) as well as \"Good Morning Australia\", \"GMA\" and \"The Morning Show\" in 2009 and", + "score": 0.67138671875 + }, + { + "id": "9962765", + "title": "Patrick O'Brien Demsey", + "text": "Patrick O'Brien Demsey Patrick O\u2019Brien Demsey (born December 14, 1978) is an American actor. Demsey was born in Danvers, Massachusetts. His parents are Gene and Gail Demsey; he has an older brother, Christopher, and a younger brother, Michael. He graduated from Danvers High School in 1997 and attended Fitchburg State College, playing hockey at both schools, but was forced to quit the sport due to injuries. Demsey's acting career started with a successful casting call for the 2004 movie \"Miracle\", in which he plays Mike Eruzione, the captain of the US hockey team that defeated the Soviet Union's team in", + "score": 0.6708984375 + }, + { + "id": "2685271", + "title": "Robert Patrick", + "text": "Marshall\" as Marshall University head coach Rick Tolley, who lost his life when Southern Airways Flight 932 crashed in 1970. His credits also include a guest starring role in the \"Lost\" episode \"Outlaws\", as well as a recurring role as the voice of Master Piandao in of the Nickelodeon animated series \"\". Patrick played a supporting role in \"Firewall\", a 2006 action movie starring Harrison Ford. He has also appeared in Meat Loaf's music video \"Objects in the Rear View Mirror May Appear Closer than They Are\" with Will Estes. Director McG, who directed \"Terminator Salvation\", said that he wanted", + "score": 0.67041015625 + }, + { + "id": "8198535", + "title": "Marcus Patrick", + "text": "he was featured in RnB Singer Ashanti's music video for the song The Woman You Love. Aside from acting, Patrick has had a singing career, firstly with the boyband Worlds Apart and then as a solo singer. Patrick has practiced Tae Kwon Do, winning championships at junior and men's heavyweight level. Patrick adheres to a vegan diet for health and ethics reasons. Marcus Patrick Marcus Patrick (born Patrick Marcus Osborne; June 5, 1974 in Bath, Somerset) is an English actor, model, singer and film director. Patrick has appeared in such American television series as \"My Wife & Kids\", \"\" and", + "score": 0.67041015625 + }, + { + "id": "5667549", + "title": "Patrick Bergin", + "text": "and Frazier married in Trinidad and Tobago in 1992. They have a daughter named Tatiana (called Tia). Bergin and his wife are currently separated. Patrick Bergin Patrick Connolly Bergin (born 4 February 1951) is an Irish actor perhaps best known for his leading role opposite Julia Roberts in \"Sleeping with the Enemy\" (1991) and for playing the villainous Aidan Maguire in the BBC soap \"EastEnders\" (2017\u20132018). Bergin was born in Dublin, and had a working class upbringing in its Drimnagh district. Bergin learned social responsibility from his father, Paddy Bergin, a Labour Party politician, who had once studied to be", + "score": 0.67041015625 + }, + { + "id": "8970912", + "title": "Patrick Heusinger", + "text": "\"Gossip Girl\", where he appeared on four episodes in 2008, and Adam on USA Network's \"Royal Pains\" in 2010 and 2011. He was also in a recurring role as Max McCarthy on Bravo TV's first original scripted series Girlfriends' Guide to Divorce. Other television credits include \"30 Rock\", \"The Good Wife\", \"\", \"Rescue Me\", \"Unforgettable\", and \"Necessary Roughness\". Heusinger starred as Lancelot in the national tour of \"Spamalot\" from 2006 through 2008. In 2010, he starred in the Naked Angels' Tony-nominated Broadway production of \"Next Fall\". Other theater credits include the off-Broadway production of \"Next Fall\" and the Broadway revival", + "score": 0.67041015625 + }, + { + "id": "11627898", + "title": "Characters of Casualty", + "text": "the Emergency Department's consultant manager. Despite their previous working relationship Harry found the job difficult, knowing what Nathan had recently been through. Patrick Spiller, played by Ian Kelsey, made his first appearance in the series fourteen episode \"Free Fall\", broadcast on 11 December 1999. He was introduced as a specialist registrar in emergency medicine. The character was described as \"\"Casualty\" bad boy\" by Marion McMullen of the \"Coventry Telegraph\", who deemed him \"arrogant, brusque and bad-tempered\". Kelsey described him as \"very good\" at his job, but that his bedside manner becomes worse as the series develops. Patrick's storylines have included", + "score": 0.67041015625 + }, + { + "id": "15570578", + "title": "Jonathan Keltz", + "text": "projects include the 2011 films \"Prom\", released April 2011 by Disney, in which he plays the role of Brandon Roberts, an oblivious but self-confident teen preparing for his school's prom night, the completed horror film \"Playback\", in which a group of high school students unwittingly unleash an evil spirit which destroys its victims through video playback, and the film \"Transgression\". Jonathan Keltz Jonathan Lippert Keltz (born January 17, 1988) is an American actor known for his role as Jake Steinberg in the HBO series \"Entourage\", and his work in the films \"Prom\" (2011) and \"21 & Over\" (2013). He starred", + "score": 0.67041015625 + }, + { + "id": "13088885", + "title": "Patrick (1978 film)", + "text": "Patrick (1978 film) Patrick is a 1978 Australian science fiction horror film directed by Richard Franklin and written by Everett De Roche. The film popularised Ozploitation films in other territories. A remake, \"Patrick\", was released in 2013. Three years after murdering his parents, Patrick (Thompson) lies in a coma at the Roget Clinic, a private hospital in Melbourne. Following a job interview with Matron Cassidy (Blake), the head of the hospital, Kathie Jacquard (Penhaligon) is taken on as Patrick's new nurse. The hospital's owner, Dr. Roget (Helpmann), explains Patrick's condition to Kathie and says he is being kept alive to", + "score": 0.67041015625 + }, + { + "id": "5368382", + "title": "Ryan Kwanten", + "text": "appeared in the films \"Flicka\" (2006), with Maria Bello, Alison Lohman, and Tim McGraw, and \"Dead Silence\" (2007), a horror film in which he played the leading role, Jamie Ashen. Kwanten appeared in a \"\" episode that aired on 2 December 2008, in which he portrayed Dominic Pruitt, a US Marine Corps Master Sergeant accused of raping and murdering a fellow Marine and her unborn baby. In 2009, he starred in the film \"Don't Fade Away\" with Mischa Barton and Beau Bridges. In 2010, Kwanten voiced the role of Kludd in the animated-epic film \"\", although he was originally set", + "score": 0.66943359375 + }, + { + "id": "6506618", + "title": "Dennis Patrick", + "text": "Dennis Patrick Dennis Patrick (born Dennis Patrick Harrison; March 14, 1918 \u2013 October 13, 2002) was an American character actor, primarily in television. Patrick is known for his work in television shows. He made four guest appearances on \"Perry Mason\", three of them as the murder victim: Martin Selkirk in the 1959 episode, \"The Case of the Deadly Toy,\" Martin Somers in the 1962 episode, \"The Case of the Tarnished Trademark,\" and golf pro Chick Farley\u2014an unnervingly close channelling of James Cagney\u2014in the 1966 episode, \"The Case of the Golfer's Gambit.\" Among his other television appearances were the roles of", + "score": 0.66943359375 + } + ], + "answer": "The romantic comedy film 10 Things I Hate About You was released in 1999 and features Heath Ledger as the character Patrick. A TV show sitcom also called 10 Things I Hate About You was released in 2009 based on the 1999 film and features Ethan Peck as Patrick." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Microsoft live movie maker is an example of a freely licensed software, often called free what?", + "short_answers": [ + "freeware" + ], + "wikipage": null + }, + { + "context": "Windows Movie Maker (known as Windows Live Movie Maker for the 2009 and 2011 releases) is a discontinued video editing software by Microsoft. It was a part of Windows Essentials software suite and offered the ability to create and edit videos as well as to publish them on OneDrive, Facebook, Vimeo, YouTube, and Flickr.", + "question": "Microsoft live movie maker is an example of free software used for what purpose?", + "short_answers": [ + "Video editing software" + ], + "wikipage": "Windows Movie Maker" + } + ], + "wikipages": [ + { + "title": "Windows Movie Maker", + "url": "https://en.wikipedia.org/wiki/Windows%20Movie%20Maker" + }, + { + "title": "Talk:Windows Live Movie Maker", + "url": "https://en.wikipedia.org/wiki/Talk%3AWindows%20Live%20Movie%20Maker" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "The Microsoft Windows live movie maker is an example of a freely licensed software called freeware. The 2009 and 2011 releases were used to create, edit and publish videos on OneDrive, Facebook, Vimeo and other media platforms." + }, + { + "knowledge": [], + "long_answer": "Windows Movie Maker, known as Windows Live Movie Maker for the 2009 and 2011 releases, is a discontinued video editing software program by Microsoft. It is an example of freely licensed software, known as freeware." + } + ], + "sample_id": "3228155858422343609", + "question": "Microsoft live movie maker is an example of free?", + "docs": [ + { + "id": "4434040", + "title": "Windows Movie Maker", + "text": "the plaintiffs' evidence in \"Comes v. Microsoft Corp.\", an antitrust class-action suit, and was submitted as evidence in that case on January 16, 2007. Windows Movie Maker Windows Movie Maker (formerly known as Windows Live Movie Maker in Windows 7) was a video editing software by Microsoft. It was a part of Windows Essentials software suite and offered the ability to create and edit videos as well as to publish them on OneDrive, Facebook, Vimeo, YouTube, and Flickr. Movie Maker was officially discontinued on January 10, 2017 and it is replaced by \"Windows Story Remix\" which is built in with", + "score": 0.7509765625, + "summary": "Windows Movie Maker was a video editing software by Microsoft that was part of the Windows Essentials software suite. It was officially discontinued on January 10, 2017 and replaced by \"Windows Story Remix\". No information was provided to answer the question of interest.", + "extraction": "Windows Live Movie Maker, mentioned in the passage, was a part of Windows Essentials software suite and was free to use. So, the answer to the question is \"Yes, Microsoft Live Movie Maker is an example of free.\"" + }, + { + "id": "4434021", + "title": "Windows Movie Maker", + "text": "Windows Movie Maker Windows Movie Maker (formerly known as Windows Live Movie Maker in Windows 7) was a video editing software by Microsoft. It was a part of Windows Essentials software suite and offered the ability to create and edit videos as well as to publish them on OneDrive, Facebook, Vimeo, YouTube, and Flickr. Movie Maker was officially discontinued on January 10, 2017 and it is replaced by \"Windows Story Remix\" which is built in with Microsoft Photos in Windows 10. The first release of Windows Movie Maker was included with Windows ME on September 14, 2000. Version 1.1 was", + "score": 0.74462890625, + "summary": "Microsoft Live Movie Maker is mentioned in the document as Windows Live Movie Maker, which was discontinued on January 10, 2017 and replaced by \"Windows Story Remix\" on Windows 10. The document does not specify if the software was free or not, so the answer is irrelevant.", + "extraction": "Microsoft live movie maker is not explicitly mentioned in the passage. However, it is mentioned that Windows Movie Maker was a part of Windows Essentials software suite and was offered for free. Therefore, it can be inferred that Microsoft Live Movie Maker, being a similar product, was also offered for free." + }, + { + "id": "4434027", + "title": "Windows Movie Maker", + "text": "Live Movie Maker 2011, was released on August 17, 2010, adding features such as webcam capture, support for high-definition video, the ability to upload videos directly to SkyDrive and Facebook, and the ability to add media files stored on network shares to projects. With the discontinuation of the Windows Live brand (and the re-branding of the Windows Live suite as Windows Essentials), Windows Movie Maker 2012 was released in April 2012. Support for recording voice-overs was restored, along with an audio mixer and integration with several free stock music services. H.264/MP4 became the default export format (replacing Windows Media Video,", + "score": 0.72265625, + "summary": "Microsoft Live Movie Maker is mentioned, but the document is not relevant to the question of whether it is free or not.", + "extraction": "Live Movie Maker 2011 is an example of a free movie maker software." + }, + { + "id": "4434025", + "title": "Windows Movie Maker", + "text": "the WPF-based Windows Movie Maker was retained in Windows Vista. A new version of the software, renamed Windows Live Movie Maker 2009, was released as a beta on September 17, 2008, and officially released as a standalone product through Windows Live Essentials suite on August 19, 2009. This was effectively a completely new software, as it could not read projects created by earlier versions and did not support custom XML transitions written for the previous versions. In addition, a great many features were removed. Also, Movie Maker's interface was redesigned in the Windows Live version to use a ribbon toolbar", + "score": 0.7216796875, + "summary": "Microsoft Live Movie Maker is mentioned, but the document does not provide information on whether it is free or not.", + "extraction": "Windows Live Movie Maker 2009 was released as a standalone product through Windows Live Essentials suite on August 19, 2009." + }, + { + "id": "4434026", + "title": "Windows Movie Maker", + "text": "similar to Office 2007; it also added features such as \"Auto Movie\" and the ability to export videos directly to DVDs and YouTube. Certain advanced features were also removed from the software, such as image stabilisation and the ability to record voice-overs. Movie Maker 2009 supported both Windows Vista and Windows 7. As the previous version of Windows Movie Maker was no longer included with the operating system, the only way to obtain Movie Maker on Windows 7 and later was through the Windows Live Essentials suite, although some manufacturers pre-installed the application on new PCs. An updated version, Windows", + "score": 0.6923828125, + "summary": "Microsoft Live Movie Maker is not mentioned in the document, irrelevant.", + "extraction": "Microsoft live movie maker is not mentioned in the passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "795128", + "title": "Non-linear editing system", + "text": "and high definition broadcast quality very quickly on desktop computers that may not have the power to process huge full-quality high-resolution data in real-time. The costs of editing systems have dropped such that non-linear editing tools are now within the reach of home users. Some editing software can now be accessed free as web applications; some, like Cinelerra (focused on the professional market) and Blender3D, can be downloaded as free software; and some, like Microsoft's Windows Movie Maker or Apple Inc.'s iMovie, come included with the appropriate operating system. The non-linear editing retrieves video media for editing. Because these media", + "score": 0.6923828125, + "summary": "Microsoft's Windows Movie Maker is an example of free editing software that comes included with the appropriate operating system.", + "extraction": "\"Microsoft's Windows Movie Maker\" is included with the appropriate operating system and can be accessed for free. Therefore, \"Microsoft live movie maker\" is an example of free." + }, + { + "id": "16594812", + "title": "Microsoft Movies & TV", + "text": "Microsoft Movies & TV Microsoft Movies & TV (Canada and the US), or Microsoft Films & TV (UK, Ireland, Australia, and New Zealand), previously Xbox Video and Zune Video, is a digital video service developed by Microsoft that offers full HD movies and TV shows available for rental or purchase in the \"Video Store\". The service is available on Xbox 360, Xbox One, Windows 8 and later, and Windows Phone 8 and later. Movies & TV is also accessible on the web. Zune Video Marketplace was released in 2006, and was replaced by Xbox Video on October 14, 2012. Renamed", + "score": 0.68994140625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "2821820", + "title": "3D Movie Maker", + "text": "creativity, the art of storytelling, and a strange, terrible humanoid creature named McZee\". 3D Movie Maker 3D Movie Maker (commonly shortened to 3DMM) is a program created by Microsoft Kids in 1995. Using this program, users are able to place 3D characters into pre-made environments and to add actions, sound effects, music, text, speech and special effects. Movies are saved in the two 3D Movie formats: \".3mm\" and \".vmm\". The program features two helper characters to guide users through the various features of the program. The character McZee (voiced by Michael Shapiro) provides help throughout the studio while his assistant", + "score": 0.6865234375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about Microsoft Live Movie Maker being free or not. It talks about a different program, 3D Movie Maker." + }, + { + "id": "1989273", + "title": "IMovie", + "text": "IMovie iMovie is a video editing software application sold by Apple Inc. for the Mac and iOS (iPhone, iPad, iPad Mini and iPod Touch). It was originally released in 1997 as a Mac OS 8 application bundled with the first FireWire-enabled consumer Mac model \u2013 the iMac DV. Since version 3, iMovie has been a macOS-only application included with the iLife suite of Mac applications. Since 2003, iMovie is included free with all new Mac computers. iMovie claims it imports video footage to the Mac using either the FireWire interface on most MiniDV format digital video cameras or the computer's", + "score": 0.6826171875, + "summary": "Irrelevant.", + "extraction": "Microsoft live movie maker is irrelevant to the given passage about iMovie." + }, + { + "id": "8613903", + "title": "Windows Essentials", + "text": "from the installer itself, as well as from programs such as Photo Gallery and Movie Maker, which have been branded Windows Photo Gallery and Windows Movie Maker respectively. These two programs have also received several updates and enhancements since their 2011 release, including video stabilization, waveform visualizations, new narration tracks, audio emphasizing, default save as H.264 format, and enhanced text effects for Movie Maker; as well as AutoCollage integration and addition of Vimeo as a publishing partner for Photo Gallery. No significant changes or re-branding were made in this release for other programs such as Windows Live Messenger, Windows Live", + "score": 0.6748046875, + "summary": "Microsoft's Windows Essentials includes Windows Movie Maker, which has received updates and enhancements since its 2011 release. However, the document does not state whether or not Windows Movie Maker is free, making it irrelevant to the question of interest.", + "extraction": "Windows Live Movie Maker has been rebranded as Windows Movie Maker and is available for free, with several updates and enhancements since its 2011 release." + }, + { + "id": "17144631", + "title": "Lumia imaging apps", + "text": "It features unlimited video length (though it's limited by a total of 25 content slots), pan-and-zoom, and offers various filters and themes, some of the themes and filters include DreamWorks' Kung-Fu Panda and Madagascar movies. It offers compatibility with content created on other devices, though it should first be moved to the device on which Movie Creator is installed before these can be edited. In April 2015 Movie Creator Beta got Microsoft OneDrive and 4K video support. Microsoft Photos Add-ins (previously called \"Lumia Moments\") is a Lumia Denim enabled feature that can take frames from videos and turn them into", + "score": 0.671875, + "summary": "Microsoft live movie maker is not mentioned in the document, therefore it is irrelevant.", + "extraction": "Microsoft live movie maker is irrelevant to the given passage." + }, + { + "id": "16594815", + "title": "Microsoft Movies & TV", + "text": "2015 with a system update for the Xbox 360, the name of the app changed to reflect the new branding. The Xbox One app had also changed in a previous update. After previously being linked with Movies Anywhere in the past, Microsoft Movies & TV announced that they would be rejoining the service on August 6, 2018. Microsoft Movies & TV Microsoft Movies & TV (Canada and the US), or Microsoft Films & TV (UK, Ireland, Australia, and New Zealand), previously Xbox Video and Zune Video, is a digital video service developed by Microsoft that offers full HD movies and", + "score": 0.66943359375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "8613898", + "title": "Windows Essentials", + "text": "Windows Live Essentials applications outside of major operating system releases. On December 15, 2008, the \"beta refresh\" versions of Windows Live Essentials applications were released. This release included many changes since the previous beta release based on user feedback. A significant visual change in this release was the introduction of new application icons which added a common design theme to all the Live Essentials applications. The words \"beta\" were removed from most of the build numbers. On January 7, 2009, the \"beta refresh\" versions were released as the final versions, with the notable exception of Windows Live Movie Maker. Microsoft", + "score": 0.6689453125, + "summary": "Microsoft Live Movie Maker is an exception as it was not released as a final version on January 7, 2009.", + "extraction": "Yes, Microsoft Live Movie Maker is an example of a free application within the Windows Live Essentials suite." + }, + { + "id": "14954535", + "title": "Freemake Video Converter", + "text": "Freemake Video Converter Freemake Video Converter is a freemium entry-level video editing app (in spite of its name) developed by Ellora Assets Corporation. The program can be used to convert between video formats, rip video DVDs, create photo slideshows and music visualizations. It can also burn compatible video streams to DVD or Blu-ray Discs or upload them directly to YouTube. Although named \"free\", if user does not pay money, the big Freemake Logo is watermarked in the center of the whole video (making it useless) and conversion speed is also cut in half. In spite of its name, Freemake Video", + "score": 0.66650390625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about Microsoft live movie maker." + }, + { + "id": "2821815", + "title": "3D Movie Maker", + "text": "3D Movie Maker 3D Movie Maker (commonly shortened to 3DMM) is a program created by Microsoft Kids in 1995. Using this program, users are able to place 3D characters into pre-made environments and to add actions, sound effects, music, text, speech and special effects. Movies are saved in the two 3D Movie formats: \".3mm\" and \".vmm\". The program features two helper characters to guide users through the various features of the program. The character McZee (voiced by Michael Shapiro) provides help throughout the studio while his assistant Melanie provides other various tutorials. In Nickelodeon 3D Movie Maker, the user is", + "score": 0.66552734375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage only mentions \"3D Movie Maker\" and does not provide any information about \"Microsoft live movie maker\"." + }, + { + "id": "13149329", + "title": "Serif products", + "text": "merging and LAB colour mode. PhotoPlus boasts some other features which are not commonly found in photo editing software such as non-destructive crop and adjustments, intelligent quick shapes, and a comprehensive image export optimizer. PhotoPlus is available both as a paid-for version (not subscription based like Adobe Photoshop), or as a cut-down Starter Edition which is completely free. Serif MoviePlus is a non-linear editing system created by Serif that allows both professional and home users to edit digital video and digital images. The latest release, MoviePlus X6, runs on Microsoft Windows XP, Windows Vista, Windows 7 and Windows 8. From", + "score": 0.66455078125, + "summary": "Serif MoviePlus is a non-linear editing system that allows both professional and home users to edit digital video and images. The latest release, MoviePlus X6, runs on Microsoft Windows XP, Windows Vista, Windows 7 and Windows 8. However, there is no mention of Microsoft Live Movie Maker being an example of free, so the answer is irrelevant.", + "extraction": "The passage is irrelevant to the question as it does not provide information about Microsoft Live Movie Maker." + }, + { + "id": "1989582", + "title": "ILife", + "text": "novice users to quickly create professional-quality movies. The first version of the software was released in October 1999 and bundled with the iMac DV. On April 28, 2000, Apple began allowing users to download iMovie free of charge from its website. iMovie remained free until 2003, when it became part of the first iLife release, which was sold for $49. Apple continued to update and develop the existing iMovie software until the release of iLife '08 in 2007, when a new version, iMovie '08, was released. iMovie '08 was completely rewritten as a new application and introduced significant changes to", + "score": 0.66455078125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "6237234", + "title": "Microsoft Plus!", + "text": "Movie Enhancement Pack for Windows XP\", Microsoft launched Plus! Digital Media Edition along with Windows XP Media Center Edition. Plus! Digital Media Edition signified the first time Microsoft had released a second Plus! product based on the same base operating system. Microsoft Plus! Digital Media Edition was also the first Microsoft product to be made available for sale to consumers via e-commerce as full product download through online retailers. Released on January 7, 2003, Plus! Digital Media Edition built upon two newly enhanced Windows XP core components: Windows Media Player and Windows Movie Maker 2. This product version focused more", + "score": 0.6640625, + "summary": "Microsoft Plus! Digital Media Edition, which included Windows Movie Maker 2, was released on January 7, 2003 and was available for sale to consumers via e-commerce. However, it is unclear if this product was free or not.", + "extraction": "Microsoft live movie maker is not explicitly mentioned in the given passage. However, it can be inferred that the Windows Movie Maker 2 mentioned in the passage is a predecessor to the current Microsoft Live Movie Maker. Therefore, the extracted span is \"It can be inferred that Microsoft Live Movie Maker is a free software since its predecessor, Windows Movie Maker 2, was included in Microsoft Plus! Digital Media Edition, which was available for sale to consumers via e-commerce as a full product download through online retailers.\"" + }, + { + "id": "4434022", + "title": "Windows Movie Maker", + "text": "included in Windows XP a year later, and included support for creating DV AVI and WMV 8 files. Version 2.0 was released as a free update in November 2002, and added a number of new features. Version 2.1, a minor update, is included in Windows XP Service Pack 2. The Movie Maker in Windows XP Media Center Edition 2005 had more transitions and support for DVD burning. The next version of Movie Maker was released as part of Windows Vista and \u2013 like most Windows components \u2013 reported version number 6.0.6000, same as Windows Vista itself. It included new effects", + "score": 0.66357421875, + "summary": "Irrelevant.", + "extraction": "Microsoft live movie maker is irrelevant to the given passage as it only talks about Windows Movie Maker." + }, + { + "id": "795159", + "title": "Non-linear editing system", + "text": "new products have appeared including NewTek's software application SpeedEdit. Since 2000, many personal computers include basic non-linear video editing software free of charge. This is the case of Apple iMovie for the Macintosh platform, various open source programs like Kdenlive and PiTiVi for the Linux platform, and Windows Movie Maker for the Windows platform. This phenomenon has brought low-cost non-linear editing to consumers. As of 2014, 4K Video in NLE is fairly new, but it is being used in the creation of many movies throughout the world, due to the increased use of advanced 4K cameras such as the Red", + "score": 0.6630859375, + "summary": "Windows Movie Maker is an example of free non-linear video editing software for the Windows platform.", + "extraction": "Yes, Windows Movie Maker for the Windows platform is an example of free non-linear video editing software that has been included in many personal computers since 2000." + }, + { + "id": "2821816", + "title": "3D Movie Maker", + "text": "instead guided by Stick Stickly. 3D Movie Maker is built on BRender, a 3D graphics engine created by Argonaut Software. The models and prerendered backgrounds were created by Illumin8 Digital Pictures, a now defunct graphics studio using Softimage modeling software. The cinematic introduction and help sequences were created by Productions Jarnigoine, a now inactive production company directed by Jean-Jacques Tremblay. While 3D Movie Maker is no longer available in retail stores nowadays, it is currently a freeware downloadable game with 3DMM Animation Pro, 3DMM Expansion Pack, V3DMM, 7gen and 3DMM Pencil++. Creating animation in 3D Movie Maker is a straightforward", + "score": 0.66064453125 + }, + { + "id": "15006618", + "title": "Office 365", + "text": "the Office desktop software would be provided on a similarly periodic basis to all Office 365 users by means of the streaming system, as opposed to the three-year cycle for major releases of Office that had been used in the past. Microsoft began to deploy Office 2016 in September 2015. Office 365 Education, formerly Office 365 for Education and Microsoft Live@edu, is a free suite of hosted Microsoft services and applications that is intended for educational needs. The program provides education institutions with a set of hosted collaboration services, communication tools, and mobile, desktop, and web-based applications, as well as", + "score": 0.66064453125 + }, + { + "id": "14832971", + "title": "Microsoft Flight", + "text": "Microsoft Flight Microsoft Flight is an aviation game from Microsoft Studios created as a successor to the discontinued \"Microsoft Flight Simulator\" series. The game is offered \"free-to-play\"; charging gamers for downloading extra content, aircraft or scenery. In July 2012, Microsoft ceased development of the game permanently to re-align its \"long-term goals and development plans.\" The core game, which includes the Icon A5 aircraft and the Big Island of Hawaii scenery area, remained available as a free download for some time after that, but is now no longer available. It could be expanded with additional downloadable content (DLC) from the integrated", + "score": 0.66064453125 + }, + { + "id": "153197", + "title": "Freeware", + "text": "less restrictive licensing terms. This approach is known as freemium (\"free\" + \"premium\"), since the free version is intended as a promotion for the premium version. The two often share a code base, using a compiler flag to determine which is produced. For example, BBEdit has a BBEdit Lite edition which has fewer features. XnView is available free of charge for personal use but must be licensed for commercial use. The free version may be advertising supported, as was the case with the DivX. Ad-supported software and free registerware also bear resemblances to freeware. Ad-supported software does not ask for", + "score": 0.65966796875 + }, + { + "id": "4434039", + "title": "Windows Movie Maker", + "text": "saving movies only in Microsoft's ASF file format. Critical reception of versions 2.0 and 2.6 has been slightly more positive. Many longstanding users were disappointed by the removal of so many features in the effective re-writing of the software in Live Movie Maker 2009. Some of those features (such as visualisation of the audio levels) have subsequently been re-added. In June 2008, a memo purportedly by Bill Gates from January 2003 was circulated on the Internet in which he heavily criticized the downloading process for Movie Maker at the time. The memo was originally made available online as part of", + "score": 0.65966796875 + }, + { + "id": "1989290", + "title": "IMovie", + "text": "announced an updated version of iMovie for iOS along with the third-generation iPad. Later versions have added support for 4K resolution, Metal graphics processing, and external displays. IMovie iMovie is a video editing software application sold by Apple Inc. for the Mac and iOS (iPhone, iPad, iPad Mini and iPod Touch). It was originally released in 1997 as a Mac OS 8 application bundled with the first FireWire-enabled consumer Mac model \u2013 the iMac DV. Since version 3, iMovie has been a macOS-only application included with the iLife suite of Mac applications. Since 2003, iMovie is included free with all", + "score": 0.6591796875 + }, + { + "id": "4516822", + "title": "Microsoft OneNote", + "text": "available for free. OneNote for Windows and Mac are both based on a freemium model. Premium features such as SharePoint support, version history and Outlook integration were previously available only to Office 365 and Office 2013 customers, but on February 13, 2015, Microsoft removed all feature restrictions, except creation of local notebooks -- the free edition only stores notebooks on OneDrive -- from the programs, essentially making the program completely free to use. Microsoft OneNote has become an integral part of Windows 10 and its mobile phone counterpart, with features that bring the app more in line with its iPhone/iPad", + "score": 0.65869140625 + }, + { + "id": "15737644", + "title": "Free Studio", + "text": "included OpenCandy, which is loaded in automatically, without any request for user approval. There can be difficulties installing only the programs needed without installing bundled extra programs. In March 2017 DVDVideoSoft announced that it had stopped showing other products' ads during the installation and all the toolbars, search engine installations and OpenCandy were removed. Free Studio Free Studio is a freeware set of multimedia programs developed by DVDVideoSoft. The programs are available in one integrated package and also as separate downloads (\"Free Studio Manager\" is included in both). The Free Studio software bundle consists of about 48 programs, grouped into", + "score": 0.65869140625 + }, + { + "id": "1989581", + "title": "ILife", + "text": "Store, Apple discontinued the DVD bundle and turned to selling the apps separately. Photos, the app that superseded iPhoto, is now an essential part of macOS, while iMovie and GarageBand, although ship pre-installed on any new Mac computer or iOS device, can be uninstalled if not needed. Updates for apps purchased on the Mac App Store are available for free, while the pre-App Store model required buying an entire suite when a new version had been released. iMovie is the oldest of the application included with iLife. It was marketed by Apple as an easy-to-use video editing application that allowed", + "score": 0.65771484375 + }, + { + "id": "16594813", + "title": "Microsoft Movies & TV", + "text": "Movies & TV in 2015, the service is Microsoft's answer to and competes more directly with similar online video stores including PlayStation Video, iTunes Store, Google Play Movies & TV, and Amazon Video. Xbox Live Marketplace's original video store was replaced by Zune Marketplace on September 15, 2009. At E3 2009, Microsoft announced their 1080p streaming video service, which allows users to stream video over an internet connection. This technology is a key part of Xbox Video for their video streaming service. With the announcement of Xbox Music services which would replace the Zune Marketplace music service, speculation arose about", + "score": 0.65625 + }, + { + "id": "13634967", + "title": "MSN Video Player", + "text": "the MSN Video service, featuring short-form clips such as film trailers and news items. The platform is optimised for Microsoft Silverlight - support that was notably missing from the beta - although it also works with Flash, and some of the content is available in HD streaming at 720p on connections of 2 Mbit/s and upwards. All content on the service will be available for free, with half-hour programmes preceded by short commercials, while programmes of one hour or longer are interrupted by a commercial break. Ashley Highfield, Microsoft\u2019s UK consumer and online managing director, suggested that in the future", + "score": 0.65576171875 + }, + { + "id": "17144630", + "title": "Lumia imaging apps", + "text": "30, 2015 as some of its features would be implemented in the Windows 10 Photos app. Lumia Video Trimmer (previously \"Nokia Video Trimmer\") is a video editing application originally launched by Nokia, it allows users to edit and share videos recorded on their Lumia devices. Movie Creator Beta (previously \"Nokia Video Director\" though the Nokia Video Director application is still published in the Windows Phone Store as a separate client) is a video creation application launched by Microsoft Mobile in 2014 for Windows and Windows Phone, it allows users to merge photographs, video clips, music samples and text into movies.", + "score": 0.65576171875 + }, + { + "id": "7067928", + "title": "Microsoft Office Live", + "text": "Microsoft Office Live Microsoft Office Live is a discontinued web-based service providing document sharing and website creation tools for consumers and small businesses. Its successor was branded Windows Live. Office Live consisted of two services, \"Office Live Workspace\", which was superseded by OneDrive, and \"Office Live Small Business\", which was superseded by Office 365. \"Office Live Workspace\" was a free service for storing and sharing documents online. The company claimed it was most commonly used for work, school, and home projects because documents could be managed from remote locations without a flash drive. The service required web access and a", + "score": 0.6552734375 + }, + { + "id": "6298595", + "title": "Microsoft Expression Web", + "text": "Microsoft Expression Web Microsoft Expression Web is an HTML editor and general web design software product by Microsoft. It is available free of charge from Microsoft and is a component of the discontinued Expression Studio. Expression Web can design and develop web pages using HTML5, CSS 3, ASP.NET, PHP, JavaScript, XML+XSLT and XHTML. Expression Web 4 requires .NET Framework 4.0 and Silverlight 4.0 to install and run. Expression Web uses its own standards-based rendering engine which is different from Internet Explorer's Trident engine. On May 14, 2006, Microsoft released the first Community Technology Preview (CTP) version of Expression Web, code-named", + "score": 0.654296875 + }, + { + "id": "6928751", + "title": "Features new to Windows Vista", + "text": "bring up the \"Info\" pane to view and edit metadata about a photo or video. ICC V4 color profiles embedded in images are also supported. The \"Photo Print Wizard\" has been improved to offer a lot of customizability. An upgraded version of this, Windows Live Photo Gallery allows you to upload and share photos and videos online as part of Windows Live services. Windows Movie Maker supports smooth Direct3D-based effects and transitions, editing and outputting HD video, importing recorded DVR-MS format videos, as well as burning the output movie on a CD. In Windows Vista Home Premium and Ultimate editions,", + "score": 0.6533203125 + }, + { + "id": "13306355", + "title": "VideoThang", + "text": "the trim/zoom basics are there, it's free, and it's so simple to use that just about anyone in the world should be able figure it out.\" Amit Agarwal, of Digital Inspiration, said that the software \"doesn\u2019t offer loads of features like other video editors but is perfect for making quick video slideshows of your pictures that you can upload on the web or share via email.\" VideoThang VideoThang is free video editing software that works on Windows 2000, Windows XP, and Windows Vista. The software has three parts to it which are \"My Stuff\", \"Edit My Stuff\", and \"My Mix\".", + "score": 0.6533203125 + }, + { + "id": "7767485", + "title": "Windows DVD Maker", + "text": "Windows DVD Maker Windows DVD Maker was a DVD authoring utility developed by Microsoft, first released in 2007 in Windows Vista. The utility allows users to create DVD slideshows and videos for playback on media devices such as a DVD player. It is comparable to Apple's iDVD, which was released in 2001. DVD Maker has been removed as of Windows 8. Windows DVD Maker was first reported by Paul Thurrott during the Windows Hardware Engineering Conference of 2003. Thurrott stated that Windows Vista, then known by its codename \"Longhorn,\" would support DVD movie creation \"through an independent application, and not", + "score": 0.6533203125 + }, + { + "id": "8613899", + "title": "Windows Essentials", + "text": "updated Windows Live Essentials Wave 3 on February 13, 2009 and again on August 19, 2009, when Windows Live Movie Maker was released out of beta and significantly updated with additional features since the beta version released in December 2008. The final build number was 14.0.8117.0416. After the release of Windows Live Essentials 2011, which does not support Windows XP, Windows Live Essentials 2009 was renamed to \"Windows Live Essentials for Windows XP\" and was made available for Windows XP users to help maintain the product user base. Microsoft released a public beta for the next major update for Windows", + "score": 0.6533203125 + }, + { + "id": "15029660", + "title": "Freemake Video Downloader", + "text": "Freemake Video Downloader Freemake Video Downloader is a crippleware download manager for Microsoft Windows, developed by Ellora Assets Corporation. It is a proprietary software that can download online video and audio. Both HTTP and HTTPS protocols are supported. Users must purchase a premium upgrade to remove Freemake branding on videos and unlock the ability to download media longer than 3 minutes in length. The GUI provides several modal windows that help to access different program features, including download progress, download queue, output file saving options, download history, program settings. Users may purchase (communicated as a \"donation\" in the software's dialog)", + "score": 0.65283203125 + }, + { + "id": "8171129", + "title": "Microsoft Cinemania", + "text": "Microsoft Cinemania Microsoft Cinemania. Interactive Movie Guide is a reference and educational multimedia application CD-ROM series produced by Microsoft and published annually beginning in 1992 until 1997. The last edition of Cinemania was released in 1997. This version was available for Microsoft Windows PCs running Windows 95 or Windows NT with an Intel 80486 processor, or Apple Macintoshes running System 7. The software was mainly a database of films, in a similar fashion to the Internet Movie Database, and gave descriptions of the films and who starred in them. Most of this information was not readily accessible before broadband internet.", + "score": 0.65234375 + }, + { + "id": "5134475", + "title": "LiVES", + "text": "and the 1.0.0 version was released in July 2009. On the Freecode site, LiVES is listed as the most popular non-linear video editing software. LiVES was nominated for the category of Best Project for Multimedia in the Sourceforge Community Choice Awards 2009. The LiVES application allows the user to manipulate video in realtime and in non-realtime. The application also has features which go beyond traditional video editing applications - for example, it can be controlled and monitored remotely over a network, and it has facilities for streaming to and from another copy of LiVES. It is resolution and frame rate", + "score": 0.65234375 + }, + { + "id": "4434028", + "title": "Windows Movie Maker", + "text": "but still can be used), support for uploading to Vimeo was introduced, and hardware accelerated video stabilisation was also added as an exclusive feature for Windows 8 users. Movie Maker was officially removed for download on January 10, 2017. Like other Windows Essentials apps, Movie Maker is now replaced by \"Windows Story Remix\" in Windows 10's Photos App. The layout consists of a \"storyboard view\" and a \"timeline view\", collections for organizing imported video, and a preview pane. When in \"Storyboard view\", the video project appears as a film strip showing each scene in clips. The storyboard/timeline consists of one", + "score": 0.65185546875 + }, + { + "id": "16227274", + "title": "Freemake Music Box", + "text": "software runs under Windows XP, Windows Vista, and Windows 7 and requires .NET Framework 4.0. Freemake Music Box Freemake Music Box is the fourth software application developed by Ellora Assets Corporation and is currently in pre-release status. It is a freeware program designed to stream free music to users without the need to create an account or set up a subscription. Freemake Music Box is a Windows application for searching and listening to music from the Internet. The program indexes music legally posted online. Users can input a query in the search box and the application displayes search results which", + "score": 0.6513671875 + }, + { + "id": "14832978", + "title": "Microsoft Flight", + "text": "site Metacritic. Microsoft Flight Microsoft Flight is an aviation game from Microsoft Studios created as a successor to the discontinued \"Microsoft Flight Simulator\" series. The game is offered \"free-to-play\"; charging gamers for downloading extra content, aircraft or scenery. In July 2012, Microsoft ceased development of the game permanently to re-align its \"long-term goals and development plans.\" The core game, which includes the Icon A5 aircraft and the Big Island of Hawaii scenery area, remained available as a free download for some time after that, but is now no longer available. It could be expanded with additional downloadable content (DLC) from", + "score": 0.65087890625 + }, + { + "id": "15029661", + "title": "Freemake Video Downloader", + "text": "a Premium Pack to unlock features such as full-speed downloading and disabling of the added Freemake branding in all downloaded media. Freemake Video Downloader is criticized for toolbar and web search engine installation. Freeware offers to install sponsored software upon installation changing default search engine and browsers homepage. Users may opt-out of sponsored software, but it has been criticized on several pages. Freemake Video Downloader Freemake Video Downloader is a crippleware download manager for Microsoft Windows, developed by Ellora Assets Corporation. It is a proprietary software that can download online video and audio. Both HTTP and HTTPS protocols are supported.", + "score": 0.65087890625 + }, + { + "id": "16615255", + "title": "Microsoft Office 2013", + "text": "Office 2010. On January 30, 2012, Microsoft released a technical preview of Office 15, build 3612.1010, to a selected group of testers bound by non-disclosure agreements. On July 16, 2012, Microsoft held a press conference to showcase Office 2013 and to release the \"Consumer Preview\". The Office 2013 Consumer Preview is a free, fully functional version but will expire 60 days after the final product's release. An update was issued for the Office 2013 Customer Preview suite on October 5. Office 2013 was released to manufacturing on October 11, 2012. It was made available to TechNet and MSDN subscribers on", + "score": 0.650390625 + }, + { + "id": "6372327", + "title": "Windows Live", + "text": "subscribe to Windows Live OneCare. Also, Windows Mail, Windows Photo Gallery and Windows Movie Maker were not offered with Windows 7 and became an exclusive part of Windows Live. Microsoft announced that Windows 8 would see Windows Live apps included right out-of-the-box, and would include built-in synchronization technologies powered by OneDrive (then SkyDrive). The Windows Live brand was phased out during August 2012, when Microsoft released Windows 8 to manufacturing. Active Windows Live services remained active but were gradually renamed. In addition to Windows Live, which is mainly aimed at individuals, Microsoft brands other properties as \"Live\", including: Windows Live", + "score": 0.650390625 + }, + { + "id": "153191", + "title": "Freeware", + "text": "Freeware Freeware is software that is available for use at no monetary cost. In other words, while freeware may be used without payment it is most often proprietary software, and usually modification, re-distribution or reverse-engineering without the author's permission is prohibited. Two historic examples of freeware include Skype and Adobe Acrobat Reader. There is no agreed set of rights or a license or an EULA which would define \"freeware\" unambiguously; every freeware publisher defines their own rules for their freeware. For instance, redistribution of freeware by third-parties is often permitted but there is a significant portion of freeware which prohibits", + "score": 0.650390625 + }, + { + "id": "5617393", + "title": "Microsoft Office Live Meeting", + "text": "Microsoft Office Live Meeting Microsoft Office Live Meeting is a discontinued commercial subscription-based web conferencing service operated by Microsoft. Live Meeting included software installed on client PCs and used a central server for all clients to connect to. Microsoft now produces Skype for Business which is an enterprise Unified Communications product, that can be rolled out either on-premises or in the cloud. Microsoft Office Live Meeting was a separate piece of software which was installed on a user's PC (Windows Based Meeting Console). The software was made available for free download from the Microsoft website. There was also a Java-based", + "score": 0.64990234375 + }, + { + "id": "8171131", + "title": "Microsoft Cinemania", + "text": "tours. Microsoft Cinemania Microsoft Cinemania. Interactive Movie Guide is a reference and educational multimedia application CD-ROM series produced by Microsoft and published annually beginning in 1992 until 1997. The last edition of Cinemania was released in 1997. This version was available for Microsoft Windows PCs running Windows 95 or Windows NT with an Intel 80486 processor, or Apple Macintoshes running System 7. The software was mainly a database of films, in a similar fashion to the Internet Movie Database, and gave descriptions of the films and who starred in them. Most of this information was not readily accessible before broadband", + "score": 0.64990234375 + }, + { + "id": "6372326", + "title": "Windows Live", + "text": "Windows Live Windows Live is a discontinued brand-name for a set of web services and software products from Microsoft as part of its software plus services platform. It has been superseded by a product branded Office 365. Chief components under the brand name include web services (all of which are exposed through corresponding web apps), several computer programs that interact with the services, and specialized web services for mobile devices. According to Microsoft, Windows Live \"is a way to extend the Windows user experience\". As such, Windows Vista's welcome screen provides a link to download Windows Live Messenger or to", + "score": 0.6494140625 + }, + { + "id": "7688875", + "title": "ActiveMovie", + "text": "1997, Microsoft announced that ActiveMovie was going to become part of the DirectX set of technologies, and by July it was being referred to as DirectShow. Version 5.2 of Windows Media Player would remove the \"ActiveMovie Control\" icon from the Start Menu upon installation. Microsoft provided instructions for reinstalling the icon on its website. ActiveMovie ActiveMovie was the immediate ancestor of Windows Media Player 6.x, and was a streaming media technology now known as DirectShow, developed by Microsoft to replace Video for Windows. ActiveMovie allows users to view media streams, whether distributed via the Internet, an intranet or CD-ROMs. Originally", + "score": 0.6494140625 + }, + { + "id": "9505947", + "title": "Windows Ultimate Extras", + "text": "as the feature relies on the Desktop Window Manager to display videos on the desktop. Additional extras were also proposed but not released, including a podcast creation application, a game performance optimization utility, custom themes, exclusive access to online content and services, Windows Movie Maker effects and transitions, templates for Windows DVD Maker, digital publications, and the Group Shot photo manipulation application developed by Microsoft Research and shown by Bill Gates at the Consumer Electronics Show in 2007. Although not considered to be Ultimate Extras by the company, the Ultimate Extras team also released two wallpapers for users of Windows", + "score": 0.64892578125 + }, + { + "id": "11518603", + "title": "Windows Live Mail", + "text": "Windows Live Mail Windows Live Mail (formerly named Windows Live Mail Desktop, code-named Elroy) is a discontinued freeware email client from Microsoft. It is the successor to Windows Mail on Windows Vista, which was the successor to Outlook Express on Windows XP. It is designed to run on Windows 7, Windows Server 2008 R2, and Windows 8, and is also compatible with Windows 10. The first version of Windows Live Mail was released on 6 November 2007. The Windows Live Mail version numbering starts at 12 because this application is an advancement of Windows Mail, not an entirely new application.", + "score": 0.6484375 + }, + { + "id": "4434024", + "title": "Windows Movie Maker", + "text": "also released an updated older version 2.6 for Windows Vista on Microsoft Download Centre. This version included the old effects and transitions, and is basically the same as Windows Movie Maker 2.1, but without the ability to capture video. Installation requires Windows Vista and is only intended for use on computers where the hardware accelerated version cannot be run. A Windows Presentation Foundation (WPF) version of Windows Movie Maker was also included in some development builds of Vista (at the time codenamed \"Longhorn\"), but was removed in the development reset in August 2004. After the development reset, the interface for", + "score": 0.6484375 + }, + { + "id": "5168257", + "title": "Avid Free DV", + "text": "Avid Free DV Avid Free DV is a non-linear editing video editing software application which was made by Avid Technology. Avid discontinued this product, stating: \"Effective September 1, 2007, Avid is discontinuing the Avid Free DV application offer, and has no immediate plans to make an updated version available.\" It was intended to give editors a sample of the Avid interface to use in deciding whether or not to purchase Avid software, so when compared with other Avid products its features were relatively minimal. When it was available it was not limited by time or watermarking, so it could be", + "score": 0.6484375 + }, + { + "id": "7755521", + "title": "Bing Videos", + "text": "Bing Videos Bing Videos (previously MSN Video and Live Search Video) is a video search service and part of Microsoft's Bing search engine. The service enables users to search and view videos across various websites. Bing Videos was officially released on September 26, 2007 as Live Search Video, and rebranded as Bing Videos on June 1, 2009. The previous incarnation of MSN Video was launched in 2004 as an internet video streaming service created and run by Microsoft, now known as Bing Videos. It featured various content, including music videos, JibJab animated shorts, IFILM picks, viral videos, original content, TV", + "score": 0.6484375 + }, + { + "id": "2965396", + "title": "WiX", + "text": "WiX Windows Installer XML Toolset (WiX, pronounced \"wicks\"), is a free software toolset that builds Windows Installer packages from XML. It consists of a command-line environment that developers may integrate into their build processes to build MSI and MSM packages. WiX was the first Microsoft project to be released under an open-source license, the Common Public License. It was also the first Microsoft project to be hosted on an external website. After its release in 2004, Microsoft has used WiX to package Office 2007, SQL Server 2005, Visual Studio 2005/2008, and other products. WiX includes Votive, a Visual Studio add-in", + "score": 0.6484375 + }, + { + "id": "16910239", + "title": "Source Filmmaker", + "text": "Source Filmmaker Source Filmmaker (abbreviated as SFM) is a video capture and editing application that works from inside the Source game engine. The tool, created by Valve Corporation, was used to create over 50 animated shorts for its Source games, including \"Team Fortress 2\", the \"Left 4 Dead\" series, and \"Half-Life 2\". On June 27, 2012, Valve released a free open beta version of the SFM to the gaming community via its Steam service. Unlike most movie-making tools, which only create a small part of a movie, Source Filmmaker merges all animation and effects workflows under one unified pipeline. With", + "score": 0.64794921875 + }, + { + "id": "15907813", + "title": "Open Movie Editor", + "text": "Open Movie Editor Open Movie Editor is a free open-source non-linear video editing and post-processing program for Linux, and included in the Ubuntu and Debian repositories. Per the website, the design intent is \"for basic movie making capabilities. It aims to be powerful enough for the amateur movie artist, yet easy to use.\" The developer previously had worked on the Cinelerra project, but started the Open Movie Editor project when he started making amateur films because he felt the available software wasn't meeting his needs. A unique feature of Open Movie Editor is that it supports JACK's transport control functionality,", + "score": 0.6474609375 + }, + { + "id": "7688874", + "title": "ActiveMovie", + "text": "ActiveMovie ActiveMovie was the immediate ancestor of Windows Media Player 6.x, and was a streaming media technology now known as DirectShow, developed by Microsoft to replace Video for Windows. ActiveMovie allows users to view media streams, whether distributed via the Internet, an intranet or CD-ROMs. Originally announced in March 1996, the first version was released in May 1996 bundled with the beta version of Internet Explorer 3.0. When ActiveMovie was installed an option was added to the Start Menu to launch the \"ActiveMovie Control\". This allowed users to play multimedia files and thus was a rudimentary media player. In March", + "score": 0.6474609375 + }, + { + "id": "2020303", + "title": "Windows Update", + "text": "2000, XP, and Server 2003. Over time, the list has expanded to include other Microsoft products, such as Windows Live, Windows Defender, Visual Studio, runtimes and redistributables, Zune Software, Virtual PC and Virtual Server, CAPICOM, Microsoft Lync, Microsoft Expression Studio, and other server products. It also offers Silverlight and Windows Media Player as optional downloads if applicable to the operating system. Office Update is a free online service that allows users to detect and install updates for certain Microsoft Office products. The original update service supported Office 2000, Office XP, Office 2003 and Office 2007. On 1 August 2009 Microsoft", + "score": 0.64697265625 + }, + { + "id": "339923", + "title": "QuickTime", + "text": "bundled with macOS. QuickTime for Microsoft Windows is downloadable as a standalone installation, and was bundled with Apple's iTunes prior to iTunes 10.5, but is no longer supported and therefore security vulnerabilities will no longer be patched. Software development kits (SDK) for QuickTime are available to the public with an Apple Developer Connection (ADC) subscription. It is available free of charge for both macOS and Windows operating systems. There are some other free player applications that rely on the QuickTime framework, providing features not available in the basic QuickTime Player. For example, iTunes can export audio in WAV, AIFF, MP3,", + "score": 0.64697265625 + }, + { + "id": "16615254", + "title": "Microsoft Office 2013", + "text": "through Microsoft Office 365 program, the web application edition known as Office Web Apps and the Office RT edition made for tablets and mobile devices. Office Web Apps are available free of charge on the web although enterprises may obtain on-premises installations for a price. Microsoft Office applications may be obtained individually; this includes Microsoft Visio, Microsoft Project and Microsoft SharePoint Designer which are not included in any of the twelve editions. On February 25, 2014, Microsoft Office 2013 Service Pack 1 (SP1) was released. Development started in 2010 while Microsoft was finishing work on Office 14, released as Microsoft", + "score": 0.646484375 + }, + { + "id": "3923176", + "title": "Video for Windows", + "text": "improve the performance of Video for Windows. This lawsuit was ultimately settled in 1997, when Apple agreed to make Internet Explorer the default browser over Netscape; in exchange, Microsoft agreed to continue developing Microsoft Office and other software for Mac OS for the next 5 years, and purchase $150 million of non-voting Apple stock. In March 1997, Microsoft announced that ActiveMovie would become part of the DirectX 5, and around July started referring to it as DirectShow. Video for Windows Video for Windows (VfW) is a multimedia framework developed by Microsoft that allows Windows to play and encode digital video.", + "score": 0.646484375 + }, + { + "id": "11518608", + "title": "Windows Live Mail", + "text": "There is no direct Microsoft replacement for Windows Live Mail's RSS functionality. Windows Essentials 2012, including Windows Live Mail 2012, reached end of support on 10 January 2017, and is no longer available for download from Microsoft. Windows Live Mail Windows Live Mail (formerly named Windows Live Mail Desktop, code-named Elroy) is a discontinued freeware email client from Microsoft. It is the successor to Windows Mail on Windows Vista, which was the successor to Outlook Express on Windows XP. It is designed to run on Windows 7, Windows Server 2008 R2, and Windows 8, and is also compatible with Windows", + "score": 0.646484375 + }, + { + "id": "14954540", + "title": "Freemake Video Converter", + "text": "without including due credit. Ellora Assets Corporation has not responded yet. Since version 4.0, Freemake Video Converter's installer includes a potentially unwanted search toolbar from Conduit as well as SweetPacks malware. Although users can decline the software during install, the opt-out option is rendered in gray which could mistakenly give the impression that it's disabled. Freemake Video Converter Freemake Video Converter is a freemium entry-level video editing app (in spite of its name) developed by Ellora Assets Corporation. The program can be used to convert between video formats, rip video DVDs, create photo slideshows and music visualizations. It can also", + "score": 0.64599609375 + }, + { + "id": "6675426", + "title": "Windows Media Encoder", + "text": "with the current version of Windows as of May 2017. Windows Media Encoder Studio Edition was a separate planned version of Windows Media Encoder 9 with support for segment encoding and multiple audio channels. After beta 1, it was eventually cancelled. Microsoft later released the commercial application, Expression Encoder as part of its Expression Studio suite. Windows Media Encoder Windows Media Encoder (WME) is a discontinued, freeware media encoder developed by Microsoft which enables content developers to convert or capture both live and prerecorded audio, video, and computer screen images to Windows Media formats for live and on-demand delivery. It", + "score": 0.64599609375 + }, + { + "id": "10453155", + "title": "Kdenlive", + "text": "Kdenlive Kdenlive \"(KDE Non-Linear Video Editor)\" is a free and open-source video editing software based on the MLT Framework, KDE and Qt. The project was started by Jason Wood in 2002, and is now maintained by a small team of developers. With the release of Kdenlive 15.04.0 it became part of the official KDE project. Kdenlive packages are freely available for Linux, FreeBSD, and Microsoft Windows, and the source code is available under the terms of GNU General Public License version 2 or any later version. KDE's Kdenlive makes use of MLT, Frei0r effects, SoX and LADSPA libraries. Kdenlive supports", + "score": 0.6455078125 + }, + { + "id": "5134477", + "title": "LiVES", + "text": "multitrack mode. In multitrack mode, the individual clips can be arranged in layers on the timeline. Further effects and transitions can be applied here, and the audio can be mixed down. The entire timeline can then be rendered, creating a new clip. Rendering previews are shown in real time. LiVES' features include: LiVES LiVES (\"L\"iVES \"E\"diting \"S\"ystem) is a free video editing software and VJ tool, released under the GNU General Public License version 3 or later. There are binary versions available for most popular Linux distributions (including Debian, Ubuntu, Fedora, Suse, Gentoo, Slackware, Arch Linux and Mandriva). There are", + "score": 0.6455078125 + }, + { + "id": "3548653", + "title": "Xbox Live", + "text": "matches do not contribute to the TrueSkill rating. Xbox Games Store (formerly Xbox Live Marketplace) is a unified storefront which offers both free and premium content for download including Xbox Live Arcade titles, Xbox indie games, original Xbox games, Xbox 360 game demos, game expansion material (e.g. extra maps, vehicles, songs), trailers, gamer pictures and themes, television shows, music videos, movie rentals, Apps and games and more. On November 17, 2009, Microsoft released a downloadable Zune application for the Xbox 360. This application turns the Xbox 360 into a Zune device. Once one downloads the Zune application, it takes over", + "score": 0.64453125 + }, + { + "id": "12363578", + "title": "Windows Live Video Messages", + "text": "Windows Live Video Messages Windows Live Video Messages was a Windows Live service by Microsoft. It combined digital video with e-mail into a service that allows all webcam users to create, send, and receive video messages to anyone in their Windows Live Contacts list, even when they are offline. The service also provided a Windows Sidebar gadget for Microsoft LifeCam users that allows them to access their top six contacts and essential Video Messages features directly from their desktop. Windows Live Video Messages was discontinued on July 21, 2010. The functionalities of Windows Live Video Messages was replaced by the", + "score": 0.64453125 + }, + { + "id": "8613900", + "title": "Windows Essentials", + "text": "Live Essentials dubbed \"Wave 4\" on June 24, 2010. The updated applications include Windows Live Messenger, Mail, Photo Gallery, Movie Maker, Writer, Family Safety, Mesh, and Messenger Companion. For Windows Live Mesh, the application has been rewritten to be based on the previous Live Mesh and will allow PC and Mac users to keep their documents, pictures and music in sync across multiple computers. It was also announced that Windows Live Toolbar will be discontinued and replaced by the Bing Bar. In addition, the ribbon user interface was incorporated into Mail, Movie Maker, Photo Gallery, and Writer. The Wave 4", + "score": 0.64453125 + }, + { + "id": "5195561", + "title": "Windows Live OneCare", + "text": "Windows Live OneCare Windows Live OneCare (previously Windows OneCare Live, codenamed A1) was a computer security and performance enhancement service developed by Microsoft for Windows. A core technology of OneCare was the multi-platform RAV (Reliable Anti-virus), which Microsoft purchased from GeCAD Software Srl in 2003, but subsequently discontinued. The software was available as an annual paid subscription, which could be used on up to three computers. On 18 November 2008, Microsoft announced that Windows Live OneCare would be discontinued on 30 June 2009 and will instead be offering users a new free anti-malware suite called Microsoft Security Essentials to be", + "score": 0.64453125 + }, + { + "id": "15737636", + "title": "Free Studio", + "text": "Free Studio Free Studio is a freeware set of multimedia programs developed by DVDVideoSoft. The programs are available in one integrated package and also as separate downloads (\"Free Studio Manager\" is included in both). The Free Studio software bundle consists of about 48 programs, grouped into several sections: YouTube, MP3 & Audio, CD-DVD-BD, DVD & Video, Photo & Images, Mobiles, Apple Devices, and 3D. The largest group is the DVD & Video section containing 14 different applications. Mobiles section is the second largest group with 13 programs. However, the YouTube section, particularly YouTube downloading programs, has gained more popularity among", + "score": 0.6435546875 + }, + { + "id": "7261883", + "title": "Windows Live OneCare Safety Scanner", + "text": "Windows Live OneCare Safety Scanner Windows Live OneCare Safety Scanner (formerly \"Windows Live Safety Center\" and codenamed \"Vegas\") was an online scanning, PC cleanup, and diagnosis service to help remove of viruses, spyware/adware, and other malware. It was a free web service that was part of Windows Live. On November 18, 2008, Microsoft announced the discontinuation of Windows Live OneCare, offering users a new free anti-malware suite Microsoft Security Essentials, which had been available since the second half of 2009. However, Windows Live OneCare Safety Scanner, under the same branding as Windows Live OneCare, was not discontinued during that time.", + "score": 0.6435546875 + }, + { + "id": "15159999", + "title": "Microsoft XNA Game Studio", + "text": "for XNA in April 2014, and there are no plans to release any further versions. XNA Game Studio Express, the first release of XNA Game Studio, was intended for students, hobbyists, and independent (and homebrew) game developers. It was available as a free download. Express provides basic \"starter kits\" for rapid development of specific genres of games, such as platform games, real-time strategy, and first-person shooters. Developers could create Windows games for free with the XNA Framework, but to run their games on the Xbox 360 they will have to pay an annual fee of US$99 (or a four-month fee", + "score": 0.64306640625 + }, + { + "id": "15907815", + "title": "Open Movie Editor", + "text": "\"reschedule OME into a lower priority class,\" putting the project seemingly in the same situation as CineFX and Kino. Movie editor could also be used as a source for editing videos. Open Movie Editor Open Movie Editor is a free open-source non-linear video editing and post-processing program for Linux, and included in the Ubuntu and Debian repositories. Per the website, the design intent is \"for basic movie making capabilities. It aims to be powerful enough for the amateur movie artist, yet easy to use.\" The developer previously had worked on the Cinelerra project, but started the Open Movie Editor project", + "score": 0.64306640625 + }, + { + "id": "8569903", + "title": "Ulead MediaStudio Pro", + "text": "Ulead MediaStudio Pro Ulead MediaStudio Pro (MSP) is real-time, timeline based prosumer level video editing software by Ulead Systems. It is a suite of 5 digital video and audio applications, including: Video Capture, Video Paint, CG Infinity, Audio Editor and Video Editor. MSP is only available on the Windows platform. Since version 8.0, CG Infinity and Video Paint are separate from the MSP suite, and are being sold as a combination product called VideoGraphics Lab (VGL). On June 18, 2008, Corel formally announced that MediaStudio Pro would be discontinued. The final MediaStudio Pro version was 8.10.0039 (Pro 8 Service Pack", + "score": 0.642578125 + }, + { + "id": "8613893", + "title": "Windows Essentials", + "text": "Windows Essentials Windows Essentials (formerly Windows Live Essentials and Windows Live Installer) is a discontinued suite of Microsoft freeware applications that includes e-mail, instant messaging, photo sharing, blogging, and parental control software. Essentials programs are designed to integrate well with each other, with Microsoft Windows, and with other Microsoft web-based services such as OneDrive and Outlook.com. Windows Essentials 2012 includes the following applications: Windows Essentials applications support installation on Windows 10, Windows 7, Windows 8, Windows 8.1, Windows Server 2008 SP2, Windows Server 2008 R2 and Windows Server 2012. Previous versions were also available on Windows XP and Windows Vista,", + "score": 0.642578125 + }, + { + "id": "8613897", + "title": "Windows Essentials", + "text": "Installer\" application was significantly updated with the subsequent \"Windows Live Wave 3\" release of applications, with the new inclusion of Windows Live Movie Maker (beta) and Microsoft Office Outlook Connector to its suite of products. On October 29, 2008, it was announced at the Professional Developers Conference 2008 that \"Windows Live Installer\" would be renamed as \"Windows Live Essentials\", and would be integrated into Windows 7 to allow users to download the included Windows Live applications. However, the Windows Live Essentials applications will not be \"bundled\" with the Windows 7 operating system. This should allow more frequent updates to the", + "score": 0.642578125 + }, + { + "id": "15006619", + "title": "Office 365", + "text": "data storage capabilities. The suite includes Microsoft applications for collaboration including: Office Live Workspace, Windows Live SkyDrive, Windows Live Spaces, Microsoft SharedView Beta, Microsoft Outlook Live, Windows Live Messenger, and Windows Live Alerts. The suite is part of Microsoft Education Solutions. With the Microsoft Live ID, the student can sign-in and access multiple Microsoft applications such as Outlook Live, Windows Live Messenger, Windows Live Spaces, Windows Live SkyDrive, Windows Live Mobile, and others. Universities, colleges, and schools can enroll in the program through a free registration process. In 2012, Live@edu moved under the umbrella of the Microsoft Office 365 service.", + "score": 0.642578125 + }, + { + "id": "6372340", + "title": "Windows Live", + "text": "as listed: Windows Live Windows Live is a discontinued brand-name for a set of web services and software products from Microsoft as part of its software plus services platform. It has been superseded by a product branded Office 365. Chief components under the brand name include web services (all of which are exposed through corresponding web apps), several computer programs that interact with the services, and specialized web services for mobile devices. According to Microsoft, Windows Live \"is a way to extend the Windows user experience\". As such, Windows Vista's welcome screen provides a link to download Windows Live Messenger", + "score": 0.64208984375 + }, + { + "id": "1989580", + "title": "ILife", + "text": "ILife iLife is a software suite for macOS and iOS developed by Apple Inc. It consists of various programs for media creation, organization, editing and publishing. It comprised: iTunes, iMovie, iPhoto, iDVD, iWeb and GarageBand. With the exception of iTunes (which was separated from iLife at an earlier point), only iMovie and GarageBand remain and are sold separately on Apple's Mac App Store. iDVD and iWeb have been discontinued and iPhoto has been succeeded by Photos. iLife is preinstalled on new Mac computers and was previously also sold as a bundle on DVD. With the introduction of the Mac App", + "score": 0.64208984375 + }, + { + "id": "11833380", + "title": "Living Videotext", + "text": "Winer first met with Bill Gates, the co-founder and then-President, CEO, and chair of Microsoft, in February 1987. Gates wrote a letter of intent to purchase the company in return for shares of Microsoft. However, the deal fell through and Microsoft instead purchased Living Videotext's competitor, Forethought, Inc., makers of Powerpoint, in a $14-million deal. Powerpoint went on to achieve widespread popularity as part of the Microsoft Office suite. After receiving a number of other offers, Living Videotext merged with Symantec in September 1987. Many of its most popular products were, with Symantec's support, later released for free as \"antique", + "score": 0.64208984375 + }, + { + "id": "14954536", + "title": "Freemake Video Converter", + "text": "Converter is an entry-level video editing app. It can perform simple non-linear video editing tasks, such as cutting, rotating, flipping, and combining multiple videos into one file with transition effects. It can also create photo slideshows with background music. Users are then able to upload these videos to YouTube. Freemake Video Converter can read the majority of video, audio, and image formats, and outputs to AVI, MP4, WMV, Matroska, FLV, SWF, 3GP, DVD, Blu-ray, MPEG and MP3. The program also prepares videos supported by various multimedia devices, including Apple devices (iPod, iPhone, iPad), Xbox, Sony PlayStation, and Samsung, Nokia, BlackBerry,", + "score": 0.64208984375 + }, + { + "id": "10574298", + "title": "Free Free", + "text": "lasted four weeks in the top 200 chart and sold 8,946 within its time, making it her highest selling single since the aforementioned track. According to Oricon's sales data base, they ranked \"Free Free\"/\"Super Music Maker\" as Suzuki's 21st best-selling single. The accompanying music video to \"Free Free\" was directed by Japanese movie maker Takashiro Akihisa. Talking to the Japanese magazine \"Hot Express\", she commented that her idea was to convey her thoughts from what she created with the tune, into the visual; she identified that \"sexy\" and \"cute\" appeal was her go-to for the visual. Originally, Suzuki crafted plans", + "score": 0.64208984375 + }, + { + "id": "8569905", + "title": "Ulead MediaStudio Pro", + "text": "After version 7.0 only Full edition is available in the MSP suite. On June 18, 2008, Corel formally announced that MediaStudio Pro would be discontinued. Ulead MediaStudio Pro Ulead MediaStudio Pro (MSP) is real-time, timeline based prosumer level video editing software by Ulead Systems. It is a suite of 5 digital video and audio applications, including: Video Capture, Video Paint, CG Infinity, Audio Editor and Video Editor. MSP is only available on the Windows platform. Since version 8.0, CG Infinity and Video Paint are separate from the MSP suite, and are being sold as a combination product called VideoGraphics Lab", + "score": 0.6416015625 + }, + { + "id": "16723964", + "title": "Microsoft mobile services", + "text": "10 Mobile, added more detailed data collection, and added a list of applications that can utilize the Motion Data service. Originally Movies & TV was known as Xbox Video, which was rebranded from Zune alongside Xbox Music with the launch of Windows 8 in 2012. Despite being included in Windows Phone 8 and Microsoft stating that Windows Phone 8 could use Xbox Video in the operating system on their websites and press releases, the service itself didn't allow for the downloading and streaming of content until the launch of Windows Phone 8.1. Movies & TV ais a video streaming service", + "score": 0.6416015625 + }, + { + "id": "11591083", + "title": "Microsoft Imagine", + "text": "Microsoft Imagine Microsoft Imagine, formerly known as DreamSpark and MSDN-AA, is a Microsoft program to provide students with software design and development tools at free of cost. The program is available for university/college and K-12 students in more than 120 countries. To register, students must visit the Microsoft Imagine website and verify their identity through their verified educational institutions. If an institution is not listed on the available list, the user may manually verify their student status by uploading a proof such as an ID card. The Microsoft Imagine program was announced by Bill Gates as DreamSpark on February 20,", + "score": 0.64111328125 + }, + { + "id": "15326030", + "title": "Microsoft Expression Design", + "text": "of December, 2012, Microsoft has announced that Expression Studio will no longer be a stand-alone product. Expression Blend is being integrated into Visual Studio, while Expression Web and Expression Design will now be free products. Technical support is available for customers who purchased Web or Design following their published support lifetime guides, while no support will be offered to free downloaders. No new versions of Expression Web or Design are planned. Microsoft Expression Design Microsoft Expression Design was Microsoft's commercial professional illustration vector and raster graphic design tool for web images based on Creature House Expression, which was acquired by", + "score": 0.64111328125 + }, + { + "id": "12328645", + "title": "Launchworks", + "text": "2008. The first game to be released under the new label was \"Fable II Pub Games\" on August 13, 2008. In 2013 Xbox Live Productions was rebranded as Launchworks. Xbox Live Productions will also produce exclusive video content for Xbox Live. Announced at Comic-Con 2008, the first original programming will be a series of free comedic short films, each less than ten minutes in length. The pilots will be directed by established horror film directors including James Wan, David Slade, James Gunn, Lucky McKee, and Marcus Nispel. The pilots will also be distributed via MSN and Zune Marketplace. Launchworks Launchworks,", + "score": 0.640625 + }, + { + "id": "3585813", + "title": "Microsoft Visual Studio Express", + "text": "Microsoft Visual Studio Express Microsoft Visual Studio Express is a set of integrated development environments (IDEs) developed by Microsoft as a freeware and registerware function-limited version of the non-free Microsoft Visual Studio. Express editions started with Visual Studio 2005. Visual Studio Express was supplanted by the Visual Studio Community edition, which is also available for free. but with different license. Compared to Visual Studio Express, the new license is more friendly to open-source but less for some closed source developers. The community edition works with plugins, a feature that was previously exclusive to the paid editions (Professional and higher). Express", + "score": 0.640625 + }, + { + "id": "4111870", + "title": "Microsoft Blend", + "text": "Expression Blend was code-named \"Sparkle\", and originally the product was announced as \"Microsoft Expression Interactive Designer\", before it was renamed Expression Blend in December 2006. On January 24, 2007, Microsoft released the first public Community Technology Preview of Expression Blend as a free download on their web site. The final version was released to manufacturing along with other Expression products on 30 April 2007. The RTM news was announced at Microsoft's MIX 07 conference for web developers and designers. Expression Blend Service Pack 1 was released in November 2007. Expression Blend requires .NET Framework 3.0. Expression Blend and Expression Web", + "score": 0.64013671875 + }, + { + "id": "7672140", + "title": "Windows Live Mesh", + "text": "Windows Live Mesh Windows Live Mesh (formerly known as \"Windows Live FolderShare\", \"Live Mesh\", and \"Windows Live Sync\") was a free-to-use Internet-based file synchronization application by Microsoft designed to allow files and folders between two or more computers to be in sync with each other on Windows (Vista and later) and Mac OS X (v. 10.5 Leopard and later, Intel processors only) computers or the Web via SkyDrive. Windows Live Mesh also enabled remote desktop access via the Internet. Windows Live Mesh was part of the Windows Live Essentials 2011 suite of software. However this application was replaced by SkyDrive", + "score": 0.64013671875 + }, + { + "id": "4983913", + "title": "Photo Story", + "text": "application (e.g. PaintShop Pro, PhotoShop) first. Photo Story is not officially supported on the Vista or Windows 7 platform, although it downloads and installs fine on both Vista and Windows 7 32-bit and 64-bit. Photo Story Microsoft Photo Story is a free application that allows users to create a visual story (show and tell presentation) from their digital photos. The software uses the Ken Burns Effect on digital photos and allows adding narration, effects, transitions and background music to create a Windows Media Video movie file with pan and zoom effects. Once a photo story has been made, it can", + "score": 0.63916015625 + }, + { + "id": "10453158", + "title": "Kdenlive", + "text": "usable preview. Release of the refactoring version is planned for August 2018 in KDE 18.08 Applications release. Kdenlive Kdenlive \"(KDE Non-Linear Video Editor)\" is a free and open-source video editing software based on the MLT Framework, KDE and Qt. The project was started by Jason Wood in 2002, and is now maintained by a small team of developers. With the release of Kdenlive 15.04.0 it became part of the official KDE project. Kdenlive packages are freely available for Linux, FreeBSD, and Microsoft Windows, and the source code is available under the terms of GNU General Public License version 2 or", + "score": 0.63916015625 + }, + { + "id": "14949324", + "title": "LibreOffice", + "text": "LibreOffice LibreOffice is a free and open-source office suite, a project of The Document Foundation. It was forked from OpenOffice.org in 2010, which was an open-sourced version of the earlier StarOffice. The LibreOffice suite comprises programs for word processing, the creation and editing of spreadsheets, slideshows, diagrams and drawings, working with databases, and composing mathematical formulae. It is available in 110 languages. LibreOffice uses the international ISO/IEC standard OpenDocument file format (ODF) as its native format to save documents for all of its applications. LibreOffice also supports the file formats of most other major office suites, including Microsoft Office, through", + "score": 0.638671875 + }, + { + "id": "3222966", + "title": "DirectShow", + "text": "called Clockwork. Clockwork was a modular media processing framework in which semi-independent components worked together to process digital media streams, and had previously been used in several projects, including the Microsoft Interactive Television (MITV) project and another project named Tiger. ActiveMovie was announced in March 1996, and released in May 1996, bundled with the beta version of Internet Explorer 3.0. In March 1997, Microsoft announced that ActiveMovie would become part of the DirectX 5 suite of technologies, and around July started referring to it as DirectShow, reflecting Microsoft's efforts at the time to consolidate technologies that worked directly with hardware", + "score": 0.63818359375 + }, + { + "id": "12363582", + "title": "Windows Live Video Messages", + "text": "desktop. Windows Live Video Messages Windows Live Video Messages was a Windows Live service by Microsoft. It combined digital video with e-mail into a service that allows all webcam users to create, send, and receive video messages to anyone in their Windows Live Contacts list, even when they are offline. The service also provided a Windows Sidebar gadget for Microsoft LifeCam users that allows them to access their top six contacts and essential Video Messages features directly from their desktop. Windows Live Video Messages was discontinued on July 21, 2010. The functionalities of Windows Live Video Messages was replaced by", + "score": 0.6376953125 + } + ], + "answer": "Windows Movie Maker, known as Windows Live Movie Maker for the 2009 and 2011 releases, is a discontinued video editing software program by Microsoft. It is an example of freely licensed software, known as freeware." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who is the 17th Chief Minister of MP?", + "short_answers": [ + "Shivraj Singh Chauhan" + ], + "wikipage": null + }, + { + "context": "Babulal Gaur Yadav (2 June 1929 \u2013 21 August 2019) was an Indian politician from Bharatiya Janata Party (BJP) who served as the 16th Chief Minister of Madhya Pradesh. He was elected in 10 Assembly elections from the seat of Govindpura in Bhopal before retiring from electoral politics in 2018 due to old age.", + "question": "Who is the 16th Chief Minister of MP?", + "short_answers": [ + "Babulal Gaur" + ], + "wikipage": "Babulal Gaur" + }, + { + "context": "No context provided", + "question": "Who is the 15th Chief Minister of MP?", + "short_answers": [ + "Uma Bharti" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who is the 17th chief minister of m. p?", + "short_answers": [ + "Shivraj Singh Chauhan" + ], + "wikipage": null + }, + { + "context": "Babulal Gaur Yadav (2 June 1929 \u2013 21 August 2019) was an Indian politician from Bharatiya Janata Party (BJP) who served as the 16th Chief Minister of Madhya Pradesh. He was elected in 10 Assembly elections from the seat of Govindpura in Bhopal before retiring from electoral politics in 2018 due to old age.", + "question": "Who is the 16th chief minister of m. p?", + "short_answers": [ + "Babulal Gaur", + "Babulal Gaur Yadav" + ], + "wikipage": "Babulal Gaur" + }, + { + "context": "No context provided", + "question": "Who is the 15th chief minister of m. p?", + "short_answers": [ + "Uma Bharti" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "List of chief ministers of Madhya Pradesh", + "url": "https://en.wikipedia.org/wiki/List%20of%20chief%20ministers%20of%20Madhya%20Pradesh" + }, + { + "title": "Babulal Gaur", + "url": "https://en.wikipedia.org/wiki/Babulal%20Gaur" + }, + { + "title": "List of chief ministers of Maharashtra", + "url": "https://en.wikipedia.org/wiki/List%20of%20chief%20ministers%20of%20Maharashtra" + }, + { + "title": "M. Karunanidhi", + "url": "https://en.wikipedia.org/wiki/M.%20Karunanidhi" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The Chief Minister of Madhya Pradesh is the chief executive of the Indian state of Madhya Pradesh. ", + "wikipage": "List of chief ministers of Madhya Pradesh" + }, + { + "content": "Uma Bharti (born 3 May 1959) is an Indian politician and former Chief Minister of Madhya Pradesh...Bharti was appointed the Chief Ministerial candidate of the BJP for the 2003 Assembly polls in Madhya Pradesh.", + "wikipage": "Uma Bharti" + }, + { + "content": "Gaur became the Chief Minister of Madhya Pradesh from 23 August 2004 to 29 November 2005 after her. In November 2005, Shivraj Singh Chouhan succeeded Gaur as the CM.[", + "wikipage": "Babulal Gaur" + } + ], + "long_answer": "Uma Bharti was appointed Chief Minister of Madhya Pradesh in 2003, making her the 15th Chief Minister of MP. She was succeeded by Babulal Gaur Yadav who served as the 16th Chief Minister of Madhya Pradesh from 23 August 2004 to 29 November 2005. The 17th Chief Minister of Madhya Pradesh was Shivraj Singh Chauhan, who took office in November 2005." + }, + { + "knowledge": [ + { + "content": "The Chief Minister of Madhya Pradesh is the chief executive of the Indian state of Madhya Pradesh.", + "wikipage": "List of chief ministers of Madhya Pradesh" + }, + { + "content": "Uma Bharti (born 3 May 1959) is an Indian politician and former Chief Minister of Madhya Pradesh.", + "wikipage": "Uma Bharti" + }, + { + "content": "Babulal Gaur Yadav (2 June 1929 \u2013 21 August 2019) was an Indian politician from Bharatiya Janata Party (BJP) who served as the 16th Chief Minister of Madhya Pradesh.", + "wikipage": "Babulal Gaur" + }, + { + "content": "Shivraj Singh Chouhan (born 5 March 1959), often referred to as Mamaji[1] (meaning: Maternal Uncle in English) is an Indian politician and member of the Bharatiya Janata Party. He is the 17th and current Chief Minister of Madhya Pradesh.", + "wikipage": "Shivraj Singh Chouhan" + } + ], + "long_answer": "The Chief Minister of Madhya Pradesh is the chief executive of the Indian state of Madhya Pradesh(MP). Uma Bharti (born 3 May 1959) is an Indian politician and former Chief Minister of Madhya Pradesh. She was the 15th Chief Minister of MP. Babulal Gaur Yadav (2 June 1929 \u2013 21 August 2019) was an Indian politician from Bharatiya Janata Party (BJP) who served as the 16th Chief Minister of Madhya Pradesh. Shivraj Singh Chouhan (born 5 March 1959), often referred to as Mamaji[1] (meaning: Maternal Uncle in English) is an Indian politician and member of the Bharatiya Janata Party. He is the 17th and current Chief Minister of Madhya Pradesh." + } + ], + "sample_id": "-4873786835306543030", + "question": "Who is the chief minister of m. p?", + "docs": [ + { + "id": "4387701", + "title": "Amarinder Singh", + "text": "Amarinder Singh Captain Amarinder Singh (born 11 March 1942) is an Indian politician, who is currently the 26th Chief Minister of Punjab. An elected Member of the Legislative Assembly from Patiala, he was also the president of Punjab Pradesh Congress Committee, the state division of the Indian National Congress. He has also previously served as the Chief Minister of Punjab from 2002-2007. His father was the last Maharaja of the princely state of Patiala. He also served in the Indian Army from 1963 to 1966. In 1980, he won a seat in the Lok Sabha for the first time. He", + "score": 0.76171875, + "summary": "Irrelevant. The document talks about Amarinder Singh, the Chief Minister of Punjab, and does not mention anything about the Chief Minister of Madhya Pradesh.", + "extraction": "Irrelevant." + }, + { + "id": "17201233", + "title": "Chief Minister of Sindh", + "text": "Chief Minister of Sindh A Chief Minister (\u2014), is the elected head of government of Sindh province in Pakistan. Syed Murrad Ali Shah is the current Chief Minister of Sindh. The Chief Minister is the head of the provincial government, however, the Governor of Sindh is the nominal head, or the \"de jure executive\" and does everything under the guidance of the Chief Minister. The Chief Minister of Sindh is elected by the Provincial Assembly of Sindh and is the leader of the provincial Legislature. The office of Chief Minister is located in Karachi, the capital of the Sindh province", + "score": 0.75341796875, + "summary": "Irrelevant.", + "extraction": "Syed Murrad Ali Shah is the current Chief Minister of Sindh." + }, + { + "id": "9143336", + "title": "Chief Minister of Khyber Pakhtunkhwa", + "text": "Chief Minister of Khyber Pakhtunkhwa The Chief Minister of Khyber Pakhtunkhwa (CM-KP) is the head of the government of Khyber Pakhtunkhwa. The chief minister leads the legislative branch of the provincial government. The Chief Minister of Khyber Pakhtunkhwa is elected by the Provincial Assembly of Khyber Pakhtunkhwa to serve as the head of the provincial government in Khyber-Pakhtunkhwa, Pakistan. The current Chief Minister is Mahmood Khan. In 1901, NWFP was declared as a Chief Commissioner Province and thirty-one years later in 1932 its status was raised to the Governor Province and NWFP Legislative Council was formed. The first session of", + "score": 0.74755859375, + "summary": "Irrelevant.", + "extraction": "Mahmood Khan" + }, + { + "id": "9143339", + "title": "Chief Minister of Khyber Pakhtunkhwa", + "text": "for women and only one for minorities. The first session of the Assembly was summoned on 2 May 1972 in the hall of Pakistan Academy for Rural Development, University Town Peshawar. Mr. Muhammad Aslam Khan Khattak was elected as Speaker and Arbab Saifur Rehman Khan as Deputy Chief Minister of Khyber Pakhtunkhwa The Chief Minister of Khyber Pakhtunkhwa (CM-KP) is the head of the government of Khyber Pakhtunkhwa. The chief minister leads the legislative branch of the provincial government. The Chief Minister of Khyber Pakhtunkhwa is elected by the Provincial Assembly of Khyber Pakhtunkhwa to serve as the head of", + "score": 0.7431640625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about the Chief Minister of Madhya Pradesh (M.P.)." + }, + { + "id": "17201235", + "title": "Chief Minister of Sindh", + "text": "appointing authority. List of all those who served as Chief Ministers of Sindh as follows Chief Minister of Sindh A Chief Minister (\u2014), is the elected head of government of Sindh province in Pakistan. Syed Murrad Ali Shah is the current Chief Minister of Sindh. The Chief Minister is the head of the provincial government, however, the Governor of Sindh is the nominal head, or the \"de jure executive\" and does everything under the guidance of the Chief Minister. The Chief Minister of Sindh is elected by the Provincial Assembly of Sindh and is the leader of the provincial Legislature.", + "score": 0.736328125, + "summary": "The document mentions that Syed Murrad Ali Shah is the current Chief Minister of Sindh, but it is irrelevant to the question of who the chief minister of M.P. is.", + "extraction": "Syed Murrad Ali Shah is the current Chief Minister of Sindh." + }, + { + "id": "6572064", + "title": "Shivraj Singh Chouhan", + "text": "also elected as Chief Minister of MP for a third term. On 12 December 2018, after failing to gain a majority in the 2018 Madhya Pradesh assembly election, Chouhan resigned as CM. The incumbent chief minister of Madhya Pradesh was conferred with Suryoday Manavta Seva Sanman on 13 December 2016. He is the 7th recipient of this award, which carries Rs 1.11 lakh and is given by spiritual leader Bhaiyyuji Maharaj\u2019s Shree Sadguru Datta Dharmik Evam Parmarthik Trust for bringing qualitative changes in lives of common people, poor and downtrodden. Shivraj Singh Chouhan Shivraj Singh Chouhan (born 5 March 1959)", + "score": 0.7333984375, + "summary": "Shivraj Singh Chouhan is the former Chief Minister of Madhya Pradesh who was elected for a third term and resigned on December 12, 2018, after failing to gain a majority.", + "extraction": "Shivraj Singh Chouhan is the chief minister of MP, but he resigned on December 12, 2018." + }, + { + "id": "17352919", + "title": "Chief Minister (Pakistan)", + "text": "Chief Minister (Pakistan) A Chief Minister (\u2014), is the elected head of government of a province in Pakistan. The chief minister is the head of the provincial government, whereas in contrast, the governor is the nominal head, or the \"de jure executive\" and does everything under the guidance of the chief minister. The chief minister is elected by the provincial assembly, and is the leader of the provincial Legislature. The parliamentary system in Pakistan follows the Westminster system. Hence the ministers of the provinces are elected by the members of the legislature, and the majority party is invited to elect", + "score": 0.7314453125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "4750499", + "title": "Keshubhai Patel", + "text": "who became the Chief Minister, in October 1996, with support of the Congress (I). Assembly was dissolved in 1998 as Congress (I) withdrew its support to RJP. BJP returned to power led by Patel in 1998 assembly elections and he became the chief minister again on 4 March 1998. Patel resigned as the Chief Minister on 2 October 2001 due to his failing health. Allegations of abuse of power, corruption and poor administration; as well as a loss of BJP seats in by-elections and mismanagement of relief works during 2001 Bhuj earthquake aftermath; prompted the BJP's national leadership to seek", + "score": 0.72998046875, + "summary": "Irrelevant.", + "extraction": "Keshubhai Patel became the chief minister again on 4 March 1998." + }, + { + "id": "6572057", + "title": "Shivraj Singh Chouhan", + "text": "Shivraj Singh Chouhan Shivraj Singh Chouhan (born 5 March 1959) is an Indian Politician and senior BJP leader who was the 17th Chief Minister of Madhya Pradesh, a central Indian state. He replaced Babulal Gaur as chief minister on 29 November 2005. As a leader of the Bharatiya Janata Party, he has served as its general secretary and as president of its Madhya Pradesh state unit. He joined the Rashtriya Swayamsevak Sangh in 1972, as a 13-year-old. He was a five-time Member of Parliament, representing Vidisha in the Lok Sabha from 1991 to 2006 before resigning for assembly re-election as", + "score": 0.7294921875, + "summary": "Shivraj Singh Chouhan is the former Chief Minister of Madhya Pradesh.", + "extraction": "Shivraj Singh Chouhan was the 17th Chief Minister of Madhya Pradesh." + }, + { + "id": "17477771", + "title": "Pradhanmantri", + "text": "Pradhanmantri Pradhanmantri (\"The Prime Minister\") is an Indian television political documentary series, hosted by actor-director Shekhar Kapur on Hindi news channel ABP News. It premiered on July 13, 2013. It aimmed to bring to the audience never-seen-before facts of Indian history. The weekly programme chronicles the history of India from 1947 to the present day. The TV series was hosted by the renowned film-maker, actor and host Shekhar Kapur and directed by Puneet Sharma. It was a unique attempt to present the changes in the country during the tenures of 13 prime ministers in the last 65 years. \"Pradhanmantri\" aired", + "score": 0.72900390625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the chief minister of Madhya Pradesh (M.P)." + }, + { + "id": "4387707", + "title": "Amarinder Singh", + "text": "and Talwandi Sabo once each. On 27 November 2015, Amarinder Singh was appointed President of Punjab Congress in the run up to Punjab elections slated for 2017. On 11 March 2017 Congress Party won the State Assembly Elections under his leadership. Amrinder Singh was sworn in as the 26th Chief Minister of Punjab on 16 March 2017 at Punjab Raj Bhavan, Chandigarh. The oath of office was administered by the Punjab governor, V.P. Singh Badnore. Capt Amarinder Singh is president of the Jat Mahasabha since 2013. He has also written books on war and Sikh history which include \"A Ridge", + "score": 0.728515625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about Amarinder Singh being the Chief Minister of Punjab, but not about the Chief Minister of M.P." + }, + { + "id": "17352922", + "title": "Chief Minister (Pakistan)", + "text": "can be construed to disqualify the Chief Minister or a Provincial Minister from continuing in the office. Chief Minister (Pakistan) A Chief Minister (\u2014), is the elected head of government of a province in Pakistan. The chief minister is the head of the provincial government, whereas in contrast, the governor is the nominal head, or the \"de jure executive\" and does everything under the guidance of the chief minister. The chief minister is elected by the provincial assembly, and is the leader of the provincial Legislature. The parliamentary system in Pakistan follows the Westminster system. Hence the ministers of the", + "score": 0.7265625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "14934903", + "title": "Jai Ram Thakur", + "text": "a consecutive fourth term in December, 2012. Currently he is the Chief Minister of Himachal Pradesh. Jai Ram Thakur ministry Jai Ram Thakur Jai Ram Thakur (born 6 January 1965) is an Indian politician, who is the 14th and the current Chief Minister of Himachal Pradesh. He was elected BJP legislative party leader on 24 December 2017 after the defeat of Chief Ministerial candidate of BJP, Prem Kumar Dhumal in the assembly elections held in November 2017. He has been an MLA in Himachal Pradesh Assembly since 1998 and previously served as Cabinet Minister in BJP Government of Himachal Pradesh.", + "score": 0.7255859375, + "summary": "The document is irrelevant to the question of who the chief minister of M.P. is.", + "extraction": "Jai Ram Thakur is the current Chief Minister of Himachal Pradesh. However, this does not answer the question \"Who is the chief minister of m. p?\", so the extracted span is irrelevant." + }, + { + "id": "7412550", + "title": "Digvijaya Singh", + "text": "Digvijaya Singh Digvijaya Singh (born 28 February 1947) is an Indian politician and a Member of Parliament in the Rajya Sabha. He is also currently a General Secretary of the Indian National Congress party's All India Congress Committee. Previously, he had served as the 14th Chief Minister of Madhya Pradesh, a central Indian state, for two terms from 1993 to 2003. Prior to that he was a minister in Chief Minister Arjun Singh's cabinet between 1980\u201384. Singh was born in Indore in the erstwhile princely state of Holkar (now a part of Madhya Pradesh) of British India, on 28 February", + "score": 0.72412109375, + "summary": "Digvijaya Singh served as the 14th Chief Minister of Madhya Pradesh from 1993 to 2003.", + "extraction": "Digvijaya Singh served as the 14th Chief Minister of Madhya Pradesh. Therefore, Digvijaya Singh is the former chief minister of Madhya Pradesh." + }, + { + "id": "334089", + "title": "Punjab, Pakistan", + "text": "in Lahore, the capital of the Punjab Province. The Chief Minister of Punjab (CM) is elected by the Provincial Assembly of the Punjab to serve as the head of the provincial government in Punjab, Pakistan. The current Chief Minister is Shahbaz Sharif, who became the Chief Minister of Punjab as being restored after Governor's rule starting from 25 February 2009 to 30 March 2009. Thereafter got re-elected as a result of 11 May 2013 elections. The Provincial Assembly of the Punjab is a unicameral legislature of elected representatives of the province of Punjab, which is located in Lahore in eastern", + "score": 0.72216796875, + "summary": "The Chief Minister of Punjab, Pakistan is Shahbaz Sharif.", + "extraction": "The current Chief Minister of Punjab is Shahbaz Sharif." + }, + { + "id": "18386112", + "title": "Laxmikant Parsekar", + "text": "of Goa. He has done his M.Sc (1980) and B.Ed (1981) from Centre of Post Graduate Instruction & Research, Panaji, Goa, (then Bombay University). He was the principal of Harmal Panchakroshi Secondary School, Harmal, Goa. He served as Goa's Minister of Health before becoming Chief Minister and has a strong connection to the Rashtriya Swayamsevak Sangh. Laxmikant Parsekar Laxmikant Yashwant Parsekar (born 4 July 1956) is an Indian politician who held the office of the Chief Minister of Goa, a state in India from 2014 to 2017. He was the member of the Goa Legislative Assembly from Mandrem constituency, and", + "score": 0.72021484375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the Chief Minister of M.P." + }, + { + "id": "12755987", + "title": "Ashok Chavan", + "text": "and offered to resign, which was then accepted by the party and Chavan was elected as Chief Minister of Maharashtra. After winning assembly elections in 2009, Congress President Sonia Gandhi once again nominated Chavan as the Chief Minister of Maharashtra. Sharad Pawar, the leader of rival coalition partner NCP party, had been lukewarm towards Chavan, after his first choice of union power minister Sushil Kumar Shinde was ignored well before the race began. Congress had clearly plumped for a Maratha to lead the party in the state, and had ignored the NCP view that a non-Maratha should be selected for", + "score": 0.72021484375, + "summary": "The document is irrelevant to the question.", + "extraction": "Ashok Chavan is not mentioned in the given passage, so the extracted span would be \"irrelevant\"." + }, + { + "id": "8801871", + "title": "Yogi Adityanath", + "text": "Yogi Adityanath Yogi Adityanath (born Ajay Mohan Bisht on 5 June 1972) is an Indian monk and Hindu nationalist politician who is the current Chief Minister of Uttar Pradesh, in office since 19 March 2017. He was appointed as the Chief Minister on 26 March 2017 after the Bharatiya Janata Party (BJP) won the 2017 State Assembly elections, in which he was a prominent campaigner. He has been the Member of Parliament from the Gorakhpur constituency, Uttar Pradesh for five consecutive terms since 1998. In 2008, his convoy was attacked en route to Azamgarh for an anti-terrorism rally. The attack", + "score": 0.72021484375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "14934899", + "title": "Jai Ram Thakur", + "text": "Jai Ram Thakur Jai Ram Thakur (born 6 January 1965) is an Indian politician, who is the 14th and the current Chief Minister of Himachal Pradesh. He was elected BJP legislative party leader on 24 December 2017 after the defeat of Chief Ministerial candidate of BJP, Prem Kumar Dhumal in the assembly elections held in November 2017. He has been an MLA in Himachal Pradesh Assembly since 1998 and previously served as Cabinet Minister in BJP Government of Himachal Pradesh. He was Minister of Rural Development and Panchayati Raj from 2009-2012. He is elected to Himachal Pradesh Assembly from Seraj", + "score": 0.71728515625, + "summary": "Irrelevant.", + "extraction": "The extracted span is \"Jai Ram Thakur is the 14th and current Chief Minister of Himachal Pradesh.\" However, this does not answer the question \"Who is the chief minister of m. p?\". Therefore, the answer is \"irrelevant\"." + }, + { + "id": "4512837", + "title": "Manohar Parrikar", + "text": "Manohar Parrikar Manohar Gopalkrishna Prabhu Parrikar (born 13 December 1955) is an Indian politician and leader of Bharatiya Janata Party who has been Chief Minister of Goa since 14 March 2017. Previously he was Chief Minister of Goa from 2000 to 2005 and from 2012 to 2014. Parrikar proposed the name of Narendra Modi as the Prime Ministerial candidate before the 2013 BJP parliamentary elections convention in Goa, later he served in the BJP government under Prime Minister Narendra Modi as Defence Minister of India from 2014 to 2017. He is a former member of the Rajya Sabha from Uttar", + "score": 0.71630859375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the chief minister of Madhya Pradesh (M.P)." + }, + { + "id": "1918639", + "title": "Chief minister", + "text": "Chief minister A chief minister is the elected head of government of - in most instances - a sub-national entity, for instance an administrative subdivision or federal constituent entity. Examples include a state (and sometimes a union territory) in India; a territory of Australia; a province of Sri Lanka or Pakistan; a federal province in Nepal; an autonomous region of Philippines; or a British Overseas Territory that has attained self-governance. It is also used as the English version of the title given to the heads of governments of the Malay states without a monarchy. The title is also used in", + "score": 0.7158203125 + }, + { + "id": "13743106", + "title": "Edappadi K. Palaniswami", + "text": "Edappadi K. Palaniswami Karuppa Gounder Palanisamy (born 12 May 1954) known as Edappadi K. Palaniswami is an Indian politician and the current Chief Minister of Tamil Nadu, having assumed the office on 16 February 2017. Edappadi K. Palanisamy was born on 12 May 1954 in a village called Siluvampalayam near Salem district. His father's name is Mr.Karuppa Gounder and Mother name is Thavasi Ammal. Palaniswami is married and living with his family in Chennai. His wife name is P. Radha whose profession has also been declared as an agriculturalist in the election nomination paper. He has a son whose name", + "score": 0.71533203125 + }, + { + "id": "11796670", + "title": "N. Biren Singh", + "text": "and the Manipur Pradesh Congress Committee (MPCC), this came after revolt against Okram Ibobi Singh, the then Chief Minister of Manipur. Singh formally joined the BJP on 17 October 2016 and later became the Spokesperson and Co-convener of the Election Management Committee of BJP Manipur Pradesh. He won the 2017 Manipur Legislative Assembly Election from Heingang Assembly Constituency. In March 2017, he was elected as leader of the BJP Legislature Party in Manipur and with a majority of MLAs having been presented to the Governor, he was sworn in as Chief Minister of Manipur on 15 March 2017. He is", + "score": 0.71484375 + }, + { + "id": "15463075", + "title": "Chief minister (India)", + "text": "Chief minister (India) In the Republic of India, a chief minister is the elected head of government of each of Twenty nine states and seven union territories (Delhi and Pondicherry). According to the Constitution of India, the Governor is a state's \"de jure\" head, but \"de facto\" executive authority rests with the chief minister. Following elections to the state legislative assembly in a state, the state's governor usually invites the party (or coalition) with a majority of seats to form the government. The governor appoints and swears in the chief minister, whose council of ministers are collectively responsible to the", + "score": 0.712890625 + }, + { + "id": "6572063", + "title": "Shivraj Singh Chouhan", + "text": "As the state BJP President, Chouhan was chosen to become the Chief Minister of Madhya Pradesh on 30 November 2005. He contested a by-election from Budhni assembly constituency the following year, winning his old seat by a margin of over 36,000 votes. In 2008, Chouhan retained his Budhni seat by over 41,000 votes, and with it, led the BJP to a second consecutive victory in the state. On 12 December 2008, he was sworn in for his second term. On 8 December 2013 Chouhan won Legislative Assembly elections in Budhni with 128,730 votes and Vidisha with 73,783 votes. He was", + "score": 0.71240234375 + }, + { + "id": "13743107", + "title": "Edappadi K. Palaniswami", + "text": "is Mithun. Palanniswami has won the assembly election to the state assembly four times, in 1989, 1991, 2011 and 2016 from the Edapadi constituency. In addition, he won the Lok Sabha seat from Tiruchengode constituency in 1998. Edappadi K. Palaniswami Karuppa Gounder Palanisamy (born 12 May 1954) known as Edappadi K. Palaniswami is an Indian politician and the current Chief Minister of Tamil Nadu, having assumed the office on 16 February 2017. Edappadi K. Palanisamy was born on 12 May 1954 in a village called Siluvampalayam near Salem district. His father's name is Mr.Karuppa Gounder and Mother name is Thavasi", + "score": 0.7119140625 + }, + { + "id": "3947460", + "title": "People's Party of Arunachal", + "text": "alliance with Bharatiya Janata Party. Though Pema Khandu is still the Chief minister, it is soon expected that either a coalition government will be formed with BJP as the speaker of assembly has also changed sides with the CM, or that the Indian Government will dissolve the state assembly for a fresh general elections. In October 2016, Pema Khandu, Chief Minister of Arunachal Pradesh formally joined hands with Bharatiya Janata Party, making Arunachal Pradesh 14th state to have BJP in Power, and with this new coalition, Tamiyo Taga sworn-in as Cabinet minister of Arunachal Pradesh. On December 21, 2016, Pema", + "score": 0.71142578125 + }, + { + "id": "12772528", + "title": "Dilip Parikh", + "text": "Dilip Parikh Dilip Ramanbhai Parikh is an Indian politician. He served as the 13th Chief Minister of Gujarat from 28 October 1997 to 4 March 1998. He was an economics graduate from Elphinstone College, Mumbai. He was an industrialist in plastics business. He served as a president of Gujarat Chamber of Commerce and Industry in 1990s. In 1990, he came in the contact of Shankersinh Vaghela. He contested 1995 Gujarat assembly election on candidature of Bharatiya Janata Party (BJP). BJP won majority and formed government headed by Keshubhai Patel. In 1996, when Vaghela revolted and split BJP and formed Rashtriya", + "score": 0.7099609375 + }, + { + "id": "20630033", + "title": "Prithvi Subba Gurung", + "text": "Prithvi Subba Gurung Prithvi Subba Gurung () is a Nepalese politician and current Chief Minister of Gandaki Pradesh, a province in western Nepal. He was member of the 1st Nepalese Constituent Assembly and Minister of Culture, Tourism and Civil Aviation, Nepal. He was unanimously selected Parliamentary Party leader of CPN (UML) for Gandaki Pradesh on 11 February, 2018. He was appointed as the chief minister, according to Article 168 (1) of the Constitution of Nepal and took the oath of his office and secrecy as a chief minister on 16 February, 2018. Prithvi Subba Gurung was born in Gilung (now", + "score": 0.70947265625 + }, + { + "id": "15595266", + "title": "Madhya Pradesh Police", + "text": "Madhya Pradesh Police The Madhya Pradesh Police Department is the law enforcement agency for the state of Madhya Pradesh in India. The Madhya Pradesh Police opperates under direct control of the Department of Home Affairs, Government of Madhya Pradesh. The Madhya Pradesh Police Department is headed by 1234 (DGP). Former soldier Joginder Singh Kukreja was head of the MP Police (07.03.1980 to 14.04.1981) as Inspector General instead of as Director General of Police. After him, Bhagwati Prasad Dubey took over as Inspector General of Madhya Pradesh police on 15.04.1981. He became the first officer to eventually be elevated to the", + "score": 0.70947265625 + }, + { + "id": "10622231", + "title": "Vijay Rupani", + "text": "the state BJP president, replacing R. C. Faldu.He was the BJP state president from February 2016 to August 2016. He succeeded Anandiben Patel and sworn in as the Chief Minister of Gujarat on 7 August 2016. In the Gujarat Legislative Assembly election, 2017, he retained Rajkot West constituency defeating the Indian National Congress candidate Indranil Rajyaguru. He was unanimously elected as the leader of legislature party on 22 December 2017 and is continued as the Chief Minister of Gujarat with Nitin Patel as the Deputy Chief Minister. In 2011, Vijay Rupani HUF entity sold shares worth about 35000 in Sarang", + "score": 0.70849609375 + }, + { + "id": "18386111", + "title": "Laxmikant Parsekar", + "text": "Laxmikant Parsekar Laxmikant Yashwant Parsekar (born 4 July 1956) is an Indian politician who held the office of the Chief Minister of Goa, a state in India from 2014 to 2017. He was the member of the Goa Legislative Assembly from Mandrem constituency, and he belongs to the Bharatiya Janata Party. He was appointed as the Chief Minister of Goa on 8 November 2014, replacing Manohar Parrikar. During the Goa Assembly Election in 2017, he lost from his seat of Mandrem. He resigned on 11 March 2017. Laxmikant Parsekar was born on 4 July 1956 at Harmal village, Pernem taluka", + "score": 0.70849609375 + }, + { + "id": "20823881", + "title": "Muhammad Ajmal Cheema", + "text": "as Provincial Minister of Punjab for Bait-ul-Mal and Social Welfare. Muhammad Ajmal Cheema Muhammad Ajmal Cheema is a Pakistani politician who is the current Provincial Minister of Punjab for Bait-ul-Mal and Social Welfare, in office since 13 September 2018. He has been a member of the Provincial Assembly of the Punjab since August 2018. He was elected to the Provincial Assembly of the Punjab as an independent candidate from Constituency PP-97 (Faisalabad-I) in Pakistani general election, 2018. He joined Pakistan Tehreek-e-Insaf (PTI) following his election. On 12 September 2018, he was inducted into the provincial Punjab cabinet of Chief Minister", + "score": 0.7080078125 + }, + { + "id": "16008786", + "title": "Pema Khandu", + "text": "Pema Khandu Pema Khandu is an Indian politician and the Chief Minister of the Indian state of Arunachal Pradesh. Since assuming office of chief minister in July 2016, he and his government have twice changed their party affiliation; in September from the Indian National Congress to the Peoples Party of Arunachal, and then in December 2016 to the Bharatiya Janata Party. Previously he had served as Minister of Tourism, Urban Development and Water Resources in Nabam Tuki's government. Pema Khandu is a graduate from Hindu College (Delhi University). He is the eldest son of former Chief Minister Dorjee Khandu, who", + "score": 0.7080078125 + }, + { + "id": "16008790", + "title": "Pema Khandu", + "text": "Apang led government in 2003. Pema Khandu Pema Khandu is an Indian politician and the Chief Minister of the Indian state of Arunachal Pradesh. Since assuming office of chief minister in July 2016, he and his government have twice changed their party affiliation; in September from the Indian National Congress to the Peoples Party of Arunachal, and then in December 2016 to the Bharatiya Janata Party. Previously he had served as Minister of Tourism, Urban Development and Water Resources in Nabam Tuki's government. Pema Khandu is a graduate from Hindu College (Delhi University). He is the eldest son of former", + "score": 0.70751953125 + }, + { + "id": "2856209", + "title": "Mufti Mohammad Sayeed", + "text": "Congress, and was sworn in as the Chief Minister of Jammu and Kashmir for a term of three years. In 2003, he merged the autonomous Special Operations Group with the Jammu and Kashmir Police. It was under his tenure which coincided with the peace process led by Indian Prime Ministers Atal Bihari Vajpayee and Manmohan Singh and Pakistani President Pervez Musharraf, with LOC opened for trade and bus service. In the Jammu and Kashmir Legislative Assembly election, 2014, the PDP emerged as the single largest party, though it fell short of a majority. Following a coalition agreement between the BJP", + "score": 0.70703125 + }, + { + "id": "12772529", + "title": "Dilip Parikh", + "text": "Janata Party, he joined it. RJP formed minority government with support of Indian National Congress (INC) and Vaghela took oath as a Chief Minister. A year later lNC threatened to withdrew its support on 20 October 1997. A week later the compromise was reached as a change of Chief Minister. Vaghela stepped down and Parikh sworn in as a Chief Minister by governor Krishna Pal Singh in 1997. In 182 members Gujarat Legislative Assembly, there were only 46 RJP members while there were 44 INC, 76 BJP and 15 Independents members. Thus minority government by outside support of INC resulted", + "score": 0.70654296875 + }, + { + "id": "18361500", + "title": "2014 Jammu and Kashmir Legislative Assembly election", + "text": "the PDP from outside by submitting a letter to governor Narinder Nath Vohra after the dialogue with the BJP fell through. The PDP refused. A week after the results, the PDP and the BJP officially started talks. Both parties had a two-member team to form a Common Minimum Programme (CMP). The PDP was represented by Naeem Akhtar and Haseeb Drabu, while Ram Madhav and Nirmal Kumar Singh represented the BJP. Minister of State in the PMO, Jitendra Singh, supervised the dialogue. Omar Abdullah resigned as chief minister on 24 December. The Governor accepted his resignation, but asked him to continue", + "score": 0.70556640625 + }, + { + "id": "7058161", + "title": "Government of Khyber Pakhtunkhwa", + "text": "Chief Minister is Leader of House. By virtue of this role, he or she is the head of the Assembly. In that capacity, the Chief Minister is allowed to vote in the Assembly. The current Chief Minister is Mahmood Khan The Chief Secretary is the administrative boss of the province as the CS heads the provincial bureaucracy. The appointment of the provincial Chief Secretary is made by the Prime Minister of Pakistan The day-to-day enforcement and administration of provincial laws is in the hands of the various provincial departments, created by the Assembly to deal with specific areas of provincial", + "score": 0.705078125 + }, + { + "id": "12907215", + "title": "Prem Singh Chandumajra", + "text": "Prem Singh Chandumajra Prem Singh Chandumajra (born 1 January 1950) is General Secretary and spokesman of the Shiromani Akali Dal (SAD) \" and current Member of Parliament from Anandpur Sahib and former constituency MP from Patiala seat. He is also an alumnus of Punjabi University, Patiala. He was a Member of Parliament in 11th, 12th and now of 16th Lok Sabha.He won with a low margin from Himmat Singh Shergill and Ambika Soni,who gave him tough fight . Chandumajra is a post graduate in Economics and Political Science. He began his career with a job as economics lecturer in Government", + "score": 0.705078125 + }, + { + "id": "8792019", + "title": "Preneet Kaur", + "text": "Preneet Kaur Preneet Kaur (born 3 October 1944) is an Indian politician who served in the Government of India as a Minister of State in the Ministry of External Affairs from 2009 to 2014. She is the wife of Amarinder Singh, who is now, 26th Chief Minister of Punjab. She joined the Congress party, to which her husband also belongs, and contested parliamentary elections repeatedly from the Patiala constituency. She won the elections of 1999, 2004 and 2009, but lost her seat in the elections of 2014. Praneet Kaur was born in Shimla, India. She is the daughter of Sardarv", + "score": 0.705078125 + }, + { + "id": "7771419", + "title": "Pratibha Singh", + "text": "In 2013 (By Poll) elections, she again elected for the same. Pratibha Singh Pratibha Singh (born 16 July 1956) was a member of the 14th Lok Sabha of India. She is wife of Virbhadra Singh who has been the Chief Minister of Himachal Pradesh since 2012. She represented the Mandi constituency of Himachal Pradesh and is a member of the Indian National Congress. Pratibha Singh was born on 16 July 1956 in Shimla, Himachal Pradesh. She married Virbhadra Singh in 1985. Pratibha Singh gained a seat in the Lok Sabha which is the lower house of the Parliament of India", + "score": 0.70361328125 + }, + { + "id": "5831632", + "title": "Prafulla Kumar Mahanta", + "text": "Sabha Elections. 4. http://www.elections.in/assam/assembly-constituencies/nowgong.html Prafulla Kumar Mahanta Prafulla Kumar Mahanta (born 23 November 1952) is an Indian Politician who was the leader of the Assam Movement, a former Chief Minister of Assam (two terms) and the President of the Asom Gana Parishad (AGP), a major political party in the Indian state of Assam. He became the chief minister in the state when the AGP came to power in 1985. He served as the chief minister of the state for two terms, (1985\u20131990) and (1996\u20132001). He is a former president of the All Assam Students Union, a student organization that spearheaded", + "score": 0.70361328125 + }, + { + "id": "2856260", + "title": "Mehbooba Mufti", + "text": "Mehbooba Mufti Mehbooba Mufti (born 22 May 1959) is an Indian politician who served as the Chief Minister of Jammu and Kashmir, from 4th April 2016 to 19th June 2018. She resigned on June 19 2018 after BJP withdrew support from the coalition government. She was the first woman to hold the office. Mehbooba Mufti is India's second Muslim woman chief minister after Syeda Anwara Taimur of Assam. She is the president of the Jammu and Kashmir Peoples Democratic Party (PDP) and was a member of the Indian parliament, representing Anantnag in the 16th Lok Sabha; before she was sworn", + "score": 0.70361328125 + }, + { + "id": "5367055", + "title": "Virbhadra Singh", + "text": "Virbhadra Singh Raja Virbhadra Singh (born 23 June 1934), is an Indian politician. The longest-serving and 4th Chief Minister of Himachal Pradesh, he served as the Chief Minister from 2012 to 2017 before relinquishing the post to BJP's Jai Ram Thakur in December 2017. He previously served as Chief Minister from 1983 to 1990, from 1993 to 1998 and from 2003 to 2007. He was an elected member of the Lok Sabha in 1962, 1967, 1972, 1980 and in 2009. He is a member of the Indian National Congress. His wife, Pratibha Singh, was a Lok Sabha member from Mandi.", + "score": 0.703125 + }, + { + "id": "13591633", + "title": "Raj Kumar Dorendra Singh", + "text": "Raj Kumar Dorendra Singh Raj Kumar Dorendra Singh ( 30 September 1934 \u2013 30 March 2018) was a senior Indian politician and a former Chief Minister of NorthEastern Indian state of Manipur. In the past, he represented a number of political parties; currently he was with Manipur People's Party . He was a member of the Indian National Congress (INC), Bharatiya Janata Party (BJP), and a few other parties earlier. He was the Chief Minister of Manipur from 6 December 1974 to 16 May 1977, again from 14 January 1980 to 27 November 1980 and from 8 April 1992 to", + "score": 0.703125 + }, + { + "id": "20630034", + "title": "Prithvi Subba Gurung", + "text": "Kwhlosothar) Lamjung, Nepal to Ganga Prasad Gurung and Chini Gurung. Prithvi Subba Gurung Prithvi Subba Gurung () is a Nepalese politician and current Chief Minister of Gandaki Pradesh, a province in western Nepal. He was member of the 1st Nepalese Constituent Assembly and Minister of Culture, Tourism and Civil Aviation, Nepal. He was unanimously selected Parliamentary Party leader of CPN (UML) for Gandaki Pradesh on 11 February, 2018. He was appointed as the chief minister, according to Article 168 (1) of the Constitution of Nepal and took the oath of his office and secrecy as a chief minister on 16", + "score": 0.703125 + }, + { + "id": "10690473", + "title": "Sripati Mishra", + "text": "Sripati Mishra Pandit Sripati Mishra (4 December 1923 - 8 December 2002) was an Indian politician belonging to Indian National Congress. He served as Chief Minister of Uttar Pradesh during the 1980s. Sripati Mishra was born in a humble family in Sheshpur village in Sultanpur. Sripati Mishra was first elected to Vidhan Sabha and became its speaker in 1980. He remained in this office from 7 July 1980 till 18 July 1982. He became Chief Minister after resignation of Vishwanath Pratap Singh in 1982. He remained in office from 19 July 1982 till 3 August 1984. Dr Yogendra Narain served", + "score": 0.70263671875 + }, + { + "id": "16036551", + "title": "Nabam Tuki", + "text": "forest portfolio in the Mukut Mithi ministry. He was re-elected in the 2004 assembly election and 2009 assembly elections and served as the PWD and urban Development minister under the Gegong Apang and Dorjee Khandu ministries. He replaced Jarbom Gamlin as the Chief Minister of Arunachal Pradesh on 1 November 2011 and continued til January 2016. After a political crisis in 2016, the President's Rule was imposed ending his tenure as the chief minister. On 13 July 2016, the Supreme Court quashed the Arunachal Pradesh Governor J.P. Rajkhowa\u2019s order to advance the Assembly session from January 14, 2016 to December", + "score": 0.7021484375 + }, + { + "id": "5831628", + "title": "Prafulla Kumar Mahanta", + "text": "Prafulla Kumar Mahanta Prafulla Kumar Mahanta (born 23 November 1952) is an Indian Politician who was the leader of the Assam Movement, a former Chief Minister of Assam (two terms) and the President of the Asom Gana Parishad (AGP), a major political party in the Indian state of Assam. He became the chief minister in the state when the AGP came to power in 1985. He served as the chief minister of the state for two terms, (1985\u20131990) and (1996\u20132001). He is a former president of the All Assam Students Union, a student organization that spearheaded the Assam Movement between", + "score": 0.7021484375 + }, + { + "id": "4925271", + "title": "Kamal Nath", + "text": "after paying tribute to Munde and observing a two-minute silence. Since no other elected member had taken the oath that day, they were not officially members of parliament. On 13th December 2018, Kamal Nath was elected as the Chief Minister of Madhya Pradesh. Kamal Nath is a member of the INC (Indian National Congress) political party and served as general secretary from 2001\u20132004. Nath has close ties with the Nehru\u2013Gandhi family, being young friends and schoolmates with Sanjay at the Doon School, an independent boarding school located in Dehradun. Kamal Nath serves as president of the board of governors for", + "score": 0.7021484375 + }, + { + "id": "2879544", + "title": "Mayawati", + "text": "Mayawati Mayawati Das (; born 15 January 1956 known as Mayawati or Kumari Mayawati (Miss Mayawati), is an Indian politician who spent four separate terms as chief minister of Uttar Pradesh. She is the national president of the Bahujan Samaj Party (BSP), which focuses on a platform of social change to improve the lives of the weakest strata of Indian society \u2014 the \"Bahujans\" or Scheduled Castes and Scheduled Tribes, Other Backward Classes, and religious minorities. She was Chief Minister briefly in 1995 and again in 1997, then from 2002 to 2003 and from 2007 to 2012. Mayawati's rise from", + "score": 0.70166015625 + }, + { + "id": "7058169", + "title": "Government of Khyber Pakhtunkhwa", + "text": "Chief Minister of KP Pervez Khattak on 17 June 2013. The duties of the minister revolve around Revenue & Estate conditions and concerns in the Khyber Pakhtunkhwa. This includes advising the Chief Minister on matters of Revenue & Estate. It strives to administer the department of Revenue & Estate to carry out approved programs and make the public aware of the objectives of the department. The Khyber Pakhtunkhwa Minister of Energy & Power is the head of the Khyber Pakhtunkhwa Department of Energy & Power, concerned with Energy & Power. The Minister is a member of the Chief Minister's Cabinet.", + "score": 0.70166015625 + }, + { + "id": "4685489", + "title": "Bhupinder Singh Hooda", + "text": "\u2013 Sworn in as Chief Minister of Haryana. (2nd Term) Bhupinder Singh Hooda Bhupinder Singh Hooda (born 15 September 1947) is an Indian National Congress politician who served as the Chief Minister of Haryana from 2005 to 2014. When he began a second term in October 2009 after leading the Congress to an election victory, it was the first time since 1972 that a Haryana electorate returned a ruling party back to power. Hooda is also a Member of the Bar Council of Punjab and Haryana. In 2010, Indian Prime Minister Manmohan Singh constituted the Working Group on Agriculture Production", + "score": 0.70166015625 + }, + { + "id": "9916898", + "title": "Pune Municipal Corporation", + "text": "will have a mayor from the party. Mukta Tilak (BJP) was elected as the mayor and Navanth Kamble (RPI (A)) as the deputy mayor by the newly elected general body in March 2017. Tilak is the first member of the BJP to hold the position. Following Kamble's demise while in office, Siddharth Dhende of the RPI (A) was elected as the deputy mayor in June 2017. The demise of the Deputy Mayor Navnath Kamble (RPI (A)) in May 2017 necessitated by-elections in the Koregaon Park-Ghorpadi ward. The RPI (A) retained the seat with Himali Kamble elected as the new councillor.", + "score": 0.701171875 + }, + { + "id": "16023328", + "title": "Ashok Vajpeyi", + "text": "Singh became the Chief Minister of MP. As the culture secretary, he set up 11 cultural institutions, and made decisions regarding appointment of trustees and office-bearers of these institutions. This made him an influential figure within MP. In 1980s, he gained national recognition, starting with the establishment of Bharat Bhavan, which was inaugurated by prime minister Indira Gandhi. Vajpeyi lost his powerful position in MP, when Congress' rival Bharatiya Janata Party came to power in the state. In 1990, the Sunder Lal Patwa government transferred him to the state Revenue Board. In December 1991, Vajpeyi's mentor Arjun Singh became the", + "score": 0.701171875 + }, + { + "id": "20262343", + "title": "Prime Minister of the Punjab", + "text": "Prime Minister of the Punjab The Prime Minister of the Punjab was the head of government and the Leader of the House in the Legislative Assembly of Punjab Province in British India. The position was dissolved upon the Partition of India in 1947. The office was created under the Government of India Act 1935. The Unionist Party was the principal legislative force in the province. It received support from legislators of the Punjab Muslim League, the Indian National Congress and the Sikh Akali Dal at various periods. The Unionist government implemented agrarian reforms in Punjab by using legal and administrative", + "score": 0.701171875 + }, + { + "id": "14178549", + "title": "Yashwant Singh Parmar", + "text": "Yashwant Singh Parmar Yashwant Singh Parmar (4 August 1906 \u2013 2 May 1981) was an Indian politician. He was a leader of the Indian National Congress and the first Chief Minister of Himachal Pradesh state. He was born at Chanhalag village near Bagthan in a rajput family in the erstwhile princely state of Sirmour. He studied in the Christian College in Lahore and later received his PhD from Lucknow University in 1944. Upon the formation of the constituent assembly of India in 1946, he represented Himachal Pradesh in the constituent assembly. Yashwant singh parmar was the Chief minister of the", + "score": 0.70068359375 + }, + { + "id": "20262345", + "title": "Prime Minister of the Punjab", + "text": "joined the Paris Peace Conference in 1946. The office was succeeded by the Chief Minister of Punjab (Pakistan) and Chief Minister of Punjab (India). Prime Minister of the Punjab The Prime Minister of the Punjab was the head of government and the Leader of the House in the Legislative Assembly of Punjab Province in British India. The position was dissolved upon the Partition of India in 1947. The office was created under the Government of India Act 1935. The Unionist Party was the principal legislative force in the province. It received support from legislators of the Punjab Muslim League, the", + "score": 0.70068359375 + }, + { + "id": "20327846", + "title": "Pramod Kumar Misra", + "text": "Pramod Kumar Misra Pramod Kumar Mishra (IAST: ; born 11 August 1948), often abbreviated to as PK Mishra, is a re-employed 1972 batch IAS officer belonging to Gujarat cadre. He currently is the Additional Principal Secretary to the Prime Minister of India, Narendra Damodardas Modi. Pramod Kumar Mishra has graduate, postgraduate and PhD degrees in economics. He also has a postgraduate degree in development economics. Apart from serving as the Additional Principal Secretary in the Prime Minister's Office, Mishra has served in various key positions for both Indian and Gujarat governments, such as the Additional Chief Secretary (Revenue), Principal Secretary", + "score": 0.70068359375 + }, + { + "id": "4018619", + "title": "O. Panneerselvam", + "text": "Governor invited the newly elected legislative leader of the AIADMK, Edappadi K Palaniswami to form the government, following which he took over as chief minister on 16 February 2017. Elections Contested and Results: After his exit from AIADMK Panneerselvam and his supporters appealed to the election commission to take action against the current chief minister Edappadi K. Palaniswami and party General Secretary Sasikala. He also made a point to them that he needs the two leaf party symbol to contest in RK Nagar election. Also, Edappadi K. Palaniswami and supporters appealed against him, but the election commission rejected both the", + "score": 0.70068359375 + }, + { + "id": "19639274", + "title": "P. P. Chaudhary", + "text": "P. P. Chaudhary P. P. Chaudhary (born 12 July 1953) is the Union Minister of State for the Law and Justice and the Ministry of Corporate Affairs. Prior to that, Chaudhary was the chairperson of the Joint Parliamentary Committee on Offices of Profit and was also a member of the Committee on Subordinate Legislation and the Standing Committee on Personnel, Committee on Public Grievances, Law and Justice. He is a member of the Bharatiya Janata Party (BJP) and won the Indian general elections, 2014 from Pali Lok Sabha constituency, with a victory margin of over 4,00,000 votes. Represented as Indian", + "score": 0.7001953125 + }, + { + "id": "20542063", + "title": "Biplab Kumar Deb", + "text": "Biplab Kumar Deb Biplab Kumar Deb (born 25 November 1971) is an Indian politician from Tripura and the current Chief Minister of Tripura. He has been the state president of the Bharatiya Janata Party (BJP) in Tripura since 7 January 2016. He led the BJP to victory in the 2018 Legislative Assembly Election, defeating 25 years rule of the Left Front government led by the Communist Party of India (Marxist). He took his oath as the 10th Chief Minister of Tripura on 9 March 2018. Biplab Deb was born on 25 November 1971 in Udaipur, Gomati district, Tripura. His parents", + "score": 0.69970703125 + }, + { + "id": "20528517", + "title": "Abdul Quddus Bizenjo", + "text": "top priority during his term as Chief Minister of the Balochistan. In March 2018, Bizenjo helped form a new political party, Balochistan Awami Party (BAP). On 7 June 2018, Alauddin Marri was appointed by Election Commission of Pakistan to succeed Bizenjo as caretaker Chief Minister of Balochistan. He was re-elected to the Provincial Assembly of Balochistan as a candidate of BAP from Constituency PB-44 (Awaran-cum-Panjgur) in Pakistani general election, 2018. He received 8,055 votes and defeated Khair Jan, a candidate of National Party. Following his successful election, he was nominated by BAP for the office of Speaker of the Provincial", + "score": 0.69921875 + }, + { + "id": "20061535", + "title": "Manohar Parrikar ministry (2017\u20132022)", + "text": "Manohar Parrikar ministry (2017\u20132022) The third Manohar Parrikar Ministry came into existence on 14 March 2017. Manohar Parrikar was sworn in as the 10th Chief Minister of Goa state and his government won the vote of confidence in the Goa Legislative Assembly on 16 March 2017. His government won the vote of confidence with the support of 22 MLAs in the 40-member Goa Legislative Assembly. During the trust vote, Parrikar was supported by the 12 MLAs of the Bharatiya Janata Party (Bharatiya Janata Party MLA Sidharth Kuncalienker did not vote since he was the pro tem Speaker), 3 MLAs of", + "score": 0.69921875 + }, + { + "id": "20061537", + "title": "Manohar Parrikar ministry (2017\u20132022)", + "text": "the reshuffle. Since 25 July 2018, the portfolios allocated to them were being looked after by Chief Minister Manohar Parrikar. The reshuffle caused the induction of Milind Naik and Nilesh Cabral into the Ministry. Manohar Parrikar ministry (2017\u20132022) The third Manohar Parrikar Ministry came into existence on 14 March 2017. Manohar Parrikar was sworn in as the 10th Chief Minister of Goa state and his government won the vote of confidence in the Goa Legislative Assembly on 16 March 2017. His government won the vote of confidence with the support of 22 MLAs in the 40-member Goa Legislative Assembly. During", + "score": 0.69921875 + }, + { + "id": "12956687", + "title": "Mehtab Kaur of Patiala", + "text": "Mehtab Kaur of Patiala Mehtab Kaur (n\u00e9e Mohinder Kaur; 14 September 1922 \u2013 24 July 2017), was the second wife of the ninth and the last Maharaja of Patiala Yadavindra Singh (1914\u20131974). She was the mother of Amarinder Singh, the current Chief Minister of Punjab. Had it not been for the erstwhile Indian princely families being stripped of their titles in 1971, upon the death of her husband she would have been considered Rajmata (queen mother), and in popular usage is commonly referred to as such. She was born in Ludhiana, undivided Punjab as Mohinder Kaur, the daughter of Sardar", + "score": 0.69921875 + }, + { + "id": "13591622", + "title": "Wahengbam Nipamacha Singh", + "text": "Wahengbam Nipamacha Singh Wahengbam Nipamacha Singh (17 December 1930 \u2013 17 July 2012) was chief Minister of the northeastern India state of Manipur. Nipamacha Singh became chief minister replacing Rishang Keishing from the Congress in 1997. In 1997, he started the Manipur State Congress Party (MSCP) while he was the Speaker in the same year. Though he won the 2000 election for the second time, he was removed the very next year when President\u2019s rule was declared in the state. Saying, \"It is a sin to be with a party that does not have any representation in Parliament. However powerful", + "score": 0.69921875 + }, + { + "id": "17517697", + "title": "Mulayam Singh Yadav", + "text": "government on 25 August 2003, and enough rebel legislators of the Bahujan Samaj Party left to allow Yadav to become the Chief Minister, with the support of independents and small parties. He was sworn in as chief minister of Uttar Pradesh for the third time in September 2003. It is widely believed that this change was done with the blessings of the BJP, which was also ruling at the Centre then. Yadav was still a member of the Lok Sabha when he was sworn in as chief minister. In order to meet the constitutional requirement of becoming the member of", + "score": 0.69873046875 + }, + { + "id": "323487", + "title": "Prime Minister of India", + "text": "Prime Minister of India The Prime Minister of India is the leader of the executive of the Government of India. The prime minister is also the chief adviser to the President of India and head of the Council of Ministers. They can be a member of any of the two houses of the Parliament of India\u2014the Lok Sabha (House of the People) and the Rajya Sabha (Council of the States)\u2014but has to be a member of the political party or coalition, having a majority in the Lok Sabha. The prime minister is the senior-most member of cabinet in the executive", + "score": 0.69873046875 + }, + { + "id": "10273926", + "title": "Motilal Vora", + "text": "appointed Chief Minister of Madhya Pradesh. He resigned from the post of Chief Minister on 13 February 1988, to join the Union Government. On 14 February 1988, Vora became a member of the Rajya Sabha, and assumed the office of Union Minister of Health, Family Welfare and Civil Aviation. He was a cabinet minister in Government of India. He was appointed as Governor of Uttar Pradesh on May 16, 1993 and held office till May 3, 1996. Motilal Vora was in 1998-99 Member of the 12th Lok Sabha. Motilal Vora is very close to High Command of INC, and has", + "score": 0.6982421875 + }, + { + "id": "19639279", + "title": "P. P. Chaudhary", + "text": "of Corporate Affairs P. P. Chaudhary P. P. Chaudhary (born 12 July 1953) is the Union Minister of State for the Law and Justice and the Ministry of Corporate Affairs. Prior to that, Chaudhary was the chairperson of the Joint Parliamentary Committee on Offices of Profit and was also a member of the Committee on Subordinate Legislation and the Standing Committee on Personnel, Committee on Public Grievances, Law and Justice. He is a member of the Bharatiya Janata Party (BJP) and won the Indian general elections, 2014 from Pali Lok Sabha constituency, with a victory margin of over 4,00,000 votes.", + "score": 0.6982421875 + }, + { + "id": "1416311", + "title": "Perak", + "text": "legislature of the state of Perak. It is composed of 59 members representing single-member districts throughout the state. Elections are held no more than five years apart. The current Menteri Besar (Chief Minister) is Ahmad Faizal Azumu who is representative of the Pakatan Harapan, the governing political party that commands the support of majority of members of the State Legislative Assembly. Following the opposition coalition winning Perak in the 2008 general election, Mohammad Nizar Jamaluddin of Pan-Malaysian Islamic Party (PAS) was appointed as the new Menteri Besar (Chief Minister) of the state eventually, although the Democratic Action Party (DAP) won", + "score": 0.69775390625 + }, + { + "id": "8801888", + "title": "Yogi Adityanath", + "text": "2015, Adityanath commented that actor Shah Rukh Khan was using the same \"language\" as Pakistani terrorist Hafiz Saeed. Yogi Adityanath Yogi Adityanath (born Ajay Mohan Bisht on 5 June 1972) is an Indian monk and Hindu nationalist politician who is the current Chief Minister of Uttar Pradesh, in office since 19 March 2017. He was appointed as the Chief Minister on 26 March 2017 after the Bharatiya Janata Party (BJP) won the 2017 State Assembly elections, in which he was a prominent campaigner. He has been the Member of Parliament from the Gorakhpur constituency, Uttar Pradesh for five consecutive terms", + "score": 0.69775390625 + }, + { + "id": "11315402", + "title": "Gulabrao Patil", + "text": "as Chief Minister and Patil as Congress chief. After resignation of Chief Minister A R Antulay in 1982, Patil was the leading candidate of next Chief Minister of Maharashtra at that time as he was President of Maharashtra State Congress and close associate of Indira Gandhi. But at last moment his name was dropped due to internal politics. In next government of Babasaheb Bhosale, Patil was offered a position which was at the lower rank of being a State Minister rather than a full cabinet post. Gulabrao rejected the offer and famously said, Power without Prestige, is a Gun without", + "score": 0.697265625 + }, + { + "id": "17426979", + "title": "Devendra Fadnavis", + "text": "Devendra Fadnavis Devendra Gangadharrao Fadnavis (born 22 July 1970) is an Indian politician and 18th, incumbent Chief Minister of Maharashtra holding the office from 31 October 2014. A member of Bharatiya Janata Party and the Rashtriya Swayamsevak Sangh, at the age of 44, he became the second youngest Chief Minister of Maharashtra after Sharad Pawar. Fadnavis represents the Nagpur South West constituency in Maharashtra Legislative Assembly. Fadnavis was born on 22 July 1970 in Nagpur. His father, Gangadhar Fadnavis, served as a member of the Maharashtra Legislative Council from Nagpur. His mother, Sarita Fadnavis, who is a descendant of the", + "score": 0.69677734375 + }, + { + "id": "9657190", + "title": "Vasantrao Naik", + "text": "Vasantrao Naik Vasantrao Phulsing Naik (1 July 1913 \u2013 18 August 1979) was an Indian politician who served as Chief Minister of Maharashtra from 1963 until 1975. To this date, he remains as the longest-serving Chief Minister of Maharashtra. Also, he had a credit to return to power after completion of full five years which could not be possible for any other chief minister in Maharashtra. V. P. Naik was born in a Banjara family in 1913 in Gahuli village of Yavatmal district in the southern Vidarbha region of Maharashtra. He is the uncle of former Chief Minister of Maharashtra", + "score": 0.69677734375 + }, + { + "id": "7058166", + "title": "Government of Khyber Pakhtunkhwa", + "text": "conditions and concerns in the Khyber Pakhtunkhwa. This includes advising the Chief Minister on matters of health. It strives to administer the department of Health to carry out approved programs and make the public aware of the objectives of the department. The Khyber Pakhtunkhwa Minister of Local Government is the head of the Khyber Pakhtunkhwa Department of Local Government, concerned with Local Government. The Minister is a member of the Chief Minister's Cabinet. Mr. Inayatullah Khan was appointed as Minister of Local Government by Chief Minister of KP Pervez Khattak on 17 June 2013. The duties of the minister revolve", + "score": 0.69677734375 + }, + { + "id": "16008788", + "title": "Pema Khandu", + "text": "in 2010. He was elected Congress Legislature Party leader on 16 July 2016 replacing Nabam Tuki. Khandu was re-elected unopposed from Mukto in the 2014 Arunachal Pradesh Legislative Assembly election. Khandu took the oath as the chief minister of Arunachal Pradesh on 17 July 2016 at the age of 37 years following a year long political crisis. On 16 September 2016, 43 MLAs from the ruling party, under the CM Pema Khandu, defected from Indian National Congress to People's Party of Arunachal, an ally of Bharatiya Janata Party. On 21 December 2016 in a high octane drama Khandu was suspended", + "score": 0.6962890625 + }, + { + "id": "16998277", + "title": "Shiv Pratap Shukla", + "text": "Shiv Pratap Shukla Shiv Pratap Shukla ( born 1 April 1952) is an Indian politician currently serving as Minister of State for Finance in the Government of India. He is Member of Parliament in the upper house (Rajya Sabha) of the Indian Parliament . He represents the state of Uttar Pradesh. He was appointed Vice President of the Bharatiya Janata Party (BJP), Uttar Pradesh in February 2012 under the presidency of Surya Pratap Shahi. He is known for his work during his tenure as the Cabinet Minister in the state of Uttar Pradesh, when he initiated an Education for all", + "score": 0.6962890625 + }, + { + "id": "17043358", + "title": "2015 Bihar political crisis", + "text": "JD(U) in election, Nitish Kumar resigned on 17 May 2014 as the chief minister of Bihar citing moral responsibility. His confidant and the then minister of the SC and ST welfare department of the state government, Jitan Ram Manjhi, took over as the chief minister of the state on 20 May 2014. Opposition leader Sushil Kumar Modi of the Bharatiya Janata Party called Manjhi a \"dummy chief minister\", to which Manjhi responded by saying he was \"not a rubber stamp.\" Due to the breakup of the JD(U) alliance with BJP and the desertion of some JD(U) MLAs, Manjhi's government faced", + "score": 0.6962890625 + }, + { + "id": "11796668", + "title": "N. Biren Singh", + "text": "from Heingang. He retained the seat in 2007 contesting with an Indian National Congress ticket after joining the party in 2003. Serving as the Minister of Youth Affairs and Sports, he quit the party in 2016 before joining the Bharatiya Janata Party. In 2017, he retained his seat from Heingang again and was named the Chief Minister after his party gained Coalition and formed the government. In 2002, he was elected to the Legislative Assembly of Manipur, as the Democratic Revolutionary Peoples Party (DRPP) candidate in the constituency Heingang. He later joined the Indian National Congress (INC). In May 2003", + "score": 0.69580078125 + }, + { + "id": "17687395", + "title": "Office of the Prime Minister and Council of Ministers (Nepal)", + "text": "Office of the Prime Minister and Council of Ministers (Nepal) The Office of the Prime Minister and Council of Ministers is a political and bureaucratic office that assists the Council of Ministers of Nepal and the Prime Minister of Nepal in the leadership of the Council of Ministers and Government. The present Prime Minister is Khadga Prasad Oli and the current council of ministers is the Second Oli cabinet. The Office's mandate includes the formation, dissolution and alteration of organizational structure of the ministries, the formulation, approval or issue of Bills, Ordinances, and Rules, observation, control, inspection, supervision, coordination, monitoring", + "score": 0.69580078125 + }, + { + "id": "9272975", + "title": "Veerappa Moily", + "text": "Veerappa Moily Marpadi Veerappa Moily (born 12 January 1940) is an Indian politician belonging to the Indian National Congress from the state of Karnataka. He is a member of the 16th Lok Sabha and represents the Chikballapur constituency. He was the former Minister of Petroleum and Natural Gas Minister of Corporate Affairs and Minister of Power in the Indian government. Moily was elected as MP of the Chickballapur district by a wide margin in 2009. Moily was the former Chief Minister (and the first ethnic Tuluva CM) of the Indian state of Karnataka (19 Nov 1992 \u2013 11 Dec 1994).", + "score": 0.6953125 + }, + { + "id": "20541362", + "title": "Department of Housing and Urban Planning", + "text": "policies related to Housing and Urban Planning. The department is also responsible for planned development of urban areas, through the 24 development subordinate to it. The department, through Uttar Pradesh Housing and Development Board, is also responsible for providing affordable housing to those who need it. The Chief Minister of Uttar Pradesh, Yogi Adityanath, is the minister responsible for Department of Housing and Urban Planning. The department's administration is headed by the Principal Secretary, who is an IAS officer, who is assisted by three Special Secretaries, two Joint Secretaries, and eight Deputy/Under Secretaries. The current Principal Secretary (DoHUP) is Mukul", + "score": 0.6953125 + }, + { + "id": "9916890", + "title": "Pune Municipal Corporation", + "text": "consists of 162 directly elected councilors, popularly known as \"corporators\", headed by a mayor. Mukta Tilak (BJP) was elected as the mayor and Navanth Kamble (RPI (A)) as the deputy mayor by the newly elected general body in March 2017. Tilak is the first member of the BJP to hold the position. Following Kamble's demise while in office, Siddharth Dhende of the RPI (A) was elected as the deputy mayor in June 2017. The land for Pune Municipal Corporation was donated by Bhausaheb Shirole who was second Mayor of Pune city and later became Member of Legislative Council (MLC). The", + "score": 0.6953125 + }, + { + "id": "8792022", + "title": "Preneet Kaur", + "text": "of his father and entered politics, where he met with great success. He was elected to parliament from the Patiala constituency in 1980, and to the Punjab state legislative assembly in 1985, 1992 and 2002, serving as minister in the state government for many years. In 2002, he took office as Chief Minister of Punjab for the first time and served a full five-year term until 2007. In March 2017, he again led the Congress party to victory in the state assembly elections and took office again as Chief Minister of Punjab for the second time, a position he currently", + "score": 0.69482421875 + }, + { + "id": "7058170", + "title": "Government of Khyber Pakhtunkhwa", + "text": "Mr. Muhammad Atif was appointed as Minister of Energy & Power by Chief Minister of KP Pervez Khattak on 1 June 2014. The duties of the minister revolve around Energy & Power conditions and concerns in the Khyber Pakhtunkhwa. This includes advising the Chief Minister on matters of Energy & Power. It strives to administer the department of Energy & Power to carry out approved programs and make the public aware of the objectives of the department. Mr. Imtiaz Shahid was appointed as Minister of Law by Chief Minister of KP Pervez Khattak on 4 October 2014. The duties of", + "score": 0.69482421875 + }, + { + "id": "8168070", + "title": "Sunder Lal Patwa", + "text": "Sunder Lal Patwa Sunder Lal Patwa (11 November 1924 \u2013 28 December 2016) was an Indian politician, who served as the 11th Chief Minister of Madhya Pradesh and a cabinet minister in the Government of India. He was born in the village of Kukreshawar located between Manasa and Rampura in the Nimach District of Madhya Pradesh. He was awarded Padma Vibhushan, the second-highest civilian award, posthumously in 2017 by the Government of India. He was Chief Minister of Madhya Pradesh twice, from 20 January 1980 to 17 February 1980 as member of Janata Party and from 5 March 1990 to", + "score": 0.6943359375 + }, + { + "id": "20821287", + "title": "Kirpal Singh (politician)", + "text": "Kirpal Singh (politician) Kirpal Singh was an Indian politician and elected official. Formerly a member of the Janata Dal party, he was the founder and president of Punjab Janata Morcha. He was elected to the Lok Sabha as an independent after failing to get the nomination of Janata Dal. Punjab Janata Morcha (PJM), in English the Punjab Popular Front, was a Sikh political party in the Indian state of Punjab. The party formed in 1989 as a splinter group of the Janata Dal. The party failed to win any election seats in its lifetime. Party president Kirpal Singh announced that", + "score": 0.69384765625 + }, + { + "id": "9393447", + "title": "Rajnath Singh", + "text": "Rajnath Singh Rajnath Ram Badan Singh (born 10 July 1951) is an Indian politician belonging to the Bharatiya Janata Party (BJP) who currently serves as the Home Minister. He previously served as the Chief Minister of Uttar Pradesh and as a Cabinet Minister in the Vajpayee Government. He has also served as the President of the BJP twice, 2005 to 2009 and 2013 to 2014. He began his career as a physics lecturer and used his long-term association with the Rashtriya Swayamsevak Sangh (RSS) to become involved with the Janata Party. Singh was born in the small village of Bhabhaura", + "score": 0.69384765625 + }, + { + "id": "11268555", + "title": "Government of Uttar Pradesh", + "text": "Yogi Adityanath. Government of Uttar Pradesh The Government of Uttar Pradesh is a democratically elected state government in North Indian state of Uttar Pradesh with the governor as its appointed constitutional head of the state by the President of India. The Governor of Uttar Pradesh is appointed for a period of five years and appoints the chief minister and his or her council of ministers, who are vested with the executive powers of the state. The governor remains a ceremonial head of the state, while the chief minister and his or her council are responsible for day-to-day government functions. The", + "score": 0.69384765625 + }, + { + "id": "20726793", + "title": "Madhya Pradesh Youth Congress", + "text": "Madhya Pradesh Youth Congress The Madhya Pradesh Youth Congress or MP Youth Congress is the state wing of the Indian Youth Congress, youth wing of Indian National Congress. Kunal Choudhary Is the President of Madhya Pradesh Youth Congress. In 2017, Madhya Pradesh Youth Congress president submitted a memorandum to the Governor of Madhya Pradesh demanding dismissal of the State Government run by Bharatiya Janata Party (BJP) and CM Shivraj Singh over the deaths of six farmers in Mandsaur Police firing during Farmers' Protest in 2017. They had also planned a Dharna (Agitation) for the farmers' cause. The Youth Congress in", + "score": 0.69384765625 + }, + { + "id": "17603008", + "title": "T. Kurukularajah", + "text": "Chief Minister C. V. Vigneswaran at Veerasingam Hall on 11 October 2013. Starting in late 2016, several charges of irregular practices were levelled against the four provincial ministers for Northern Province. Chief Minister Vigneswaran appointed a three-member committee consisting of retired judge S. Thiyakenthiran (chair), retired judge S. Paramarajah and retired District Secretary S. Patmanathan to investigate the charges. In June 2017 the NPC was plunged into chaos after Chief Minister Vigneswaran asked Kurukularajah and fellow minister P. Ayngaranesan to resign after the three-member committee found evidence to substantiate charges of corruption, abuse of power and misuse of funds levelled", + "score": 0.69384765625 + }, + { + "id": "19855691", + "title": "M. M. Mani", + "text": "M. M. Mani M. M. Mani (born 12 December 1944) is a CPI(M) leader and the current electricity minister of Kerala. He was born in Kidangoor, Travancore (present in Kottayam district) on December 12, 1944. He is the Minister for Electricity in Pinarayi Vijayan Ministry in Kerala. He is elected as MLA from Udumbanchola, Idukki. He was the former District Secretary of Communist Party of India (Marxist). He contested from Udumbanchola constituency in 1996 but failed). He became the Idukki district secretary of CPI(M) in 1985 for the first time and was elected eight times consecutively to the post. He", + "score": 0.69384765625 + }, + { + "id": "8792030", + "title": "Preneet Kaur", + "text": "in 2011, Preneet had given clarifications to the finance ministry regarding this matter. Preneet Kaur Preneet Kaur (born 3 October 1944) is an Indian politician who served in the Government of India as a Minister of State in the Ministry of External Affairs from 2009 to 2014. She is the wife of Amarinder Singh, who is now, 26th Chief Minister of Punjab. She joined the Congress party, to which her husband also belongs, and contested parliamentary elections repeatedly from the Patiala constituency. She won the elections of 1999, 2004 and 2009, but lost her seat in the elections of 2014.", + "score": 0.693359375 + }, + { + "id": "12215023", + "title": "P. K. Monnappa", + "text": "At that time Monnappa was made the first police chief of the newly formed state of Andhra Pradesh. Afterwards, later in that same year(1956), he became the first police chief of Karnataka (then known as Mysore) as well. P.K. Monnappa was the State's first Inspector General of Police and also State's first IP (Imperial Police) Officer. He had also been the first Police Chief of the States of Madras and of Hyderabad before his tenure in Mysore (Karnataka). P.K. Monnappa probably held a record of sorts, nine years as an Inspector General of Police, heading the Police in three States:", + "score": 0.693359375 + }, + { + "id": "14225957", + "title": "Elections in Uttar Pradesh", + "text": "Mayawati; SP+BSP coalition)
1996 - (CMs: Mayawati + Kalyan Singh + Rajnath Singh; BSP+BJP coalition for some period)
2002 - (Chief Minister(s): Mulayam Singh)
2007 - (Chief Minister(s): Mayawati)
2012 - (CM: Akhilesh Yadav.) Total: 403. SP: 224, BSP: 80, BJP: 47, Cong: 28
2017- (CM: Yogi Adityanath) Total: 403. BJP+ApnaDal(Sonelal)+SBSP:325, SP+Cong: 57, BSP: 19 Elections in Uttar Pradesh Elections in Uttar Pradesh are conducted every five years to elect the State assembly and its share of members to the Lok Sabha. The elections are conducted in accordance with the Constitution of India. The Assembly", + "score": 0.69287109375 + }, + { + "id": "3947085", + "title": "Maharashtrawadi Gomantak Party", + "text": "of the first two decades of post-Portuguese Goa, defeating the other contenders for power\u2014primarily the United Goans Party not to be confused with the United Goans Democratic Party, founded in the 1990s first, and later the Congress. MGP's first chief minister was the mine owner Dayanand Bandodkar, followed by his daughter, Shashikala Kakodkar, who ascended to power after her father died in office, approximately a decade after taking over power, in 1973. After Shashikala Kakodkar left MGP and joined Congress, Ramakant Khalap became leader of MGP in Goa Assembly and from just two seats under his charismatic leadership MGP won", + "score": 0.69287109375 + }, + { + "id": "9365058", + "title": "Giani Gurmukh Singh Musafir", + "text": "he became the President of the Punjab Pradesh Congress Committee. He held the office of the President for 12 years and was also an elected member of the Congress Working Committee. He was elected to the Lok Sabha in 1952, 1957 and 1962, representing Amritsar constituency. In 1966, he resigned from the Lok Sabha and became the Chief Minister of Punjab state after its re-organization. In 1967, he contested the Vidhan Sabha election from Amritsar constituency, but he was defeated by Satyapal Dang of the Communist Party of India. He was the member of the Rajya Sabha from 1968 to", + "score": 0.69287109375 + } + ], + "answer": "The Chief Minister of Madhya Pradesh is the chief executive of the Indian state of Madhya Pradesh(MP). Uma Bharti (born 3 May 1959) is an Indian politician and former Chief Minister of Madhya Pradesh. She was the 15th Chief Minister of MP. Babulal Gaur Yadav (2 June 1929 \u2013 21 August 2019) was an Indian politician from Bharatiya Janata Party (BJP) who served as the 16th Chief Minister of Madhya Pradesh. Shivraj Singh Chouhan (born 5 March 1959), often referred to as Mamaji[1] (meaning: Maternal Uncle in English) is an Indian politician and member of the Bharatiya Janata Party. He is the 17th and current Chief Minister of Madhya Pradesh." + }, + { + "qa_pairs": [ + { + "context": "\"Stuck in the Middle with You\" (sometimes known as \"Stuck in the Middle\") is a song written by Scottish musicians Gerry Rafferty and Joe Egan and originally performed by their band Stealers Wheel.", + "question": "Which band sings the 1973 song \"Stuck in the Middle with You\"?", + "short_answers": [ + "Stealers Wheel" + ], + "wikipage": "Stuck in the Middle with You" + }, + { + "context": "\"Stuck in the Middle\" was released on Stealers Wheel's 1972 eponymous debut album. Gerry Rafferty provided the lead vocals, with Joe Egan singing harmony. It was produced by Jerry Leiber and Mike Stoller. Rafferty's lyrics are a dismissive tale of a music industry cocktail party written and performed as a parody of Bob Dylan's paranoia (the vocal impression, subject, and styling were so similar, listeners have wrongly attributed the song to Dylan since its release)", + "question": "Who sings the lead vocals in the 1973 song \"Stuck in the Middle with You\"?", + "short_answers": [ + "Gerry Rafferty" + ], + "wikipage": "Stuck in the Middle with You" + }, + { + "context": "\"Stuck in the Middle\" was released on Stealers Wheel's 1972 eponymous debut album. Gerry Rafferty provided the lead vocals, with Joe Egan singing harmony. It was produced by Jerry Leiber and Mike Stoller. Rafferty's lyrics are a dismissive tale of a music industry cocktail party written and performed as a parody of Bob Dylan's paranoia (the vocal impression, subject, and styling were so similar, listeners have wrongly attributed the song to Dylan since its release)", + "question": "Who sings harmony in the 1973 song \"Stuck in the Middle with You\"?", + "short_answers": [ + "Joe Egan" + ], + "wikipage": "Stuck in the Middle with You" + }, + { + "context": "No context provided", + "question": "Who sings the 2004 song \"Stuck in the Middle\"?", + "short_answers": [ + "Clea" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who sings the theme song for the TV show Stuck in the Middle?", + "short_answers": [ + "Sonus" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Stuck in the Middle (TV series)", + "url": "https://en.wikipedia.org/wiki/Stuck%20in%20the%20Middle%20%28TV%20series%29" + }, + { + "title": "Stuck in the Middle with You", + "url": "https://en.wikipedia.org/wiki/Stuck%20in%20the%20Middle%20with%20You" + }, + { + "title": "Stuck in the Middle", + "url": "https://en.wikipedia.org/wiki/Stuck%20in%20the%20Middle" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "\"Stuck in the Middle with You\"[2][3][4] (sometimes known as \"Stuck in the Middle\")[5] is a song written by Scottish musicians Gerry Rafferty and Joe Egan and originally performed by their band Stealers Wheel.", + "wikipage": "Stuck in the Middle with You" + }, + { + "content": "Stuck in the Middle is an American family comedy television series developed by Alison Brown and Linda Videtti Figueiredo and created by Alison Brown that aired on Disney Channel from February 14, 2016 to July 23, 2018. ", + "wikipage": "Stuck in the Middle (TV series)" + }, + { + "content": "Clea was an English girl group whose members met on the television show Popstars: The Rivals in 2002. ", + "wikipage": "Clea (band)" + } + ], + "long_answer": "\"Stuck in the Middle with You\"(sometimes known as \"Stuck in the Middle\") is a 1973 song written by Scottish musicians Gerry Rafferty and Joe Egan. It was released on Stealers Wheel's 1972 eponymous debut album. In this song, Gerry Rafferty provided the lead vocals, with Joe Egan singing harmony. In 2004, the English girl group Clea sings the song \"Stuck in the Middle\". An American family comedy television series by the same name was aired from February 2016 to July 2018 and in this show, Sonus performs the theme song to the tv show." + }, + { + "knowledge": [ + { + "content": "Clea was an English girl group whose members met on the television show Popstars: The Rivals in 2002.", + "wikipage": "Clea (band)" + }, + { + "content": "Stuck in the Middle is an American family comedy television series developed by Alison Brown and Linda Videtti Figueiredo and created by Alison Brown that aired on Disney Channel from February 14, 2016 to July 23, 2018.", + "wikipage": "Stuck in the Middle (TV series)" + } + ], + "long_answer": "There is a TV show named Stuck in the Middle and several songs with \"Stuck in the Middle\" in the title. The 1973 song \"Stuck in the Middle with You\" was sung by the band Stealers Wheel with Gerry Rafferty singing lead vocals and Joe Egan singing harmony. The 2004 song \"Stuck in the Middle\" was sung by English girl group Clea. The theme song for the Disney Channel TV show Stuck in the Middle was sung by Sonus." + } + ], + "sample_id": "7341847432427402002", + "question": "Who sings the song for stuck in the middle?", + "docs": [ + { + "id": "3644632", + "title": "Stuck in the Middle with You", + "text": "Stuck in the Middle with You \"Stuck in the Middle with You\" (sometimes known as \"Stuck in the Middle\") is a song written by Scottish musicians Gerry Rafferty and Joe Egan and originally performed by their band Stealers Wheel. The band performed the song on the BBC's \"Top of the Pops\" in May 1973, and the song charted at number 8 in the UK Singles Chart. It also became an international hit, reaching number 6 in the US \"Billboard\" Hot 100. \"Stuck in the Middle\" was released on Stealers Wheel's 1972 eponymous debut album. Gerry Rafferty provided the lead vocals,", + "score": 0.80029296875, + "summary": "Gerry Rafferty sings the song \"Stuck in the Middle with You\" with his band Stealers Wheel.", + "extraction": "Gerry Rafferty provided the lead vocals." + }, + { + "id": "3644639", + "title": "Stuck in the Middle with You", + "text": "is playing to find out why and where Very Bad Santa is. In 1997 Greg Kot of the \"Chicago Tribune\" suggested that the Sheryl Crow song \"All I Wanna Do\", released on her 1993 debut album \"Tuesday Night Music Club\", was \"a re-write\" of \"Stuck in the Middle With You.\" Stuck in the Middle with You \"Stuck in the Middle with You\" (sometimes known as \"Stuck in the Middle\") is a song written by Scottish musicians Gerry Rafferty and Joe Egan and originally performed by their band Stealers Wheel. The band performed the song on the BBC's \"Top of the", + "score": 0.796875, + "summary": "The document mentions the song \"Stuck in the Middle with You\" written by Gerry Rafferty and Joe Egan and originally performed by their band Stealers Wheel.", + "extraction": "The song \"Stuck in the Middle with You\" is originally performed by their band Stealers Wheel." + }, + { + "id": "8171430", + "title": "Stuck in the Middle (Clea song)", + "text": "Stuck in the Middle (Clea song) \"Stuck in the Middle\" is Clea's second single. It was released in the UK on 16 February 2004 and giving them their second Top 30, charting at #23. The girls performed this song in many shows, like Top of the Pops. The song appears on their international debut album, Identity Crisis, and was re-recorded for their UK debut album: Trinity. Clea filmed a video for this single, in black and white. The four girls are featured doing sexy moves and apparently hiding or looking for someone. The \"Stuck in the Middle\" video was edited", + "score": 0.7509765625, + "summary": "Clea sings the song \"Stuck in the Middle\" which was released on February 16, 2004 in the UK.", + "extraction": "Clea sings the song \"Stuck in the Middle\"." + }, + { + "id": "11864917", + "title": "Caught in the Middle (song)", + "text": "Caught in the Middle (song) \"Caught in the Middle\" is a song by British-Norwegian boy band A1. It was released on 21 January 2002 as the lead single from their third studio album, \"Make It Good\". The song peaked at number two on the UK Singles Chart and received a Silver certification from the British Phonographic Industry in October 2018. It became one of their most successful and recognised singles. In the United States, the song received moderate airplay and charted for seven weeks in the top 50 of the \"Radio & Records\" Mainstream chart, peaking at number 46. It", + "score": 0.75048828125, + "summary": "The song \"Caught in the Middle\" is sung by the British-Norwegian boy band A1.", + "extraction": "The song \"Caught in the Middle\" is sung by the British-Norwegian boy band A1." + }, + { + "id": "3644638", + "title": "Stuck in the Middle with You", + "text": "\"Reservoir Dogs\" in the basement while the song plays. An episode of \"Supernatural\" is titled \"Stuck in the Middle (With You),\" in which the characters re-enact a scene from \"Reservoir Dogs\". A disco cover version by Louise was a chart hit in 2001. Alternative rock band Lazlo Bane covered the song for their 2007 cover album \"Guilty Pleasures\". Their version was used in the 2014 film \"Let's Be Cops\" and released on the soundtrack album. In \"I Am the Future,\" the season finale of \"Happy!\", Happy re-enacts the scene from \"Reservoir Dogs\" by tickling another imaginary friend while the song", + "score": 0.74267578125, + "summary": "The document mentions a disco cover version by Louise and a cover by Lazlo Bane, which was used in the movie \"Let's Be Cops.\" However, it does not provide information on who originally sings the song for \"Stuck in the Middle.\"", + "extraction": "Lazlo Bane sings the song for stuck in the middle." + }, + { + "id": "11864918", + "title": "Caught in the Middle (song)", + "text": "was their only single to chart in the United States. Lyrically, the singer is an individual lamenting the fact that he cannot seem to stop dwelling on a previous partner despite the fact that his new relationship and situation are better, which he acknowledges. Caught in the Middle (song) \"Caught in the Middle\" is a song by British-Norwegian boy band A1. It was released on 21 January 2002 as the lead single from their third studio album, \"Make It Good\". The song peaked at number two on the UK Singles Chart and received a Silver certification from the British Phonographic", + "score": 0.7421875, + "summary": "The song \"Caught in the Middle\" is sung by the British-Norwegian boy band A1, released on 21 January 2002 as the lead single from their third studio album \"Make It Good\".", + "extraction": "A1 sings the song \"Caught in the Middle\"." + }, + { + "id": "3644637", + "title": "Stuck in the Middle with You", + "text": "the movie. I was thinking, 'Oh my God, this is gonna be awesome!' \" American baroque pop band San Fermin performed a version of the song in July 2015 for \"The A.V. Club\" A.V. Undercover series. In one episode of the show \"Malcolm in the Middle\", Hal is shown listening to the song on a record as various events occur around him. A cover by Grace Potter is the opening theme of Netflix series \"Grace and Frankie\" and the movie \"Bean\". In an episode of \"It's Always Sunny in Philadelphia\" titled \"Charlie Catches a Leprechaun,\" Charlie re-enacts the scene from", + "score": 0.74169921875, + "summary": "San Fermin performed a version of \"Stuck in the Middle\" for \"The A.V. Club\" A.V. Undercover series.", + "extraction": "San Fermin performed a version of the song \"Stuck in the Middle with You\" for \"The A.V. Club\" A.V. Undercover series." + }, + { + "id": "8171431", + "title": "Stuck in the Middle (Clea song)", + "text": "in 2006, removing the scenes where the old member, Chloe, appeared in. The re-recorded version of the song is played and new scenes can be seen with only the three remaining girls. This video was used as the promo for the Europe release of the double-a-side single with \"I Surrender\". Stuck in the Middle (Clea song) \"Stuck in the Middle\" is Clea's second single. It was released in the UK on 16 February 2004 and giving them their second Top 30, charting at #23. The girls performed this song in many shows, like Top of the Pops. The song appears", + "score": 0.7392578125, + "summary": "Clea sings the song for Stuck in the Middle, which is their second single released in the UK on February 16, 2004. It charted at #23 and was performed on various shows like Top of the Pops.", + "extraction": "\"Stuck in the Middle\" is Clea's second single." + }, + { + "id": "18726722", + "title": "In the Middle (Alexander O'Neal song)", + "text": "In the United States, the single reached #26 on Billboard's Hot R&B/Hip-Hop Singles & Tracks. Credits are adapted from the album's liner notes. In the Middle (Alexander O'Neal song) \"In the Middle\" is a song written by Terry Coffey and Jon Nettlesbey and recorded by American recording artist Alexander O'Neal. It is the second single from the singer's fifth solo album, \"Love Makes No Sense\" (1993). The song's distinctive backing vocals were performed by Cherrelle. Following the successful chart performances of the single \"Love Makes No Sense\", \"In the Middle\" was released as the album's second single. The single was", + "score": 0.73291015625, + "summary": "The song \"In the Middle\" is sung by Alexander O'Neal and features backing vocals by Cherrelle. It is the second single from the album \"Love Makes No Sense\" and reached #26 on Billboard's Hot R&B/Hip-Hop Singles & Tracks in the United States.", + "extraction": "The song \"In the Middle\" is performed by Alexander O'Neal with distinctive backing vocals by Cherrelle." + }, + { + "id": "16159746", + "title": "Kiss of the Gypsy", + "text": "direct continuation of Kiss of the Gypsy and, since then, he has run his own recording studio and written for numerous bands and artists as well as soundtracks for TV/Film & Media, specialising in the horror/goth genre. After director Quentin Tarantino had used the track \"Stuck in the Middle\" by Stealers Wheel, in the soundtrack of his debut film \"Reservoir Dogs\", there had been renewed interest in Stealers Wheel resulting from its inclusion. Tony Williams re-formed Stealers Wheel and in 2008, Mitchell was brought into the band to write and record songs for a new Stealers Wheel album, originally due", + "score": 0.73095703125, + "summary": "The document mentions the use of \"Stuck in the Middle\" by Stealers Wheel in the soundtrack of \"Reservoir Dogs\" by Quentin Tarantino, which resulted in renewed interest in the band. Tony Williams re-formed the band and Mitchell was brought in to write and record songs for a new album. However, it does not directly answer the question of who sings the song for \"Stuck in the Middle.\"", + "extraction": "The song \"Stuck in the Middle\" is sung by Stealers Wheel." + }, + { + "id": "18726721", + "title": "In the Middle (Alexander O'Neal song)", + "text": "In the Middle (Alexander O'Neal song) \"In the Middle\" is a song written by Terry Coffey and Jon Nettlesbey and recorded by American recording artist Alexander O'Neal. It is the second single from the singer's fifth solo album, \"Love Makes No Sense\" (1993). The song's distinctive backing vocals were performed by Cherrelle. Following the successful chart performances of the single \"Love Makes No Sense\", \"In the Middle\" was released as the album's second single. The single was recorded by Wolfgang Aichholz at Winsonics, Los Angeles, CA. Alexander O'Neal's 24th hit single and it reached #32 in the UK Singles Chart.", + "score": 0.7294921875, + "summary": "The song \"In the Middle\" is sung by Alexander O'Neal and features backing vocals by Cherrelle. It was released as the second single from O'Neal's album \"Love Makes No Sense\" in 1993 and reached #32 on the UK Singles Chart.", + "extraction": "Alexander O'Neal sings the song \"In the Middle\"." + }, + { + "id": "3644635", + "title": "Stuck in the Middle with You", + "text": "a slide. Eventually, the other band members appear, driving off the strange characters so that Egan can sit down at last. Leif Garrett released a version of the song on his 1980 album, \"Can't Explain\". The song is used in Quentin Tarantino's 1992 debut film \"Reservoir Dogs\", during the scene in which the character Mr. Blonde (played by Michael Madsen) taunts and tortures bound policeman Marvin Nash (Kirk Baltz) while singing and dancing to the song. In an interview with \"Rolling Stone\", Tarantino recalled: \"That was one of those things where I thought [the song] would work really well, and", + "score": 0.728515625, + "summary": "The document mentions that Leif Garrett released a version of the song \"Stuck in the Middle with You\" on his 1980 album. The song is also used in Quentin Tarantino's film \"Reservoir Dogs\". However, the document does not specify who sings the original version of the song.", + "extraction": "Leif Garrett released a version of the song on his 1980 album, \"Can't Explain\"." + }, + { + "id": "3644633", + "title": "Stuck in the Middle with You", + "text": "with Joe Egan singing harmony. It was produced by Jerry Leiber and Mike Stoller. Rafferty's lyrics are a dismissive tale of a music industry cocktail party written and performed as a parody of Bob Dylan's paranoia. The band was surprised by the single's chart success. The single sold over one million copies, eventually peaking at number 6 on the US \"Billboard\" Hot 100 chart, number 8 in the UK, and number 2 in Canada. The band appeared playing the song on BBC's \"Top of the Pops\" on 18 May 1973. The video portrays the band performing in a corner of", + "score": 0.72412109375, + "summary": "The document discusses the song \"Stuck in the Middle with You\" with Joe Egan singing harmony, produced by Jerry Leiber and Mike Stoller. The article mentions the single's chart success, selling over one million copies, and peaking at number 6 on the US \"Billboard\" Hot 100 chart, number 8 in the UK, and number 2 in Canada. However, it does not answer the question of who sings the song.", + "extraction": "irrelevant. The passage does not provide information about a song called \"Stuck in the Middle\"." + }, + { + "id": "3906756", + "title": "Gerry Rafferty", + "text": "wranglings, but had a huge hit \"Stuck in the Middle with You\", which earned critical acclaim as well as commercial success: a 1975 article in \"Sounds\" described it as \"a sort of cross between white label Beatles and punk Dylan yet with a unique Celtic flavour that has marked all their work\". Twenty years later, the song was used prominently in the 1992 movie \"Reservoir Dogs\", although Rafferty refused to grant permission for its re-release. Stealers Wheel also produced the lesser top 50 hits, \"Everyone's Agreed That Everything Will Turn Out Fine\", followed by \"Star\", and there were further suggestions", + "score": 0.7177734375, + "summary": "Gerry Rafferty sang \"Stuck in the Middle with You\", which became a commercial success and was later used in the movie \"Reservoir Dogs\".", + "extraction": "Gerry Rafferty sings the song \"Stuck in the Middle with You\"." + }, + { + "id": "2980084", + "title": "Stealers Wheel", + "text": "Leiber & Stoller also having business problems, Stealers Wheel broke up. By the time the album \"Right Or Wrong\" was released in 1975, they had already disbanded. Because of disagreements and managerial problems, it was produced by Mentor Williams. In 1978, A&M released the compilation album \"Gerry Rafferty And Joe Egan \u2014 Stuck In The Middle With You (The Best Of Stealers Wheel)\". Another compilation album, \"Best of Stealers Wheel\", was released in 1990. In 1992, director Quentin Tarantino used the track \"Stuck in the Middle with You\" on the soundtrack of his debut film \"Reservoir Dogs\". A dance version", + "score": 0.71630859375, + "summary": "The band Stealers Wheel disbanded before the release of their album \"Right Or Wrong\" in 1975. A compilation album \"Gerry Rafferty And Joe Egan \u2014 Stuck In The Middle With You (The Best Of Stealers Wheel)\" was released in 1978, which included the track \"Stuck in the Middle with You\".", + "extraction": "Gerry Rafferty and Joe Egan sing the song \"Stuck in the Middle with You\", which is included in the 1978 compilation album \"Gerry Rafferty And Joe Egan \u2014 Stuck In The Middle With You (The Best Of Stealers Wheel)\"." + }, + { + "id": "15648929", + "title": "The One in the Middle", + "text": "The One in the Middle The One in the Middle is an EP by Manfred Mann, released in 1965. The EP is a 7-inch vinyl record and released in mono with the catalogue number His Master's Voice-EMI 7EG 8908. The record was the number 1 EP in the UK number-one EP for 9 weeks during the summer of 1965. The cover picture was taken by Nicholas Wright. The title song \"The One in the Middle\" was written by Manfred Mann's lead singer Paul Jones (singer) for Keith Relf of the Yardbirds, but Relf \"shied away from the lyrics\". It was", + "score": 0.7158203125, + "summary": "Irrelevant.", + "extraction": "\"The One in the Middle\" was written by Manfred Mann's lead singer Paul Jones." + }, + { + "id": "2980081", + "title": "Stealers Wheel", + "text": "and Rod Coombes. The original line-up recorded \"Stealers Wheel\" (October 1972), produced by American songwriters and producers Leiber & Stoller, and was a critical and commercial success, reaching No. 50 in the US \"Billboard\" 200 album chart, with their hit single \"Stuck in the Middle with You\" coming from the album. On 7 November 1972 the band appeared on BBC 2's \"The Old Grey Whistle Test\", performing \"I Get By\" and \"Late Again\". By the time the first album was released, Rafferty had left the band; Luther Grosvenor filled in for him on tour. Tony Williams also left shortly afterwards,", + "score": 0.71435546875, + "summary": "The band Stealers Wheel recorded the hit single \"Stuck in the Middle with You\" in October 1972, but the document does not mention the name of the singer.", + "extraction": "The song \"Stuck in the Middle with You\" is sung by the band Stealers Wheel." + }, + { + "id": "5328842", + "title": "Joe Egan (musician)", + "text": "Joe Egan (musician) Joseph Egan (born 18 October 1946) is a Scottish singer-songwriter. Egan was born into an Irish Catholic family in Paisley in Renfrewshire, Scotland. Along with former St Mirin's Academy schoolmate Gerry Rafferty, he played in various smaller British bands, such as The Sensors and The Mavericks, and worked as a session musician. In 1972, he and Rafferty founded the folk/rock band Stealers Wheel. After two unsuccessful singles, their song \"Stuck in the Middle With You\"\u2014co-written by the two\u2014became a hit in 1973, and reached the Top Ten of both the UK Singles Chart and the US \"Billboard\"", + "score": 0.712890625, + "summary": "Joe Egan is a Scottish singer-songwriter who co-wrote the song \"Stuck in the Middle With You\" with Gerry Rafferty.", + "extraction": "Joe Egan co-wrote and sang the song \"Stuck in the Middle With You\" with Gerry Rafferty for their band Stealers Wheel." + }, + { + "id": "4601254", + "title": "In Bed with Medinner (series 2)", + "text": "boot sale seem to take it in their stride. The \"Casualty Location Man\" (Bob) is out and about again. This week he finds the perfect spot for a really serious accident. It's an empty children's paddling pool in a local park - just the place where kids might do their ankles in. Lovely. Terry Hall pops in with his band to sing three songs: \"Stuck in the Middle\", \"No No No\", and \"Thinking of You\", and Bob's Welsh love children go home on a coach. In Bed with Medinner (series 2) This is a list of episodes of \"In Bed", + "score": 0.7109375, + "summary": "Terry Hall sings the song \"Stuck in the Middle\" with his band in an episode of \"In Bed with Medinner\" (series 2).", + "extraction": "Terry Hall sings the song \"Stuck in the Middle\"." + }, + { + "id": "11458522", + "title": "Right in the Middle of It", + "text": "\"Billboard\" chart or in Canada. \"Right in the Middle of It\" was officially released on January 9, 1996 on Polydor Records, and did not chart on any \"Billboard\" list either. Right in the Middle of It Right in the Middle of It is the second studio album by American country artist Chely Wright. The album was released January 9, 1996 on Polydor Records and was produced by Harold Shedd. It was the final album Wright released on the Polydor label. \"Right in the Middle of It\" was recorded in Nashville, Tennessee, United States and was produced by Ed Seay and", + "score": 0.7109375, + "summary": "Irrelevant.", + "extraction": "Chely Wright sings the song \"Right in the Middle of It\"." + }, + { + "id": "11536540", + "title": "I Surrender (Clea song)", + "text": "single version was produced by C\u00e9dric Lorrain \"RLS\", Stephane Lozach and Olivier Visconti (SECO Productions). It has proved most successful in the Netherlands, where it peaked at #12. During her UK tour in 2008, this song was mixed with The Chemical Brothers' \"Galvanize\". I Surrender (Clea song) \"Stuck in the Middle/I Surrender\" is Clea's fifth and final single. It was not released in the UK; however, it was released in the rest of Europe. This is their only single so far to not have been released in the UK and their first double-A sided single. Both songs appear on their", + "score": 0.708984375 + }, + { + "id": "19131942", + "title": "Stuck in the Middle (TV series)", + "text": "Stuck in the Middle (TV series) Stuck in the Middle is an American comedy television series developed by Alison Brown and Linda Videtti Figueiredo and created by Alison Brown that aired on Disney Channel from February 14, 2016 to July 23, 2018. The series stars Jenna Ortega, Ronni Hawk, Isaak Presley, Ariana Greenblatt, Kayla Maisonet, Nicolas Bechtel, Malachi Barton, Cerina Vincent, and Joe Nieves. In addition to the series' regular episodes, the series also aired six shorts on December 16, 2016. Set in Massachusetts, in the fictional town of Marshport, the series tells the story of the Diaz family, specifically", + "score": 0.70703125 + }, + { + "id": "2980080", + "title": "Stealers Wheel", + "text": "Stealers Wheel Stealers Wheel was a Scottish folk rock/rock band formed in 1972 in Paisley, Scotland, by former school friends Joe Egan and Gerry Rafferty. Their best-known hit is \"Stuck in the Middle with You\". The band broke up in 1975 and re-formed briefly in 2008. Egan and Rafferty met as teenagers in Paisley, and became the core of Stealers Wheel. They were initially joined by Roger Brown, Rab Noakes and Ian Campbell in 1972. By the time the band was signed to A&M Records later that year, Brown, Noakes and Campbell had been replaced by Paul Pilnick, Tony Williams", + "score": 0.705078125 + }, + { + "id": "2980085", + "title": "Stealers Wheel", + "text": "of \"Stuck in the Middle with You\" was a UK Top 10 hit for Louise in September 2001, with a music video that drew heavily on the original song's appearance in \"Reservoir Dogs\". All three albums had been unavailable for many years, though in 2004 and 2005 the British independent record label Lemon Recordings, of Cherry Red, re-released them, albeit copied from vinyl for some reason. (The master tapes are not lost because other labels, such as Intervention or A&M, have released versions mastered from the tapes.) After being contacted by iTunes and K-tel in California, Tony Williams briefly re-formed", + "score": 0.70458984375 + }, + { + "id": "2980082", + "title": "Stealers Wheel", + "text": "and DeLisle Harper joined on bass for the tour. \"Stuck in the Middle With You\" reached No. 6 in the US \"Billboard\" Hot 100 and No. 8 in the UK Singles Chart in 1973, selling over one million copies worldwide, and was awarded a gold disc. With the album also selling well, Rafferty was persuaded to return. However, Grosvenor, Coombes, Pilnick, and Harper all left the band. The band officially became a duo with various backing musicians on guitar, bass, and drums. Later in 1973, the single \"Everyone's Agreed That Everything Will Turn Out Fine\" had modest chart success, and", + "score": 0.7041015625 + }, + { + "id": "6619754", + "title": "In the Middle (Sugababes song)", + "text": "In the Middle (Sugababes song) \"In the Middle\" is a song by English girl group Sugababes, released on 22 March 2004 as the third single from their third studio album, \"Three\" (2003). The Sugababes were inspired to compose the song based upon the different situations experienced on a night out; they wrote it in collaboration with Miranda Cooper, Brian Higgins, Niara Scarlett, Shawn Lee, Lisa Cowling, Andre Tegler, Phil Fuldner and Michael Bellina. Higgins, Xenomania and Jeremy Wheatley produced the song. \"In the Middle\" is a dance-pop, R&B and funk-influenced record that contains a sample of German DJ Moguai's song", + "score": 0.7041015625 + }, + { + "id": "4446509", + "title": "Stuck (Stacie Orrico song)", + "text": "Stuck (Stacie Orrico song) \"Stuck\" is a song by Stacie Orrico, released in 2003. It can be found on her self-titled second album. It was used in the Disney Channel Original Movie \"Stuck in the Suburbs\". It was the official theme song of the 2004 Copa Am\u00e9rica tournament. \"Stuck\" was the first taste of chart success in the mainstream that Orrico received and worldwide. The single peaked at No. 52 in the US while in the likes of Australia and New Zealand, the single peaked in the top 3 and in the UK the single bucked chart trends at the", + "score": 0.7021484375 + }, + { + "id": "20544008", + "title": "The Middle (Zedd, Maren Morris and Grey song)", + "text": "The Middle (Zedd, Maren Morris and Grey song) \"The Middle\" is a song by Russian-German record producer Zedd, American country music singer Maren Morris and American musical duo Grey. It was written by Sarah Aarons, Zedd, Grey, and The Monsters and the Strangerz, with production handled by the latter three. The song was released commercially for digital download on 23 January 2018 by Interscope Records. It has reached the top ten of the charts in the US, the UK, and several other countries. It was nominated for Record of the Year, Song of the Year and Best Pop Duo/Group Performance", + "score": 0.70166015625 + }, + { + "id": "18471884", + "title": "Taylor John Williams", + "text": "in which he defeated his opponent Troy Ritchie and advanced to The Live Playoffs. During the Playoffs, Taylor sang Stealers Wheel's \"Stuck in the Middle with You\" and was voted through by America. In the following weeks, he covered \"If,\" \"Come Together\" by The Beatles, and \"Royals\" by Lorde, all of which caused him to be voted through by America. During the Semifinals, he covered both \"Falling Slowly\" by Glen Hansard & Mark\u00e9ta Irglov\u00e1 and \"Blank Space\" by Taylor Swift. Williams was within the bottom 3 in voting and thus was eliminated. However, like eight other eliminated artists, Taylor was", + "score": 0.701171875 + }, + { + "id": "3906748", + "title": "Gerry Rafferty", + "text": "Gerry Rafferty Gerald Rafferty (16 April 1947 \u2013 4 January 2011) was a Scottish singer-songwriter known for his solo hits \"Baker Street\", \"Right Down the Line\" and \"Night Owl\", as well as \"Stuck in the Middle with You\", recorded with the band Stealers Wheel. Rafferty was born into a working-class family in Paisley, Renfrewshire, Scotland. His mother taught him both Irish and Scottish folk songs as a boy; later, he was influenced by the music of The Beatles and Bob Dylan. He joined the folk-pop group The Humblebums in 1969. After they disbanded in 1971, he recorded his first solo", + "score": 0.701171875 + }, + { + "id": "20051506", + "title": "Caught in the Middle (Paramore song)", + "text": "Caught in the Middle (Paramore song) \"Caught in the Middle\" is a song by American rock band Paramore. It was released on June 26, 2018 through Fueled by Ramen as the fifth and final single off their fifth studio album \"After Laughter\" (2017). The genre of \"Caught in the Middle\" has been described as pop rock, new wave, synth-pop, ska and reggae. The music video for \"Caught in the Middle\" was released on June 26, 2018, and was directed by Computer Team. The video features the band dancing on oranges, and trying to evade various other fruits. This video was", + "score": 0.7001953125 + }, + { + "id": "4732200", + "title": "Clea (band)", + "text": "in June 2006, was the band's fourth single. This single placed at number 55 on the UK chart. \"Trinity\", Clea's second album (but first UK album), was released on 3 July on Upside Records. Lynsey Brown left the band in November 2006. They then released the double a-side single \"Stuck in the Middle\"/\"I Surrender\" in Europe and toured Asia and Scandinavia in 2007. They also signed to EMI China and toured there on several occasions. Aimee Kearsley, who now resides in London, has continued working in music as a successful songwriter since leaving the group. In 2011 she joined girlband", + "score": 0.69970703125 + }, + { + "id": "11536539", + "title": "I Surrender (Clea song)", + "text": "I Surrender (Clea song) \"Stuck in the Middle/I Surrender\" is Clea's fifth and final single. It was not released in the UK; however, it was released in the rest of Europe. This is their only single so far to not have been released in the UK and their first double-A sided single. Both songs appear on their UK debut album, \"Trinity\". In 2008, Kate Ryan covered \"I Surrender\" on her studio album \"Free.\" A new version of the song was created with British producer Darren Tate for the single release. Produced by Niclas Kings and Niklas Bergwall (2N), and the", + "score": 0.6982421875 + }, + { + "id": "20544016", + "title": "The Middle (Zedd, Maren Morris and Grey song)", + "text": "100. It has sold 734,000 copies in the United States as of November 2018. Credits adapted from Tidal. The Middle (Zedd, Maren Morris and Grey song) \"The Middle\" is a song by Russian-German record producer Zedd, American country music singer Maren Morris and American musical duo Grey. It was written by Sarah Aarons, Zedd, Grey, and The Monsters and the Strangerz, with production handled by the latter three. The song was released commercially for digital download on 23 January 2018 by Interscope Records. It has reached the top ten of the charts in the US, the UK, and several other", + "score": 0.69775390625 + }, + { + "id": "6619769", + "title": "In the Middle (Sugababes song)", + "text": "2009 at the Riverside Ground in County Durham, England, as part of a set list. Credits adapted from the liner notes of \"\". In the Middle (Sugababes song) \"In the Middle\" is a song by English girl group Sugababes, released on 22 March 2004 as the third single from their third studio album, \"Three\" (2003). The Sugababes were inspired to compose the song based upon the different situations experienced on a night out; they wrote it in collaboration with Miranda Cooper, Brian Higgins, Niara Scarlett, Shawn Lee, Lisa Cowling, Andre Tegler, Phil Fuldner and Michael Bellina. Higgins, Xenomania and Jeremy", + "score": 0.69677734375 + }, + { + "id": "11458517", + "title": "Right in the Middle of It", + "text": "Right in the Middle of It Right in the Middle of It is the second studio album by American country artist Chely Wright. The album was released January 9, 1996 on Polydor Records and was produced by Harold Shedd. It was the final album Wright released on the Polydor label. \"Right in the Middle of It\" was recorded in Nashville, Tennessee, United States and was produced by Ed Seay and Harold Shedd. This was unlike her previous Polydor release entitled \"Woman in the Moon\", which was co-produced by both Shedd and Barry Beckett. \"Right in the Middle of It\" contained", + "score": 0.69677734375 + }, + { + "id": "7824458", + "title": "Torn (Ednaswap song)", + "text": "later released several variations and remixes of the song as B-sides and on their album \"Wacko Magneto\". The song has been covered several times by different artists, first by Norwegian singer Trine Rein in 1996. In 1997, Australian singer Natalie Imbruglia, working with Thornalley, covered the song for her debut studio album \"Left of the Middle\" (1997). Imbruglia's version was recorded in Kilburn, London with David Munday (lead guitar), Phil Thornalley (bass, rhythm guitars), Chuck Sabo (drums), Henry Binns, Sam Hardaker (Zero 7) (drum programming) and Katrina Leskanich (background vocals). It was mixed by Nigel Godrich. Released as a single,", + "score": 0.6953125 + }, + { + "id": "3906762", + "title": "Gerry Rafferty", + "text": "with the melody line. He didn't. He just blew what he was told by the person who did write it, Gerry Rafferty.\" Michael Gray, Rafferty's former manager, agreed: \"The audible proof is there from the demos that Rafferty himself created the riff and placed it within the song's structure exactly where it ended up.\" Ravenscroft went on to play on Rafferty's next two albums. \"Baker Street\" remains a mainstay of soft-rock radio airplay and, in October 2010, it was recognised by the BMI for surpassing 5 million plays worldwide. \"Stuck in the Middle With You\" has received over 4 million", + "score": 0.6943359375 + }, + { + "id": "20051507", + "title": "Caught in the Middle (Paramore song)", + "text": "intentionally made in VHS-quality. The visuals are an homage to A-ha's music video for \"Take on Me\". Caught in the Middle (Paramore song) \"Caught in the Middle\" is a song by American rock band Paramore. It was released on June 26, 2018 through Fueled by Ramen as the fifth and final single off their fifth studio album \"After Laughter\" (2017). The genre of \"Caught in the Middle\" has been described as pop rock, new wave, synth-pop, ska and reggae. The music video for \"Caught in the Middle\" was released on June 26, 2018, and was directed by Computer Team. The", + "score": 0.693359375 + }, + { + "id": "5006410", + "title": "Simpsoncalifragilisticexpiala(Annoyed Grunt)cious", + "text": "the Straw\". In the park, Groundskeeper Willie is seen singing a cover version of \"Maniac\" by Michael Sembello. The scene where Principal Skinner attempts to sell Jimbo is a reference to a similar scene in the story \"Oliver Twist\". The \"Itchy & Scratchy\" short \"Reservoir Cats\" is a parody of the scene in \"Reservoir Dogs\" where Mr. Blonde cuts off the ear of the police officer. The sequence features the same setting, camera angles and music \u2014 \"Stuck in the Middle With You\" by Stealers Wheel. At the end, Itchy and Scratchy dance in a manner similar to that seen", + "score": 0.69287109375 + }, + { + "id": "13761178", + "title": "Hill Zaini", + "text": "Records. His first single, \"Stay in the Middle\", a duet with Irish platinum-selling artist Samantha Mumba, was released to iTunes in August 2009, with an album scheduled for release in 2010. Hill would be the first Bruneian to have a record contract with an international label and to have released a song with an international pop star. The music video for \"Stay in the Middle\" features a cameo appearance by US recording artist Mariah Carey. The superstar was so impressed with Hill's performance at an event in London that she agreed to appear in the video. It was a recipient", + "score": 0.69287109375 + }, + { + "id": "19318392", + "title": "Middle (song)", + "text": "Middle (song) \"Middle\" is a song by French DJ and electronic music producer DJ Snake featuring vocals from British singer Bipolar Sunshine. The song was released as a single on 16 October 2015 by Interscope Records. In July 2016, the song was announced as the lead single from DJ Snake's debut album, \"Encore\" (2016). It was written by William Grigahcine, Aaron Kleinstub and Adio Marchant, and produced by the latter of two. \"Entertainment Weekly\" writer Chuck Arnold called it a \"breezy twirler that achieves after-hours airiness.\" Ed Ledsham of Drowned in Sound put it alongside \"Talk\" for their \"finer qualities", + "score": 0.69287109375 + }, + { + "id": "19318393", + "title": "Middle (song)", + "text": "of contemporary pop-dance\" and the vocal talents of their respective featured artists, noting how Bipolar Sunshine's delivery was \"particularly unique.\" The song's accompanying music video premiered on March 16, 2016 on DJ Snake's YouTube account on Vevo. It was directed by Colin Tilley and features \"The Hunger Games\" actor Josh Hutcherson and actress Kiersey Clemons. Middle (song) \"Middle\" is a song by French DJ and electronic music producer DJ Snake featuring vocals from British singer Bipolar Sunshine. The song was released as a single on 16 October 2015 by Interscope Records. In July 2016, the song was announced as the", + "score": 0.69140625 + }, + { + "id": "5997530", + "title": "The Middle (Jimmy Eat World song)", + "text": "The Middle (Jimmy Eat World song) \"The Middle\" is a song by American rock band Jimmy Eat World. It was released in November 2001 as the second single of their fourth album \"Bleed American\". It was a top five \"Billboard\" Hot 100 hit in 2002. The song was a breakthrough hit for Jimmy Eat World (who had self-financed the recording of the \"Bleed American\" album after having been dropped by Capitol Records in 1999). \"The Middle\" was written after Jimmy Eat World had been dropped from Capitol Records after their previous album \"Clarity\" had been released. Their second album \"Static", + "score": 0.6904296875 + }, + { + "id": "5997537", + "title": "The Middle (Jimmy Eat World song)", + "text": "used in the TV show \"The Middle\" pilot episode. 7-inch single AUS CD UK CD The Middle/A Praise Chorus AUS Tour EP The Middle (Jimmy Eat World song) \"The Middle\" is a song by American rock band Jimmy Eat World. It was released in November 2001 as the second single of their fourth album \"Bleed American\". It was a top five \"Billboard\" Hot 100 hit in 2002. The song was a breakthrough hit for Jimmy Eat World (who had self-financed the recording of the \"Bleed American\" album after having been dropped by Capitol Records in 1999). \"The Middle\" was written", + "score": 0.6884765625 + }, + { + "id": "20212349", + "title": "Evolution (Anastacia album)", + "text": "rock, dance and slower, musical-style numbers with dexterity and warmth.\" The lead single \"Caught in the Middle\" was written by Anders Bagge, Lauren Dyson, Javier Gonzalez & Ninos Hanna and was released on iTunes and Spotify on July 28, 2017. The song had some technical issues with its release in the UK, therefore it was only released 3 days later. The video for the single was released one week later on August 4, 2017 on VEVO, and just like it happened to Spotify, the video was only made available in the UK three days later and had over 250.000 views", + "score": 0.6884765625 + }, + { + "id": "10562573", + "title": "Guilty Pleasures (Lazlo Bane album)", + "text": "featured in Lazlo Bane's Myspace blog. \"Mama Told Me Not To Come\" was featured in the film \"Bonneville\" and on the film's soundtrack. Though the film premiered in 2006, the soundtrack was released only in 2008, after the release of \"Guilty Pleasures\". \"Stuck in the Middle with You\" was featured in the 2014 film \"Let's Be Cops\". The song was included on the soundtrack album for the film which was released on 9 December 2014. Guilty Pleasures (Lazlo Bane album) Guilty Pleasures is a 2007 album by the band Lazlo Bane, consisting entirely of cover versions of various hits from", + "score": 0.6884765625 + }, + { + "id": "15242551", + "title": "The Bo-Keys", + "text": "The Bo-Keys were featured on Cyndi Lauper's \"Memphis Blues\", on which Bomar served as producer. The album was nominated for a Grammy in the category of Best Traditional Blues Album. The band's second album, \"Got to Get Back!\", was released on June 21, 2011. In 2012 The Bo-Keys featuring Percy Wiggins on vocals recorded a version of \"Stuck in the Middle with You\" for a fund raising cd titled \"Super Hits Of The Seventies\" for radio station WFMU. The song \"I'm Still in Need\" featuring Percy Wiggins from the \"Writing on the Wall\" EP was in the film Grudge Match", + "score": 0.68701171875 + }, + { + "id": "8127843", + "title": "Dannielle Gaha", + "text": "\"Stuck in the Middle\" peaked in the top 75\u2014the radio version is much slower and lighter than the accompanying club remixes by the likes of Roger Sanchez, E-Smoove and Maurice Joshua. The same was true of the next two pop singles. Despite the club success of \"Stuck in the Middle\", it did not achieve a high chart placing. Epic released \"Do It for Love\" in February 1993, which peaked just outside the UK Top 50. Again, the track came with a batch of reputable club remixes from such luminaries as Creative Thieves, Dave Seaman (of Brothers in Rhythm) and Phil", + "score": 0.6865234375 + }, + { + "id": "12721651", + "title": "In the Middle of the House", + "text": "In the Middle of the House \"In the Middle of the House\" is a novelty song written by Bob Hilliard. It was performed by Vaughn Monroe and separately by Rusty Draper in 1956. Each was released as a single. Monroe's version reached number 11 on \"Billboard\" Magazine's Most Played by Jockeys chart and number 21 on the magazine's Top 100 chart in September 1956. Draper's version, released only weeks later, peaked lower on the Most Played by Jockeys chart, climbing to number 24. Draper outdid Monroe by one spot on the Top 100, peaking at number 20. The song was", + "score": 0.68603515625 + }, + { + "id": "14348934", + "title": "Stealers Wheel (album)", + "text": "Stealers Wheel (album) Stealers Wheel is the debut 1972 album by the Scottish folk rock band Stealers Wheel. \"Stuck in the Middle with You\" reached the Top 10 in the UK, US and Canada. The cover painting was by John Patrick Byrne. The words \"Stealers Wheel\" are embedded ten times in the design, in addition to the large lettering in the bottom left-hand corner (eleven in total). In early 2016 independent record label Intervention Records reissued both Stealers Wheel and Ferguslie Park on 180-gram vinyl. The albums were mastered from analog tapes at CoHearent Audio in Los Angeles and both", + "score": 0.68603515625 + }, + { + "id": "12708228", + "title": "Tony Williams (English musician)", + "text": "He joined them on their tour of North America before returning to studio work and television production. After being contacted by iTunes and K-tel records in California, and following negotiations which started in 2006, Williams re-formed Stealers Wheel in Blackpool in 2008 with two other original band members, Rod Coombes and Paul Pilnick together with locally based musician and songwriter Tony Mitchell. On 10 November 2008 they started filming a music video for a re-release of \"Stuck in the Middle\" on the Fylde coast. They also began writing songs for a new album to be released in 2009, although they", + "score": 0.685546875 + }, + { + "id": "12721652", + "title": "In the Middle of the House", + "text": "quite popular in the UK as it was covered by Alma Cogan (# 20), Jimmy Parkinson (# 20) and the Johnston Brothers (# 27). All versions were in the UK charts simultaneously in November 1956. In the Middle of the House \"In the Middle of the House\" is a novelty song written by Bob Hilliard. It was performed by Vaughn Monroe and separately by Rusty Draper in 1956. Each was released as a single. Monroe's version reached number 11 on \"Billboard\" Magazine's Most Played by Jockeys chart and number 21 on the magazine's Top 100 chart in September 1956. Draper's", + "score": 0.6845703125 + }, + { + "id": "14348935", + "title": "Stealers Wheel (album)", + "text": "included deluxe jackets created using the original album art and printed at Stoughton Printing. Stealers Wheel (album) Stealers Wheel is the debut 1972 album by the Scottish folk rock band Stealers Wheel. \"Stuck in the Middle with You\" reached the Top 10 in the UK, US and Canada. The cover painting was by John Patrick Byrne. The words \"Stealers Wheel\" are embedded ten times in the design, in addition to the large lettering in the bottom left-hand corner (eleven in total). In early 2016 independent record label Intervention Records reissued both Stealers Wheel and Ferguslie Park on 180-gram vinyl. The", + "score": 0.68408203125 + }, + { + "id": "13436664", + "title": "All or Nothing (Jay Sean album)", + "text": "5 stars. In the United Kingdom, Caroline Sullivan of \"The Guardian\" gave the album 3 out of 5 stars, stating, \"The only signs of Britishness are the drum'n'bass foundations of If I Ain't Got You and a duet with ex-Sugababe Keisha Buchanan on Far Away \u2013 a performance of such weediness that it could only be by two Brits. A collaboration with Craig David, Stuck in the Middle, is much more vigorous. The rest is glossy, super-catchy R&B that should finally establish him in the UK.\" Neil McCormick of \"The Telegraph\" also gave the album 3 out of 5 stars,", + "score": 0.68408203125 + }, + { + "id": "15925466", + "title": "In Some Way, Shape, or Form", + "text": "18, 2011, the band released the song \"Stuck in the Middle\" for free listening as a free taster from the album, with an unofficial music video following on October 19, which showed footage of the band on their latest tour and features scenes of the recording process of \"In Some Way, Shape, or Form\". On September 8, 2011, the band released another song for free, \"Falling on You\", which was already played live on the band's latest tour. \"Just Drive\" was released to radio on September 27, 2011, with a music video following exactly a month later, on October 27.", + "score": 0.68359375 + }, + { + "id": "6619760", + "title": "In the Middle (Sugababes song)", + "text": "chorus is opened with the lines, \"I'm caught up in the middle, jumping through the riddle, I'm falling just a little tonight\". \"In the Middle\" received rave reviews from critics. Natasha Perry of Contactmusic.com named the song one of \"Three\"'s \"instant winners\"; Harry Rubenstein from the \"Jerusalem Post\" similarly considered it one of the album's best tracks. \"The Guardian\" writer Andrew Mueller regarded \"In the Middle\" as \"vastly superior\", while Alan Braidwood of BBC described it as quality pop. Ben Hogwood of musicOMH questioned the number of songwriters it took to write the track, although cited this as reasons for", + "score": 0.6826171875 + }, + { + "id": "6619756", + "title": "In the Middle (Sugababes song)", + "text": "\"\" (2006) and \"Change\" (2007). The Sugababes wrote \"In the Middle\" in collaboration with Miranda Cooper, Brian Higgins, Niara Scarlett, Shawn Lee, Lisa Cowling, Andre Tegler, Phil Fuldner and Michael Bellina, for their third studio album, \"Three\" (2003). Group member Heidi Range revealed that the band wanted to write a song with which they could have fun; it was inspired by different situations experienced during a night out. Keisha Buchanan, another member of the Sugababes, told Digital Spy that she wrote 90% of the song but could not comprehend the meaning of the lyrics: \"I think it's because as I've", + "score": 0.68212890625 + }, + { + "id": "20544009", + "title": "The Middle (Zedd, Maren Morris and Grey song)", + "text": "at the 61st Grammy Awards. The song was first revealed in an accompanying interview of Zedd's cover shot for \"Billboard\", published on 10 August 2017. Zedd played interviewer Chris Martins unreleased material in a studio, one of which is \"The Middle\", which featured co-writer Sarah Aarons as a demo singer. On 11 January 2018, Zedd teased the song on social media, saying: \"Hey guys, it's that time again. I wanted to show you a preview to my brand new song. Check it out,\" after which he played a short snippet of the song. The collaboration was officially announced via social", + "score": 0.681640625 + }, + { + "id": "4732198", + "title": "Clea (band)", + "text": "Singles Chart at number 21 and the band spent the remainder of the year playing small concerts in the United Kingdom. In February 2004, the band released their second single, \"Stuck in the Middle\" which reached number 23 in the UK Singles Chart. They continued playing, including appearances at Soccer 6 in Liverpool and Reading. In May of that year, Chloe Morgan left the group to join girl band Fierce, but left after an unsuccessful attempt on X Factor. She then went on to pursue her solo career. Clea's debut album, \"Identity Crisis\" was released in Russia, Eastern Europe and", + "score": 0.68115234375 + }, + { + "id": "20895598", + "title": "Karyn Rachtman", + "text": "After a complicated negotiation, Rachtman acquired the song, and Tarantino hired her as the music supervisor for \"Reservoir Dogs.\" Rachtman brought the soundtrack album to MCA, and the resulting record deal paid for the music that was ultimately used in the film. The music used in \"Reservoir Dogs\"\u2014particularly \"Stuck in the Middle with You\" -- \"would change cinema thereafter.\" In 1994, Rachtman worked on 15 films, including two, simultaneously: \"Reality Bites\", with director Ben Stiller, and \"Pulp Fiction\" with Tarantino. The \"Reality Bites\" soundtrack was one of the biggest records of the year; its lead single, Lisa Loeb's \"Stay (I", + "score": 0.68115234375 + }, + { + "id": "19630070", + "title": "Kayla Maisonet", + "text": "as Lilly, in the Disney Channel pilot \"Shmagreggie Saves the World\" as TMC, and on the FOX comedy \"Mulaney\". Kayla Maisonet Kayla Rose Maisonet (born June 20, 1999) is an American actress. She is known for playing Georgie Diaz in the Disney Channel sitcom \"Stuck in the Middle\". Prior to her role on \"Stuck in the Middle\", Maisonet had a recurring role in the Disney Channel series \"Dog with a Blog\" playing the role of Lindsay, Avery's best friend. She won the award for the Best Performance in a TV Series \u2013 Recurring Young Actress for her performances on \"Dog", + "score": 0.68017578125 + }, + { + "id": "10165235", + "title": "Changing Faces \u2013 The Best of Louise", + "text": "under EMI. For the album Louise released a cover of \"Stuck in the Middle with You\", which entered the UK chart at number 4 and was supported by a humorous promo video that spoofed the Quentin Tarantino film \"Reservoir Dogs\". The album was a UK top 10 hit and was certified Silver by the BPI for UK sales of over 60,000 copies. In support of the album, Louise embarked on the second solo tour of her career, playing smaller locations across the country. After the touring and promotion for \"Changing Faces\", Louise officially left EMI. A limited edition promo CD", + "score": 0.6796875 + }, + { + "id": "16909074", + "title": "Young & Sick", + "text": "Magazine\" and others. In late 2013, Young & Sick signed with Harvest Records (Capitol Records). In 2015, Young & Sick teamed up with JD Samson (Le Tigre) to create a side project called SHARER. In 2014, van Hofwegen co-wrote the song \"Caught In The Middle\" for Charli XCX's album \"Sucker\" alongside Benny Blanco. In early 2014, it was announced Young & Sick would perform at the 2014 Coachella Valley Music and Arts Festival. He later performed at festivals including ACL Music Festival in Austin, Texas and Corona Capital Festival in Mexico City, Mexico. In March 2014, Young & Sick did", + "score": 0.67919921875 + }, + { + "id": "2014422", + "title": "Jerry Leiber and Mike Stoller", + "text": "written by Leiber and Stoller). In the 1960s, Leiber and Stoller founded and briefly owned Red Bird Records, which issued The Shangri-Las' \"Leader of the Pack\" and The Dixie Cups' \"Chapel of Love\". After selling Red Bird, they continued working as independent producers and songwriters. Their best known song from this period is \"Is That All There Is?\" recorded by Peggy Lee in 1969; it earned her a Best Female Pop Vocal Performance Grammy. Earlier in the decade, they had had a hit with Lee with \"I'm a Woman\" (1962). Their last major hit production was \"Stuck in the Middle", + "score": 0.67919921875 + }, + { + "id": "3644636", + "title": "Stuck in the Middle with You", + "text": "[during] auditions, I told the actors that I wanted them to do the torture scene, and I'm gonna use 'Stuck in the Middle With You,' but they could pick anything they wanted, they didn't have to use that song. And a couple people picked another one, but almost everyone came in with 'Stuck in the Middle With You,' and they were saying that they tried to come up with something else, but that's the one. The first time somebody actually did the torture scene to that song, the guy didn't even have a great audition, but it was like watching", + "score": 0.6787109375 + }, + { + "id": "5714898", + "title": "Loggins and Messina", + "text": "Ed Sanford, later of the Sanford-Townsend Band (\"Smoke from a Distant Fire\"), contributed vocals and songwriting to the \"Native Sons\", their final studio album. Loggins and Messina Loggins and Messina is an American rock-pop duo consisting of Kenny Loggins and Jim Messina, who achieved their success in the early to mid-1970s. Among their well-known songs are \"Danny's Song\", \"House at Pooh Corner\", and \"Your Mama Don't Dance\". After selling more than 16 million records and becoming one of the leading musical duos of the 1970s, Loggins and Messina broke up in 1976. Although Messina would find only limited popularity following", + "score": 0.6787109375 + }, + { + "id": "6898096", + "title": "Sonny Curtis", + "text": "many artists including The Bobby Fuller Four, the Clash, Dead Kennedys, Bryan Adams, John Cougar Mellencamp, Bruce Springsteen, Roy Orbison, Tom Petty, Social Distortion, Mike Ness, Hank Williams Jr., Waylon Jennings, the Nitty Gritty Dirt Band, the Hoodoo Rhythm Devils, Green Day, the Ramones, the Grateful Dead, Stray Cats, Mary's Danish, Mano Negra, the Big Dirty Band, Lolita No.18, the Brian Jonestown Massacre, Attaque 77, Die Toten Hosen, Status Quo, Nanci Griffith, and the Men They Couldn't Hang. For the 2003 film, \"Intermission\", Colin Farrell recorded a version of the song, singing it in the guise of his character in", + "score": 0.6787109375 + }, + { + "id": "6619762", + "title": "In the Middle (Sugababes song)", + "text": "James Mortlock of the \"Eastern Daily Press\" described \"In the Middle\" as a pop classic from the Sugababes, while \"Hot Press\" magazine's Phil Udell considered it one of the finest pop songs of the 2000s. \"In the Middle\" earned the Sugababes a 2005 BRIT Award nomination for Best British Single. However, the song was added to the category after the BRIT Awards organisers had made an error with the original list, as it was drawn up with the incorrect timescale. \"In the Middle\" made its first chart appearance on the Irish Singles Chart on 25 March 2004 in which it", + "score": 0.677734375 + }, + { + "id": "20895597", + "title": "Karyn Rachtman", + "text": "Island Music, and then cleared music for established music supervisors, working independently. In 1990, she was hired by Peter Bogdanovich to music supervise \"Texasville\", and received her first credit as a music supervisor on a major film. She founded her company, Mind Your Music, later that year. In 1992, producer Stacey Sher introduced Rachtman to Quentin Tarantino, who was working on his feature-length debut, \"Reservoir Dogs.\" He was determined to use the Stealers Wheel song \"Stuck in the Middle With You\" for a pivotal scene, and the music supervisor on the film had been unable to secure the necessary rights.", + "score": 0.677734375 + }, + { + "id": "20281269", + "title": "The Middle of Starting Over", + "text": "The Middle of Starting Over \"The Middle of Starting Over\" is a song recorded by American singer Sabrina Carpenter from her debut extended play \"of the same name\" (2014), served as the second track of the EP. The track appears at her debut studio album, \"Eyes Wide Open\", served as the third track of the record. The song was produced by Brian Malouf and written by Michelle Moyer, Jim McGorman with Robb Vallier, the last two being co-producers of the track. The song was released by Hollywood Records as the second single from \"Can't Blame a Girl for Trying\" on", + "score": 0.6767578125 + }, + { + "id": "9030618", + "title": "The Ranch (band)", + "text": "in 2001 as a single by the Dixie Chicks, which also had Urban on guitar. After disbanding The Ranch, Urban resumed his solo career. Due to his solo success, The Ranch's album was re-issued in February 2004 on Capitol/EMI as \"Keith Urban in The Ranch\" with two bonus tracks: \"Billy\" and \"Stuck in the Middle with You\", the latter is a cover version of a single by the 1970s band Stealers Wheel. It also featured two music videos, \"Walkin' the Country\" and \"Clutterbilly\". The Ranch (band) The Ranch was a country music trio, which formed in 1997 by Peter Clarke", + "score": 0.67578125 + }, + { + "id": "2023193", + "title": "Reservoir Dogs", + "text": "feels the music to be a counterpoint to the on-screen violence and action. He also stated that he wished for the film to have a 1950s feel while using '70s music. A prominent instance of this is the torture scene to the tune of \"Stuck in the Middle with You\". Bedlam was a 1990s rock group from Nashville fronted by Jay Joyce, who were signed to MCA Records. Their album \"Into the Coals\" was released in 1992. Further members were Chris Feinstein (bass) and Doug Lancio. \"Magic Carpet Ride\" is a cover of the 1968 Steppenwolf song. \"Harvest Moon\" is", + "score": 0.67529296875 + }, + { + "id": "14212284", + "title": "Stay in the Middle", + "text": "Video where it came in third place. Stay in the Middle \"Stay in the Middle\" is a pop ballad by Hill featuring Samantha Mumba. It is written by Hill Zaini, Samantha Mumba, Eric Appapulay and Prince Azim, and produced by Jon Moon for Hill's debut album, \"Filling in the Pages\" (2010). The ballad is Hill's debut single and was released to iTunes in August 2009, with an international release in 2010. The song was a Top 5 hit on Brunei's Pelangi FM chart. \"Stay in the Middle\" is about taking chances and holding on to what one has worked hard", + "score": 0.6748046875 + }, + { + "id": "8127840", + "title": "Dannielle Gaha", + "text": "Dannielle Gaha Dannielle Gaha DeAndrea, sometimes styled as Danni'elle, is an Australian singer-songwriter. She has toured and recorded with fellow Australian John Farnham; their 1989 duet, \"Communication\", peaked at number 13 on the Australian Recording Industry Association (ARIA) Singles Chart. When based in London from 1992 to 1993, she released three solo singles, \"Stuck in the Middle\", \"Do It for Love\", and \"Secret Love\" which appeared in the UK Singles Chart, and she is the first Australian artist to appear on the UK soul chart. As Sheets Afyre, she was part of singing duo The Nissan Cedrics, with Louise Anton,", + "score": 0.6748046875 + }, + { + "id": "13316838", + "title": "Janice McClain", + "text": "Martin (1994), \"All the Way From Philladelphia\" by the Three Tenors of Soul (William Hart, Ted Mills, Russell Thompkins Jr.) (2007), \"Love, Niecy Style\" by Deniece Williams (2007), and \"George Clinton & His Gangsters of Love\" (2008), plus the 2010 seasonal EP \"Ronnie Spector's Best Christmas Ever\". She remains an active live performer in Philadelphia and its surrounding area. Janice McClain Janice Michell McClain (born 25 January 1964 in Philadelphia, Pennsylvania) is an American R&B singer, probably best known for her 1979 disco hit \"Smack Dab in the Middle\". McClain was raised in North Philly, the only child of a", + "score": 0.67431640625 + }, + { + "id": "19131944", + "title": "Stuck in the Middle (TV series)", + "text": "Channel and Disney Channel on Demand on February 15, 2016. The series began airing regularly on March 11, 2016. The first season concluded on July 22, 2016. The second season premiered on February 3, 2017, and concluded on October 27, 2017. The third season premiered on December 8, 2017, and concluded on July 23, 2018. Stuck in the Middle (TV series) Stuck in the Middle is an American comedy television series developed by Alison Brown and Linda Videtti Figueiredo and created by Alison Brown that aired on Disney Channel from February 14, 2016 to July 23, 2018. The series stars", + "score": 0.67333984375 + }, + { + "id": "6619757", + "title": "In the Middle (Sugababes song)", + "text": "got older I don't really relate to the lyrics. It was more of a fun song but I just don't really feel that attached to it any more.\" Higgins, Xenomania and Jeremy Wheatley produced the song; the latter mixed it at the Town House Studios, London. \"In the Middle\" was programmed by Matt Duguid, Nick Coler, Tim Powell and Tim Larcombe. The Sugababes confirmed through their official website in February 2004 that \"In the Middle\" would be the released as the album's third single. Island Records released it on 22 March 2004 as a CD single and digital download. The", + "score": 0.6728515625 + }, + { + "id": "12888136", + "title": "Stuck with Each Other", + "text": "Stuck with Each Other \"Stuck with Each Other\" is the second solo single released by Barbadian singer Shontelle. It features R&B singer Akon and is the first single from the re-release of her debut album, \"Shontelligence\". It is also featured on the \"Confessions of a Shopaholic\" soundtrack. The song was the second single from \"Shontelligence\" in the UK, being added to BBC Radio 1's C-list playlist on 22 April 2009, and has since reached the B-List. \"Stuck with Each Other\" also reached the A-List of BBC Radio 2's playlist. It became her second top 30 hit in the UK Singles", + "score": 0.67236328125 + }, + { + "id": "5714886", + "title": "Loggins and Messina", + "text": "Loggins and Messina Loggins and Messina is an American rock-pop duo consisting of Kenny Loggins and Jim Messina, who achieved their success in the early to mid-1970s. Among their well-known songs are \"Danny's Song\", \"House at Pooh Corner\", and \"Your Mama Don't Dance\". After selling more than 16 million records and becoming one of the leading musical duos of the 1970s, Loggins and Messina broke up in 1976. Although Messina would find only limited popularity following the breakup, Loggins went on to be a 1980s hitmaker. In 2005 and again in 2009, Loggins and Messina have rejoined for tours in", + "score": 0.67236328125 + }, + { + "id": "5224052", + "title": "Cerina Vincent", + "text": "ScreamFest 2013 in Los Angeles. Vincent has a small role in the indie movie \"Broken Memories\" about Alzheimer's. It's a special film to Cerina, hitting close to home. She had an uncle with Alzheimer's who was being taken care of by her aunt, and eventually lead to the man's death. The film touches on all these points. In 2016, Vincent became part of the main cast of \"Stuck in the Middle\", portraying Suzy Diaz. In November 2018, Vincent announced that she was pregnant with her first child, with her long time partner, Mike Estes. Vincent and her co-writer Jodi Lipper", + "score": 0.67138671875 + }, + { + "id": "12828738", + "title": "Both Sides Now (Willie Nelson album)", + "text": "as Streissguth notes: \"Willie\u2019s own songs were as pleasing as ever, at home in a coffeehouse or a honky-tonk, but now they appeared next to his covers of other great songs of the day: Joni Mitchell\u2019s 'Both Sides Now,' Fred Neil\u2019s 'Everybody's Talkin','...a perfect alignment of stars in early 1970s Nashville: the seasoned singer and the blossoming songwriters shone brightly.\" Nelson\u2019s broad range and musical tastes, already evident in his Django Reinhardt-inspired guitar playing and jazz-inflected singing, were attuned to the new songwriters of the day, with the singer later commenting, \u201cWell, I did sing Joni Mitchell\u2019s 'Both Sides Now'", + "score": 0.6708984375 + }, + { + "id": "6619767", + "title": "In the Middle (Sugababes song)", + "text": "and dances around a chair and against a wall. Throughout the video, each group members' name appears on screen, Mutya's formed by smoke, Keisha's formed by diamonds and Heidi's formed by metallic cubes. The Sugababes performed an extended version of \"In the Middle\" during their UK tour in March and April 2004 to promote \"Three\", in which they were supported by a four-piece band. The group performed the single, along with \"Hole in the Head\" and \"Too Lost in You\", at Birmingham's Party in the Park festival on 10 July 2004. \"In the Middle\" was included in the set list", + "score": 0.6708984375 + }, + { + "id": "4145424", + "title": "Left of the Middle", + "text": "Morissette--stands to follow the success of \"Torn\" with such other viable pop and rock cuts as \"Leave Me Alone\", \"Don't You Think\", \"Impressed\" and \"Wishing I Was There\". An album with ample possibilities at modern AC, modern rock, mainstream rock, and pop stations. Left of the Middle Left of the Middle is the debut studio album by Australian singer Natalie Imbruglia. Released by RCA Records in 1997, the album was a worldwide hit. Spurred by the success of lead single \"Torn\", the album reached number one in her home country and the top 10 in both the UK and US.", + "score": 0.67041015625 + }, + { + "id": "9223177", + "title": "Make It Good (album)", + "text": "Make It Good (album) Make It Good is the third studio album released by British-Norwegian boy band A1. The album was released on 8 April 2002, leading on from the success of the lead single, \"Caught in the Middle\". In an attempt to reach the French market, the band recorded a French version of \"Caught in the Middle\", with singer \u00c8ve Angeli. This appeared as a bonus track on the album in France. The album was considered a change in style from their previous efforts, bringing a more adult sound, removing more of the electro-pop influenced tracks and replacing them", + "score": 0.67041015625 + }, + { + "id": "13316832", + "title": "Janice McClain", + "text": "Janice McClain Janice Michell McClain (born 25 January 1964 in Philadelphia, Pennsylvania) is an American R&B singer, probably best known for her 1979 disco hit \"Smack Dab in the Middle\". McClain was raised in North Philly, the only child of a construction father and a mother who worked as a secretary and later as a dressmaker. Singing nearly from infancy in church, McClain grew up in a musical household - both of her parents had themselves cut records as teenagers - , McClain becoming conversant at an early age with current Soul hits, showtunes and opera: her early idols included", + "score": 0.67041015625 + }, + { + "id": "10660752", + "title": "Meet in the Middle", + "text": "on the \"Billboard\" Hot Country Singles & Tracks (now Hot Country Songs) charts in mid-1991, making Diamond Rio the first country music band in history to have its debut single reach Number One. Meet in the Middle \"Meet in the Middle\" is a song recorded by American country music band Diamond Rio. It was released in February 1991 as their debut single, and was served as the first single from the album \"Diamond Rio\". The single reached Number One on the U.S. \"Billboard\" Hot Country Singles & Tracks charts, making Diamond Rio the first country music band in history to", + "score": 0.67041015625 + }, + { + "id": "10660750", + "title": "Meet in the Middle", + "text": "Meet in the Middle \"Meet in the Middle\" is a song recorded by American country music band Diamond Rio. It was released in February 1991 as their debut single, and was served as the first single from the album \"Diamond Rio\". The single reached Number One on the U.S. \"Billboard\" Hot Country Singles & Tracks charts, making Diamond Rio the first country music band in history to have its debut single reach Number One. The song was written by Don Pfrimmer, Chapin Hartford and Jim Foster. \"Meet in the Middle\" is a mid-tempo describing two people who learn how to", + "score": 0.669921875 + }, + { + "id": "14985229", + "title": "Kevin Kadish", + "text": "in NYC's Shelter Island Sound, but no album was ever released. In 2000, Kadish met record producer Matt Serletic who signed him as his \"staff-writer\" to Serletic's co-venture with Warner/Chappell Music. While under the wing of Serletic, Kadish co-wrote \"Be There For You\" and \"Don't Fade Away\" on Willie Nelson's album \"The Great Divide\". He also co-wrote the songs \"(There's Gotta Be) More to Life\" and \"Stuck\" for pop singer Stacie Orrico which appeared in the television shows \"The Simple Life\" and \"That's So Raven\", as well as the film \"Robots\". These two hits have been featured on several compilations", + "score": 0.669921875 + }, + { + "id": "5324169", + "title": "Stuck on You (film)", + "text": "continuing in local plays, including a musical in which he and Meryl Streep play Bonnie and Clyde. The song \"Human\" recorded by Cher, who appears in the film, and produced by David Kahne was included in the soundtrack (Flynn cover). There was no official release, but in Germany the song was released on a promotional CD of the soundtrack called \"Unzertrennlich\" and that version clocks 3:49. The original 4:25 version was never released. The song can be heard during the end credits of the film and is played during a scene in a club. This is the first Farrelly Brothers", + "score": 0.669921875 + }, + { + "id": "12797875", + "title": "Danny's Song", + "text": "on her 2007 album \"\" as a duet with Martina McBride. Danny's Song \"Danny's Song\" is a song written by American singer-songwriter Kenny Loggins, as a gift for his brother Danny for the birth of his son, Colin. It first appeared on an album by Gator Creek and later appeared a year later on the album \"Sittin' In\", the debut album by Loggins and Messina. The song is well remembered for both the Loggins and Messina original, as well as for Anne Murray's 1972 top-ten-charting cover. In 1971, Loggins and Jim Messina released \"Sittin' In\" and, although the album yielded", + "score": 0.66943359375 + }, + { + "id": "3412629", + "title": "Dionne Farris", + "text": "track \"Stuck in the Middle\". Farris released her official follow-up album \"Signs of Life\" in (2011), named Top 10 soul albums of 2011, a mixtape \"Lady Dy, the Mixtape Pt 1\" (2011) and a live jazz album \"Dionne Get Your Gunn: Featuring the Russell Gunn Quartet with Dionne Farris\" (2012) via PledgeMusic crowd funding on her own record label, Free & Clear Records. Dionne Farris Dionne Yvette Farris (born December 4, 1969) is an American, singer, songwriter, producer and actress. Born and raised in New Jersey, she began singing in elementary school and competed in pageants as a teenager. In", + "score": 0.6689453125 + }, + { + "id": "12797871", + "title": "Danny's Song", + "text": "Danny's Song \"Danny's Song\" is a song written by American singer-songwriter Kenny Loggins, as a gift for his brother Danny for the birth of his son, Colin. It first appeared on an album by Gator Creek and later appeared a year later on the album \"Sittin' In\", the debut album by Loggins and Messina. The song is well remembered for both the Loggins and Messina original, as well as for Anne Murray's 1972 top-ten-charting cover. In 1971, Loggins and Jim Messina released \"Sittin' In\" and, although the album yielded no Top 40 radio hits, \"Danny's Song\" received a significant amount", + "score": 0.66845703125 + }, + { + "id": "20544012", + "title": "The Middle (Zedd, Maren Morris and Grey song)", + "text": "recorded by Demi Lovato, Camila Cabello, Anne-Marie, Carly Rae Jepsen, Tove Lo, Bishop Briggs, Bebe Rexha, Lauren Jauregui, Daya, Charli XCX and Elle King before Morris was chosen for the final version. Stefan Johnson, one-fifth of production team The Monsters and the Strangerz, stated that \"it was a super long process\". Jordan Johnson of the same team added: \"We never lost the feeling for that song. Even a year later, I, as a creator hadn't gotten tired of it. It was special.\" Kat Bein of \"Billboard\" opined that the song is \"relatively sparse with cute\", writing that it has \"definite", + "score": 0.66845703125 + }, + { + "id": "1264870", + "title": "Geoff Emerick", + "text": "to work instead with Phil McDonald, another former EMI engineer. Emerick was the sound engineer on Robin Trower's 1974 album \"Bridge of Sighs\", and was credited by both Trower and producer Matthew Fisher for that album's sound. He also recorded some of the backing tracks for the debut album by Stealers Wheel, but resigned early on in the process, handing over to Apple recording engineer John Mills to continue working with producers Jerry Leiber and Mike Stoller. The Stealers Wheel album featured \"Stuck in the Middle with You\" and went on to receive the Dutch Edison Award. Following the success", + "score": 0.66796875 + }, + { + "id": "4409061", + "title": "Bleed American", + "text": "from the album, contains lyrics from songs the band knew, such as \"Crimson and Clover\" by Tommy James and the Shondells, \"Our House\" by Madness, \"Kickstart My Heart\" by M\u00f6tley Cr\u00fce and \"Don't Let's Start\" by They Might Be Giants. The title and lyrics of \"The Authority Song\" are a direct reference to \"Authority Song\" by John Cougar Mellencamp, and it also contains a reference to \"Automatic\", an album by the Jesus and Mary Chain. \"The Middle,\" the second single from the album, includes a guitar solo that, according to Adkins, \"is a tribute to Doug Gillard of Guided by", + "score": 0.66796875 + }, + { + "id": "20408340", + "title": "Sarah Aarons", + "text": "Sarah Aarons Sarah Aarons (born 4 October 1994) is a songwriter from Melbourne, Australia. Now based in Los Angeles, Sarah is signed to Sony ATV Publishing. She co-wrote \"Stay\" by Zedd and Alessia Cara and \"The Middle\" by Zedd, Maren Morris and Grey, which both went to #1 on Mainstream Top 40 and were each certified double platinum in the US. Sarah is nominated for Song of the Year at the 2019 Grammys for her work on \"The Middle.\" In Australia, Sarah had acclaimed success with the breakout song \"Keeping Score\" by LDRU, \"Frozen\" by Pon Cho and Cosmo's Midnight's", + "score": 0.66796875 + }, + { + "id": "19630069", + "title": "Kayla Maisonet", + "text": "Kayla Maisonet Kayla Rose Maisonet (born June 20, 1999) is an American actress. She is known for playing Georgie Diaz in the Disney Channel sitcom \"Stuck in the Middle\". Prior to her role on \"Stuck in the Middle\", Maisonet had a recurring role in the Disney Channel series \"Dog with a Blog\" playing the role of Lindsay, Avery's best friend. She won the award for the Best Performance in a TV Series \u2013 Recurring Young Actress for her performances on \"Dog with a Blog\" at the 35th Young Artist Awards in 2014. Maisonet has appeared on Nickelodeon's \"The Haunted Hathaways\"", + "score": 0.66796875 + }, + { + "id": "14212282", + "title": "Stay in the Middle", + "text": "Stay in the Middle \"Stay in the Middle\" is a pop ballad by Hill featuring Samantha Mumba. It is written by Hill Zaini, Samantha Mumba, Eric Appapulay and Prince Azim, and produced by Jon Moon for Hill's debut album, \"Filling in the Pages\" (2010). The ballad is Hill's debut single and was released to iTunes in August 2009, with an international release in 2010. The song was a Top 5 hit on Brunei's Pelangi FM chart. \"Stay in the Middle\" is about taking chances and holding on to what one has worked hard for. The lyrics are related to Hill's", + "score": 0.66796875 + }, + { + "id": "12888138", + "title": "Stuck with Each Other", + "text": "Then Shontelle and her boyfriend end up putting clothes in a bag. Stuck with Each Other \"Stuck with Each Other\" is the second solo single released by Barbadian singer Shontelle. It features R&B singer Akon and is the first single from the re-release of her debut album, \"Shontelligence\". It is also featured on the \"Confessions of a Shopaholic\" soundtrack. The song was the second single from \"Shontelligence\" in the UK, being added to BBC Radio 1's C-list playlist on 22 April 2009, and has since reached the B-List. \"Stuck with Each Other\" also reached the A-List of BBC Radio 2's", + "score": 0.66748046875 + } + ], + "answer": "There is a TV show named Stuck in the Middle and several songs with \"Stuck in the Middle\" in the title. The 1973 song \"Stuck in the Middle with You\" was sung by the band Stealers Wheel with Gerry Rafferty singing lead vocals and Joe Egan singing harmony. The 2004 song \"Stuck in the Middle\" was sung by English girl group Clea. The theme song for the Disney Channel TV show Stuck in the Middle was sung by Sonus." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "How many competitive Grammy Awards does Whitney Houston have?", + "short_answers": [ + "6" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "How many Grammy Hall of Fame Awards does Whitney Houston have?", + "short_answers": [ + "2" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "How many total Grammy Awards does Whitney Houston have?", + "short_answers": [ + "8" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Whitney Houston", + "url": "https://en.wikipedia.org/wiki/Whitney%20Houston" + }, + { + "title": "Grammy Awards and nominations for Whitney Houston", + "url": "https://en.wikipedia.org/wiki/Grammy%20Awards%20and%20nominations%20for%20Whitney%20Houston" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Whitney Houston has been honored with numerous awards and accolades recognizing her worldwide success through the music and movie industries, including 2 Emmy Awards, 8 Grammy Awards, 14 World Music Awards, 15 Guinness World Records, 16 Billboard Music Awards and 22 American Music Awards. She was inducted into the Rhythm and Blues Music Hall of Fame in 2014 and the Rock and Roll Hall of Fame in 2020.", + "wikipage": "List of awards and nominations received by Whitney Houston" + }, + { + "content": "Whitney Elizabeth Houston (August 9, 1963 \u2013 February 11, 2012) was an American singer and actress. ", + "wikipage": "Whitney Houston" + } + ], + "long_answer": "American singer and actress Whitney Houston has been honored with numerous awards and accolades recognizing her worldwide success through the music and movie industries, including 2 Grammy Hall of Fame Awards (the Rhythm and Blues Music Hall of Fame and the Rock and Roll Hall of Fame) and 6 competitive Grammy Awards making that 8 Grammy Awards in total." + }, + { + "knowledge": [ + { + "content": "Whitney Houston has been honored with numerous awards and accolades recognizing her worldwide success through the music and movie industries, including 2 Emmy Awards, 8 Grammy Awards, 14 World Music Awards, 15 Guinness World Records, 16 Billboard Music Awards and 22 American Music Awards.", + "wikipage": "List of awards and nominations received by Whitney Houston" + } + ], + "long_answer": "Whitney Houston has been honored with numerous awards and accolades recognizing her worldwide success through the music and movie industries, including 2 Emmy Awards, 8 Grammy Awards, 14 World Music Awards, 15 Guinness World Records, 16 Billboard Music Awards and 22 American Music Awards. Her 8 Grammy Awards include 6 competitive Grammy Awards and 2 Grammy Hall of Fame Awards." + } + ], + "sample_id": "9208802889973064064", + "question": "How many grammy awards does whitney houston have?", + "docs": [ + { + "id": "5905623", + "title": "Grammy Awards and nominations for Whitney Houston", + "text": "Grammy Awards and nominations for Whitney Houston Whitney Houston is one of the most successful female singers of all time. Her accomplishments have been recognized with six competitive Grammy Awards, and one Grammy Hall of Fame Award, giving her a total of 7 Grammy Awards. Though she has been nominated twenty-six times and for two times songs performed by her were nominated for Song of the Year. She earned her first Grammy, Best Pop Vocal Performance, Female in 1986, and was honored with two general field Grammys: Album of the Year for \"\" and Record of the Year for \"I", + "score": 0.80126953125, + "summary": "Whitney Houston has won 7 Grammy Awards and has been nominated 26 times.", + "extraction": "Whitney Houston has six competitive Grammy Awards and one Grammy Hall of Fame Award, giving her a total of 7 Grammy Awards." + }, + { + "id": "5905624", + "title": "Grammy Awards and nominations for Whitney Houston", + "text": "Will Always Love You\" at its 36th ceremonies in 1994. Below is a list of awards for which she has been nominated and those that she won (the winner in each category has \u2605 mark). Grammy Awards and nominations for Whitney Houston Whitney Houston is one of the most successful female singers of all time. Her accomplishments have been recognized with six competitive Grammy Awards, and one Grammy Hall of Fame Award, giving her a total of 7 Grammy Awards. Though she has been nominated twenty-six times and for two times songs performed by her were nominated for Song of", + "score": 0.794921875, + "summary": "Whitney Houston has a total of 7 Grammy Awards, including 6 competitive awards and 1 Grammy Hall of Fame Award.", + "extraction": "Whitney Houston has six competitive Grammy Awards and one Grammy Hall of Fame Award, giving her a total of 7 Grammy Awards." + }, + { + "id": "459662", + "title": "Whitney Houston", + "text": "the Top 11 simultaneously. The album was certified 18\u00d7 platinum in the US alone, with worldwide sales of 42 million copies. Houston won three Grammys for the album in 1994, including two of the Academy's highest honors, Album of the Year and Record of the Year. In addition, she won a record 8 American Music Awards at that year's ceremony including the Award of Merit, 11 Billboard Music Awards, 3 Soul Train Music Awards in 1993\u201394 including Sammy Davis, Jr. Award as Entertainer of the Year, 5 NAACP Image Awards including Entertainer of the Year, a record 5 World Music", + "score": 0.76318359375, + "summary": "Whitney Houston won three Grammy Awards in 1994 for the album \"The Bodyguard,\" including Album of the Year and Record of the Year.", + "extraction": "Whitney Houston won three Grammys for the album in 1994." + }, + { + "id": "459640", + "title": "Whitney Houston", + "text": "platinum (diamond) in the United States alone, and has sold 22 million copies worldwide. At the 1986 Grammy Awards, Houston was nominated for three awards including Album of the Year. She was not eligible for the Best New Artist category because of her previous hit R&B duet recording with Teddy Pendergrass in 1984. She won her first Grammy Award for Best Pop Vocal Performance, Female for \"Saving All My Love for You\". Houston's performance of the song during the Grammy telecast later earned her an Emmy Award for Outstanding Individual Performance in a Variety or Music Program. Houston won seven", + "score": 0.759765625, + "summary": "Whitney Houston won seven Grammy awards. She won her first Grammy Award for Best Pop Vocal Performance, Female for \"Saving All My Love for You\".", + "extraction": "Whitney Houston won seven Grammy Awards." + }, + { + "id": "7589249", + "title": "American Music Award nominations for Whitney Houston", + "text": "American Music Award nominations for Whitney Houston Following is a list of American Music Award wins and nominations for pop/R&B icon Whitney Houston. Whitney Houston was nominated in a total of 38 categories and won 22 of them during her career AMA including two special awards \u2015 Award of Merit and International Artist Award. At its 21st ceremonies in 1994, Houston tied Michael Jackson on the record for the most AMA ever won in a single year with 8 awards. Also, she is the second female artist with the most wins at AMA, after Taylor Swift and overall the forth", + "score": 0.7509765625, + "summary": "Whitney Houston won 22 American Music Awards, including two special awards, and was nominated in a total of 38 categories. However, the document does not mention anything about Grammy awards.", + "extraction": "Whitney Houston won 2 special awards and 22 regular awards at the American Music Awards, but there is no information about how many Grammy Awards she has. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "7589250", + "title": "American Music Award nominations for Whitney Houston", + "text": "American Music Award nominations for Whitney Houston Following is a list of American Music Award wins and nominations for pop/R&B icon Whitney Houston. Whitney Houston was nominated in a total of 38 categories and won 22 of them during her career AMA including two special awards \u2015 Award of Merit and International Artist Award. At its 21st ceremonies in 1994, Houston tied Michael Jackson on the record for the most AMA ever won in a single year with 8 awards. Also, she is the second female artist with the most wins at AMA, after Taylor Swift and overall the forth", + "score": 0.75048828125, + "summary": "Whitney Houston won 22 American Music Awards, including two special awards. She was nominated in 38 categories and tied Michael Jackson's record for the most AMA won in a single year with 8 awards in 1994. However, the document does not mention any Grammy Awards.", + "extraction": "Whitney Houston won 22 American Music Awards, but there is no information about Grammy Awards in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "459743", + "title": "Whitney Houston", + "text": "artist of all time, according to \"Guinness World Records\", with two Emmy Awards, six Grammy Awards, 30 Billboard Music Awards, 22 American Music Awards, among a total of 415 career awards as of 2010. She held the all-time record for the most American Music Awards of any female solo artist and shared the record with Michael Jackson for the most AMAs ever won in a single year with eight wins in 1994. Houston won a record 11 Billboard Music Awards at its fourth ceremony in 1993. She also had the record for the most WMAs won in a single year,", + "score": 0.7490234375, + "summary": "Whitney Houston has won six Grammy Awards.", + "extraction": "Whitney Houston has six Grammy Awards." + }, + { + "id": "459645", + "title": "Whitney Houston", + "text": "the 30th Grammy Awards in 1988, Houston was nominated for three awards, including Album of the Year, winning her second Grammy for Best Female Pop Vocal Performance for \"I Wanna Dance with Somebody (Who Loves Me)\". Houston also won two American Music Awards in 1988 and 1989, respectively, and a Soul Train Music Award. Following the release of the album, Houston embarked on the \"Moment of Truth World Tour\", which was one of the ten highest-grossing concert tours of 1987. The success of the tours during 1986\u201387 and her two studio albums ranked Houston No. 8 for the highest-earning entertainers", + "score": 0.736328125, + "summary": "Whitney Houston has won two Grammy awards for Best Female Pop Vocal Performance in 1988.", + "extraction": "Whitney Houston has won two Grammy Awards." + }, + { + "id": "4173676", + "title": "Whitney Houston (album)", + "text": "200 at No. 72 with 8,000 copies sold. At the 28th Grammy Awards in 1986, \"Whitney Houston\" received four nominations\u2014Album of the Year, Best Pop Vocal Performance, Female for \"Saving All My Love for You\", Best Female R&B Vocal Performance for \"You Give Good Love\" and Best Rhythm & Blues Song for \"You Give Good Love\"\u2014and won Houston's first Grammy, Best Pop Vocal Performance, Female. In addition, the album earned one nomination for Record of the Year in 1987 for \"Greatest Love of All\", a cover of \"The Greatest Love of All\", originally recorded by George Benson in 1977, ten", + "score": 0.72265625, + "summary": "Whitney Houston's self-titled album won her first Grammy award for Best Pop Vocal Performance, Female at the 28th Grammy Awards in 1986.", + "extraction": "Whitney Houston received four nominations at the 28th Grammy Awards in 1986 and won her first Grammy, Best Pop Vocal Performance, Female." + }, + { + "id": "4173659", + "title": "Whitney Houston (album)", + "text": "worldwide. In 1986, at the 28th Grammy Awards, \"Whitney Houston\" received four nominations; including Album of the Year and won one, Best Pop Vocal Performance, Female for \"Saving All My Love for You\". For the 29th Grammy Awards of 1987, the album earned one nomination for Record of the Year for \"Greatest Love of All\". In 2003, the album was ranked number 254 on \"Rolling Stone\" magazine's list of the 500 Greatest Albums of All Time. In honor of its 25th anniversary, the album was reissued as \"Whitney Houston \u2013 The Deluxe Anniversary Edition\" on January 26, 2010, an expanded", + "score": 0.72265625, + "summary": "Whitney Houston won one Grammy Award for Best Pop Vocal Performance, Female for \"Saving All My Love for You\" at the 28th Grammy Awards in 1986. She received one nomination for Record of the Year for \"Greatest Love of All\" at the 29th Grammy Awards in 1987.", + "extraction": "Whitney Houston received one Grammy award for Best Pop Vocal Performance, Female for \"Saving All My Love for You\" at the 28th Grammy Awards." + }, + { + "id": "1562687", + "title": "28th Annual Grammy Awards", + "text": "for an album, three fewer than the then-record holder \"Thriller\" by Michael Jackson, which was nominated fifteen times in 1984. Their twelve nominations eventually resulted in three Grammy wins, including two for the song \"Another Night in Tunisia\" (performed and arranged on the album by guest vocalists Jon Hendricks and Bobby McFerrin) Stevie Wonder finally managed to add another Grammy to his total. After winning fifteen awards in the mid-1970s, he won his first Grammy in nine years for his album \"In Square Circle\". Songwriter Jimmy Webb had to wait even longer as his song \"Highwayman\" won him his first", + "score": 0.7197265625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "4174461", + "title": "My Love Is Your Love", + "text": "by the number of feature broadcast performances on American radio and TV during the eligibility year. Houston won her first \"Best Female R&B Vocal Performance\" award through her career. She had been nominated six times for this category but not won. This was her sixth and final Grammy Award. Houston was nominated for \"Best R&B Video\" for \"Heartbreak Hotel\" music video directed by Kevin Bray, which was her first nomination in thirteen years at VMAs since she has won the \"Best Female Video\" for \"How Will I Know\" at the 1986 MTV Video Music Awards. Houston was honored \"the Artist", + "score": 0.7197265625, + "summary": "Whitney Houston won six Grammy Awards, with her first being \"Best Female R&B Vocal Performance.\" She was nominated for \"Best R&B Video\" at the VMAs after 13 years, and had won \"Best Female Video\" in 1986 for \"How Will I Know.\"", + "extraction": "Whitney Houston won six Grammy Awards throughout her career." + }, + { + "id": "4173669", + "title": "Whitney Houston (album)", + "text": "In Black Music History list in 2010, with Brandy's comments on the album; \"The first Whitney Houston CD was genius. That CD introduced the world to her angelic yet powerful voice. Without Whitney many of this generation of singers wouldn't be singing.\" In 2013, the album was inducted into the Grammy Hall of Fame giving Houston her 1st Grammy Hall of Fame Award and her 7th Grammy Award. Released on February 14, 1985, \"Whitney Houston\" debuted on the \"Billboard\" Top Albums Chart the week of March 30, 1985, at number 166. Sales were low initially. However, with the success of", + "score": 0.7080078125, + "summary": "Whitney Houston's self-titled album was inducted into the Grammy Hall of Fame in 2013, giving her 1 Grammy Hall of Fame Award and 7 Grammy Awards.", + "extraction": "Whitney Houston received a total of 7 Grammy Awards, including her 1st Grammy Hall of Fame Award in 2013." + }, + { + "id": "3794169", + "title": "Trisha Yearwood", + "text": "couple a Grammy Award. Yearwood has sold more than 15 million albums worldwide, and has won three Grammy Awards, four Country Music Association Awards, two Academy of Country Music Awards, an American Music Award, and a Pollstar Industry Award for touring. Aside from her success in music, Yearwood has also ventured into writing, releasing three successful cookbooks, which earned her the status of two-time \"New York Times\" best-selling author. Since April 2012, Yearwood has hosted a culinary series on Food Network called \"Trisha's Southern Kitchen\", for which she has won a Daytime Emmy Award for Outstanding Culinary Program. Yearwood was", + "score": 0.705078125, + "summary": "Trisha Yearwood has won three Grammy Awards, but there is no information about how many awards Whitney Houston has won in the document.", + "extraction": "Whitney Houston does not appear in the given passage, so the extracted span is \"irrelevant\"." + }, + { + "id": "1134531", + "title": "Emmylou Harris", + "text": "2011. The Grammy Awards celebrate outstanding achievement in music. Harris has won 14 out of 48 nominations. The CMA Awards recognize outstanding achievement in the country music industry. Harris has won 3 awards out of 24 nominations. The ACM Awards recognize achievements in country music. Harris has won 2 awards from 12 nominations. The International Bluegrass Music Association recognise outstanding achievement in Bluegrass music. Harris has received five awards for her contributions to a Louvin Brothers tribute album, a Nitty Gritty Dirt Band album and a film (and the resulting documentary) soundtrack. The Americana Music Honors & Awards recognize outstanding", + "score": 0.70068359375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about Emmylou Harris' awards and nominations, not Whitney Houston's." + }, + { + "id": "1619473", + "title": "41st Annual Grammy Awards", + "text": "the Dixie Chicks, Vince Gill, Alanis Morissette & Shania Twain won two apiece. Celine Dion also received two awards both for \"My Heart Will Go On\", which received a total of four awards. It is widely remembered for Ricky Martin's performance of \"La Copa De La Vida\"/ \"The Cup of Life\". 41st Annual Grammy Awards The 41st Annual Grammy Awards were held on February 24, 1999, at Shrine Auditorium, Los Angeles. They recognized accomplishments by musicians from the year 1998. Lauryn Hill was the main recipient, winning a total of 5 awards including Album of the Year and Best New", + "score": 0.6962890625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information on Whitney Houston's Grammy awards." + }, + { + "id": "15702309", + "title": "54th Annual Grammy Awards", + "text": "singing Houston's \"I Will Always Love You\". The awards show began with a Bruce Springsteen performance followed by an LL Cool J prayer for Whitney Houston. Adele won all of her six nominations, equalling the record for most wins by a female artist in one night, firstly held by Beyonc\u00e9 Knowles. Foo Fighters and Kanye West followed with five and four awards, respectively. The 54th Grammys were the second-highest rated in its history with 39.9 million viewers, second only to the 1984 Grammys with 51.67 mil. viewers. The rating was 50% higher than in 2011. The following performed: The winners", + "score": 0.69189453125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information on how many Grammy awards Whitney Houston has won." + }, + { + "id": "1134532", + "title": "Emmylou Harris", + "text": "achievement in Americana music. Of 5 nominations, Harris has won 4. Emmylou Harris Emmylou Harris (born April 2, 1947) is an American singer, songwriter, and musician. She has released dozens of albums and singles over the course of her career and won 14 Grammys, the Polar Music Prize, and numerous other honors, including induction into the Country Music Hall of Fame. In 2018 she was presented the Grammy Lifetime Achievement Award. Her work and recordings include work as a solo artist, a bandleader, an interpreter of other composers' works, a singer-songwriter, and a backing vocalist and duet partner. She has", + "score": 0.69091796875, + "summary": "Emmylou Harris has won 14 Grammys, but there is no mention of Whitney Houston. Irrelevant.", + "extraction": "Whitney Houston is not mentioned in the given passage, so the answer is \"irrelevant\"." + }, + { + "id": "110224", + "title": "Dolly Parton", + "text": "record for any artist, and 110 career-charted singles over the past 40 years. All-inclusive sales of singles, albums, collaboration records, compilation usage, and paid digital downloads during Parton's career have reportedly topped 100 million records around the world. Parton has earned nine Grammy Awards (including her 2011 Lifetime Achievement Grammy) and a total of 46 Grammy Award nominations, the most nominations of any female artist in the history of the prestigious awards, a record tied by Beyonc\u00e9. At the American Music Awards, she has won three awards out of 18 nominations. At the Country Music Association, she has won 10", + "score": 0.68994140625, + "summary": "Dolly Parton has nine Grammy Awards, including a Lifetime Achievement Grammy, and has been nominated for a total of 46 Grammys, the most nominations of any female artist. Whitney Houston is not mentioned, so the document is irrelevant.", + "extraction": "Whitney Houston is irrelevant to the given passage." + }, + { + "id": "10347514", + "title": "50th Annual Grammy Awards", + "text": "Year. The year's big winner was Amy Winehouse: the 24-year-old singer had recently entered a drug rehabilitation program and did not come to Los Angeles. American officials initially refused her a work visa; they reversed the decision, but by then it was too late for her to make the trip from the UK. She became the fifth female solo artist to get five awards in one night, alongside Lauryn Hill, Norah Jones, Alicia Keys and Beyonc\u00e9. The golden anniversary of the Grammys and NARAS was noted in references and performances throughout this year's ceremony. Alicia Keys was the evening's opening", + "score": 0.6865234375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention anything about Whitney Houston's Grammy awards." + }, + { + "id": "8657476", + "title": "49th Annual Grammy Awards", + "text": "Rock Song Best Rock Album Best Spoken Word Album for Children Best Spoken Word Album (Includes Poetry, Audio Books & Story Telling) 49th Annual Grammy Awards The 49th Annual Grammy Awards was a ceremony honoring the best in music for the recording year beginning September 15, 2005 and ending September 14, 2006 in the United States. The awards were handed out on Sunday, February 11, 2007 at the Staples Center in Los Angeles. The Dixie Chicks were the night's biggest winners winning a total of five awards. Mary J. Blige received the most nominations, with eight. Don Henley was honored", + "score": 0.6845703125 + }, + { + "id": "459623", + "title": "Whitney Houston", + "text": "Whitney Houston Whitney Elizabeth Houston (August 9, 1963 \u2013 February 11, 2012) was an American singer and actress. She was cited as the most awarded female artist of all time by \"Guinness World Records\" and remains one of the best-selling music artists of all time with 200 million records sold worldwide. She released seven studio albums and two soundtrack albums, all of which have been certified diamond, multi-platinum, platinum, or gold by the Recording Industry Association of America (RIAA). Houston's crossover appeal on the popular music charts\u2014as well as her prominence on MTV, starting with her video for \"How Will", + "score": 0.68359375 + }, + { + "id": "2639188", + "title": "Alison Krauss", + "text": "Robert Plant, and as a record producer. She is currently tied with Quincy Jones as the winner of the second highest number of Grammy Awards. Only the late classical conductor Sir Georg Solti has more overall Grammys (31). She overtook Aretha Franklin for the most female wins at the 46th Grammy Awards, where Krauss won three, bringing her total at the time to seventeen (Franklin won her sixteenth that night). The Recording Academy (which presents the Grammy Awards) presented her with a special musical achievement honor in 2005. She has also won 14 International Bluegrass Music Association Awards, 9 Country", + "score": 0.68310546875 + }, + { + "id": "4587426", + "title": "47th Annual Grammy Awards", + "text": "47th Annual Grammy Awards The 47th Annual Grammy Awards were held on February 13, 2005 at the Staples Center in Los Angeles. They were hosted by Queen Latifah, and televised in the United States by CBS. They recognized accomplishments by musicians from the previous year. Ray Charles, whom the event was dedicated in memory of, posthumously won five Grammy Awards while his album, \"Genius Loves Company\", won a total of eight. Kanye West received the most nominations with ten, winning three. Usher received eight nominations and won three including Best Contemporary R&B Album for his diamond selling album \"Confessions\". Britney", + "score": 0.68212890625 + }, + { + "id": "11798583", + "title": "51st Annual Grammy Awards", + "text": "51st Annual Grammy Awards The 51st Annual Grammy Awards took place at the Staples Center in Los Angeles, on February 8, 2009. Robert Plant & Alison Krauss were the biggest winners of the night, winning five awards including Album of the Year for their critically acclaimed Raising Sand. Krauss became the sixth female solo artist to have won 5 awards in one night joining Lauryn Hill, Alicia Keys, Norah Jones, Beyonc\u00e9 Knowles, and Amy Winehouse. Lil Wayne received the most nominations with eight. The awards broadcast won a 2009 Creative Arts Emmy for Outstanding Sound Mixing for a Variety or", + "score": 0.6806640625 + }, + { + "id": "8657474", + "title": "49th Annual Grammy Awards", + "text": "49th Annual Grammy Awards The 49th Annual Grammy Awards was a ceremony honoring the best in music for the recording year beginning September 15, 2005 and ending September 14, 2006 in the United States. The awards were handed out on Sunday, February 11, 2007 at the Staples Center in Los Angeles. The Dixie Chicks were the night's biggest winners winning a total of five awards. Mary J. Blige received the most nominations, with eight. Don Henley was honored as MusiCares Person of the Year two nights prior to the show on February 9, 2007. The show won an Emmy for", + "score": 0.68017578125 + }, + { + "id": "4703107", + "title": "We Belong Together", + "text": "special, titled Dick Clark's New Year's Rockin' Eve with Ryan Seacrest, aired on ABC at 10 pm on December 31, and featured Carey on stage wearing a short sparkling dress, and performing a selection of the album's singles. At the 48th Grammy Awards, held on February 8, 2006, Carey was nominated for eight awards\u2014the most she had ever received in one night. That night, Carey returned to the Grammy stage for the first time since 1996. Her performance opened with a pre-taped video in which she discussed the importance of God and religion in her life. Carey then came to", + "score": 0.68017578125 + }, + { + "id": "4661699", + "title": "Carrie Underwood", + "text": "it in the award show's four-decade run. Underwood was nominated for Video of the Year at the 2009 CMT Awards for \"Just A Dream\". In 2009, at the 51st Grammy Awards, she won, for the third year in a row, the Grammy Award for Best Female Country Vocal Performance, for \"Last Name\", and performed the song at the ceremony. At the 52nd Grammy Awards in 2010, Underwood won her fifth Grammy Award: She won the Grammy Award for Best Country Collaboration with Vocals for \"I Told You So\" with Randy Travis and was also nominated again for Best Female Country", + "score": 0.6796875 + }, + { + "id": "11661753", + "title": "Grammy Award records", + "text": "Jackson won eight in 1984 and Santana tied Jackson's record in 2000. Michael Jackson won eight in 1984. The record most Grammys won by a female artist in one night is six. Beyonc\u00e9 and Adele each won six in 2010 and 2012, respectively. In 2000, Santana was awarded a total of 8 awards. They won the awards for Record of the Year, Album of the Year, Best Pop Performance by a Duo or Group With Vocals, Best Pop Collaboration with Vocals, Best Pop Instrumental Performance, Best Rock Performance by a Duo or Group With Vocals, Best Rock Instrumental Performance and", + "score": 0.6796875 + }, + { + "id": "16087564", + "title": "Christopher Mario Testa", + "text": "the Year, Country Album of the Year, and Best Country Performance by a Duo or Group with Vocal. This marked the first time any band has won that many Grammy awards in the same year. Chris won Grammy's for 3 of the 5 including Album of the Year and Record of the Year. The record went on to sell almost 4 million copies worldwide and was #1 on Billboards Top 200 albums for 2 weeks in a row reaching gold status in the first week. Immediately following the Dixie Chicks record, Chris went to Tempe, AZ to record with emo", + "score": 0.67919921875 + }, + { + "id": "1943036", + "title": "Lucinda Williams", + "text": "later, and the album also became a commercial success. One of the album's tracks, \"Get Right With God,\" earned Williams the Grammy Award for Best Female Rock Vocal Performance in 2002. Williams has released a string of albums since that have earned her more critical acclaim and commercial success. She has won 3 Grammy Awards, from 15 nominations, and received 2 Americana Awards, from 12 nominations. Additionally, Williams ranked No. 97 on VH1's 100 Greatest Women in Rock & Roll in 1998, and was named \"America's best songwriter\" by \"Time\" magazine in 2002. Williams was born in Lake Charles, Louisiana,", + "score": 0.67919921875 + }, + { + "id": "1423853", + "title": "Etta James", + "text": "own people\". The Grammy Awards are awarded annually by the National Academy of Recording Arts and Sciences. James has received six Grammy Awards. Her first was in 1995, when she was awarded Best Jazz Vocal Performance for the album \"Mystery Lady\", which consisted of covers of Billie Holiday songs. Two other albums have also won awards, \"Let's Roll\" (Best Contemporary Blues Album) in 2003, and \"Blues to the Bone\" (Best Traditional Blues Album) in 2004. Two of her early songs have been given Grammy Hall of Fame Awards for \"qualitative or historical significance\": \"At Last\", in 1999, and \"The Wallflower", + "score": 0.6787109375 + }, + { + "id": "1459539", + "title": "Tracy Chapman", + "text": "Female Pop Vocal Performance for her single \"Fast Car\", and Best New Artist. Chapman released her second album \"Crossroads\" the following year, which garnered her an additional Grammy nomination. Since then, Chapman has experienced further success with six more studio albums, which include her multi-platinum fourth album \"New Beginning\", for which she won a fourth Grammy Award, for Best Rock Song, for its lead single \"Give Me One Reason\". Chapman's most recent release is \"Our Bright Future\", in 2008. Chapman was born in Cleveland, Ohio. She was raised by her mother who bought her music-loving three-year-old daughter a ukulele despite", + "score": 0.67724609375 + }, + { + "id": "11661746", + "title": "Grammy Award records", + "text": "Georg Solti, a Hungarian-British conductor who conducted the Chicago Symphony Orchestra for twenty-two years. He has won a total of 31 competitive Grammy Awards out of 74 nominations and was awarded a Grammy Lifetime Achievement Award in 1996. Georg Solti has won a total of 31 Grammy Awards. Alison Krauss has, as a solo artist, collaborator and producer, won 27 Grammy Awards. U2 holds the record for most Grammy Awards won by a group. They have won 22 awards. Quincy Jones with 27 awards holds the record for most Grammy Awards won by a producer (and eleven of those were", + "score": 0.6767578125 + }, + { + "id": "5678078", + "title": "Whitney Houston albums discography", + "text": "Whitney Houston albums discography The discography of American singer Whitney Houston (1963\u20132012) consists of seven studio albums, six compilations, two soundtrack albums, five box sets, six extended plays, and 57 singles. In 1985, Houston released her self-titled debut album. It spent 14 weeks at No.1 on the \"Billboard\" 200 and was certified 13x platinum platinum (Diamond) by the Recording Industry Association of America (RIAA), with global sales of 22 million copies. The album produced four US top 5 singles, including three \"Billboard\" Hot 100 No.1 singles. In 1987, Houston released her second album \"Whitney\". The album debuted at No.1 on", + "score": 0.67578125 + }, + { + "id": "3669236", + "title": "Amy Winehouse", + "text": "the first British woman to win five Grammys, including three of the General Field \"Big Four\" Grammy Awards: Best New Artist, Record of the Year and Song of the Year. Winehouse won three Ivor Novello Awards from the British Academy of Songwriters, Composers, and Authors: in 2004, Best Contemporary Song for \"Stronger Than Me\"; in 2007, Best Contemporary Song again, this time for \"Rehab\"; and in 2008, Best Song Musically and Lyrically for \"Love Is a Losing Game.\" She also won the 2007 Brit Award for Best British Female Artist, having been nominated for Best British Album, with \"Back to", + "score": 0.67578125 + }, + { + "id": "459677", + "title": "Whitney Houston", + "text": "a 1999 MTV VMA nomination for Best R&B Video, and number one on the US R&B chart for seven weeks; \"It's Not Right but It's Okay\" (US No. 4, UK No. 3) won Houston her sixth Grammy Award for Best Female R&B Vocal Performance; \"My Love Is Your Love\" (US No. 4, UK No. 2) with 3 million copies sold worldwide; and \"I Learned from the Best\" (US No. 27, UK No. 19). These singles became international hits as well, and all the singles, except \"When You Believe\", became number one hits on the \"Billboard\" Hot Dance/Club Play chart. The", + "score": 0.67529296875 + }, + { + "id": "16246866", + "title": "55th Annual Grammy Awards", + "text": "a win, with four. Four artists had three nominations without a win: Bruce Springsteen, Jack White, Hunter Hayes and Marvin Sapp. Two artists received a posthumous Grammy Award: Gil Evans (Best Instrumental Arrangement) and Ravi Shankar (Best World Music Album). For many winners, this year's Grammy Award wasn't their first. In fact, over 40 winners now have achieved three or more wins. These artists have received the most cumulative Grammy Awards: The winner with the longest span of Grammy wins this year was Gil Evans, whose first win was in 1960. This year he won a posthumous award. The longest", + "score": 0.67333984375 + }, + { + "id": "1454317", + "title": "Faith Hill", + "text": "won Hill a Grammy Award, and the latter produced the hit singles \"Mississippi Girl\" and \"Like We Never Loved at All\", which earned her another Grammy Award. Hill has won five Grammy Awards, 15 Academy of Country Music Awards, six American Music Awards, and several other awards. Her Soul2Soul II Tour 2006 with McGraw became the highest-grossing country tour of all time. In 2001, she was named one of the \"30 Most Powerful Women in America\" by \"Ladies Home Journal\". In 2009, \"Billboard\" named her as the No. 1 Adult Contemporary artist of the 2000s decade and also as the", + "score": 0.6728515625 + }, + { + "id": "1454352", + "title": "Faith Hill", + "text": "raise $2 million for The Community Foundation of Middle Tennessee in response to the flood in early May that killed 22 people and caused $2 billion in damage. The Country Music Association Awards are held annually by the Country Music Association and celebrate excellence and achievements in the country genre. Hill has won 3 awards from 22 nominations. The Grammy Awards are awarded annually by the National Academy of Recording Arts and Sciences. Hill has won 5 awards from 17 nominations. In addition to her five Grammy Awards, Hill has also won 15 Academy of Country Music Awards, six American", + "score": 0.67236328125 + }, + { + "id": "3669287", + "title": "Amy Winehouse", + "text": "to Black\", produced numerous nominations, including two Brit Awards (Best British Album, and won her Best British Female Solo Artist), six Grammy Awards (including five wins), four Ivor Novello Awards, four MTV Europe Music Awards, three MTV Video Music Awards, three World Music Awards, and it was nominated for the Mercury Prize (Album of the Year) and a MOBO Awards (Best UK Female). During her career, Winehouse received 23 awards from 60 nominations. The BBC's Garry Mulholland called Winehouse \"the pre-eminent vocal talent of her generation\". According to AllMusic's Cyril Cordor, she was one of the UK's premier singers during", + "score": 0.671875 + }, + { + "id": "4173682", + "title": "Whitney Houston (album)", + "text": "majority.\" Green noted firmly that \"Houston's two duet recordings were entered in the 1984 Grammy Awards process for consideration for nomination. That alone was sufficient to make her ineligible this year for best new artist according to academy criteria.\" Finally, the NARAS nominated a-ha, Freddie Jackson, Katrina and the Waves, Julian Lennon and Sade for Best New Artist. The award went to Sade. But after 1986, whenever the controversy involving Grammy Award for Best New Artist arose, Houston's ineligibility for that category was often mentioned. Those were the cases with the past winners such as 1988's Jody Watley and 1999's", + "score": 0.67138671875 + }, + { + "id": "459718", + "title": "Whitney Houston", + "text": "the February 12, 2012 ceremony. He said \"event organizers believed Hudson \u2013 an Academy Award-winning actress and Grammy Award-winning artist \u2013 could perform a respectful musical tribute to Houston.\" Ehrlich went on to say: \"It's too fresh in everyone's memory to do more at this time, but we would be remiss if we didn't recognize Whitney's remarkable contribution to music fans in general, and in particular her close ties with the Grammy telecast and her Grammy wins and nominations over the years.\" At the start of the awards ceremony, footage of Houston performing \"I Will Always Love You\" from the", + "score": 0.67138671875 + }, + { + "id": "2507138", + "title": "Grammy Award for Best Country Performance by a Duo or Group with Vocal", + "text": "and The Judds have been honored with 5 trophies in this category. Other multiple winners include Alison Krauss and Union Station, and Emmylou Harris who have won 3 apiece, and Asleep at the Wheel, Brooks and Dunn, Alabama, Rita Coolidge & Kris Kristofferson and Lady Antebellum all of whom have won 2. Grammy Award for Best Country Performance by a Duo or Group with Vocal The Grammy Award for Best Country Performance by a Duo or Group with Vocal was awarded from 1970 to 2011. The award has had several minor name changes: The award was discontinued after the 2011", + "score": 0.67138671875 + }, + { + "id": "13778053", + "title": "53rd Annual Grammy Awards", + "text": "Spalding was awarded Best New Artist. Lady Antebellum won five awards including Record of the Year and Song of the Year for \"Need You Now\". Other multiple winners include: David Frost, John Legend, Lady Gaga, Jay-Z, and Jeff Beck with three awards each. The Black Keys, Eminem, Herbie Hancock, Alicia Keys, The Roots, Christopher Tin and BeBe Winans won two awards each. The television broadcast of the 53rd Grammy Awards marked the last awards show for the Grammy's executive producer, John Cossette, before his death on April 26, 2011. The following performed: The following presented: An Engineer's Award. Battle Studies", + "score": 0.6708984375 + }, + { + "id": "110227", + "title": "Dolly Parton", + "text": "received an honorary doctorate degree from Carson-Newman College (Jefferson City, Tennessee) in 1990. This was followed by induction into the National Academy of Popular Music/Songwriters Hall of Fame in 2001. In 2002, she ranked No. 4 in CMT's 40 Greatest Women of Country Music. Parton has received 46 Grammy Award nominations, tying her with Bruce Springsteen for the most Grammy nominations and positioning her in tenth place overall. Parton was honored in 2003 with a tribute album called \"Just Because I'm a Woman: Songs of Dolly Parton.\" The artists who recorded versions of Parton's songs included Melissa Etheridge (\"I Will", + "score": 0.6708984375 + }, + { + "id": "4380996", + "title": "Rosanne Cash", + "text": "Award in 1985 for \"I Don't Know Why You Don't Want Me\" and has received 12 other Grammy nominations. She has had 11 No. 1 country hit singles, 21 Top 40 country singles, and two gold records. Cash was the 2014 recipient of Smithsonian magazine's American Ingenuity Award in the Performing Arts category. On February 8, 2015, Cash won three Grammy awards for Best Americana Album for \"The River & the Thread\", Best American Roots Song with John Leventhal and Best American Roots Performance for \"A Feather's Not A Bird\". Cash was honored further on October 11, 2015, when she", + "score": 0.669921875 + }, + { + "id": "2052969", + "title": "42nd Annual Grammy Awards", + "text": "42nd Annual Grammy Awards The 42nd Annual Grammy Awards were held on February 23, 2000 at the Staples Center in Los Angeles, California. They recognized accomplishments by musicians from the year 1999. Santana was the main recipient with eight Grammys, tying Michael Jackson's record for most awards won in a single night. Santana's album \"Supernatural\" was awarded a total of nine awards. Best Female R&B Vocal Performance Best Male R&B Vocal Performance Best Female Country Vocal Performance Best Male Country Vocal Performance Best Country Performance by a Duo or Group with Vocal Best Country Collaboration with Vocals Best Country Instrumental", + "score": 0.669921875 + }, + { + "id": "19220335", + "title": "Triple Crown of Acting", + "text": "Moreno are the only triple crown winners in competitive acting categories who have also won a Grammy Award to complete the EGOT. American actress Helen Hayes (1900\u20131993) was the first performer to achieve the triple crown of acting. She completed the triple crown in 1953. Hayes was a 9-time Emmy (1), 3-time Tony (2), and 2-time Oscar (2) nominee, for a total of 14 TC nominations. She won two Oscars, two Tonys and an Emmy for a total of five competitive triple crown awards. She also won a Grammy in 1977 for Best Spoken Word Recording to complete the EGOT,", + "score": 0.669921875 + }, + { + "id": "4661721", + "title": "Carrie Underwood", + "text": "and performed \"Two Black Cadillacs\". In early 2013, Underwood won the prize for Top Selling International Album of the Year at the 41st Country Music Awards of Australia, held by the Country Music Association of Australia. Also in February 2013, Underwood won her sixth Grammy Award, for Best Country Solo Performance, for \"Blown Away\". She performed a medley of \"Blown Away\" and \"Two Black Cadillacs\" at the awards show. On February 13, Underwood received two nominations for the Academy of Country Music Awards. She won International Album of the Year at the 2013 British Country Music Awards. At the 2013", + "score": 0.6689453125 + }, + { + "id": "6242177", + "title": "Some Hearts", + "text": "Grammy Awards, in 2007, Underwood won the Grammy Award for Best New Artist and the Grammy Award for Best Female Country Vocal Performance, for \"Jesus, Take the Wheel\", which also won Best Country Song for its songwriters, being nominated for Song of the Year as well. The following year, at the 50th Grammy Awards, Underwood won the Grammy for Best Female Country Vocal Performance for \"Before He Cheats\". The song won Best Country Song for the songwriters as well as being nominated for Song of the Year. \"Some Hearts\" debuted number two on the \"Billboard\" 200, behind Madonna's \"Confessions on", + "score": 0.6689453125 + }, + { + "id": "7424943", + "title": "Allee Willis", + "text": "wrote, recorded, and produced for her hometown of Detroit at the Detroit Institute of Arts. The Grammy Awards are awarded annually by the National Academy of Recording Arts and Sciences of the United States. Willis has won two Grammys from three nominations. Willis has also been nominated for a Tony Award. Willis has also been nominated for a Emmy Award. Allee Willis Allee Willis (born November 10, 1947) is an American songwriter, artist, set designer, multimedia artist, writer, collector, and director. Willis has won two Grammy Awards from three nominations. During 2018 she was also inducted into the Songwriters Hall", + "score": 0.6689453125 + }, + { + "id": "4173677", + "title": "Whitney Houston (album)", + "text": "years before and was the main theme of the boxer Muhammad Ali biopic \"\"The Greatest\"\" in the same year. In February 1986, the controversy was caused at the 28th Grammy Awards by the absence of Whitney Houston's name for the Best New Artist. Although \"Whitney Houston\" was her debut album released in 1985, she was not nominated in that category because of her disqualification as a new artist. Upon hearing that Houston would be denied the opportunity to compete in the Best New Artist category for 1985, Clive Davis, then the president of Arista Records, sent a letter of complaint", + "score": 0.66845703125 + }, + { + "id": "110151", + "title": "Dolly Parton", + "text": "Awards, two Academy Award nominations, ten Country Music Association Awards, seven Academy of Country Music Awards, three American Music Awards, and is one of only seven female artists to win the Country Music Association's Entertainer of the Year Award. Parton has received 47 Grammy nominations. In 1999, Parton was inducted into the Country Music Hall of Fame. She has composed over 3,000 songs, notably \"I Will Always Love You\" (a two-time U.S. country chart-topper for Parton, as well as an international pop hit for Whitney Houston), \"Jolene\", \"Coat of Many Colors\", and \"9 to 5\". She is also one of", + "score": 0.66796875 + }, + { + "id": "2628415", + "title": "46th Annual Grammy Awards", + "text": "46th Annual Grammy Awards The 46th Annual Grammy Awards were held on February 8, 2004 at the Staples Center in Los Angeles, California. They recognized accomplishments by musicians from the previous year. The big winners were Outkast, who won three awards including Album of the Year & Beyonc\u00e9 Knowles, who won five Awards. Tied for the most nominations, with six each, were Knowles, Outkast, and Jay-Z. Janet Jackson was originally scheduled to perform a tribute to Luther Vandross during the ceremony. However, due to an incident involving Jackson during the Super Bowl XXXVIII halftime show the previous week, where her", + "score": 0.66748046875 + }, + { + "id": "459644", + "title": "Whitney Houston", + "text": "as Australia, Germany and the UK. The next three singles, \"Didn't We Almost Have It All\", \"So Emotional\", and \"Where Do Broken Hearts Go\" all peaked at number one on the US Hot 100 chart, which gave her a total of seven consecutive number one hits, breaking the record of six previously shared by The Beatles and the Bee Gees. Houston became the first woman to generate four number-one singles from one album. \"Whitney\" has been certified 9\u00d7 Platinum in the US for shipments of over 9 million copies, and has sold a total of 20 million copies worldwide. At", + "score": 0.6669921875 + }, + { + "id": "19220336", + "title": "Triple Crown of Acting", + "text": "for competitive Emmy, Grammy, Oscar and Tony wins. Hayes is one of only two Triple Crown winners (along with Rita Moreno) to have achieved the EGOT. American actor Thomas Mitchell (1892\u20131962) completed the triple crown in 1953, two months after Helen Hayes. He was a 3-time Emmy (1), 2-time Oscar (1), and 1-time Tony (1) nominee, for a total of six TC nominations. Mitchell won three awards. Swedish actress Ingrid Bergman (1915\u20131982) completed the triple crown in 1960. She was a 7-time Oscar (3), 3-time Emmy (2), and 1-time Tony (1) nominee, for a total of 11 TC nominations. Bergman", + "score": 0.66650390625 + }, + { + "id": "13018419", + "title": "52nd Annual Grammy Awards", + "text": "awards breaking the record for most wins by a female artist in one night. Taylor Swift won four while The Black Eyed Peas, Jay-Z and Kings of Leon won three. Artists who won two awards include A. R. Rahman, Colbie Caillat, Eminem, Kanye West, Lady Gaga, Maxwell, Jason Mraz and Rihanna. Judas Priest, AC/DC, and Imogen Heap each won a Grammy for the first time in their careers. Taylor Swift's \"Fearless\" was awarded the Grammy Award for Album of the Year, the youngest to win the award at age 20. \"Use Somebody\" by rock band Kings of Leon won the", + "score": 0.66650390625 + }, + { + "id": "4867457", + "title": "Al Schmitt", + "text": "Grammy in 1963 for engineering the \"Hatari!\" soundtrack by Henry Mancini. The song \"Moon River\" and its won two Grammy awards in 1961 as well as an Academy Award for Best Song with its appearance in the film \"Breakfast at Tiffany's\". He was awarded two Latin Grammy Awards in 2000 including Album of the Year. In 2005 he won five Grammys for his work on Ray Charles' \"Genius Loves Company\", including Album of the Year, setting the record for most Grammys won by an engineer or mixer in one night. In 2006, he was given the Grammy Trustees Lifetime Achievement", + "score": 0.666015625 + }, + { + "id": "5678086", + "title": "Whitney Houston albums discography", + "text": "the Official UK Charts Company in October 2012, Houston is at number four in the top 10 biggest selling female singles artists of all-time list with a sales total of 8.5 million singles. Whitney Houston is one of pop music's best-selling music artists of all-time, with an estimated 170\u2013200 million records sold worldwide. Whitney Houston albums discography The discography of American singer Whitney Houston (1963\u20132012) consists of seven studio albums, six compilations, two soundtrack albums, five box sets, six extended plays, and 57 singles. In 1985, Houston released her self-titled debut album. It spent 14 weeks at No.1 on the", + "score": 0.6650390625 + }, + { + "id": "1675651", + "title": "Bette Midler", + "text": "Beverly Hills\" (1986), \"Ruthless People\" (1986), \"Outrageous Fortune\" (1987), \"Big Business\" (1988), \"Beaches\" (1988), \"Hocus Pocus\" (1993), \"The First Wives Club\" (1996), \"The Stepford Wives\" (2004), and \"Parental Guidance\" (2012). She also starred in \"For the Boys\" (1991) and \"Gypsy\" (1993), winning two additional Golden Globes for these films and receiving a second Academy Award nomination for the former. In a career spanning almost half a century, Midler has won three Grammy Awards, four Golden Globes, three Emmy Awards, and two Tony Awards. She has sold over 30 million records worldwide, and has received four Gold, three Platinum, and three", + "score": 0.6630859375 + }, + { + "id": "4661691", + "title": "Carrie Underwood", + "text": "was nominated for two more Grammys: Best Female Country Vocal Performance, for \"Before He Cheats\" and Best Country Collaboration with Vocals, for \"Oh, Love\" a duet with Brad Paisley. She won one Grammy Award that night, for Best Female Country Vocal Performance, and performed the song at the ceremony. In December 2005, Underwood was named Oklahoman of the Year by \"Oklahoma Today\". In December 2006, Underwood joined Tony Bennett, Michael Bubl\u00e9, and Josh Groban to sing \"For Once in My Life\" on \"The Oprah Winfrey Show\". That same month, she paid tribute to Dolly Parton, by singing \"Islands in the", + "score": 0.6630859375 + }, + { + "id": "459690", + "title": "Whitney Houston", + "text": "was certified platinum in the United States, and sold approximately two million worldwide. On a June 2003 trip to Israel, Houston said of her visit, \"I've never felt like this in any other country. I feel at home, I feel wonderful.\" In late 2003, Houston released her first Christmas album \"\", with a collection of traditional holiday songs. Houston produced the album with Mervyn Warren and Gordon Chambers. A single titled \"One Wish (for Christmas)\" reached the Top 20 on the Adult Contemporary chart, and the album was certified gold in the US. In December 2003, Bobby Brown was charged", + "score": 0.662109375 + }, + { + "id": "3133442", + "title": "Anita Baker", + "text": "BET Awards were established in 2001 by the Black Entertainment Television network to celebrate African Americans in music, acting, sports, and other fields of entertainment over the past year. The awards are presented annually, and are broadcast live on BET. The Grammy Awards are awarded annually by the National Academy of Recording Arts and Sciences. Baker has received eight awards from 18 nominations. The American Music Awards is an annual awards ceremony created by Dick Clark in 1973. Baker has received four awards from nine nominations. The Soul Train Music Awards is an annual award show aired in national broadcast", + "score": 0.662109375 + }, + { + "id": "2195031", + "title": "35th Annual Grammy Awards", + "text": "was the 1993 telecast, which got a 19.9 rating/31 share and 30 million United States viewers\" alone. British guitarist and singer Eric Clapton was the night's big winner, winning six awards out of nine nominations including Album, Song and Record of the Year. Michael Jackson, having been recently interviewed in Oprah Winfrey Show had received the Grammy Legend Award from his sister Janet Jackson, for whom she won Best R&B song for her single That's the Way Loves Go. A small segment of the show was \"How to Become a Legend\" narrated by Janet. A total of twelve live performances", + "score": 0.66064453125 + }, + { + "id": "11661747", + "title": "Grammy Award records", + "text": "awarded for production duties. Jones also received Grammys as an arranger and a performing artist). Some producers have also won awards as engineers, mixers and/or mastering engineers. John Williams with 24 awards holds the record for most Grammy Awards won by a composer or songwriter. Some producers have also won awards as producers, singers, and. Al Schmitt, with 20 awards, has won more Grammy Awards than any other engineer or mixer. The Peasall Sisters are the youngest Grammy winners, when they were credited artists on the \"O Brother, Where Art Thou?\" soundtrack, which won Album of the Year in 2002.", + "score": 0.66064453125 + }, + { + "id": "11661757", + "title": "Grammy Award records", + "text": "of the Year. Quincy Jones holds the record for the most Grammy nominations with 80. Michael Jackson and Babyface hold the record for most Grammy nominations in one night with 12 nominations. The record for most Grammy nominations without a win is 26, held by Morten Lindberg. Only ten artists have been nominated for all four General Field awards in one night. Leah Peasall of the Peasall sisters is the youngest ever Grammy nominee (and winner) as one of the credited artists on the \"O Brother, Where Art Thou? (soundtrack)\" in 2002. Deleon Richards is the youngest performer to receive", + "score": 0.66015625 + }, + { + "id": "1460454", + "title": "Randy Travis", + "text": "the Year five times. In addition to his singing career, he pursued an acting career, appearing in numerous films and television series, including \"The Rainmaker\" (1997) with Matt Damon, \"Black Dog\" (1998) with Patrick Swayze, \"Texas Rangers\" (2001) with James Van Der Beek, and seven episodes of the \"Touched by an Angel\" television series. Travis has sold over 25 million records and has won six Grammy Awards, six CMA Awards, nine ACM Awards, 10 AMA Awards, eight Dove Awards, and a star on the Hollywood Walk of Fame. In 2016, Travis was inducted into the Country Music Hall of Fame.", + "score": 0.66015625 + }, + { + "id": "1619472", + "title": "41st Annual Grammy Awards", + "text": "41st Annual Grammy Awards The 41st Annual Grammy Awards were held on February 24, 1999, at Shrine Auditorium, Los Angeles. They recognized accomplishments by musicians from the year 1998. Lauryn Hill was the main recipient, winning a total of 5 awards including Album of the Year and Best New Artist. Her album was the first Hip Hop act ever to win the coveted award. The ceremony was known as the \"Grammy Year of Women\", because every artist nominated for Album of the Year was female (including Garbage, with Shirley Manson as the lead singer). Madonna won four awards while musicians", + "score": 0.66015625 + }, + { + "id": "5821288", + "title": "You Give Good Love", + "text": "number of awards and nominations following its release. \"You Give Good Love\" won Favorite Soul/R&B Singles at the 13th annual American Music Awards, where Houston garnered a total of six nominations in Pop/Rock and Soul/R&B categories, on January 27, 1986. The song received two Grammy nominations\u2015Best R&B Song and Best R&B Vocal Performance, Female\u2015but lost to \"Freeway of Love\" written by Jeffrey Cohen and Narada Michael Walden, performed by Aretha Franklin in both categories, at the 28th Grammy Awards, held on February 25, 1986. \"You Give Good Love\" was released as the first single from Houston's debut album \"Whitney Houston\"", + "score": 0.65966796875 + }, + { + "id": "4174615", + "title": "Just Whitney", + "text": "the week ending December 28, 2002, \"Just Whitney\" debuted and peaked at number nine on the \"Billboard\" 200 and number three on Top R&B/Hip-Hop Albums, becoming Houston's fourth and fifth top ten studio album on each chart, respectively. The album sold 205,147 copies, an amount higher than her previous record of 177,284 copies with \"\", in its first week, thus earning Houston's highest first week sales of her career in the Nielsen Soundscan era at that time. The album spent 26 weeks on the charts. It was certified platinum by the Recording Industry Association of America (RIAA) for shipments exceeding", + "score": 0.658203125 + }, + { + "id": "2463442", + "title": "Betty White", + "text": "with English singer Luciana to produce a remix of her song \"I'm Still Hot\". The song was released digitally on September 22 and the video later premiered on October 6. It was made for a campaign for a life settlement program, The Lifeline. White served as a judge alongside Whoopi Goldberg and Wendy Diamond for the American Humane Association's Hero Dog Awards airing on The Hallmark Channel on November 8, 2011. White has won five Primetime Emmy Awards, two Daytime Emmy Awards (including the 2015 Daytime Emmy for Lifetime Achievement), and received a Regional (LA) Emmy in 1952. White is", + "score": 0.658203125 + }, + { + "id": "6806337", + "title": "48th Annual Grammy Awards", + "text": "Year was their second win for that particular award. They previously won it back in 1988 for \"The Joshua Tree\". They are the only rock act to have more than one Album of the Year win. Top nominees included Mariah Carey, John Legend and Kanye West with eight each, but won only three awards each. Kelly Clarkson won two awards, becoming the first American Idol contestant ever to win a Grammy. Multiple award winners (awards won/nominated): Awards for composing and arranging: Awards for soundtrack contributions: Award for Musical theatre recording: Awards for production and engineering: 48th Annual Grammy Awards The", + "score": 0.658203125 + }, + { + "id": "4174603", + "title": "Just Whitney", + "text": "sales stand at approximately 1 million units. In 2003, \"Just Whitney...\" was nominated at the Soul Train Lady of Soul Awards in the category for Best R&B/Soul Album of the Year. \"Just Whitney...\" is Houston's fifth studio album, that she recorded after renewing her contract with Arista for a record $100 million. It is mixed with soulful and R&B ballads to dance songs. Houston said that she wanted to make a \"very soul oriented\" album, something she felt was missing on the radio. It was a departure in style from her previous album \"My Love Is Your Love\", which was", + "score": 0.658203125 + }, + { + "id": "2073627", + "title": "Delta Goodrem", + "text": "on the ARIA Albums Chart, while giving her another number-one single, \"Wings\". Goodrem has a total of nine number-one singles and 17 top-ten hits on the ARIA Singles Chart. She has sold over eight million albums globally and overall has won three World Music Awards, 9 ARIA Music Awards, an MTV Video Music Award and several other awards. She has served as a coach on \"The Voice Australia\" every year since 2012 (except from in 2014), taking home the win in season five in 2016 and again in season six in 2017. She also won the only edition of \"The", + "score": 0.658203125 + }, + { + "id": "1562684", + "title": "28th Annual Grammy Awards", + "text": "for both, as it marked the first time in their respective careers that they won the coveted Song of the Year category. For Richie, it was his sixth attempt in eight years. The other three awards for the charity single were not given to the performing artist (as is usually the case), but to the song's producer, Quincy Jones. These three Grammy's brought his career total to 19, just one shy of the (then) record holder in the popular genres, Henry Mancini. Another big winner was Phil Collins, whose \"No Jacket Required\" LP amassed three wins: Album of the Year,", + "score": 0.65771484375 + }, + { + "id": "1399423", + "title": "Linda Ronstadt", + "text": "Music Through the Ages\", an album of classical music using glass instruments with Dennis James, where she sang on several of the arrangements. In 1999, Ronstadt also produced the Grammy Award-winning \"Trio II\". She has received a total of 27 Grammy Award nominations in various fields that include rock, country, pop and Tropical Latin, and has won 11 Grammy Awards in the categories of Pop, Country, Tropical Latin, Musical Album for Children and Mexican-American. In 2016, Ronstadt was again honored by the National Academy of Recording Arts and Sciences with the Lifetime Achievement Grammy. She was the first female solo", + "score": 0.65771484375 + }, + { + "id": "110225", + "title": "Dolly Parton", + "text": "awards out of 42 nominations. At the Academy of Country Music, she has won seven awards and 39 nominations. She is one of only six female artists (including Reba McEntire, Barbara Mandrell, Shania Twain, Loretta Lynn, and Taylor Swift), to win the Country Music Association's highest honor, Entertainer of the Year (1978). She also has been nominated for two Academy Awards and a Tony Award. She was nominated for an Emmy Award for her appearance in a 1978 Cher television special. She was awarded a star on the Hollywood Walk of Fame for her music in 1984, located at 6712", + "score": 0.65771484375 + }, + { + "id": "2926159", + "title": "Andrae\u0301 Crouch", + "text": "for Help\") and Prefab Sprout. Crouch also had a long relationship with the Oslo Gospel Choir, which he occasionally produced, arranged for and performed with. Crouch won numerous awards throughout his career that included seven Grammy Awards and four GMA Dove Awards. He was also the recipient of ASCAP, \"Billboard\", and NAACP Awards. In 2004, he became the only living Gospel artist \u2013 and just the third in history \u2013 to have a star on the Hollywood Walk of Fame. On November 11, 2011, Sandra and Andrae Crouch were granted an honorary \"Artist-in-Residence\" Award by the International Center of Worship", + "score": 0.65771484375 + }, + { + "id": "3643454", + "title": "Cissy Houston", + "text": "Cissy Houston Emily \"Cissy\" Houston (n\u00e9e Drinkard; born September 30, 1933) is an American soul and gospel singer. After a successful career singing backup for such artists as Dionne Warwick, Elvis Presley and Aretha Franklin, Houston embarked on a solo career, winning two Grammy Awards for her work. Houston is the mother of singer Whitney Houston, grandmother of Bobbi Kristina Brown, aunt of singers Dionne and Dee Dee Warwick, and a cousin of opera singer Leontyne Price. Born Emily Drinkard in Newark, New Jersey, to Nitcholas and Delia Mae Drinkard (n\u00e9e McCaskill), she was the eighth and final child; older", + "score": 0.6572265625 + }, + { + "id": "2677703", + "title": "Grammy Award for Best Southern, Country or Bluegrass Gospel Album", + "text": "to \"tighten the number of categories\" at the Grammy Awards. In 2015, a similar category, Best Roots Gospel Album was introduced. Bill Gaither has the most wins in the category, with a total of four: two from his work in the Gaither Vocal Band, and another two in combination with his wife, Gloria. Randy Travis has won one less Grammy than Gaither in this category, with three. Bill Gaither has the most nominations in the category, with eleven; the Light Crust Doughboys have eight, trailing Gaither by three nominations. Kyle Lehning holds the record for most wins as a producer", + "score": 0.6572265625 + }, + { + "id": "5678079", + "title": "Whitney Houston albums discography", + "text": "the \"Billboard\" 200 and was supported by four US number-one singles: \"I Wanna Dance with Somebody (Who Loves Me)\", \"Didn't We Almost Have It All\", \"So Emotional\", and \"Where Do Broken Hearts Go\", which established an unprecedented seven consecutive No.1 hits by a performer. \"Whitney\" was certified Diamond by the RIAA and topped the charts in numerous countries, having sold in excess of 20 million copies worldwide. Houston's third studio album, \"I'm Your Baby Tonight\" (1990), peaked at number three on the \"Billboard\" 200 chart and yielded two number-one singles; \"I'm Your Baby Tonight\" and \"All the Man That I", + "score": 0.6572265625 + }, + { + "id": "459702", + "title": "Whitney Houston", + "text": "performance. Some fans reportedly walked out of her concerts. In January 2010, Houston was nominated for two NAACP Image Awards, one for Best Female Artist and one for Best Music Video. She won the award for Best Music Video for her single \"I Look to You\". On January 16, she received The BET Honors Award for Entertainer citing her lifetime achievements spanning over 25 years in the industry. The 2010 BET Honors award was held at the Warner Theatre in Washington, D.C. and aired on February 1, 2010. Jennifer Hudson and Kim Burrell performed in honor of her, garnering positive", + "score": 0.6572265625 + }, + { + "id": "1460120", + "title": "Merle Haggard", + "text": "Fame in 1977, the Country Music Hall of Fame and Museum in 1994, and the Oklahoma Music Hall of Fame in 1997. In 2006, he received a Grammy Lifetime Achievement Award, and was also honored as a BMI Icon at the 54th annual BMI Pop Awards that same year. During his songwriting career up to that time, Haggard had earned 48 BMI Country Awards, nine BMI Pop Awards, a BMI R&B Award, and 16 BMI \"Million-Air\" awards, all from a catalog of songs that added up to over 25 million performances. Haggard accepted a Kennedy Center Honor on December 4,", + "score": 0.6572265625 + }, + { + "id": "1456562", + "title": "Gloria Estefan", + "text": "\"Bad Boy,\" \"Oye!,\" \"Party Time\" and a remake of \"Turn the Beat Around\" became international chart-topping hits. Estefan has sold an estimated 115 million records worldwide, including 31.5 million in the United States alone. She has won three Grammy Awards and received a star on the Hollywood Walk of Fame and Las Vegas Walk of Fame. In 2015, she received the Presidential Medal of Freedom for her contributions to American music and received the Kennedy Center Honors in December 2017 for her contributions to American Culture Life. Estefan also won an MTV Video Music Award, she was honored with the", + "score": 0.65673828125 + }, + { + "id": "873482", + "title": "Cyndi Lauper", + "text": "LGBT youth, is named. The Grammy Awards are awarded annually by the National Academy of Recording Arts and Sciences. Lauper has won two awards from 16 nominations. The Antoinette Perry Award for Excellence in Theatre, more commonly known informally as the Tony Award, recognizes achievement in live Broadway theatre. The awards are presented by The Broadway League at an annual ceremony in New York City. Lauper is the first woman to win a Tony solo for Best Score. An Emmy Award recognizes excellence in the television industry. The MTV Video Music Awards were established in 1984 by MTV to celebrate", + "score": 0.65673828125 + }, + { + "id": "4173683", + "title": "Whitney Houston (album)", + "text": "Lauryn Hill, established their \"public identities\" through their work with Shalamar and the Fugees respectively. When Shelby Lynne received the trophy in 2001, more than a decade after charting several singles on the country charts, so did it. Richard Marx, ruled ineligible for nomination as Best New Artist in 1988, stuck it to the NARAS about their inconsistency, on the feature article about him of \"Orange Coast\" magazine, stating as follows: \"[...] But so did Whitney Houston for the same reason. And frankly, I don't have a lot of respect for N.A.R.A.S., the Grammy people's ruling system, because it's so", + "score": 0.65673828125 + }, + { + "id": "1627986", + "title": "Grammy Award for Best R&B Song", + "text": "Grammy Award for Best R&B Song The Grammy Award for Best R&B Song (sometimes known as the R&B Songwriter's Award) has been awarded since 1969. From 1969 to 2000 it was known as the Grammy Award for Best Rhythm and Blues Song. Years reflect the year in which the Grammy Awards were presented, for music released in the previous year. Beyonc\u00e9 has won it a record four times, while Babyface, Stevie Wonder, Bill Withers and Alicia Keys have three wins each. The Grammy is awarded to the songwriter(s) of the winning song, not to the performing artist(s) (except if the", + "score": 0.65673828125 + }, + { + "id": "1613448", + "title": "Songs in the Key of Life", + "text": "styles and the life and feelings of the artist. It included recollections of childhood, of first love and lost love. It contained songs about faith and love among all peoples and songs about social justice for the poor and downtrodden. On February 19, 1977, Wonder was nominated for seven Grammy Awards, including Album of the Year, an award that he had already won twice, in 1974 and 1975, for \"Innervisions\" and \"Fulfillingness\u2019 First Finale\". Since 1973, Stevie\u2019s presence at the Grammy ceremonies had been consistent \u2013 he attended most of the ceremonies and also used to perform on stage. But", + "score": 0.65625 + }, + { + "id": "2639157", + "title": "Alison Krauss", + "text": "in bluegrass music in the United States. Her soundtrack performances have led to further popularity, including the \"O Brother, Where Art Thou?\" soundtrack, an album also credited with raising American interest in bluegrass, and the \"Cold Mountain\" soundtrack, which led to her performance at the 2004 Academy Awards. As of 2018, she has won 27 Grammy Awards from 42 nominations, tying her for the second most awarded recipient alongside Quincy Jones, second only to classical conductor Georg Solti, who holds the record for most wins with 31. She is the most awarded singer and the most awarded female artist in", + "score": 0.65576171875 + }, + { + "id": "1309103", + "title": "Stevie Wonder", + "text": "Snore in '74\". He also co-wrote and produced the Syreeta Wright album \"\". On October 4, 1975, Wonder performed at the historic \"Wonder Dream Concert\" in Kingston, Jamaica, a benefit for the Jamaican Institute for the Blind. In 1975, he played harmonica on two tracks on Billy Preston's album \"It's My Pleasure\". By 1975, at age 25, Wonder had won two consecutive Grammy Awards: in 1974 for \"Innervisions\" and in 1975 for \"Fulfillingness' First Finale\". In 1976, when Paul Simon won the Album Of The Year Grammy for his \"Still Crazy After All These Years\", he wryly noted, \"I'd like", + "score": 0.6552734375 + }, + { + "id": "705090", + "title": "Alicia Keys", + "text": "shared the award for the Ambassador of Conscience from Amnesty International alongside Canadian Indigenous rights activists. The award is bestowed on activists \"who have stood up to injustice, inspired others and furthered the cause of human rights\", showing \"exceptional leadership and courage in championing human rights\". Amnesty said that Keys \"has used her career and platform as a 15-time Grammy award-winning artist to inspire and campaign for change ... [and] has increasingly interwoven her activism with her art. Salil Shetty, Secretary General of Amnesty International, stated: In 2018, Keys was honored at \"Variety\" Power of Women luncheon for her work", + "score": 0.65478515625 + }, + { + "id": "5926265", + "title": "Fly Like a Bird", + "text": "on over twelve different cable channels and in ninety-five countries. Following the beginning of 2006, and the continued charting of the album, Carey was nominated for eight Grammy Awards, the most she had received in one night throughout her career. Due to the continued success of \"The Emancipation of Mimi\", Carey decided to return to the Grammy stage for the 48th annual ceremony, held on February 8, 2006, for the first time since 1996. The performance opened with a pre-taped video of Carey discussing the importance of religion and God in her life, and how it helped her get through", + "score": 0.65478515625 + }, + { + "id": "5020240", + "title": "I Will Always Love You", + "text": "hip for the MOR songbird.\" Stewart Mason of AllMusic found Houston's cover \"repulsively overwrought... so boomingly bombastic and glutinous with self-approbation that the tenderness of Dolly Parton's song is lost in the mire\". \"I Will Always Love You\" won the 1994 Grammy Award for Record of the Year, and Grammy Award for Best Female Pop Vocal Performance, her third award for this category after earlier awards in 1986 and 1988. During the Grammy Award telecast, the Grammy Award for Best Pop Vocal Performance, Female was presented to Houston by composer Dolly Parton and David Foster. The single topped the 1993", + "score": 0.654296875 + }, + { + "id": "20144157", + "title": "Black women in the music industry", + "text": "audience. She was the first female MC to ever go gold which paved the way for other women rappers. \"Black Reign\" was her most popular album and included her biggest single, U.N.I.T.Y, which won a Grammy for Best Solo Rap Performance. Another independent contemporary music artist is Rihanna. She has won six Grammy Awards, eight American Music Awards, and twenty-two Billboard Music Awards. She\u2019s the youngest solo artist to have 13 number one singles on the Billboard Hot 100 chart. Rihanna created a foundation to help terminally ill children. She has also supported charities and foundations to help build a", + "score": 0.65380859375 + }, + { + "id": "459746", + "title": "Whitney Houston", + "text": "history. Houston's entrance into the music industry is considered one of the 25 musical milestones of the last 25 years, according to \"USA Today\" in 2007. It stated that she paved the way for Mariah Carey's chart-topping vocal gymnastics. In 1997, the Franklin School in East Orange, New Jersey was renamed to The Whitney E. Houston Academy School of Creative and Performing Arts. In 2001, Houston was the first artist to be given a BET Lifetime Achievement Award. Houston is one of pop music's best-selling music artists of all-time, with an estimated 170\u2013200 million records sold worldwide. She was ranked", + "score": 0.65380859375 + }, + { + "id": "2463395", + "title": "Grammy Award for Best Song Written for Visual Media", + "text": "(2 each). Diane Warren have the most nomination with 10, followed by Alan Menken with 9, Babyface with 7, James Horner and T Bone Burnett with 4 each, Madonna, Howard Ashman, Tim Rice and Michael Kamen with 3 each (all of them won at least one Grammy). Sting is the most nominated artist without wins (was nominated also 3 times). Stephen Sondheim, Elton John, Elvis Costello and U2 were nominated 2 times without winning. Babyface was the artist with more nomimations in a single year with 3 nominations in 1997 but failed to win the award that year. Grammy Award", + "score": 0.65283203125 + }, + { + "id": "11661755", + "title": "Grammy Award records", + "text": "Classical, Best Alternative Music Album and Best Rock Album for his work on Adele's '25', David Bowie's 'Blackstar' and Cage The Elephant's 'Tell Me I'm Pretty'. Christopher Cross (1981) received all four General Field awards in one night. Cross won the Record of the Year (\"Sailing\"), Album of the Year (\"Christopher Cross\"), Song of the Year (\"Sailing\"), and Best New Artist Grammys in a single ceremony. The three biggest Grammy Awards are Record of the Year, Album of the Year and Song of the Year. Seven artists have won all three in one night. Adele is the only artist in", + "score": 0.65234375 + }, + { + "id": "2472181", + "title": "Jack White", + "text": "cylinders. The foundation's director, Eric J. Schwartz said the donation demonstrated a \"commitment by a really busy songwriter and performer donating both his time on the board, and money to preserve our national song recording heritage\". White also serves on the foundation's board. In July 2016, White joined Nashville's 45-member Gender Equality Council. For his various collaborations and solo work, White has won regional, national and international awards, including twelve Grammy Awards and has been nominated for 33. Nashville mayor Karl Dean awarded White the title of \"Nashville Music City Ambassador\" in 2011. Listed below are notable awards he has", + "score": 0.65234375 + }, + { + "id": "2647269", + "title": "Grammy Award for Best Gospel/Contemporary Christian Music Performance", + "text": "Blackwood Brothers hold the record for most awards in this category with four wins, two of them alongside Porter Wagoner. They also hold the record for most nominations, with seven. Two-time winners include Porter Wagoner, The Oak Ridge Boys, Karen Clark Sheard and CeCe Winans. Grammy Award for Best Gospel/Contemporary Christian Music Performance The Grammy Award for Best Gospel/Contemporary Christian Music Performance is an award presented at the Grammy Awards, a ceremony that was established in 1958 and originally called the Gramophone Awards. According to the 54th Grammy Awards description guide it is designed for solo, duo/groups or collaborative (vocal", + "score": 0.65234375 + } + ], + "answer": "Whitney Houston has been honored with numerous awards and accolades recognizing her worldwide success through the music and movie industries, including 2 Emmy Awards, 8 Grammy Awards, 14 World Music Awards, 15 Guinness World Records, 16 Billboard Music Awards and 22 American Music Awards. Her 8 Grammy Awards include 6 competitive Grammy Awards and 2 Grammy Hall of Fame Awards." + }, + { + "qa_pairs": [ + { + "context": "The history of oil exploration in Nigeria dates back to 1903 when Nigerian Bitumen Corporation conducted exploratory work in the country, at the onset of World War I the firm's operation were stopped. Due to the lack of technological and financial resources by small oil companies, large oil companies took over the exploration of commercial oil in the country. Thereafter, licenses were given to D'Arcy Exploration Company and Whitehall Petroleum but neither company found oil of commercial value and they returned their licenses in 1923. A new license covering was given to Shell D'arcy Petroleum Development Company of Nigeria, a consortium of Shell and British Petroleum (then known as Anglo-Iranian). The company began exploratory work in 1937. The consortium was granted license to explore oil all over the territory of Nigeria but the acreage allotted to the company in the original license was reduced in 1951 and then between 1955 and 1957. Drilling activities started in 1951 with the first test well drilled in Owerri area. Oil was discovered in non-commercial quantities at Akata, near Eket in 1953. Prior to the Akata find, the company had spent around 6 million pounds on exploratory activities in the country. Shell-BP in the pursuit of commercially available petroleum found oil in Oloibiri, Nigeria in 1956. Other important oil wells discovered during the period were Afam and Bomu in Ogoni territory. Production of crude oil began in 1957 and in 1960, a total of 847,000 tonnes of crude oil was exported. Towards the end of the 1950s, non-British firms were granted license to explore for oil: Mobil in 1955, Tenneco in 1960, Gulf Oil and later Chevron in 1961, Agip in 1962, and Elf in 1962. Prior to the discovery of oil, Nigeria (like many other African countries) strongly relied on agricultural exports to other countries to supply their economy. Many Nigerians thought the developers were looking for palm oil. But after nearly 50 years searching for oil in the country, Shell-BP discovered the oil at Oloibiri in the Niger Delta. The first oil field began production in 1958.", + "question": "When was non-commercial amounts of crude oil first discovered in nigeria?", + "short_answers": [ + "1953" + ], + "wikipage": "Petroleum industry in Nigeria" + }, + { + "context": "The history of oil exploration in Nigeria dates back to 1903 when Nigerian Bitumen Corporation conducted exploratory work in the country, at the onset of World War I the firm's operation were stopped. Due to the lack of technological and financial resources by small oil companies, large oil companies took over the exploration of commercial oil in the country. Thereafter, licenses were given to D'Arcy Exploration Company and Whitehall Petroleum but neither company found oil of commercial value and they returned their licenses in 1923. A new license covering was given to Shell D'arcy Petroleum Development Company of Nigeria, a consortium of Shell and British Petroleum (then known as Anglo-Iranian). The company began exploratory work in 1937. The consortium was granted license to explore oil all over the territory of Nigeria but the acreage allotted to the company in the original license was reduced in 1951 and then between 1955 and 1957. Drilling activities started in 1951 with the first test well drilled in Owerri area. Oil was discovered in non-commercial quantities at Akata, near Eket in 1953. Prior to the Akata find, the company had spent around 6 million pounds on exploratory activities in the country. Shell-BP in the pursuit of commercially available petroleum found oil in Oloibiri, Nigeria in 1956. Other important oil wells discovered during the period were Afam and Bomu in Ogoni territory. Production of crude oil began in 1957 and in 1960, a total of 847,000 tonnes of crude oil was exported. Towards the end of the 1950s, non-British firms were granted license to explore for oil: Mobil in 1955, Tenneco in 1960, Gulf Oil and later Chevron in 1961, Agip in 1962, and Elf in 1962. Prior to the discovery of oil, Nigeria (like many other African countries) strongly relied on agricultural exports to other countries to supply their economy. Many Nigerians thought the developers were looking for palm oil. But after nearly 50 years searching for oil in the country, Shell-BP discovered the oil at Oloibiri in the Niger Delta. The first oil field began production in 1958.", + "question": "When was commerical amounts of crude oil first discovered in nigeria?", + "short_answers": [ + "1956" + ], + "wikipage": "Petroleum industry in Nigeria" + } + ], + "wikipages": [ + { + "title": "Petroleum industry in Nigeria", + "url": "https://en.wikipedia.org/wiki/Petroleum%20industry%20in%20Nigeria" + }, + { + "title": "Oloibiri Oilfield", + "url": "https://en.wikipedia.org/wiki/Oloibiri%20Oilfield" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "Although the history of oil exploration in Nigeria dates back to 1903, non-commercial quantities of oil were not discovered there until 1953. Commercial amounts of crude oil were later discovered in Oloibiri, Nigeria in 1956." + }, + { + "knowledge": [ + { + "content": "Nigeria is the largest oil and gas producer in Africa.", + "wikipage": "Petroleum industry in Nigeria" + }, + { + "content": " Crude oil from the Niger delta basin comes in two types: light, and comparatively heavy \u2013 the lighter around 36 gravity and the heavier, 20\u201325 gravity.", + "wikipage": "Petroleum industry in Nigeria" + } + ], + "long_answer": "Nigeria is the largest oil and gas producer in Africa. Crude oil from the Niger delta basin comes in two types: light, and comparatively heavy. Oil was discovered in non-commercial quantities at Akata, near Eket in 1953. Shell-BP in the pursuit of commercially available petroleum found oil in Oloibiri, Nigeria in 1956." + } + ], + "sample_id": "-6491913195208307840", + "question": "When was crude oil first discovered in nigeria?", + "docs": [ + { + "id": "6775152", + "title": "Petroleum industry in Nigeria", + "text": "to the Akata find, the company had spent around 6 million pounds in exploratory activities in the country. Shell-BP in the pursuit of commercially available petroleum found oil in Oloibiri, Nigeria in 1956. Other important oil wells discovered during the period were Afam and Bomu in Ogoni territory. Production of crude oil began in 1957 and in 1960, a total of 847,000 tonnes of crude oil was exported. Towards the end of the 1950s, non-British firms were granted license to explore for oil: Mobil in 1955, Tenneco in 1960, Gulf Oil and later Chevron in 1961, Agip in 1962, and", + "score": 0.84033203125, + "summary": "Crude oil was first discovered in Oloibiri, Nigeria in 1956.", + "extraction": "Crude oil was first discovered in Oloibiri, Nigeria in 1956." + }, + { + "id": "6775153", + "title": "Petroleum industry in Nigeria", + "text": "Elf in 1962. Prior to the discovery of oil, Nigeria (like many other African countries) strongly relied on agricultural exports to other countries to supply their economy. Many Nigerians thought the developers were looking for palm oil. But after nearly 50 years searching for oil in the country, Shell-BP discovered the oil at Oloibiri in the Niger Delta. The first oil field began production in 1958. After that, the economy of Nigeria should have seemingly have experienced a strong increase. However, competition for the profits from oil created a great level of terror and conflict for those living in the", + "score": 0.8115234375, + "summary": "Crude oil was first discovered in Nigeria in 1958 at Oloibiri in the Niger Delta.", + "extraction": "The first oil field began production in 1958." + }, + { + "id": "13943814", + "title": "Ilaje", + "text": "time already operating in the Local Government Area. However, crude oil was first discovered at Araromi Sea-side in 1908 and later at Ogogoro in 1952 even before it was discovered in River State in 1956. recently, the disputed on shore Oil wells formerly credited to Delta state have just been returned to Ondo State. They are as follows: Opuekepa, Omuro, Ojumole, MAlu, Eko, Parabe, Minna, Bella, Obe, Esan, Ewa, Opolo, Opuama and Isekelwu oil fields. Bitumen which will soon become the second world mineral resources after Crude Oil is found in large quantity in Ilaje Local Government Area e.g. Mahintedo,", + "score": 0.8076171875, + "summary": "Crude oil was first discovered in Nigeria at Araromi Sea-side in 1908 and later at Ogogoro in 1952.", + "extraction": "Crude oil was first discovered at Araromi Sea-side in 1908 and later at Ogogoro in 1952." + }, + { + "id": "9660213", + "title": "Colonial Nigeria", + "text": "The most dramatic event having a long-term effect on Nigeria's economic development, was the discovery and exploitation of petroleum deposits. The search for oil, begun in 1908 and abandoned a few years later, was revived in 1937 by Shell and British Petroleum. Exploration was intensified in 1946, but the first commercial discovery did not occur until 1956, at Olobiri in the Niger Delta. In 1958 exportation of Nigerian oil was initiated at facilities constructed at Port Harcourt. Oil income was still marginal, but the prospects for continued economic expansion appeared bright and accentuated political rivalries on the eve of independence.", + "score": 0.80517578125, + "summary": "The first commercial discovery of crude oil in Nigeria occurred in 1956 at Olobiri in the Niger Delta.", + "extraction": "The first commercial discovery of crude oil in Nigeria occurred in 1956, at Olobiri in the Niger Delta." + }, + { + "id": "14588245", + "title": "Oloibiri", + "text": "production of 5,000 barrels of oil per day (which would later become as much as 2,000,000), Nigeria became the 6th largest oil producer on the chart of the Organisation of petroleum Exporting Countries OPEC. Oloibiri well was the first commercial oil well in Nigeria. Oloibiri Oilfield was the first commercial oil field in Nigeria as well as West Africa. Nigeria exported its first crude oil in February 1958 from the Oloibiri oil field. Nigeria's first crude oil export came from Oloibiri field in February 1958. Nigeria's first crude oil pipeline was laid from Oloibiri oil field to Port Harcourt on", + "score": 0.7822265625, + "summary": "Nigeria's first commercial oil well and field, Oloibiri, was discovered in February 1958 and became the foundation of Nigeria's oil production.", + "extraction": "Nigeria exported its first crude oil in February 1958 from the Oloibiri oil field." + }, + { + "id": "9660184", + "title": "Colonial Nigeria", + "text": "back to England as home pay for British officials in the Nigerian civil service. Oil exploration began in 1906 under John Simon Bergheim's Nigeria Bitumen Corporation, to which the Colonial Office granted exclusive rights. In 1907, the Corporation received a loan of \u00a325,000, repayable upon discovery of oil. Other firms applying for licenses were rejected. In November 1908, Bergheim reported striking oil; in September 1909, he reported extracting 2,000 barrels per day. However, development of the Nigerian oilfields slowed when Bergheim died in a car crash in September 1912. Lugard, replacing Egerton as Governor, aborted the project in May 1913.", + "score": 0.78125, + "summary": "Crude oil was first discovered in Nigeria in November 1908 under John Simon Bergheim's Nigeria Bitumen Corporation.", + "extraction": "Crude oil was first discovered in Nigeria in November 1908, according to the passage." + }, + { + "id": "14585923", + "title": "Oloibiri Oilfield", + "text": "by Shell Darcy. On 30 April 1956, Shell Darcy changed its name to Shell-BP Petroleum Development Company of Nigeria Limited to reflect BP's interest. In 1979, it changed its name again to Shell Petroleum Development Company of Nigeria Limited (SPDC) following the nationalisation of BP's interest by the government. Oloibiri Oilfield was discovered on Sunday 15 January 1956 by Shell Darcy. It was the first commercial oil discovery in Nigeria; this discovery ended 50 years of unsuccessful oil exploration in the country by various international oil companies and launched Nigeria into the limelight of the Petro-State. Following the discovery of", + "score": 0.77685546875, + "summary": "Crude oil was first discovered in Nigeria on January 15, 1956 at the Oloibiri Oilfield by Shell Darcy.", + "extraction": "The first commercial oil discovery in Nigeria was made on Sunday 15 January 1956 by Shell Darcy at the Oloibiri Oilfield." + }, + { + "id": "14585927", + "title": "Oloibiri Oilfield", + "text": "it was plugged and abandoned. Following the successful completion of the appraisal of the field, four development wells were drilled in 1958 (between 17 June 1958 and 27 November 1958) for the development of the field. The four development wells and the six successful appraisal wells were completed as oil production wells. The discovery well, Oloibiri-1 was completed on 5 June 1956 as a commercial oil production well. Thus, Oloibiri-1 made history as the first truly commercial oil well in Nigeria. This brings the number of completed production wells on field to eleven. The field started oil production between late", + "score": 0.77490234375, + "summary": "The first commercial oil well in Nigeria was discovered on June 5, 1956, at the Oloibiri Oilfield.", + "extraction": "The first truly commercial oil well in Nigeria was discovered on June 5, 1956, which was the Oloibiri-1 well." + }, + { + "id": "6775192", + "title": "Petroleum industry in Nigeria", + "text": "states. 1976: First exploration and development venture by NNOC undertaken and drills to uncover commercial quantities of petroleum off-shore. 1978: Perhaps most importantly, the federal government created the Land Use Act which vested control over state lands in military governors appointed by the federal military regime, and eventually led to Section 40(3) of the 1979 constitution which declared all minerals, oil, natural gas, and natural resources found within the bounds of Nigeria to be legal property of the Nigerian federal government. 1979: In an effort to establish further control over the industry, the government merges and restructures the NNOC and", + "score": 0.77294921875, + "summary": "1976", + "extraction": "1976 is the year when crude oil was first discovered in Nigeria." + }, + { + "id": "6775151", + "title": "Petroleum industry in Nigeria", + "text": "they returned their licenses in 1923. A new license covering was given to Shell D'arcy Petroleum Development Company of Nigeria, a consortium of Shell and British Petroleum (then known as Anglo-Iranian). The company began exploratory work in 1937. The consortium was granted license to explore oil all over the territory of Nigeria but the acreage allotted to the company in the original license was reduced in 1951 and then between 1955 and 1957. Drilling activities started in 1951 with the first test well drilled in Owerri area. Oil was discovered in non-commercial quantities at Akata, near Eket in 1953. Prior", + "score": 0.7685546875, + "summary": "Oil was first discovered in non-commercial quantities at Akata, near Eket in Nigeria in 1953.", + "extraction": "Oil was discovered in non-commercial quantities at Akata, near Eket in 1953." + }, + { + "id": "14585929", + "title": "Oloibiri Oilfield", + "text": "then, so the gas was not considered necessary. Royal Dutch Shell laid the first crude oil pipeline in the country from the Oloibiri field to Port Harcourt on Bonny River to access export facilities. Nigeria exported its first crude oil in February 1958 from the Oloibiri oil field, initially at the rate of . The oil was being pumped from the field via the country's first pipeline, laid by Shell. The Oloibiri oilfield produced over of oil during its 20 years life cycle. Oil production finally stopped in 1978 and the field was abandoned the same year. The Oloibiri oilfield", + "score": 0.7666015625, + "summary": "Nigeria discovered and exported its first crude oil in February 1958 from the Oloibiri oil field.", + "extraction": "Nigeria exported its first crude oil in February 1958 from the Oloibiri oil field." + }, + { + "id": "3686066", + "title": "Petroleum politics", + "text": "remains heavily nationalized. Though oil production has fallen in recent years, Mexico still remains in seventh place. Petroleum in Nigeria was discovered in 1955 at Oloibiri in the Niger Delta. High oil prices were the driving force behind Nigeria\u2019s economic growth in 2005. The country\u2019s real gross domestic product (GDP) grew approximately 4.5 percent in 2005 and was expected to grow by 6.2 percent in 2006. The Nigerian economy is heavily dependent on the oil sector, which accounts for 95 percent of government revenues. Even with the substantial oil wealth, Nigeria ranks as one of the poorest countries in the", + "score": 0.76513671875, + "summary": "Petroleum was discovered in Nigeria in 1955 at Oloibiri in the Niger Delta.", + "extraction": "Petroleum in Nigeria was discovered in 1955 at Oloibiri in the Niger Delta." + }, + { + "id": "9857234", + "title": "History of the petroleum industry", + "text": "opened at Ploie\u0219ti, in Romania, shortly after. Romania is the first country in the world to have its crude oil output officially recorded in international statistics, namely 275 tonnes. In 1875, crude oil was discovered by David Beaty at his home in Warren, Pennsylvania. This led to the opening of the Bradford oil field, which, by the 1880s, produced 77 percent of the global oil supply. However, by the end of the 19th century, the Russian Empire, particularly the Branobel company in Azerbaijan, had taken the lead in production. Samuel Kier established America's first oil refinery in Pittsburgh on Seventh", + "score": 0.75634765625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "14588244", + "title": "Oloibiri", + "text": "Oloibiri Oloibiri is a small community in Ogbia LGA located in Bayelsa State, in the eastern Niger Delta region of Nigeria. The inhabitants of Oloibiri community are mainly fishermen and farmers. This is the first place Oil was first discovered in Nigeria. Oloibiri is a historic town to the oil and gas industry in Nigeria. Nigeria's first commercial oil discovery in Oloibiri town by Shell Darcy in January 15, 1956. The discovery of oil in Oloibiri changed Nigeria's economic status for the better as a flurry of activities: investments, tourism, oil exportation, etc., came to be. And with an initial", + "score": 0.75341796875, + "summary": "Nigeria's first commercial oil discovery was in Oloibiri town on January 15, 1956.", + "extraction": "Nigeria's first commercial oil discovery was in Oloibiri town by Shell Darcy in January 15, 1956." + }, + { + "id": "36945", + "title": "Brunei", + "text": "of administration. Over time, the resident assumed more executive control than the sultan. The residential system ended in 1959. Petroleum was discovered in 1929 after several fruitless attempts. Two men, F. F. Marriot and T. G. Cochrane, smelled oil near the Seria river in late 1926. They informed a geophysicist, who conducted a survey there. In 1927, gas seepages were reported in the area. Seria Well Number One (S-1) was drilled on 12 July 1928. Oil was struck at on 5 April 1929. Seria Well Number 2 was drilled on 19 August 1929, and, , continues to produce oil. Oil", + "score": 0.7529296875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about the discovery and drilling of crude oil in Brunei, not Nigeria." + }, + { + "id": "6775177", + "title": "Petroleum industry in Nigeria", + "text": "an ordinance making any oil and mineral under Nigerian soil legal property of the Crown. By 1938 the colonial government had granted the state-sponsored company, Shell (then known as Shell D'Arcy) a monopoly over the exploration of all minerals and petroleum throughout the entire colony. Commercially viable oil was discovered by Shell in 1956 roughly west of the soon-to-be oil capital of Port Harcourt at Oloibiri, now in Bayelsa State; initially a 50\u201350 profit sharing system was implemented between the company and the government. Until the late 1950s concessions on production and exploration continued to be the exclusive domain of", + "score": 0.74951171875, + "summary": "Crude oil was first discovered in Nigeria in 1956.", + "extraction": "Crude oil was first discovered in Nigeria in 1956." + }, + { + "id": "20661288", + "title": "Chevron Nigeria", + "text": "the large Okan field, at Escravos River in 1963. The field had an estimated 2 billion barrel of oil in place and up to 800 million of recoverable crude oil. Production from the oilfield began in 1965. Over the years, the company has developed a large petroleum and physical infrastructure in Nigeria that include the Escravos Tank farm, an export terminal, Escravos gas gathering project and an office complex. By 1993, the company had produced 2.55 billion barrels of crude oil in Nigeria. The major fields of the firm include, Okan, Delta South, Meren, Meji, Isan, and Abiteye. Following a", + "score": 0.74658203125, + "summary": "Crude oil was first discovered in Nigeria in the Okan field, at Escravos River in 1963.", + "extraction": "Crude oil was first discovered in Nigeria at the large Okan field, at Escravos River in 1963." + }, + { + "id": "9903307", + "title": "Henry Fajemirokun", + "text": "a pioneer in Nigerian Oil industry as the first indigenous private oil company to get an offshore exploration license in the country's first ever offshore licensing round of oil prospecting licenses (OPL) in 1970. Bidding was opened between 26 February and 18 March on about 7000 square miles of the continental shelf. Twenty seven blocks were offered composed of areas relinquished according to leasing regulations 30 November 1968 plus additional deeper water acreage up to the 200 fathom line on the outer shelf. A total of 106 bids from over 30 oil companies or groups were made for these continental", + "score": 0.7431640625, + "summary": "1970", + "extraction": "Crude oil discovery information is not present in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "18131317", + "title": "Petroleum industry in Niger", + "text": "believed that reserves are three times higher, near 1 billion barrels in 2013. With the increase in reserves, Niger anticipates an increase in its production from 20,000 to 80,000 barrels per day by 2016 with 60,000 barrels per day for exports via Chad and Cameroon. The history of oil exploration and discovery in Niger goes back to the 1970s. The first tangible discovery occurred in 1975 at the Tintouma field near Madama. However, it was in the Agadem Basin, located in the north-east of the Niger, that exploration began in 1970 with first Texaco then Esso prospecting until 1980. Ten", + "score": 0.73876953125, + "summary": "The first tangible crude oil discovery in Niger was in 1975 at the Tintouma field near Madama. However, this document is irrelevant to the question of when crude oil was first discovered in Nigeria.", + "extraction": "The first tangible discovery of crude oil in Nigeria occurred in 1975 at the Tintouma field near Madama." + }, + { + "id": "7071042", + "title": "Shell Nigeria", + "text": "Shell Nigeria Shell Nigeria is the common name for Royal Dutch Shell's Nigerian operations carried out through four subsidiaries\u2014primarily Shell Petroleum Development Company of Nigeria Limited (SPDC). Royal Dutch Shell's joint ventures account for more than 21% of Nigeria's total petroleum production( (bpd) in 2009) from more than eighty fields. Shell started business in Nigeria in 1937 as Shell D\u2019Arcy and was granted an exploration license. In 1956, Shell Nigeria discovered the first commercial oil field at Oloibiri in the Niger Delta and started oil exports in 1958. Prior to the discovery of oil, Nigeria like many other African countries", + "score": 0.73388671875, + "summary": "Shell Nigeria discovered the first commercial oil field in Nigeria at Oloibiri in the Niger Delta in 1956.", + "extraction": "Shell Nigeria discovered the first commercial oil field at Oloibiri in the Niger Delta and started oil exports in 1958." + }, + { + "id": "283506", + "title": "Economy of Niger", + "text": "and gypsum have also been found in Niger. The history of oil prospecting and discovery goes back to the independence era with the first discovery of Tintouma oil field in Madama in 1975. It is the Agadem basin that has attracted much attention since 1970 with Texaco and then Esso prospecting in the basin until 1980. Exploration permits on the same basin were held successively by Elf Aquitaine (1980\u20131985), Esso-Elf (1985\u20131998), Esso (1998\u20132002) and Esso-Petronas (2002\u20132006). While the reserves were estimated at 324 millions barrels for oil and 10 billion m for gas, Esso-Petronas relinquished the permit because it deemed", + "score": 0.73095703125 + }, + { + "id": "11830385", + "title": "Mining industry of Nigeria", + "text": "Nassarawa State near the Jos Plateau, as well as in several areas in southeast Nigeria. There is small-scale mining of these minerals. Wolframite (tungsten) can be found in the North states. Bitumen was first discovered in 1900, with focused exploration beginning in 1905. Bitumen deposits are found in Lagos State, Ogun State, Ondo State, and Edo State. Conoco has performed a technical and economic evaluation of these deposits, and believes there to be over thirteen billion barrels of oil in these tar sands and bitumen seepages. Nigeria has several deposits of iron ore, but the purest deposits are in and", + "score": 0.72705078125 + }, + { + "id": "2758678", + "title": "Port Harcourt", + "text": "to which it was linked by a railway called the Eastern Line, also built by the British. In 1956 crude oil was discovered in commercial quantities at Oloibiri, and Port Harcourt's economy turned to petroleum when the first shipment of Nigerian crude oil was exported through the city in 1958. Through the benefits of the Nigerian petroleum industry, Port Harcourt was further developed, with aspects of modernization such as overpasses, city blocks, taller and more substantial buildings. Oil firms that currently have offices in the city include Royal Dutch Shell and Chevron. There are a number of institutions of tertiary", + "score": 0.72607421875 + }, + { + "id": "283767", + "title": "History of Nigeria", + "text": "(NPN) was elected president. All five parties won representation in the National Assembly. During the 1950s prior to independence, oil was discovered off the coast of Nigeria. Almost immediately, the revenues from oil began to make Nigeria a wealthy nation. However, the spike in oil prices from $3 per barrel to $12 per barrel, following the Yom Kipur War in 1973 brought a sudden rush of money to Nigeria. Another sudden rise in the price of oil in 1979 to $19 per barrel occurred as a result of the lead up to the Iran\u2013Iraq War. All of this meant that", + "score": 0.72509765625 + }, + { + "id": "4747304", + "title": "Pennsylvania Grade Crude Oil", + "text": "oil are particularly prized as lubricants and many oil companies prominently display the fact that they use Pennsylvania Grade crude oil in their products. Bradford, Pennsylvania is major center for the refining of Pennsylvania grade crude oil. Pennsylvania Grade Crude Oil was first extracted from the Drake Well, which was drilled by Edwin Drake in \"the middle of quiet farm country in northwestern Pennsylvania\" in 1859. It was the \"first successful oil well that was drilled for the sole purpose of finding oil.\" His success led to \"an international search for petroleum, and in many ways eventually changed the way", + "score": 0.724609375 + }, + { + "id": "14588247", + "title": "Oloibiri", + "text": "no more use for it. The Federal Government of Nigeria once promised to build a museum in Oloibiri, but till date, that promise has not been fulfilled. Oloibiri Oloibiri is a small community in Ogbia LGA located in Bayelsa State, in the eastern Niger Delta region of Nigeria. The inhabitants of Oloibiri community are mainly fishermen and farmers. This is the first place Oil was first discovered in Nigeria. Oloibiri is a historic town to the oil and gas industry in Nigeria. Nigeria's first commercial oil discovery in Oloibiri town by Shell Darcy in January 15, 1956. The discovery of", + "score": 0.72412109375 + }, + { + "id": "3771867", + "title": "Petroleum industry", + "text": "As kerosene lamps gained popularity, the refining industry grew in the area. The first commercial oil well in Canada became operational in 1858 at Oil Springs, Ontario (then Canada West). Businessman James Miller Williams dug several wells between 1855 and 1858 before discovering a rich reserve of oil four metres below ground. Williams extracted 1.5 million litres of crude oil by 1860, refining much of it into kerosene lamp oil. Some historians challenge Canada\u2019s claim to North America\u2019s first oil field, arguing that Pennsylvania\u2019s famous Drake Well was the continent\u2019s first. But there is evidence to support Williams, not least", + "score": 0.72412109375 + }, + { + "id": "6775150", + "title": "Petroleum industry in Nigeria", + "text": "Petroleum industry in Nigeria Nigeria is the largest oil and gas producer in Africa. Crude oil from the delta basin comes in two types: light, and comparatively heavy \u2013 the lighter around 36 gravity and the heavier, 20\u201325 gravity. Both types are paraffinic and low in sulfur. The history of oil exploration in Nigeria dates back to 1907 when Nigerian Bitumen Corporation conducted exploratory work in the country, at the onset of World War I the firm's operation were stopped. Thereafter, licenses were given to D'Arcy Exploration Company and Whitehall Petroleum but neither company found oil of commercial value and", + "score": 0.7236328125 + }, + { + "id": "14585924", + "title": "Oloibiri Oilfield", + "text": "oil in commercial quantities in Oloibiri, Shell stepped up exploration in the Niger Delta and By 1958 Shell Darcy had discovered oil in twelve areas in the Niger Delta of which Oloibiri, Afam and Bomu were the most promising. The discovery well Oloibiri \u22121 was spudded on 3 August 1955 and drilled vertical to a total depth of 12008 feet (3660m). The well was tested and it flowed at the rate of about of oil per day and it was deemed to be a commercial discovery. Some gas was also discovered with the oil. The oil discovery was made in", + "score": 0.72265625 + }, + { + "id": "10896229", + "title": "Sirte Basin", + "text": "the late 1930s, but World War II interrupted exploration efforts. Competitive bidding for concessions was subsequently permitted by two mineral laws passed in 1953 and 1955, and exploration by Esso, Mobil, Texas Gulf, and others commenced with seismic, magnetic, and gravity data being collected. From 1956 to 1961 giant oil fields were discovered. Libya started exporting oil in 1961 and by 1966 it was the 7th largest oil-producing nation in the world. During 1969, output from the Sirte Basin had even exceeded production from Saudi Arabia (3 Mmbpd). Libya nationalized its oil industry in 1973, and some American oil companies", + "score": 0.720703125 + }, + { + "id": "7435132", + "title": "Isoko South", + "text": "of Umeh, the Ogwa-Enwhe of the Enwhe kingdom, the Oniowise of Emede, the Ovore of Erowha, the Uloho of Orie and the popular Eni of the Uzere Kingdom. Oil and gas exploration activities began in the area in the early 1950s, and the second oil well in Nigeria was discovered in Uzere, Isoko South, in 1958. The massive growth of the oil and gas industries has created significant environmental challenges, and have been a source of much concern for the local government. Challenges such as gas flaring, oil spills from pipelines, deforestation and waste miss-management have been made more serious", + "score": 0.7197265625 + }, + { + "id": "14511474", + "title": "History of the oil industry in Saudi Arabia", + "text": "Dammam No. 7, after a nearby village. Over the next three years, the drillers were unsuccessful in making a commercial strike, but chief geologist Max Steineke persevered. He urged the team to drill deeper, even when Dammam No. 7 was plagued by cave-ins, stuck drill bits and other problems, before the drillers finally struck oil on 3 March 1938. This discovery would turn out to be first of many, eventually revealing the largest source of crude oil in the world. For the king, oil revenues became a crucial source of wealth since he no longer had to rely on receipts", + "score": 0.71875 + }, + { + "id": "16664269", + "title": "History of the oil industry in India", + "text": "and Trading Company (ARTC) had recently opened the area for trade by building a railway and later finding oil nearby. The first well was completed in 1890 and in 1893 first refinery started at Margharita, Assam. The Assam Oil Company was established in 1899 to oversee production. In 1901, Digboi Refinery was commissioned supplanting the earlier refinery at Margharita. At its peak during the Second World War the Digboi oil fields were producing 7,000 barrels per day.. In the year 1909, IBP (Indo Burmah Petroleum) was incorporated in Rangoon to explore oil wells that had been discovered in Burma and", + "score": 0.71728515625 + }, + { + "id": "2112258", + "title": "Idris of Libya", + "text": "Six-Day War. Many oil workers across Libya went on strike in solidarity with the Arab forces fighting Israel. During the 1950s, a number of foreign companies began prospecting for oil in Libya, with the country's government passing the Minerals Law of 1953 and then the Petroleum Law of 1955 to regulate this process. In 1959 oil was discovered in Libya. The 1955 law created conditions that enabled small oil companies to drill alongside larger corporations; each concession had a low entry fee, with rents only increasing significantly after the eighth year of drilling. This created a competitive atmosphere that prevented", + "score": 0.716796875 + }, + { + "id": "4494329", + "title": "Kuwait Oil Company", + "text": "drilling operations in 1936. First oil was discovered in 1938 in Burgan field, followed by discoveries in Magwa in 1951, Ahmadi in 1952, Raudhatain in 1955, Sabriya in 1957, and Minagish in 1959. The initial development of the oil industry coincided with the end of the British Raj in India and many British and Indian administrators and engineers transferred from there to Kuwait. The oil town of Ahmadi was set up to house these workers, and was segregated on racial lines. Such segregation continued in the amenities and recreational facilities offered to company employees. Race to a large extent dictated", + "score": 0.716796875 + }, + { + "id": "10134656", + "title": "Energy in Norway", + "text": "Sea. Exploration started on July 19, 1966, when Ocean Traveller drilled its first hole. Initial exploration was fruitless, until Ocean Viking found oil on August 21, 1969. By the end of 1969, it was clear that there were large oil and gas reserves in the North Sea. The first oil field was Ekofisk, which produced 427,442 barrels of crude in 1980. Subsequently, large natural gas reserves have also been discovered and it was specifically this huge amount of oil found in the North Sea that made Norway\u2019s separate path outside the EU possible. Against the backdrop of the 1972 Norwegian", + "score": 0.7158203125 + }, + { + "id": "6311108", + "title": "Petroleum seep", + "text": "develop a means of refining kerosene from the more readily available \"rock oil\" (\"petr-oleum\") seeps in 1852 that the first rock oil mine was built near Krosno in central European Galicia (Poland/Ukraine) in 1853. In 1854, Benjamin Silliman, a science professor at Yale University, was the first American to fractionate petroleum by distillation. These discoveries rapidly spread around the world. The world's first commercial oil well was drilled in Poland in 1853, and the second in nearby Romania in 1857. At around the same time the world's first, but small, oil refineries were opened at Jas\u0142o in Poland, with a", + "score": 0.71435546875 + }, + { + "id": "4008850", + "title": "Petronas", + "text": "August 1999 \u2013 in the corporation's 24th Anniversary year. Before the formation of Malaysia, Royal Dutch Shell first began the oil exploration in Miri, Sarawak; after Rajah Charles Brooke signed the first Oil Mining Lease in 1909. In 1910, the first oil well was drilled in Miri. This oil well is later known as the Grand Old Lady. In 1929, oil was discovered in Brunei. There were no other drilling activities in Borneo or British Malaya until 1950s. In 1966, the enactment of Petroleum Mining Act gave Exxon and Shell rights to explore oil territories and produce oil royalties and", + "score": 0.71435546875 + }, + { + "id": "11303912", + "title": "Nationalization of oil supplies", + "text": "1970, the Libyan government used its leverage to restructure radically the terms of its agreements with these independent companies, precipitating a rash of contract renegotiations throughout the oil-exporting world. The discovery of oil in Nigeria caused conflict within the state. The emergence of commercial oil production from the region in 1958 and thereafter raised the stakes and generated a struggle by the indigenes for control of the oil resources. The northern hegemony, ruled by Hausa and Fulani, took a military dictatorship and seized control of oil production. To meet popular demands for cheaper food during the inflationary period just after", + "score": 0.71337890625 + }, + { + "id": "312529", + "title": "Petroleum", + "text": "Poland, with a larger one opened at Ploie\u0219ti in Romania shortly after. Romania is the first country in the world to have had its annual crude oil output officially recorded in international statistics: 275 tonnes for 1857. The first commercial oil well in Canada became operational in 1858 at Oil Springs, Ontario (then Canada West). Businessman James Miller Williams dug several wells between 1855 and 1858 before discovering a rich reserve of oil four metres below ground. Williams extracted 1.5 million litres of crude oil by 1860, refining much of it into kerosene lamp oil. Williams's well became commercially viable", + "score": 0.712890625 + }, + { + "id": "17309084", + "title": "Dibrugarh railway station", + "text": "commerce centering round it. As early as 1823 the British discovered tea in the modern Sadiya region. It was at Chabua, 20 miles to the east of Dibrugarh that the British made their first experiments with tea cultivation with indigenous plants. Very soon oil and coal were discovered in areas near to Dibrugarh town. Oil was discovered at Digboi in 1882 and coal was found at Margherita in 1876. All these greatly enhanced the importance of Dibrugarh as a centre of industrial, commercial and administrative activities.\" The wide metre gauge line from Dibrugarh steamer ghat to Makum was opened to", + "score": 0.71240234375 + }, + { + "id": "14585925", + "title": "Oloibiri Oilfield", + "text": "the Tertiary Agbada. Between 26 June 1956 and 28 October 1958, 11 appraisal wells were drilled vertical to appraisal the extension of the reservoir to different sections of the field. The first appraisal well was Oloibiri-2, it was spudded on 26 June 1956 and drilled vertically to a total depth of 2932m and it encountered oil in the Agbada Formation. Six of these appraisal wells were a success and encountered oil pay. An appraisal well Oloibiri-17 was spudded on 9 June 1967 after 9 years of production and drilled deviated to a measured depth of 12520 feet (3816 mD) but", + "score": 0.71240234375 + }, + { + "id": "285484", + "title": "Norway", + "text": "for Economic Co-operation and Development (OEEC) one year later, and became a founding member of the North Atlantic Treaty Organization (NATO) in 1949. The first oil was discovered at the small Balder field in 1967, production only began in 1999. In 1969, the Phillips Petroleum Company discovered petroleum resources at the Ekofisk field west of Norway. In 1973, the Norwegian government founded the State oil company, Statoil. Oil production did not provide net income until the early 1980s because of the large capital investment that was required to establish the country's petroleum industry. Around 1975, both the proportion and absolute", + "score": 0.71044921875 + }, + { + "id": "7903676", + "title": "The Dragon Can't Dance", + "text": "humble and as an equal to everyone else. In 1865 the American civil engineer Walter Darwent discovered and produced oil at Aripero, Trinidad. Efforts in 1867 to begin production by the Trinidad Petroleum Company at La Brea and the Pariah Petroleum Company at Aripero were poorly financed and abandoned after Walter Darwent died of yellow fever. In 1893 Mr. Randolph Rust, along with his neighbour, Mr. Lee Lum, drilled a successful well near Darwent's original one. By early 1907 major drilling operations began, roads were built and infrastructure built. Annual production of oil in Trinidad reached 47,000 barrels by 1910", + "score": 0.71044921875 + }, + { + "id": "3501222", + "title": "North Sea oil", + "text": "came onstream in May 1967. Licensing regulations for Dutch waters were not finalised until 1967. The situation was transformed in December 1969, when Phillips Petroleum discovered oil in Chalk of Danian age at Ekofisk, in Norwegian waters in the central North Sea. The same month, Amoco discovered the Montrose Field about east of Aberdeen. BP had been awarded several licences in the area in the second licensing round late in 1965, but had been reluctant to work on them. The discovery of Ekofisk prompted them to drill what turned out to be a dry hole in May 1970, followed by", + "score": 0.71044921875 + }, + { + "id": "6775161", + "title": "Petroleum industry in Nigeria", + "text": "expanded. Through the introduction of deep water drilling 50% more oil is extracted than before the new forms of retrieving the oil. Angola and Nigeria are the largest oil producers in Africa. In Nigeria, the deepwater sector still has a large avenue to expand and develop. The Agbami oilfields hit full production in 2005, at a day. Operated by Chevron's Star Deep and a company called Famfa, Agbami is only one off-shore concession; there are others named Akpo, Bonga and Erha. The amount of oil extracted from Nigeria was expected to expand from in 2003 to in 2010. Deepwater drilling", + "score": 0.7099609375 + }, + { + "id": "9903308", + "title": "Henry Fajemirokun", + "text": "shelf OPLs. In July, Newcomers to Nigeria were offered blocks. Only 15 blocks were offered covering only half of the open area. The remaining blocks said to be the most prospective, were reserved for the proposed national oil company Nigerian National Oil Corporation (NNOC) which was established officially in 1972 .Other winners of the licensing round were Deminex a German Consortium, Occidental Petroleum, Japan Petroleum Company and Monsanto. The Group acquired the sole distributorship for Rank Xerox (now Xerox), forming a joint venture with the Anglo-American company Rank Xerox (itself a joint venture between Rank Organisation of the United Kingdom", + "score": 0.7099609375 + }, + { + "id": "6311109", + "title": "Petroleum seep", + "text": "larger one being opened at Ploie\u0219ti in Romania shortly after. Romania is the first country in the world to have its crude oil output officially recorded in international statistics, namely 275 tonnes. By the end of the 19th century the Russian Empire, particularly in Azerbaijan, had taken the lead in production. The first oil \"well\" in North America was in Oil Springs, Ontario, Canada in 1858, dug by James Miller Williams. The US petroleum industry began with Edwin Drake's drilling of a oil well in 1859 on Oil Creek near Titusville, Pennsylvania, both named for their petroleum seeps. Other sources", + "score": 0.7099609375 + }, + { + "id": "2575425", + "title": "Campos Basin", + "text": "The first exploratory well was drilled in 1971. The first field to be discovered was Garoupa in 1974, at a shallow water depth of , followed by Namorado in 1975 in of water. The first oil production started in 1977 from Enchova Field, at a water depth of . The largest fields, listed by their year of discovery year, include Linguado (1978), Carapeba (1982), Vermelho (1982), Marimba (1984), Albacora (1984), Marlim (1985), Albacora-Leste (1986), Marlim Sul (1987), Marlim Leste (1987), Barracuda (1989), Caratinga (1989), Espadarte (1994), Roncador (1996), Jubarte (2002), Cachalote (2002), and Badejo (2008). The largest Marlim field is", + "score": 0.7099609375 + }, + { + "id": "283638", + "title": "Nigeria", + "text": "in the world and the 8th largest exporter, and has the 10th largest proven reserves. (The country joined OPEC in 1971). Petroleum plays a large role in the Nigerian economy, accounting for 40% of GDP and 80% of Government earnings. However, agitation for better resource control in the Niger Delta, its main oil producing region, has led to disruptions in oil production and prevents the country from exporting at 100% capacity. The Niger Delta Nembe Creek Oil field was discovered in 1973 and produces from middle Miocene deltaic sandstone-shale in an anticline structural trap at a depth of . In", + "score": 0.708984375 + }, + { + "id": "1194140", + "title": "Chelsea, Oklahoma", + "text": "and the Verdigris River. USOGC completed its first well in 1890, on Spencer Creek. It was a rudimentary operation, compared to productive sites completed a few years later. The well began producing a half barrel of good-quality crude per day from a depth of only . This was enough for USOGC enthusiasts to claim it was, \"... the first oil well in Oklahoma.\" Chelsea's claim to the first oil well proved to be untrue. Although USOGC drilled ten other wells on its lease in the next two years, the total production was said to be only 12 barrels, economically insignificant,", + "score": 0.708984375 + }, + { + "id": "9857237", + "title": "History of the petroleum industry", + "text": "1910, significant oil fields had been discovered in the Dutch East Indies (1885, in Sumatra), Persia (1908, in Masjed Soleiman), Peru (1863, in Zorritos District), Venezuela (1914, in Maracaibo Basin), and Mexico, and were being developed at an industrial level. Significant oil fields were exploited in Alberta (Canada) from 1947. First offshore oil drilling at Oil Rocks (Neft Dashlari) in the Caspian Sea off Azerbaijan eventually resulted in a city built on pylons in 1949. Availability of oil and access to it, became of \"cardinal importance\" in military power before and after World War I, particularly for navies as they", + "score": 0.70849609375 + }, + { + "id": "20661286", + "title": "Chevron Nigeria", + "text": "name, American Overseas Company (Amoseas), a joint operation of Texaco and Standard Oil Company of California (Chevron). Drilling operations began in 1963 but it was not until the end of the Biafran War that production began at an average of 2,500 barrels of oil per day (bopd). The company ramped up production to 65,000 bopd in 1984. In 1970, the firm's operating name was changed to Texaco Overseas Company of Nigeria. Gradually, the participatory interest became 60% for NNPC, 20% for Texaco(operator) and 20% for Chevron(previously Standard oil of California). The company's top production fields were located offshore in water", + "score": 0.70849609375 + }, + { + "id": "20661287", + "title": "Chevron Nigeria", + "text": "depths between 30 and 400 meters, majority of the oil flowed into the firm's floating and storage facility, M.V. Oloibiri which has a holding capacity of 1.5 million barrels of oil. In the 1990s, the company entered into a joint alliance with Statoil and BP in the ownership of OPL's 217 and 218 and a joint alliance with Famfa as operator of OPL 216. Gulf Oil Company of Nigeria which became later known as Chevron obtained oil acreage license in 1961. It is noteworthy for being the first oil major to discover commercially viable offshore oil with its discovery of", + "score": 0.70751953125 + }, + { + "id": "11830379", + "title": "Mining industry of Nigeria", + "text": "state-owned public corporations. This led to a decline in productivity in almost all mineral industries. The Obasanjo administration began a process of selling off government-owned corporations to private investors in 1999. Mining is the extraction[removal]of minerals and metals from the earth. The Nigerian Coal Corporation (NCC) is a parastatal corporation that was formed in 1950 and held a monopoly on the mining, processing, and sales of coal, lignite, and coke products until 1999. Coal was first discovered in Enugu in 1909 at the Udi Ridge in Enugu,This was found by a British mine Engineer known as Albert Kitson.Coal geology is", + "score": 0.70751953125 + }, + { + "id": "283713", + "title": "History of Nigeria", + "text": "that created highly sophisticated work in bronze metalworking, independent of any Arab or European influence and centuries before other sites that were better known at the time of discovery. The earliest known example of a fossil human skeleton found anywhere in West Africa, which is 13,000 years old, was found at Iwo-Eleru in Isarun, western Nigeria and attests to the antiquity of habitation in the region. Microlithic and ceramic industries were also developed by savanna pastoralists from at least the 4th millennium BC and were continued by subsequent agricultural communities. In the south, hunting and gathering gave way to subsistence", + "score": 0.70703125 + }, + { + "id": "9518112", + "title": "Sagara Oil Field", + "text": "advent of cheap, imported oil. On November 28, 1980 the oil field was proclaimed a natural monument and protected cultural property by the Shizuoka Prefectural government, and was transformed into a public park. Sagara Oil Field Crude oil was discovered at Sagara Village in May 1873, and hand-pumping operations began almost immediately. From 1874, Nippon Oil (the predecessor to modern ENEOS) began mechanical pumping operations. The Sagara field was the only producing oil field on Japan's Pacific coast, and was the first in Japan to use oil pumps. At the height of its production (in 1884), some 600 people were", + "score": 0.70703125 + }, + { + "id": "6775187", + "title": "Petroleum industry in Nigeria", + "text": "Rivers and South-Eastern (now Cross River) in order to discourage lingering ideas of independence. In May 1971 the Nigerian federal government, then under the control of General Yakubu Gowon, nationalised the oil industry by creating the Nigerian National Oil Corporation via a decree. Following the war with Biafra, the government felt it necessary to secure and gain more control over the oil industry. Nationalization of the oil sector was also precipitated by Nigeria's desire to join OPEC, which was encouraging member states to acquire 51% stakes and become increasingly involved in the oil sector. Although the Nigerian government had maintained", + "score": 0.70654296875 + }, + { + "id": "171417", + "title": "History of the petroleum industry in the United States", + "text": "inn where it was burned for illumination. Soon many gas wells were drilled in the area, and the gas-lit streets of Fredonia became a tourist attraction. On August 28, 1859, George Bissell and Edwin L. Drake made the first successful use of a drilling rig on a well drilled especially to produce oil, at a site on Oil Creek near Titusville, Pennsylvania. The Drake partners were encouraged by Benjamin Silliman (1779-1864), a chemistry professor at Yale, who tested a sample of the oil, and assured them that it could be distilled into useful products such as illuminating oil. The Drake", + "score": 0.70654296875 + }, + { + "id": "7680424", + "title": "First Oil Well, Bahrain", + "text": "First Oil Well, Bahrain As its name suggests, it is the first oil well in the Arabian side of the Persian Gulf and is located in Bahrain. The well is situated below Jebel Dukhan. It was discovered and operated by Bahrain Petroleum Company (BAPCO), established in 1929 in Canada by Standard Oil Company of California. Oil first spurted from this well on 16 October 1931, and the well finally began to blow heads of oil on the morning of 2 June 1932. The initial oil flow rate was ; by the 1970s the well produced , and after that it", + "score": 0.70654296875 + }, + { + "id": "9857235", + "title": "History of the petroleum industry", + "text": "avenue near Grant Street, in 1853. In addition to the activity in West Virginia and Pennsylvania, an important early oil well in North America was in Oil Springs, Ontario, Canada in 1858, dug by James Miller Williams. The discovery at Oil Springs touched off an oil boom which brought hundreds of speculators and workers to the area. New oil fields were discovered nearby throughout the late 19th century and the area developed into a large petrochemical refining centre and exchange. The modern US petroleum industry is considered to have begun with Edwin Drake's drilling of a oil well in 1859,", + "score": 0.7060546875 + }, + { + "id": "9857226", + "title": "History of the petroleum industry", + "text": "la Sablonni\u00e8re, by special appointment of Louis XV. The Pechelbronn oil field was active until 1970, and was the birthplace of companies like Antar and Schlumberger. The first modern refinery was built there in 1857. The modern history of petroleum began in the 19th century with the refining of paraffin from crude oil. The Scottish chemist James Young in 1847 noticed a natural petroleum seepage in the Riddings colliery at Alfreton, Derbyshire from which he distilled a light thin oil suitable for use as lamp oil, at the same time obtaining a thicker oil suitable for lubricating machinery. In 1846,", + "score": 0.70556640625 + }, + { + "id": "17285792", + "title": "Oklahoma City Discovery Well", + "text": "the Indian Territory Illuminating Oil Company (ITIO). Beginning on June 12, 1928, the drilling crew drilled more than . In early December they broke through the Arbuckle Limestone layer, noting that the bottom of the formation was saturated with oil and was under gas pressure. Since they were drilling with a cable tool rig, the flow of gas and oil could not be controlled, and on December 4 the gas blew the tools out of the well. The well produced 110,000 barrels of oil during its first 27 days. However, the well began to produce water by the end of", + "score": 0.70556640625 + }, + { + "id": "415361", + "title": "History of Trinidad and Tobago", + "text": "pitch lake. The other point of view from Capt. Darwent was that a combustible fuel, refined from oil drilled from the earth would be the ideal fuel for the future.\" In either 1865, 1866, or 1867, according to different accounts, the American civil engineer, Walter Darwent, discovered and produced oil at Aripero. Efforts in 1867 to begin production by the Trinidad and Tobago Petroleum Company at La Brea and the Pariah Petroleum Company at Aripero were poorly financed and abandoned after Walter Darwent died of yellow fever. In 1893 Mr Randolph Rust, along with his neighbour, Mr Lee Lum, drilled", + "score": 0.705078125 + }, + { + "id": "18811074", + "title": "Oil and gas industry in Myanmar", + "text": "to hopes of greater investment and economic growth. Early British explorers in Burma discovered a flourishing oil extraction industry in the town of Yenangyaung in 1795. The area had hundreds of hand-dug oil wells under the hereditary control of 24 Burmese families. British Burma exported its first barrel of crude oil in 1853. The London-based Burmah Oil Company (BOC) was established in 1871 and began production in the Yenangyaung field in 1887 and the Chauk field in 1902. BOC enjoyed a monopoly in the sector until 1901, when the American Standard Oil Company launched operations in Burma. Oil supplies largely", + "score": 0.7041015625 + }, + { + "id": "20903221", + "title": "Bomu oil field", + "text": "the production wells at Bomu leading to the destruction of vegetation and farm crops. Bomu oil field Bomu oil field located in Gokana Local Government Area of the Eastern Niger Delta region of Nigeria. The discovery well was spuded in February 1958 and discovered 265 ft of gas sands and 165 feet of oil bearing sands of the Agbada formation. Production began in 1959 and the first stage of a 12 inch pipeline connecting Bomu to Bonny through Afam was completed in the same year. Prior to the Biafran war, production reached 75,000 barrels per day with 26 oil producing", + "score": 0.70361328125 + }, + { + "id": "17285793", + "title": "Oklahoma City Discovery Well", + "text": "1928 and was abandoned. The discovery well was placed on the National Register of Historic Places on December 9, 1977. The present site preserves the concrete drilling derrick foundations and the capped well head. Oklahoma City Discovery Well The Oklahoma City Discovery Well was the first successful oil well to be drilled in Oklahoma City, Oklahoma. The December 4, 1928 discovery opened the Oklahoma City Oil Field to extensive exploitation, creating an oil boom that sustained the area through the Great Depression. Because much of the oil was under the existing city, the Oklahoma City field pioneered the use of", + "score": 0.70361328125 + }, + { + "id": "8813063", + "title": "Bonga Field", + "text": "Bonga Field The Bonga Field is an oilfield in Nigeria. It was located in License block OPL 212 off the Nigerian coast, which was renamed OML 118 in February 2000. The field covers approximately 60 km in an average water depth of . The field was discovered in 1996, with government approval for its development given in 2002. The field began first production in November 2005. The field is produced via a FPSO vessel. The field produces both petroleum and natural gas; the petroleum is offloaded to tankers while the gas is piped back to Nigeria where it is exported", + "score": 0.70263671875 + }, + { + "id": "16880800", + "title": "Oil in Oklahoma", + "text": "Oil in Oklahoma Oil in Oklahoma was first discovered, by accident, in 1859, near Salina, in the U.S. state of Oklahoma, in a well that had been drilled for salt. In 1907, before Oklahoma became a state, it produced the most oil of any state or territory in the United States. From 1907 to 1930, Oklahoma and California traded the title of number one US oil producer back and forth. Oklahoma oil production peaked in 1927, at 762,000 barrels/day, and by 2005 had declined to 168,000 barrels/day, but then started rising, and by 2014 had more than doubled to 350,000", + "score": 0.70263671875 + }, + { + "id": "9857233", + "title": "History of the petroleum industry", + "text": "in southeast Trinidad in the Caribbean. Additionally, there was considerable activity before Drake in various parts of the world in the mid-19th century. A group directed by Major Alexeyev of the Bakinskii Corps of Mining Engineers hand-drilled a well in the Baku region in 1846. There were engine-drilled wells in West Virginia in the same year as Drake's well. An early commercial well was hand dug in Poland in 1853, and another in nearby Romania in 1857. At around the same time the world's first, but small, oil refineries were opened at Jas\u0142o, in Poland, with a larger one being", + "score": 0.70263671875 + }, + { + "id": "20903220", + "title": "Bomu oil field", + "text": "Bomu oil field Bomu oil field located in Gokana Local Government Area of the Eastern Niger Delta region of Nigeria. The discovery well was spuded in February 1958 and discovered 265 ft of gas sands and 165 feet of oil bearing sands of the Agbada formation. Production began in 1959 and the first stage of a 12 inch pipeline connecting Bomu to Bonny through Afam was completed in the same year. Prior to the Biafran war, production reached 75,000 barrels per day with 26 oil producing wells and 3 water producing wells. In 1970, a blow-out occurred in one of", + "score": 0.70263671875 + }, + { + "id": "11011448", + "title": "Eleme, Rivers", + "text": "with natural dyes. Important guests are thanked and presented with drinks. The ceremony concludes with various dances and gifts are given to the new couple, including money and clothes. With the discovery of oil in the Niger Delta in the 1958, the Eleme territory has become home to both Oil Refineries and Fertilizer industries, increasing the role of a more industrial economy. About 100 wells are thought to be in use throughout the Eleme territory. The mining of oil has had notable political and environmental effects on the status of the Niger Delta, with pollution from national industries based on", + "score": 0.70166015625 + }, + { + "id": "1021106", + "title": "Smackover, Arkansas", + "text": "a year, almost 1,000 wells had produced 25 million barrels of oil. In October 1922, a lighter oil was produced further west, from the Meakin sand, at depths between 2230 and 2350 feet. Oil was discovered in the Blossom sand at a depth of 2610 feet in March 1923. The Graves sand was exploited for oil at a depth of 2501 feet in January 1925. On 8 May 1936, oil was discovered in the Jurassic Smackover Formation limestone at a depth of 4800 feet by the Phillips Petroleum Company. Oil and gas were produced from the porous Reynolds oolite at", + "score": 0.701171875 + }, + { + "id": "20545892", + "title": "Post - 1500 Southeast Asia Archaeology", + "text": "in the 20th century when a coal mining lease in 1882 was granted in Muara, Brunei and oil was discovered in 1926. Archaeological evidence of a variety of copper, antimony ores, gold and plumbago were found in these locations. Brunei improved as a state when revenues acquired from years of coal and oil mining. Discovery of oil lead to economic freedom, demographic changes, infrastructure, and educational opportunities. Centuries of trade oppression with the British weakened Brunei as a state, eventually leading to limited findings of data and material culture of the Brunei community and archaeological work today. Post - 1500", + "score": 0.70068359375 + }, + { + "id": "4512369", + "title": "Digboi", + "text": "Upper Assam since 1825. Lt. R. Wilcox, Major A. White, Capt. Francis Jenkins, Capt. P.S. Hanney\u2014they all saw at different times petroleum exuding from banks of the Dihing River. Mr. C.A. Bruce (1828) and Mr. H.B. Medicott (1865) of the Geological Survey of India also saw oil while prospecting for coal in Upper Assam. Mr. Goodenough of McKillop, Stewart & Co. Calcutta was the first in India to start a systematic programme of drilling for oil in November 1866, at Nahorpung about south east of Dibgoi, just seven years after the world's first commercial oil well was drilled in 1859,", + "score": 0.70068359375 + }, + { + "id": "6775213", + "title": "Petroleum industry in Nigeria", + "text": "carelessness of the oil industry has also precipitated this situation, which can perhaps be best encapsulated by a report issued by the NNPC in 1983, long before popular unrest surfaced: \"We witnessed the slow poisoning of the waters of this country and the destruction of vegetation and agricultural land by oil spills which occur during petroleum operations. But since the inception of the oil industry in Nigeria, more than twenty-five years ago, there has been no concerned and effective effort on the part of the government, let alone the oil operators, to control environmental problems associated with the industry\". Oil", + "score": 0.70068359375 + }, + { + "id": "5066407", + "title": "Niger Delta", + "text": "of early 2012. The first oil operations in the region began in the 1950s and were undertaken by multinational corporations, which provided Nigeria with necessary technological and financial resources to extract oil. Since 1975, the region has accounted for more than 75% of Nigeria's export earnings. Together oil and natural gas extraction comprise \"97 per cent of Nigeria's foreign exchange revenues\". Much of the natural gas extracted in oil wells in the Delta is immediately burned, or flared, into the air at a rate of approximately 70 million m\u00b3per day. This is equivalent to 41% of African natural gas consumption", + "score": 0.7001953125 + }, + { + "id": "16984674", + "title": "First Oil Well in Oklahoma", + "text": "First Oil Well in Oklahoma The First Oil Well in Oklahoma was drilled in 1885 in Atoka County, Choctaw Nation, Indian Territory, though it was not completed until 1888. The First Oil Well in Oklahoma (also known as Old Faucett Well) is a historic oil well site near the present Wapanucka, Johnston County, Oklahoma. It was drilled by Dr. H.W. Faucett, who started work in 1885 on Choctaw land for the Choctaw Oil and Refining Company, but the well was not completed until 1888. A small amount of oil and gas was produced, but not in commercially usable quantity. The", + "score": 0.7001953125 + }, + { + "id": "16880802", + "title": "Oil in Oklahoma", + "text": "first woman to drill a producing oil well on her own property, and the first female oil operator in Oklahoma was Lulu M. Hefner. Oil in Oklahoma Oil in Oklahoma was first discovered, by accident, in 1859, near Salina, in the U.S. state of Oklahoma, in a well that had been drilled for salt. In 1907, before Oklahoma became a state, it produced the most oil of any state or territory in the United States. From 1907 to 1930, Oklahoma and California traded the title of number one US oil producer back and forth. Oklahoma oil production peaked in 1927,", + "score": 0.7001953125 + }, + { + "id": "8936280", + "title": "History of Oklahoma", + "text": "completed July 1850 in the old Cherokee Nation near Salina, it was in the early 20th century the oil business really began to get underway. Huge pools of underground oil were discovered in places like Glenpool near Tulsa. Many whites flooded into the state to make money. Many of the \"old money\" elite families of Oklahoma can date their rise to this time. Throughout the 1920s, new oil fields were continually discovered and Oklahoma produced over 1.8 billion barrels of petroleum, valued at over 3.5 million dollars for the decade. In 1920 the spectacular Osage County oil field was opened,", + "score": 0.69970703125 + }, + { + "id": "14548334", + "title": "Okoro Oilfield", + "text": "Okoro Oilfield Okoro Oilfield is an oilfield located offshore Nigeria in an average water depth of in the eastern Niger Delta. The field is located in OML 112 block (formerly OPL 469). The Okoro Oilfield is operated Amni who owns 100%. Okoro was discovered in 1973 by Japan Petroleum with the drilling of Okoro-1 well. The well penetrated the two oil bearing sands between 4,900 and in the Agbada Formation and was logged and tested. One of oil zone flowed and 1,000 BW and well was deemed commercial discovery. Okoro-2 follow up appraisal well was drilled in Nov 1974 by", + "score": 0.69970703125 + }, + { + "id": "11546708", + "title": "Omar Mohammed Shegewi", + "text": "and offshore parts of northeast Libya and their hydrocarbon potential, which is considered to be amongst the highest in the region. This immense project was supervised by veteran consultant geologist William Kanes (USA), Kanes is among the first American geologists who worked in Libya during the era of oil-discovery in the 1950s and 1960s. Much of Shegewi's data is used by oil corporations, consultancies and individuals world-wide and is available from multiple online sources. In 1992 and under the employment of Agip/Eni oil, Shegewi returned to Libya to begin what would have been the last stage of his work, discovering", + "score": 0.69921875 + }, + { + "id": "1602681", + "title": "Oil refinery", + "text": "Ignacy Lukasiewicz began producing kerosene from hand-dug oil wells near the town of Krosno, Poland. The first large petroleum refinery was built in Ploie\u0219ti, Romania in 1856 using the abundant oil available in Romania. In North America, the first oil well was drilled in 1858 by James Miller Williams in Oil Springs, Ontario, Canada. In the United States, the petroleum industry began in 1859 when Edwin Drake found oil near Titusville, Pennsylvania. The industry grew slowly in the 1800s, primarily producing kerosene for oil lamps. In the early twentieth century, the introduction of the internal combustion engine and its use", + "score": 0.69921875 + }, + { + "id": "3072672", + "title": "James Young (chemist)", + "text": "it, one of which he named \"paraffine oil\" because at low temperatures it congealed into a substance resembling paraffin wax. The production of these oils and solid paraffin wax from coal formed the subject of his patent dated 17 October 1850. In 1850 Young & Meldrum and Edward William Binney entered into partnership under the title of E.W. Binney & Co. at Bathgate in West Lothian and E. Meldrum & Co. at Glasgow; their works at Bathgate were completed in 1851 and became the first truly commercial oil-works in the world, using oil extracted from locally mined torbanite, lamosite, and", + "score": 0.6982421875 + }, + { + "id": "6311104", + "title": "Petroleum seep", + "text": "of companies like Antar and Schlumberger. In 1745 under the Empress Elisabeth of Russia the first oil well and refinery were built in Ukhta by Fiodor Priadunov. Through the process of distillation of the \"rock oil\" (petroleum) he received a kerosene-like substance, which was used in oil lamps by Russian churches and monasteries (though households still relied on candles). The earliest mention of petroleum seeps in the Americas occurs in Sir Walter Raleigh's account of the Pitch Lake on Trinidad in 1595. Thirty-seven years later, the account of a visit of a Franciscan, Joseph de la Roche d'Allion, to the", + "score": 0.6982421875 + }, + { + "id": "6311107", + "title": "Petroleum seep", + "text": "[the Tar Volcanoes].\" During the nineteenth and the beginning of the twentieth century, oil seepages in Europe were exploited everywhere with the digging, and later drilling, of wells near to their occurrences and the discovery of numerous small oil fields such as in Italy. The modern history of petroleum exploitation, in relation to extraction from seeps, began in the 19th century with the refining of kerosene from crude oil as early as 1823, and the process of refining kerosene from coal by Nova Scotian Abraham Pineo Gesner in 1846. It was only after Ignacy \u0141ukasiewicz had improved Gesner's method to", + "score": 0.6982421875 + }, + { + "id": "6982360", + "title": "Oil India", + "text": "gas in 1988, heavy oil / bitumen in 1991 and started production of gas in 1996. The company has accumulated over a hundred years of experience in the field of oil and gas production, since the discovery of Digboi oilfield in 1889. The company has over of licensed areas for oil and gas exploration. It has emerged as a consistently profitable International company and present in Libya, Gabon, Nigeria, Sudan, Venezuela, Mozambique, Yemen, Iran, Bangladesh and United States. OIL has recently emerged in the offshore giant gas-field project of Mozambique and also made discovery of oil & gas in Gabon", + "score": 0.6982421875 + }, + { + "id": "4059012", + "title": "Royal Niger Company", + "text": "turn united with the Northern Nigeria Protectorate to form the Colony and Protectorate of Nigeria in 1914 (which eventually gained independence within the same borders as the Federal Republic of Nigeria in 1960). Richard Lander first explored the area of Nigeria as the servant of Hugh Clapperton. In 1830, he returned to the river with his brother John; in 1832, he returned again (without his brother) to establish a trading post for the \"African Steamship Company\" at the confluence of the Niger and Benue rivers. The expedition failed, with 40 of the 49 members dying of fever or wounds from", + "score": 0.6982421875 + }, + { + "id": "16664268", + "title": "History of the oil industry in India", + "text": "History of the oil industry in India The history of the Indian oil industry extends back to the period of the British Raj, at a time when petroleum first became a primary global energy source. 1866 : Oil discovery at Nahorpung,Assam. Not explored. 1882 : Big \"Oil Seepage\" in Digboi during construction of Dibrugarh-Ledo Railway Line. The first oil production started in India in 1889 near the town of Digboi in the state of Assam. A Small thatched structure was erected and christened \"Oil well no.1\" or \"Discovery\". This discovery came on the heels of industrial development. The Assam Railways", + "score": 0.6982421875 + }, + { + "id": "17285791", + "title": "Oklahoma City Discovery Well", + "text": "Oklahoma City Discovery Well The Oklahoma City Discovery Well was the first successful oil well to be drilled in Oklahoma City, Oklahoma. The December 4, 1928 discovery opened the Oklahoma City Oil Field to extensive exploitation, creating an oil boom that sustained the area through the Great Depression. Because much of the oil was under the existing city, the Oklahoma City field pioneered the use of directional drilling to allow lateral displacement of well bores to reach deposits under developed areas. The well is located at the present-day intersection of SE 59th Street and Bryant Boulevard. It was drilled by", + "score": 0.69775390625 + }, + { + "id": "3603364", + "title": "Anambra State", + "text": "In the year 2006, a foundation-laying ceremony for the first Nigerian private refinery, Orient Petroleum Refinery (OPR), was made at Aguleri area. The Orient Petroleum Resource Ltd, (OPRL) owners of OPR, was licensed in June 2002, by the Federal Government to construct a private refinery with a capacity of . In 2012, following the efforts of Governor Peter Obi and other stakeholders of Orient Petroleum, Anambra State became an oil-producing state. The indigenous company struck oil in the Anambra River basin. On August 2, 2015, the management of Orient Petroleum Resources Plc said the company planned to increase its crude", + "score": 0.69775390625 + }, + { + "id": "13375583", + "title": "Pennsylvania oil rush", + "text": "Billy Smith, endured fires, financial setbacks, and the ridicule of the local inhabitants. When the Seneca Oil Company gave up and decided to withdraw its funding, Drake obtained a personal line of credit to continue digging. On August 27, 1859, Drake struck oil at below ground, just before his funds ran out. This marked the beginning of drastic change for the people of Western Pennsylvania. His drilling is considered the \"first large-scale commercial extraction of petroleum\". Unfortunately for Drake, his success would not last. He had not purchased much land in the region, and the oil industry exploded around him", + "score": 0.697265625 + }, + { + "id": "15151043", + "title": "Technological and industrial history of 20th-century Canada", + "text": "Alberta of large quantities of surface bitumen (oil) mixed with sand has been known for many years. In the late 1970s the commercial production of synthetic crude oil from this bitumen began near Fort McMurray. Construction at this site, by a company known as Syncrude, began in 1973 and the first crude oil was produced there in 1978. The complex and costly production process involves scraping the sticky bitumen-laden sand from the surface, transporting it to a processing facility, removing the sand from the bitumen and upgrading the bitumen to a product known as light sweet crude. The technical scale", + "score": 0.697265625 + }, + { + "id": "7222219", + "title": "Eugene Island block 330 oil field", + "text": "drilled to the north of Block 330 discovered natural gas, Pennzoil expected to discover a natural gas not oil. The oil field was discovered in March 1971 while drilling the 1 OCS G-2115 well. Approximately at the same time oil was discovered by Royal Dutch Shell in the adjoining block 331. By the end of 1971, two platforms had been installed in the field. The first development well was drilled on Block 330 by Pennzoil's \"A\" platform in November 1971. Production started in September 1972 in the block 331. During 1972 four more platforms were installed and later the number", + "score": 0.69677734375 + }, + { + "id": "4283231", + "title": "Wamsutta Oil Refinery", + "text": "an Indian chief and his son, who was named Wamsutta. In 1854, natural oil (petroleum) was discovered in western Pennsylvania. In 1859, George Bissell and Edwin L. Drake made the first successful use of a drilling rig at Titusville, Pennsylvania. This single well soon exceeded the entire cumulative oil output which had taken place in Europe since the 1650s. The principal product of the oil was kerosene. Another related product was natural gas. Kerosene and natural gas soon replaced whale oil in North America. In New England, whaling reached its peak in 1857, then gradually began a period of decline.", + "score": 0.69677734375 + }, + { + "id": "8020428", + "title": "James Miller Williams", + "text": "transit and also railway cars. In 1855, he entered the business of refining petroleum in Lambton County by taking over the International Mining and Manufacturing Company from Charles Nelson Tripp. Already operating a small 150 gallon/day asphalt well in the Village of Oil Springs, Williams set out during a drought in September 1858 to dig a drinking water well down-slope from it but struck free oil instead, thereby becoming the first person to produce a commercial oil well in North America, one year before Edwin Drake. He is also credited with setting up Canada's first refinery of crude oil to", + "score": 0.69677734375 + }, + { + "id": "12619789", + "title": "Agbami Field", + "text": "Agbami Field Agbami Field is an oil field in Nigeria. Discovered in late 1998, it was the second major deepwater oil field discovered off the Niger Delta, the first being Bonga Field by Shell. The field is located in nearly 1,500 meters (4,900 ft) of water off the central Niger Delta. The operator of the field is Star Deep Water Limited, an affiliate of Chevron. Also involved in the field are Famfa Oil, an indigenous oil company owned by the Alakija Family of Lagos, Petrobras (Brazil), Statoil, and NNPC (the national oil company of Nigeria). Most of the reserves are", + "score": 0.6962890625 + }, + { + "id": "3771868", + "title": "Petroleum industry", + "text": "of which is that the Drake well did not come into production until August 28, 1859. The controversial point might be that Williams found oil above bedrock while Edwin Drake\u2019s well located oil within a bedrock reservoir. The discovery at Oil Springs touched off an oil boom which brought hundreds of speculators and workers to the area. Canada's first gusher (flowing well) erupted on January 16, 1862, when local oil man John Shaw struck oil at 158 feet (48 m). For a week the oil gushed unchecked at levels reported as high as 3,000 barrels per day. The first modern", + "score": 0.6962890625 + }, + { + "id": "16533667", + "title": "Hela Province", + "text": "deposits of gold at the Mt Tundaka area of Upper Wage in Margarima District in Komo Margarim Electorate. No confirmation has been given but ongoing exploration for further confirmation is in progress. The Kutubu Oil Project, which was Papua New Guinea's first commercial oilfield development, is located in the southern highlands of Papua New Guinea and takes its name from nearby Lake Kutubu. Oil was first discovered at Kutubu in the Iagifu sandstone structure in 1986 and commercial production commenced in June 1992. The Kutubu development comprises a network of wells that produce oil from the Iagifu-Hedinia, Usano and Agogo", + "score": 0.6962890625 + }, + { + "id": "18584154", + "title": "Clem S. Clarke", + "text": "geological report on the U. S. state of Florida. Clark, Benedum, and Trees leased a million acres, mostly in Collier County in the Everglades region. They hired Gulf Oil Company to perform vital geophysical work. On September 26, 1943, the Humble Oil Company, which had bought out Gulf, for $1 million in investment drilled a well at a depth of 11,726 feet. This was the first oil discovery in Florida in the Collier County field developed by Benedum, Trees, and Clarke. Trees had died a few months before the Florida discovery. Then Clarke with the permission of Generalissimo Rafael Trujillo", + "score": 0.6962890625 + } + ], + "answer": "Nigeria is the largest oil and gas producer in Africa. Crude oil from the Niger delta basin comes in two types: light, and comparatively heavy. Oil was discovered in non-commercial quantities at Akata, near Eket in 1953. Shell-BP in the pursuit of commercially available petroleum found oil in Oloibiri, Nigeria in 1956." + }, + { + "qa_pairs": [ + { + "context": "Development for \"The Fast and the Furious\" arose after Cohen read a \"Vibe\" magazine article in 1998 titled \"Racer X\", which detailed the illegal street racing circuit operating within New York City. After contacting producer Neal H. Moritz, Moritz was able to present the script to Universal Studios, who greenlit \"The Fast and the Furious\" in 2000. Walker was the first actor to sign onto the project, while Diesel initially had to be persuaded to participate in the film, accepting after proposing several script changes.", + "question": "When was the first Fast and Furious film created?|When was the first movie in The Fast Saga series filmed?", + "short_answers": [ + "2000" + ], + "wikipage": "The Fast and the Furious (2001 film)" + }, + { + "context": "\"The Fast and the Furious\" was released on June 22, 2001 in North America and ranked #1 at the box office, earning $40,089,015 during its opening weekend. Its widest release was 2,889 theaters. During its run, the film has made a domestic total of $144,533,925 along with an international total of $62,750,000 bringing its worldwide total of $207,283,925 on a budget of $38 million.", + "question": "When was the first fast and furious film released?|When was the first of the fast and the furious films released?", + "short_answers": [ + "2001" + ], + "wikipage": "The Fast and the Furious (2001 film)" + } + ], + "wikipages": [ + { + "title": "The Fast Saga", + "url": "https://en.wikipedia.org/wiki/The%20Fast%20Saga" + }, + { + "title": "The Fast and the Furious (2001 film)", + "url": "https://en.wikipedia.org/wiki/The%20Fast%20and%20the%20Furious%20%282001%20film%29" + }, + { + "title": "The Fast and the Furious: Tokyo Drift", + "url": "https://en.wikipedia.org/wiki/The%20Fast%20and%20the%20Furious%3A%20Tokyo%20Drift" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Universal Studios Hollywood is a film studio and theme park in the San Fernando Valley area of Los Angeles County, California. ", + "wikipage": "Universal Studios Hollywood" + }, + { + "content": "Rob Cohen (born March 12, 1949) is an American director, producer, and screenwriter of film and television. ", + "wikipage": "Rob Cohen" + } + ], + "long_answer": "The idea for the Fast and Furious movie came to movie director Rob Cohen in 1998, but it wasn't until the year 2000 when the film studio Universal Studios approved the making of this movie. The first of the Fast and Furious Fast Saga series was released on June 22nd of the following year(2001). " + }, + { + "knowledge": [ + { + "content": "The film was shot in various locations within Los Angeles and parts of southern California, from July to October 2000.", + "wikipage": "The Fast and the Furious (2001 film) Filming" + }, + { + "content": "Fast & Furious (also known as The Fast and the Furious) is a media franchise centered on a series of action films that are largely concerned with illegal street racing, heists, spies and betrayal.", + "wikipage": "Fast & Furious" + }, + { + "content": "A tenth and eleventh film are planned, and the main films are collectively known as The Fast Saga.", + "wikipage": "Fast & Furious" + }, + { + "content": "The Fast and the Furious (later also known as Fast & Furious 1) is a 2001 action film directed by Rob Cohen from a screenplay by Gary Scott Thompson, Erik Bergquist, and David Ayer, with the story credited to Thompson. It is the first installment in the Fast & Furious franchise and stars Paul Walker, Vin Diesel, Michelle Rodriguez, Jordana Brewster, Rick Yune, Chad Lindberg, Johnny Strong, and Ted Levine.", + "wikipage": "The Fast and the Furious (2001 film)" + } + ], + "long_answer": "The first film of the Fast & Furious franchise, 2001's The Fast and the Furious, was filmed in 2000 and released in 2001. Universal Studios greenlit the film in 2000. The film was shot in various locations within Los Angeles and parts of southern California from July to October 2000 and released in North America on June 22, 2001. The main films of the franchise are collectively known as The Fast Saga." + } + ], + "sample_id": "6818525918465491519", + "question": "When was the first fast and furious film made?", + "docs": [ + { + "id": "2436159", + "title": "The Fast and the Furious (1955 film)", + "text": "by a documentary on American International Pictures that included Corman's film. Moritz was able to trade the use of some stock footage to Corman for use of the title. The Fast and the Furious (1955 film) The Fast and the Furious is a 1955 American B movie crime film from a story written by Roger Corman and screenplay by Jean Howell and Jerome Odlum. The film stars John Ireland and Dorothy Malone. Ireland also served as the film's co-director. \"The Fast and the Furious\" was the first film produced for the American International Pictures company. Charged with a murder he", + "score": 0.79248046875, + "summary": "Irrelevant.", + "extraction": "The passage is irrelevant to the question as it talks about a different film titled \"The Fast and the Furious (1955 film)\" which is not related to the popular action film franchise \"Fast and Furious\"." + }, + { + "id": "2436153", + "title": "The Fast and the Furious (1955 film)", + "text": "The Fast and the Furious (1955 film) The Fast and the Furious is a 1955 American B movie crime film from a story written by Roger Corman and screenplay by Jean Howell and Jerome Odlum. The film stars John Ireland and Dorothy Malone. Ireland also served as the film's co-director. \"The Fast and the Furious\" was the first film produced for the American International Pictures company. Charged with a murder he did not commit, truck driver Frank Webster (John Ireland) has broken out of jail. While on the run, and the subject of radio news reports, he is cornered in", + "score": 0.7919921875, + "summary": "The Fast and the Furious (1955 film) was made in 1955.", + "extraction": "Irrelevant. The passage is about a different film titled \"The Fast and the Furious\" which was made in 1955, and not the \"Fast and Furious\" film series." + }, + { + "id": "1840304", + "title": "The Fast and the Furious (2001 film)", + "text": "on the sequel's DVD release. Racing Champions released diecast metal replicas of the film's cars in different scales from 1/18 to 1/64. RadioShack sold ZipZaps micro RC versions of the cars in 2002. 1/24 scale plastic model kits of the hero cars were manufactured by AMT Ertl. The Fast and the Furious (2001 film) The Fast and the Furious is a 2001 action film directed by Rob Cohen, produced by Neal H. Moritz, and written by Gary Scott Thompson and David Ayer. It is the first installment in \"The Fast and the Furious\" franchise. The film follows Brian O'Conner (Paul", + "score": 0.78955078125, + "summary": "The first Fast and the Furious film was made in 2001.", + "extraction": "The Fast and the Furious is a 2001 action film, which is the first installment in \"The Fast and the Furious\" franchise." + }, + { + "id": "1840284", + "title": "The Fast and the Furious (2001 film)", + "text": "arose following the publishing of a \"Vibe\" magazine article in 1998 titled \"Racer X\", which detailed the illegal street racing circuit operating within New York City. Production began in 2000, as part of an international co-production between the United States and Germany, and is set and filmed across California. It was funded and released by Universal Pictures. Upon its release on June 22, 2001, \"The Fast and the Furious\" grossed $207 million from a $38 million budget. It was also re-released on June 22, 2016, to commemorate the film's fifteenth anniversary. \"The Fast and the Furious\" soon launched a franchise", + "score": 0.78857421875, + "summary": "The first Fast and Furious film, \"The Fast and the Furious,\" was made in 2001.", + "extraction": "\"The Fast and the Furious\" film was made in 2001." + }, + { + "id": "1840283", + "title": "The Fast and the Furious (2001 film)", + "text": "The Fast and the Furious (2001 film) The Fast and the Furious is a 2001 action film directed by Rob Cohen, produced by Neal H. Moritz, and written by Gary Scott Thompson and David Ayer. It is the first installment in \"The Fast and the Furious\" franchise. The film follows Brian O'Conner (Paul Walker), an undercover cop tasked with discovering the identities and stopping a group of unknown automobile hijackers led by Dominic Toretto (Vin Diesel). The film also stars Michelle Rodriguez, Jordana Brewster, Rick Yune, Chad Lindberg, Johnny Strong, and Ted Levine. Development for \"The Fast and the Furious\"", + "score": 0.76416015625, + "summary": "The first Fast and Furious film was made in 2001.", + "extraction": "\"The Fast and the Furious\" is a 2001 action film, which is the first installment in \"The Fast and the Furious\" franchise. Therefore, the answer to the question \"When was the first fast and furious film made?\" is \"2001\"." + }, + { + "id": "16014441", + "title": "The Turbo Charged Prelude for 2 Fast 2 Furious", + "text": "The Turbo Charged Prelude for 2 Fast 2 Furious The Turbo Charged Prelude for 2 Fast 2 Furious is a 2003 American short film directed by Philip G. Atwell, produced by Chris Palladino, and written by Keith Dinielli. It is the first short film in \"The Fast and the Furious\" franchise, and stars Paul Walker. This is a continuation to \"The Fast and the Furious\" (2001) and details the events prior to \"2 Fast 2 Furious\" (2003), where runaway fugitive Brian O'Conner leaves Los Angeles in order to evade police capture. It was released on June 3, 2003, and was", + "score": 0.75341796875, + "summary": "The first short film in \"The Fast and the Furious\" franchise is \"The Turbo Charged Prelude for 2 Fast 2 Furious,\" released on June 3, 2003, and starring Paul Walker. However, it is not the first Fast and Furious film as it is a prelude to \"2 Fast 2 Furious\" (2003).", + "extraction": "\"The Fast and the Furious\" (2001) is the first film in the franchise." + }, + { + "id": "11545110", + "title": "The Fast and the Furious", + "text": "The Fast and the Furious The Fast and the Furious (colloquial: Fast & Furious) is an American media franchise based on a series of action films that is largely concerned with illegal street racing, heists and espionage, and includes material in various other media that depicts characters and situations from the films. Distributed by Universal Pictures, the series was established with the 2001 film titled \"The Fast and the Furious\"; this was followed by seven sequels, two short films that tie into the series, and as of May 2017, it has become Universal's biggest franchise of all time, currently the", + "score": 0.7529296875, + "summary": "The first Fast and Furious film was made in 2001.", + "extraction": "The first film titled \"The Fast and the Furious\" was made in 2001." + }, + { + "id": "11831703", + "title": "Fast and Furious (1939 film)", + "text": "Fast and Furious (1939 film) Fast and Furious is a 1939 American mystery comedy film directed by Busby Berkeley. The film stars Franchot Tone and Ann Sothern as Joel and Garda Sloane, a crime-solving married couple who are also rare book dealers. It is the last of a Metro-Goldwyn-Mayer trilogy, along with \"Fast Company\" (1938) and \"Fast and Loose\" (1939). However, different actors played the couple each time. Joel and Garda Sloane, a husband and wife sleuthing duo, sell rare books in New York and dream of taking a vacation to escape the sweltering heat of the city. Joel decides", + "score": 0.75146484375, + "summary": "Irrelevant.", + "extraction": "The passage is irrelevant as it talks about a film called \"Fast and Furious\" from 1939, which is not related to the \"The Fast and the Furious\" franchise." + }, + { + "id": "11544781", + "title": "Fast & Furious (2009 film)", + "text": "Morgan wrote the screenplay. It was released in April 2011. Fast & Furious (2009 film) Fast & Furious (alternatively known as The Fast and the Furious 4, or Fast & Furious 4) is a 2009 American action film directed by Justin Lin and written by Chris Morgan. It is the fourth installment of \"The Fast and the Furious\" franchise. The film, which stars Vin Diesel, Paul Walker, Michelle Rodriguez, and Jordana Brewster, is set between the second and installments and bridges from the first film into a present-day setting, with main members of the original cast reprising their roles. Originally", + "score": 0.73681640625, + "summary": "The document is relevant. The first Fast and Furious film was not mentioned.", + "extraction": "Fast & Furious (2009 film) is the fourth installment of \"The Fast and the Furious\" franchise and was released in 2009." + }, + { + "id": "11831708", + "title": "Fast and Furious (1939 film)", + "text": "he killed Jerry because she knew too much. Fast and Furious (1939 film) Fast and Furious is a 1939 American mystery comedy film directed by Busby Berkeley. The film stars Franchot Tone and Ann Sothern as Joel and Garda Sloane, a crime-solving married couple who are also rare book dealers. It is the last of a Metro-Goldwyn-Mayer trilogy, along with \"Fast Company\" (1938) and \"Fast and Loose\" (1939). However, different actors played the couple each time. Joel and Garda Sloane, a husband and wife sleuthing duo, sell rare books in New York and dream of taking a vacation to escape", + "score": 0.73681640625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage only mentions a film titled \"Fast and Furious\" from 1939 which is a mystery comedy and has no connection with the \"Fast and Furious\" film franchise that started in 2001." + }, + { + "id": "1840295", + "title": "The Fast and the Furious (2001 film)", + "text": "street racing in New York City and watching an actual illegal street race at night in Los Angeles. The film's original title was \"Redline\" before it was changed to \"The Fast and The Furious\". Roger Corman licensed the title rights of his 1955 film \"The Fast and the Furious\" to Universal so that the title could be used on this project; both films were about racing. Producer Neal H. Moritz, who had previously worked with Paul Walker on the film \"The Skulls\" (2000), gave the actor a script and offered him the role of Brian O'Conner. Originally, the studio told", + "score": 0.73388671875, + "summary": "The first Fast and Furious film was made in 2001.", + "extraction": "\"The Fast and The Furious\" was made in 2001." + }, + { + "id": "898727", + "title": "Roger Corman", + "text": "Floor\" (1954). It was produced by Corman's own company, Palo Alto, and released by Robert L. Lippert. The film did well enough to encourage Corman to produce another film, the racing car thriller \"The Fast and the Furious\" (1955), directed by its star, John Ireland, and co-starring Dorothy Malone. Corman sold the movie to a new independent company, the American Releasing Company, run by James H. Nicholson and Samuel Z. Arkoff. Although Corman had a number of offers for the film from Republic and Columbia, he elected to go with ARC because they undertook to advance money to enable him", + "score": 0.73095703125, + "summary": "\"The Fast and the Furious\" was made in 1955.", + "extraction": "\"The Fast and the Furious\" was made in 1955." + }, + { + "id": "11544759", + "title": "Fast & Furious (2009 film)", + "text": "Fast & Furious (2009 film) Fast & Furious (alternatively known as The Fast and the Furious 4, or Fast & Furious 4) is a 2009 American action film directed by Justin Lin and written by Chris Morgan. It is the fourth installment of \"The Fast and the Furious\" franchise. The film, which stars Vin Diesel, Paul Walker, Michelle Rodriguez, and Jordana Brewster, is set between the second and installments and bridges from the first film into a present-day setting, with main members of the original cast reprising their roles. Originally released on April 3, 2009, it received negative reviews upon", + "score": 0.7275390625, + "summary": "The first Fast and Furious film was released in 2001, which is not mentioned in this document. Therefore, the answer is irrelevant.", + "extraction": "The first Fast and Furious film was not made in 2009. The passage is irrelevant for answering the question." + }, + { + "id": "6674187", + "title": "Justin Lin", + "text": "as the opening night film at a variety of North American film festivals, for instance at the 25th San Francisco International Asian American Film Festival. Lin returned to direct \"Fast & Furious\", the fourth in the film series, which opened on April 3, 2009. On its first day of release the movie grossed US$31 million, and peaked at the top spot of the weekend box office with $71 million. It held the title for the highest-grossing opening weekend ever in April at that time. As of May 2009 the film has grossed a total of $346 million worldwide. Lin directed", + "score": 0.72705078125, + "summary": "The fourth Fast and Furious movie was directed by Justin Lin and released on April 3, 2009, grossing $31 million on its first day and $346 million worldwide.", + "extraction": "The first Fast and Furious film is not mentioned in the given passage, so the answer is \"irrelevant\"." + }, + { + "id": "1840300", + "title": "The Fast and the Furious (2001 film)", + "text": "ranked #1 at the box office, earning $40,089,015 during its opening weekend. Its widest release was 2,889 theaters. During its run, the film has made a domestic total of $144,533,925 along with a foreign total of $62,750,000 bringing its worldwide total of $207,283,925 on a budget of $38 million. On Rotten Tomatoes, the film received a rating of 53% based on reviews from 147 critics and an average score of 5.4/10. The critical consensus reads: \"Sleek and shiny on the surface, \"The Fast and the Furious\" recalls those cheesy teenage exploitation flicks of the 1950s.\" On Metacritic, the film gained", + "score": 0.7236328125, + "summary": "The first Fast and Furious film was made in 2001.", + "extraction": "The first Fast and Furious film was made in 2001." + }, + { + "id": "2436157", + "title": "The Fast and the Furious (1955 film)", + "text": "also subbed as a driver in the second of the Jaguar XK120 race cars. After weighing offers from Columbia, Allied and Republic, Corman made a deal for \"The Fast and the Furious\" to be picked up for distribution by a new company, American Releasing Corporation. It later became American International Pictures. Corman says that Ireland only appeared in the film on the condition he could direct it. \"John did a fine job directing on a nine-day shoot with a budget of $50,000,\" said Corman later. After having to operate as a second unit cinematographer and director, Corman realized he wanted", + "score": 0.72119140625, + "summary": "The document is irrelevant to the question.", + "extraction": "Irrelevant. The passage talks about a 1955 film called \"The Fast and the Furious\" directed by John Ireland and produced by Roger Corman. It does not provide any information about the first Fast and Furious film made." + }, + { + "id": "2436156", + "title": "The Fast and the Furious (1955 film)", + "text": "ends with his imminent capture by the police. The working title of \"The Fast and the Furious\" was \"Crashout\". The film was shot in 10 days. Corman says he \"... set up a little of the racing car business because I was interested in that, and I did some of the second unit stuff. But I didn't direct as such.\" The deal that Corman set up included having the local Jaguar dealer donate his cars as well as having scenes take place at the Monterey race track. Most of the exteriors were shot around Malibu and Point Dume, California. Corman", + "score": 0.72119140625, + "summary": "Irrelevant.", + "extraction": "irrelevant. The passage describes a 1955 film titled \"The Fast and the Furious\", which is not related to the popular franchise of the same name." + }, + { + "id": "2436125", + "title": "2 Fast 2 Furious", + "text": "Singleton's direction. The film received two Razzie Award nominations including Worst Remake or Sequel and Worst Excuse for an Actual Movie (All Concept/No Content). 2 Fast 2 Furious 2 Fast 2 Furious (alternatively known as The Fast and the Furious 2 or Fast & Furious 2) is a 2003 American action thriller film directed by John Singleton, produced by Neal H. Moritz and written by Michael Brandt and Derek Haas. It is the second installment in \"The Fast and the Furious\" franchise, and a standalone sequel to \"The Fast and the Furious\" (2001). The film stars Paul Walker, Tyrese Gibson,", + "score": 0.71728515625, + "summary": "\"The Fast and the Furious\" (2001) is the first film of the franchise.", + "extraction": "The Fast and the Furious film was made in 2001." + }, + { + "id": "1840299", + "title": "The Fast and the Furious (2001 film)", + "text": "When Mia tells him that it's not going to be that simple, Brian tells her that he's got time. This ending was released in the collection bundle DVD version. The film's score was composed by music producer BT, mixing electronica with hip-hop and industrial influences. Two soundtracks were released for the film. The first one features mostly hip-hop and rap music. The second one, titled \"More Fast and Furious\", features alternative metal, post-grunge and nu metal songs, as well as select tracks from BT's score. \"The Fast and the Furious\" was released on June 22, 2001 in North America and", + "score": 0.71435546875, + "summary": "The first Fast and Furious film was made in 2001.", + "extraction": "\"The Fast and the Furious\" was released on June 22, 2001 in North America." + }, + { + "id": "17040675", + "title": "Michael Brandt", + "text": "first spec script, \"The Courier\", in 1999 while Brandt was working as an assistant editor for Robert Rodriguez on the set of \"The Faculty\" in Austin, Texas. In the director\u2019s commentary on the \"Spy Kids\" DVD, Rodriguez shared that he was impressed that Brandt never revealed he had written a script that had Hollywood interest during his time on set, not wanting to muddy the waters of his working relationship with Rodriguez. Brandt and Haas\u2019 first production, 2003\u2019s \"2 Fast 2 Furious\" with Universal, amassed over $236 million worldwide and launched their career. The duo went on to write the", + "score": 0.71435546875, + "summary": "The first Fast and Furious film, \"2 Fast 2 Furious\", was produced in 2003.", + "extraction": "The first fast and furious film, \"2 Fast 2 Furious\", was made in 2003." + }, + { + "id": "3212547", + "title": "Dorothy Malone", + "text": "(1954), as a co star. She had a leading part in \"Battle Cry\" (1955), playing a married woman who has an affair with a young soldier (Tab Hunter) during World War Two; a box office hit. She again co-starred with Ireland in \"The Fast and the Furious\" (1955), directed by Ireland but perhaps best remembered for being the first film produced by Roger Corman, who would later recount that Malone \"had left her agent and, having no work, accepted a part for next to nothing.\" He cast her as the female lead in his directorial debut, \"Five Guns West\" (1955).", + "score": 0.71435546875 + }, + { + "id": "6236095", + "title": "The Fast and the Furious: Tokyo Drift", + "text": "about the finesse move of drifting, compared to going fast? And who wants to watch guys race in a parking lot? For that matter, who wants to watch guys race down a mountain, with lots of turns?\" Rob Cohen, who directed the first film of the series, was very critical of this film, saying: \"If you were to just watch \"Tokyo Drift\", you'd say 'I never want to see anything related to \"Fast & Furious\" again.'\" The \"Original Motion Picture Soundtrack\" was released on June 27, 2006. The album was released by Var\u00e8se Sarabande on June 27, 2006. Brian Tyler", + "score": 0.71240234375 + }, + { + "id": "11544775", + "title": "Fast & Furious (2009 film)", + "text": "June 12, 2009, but moved it up to April 3, 2009 instead. It was the first motion-enhanced theatrical film to feature D-BOX motion feedback technology in selected theaters. \"Fast & Furious\" was released on DVD and Blu-ray on July 28, 2009. The DVD is a two-disc set that includes: As of July 29, 2011 the DVD has sold 3,324,117 copies generating $53,879,547 in sales revenue for a combined total of $417,043,812 including worldwide movie ticket sales. It was re-released in Australia on Blu-ray including a digital copy and re-titled \"Fast & Furious 4\" on March 30, 2011. \"Fast & Furious\"", + "score": 0.7119140625 + }, + { + "id": "14524617", + "title": "Fast and Loose (1939 film)", + "text": "Fast and Loose (1939 film) Fast and Loose is a 1939 American thriller film directed by Edwin L. Marin and starring Robert Montgomery, Rosalind Russell and Reginald Owen. It is a sequel to the 1938 film \"Fast Company\" and was followed the same year by \"Fast and Furious\". In each film, different actors played the crime-solving couple. Rare booksellers Joel and Garda Sloane try to solve a murder, which hinges on a missing scrap of a William Shakespeare manuscript. The New York Times wrote, \"a sense of humor, a facile style, genial performances and just enough puzzlement to keep us", + "score": 0.71044921875 + }, + { + "id": "16014444", + "title": "The Turbo Charged Prelude for 2 Fast 2 Furious", + "text": "RX-7 before the screen reads \"2 be continued...\". The short film also features archival footage of Vin Diesel as Dominic Toretto from the first film, and Peter Aylward and Rodney Neil have cameo appearances as police officers. Minka Kelly acts as the girl who gave Brian a ride to San Antonio. The Turbo Charged Prelude for 2 Fast 2 Furious The Turbo Charged Prelude for 2 Fast 2 Furious is a 2003 American short film directed by Philip G. Atwell, produced by Chris Palladino, and written by Keith Dinielli. It is the first short film in \"The Fast and the", + "score": 0.70556640625 + }, + { + "id": "14749065", + "title": "Fast Five", + "text": "the player with \"Fast Five\" branded in-game rewards. A sixth film in \"The Fast and The Furious\" series was planned in February 2010 as development on \"Fast Five\" began, and in April 2011, it was confirmed that Morgan had begun work on a script for the potential sixth film. Diesel and Moritz returned as producers for the film and Lin would return to direct. \"Fast & Furious 6\" was released on May 24, 2013. Documents Fast Five Fast Five (alternatively known as Fast & Furious 5 or Fast & Furious 5: Rio Heist) is a 2011 American action film directed", + "score": 0.705078125 + }, + { + "id": "2436106", + "title": "2 Fast 2 Furious", + "text": "2 Fast 2 Furious 2 Fast 2 Furious (alternatively known as The Fast and the Furious 2 or Fast & Furious 2) is a 2003 American action thriller film directed by John Singleton, produced by Neal H. Moritz and written by Michael Brandt and Derek Haas. It is the second installment in \"The Fast and the Furious\" franchise, and a standalone sequel to \"The Fast and the Furious\" (2001). The film stars Paul Walker, Tyrese Gibson, Eva Mendes, Ludacris, and Cole Hauser. The film follows former cop Brian O'Conner, who teams up with Roman Pearce and U.S. Customs Service agent", + "score": 0.7041015625 + }, + { + "id": "1840303", + "title": "The Fast and the Furious (2001 film)", + "text": "the Restless\" with gas fumes. \"The Quick and the Dead\" with skid marks.\" Paul Clinton of CNN wrote that Cohen \"created a high-octane, rubber-burning extravaganza\" but he criticized the film for \"plot holes you could drive the proverbial truck through\" and an idiotic ending. \"The Fast and the Furious\" was released on DVD on January 2, 2002. A second DVD entitled the \"Tricked Out Edition\", released on June 3, 2003, featured \"The Turbo Charged Prelude for 2 Fast 2 Furious\", a short film that set the tone to the film's sequel. An abridged version of the short film is also", + "score": 0.7041015625 + }, + { + "id": "4858731", + "title": "Rob Cohen", + "text": "Rob Cohen Rob Cohen (born March 12, 1949) is an American director of film and television, producer and screenwriter. Cohen began his career as a producer, before concentrating full-time on directing from the 1990s, with action films such as \"xXx\", along with fantasy films like \"Dragonheart\" and \"\". He directed the first \"The Fast and the Furious\" film in 2001. Cohen was born in Cornwall, New York. He attended Harvard University and graduated magna cum laude in the class of \u201971, after transferring from Amherst College after two years concentrating in a cross major between anthropology and visual studies. His", + "score": 0.70263671875 + }, + { + "id": "14749019", + "title": "Fast Five", + "text": "series from street-racing action into a series of heist films with car chases in the vein of \"The Italian Job\" (1969) and \"The French Connection\" (1971), with \"Fast Five\" as the transitional movie. In April 2011, Universal chairman Adam Fogelson said: The question putting \"Fast Five\" and \"Fast Six\" together for us was: Can we take it out of being a pure car culture movie and into being a true action franchise in the spirit of those great heist films made 10 or 15 years ago? Fogelson said that the racing aspect had put a \"ceiling\" on the number of", + "score": 0.70263671875 + }, + { + "id": "6236096", + "title": "The Fast and the Furious: Tokyo Drift", + "text": "also partnered with music producers Pharrell Williams and Dr. Dre to help curate the soundtrack. It was followed by the \"Original Score\", which was also composed by Tyler. The Fast and the Furious: Tokyo Drift The Fast and the Furious: Tokyo Drift (alternatively known as Fast & Furious 3 or Tokyo Drift) is a 2006 American-German action film directed by Justin Lin, produced by Neal H. Moritz, and written by Chris Morgan. It is the third installment in \"The Fast and the Furious\" franchise and stars Lucas Black, Bow Wow, and Nathalie Kelly. The film follows car enthusiast Sean Boswell,", + "score": 0.6962890625 + }, + { + "id": "1830438", + "title": "Paul Walker", + "text": "\"She's All That\" (1999), and \"The Skulls\" (2000). In 2001, Walker's breakthrough role arrived when he starred opposite actor Vin Diesel in the successful action film \"The Fast and the Furious\", the first film in the franchise. The film established Walker as a notable film star and leading man and led to his reprise of the role in the 2003 sequel \"2 Fast 2 Furious\". He continued his career with leading roles in films such as \"Joy Ride\" (2001), \"Timeline\" (2003)\", and Into the Blue\" (2005). He had a supporting role in Clint Eastwood's adaptation of \"Flags of Our Fathers\"", + "score": 0.6962890625 + }, + { + "id": "11544760", + "title": "Fast & Furious (2009 film)", + "text": "release, but was a box office success grossing $363 million worldwide. It was followed by \"Fast Five\" in 2011. For this entry and onward \"Fast & Furious\" is the official brand name of the franchise, which was used for future installments, as well as video games and a . Five years after the first film, Dominic Toretto (Vin Diesel) and his new crew, consisting of his girlfriend Letty (Michelle Rodriguez), Tego Leo (Tego Calderon), Rico Santos (Don Omar), Cara (Mirtha Michelle) and Han Lue (Sung Kang), are hijacking fuel tankers in the Dominican Republic. Dominic suspects that the police are", + "score": 0.69580078125 + }, + { + "id": "1642600", + "title": "American International Pictures", + "text": "distribution company formed in the early 1950s formed by James H. Nicholson and Samuel Z. Arkoff. They were interested in distributing a car chase movie produced by Roger Corman for his Palo Alto Productions, \"The Fast and the Furious\" (1955). Corman had received offers from other companies for the film, but ARC offered to advance money to enable Corman to make two other films. Corman agreed, \"The Fast and the Furious\" performed well at the box office and the company was launched. Corman's next two films for the company were a Western \"Five Guns West\" (1955), which Corman directed, and", + "score": 0.69580078125 + }, + { + "id": "14524618", + "title": "Fast and Loose (1939 film)", + "text": "from suspecting the least suspicious member of the cast.\" Fast and Loose (1939 film) Fast and Loose is a 1939 American thriller film directed by Edwin L. Marin and starring Robert Montgomery, Rosalind Russell and Reginald Owen. It is a sequel to the 1938 film \"Fast Company\" and was followed the same year by \"Fast and Furious\". In each film, different actors played the crime-solving couple. Rare booksellers Joel and Garda Sloane try to solve a murder, which hinges on a missing scrap of a William Shakespeare manuscript. The New York Times wrote, \"a sense of humor, a facile style,", + "score": 0.6943359375 + }, + { + "id": "11544780", + "title": "Fast & Furious (2009 film)", + "text": "theatrical release on July 2, 2009 with a gross of $155,064,265 in the United States and $208,100,000 internationally for a worldwide total of $363,164,265 (making it the fifth most successful film in the franchise behind \"Furious 7\", \"The Fate of the Furious\", \"Fast & Furious 6\", and \"Fast Five\"). It is also the 17th highest-grossing film of 2009 and the fifth highest film of 2009 to gross $300 million worldwide behind \"Star Trek\", \"Monsters vs. Aliens\", \"\", and \"Terminator Salvation\". Vin Diesel and Paul Walker reunited for a \"Fast & Furious\" sequel, entitled \"Fast Five\". Justin Lin directed, while Chris", + "score": 0.693359375 + }, + { + "id": "15608607", + "title": "Fast & Furious 6", + "text": "photography began in London, England in July 2012. Filming locations also included the Canary Islands, Glasgow, and Los Angeles. The film was first released in the United Kingdom, on May 17, 2013, followed by an international release on May 24, 2013. A sequel was released on April 3, 2015. Following their successful heist in Brazil (depicted in Fast Five), Dominic \"Dom\" Toretto and his professional criminal crew have fled around the world: Dom lives with Elena; his sister Mia lives with Brian O'Conner and their son, Jack; Gisele and Han live together; and Roman and Tej live in luxury. Meanwhile,", + "score": 0.69287109375 + }, + { + "id": "2436107", + "title": "2 Fast 2 Furious", + "text": "Monica Fuentes to bring down drug lord Carter Verone. The film saw a majority of shooting being done on location in Miami, and was released on June 6, 2003, grossing over $236 million worldwide from an estimated $76 million budget. It is followed by \"\" (2006) and \"Fast & Furious\" (2009). After letting Dominic Toretto (Vin Diesel) escape from the authorities, Brian O'Conner (Paul Walker) relocates from Los Angeles to Miami and makes a living by participating in illegal street races. Tej Parker (Ludacris) organizes a local street race, involving Suki, Orange Julius, and Slap Jack, however, the race lacks", + "score": 0.6923828125 + }, + { + "id": "20621932", + "title": "Gordon Bijelonic", + "text": "actor, before seguing into production work. At the request of Vin Diesel, Bijelonic executive produced the actor\u2019s first feature film \"Strays\" in 1997, which debuted at the Sundance Film Festival. The independent film was directed, written by and starred Diesel. Bijelonic became a senior executive for ten years at Vin Diesel's production company One Race Films. While he was there, the company produced the features \"Fast and the Furious\", \"xxx\", \"A Man Apart\", and \"The Chronicles of Riddick\". Bijelonic later teamed up with Datari Turner, a former model for the Abercrombie & Fitch catalogs. The duo have produced a series", + "score": 0.69140625 + }, + { + "id": "17261221", + "title": "Furious 7", + "text": "bid each other farewell and drive off in separate directions. On October 21, 2011, the \"Los Angeles Times\" reported that Universal Studios was considering filming two sequels\u2014\"Fast Six\" and \"Fast Seven\"\u2014back-to-back with a single storyline running through both films. Both would be written by Chris Morgan and directed by Justin Lin, who had been the franchise's writer and director, respectively, since \"\" (2006). On December 20, 2011, following the release of \"Fast Five\", Vin Diesel stated that \"Fast Six\" would be split into two parts, with writing for the two films occurring simultaneously. On the decision, Diesel said: We have", + "score": 0.69091796875 + }, + { + "id": "6674188", + "title": "Justin Lin", + "text": "and released the follow-up film \"Fast Five\" in 2011, which holds the titles for the highest-grossing opening weekend ever in April (US$84 million), and for any car-oriented film. \"Fast Five\" also broke box office records for being the second highest spring opening weekend, and surpassed \"Fast & Furious\" (2009) to become the highest-grossing film in the franchise. It grossed over $625 million worldwide, making it number 63 on the all-time worldwide list of highest-grossing films (in unadjusted dollars), and the seventh highest-grossing film of 2011. Lin continued with its sixth installment, \"Fast & Furious 6\". It became the largest Memorial", + "score": 0.6904296875 + }, + { + "id": "6236077", + "title": "The Fast and the Furious: Tokyo Drift", + "text": "The Fast and the Furious: Tokyo Drift The Fast and the Furious: Tokyo Drift (alternatively known as Fast & Furious 3 or Tokyo Drift) is a 2006 American-German action film directed by Justin Lin, produced by Neal H. Moritz, and written by Chris Morgan. It is the third installment in \"The Fast and the Furious\" franchise and stars Lucas Black, Bow Wow, and Nathalie Kelly. The film follows car enthusiast Sean Boswell, who is sent to live in Tokyo with his father, before finding solace viewing and competing in the drifting community within the city. This film does not retain", + "score": 0.68994140625 + }, + { + "id": "17261210", + "title": "Furious 7", + "text": "\"Fast & Furious 6\" (2013), until Deckard Shaw (Statham), a rogue special forces assassin seeking to avenge his comatose younger brother, puts the team in danger once again. With the previous three installments set between \"2 Fast 2 Furious\" (2003) and \"\" (2006), \"Furious 7\" is the first installment in the franchise to take place after \"Tokyo Drift\". The film also marks the final film appearance of Walker, who died in a single-vehicle crash on November 30, 2013 with filming only half-completed. Following Walker's death, filming was delayed for script rewrites, and his brothers, Caleb and Cody, were used as", + "score": 0.689453125 + }, + { + "id": "14749041", + "title": "Fast Five", + "text": "Furious\" series (behind \"Fast & Furious 6\", \"The Fate of the Furious\", and \"Furious 7\"), and the fifth highest-grossing Universal film. It achieved a worldwide opening weekend of $109.6 million. The film reached a peak of number 55 on the list of all-time highest-grossing films worldwide in October 2011. It became the highest-grossing film of the series in worldwide grosses (as well as separately in the US and Canada, and outside the US and Canada) but was out-grossed in all three cases by \"Fast & Furious 6\". \"Fast Five\" is the ninth highest-grossing 2011 film, the third highest-grossing film of", + "score": 0.689453125 + }, + { + "id": "11545132", + "title": "The Fast and the Furious", + "text": "against Takashi to determine who must leave Tokyo. Sean and Han's friends then build a 1967 Ford Mustang, with an inline-6 engine and other parts salvaged from Han's Silvia that Sean had destroyed. Sean wins the race and is later challenged by Dominic Toretto. \"Fast & Furious\", as well as its succeeding films, takes place before the events of \"The Fast and The Furious: Tokyo Drift\". About five years after the events of the first film, Dominic and his new crew (Letty, Han, Leo, Santos and Cara) have been hijacking fuel tankers in the Dominican Republic. When their trail gets", + "score": 0.68896484375 + }, + { + "id": "14749005", + "title": "Fast Five", + "text": "Fast Five Fast Five (alternatively known as Fast & Furious 5 or Fast & Furious 5: Rio Heist) is a 2011 American action film directed by Justin Lin and written by Chris Morgan. It is the fifth installment in \"The Fast and the Furious\" franchise. It was released first in Australia on April 20, 2011, and then in the United States on April 29, 2011. \"Fast Five\" follows Dominic Toretto (Vin Diesel), Brian O'Conner (Paul Walker), and Mia Toretto (Jordana Brewster) as they plan a heist to steal $100 million from corrupt businessman Hernan Reyes (Joaquim de Almeida) while being", + "score": 0.6875 + }, + { + "id": "18620520", + "title": "Superfast!", + "text": "Superfast! Superfast! (also known as Superfast & Superfurious) is a 2015 American action comedy film written and directed by Jason Friedberg and Aaron Seltzer. The film is a parody of \"The Fast and the Furious\" film series. It was released in theaters and VOD on April 3, 2015, to coincide with the premiere of \"Furious 7\". Undercover police officer Lucas White enters the world of underground street racing to join a gang of street racers led by Vin Serento to get closer to a crime ring led by Los Angeles kingpin Juan Carlos de la Sol. The morning after losing", + "score": 0.685546875 + }, + { + "id": "11887893", + "title": "Dominic Toretto", + "text": "Dominic Toretto Dominic \"Dom\" Toretto is a fictional character and one of the three main protagonists of \"The Fast and the Furious\" franchise, the others being Brian O'Conner and Sean Boswell. He is portrayed by Vin Diesel and was created by screenwriter Gary Scott Thompson. Dom is introduced in the first film of the series \"The Fast and the Furious\" (2001). He later appears in \"Fast & Furious\" (2009), \"Fast Five\" (2011), \"Fast & Furious 6\" (2013), \"Furious 7\" (2015), and \"The Fate of the Furious\" (2017), as well as the short film, \"Los Bandoleros\" (2009) and a cameo appearance", + "score": 0.68359375 + }, + { + "id": "11545111", + "title": "The Fast and the Furious", + "text": "eighth-highest-grossing film series of all time with a combined gross of over $5 billion. Paul Walker had wrapped up filming on \"The Skulls\" in early 2000 when he was approached by the director Rob Cohen and producer Neal H. Moritz, asking Walker what he wanted to do next. He said his dream project would be a mash-up of \"Days of Thunder\" and \"Donnie Brasco\". So the filmmakers brought him a \"Vibe\" article they'd found about undercover street racing in New York City. The story was pitched as a remake of \"Point Break\" set in the world of underground street racing", + "score": 0.68310546875 + }, + { + "id": "11545119", + "title": "The Fast and the Furious", + "text": "of the Furious\", which was released in April 2017, starting a new trilogy of movies which will end the entire franchise. Originally the ninth movie was supposed to be released April 2019 and followed by the tenth movie in April 2021. However, Universal proceeded to start a spin-off movie with Dwayne Johnson and Jason Statham called \"Hobbs & Shaw\", which now occupies the 2019 release date. This caused tensions between Dwayne Johnson, Vin Diesel and Tyrese as it delayed the release of \"Fast & Furious 9\". Universal later announced that both films will be released back-to-back on April 2020 and", + "score": 0.68310546875 + }, + { + "id": "18391988", + "title": "The Fate of the Furious", + "text": "has to be as good as or better [than \"Furious 7\"]\". At the 2015 CinemaCon in Las Vegas, Diesel announced the film for an April 14, 2017 release date. On August 16, 2015, at the 2015 Teen Choice Awards (where \"Furious 7\" received the award for Choice Movie \u2013 Action and Walker received the award for Choice Movie Actor \u2013 Action), Diesel gave the film the initial title \"Fast 8\". In September 2015, Diesel stated that the script had almost been completed, and expressed interest in Rob Cohen, who directed the first film, to direct the eighth installment. On October", + "score": 0.68212890625 + }, + { + "id": "14469932", + "title": "More Fast and Furious", + "text": "More Fast and Furious More Fast and Furious: Music from and Inspired by the Motion Picture The Fast and the Furious is the second of two soundtracks for the film \"The Fast and the Furious\". It was originally released on December 18, 2001, by Island Records. In contrast to the hip hop-oriented first soundtrack, this album contains alternative metal and nu metal songs, as well as selected tracks from the film score composed by BT. The following songs are featured in the film or its promotional material but not on any of its soundtrack albums: The album was criticized by", + "score": 0.6806640625 + }, + { + "id": "11545140", + "title": "The Fast and the Furious", + "text": "that will be launched on Netflix. The short film was included on a new print of the DVD of the first film in June 2003 to bridge the first two films. Brian O'Conner packs his bags and leaves Los Angeles, before the LAPD gets a chance to arrest him for letting Dominic escape. While the FBI launch a national manhunt for him, Brian travels across Arizona, New Mexico, and Texas, winning every street race he participates in, with his red Dodge Stealth. However, he is forced to ditch his car at a motel in San Antonio when police officers are", + "score": 0.68017578125 + }, + { + "id": "15608637", + "title": "Fast & Furious 6", + "text": "franchise worldwide behind Furious 7, as well as separately in North America and outside North America. Outside North America, it is the highest-grossing film in the \"Fast and Furious\" series, the second highest-grossing Universal film and the second highest-grossing 2013 film. In the United Kingdom, the film took $4.4 million during its opening day from 462 screens, the biggest opening day for both \"The Fast and the Furious\" franchise and Universal in that market, the second-highest opening of 2013 behind \"Iron Man 3\" ($4.7 million), and the number 1 film of the day with 54% of the market. It finished", + "score": 0.6796875 + }, + { + "id": "15608620", + "title": "Fast & Furious 6", + "text": "villain, Jah. On February 15, 2012, Johnson confirmed that \"Fast Six\" would begin filming in May 2012, with some of the production to take place in the United Kingdom and Germany. Johnson stated that the two intended sequels would no longer be filmed simultaneously because of weather issues in filming locations, and that production on \"Fast Seven\" would only begin after the completion of \"Fast Six\". However, filming did not officially begin until July 30, 2012. In February 2013, it was confirmed that the film would be titled \"Fast & Furious 6\". Filming began on July 30, 2012, in London,", + "score": 0.67822265625 + }, + { + "id": "11544779", + "title": "Fast & Furious (2009 film)", + "text": "the highest-grossing opening weekend in April and of any car-oriented film, the record having been previously held by \"Cars\", which grossed $60.1 million. Both of these records were broken two years later by \"Fast Five\", which grossed $86.2 million. \"Fast & Furious\" also held the record for the highest opening weekend for a Spring release, until it was broken by Tim Burton's \"Alice in Wonderland\". Its worldwide gross on its opening weekend stands at $102.6 million with $7.2 million coming from the UK, $8.6 million from Russia, $6 million in France and $3 million from Germany. The film ended its", + "score": 0.6767578125 + }, + { + "id": "6236085", + "title": "The Fast and the Furious: Tokyo Drift", + "text": "is now christened the new Drift King. As Neela, Twinkie and Sean, the new Drift King, enjoying themselves in their newfound homeplace and freedom. An American shows up to challenge Sean with his muscle car, which Sean accepted after the American proclaimed himself as Han's family. Before the two begin to race, the challenger reveals himself to be Dominic Toretto (Vin Diesel), who was on a quest of hunting Han's killer. Neal H. Moritz, who had produced the two previous installments, began working on the film in 2005. On June 8, 2005, Moritz hired Justin Lin to direct \"The Fast", + "score": 0.67578125 + }, + { + "id": "14749045", + "title": "Fast Five", + "text": "account that it is one of few to have outperformed the immediately-preceding instalment of its franchise in the US and Canada. \"Fast Five\" opened on April 29, 2011, in 3,644 theaters, It took $3.8 million in midnight showings, setting new records for the \"Fast and the Furious\" series and Universal (both records overtaken by \"Fast 6\"). By the end of its opening day, it had accrued a total of $34.4 million (including midnight earnings), setting an April opening-day record, replacing \"Fast & Furious\" ($30.1 million), and marking the third largest Friday outside of the summer and holiday period, behind \"The", + "score": 0.67529296875 + }, + { + "id": "14749009", + "title": "Fast Five", + "text": "of the film's portrayal of Rio de Janeiro as a haven for drug trafficking and corruption, labeling it a \"stereotype\". A sequel, \"Fast & Furious 6\", was released in May 2013 to box office success, surpassing \"Fast Five\" as the highest-grossing film in the franchise. Another sequel, \"Furious 7\", released in April 2015, soon surpassed \"Fast & Furious 6\", grossing over $1.5 billion worldwide. When Dominic \"Dom\" Toretto is being transported to Lompoc Prison by bus, his sister Mia Toretto and friend Brian O'Conner lead an assault on the bus, causing it to crash and freeing Dom. While the authorities", + "score": 0.67529296875 + }, + { + "id": "3728171", + "title": "Amy Heckerling", + "text": "best days of her life. Her next step was to use the film to get a job. Tom Mount, president of Universal Pictures, showed a lot of interest in Heckerling but because she was not backed by an agent they could not hire her. After months of struggling to find an agent, Mount called Heckerling up on the phone and asked her to make a film. Heckerling's first feature was \"Fast Times at Ridgemont High\" (1982), based on the non-fiction account of a year-in-the-life of California high school students as observed by undercover \"Rolling Stone\" journalist Cameron Crowe. When Heckerling", + "score": 0.6748046875 + }, + { + "id": "2436158", + "title": "The Fast and the Furious (1955 film)", + "text": "to direct. \"It was after that film that I decided to become a director.\" Corman also said that Dorothy Malone \"had left her agent and, having no work, accepted a part for next to nothing.\" Film critic Leonard Maltin dismissed \"The Fast and the Furious\" as laboured by \"... uninspired romantic interludes and cops-on-the-chase sequences ...\" CEA Film called the film, \"a modest second feature.\" Producer Neal H. Moritz and Universal Pictures licensed the title for 2001's \"The Fast and the Furious\". Moritz had difficulty choosing between proposed titles \"Racer X\", \"Redline\", \"Race Wars\", and \"Street Wars\", and was inspired", + "score": 0.67431640625 + }, + { + "id": "15608605", + "title": "Fast & Furious 6", + "text": "Fast & Furious 6 Fast & Furious 6 (alternatively known as Furious 6 or Fast Six) is a 2013 American action film directed by Justin Lin and written by Chris Morgan. It is the sixth installment in \"The Fast and the Furious\" franchise. The film stars Vin Diesel, Paul Walker, Dwayne Johnson, Michelle Rodriguez, Jordana Brewster, Tyrese Gibson, Chris \"Ludacris\" Bridges, Sung Kang, Luke Evans, Gina Carano, Gal Gadot, and John Ortiz. \"Fast & Furious 6\" follows a professional criminal gang led by Dominic Toretto (Diesel) who have retired following their successful heist in \"Fast Five\" (2011), but remain wanted", + "score": 0.67431640625 + }, + { + "id": "17261239", + "title": "Furious 7", + "text": "3, 2015 (the same release date from the 2009 film \"Fast & Furious\"). The official announcement in change of date was made in July 2014. \"Furious 7\" premiered at the SXSW Film Festival at 12:07 a.m. at Austin's Paramount Theatre on March 16, 2015. On March 27, 2015, a free standalone expansion for the video game \"Forza Horizon 2\", titled \"Forza Horizon 2 Presents Fast & Furious\", was released to help promote the film. For its global premiere at the TCL Chinese Theatre in Los Angeles on April 1, 2015, IMAX Corporation installed a new laser projection which was the", + "score": 0.67333984375 + }, + { + "id": "17261262", + "title": "Furious 7", + "text": "it has to be as good as or better [than \"Furious 7\"]\". At the 2015 CinemaCon in Las Vegas, Diesel announced the film for an April 14, 2017 release date. On August 16, 2015, at the 2015 Teen Choice Awards (where \"Furious 7\" received the award for Choice Movie \u2013 Action and Walker received the award for Choice Movie Actor \u2013 Action), Diesel gave the film the initial title \"Fast 8\". In September 2015, Diesel stated that the script had almost been completed, and expressed interest in Rob Cohen, who directed the first film, to direct the eighth installment. On", + "score": 0.6728515625 + }, + { + "id": "17261238", + "title": "Furious 7", + "text": "on November 30, 2013. The production resumed in April 2014. In October 2014, Universal revealed that the film was officially titled \"Furious 7\", and that the debut trailer would be released during an interactive fan event over social media. In the days leading up to the event, seven-second, behind-the-scenes videos were released, titled \"7 Seconds of 7\". On February 1, 2015, a new trailer featuring all-new footage debuted during Super Bowl XLIX. The film was originally scheduled for release on April 10, 2015, but it was announced that the film's release date had been brought forward a week to April", + "score": 0.67236328125 + }, + { + "id": "6494371", + "title": "Fast and Furry-ous", + "text": "Fast and Furry-ous Fast and Furry-ous is a Warner Bros. \"Looney Tunes\" cartoon, released on September 17, 1949, directed by Chuck Jones and written by Michael Maltese. It was later reissued as a Blue Ribbon \"Merrie Melodies\" cartoon. \"Fast and Furry-ous\" was the debut for Wile E. Coyote and the Road Runner. It set the template for the series, in which Wile E. Coyote (here given the Latin name \"Carnivorous Vulgaris\") tries to catch Roadrunner (\"Accelleratii Incredibus\") through many traps, plans and products, although in this first cartoon not all of the products are yet made by ACME. The title", + "score": 0.67236328125 + }, + { + "id": "19053791", + "title": "We Go Fast", + "text": "We Go Fast We Go Fast is a 1941 American action film directed by William C. McGann and written by Thomas Lennon and Adrian Scott. The film stars Lynn Bari, Alan Curtis, Sheila Ryan, Don DeFore, Ernest Truex and Gerald Mohr. The film was released on September 19, 1941, by 20th Century Fox. With his attention diverted by waitress Rose Coughlin, police officer Herman Huff nearly lets a thief get away until customer Bob Brandon saves the day. Bob decides to become a motorcycle cop like Herman and they end up partners, as well as rivals for Rose. When the", + "score": 0.67236328125 + }, + { + "id": "17261264", + "title": "Furious 7", + "text": "it was later announced that the character will not return to the franchise. Moritz also said that the film would shift the focus of the franchise from a series of heist films to a spy caper, following a similar change in focus from street racing in \"Fast Five\" (2011). In December 2016, the film was retitled \"The Fate of the Furious\". Furious 7 Furious 7 (alternatively known as Fast & Furious 7 and Fast Seven) is a 2015 American action film directed by James Wan and written by Chris Morgan. It is the seventh installment in \"The Fast and the", + "score": 0.671875 + }, + { + "id": "11544768", + "title": "Fast & Furious (2009 film)", + "text": "FBI and Dominic boards a prison bus that will transport him to Lompoc penitentiary. As the bus drives down the road, Brian, Mia, Leo, and Santos arrive in their cars to intercept it. The film was announced in July 2007. Vin Diesel, Paul Walker, and the rest of the cast of the original film all reprised their roles. Filming began in 2008. The movie cars were built in Southern California's San Fernando Valley. Around 240 cars were built for the film. However, the replica vehicles do not match the specifications they were supposed to represent. For example, the replica version", + "score": 0.671875 + }, + { + "id": "14469933", + "title": "More Fast and Furious", + "text": "listeners for its use of copy-protection software, which rendered it unplayable not only on computers with CD-ROM drives, but also on regular CD players and other CD-based devices. More Fast and Furious More Fast and Furious: Music from and Inspired by the Motion Picture The Fast and the Furious is the second of two soundtracks for the film \"The Fast and the Furious\". It was originally released on December 18, 2001, by Island Records. In contrast to the hip hop-oriented first soundtrack, this album contains alternative metal and nu metal songs, as well as selected tracks from the film score", + "score": 0.671875 + }, + { + "id": "4592105", + "title": "John Ireland (actor)", + "text": "undisclosed but \"substantial\" cash settlement. Ireland had the leads in some low budget films: \"The Basketball Fix\" (1951); \"The Scarf\" (1951); \"Little Big Horn\" (1951); \"The Bushwackers\" (1952); and \"Hannah Lee\" (1953) with his wife. He went to England to make \"The Good Die Young\" (1954) and supported his wife in \"Southwest Passage\" (1954) and Joan Crawford in \"Queen Bee\" (1955). John Ireland turned director with \"The Fast and the Furious\" (1955), an early production from Roger Corman; Ireland also starred. He had the lead in the British thriller \"The Glass Cage\" (1955) and the war film \"Hell's Horizon\" (1955).", + "score": 0.671875 + }, + { + "id": "5108846", + "title": "James Wan", + "text": "part of a directorial shortlist alongside Jeff Wadlow, Baltasar Korm\u00e1kur and Harald Zwart. A final confirmation that Wan would direct was revealed in April 2013, with Lin being quoted: \"It's time for me to move on to other things and I'm thrilled that Universal and Neal have selected James Wan to lead the franchise into its new chapter.\" The film, \"Furious 7\", was released in April 2015. It became the most successful film in terms of box office revenues and critics reviews in the \"Fast and Furious\" franchise. On 20 October 2014, Gary Maddox of \"The Sydney Morning Herald\" announced", + "score": 0.67138671875 + }, + { + "id": "6772468", + "title": "Fast Getaway II", + "text": "was shot in Tucson, Arizona and features a 1994 Mazda RX7 as his getaway car. \"Fast Getaway II\" was released on VHS by Live Entertainment and in Canada by C/FP Video in 1994. Fast Getaway II Fast Getaway II is a 1994 direct-to-video action comedy/adventure film, starring Corey Haim, Cynthia Rothrock and Leo Rossi. The film is a sequel to the popular \"Fast Getaway\", released in 1991. Nelson (Haim) having since turned his life around from his days of robbing banks, now runs an insurance business with his girlfriend. His past comes back to haunt him when an ex-partner from", + "score": 0.6708984375 + }, + { + "id": "1410347", + "title": "2001 in film", + "text": "2001 in film The year 2001 in film involved some significant events, including the first of the \"Harry Potter\" series, the first of \"The Fast and the Furious\" franchise, the first of \"The Lord of the Rings\" trilogy, the first of the \"Ocean's Trilogy\", and the first of the \"Shrek\" franchise. Significant non-English language films released included \"Monsoon Wedding\" and \"Am\u00e9lie\". \"Harry Potter and the Philosopher's Stone\" has grossed $974.7 million; it was the highest-grossing film in the \"Harry Potter\" film franchise until \"Harry Potter and the Deathly Hallows \u2013 Part 2\" surpassed it in 2011. \"Harry Potter and the", + "score": 0.6708984375 + }, + { + "id": "15273245", + "title": "200 mph", + "text": "were announced for the cast. The film was slated for release on April 26, 2011. During production, the Mazda RX-7 used as Rick Merchant's car was stolen. The RX-7 belonged to award-winning professional drifter Justin Pawlak. The vehicle was inside a 26-foot enclosed Aztex trailer, attached to Pawlak's Chevrolet 2500HD, altogether stolen in the middle of production. The film was released on DVD and Blu-ray on April 26, 2011. It was also made available for Video On Demand on cable and other websites including iTunes, Amazon, Zune (Also on Zune via Xbox Live), and Blockbuster. Some foreign releases had given", + "score": 0.6708984375 + }, + { + "id": "6652095", + "title": "One Race Films", + "text": "One Race Films One Race Films (ORF), also known as One Race Productions, is a film production company established in 1995 in Los Angeles by actor, writer, director, and producer Vin Diesel. Tigon Studios, an interactive entertainment development studio established in 2002, and Racetrack Records, a record label, music studio, & production company, are wholly owned subsidiaries of One Race Films. ORF has produced high grossing multiple film franchises in the science-fiction thriller \"Riddick\" franchise, and the action genre \"The Fast and the Furious\" franchise. In dramatic films, ORF developed and produced \"Find Me Guilty\", directed by Academy Award winning", + "score": 0.6708984375 + }, + { + "id": "15608639", + "title": "Fast & Furious 6", + "text": "opened to $6.9 million, making it Universal's highest-grossing film in the territory. It earned its 66th number 1 opening, earning $23.6 million during its opening weekend, $3 million of which came from IMAX screenings. In North America, \"Fast & Furious 6\" debuted simultaneously with the comedy \"The Hangover Part III\" and the animated feature \"Epic\". It opened for midnight showings on May 23, 2013, in 2,409 theaters. It took $6.5 million, nearly doubling \"Fast Five\"s midnight gross ($3.8 million) which faced less direct competition. On its opening day, \"Fast & Furious 6\" earned $38.7 million (including midnight earnings) from 3,659", + "score": 0.67041015625 + }, + { + "id": "11544769", + "title": "Fast & Furious (2009 film)", + "text": "of \"F-Bomb\", a 1973 Chevrolet Camaro built by Tom Nelson of NRE and David Freiburger of \"Hot Rod\" magazine, included a 300 hp crate V8 engine with a 3-speed automatic transmission, whereas the actual car included a twin-turbo 1,500 hp engine and a 5-speed transmission. The original Dodge Charger 426 Hemi R/T that was used in the original movie was a 1970, but the car in this movie was a 1969 Dodge Charger R/T 426 Hemi with a slightly modified front grill and rear tail lights to appear as a 1970 car; the original 1970 Dodge Charger was in pieces,", + "score": 0.66943359375 + }, + { + "id": "3783320", + "title": "Car chase", + "text": "and/or if the vehicle manufacturer pays for product placement in a film production (serving as a technical adviser, donating vehicles to be used in filming); examples include the James Bond and Transporter franchises who use current and even concept vehicles. Although car chases on film were staged as early as the motor vehicle itself, the consensus among historians and film critics is that the first modern car chase movie was 1968's \"Bullitt\". The revolutionary 10-minute-long chase scene in \"Bullitt\" was far longer and far faster than what had gone before, and placed cameras so that the audience felt as though", + "score": 0.66943359375 + }, + { + "id": "12120082", + "title": "Fast and Loose (1930 film)", + "text": "Fast and Loose (1930 film) Fast and Loose is a 1930 American Pre-Code romantic comedy film directed by Fred C. Newmeyer and starring Miriam Hopkins, Carole Lombard and Frank Morgan. The film was written by Doris Anderson, Jack Kirkland and Preston Sturges, based on the 1924 play \"The Best People\" by David Gray and Avery Hopwood. \"Fast and Loose\" was released by Paramount Pictures. Other films or TV series with identical or similar titles, such as the 1939 MGM detective comedy starring Robert Montgomery and Rosalind Russell, are not related to this film. The Lenox family of Long Island, headed", + "score": 0.6689453125 + }, + { + "id": "17261209", + "title": "Furious 7", + "text": "Furious 7 Furious 7 (alternatively known as Fast & Furious 7 and Fast Seven) is a 2015 American action film directed by James Wan and written by Chris Morgan. It is the seventh installment in \"The Fast and the Furious\" franchise. The film stars Vin Diesel, Paul Walker, Dwayne Johnson, Michelle Rodriguez, Tyrese Gibson, Chris \"Ludacris\" Bridges, Jordana Brewster, Djimon Hounsou, Kurt Russell, and Jason Statham. \"Furious 7\" follows Dominic Toretto (Diesel), Brian O'Conner (Walker), and the rest of their team, who have returned to the United States to live normal lives after securing amnesty for their past crimes in", + "score": 0.6689453125 + }, + { + "id": "14749061", + "title": "Fast Five", + "text": "cinema's primal thrills.\" \"Empire\" placed the film number 20 on its list of the Top 20 Films of 2011, while IGN named it the \"Best Action Movie\" of 2011. \"Fast Five\" was listed as the number 1 most illegally downloaded film of 2011 on BitTorrent with approximately 9.3 million downloads. On August 2, 2011, USA Network purchased the rights to the United States network premiere of \"Fast Five\". The film was released on DVD and Blu-ray in the United Kingdom on September 5, 2011, and in the United States on October 4, 2011, in 2.35:1 aspect ratio with DTS HD", + "score": 0.6689453125 + }, + { + "id": "15608649", + "title": "Fast & Furious 6", + "text": "postponed to April 3, 2015. Fast & Furious 6 Fast & Furious 6 (alternatively known as Furious 6 or Fast Six) is a 2013 American action film directed by Justin Lin and written by Chris Morgan. It is the sixth installment in \"The Fast and the Furious\" franchise. The film stars Vin Diesel, Paul Walker, Dwayne Johnson, Michelle Rodriguez, Jordana Brewster, Tyrese Gibson, Chris \"Ludacris\" Bridges, Sung Kang, Luke Evans, Gina Carano, Gal Gadot, and John Ortiz. \"Fast & Furious 6\" follows a professional criminal gang led by Dominic Toretto (Diesel) who have retired following their successful heist in \"Fast", + "score": 0.66845703125 + }, + { + "id": "11545137", + "title": "The Fast and the Furious", + "text": "Diesel announced the ninth film and tenth film would be released on April 10, 2020, and April 2, 2021, respectively, and that the tenth film would serve as the final film in the series. Justin Lin is reportedly in line to direct the ninth installment. It was also announced that Jordana Brewster would return for the ninth installment. In May 2018, Daniel Casey from \"Kin\", was announced to write a screenplay for the ninth film, making it the first film in the franchise since \"2 Fast 2 Furious\" without long-time screenwriter Chris Morgan. Filming will begin in April 2019 in", + "score": 0.66845703125 + }, + { + "id": "12314639", + "title": "Fast Company (1938 film)", + "text": "Fast Company (1938 film) Fast Company is a 1938 mystery film starring Melvyn Douglas and Florence Rice as married rare-book dealers who try to solve a murder case. It is based on the novel of the same name by \"Marco Page\" (Harry Kurnitz). It was followed by two 1939 films featuring the fictional couple, \"Fast and Loose\" and \"Fast and Furious\", though they were played by different actors in each. Apparently, cinema distributors were complaining about the time lag between The Thin Man movies, so Metro-Goldwyn-Mayer started this trilogy featuring married amateur sleuths. To avoid confusion with a 1953 MGM", + "score": 0.66796875 + }, + { + "id": "2436122", + "title": "2 Fast 2 Furious", + "text": "have a driver's license or any driving experience prior to the film's production, and took driving lessons during filming; she drove a pink 2001 Honda S2000 AP1 in the film. Gibson drove a convertible Mitsubishi Eclipse Spyder, while Michael Ealy drove a Toyota Supra Turbo MkIV model JZA80 that had been re-used by Walker in \"The Fast and the Furious\". The musical score was composed by David Arnold. The soundtrack was released on May 27, 2003 on Def Jam Recordings, the same record label that Ludacris was signed to. \"2 Fast 2 Furious\" earned $50,472,480 in its U.S. opening in", + "score": 0.66796875 + }, + { + "id": "7471262", + "title": "Man 2 Man", + "text": "New York punk rock scene was in its infancy, The Fast were a headline act at Max's Kansas City & CBGB in New York City. The Fast's first single, \"Boys Will Be Boys\" (CBS Records UK) was released in 1976 and was produced by Peter Crowley. The Fast's sound and style was developed with 1960s mod pop elements and the use of synthesizers just before the instrument became a staple of the new wave genre. Their second single \"It's Like Love\" (Ram Records) was released in 1977 and produced by Richard Gottehrer (Blondie/Go Go's/Strangeloves/Raveonettes). \"It's Like Love\" was a blending", + "score": 0.66748046875 + }, + { + "id": "6652096", + "title": "One Race Films", + "text": "filmmaker Sidney Lumet, a critically acclaimed courtroom drama based on a true story. One Race Films One Race Films (ORF), also known as One Race Productions, is a film production company established in 1995 in Los Angeles by actor, writer, director, and producer Vin Diesel. Tigon Studios, an interactive entertainment development studio established in 2002, and Racetrack Records, a record label, music studio, & production company, are wholly owned subsidiaries of One Race Films. ORF has produced high grossing multiple film franchises in the science-fiction thriller \"Riddick\" franchise, and the action genre \"The Fast and the Furious\" franchise. In dramatic", + "score": 0.66650390625 + }, + { + "id": "5021135", + "title": "Hugh Hudson", + "text": "filmmaking job was as a second-unit director on Parker's \"Midnight Express\" (1978). Between 1973 and 1975, Hudson wrote and directed \"Fangio, A life at 300 km/h\", a documentary film about motor racing seen through the eyes of Juan Manuel Fangio, five times the world Formula 1 Champion. From 1979 to 1980, Hudson directed his first and most successful feature film, \"Chariots of Fire\" (1981), the story of two British track runners, one a devout Christian and the other an ambitious Jew, in the run-up to the 1924 Olympic Games. The film is said to have revitalized the fading British film", + "score": 0.66650390625 + }, + { + "id": "14749042", + "title": "Fast Five", + "text": "the \"Fast and Furious\" franchise (behind \"Fast 6\" and \"Furious 7\") and the fifth highest-grossing Universal film. It was initially released in Australia on Wednesday, April 20, 2011 \u2013 nine days before the release date in North America \u2013 followed by releases in the UK, South Korea and New Zealand. The earlier start in these countries was timed to coincide with their Easter holidays and avoided competition from forthcoming summer films, although this placed it in direct competition with \"Thor\" in some countries. By the end of its opening weekend, the film had accrued a total of $23.4 million from", + "score": 0.666015625 + }, + { + "id": "15273243", + "title": "200 mph", + "text": "200 mph 200 mph is an auto racing action film directed by Cole McKay and distributed by The Asylum. It was released direct-to-DVD April 26, 2011. It is a mockbuster of the 2011 Universal Pictures film \"Fast Five\". When the older brother (Tommy Nash) he idolizes is run off the road by a ruthless drug dealer (Darren Thomas) during a nighttime street race known as Sepulveda Suicide, Rick Merchant (Jaz Martin) channels his grief into getting revenge behind the wheel. But to win, he'll need to modify his trusty 1988 Mazda RX-7/Nissan 240sx (Zenki/Kouki, chase scenes) -- with help from", + "score": 0.666015625 + }, + { + "id": "17059344", + "title": "Honest Charley", + "text": "deal of mechanical aptitude after keeping GI vehicles running on the battlefield, and they had a need for excitement. Hot rods were made popular by magazines and movies. \"Hot Rod\" (1950), \"The Fast And The Furious\" (1954) and \"Running Wild\" (1955) and other movies were in theaters. Pete Petersen began publishing \"Hot Rod Magazine\" with encouragement and capital investment from Honest Charley, who was also an advertiser in the first issue. As business grew, Honest Charley's Speed Shop moved to a larger 14,000 square foot store at 3813 Rossville Blvd. In 1964 Honest designed and built a state-of-art 30,000 square", + "score": 0.66552734375 + }, + { + "id": "19307246", + "title": "XXX (film series)", + "text": "a group of potential Russian terrorists in Central Europe. The film also stars Asia Argento, Marton Csokas and Samuel L. Jackson. It was directed by Rob Cohen, who previously directed \"The Fast and the Furious\" (2001), in which Diesel also starred. The film was released on April 29, 2005, which stars Ice Cube as Darius Stone, a new agent in the Triple X program, who is sent to Washington, DC to defuse a power struggle amongst national leaders. The film was released on January 20, 2017, sees the return of Diesel as Xander Cage who comes out of self-imposed exile,", + "score": 0.66455078125 + }, + { + "id": "11545117", + "title": "The Fast and the Furious", + "text": "the heist genre and shifted the location to Europe and became the most financially successful film of the franchise up to that time. Universal lacked a major event movie for the following summer and quickly rushed \"Furious 7\" into production for a release in Summer 2014. Justin Lin decided not to return to direct the seventh film as he was still performing post-production on \"Fast & Furious 6\" and James Wan took over directorial duties. \"Furious 7\" is seen as a transitional movie which shifts the franchise from a heist to a spy action movie genre. The untimely death of", + "score": 0.66455078125 + }, + { + "id": "11544770", + "title": "Fast & Furious (2009 film)", + "text": "being totally disassembled for restoration. The original red 1970 Chevrolet Chevelle SS 454 seen in the end credits of the first Fast & Furious movie, also makes an appearance but is later highly modified for a street race. The most radical vehicles built for the film were the Chevy trucks constructed for the fuel heist. Powered by 502ci GM big block motors, the '67 had a giant ladder-bar suspension with airbags using a massive 10-ton semi rear axle with the biggest and widest truck tires they could find. The '88 Chevy Crew Cab was built with twin full-floating GM 1-ton", + "score": 0.66357421875 + }, + { + "id": "1840285", + "title": "The Fast and the Furious (2001 film)", + "text": "of seven sequels, starting with \"2 Fast 2 Furious\" in 2003. On the docks outside Los Angeles, a truck is loaded with electronics, and a dockside worker notifies an anonymous person about the shipment. On the road, the truck is approached by three modified Honda Civics with green underglow. The perpetrators then proceed to harpoon & board the truck, knock out the driver, and corral the semi allowing them to heist the electronics and escape into the night. The next day, undercover LAPD officer Brian O'Conner (Paul Walker) is assigned to find the gang responsible for the crimes. While visiting", + "score": 0.66259765625 + }, + { + "id": "11545146", + "title": "The Fast and the Furious", + "text": "by Raw Thrills in 2004. In 2006, the video game \"The Fast and the Furious\" was released for the PlayStation 2 and PlayStation Portable. Several games (\"The Fast and the Furious: Pink Slip\", \"Fast & Furious\", \"Fast Five\", \"Fast & Furious: Adrenaline\", \"Fast & Furious 6: The Game\" and \"Fast & Furious Legacy\") have all been released for iOS and are available on the iTunes App Store; for Android devices there is an official version of \"Fast & Furious 6: The Game\" and \"Fast & Furious Legacy\". In 2013, \"\" was released for the PC (Windows OS), Xbox 360, PlayStation", + "score": 0.66259765625 + }, + { + "id": "11544776", + "title": "Fast & Furious (2009 film)", + "text": "received generally negative reviews from professional critics. The film is rated at 28% based on 173 reviews collected on the Rotten Tomatoes website and 45 on Metacritic based on 27 reviews. Lisa Schwarzbaum of \"Entertainment Weekly\" gives the film a B+, saying, \"Fast & Furious is still no \"Point Break\". But it's perfectly aware of its limited dramatic mission...and...it offers an attractive getaway route from self-importance, snark, and chatty comedies about male bonding.\" Kirk Honeycutt of \"The Hollywood Reporter\" thought this movie was the first real sequel to the first and also gave it a positive review, writing, \"\"Fast &", + "score": 0.66064453125 + }, + { + "id": "6343939", + "title": "The Last Ride (2004 film)", + "text": "The Last Ride (2004 film) The Last Ride is an American TV action drama directed by Guy Norman Bee and starring Dennis Hopper, Will Patton, Chris Carmack, Nadine Velazquez and Fred Ward. The story for the film was written by Rob Cohen, well known for directing another automotive action film, \"The Fast and the Furious\" (2001). The movie premiered on June 2, 2004 on the USA Network and, at the time of its release, was primarily used by General Motors to market the new Pontiac GTO. During late 2004 and early 2005, it was also released in several countries outside", + "score": 0.66064453125 + }, + { + "id": "11544778", + "title": "Fast & Furious (2009 film)", + "text": "of the film, writing, \"I admire the craft involved, but the movie leaves me profoundly indifferent. After three earlier movies in the series, which have been transmuted into video games, why do we need a fourth one? Oh. I just answered my own question.\" On its first day of release the movie grossed $30.6 million, and peaked at the top spot of the weekend box office with $70,950,500, more than \"\" earned in its entire domestic run. The film had the sixth-biggest opening weekend of 2009 and was double what most industry observers expected. It also held the record for", + "score": 0.66015625 + } + ], + "answer": "The first film of the Fast & Furious franchise, 2001's The Fast and the Furious, was filmed in 2000 and released in 2001. Universal Studios greenlit the film in 2000. The film was shot in various locations within Los Angeles and parts of southern California from July to October 2000 and released in North America on June 22, 2001. The main films of the franchise are collectively known as The Fast Saga." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who originally sang \"I'm Coming Out\"?", + "short_answers": [ + "Diana Ross" + ], + "wikipage": null + }, + { + "context": "In 2003, American singer Amerie covered \"I'm Coming Out\" for the soundtrack to the film \"Maid in Manhattan\". Her version was released as a single in select European countries and Australia. The final single version to be released was the Loren Dawson remix. The original single version (which is similar to the original) can be found on both CD singles and the original motion picture soundtrack to \"Maid in Manhattan\". Ross' version appears on the film's soundtrack album as well.", + "question": "Who sang an official 2003 cover of \"I'm Coming Out\"?", + "short_answers": [ + "Amerie" + ], + "wikipage": "I'm Coming Out" + } + ], + "wikipages": [ + { + "title": "I'm Coming Out", + "url": "https://en.wikipedia.org/wiki/I%27m%20Coming%20Out" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "\"I'm Coming Out\" is a song recorded by American singer Diana Ross. It was written and produced by Chic members Bernard Edwards and Nile Rodgers, and released on August 22, 1980, as the second single from Ross' self-titled tenth album Diana (1980).", + "wikipage": "I'm Coming Out" + } + ], + "long_answer": "\"I'm Coming Out\" is a 1980 song recorded by American singer Diana Ross. In 2003, American singer Amerie sang an official cover of \"I'm Coming Out\" for the soundtrack to the film \"Maid in Manhattan\"." + }, + { + "knowledge": [ + { + "content": "\"I'm Coming Out\" is a song recorded by American singer Diana Ross. ", + "wikipage": "I'm Coming Out" + }, + { + "content": "It was written and produced by Chic members Bernard Edwards and Nile Rodgers, and released on August 22, 1980, as the second single from Ross' self-titled tenth album Diana (1980).", + "wikipage": "I'm Coming Out" + } + ], + "long_answer": "\"I'm Coming Out\" is a song recorded by American singer Diana Ross. It was written and produced by Chic members Bernard Edwards and Nile Rodgers, and released on August 22, 1980, as the second single from Ross' self-titled tenth album Diana (1980). In 2003, American singer Amerie covered \"I'm Coming Out\" for the soundtrack to the film \"Maid in Manhattan\". Her version was released as a single in select European countries and Australia." + } + ], + "sample_id": "3421083040429613594", + "question": "Who sang the song i'm coming out?", + "docs": [ + { + "id": "5753933", + "title": "I'm Coming Out", + "text": "I'm Coming Out \"I'm Coming Out\" is a song recorded by American singer Diana Ross. It was written and produced by Chic members Bernard Edwards and Nile Rodgers, and released in August 22, 1980 as the second single from Ross' self-titled tenth album \"Diana\" (1980). In 1979, Ross commissioned Chic founders Nile Rodgers and Bernard Edwards to create material for a new album after taking her daughters to see the band in concert, following the success of Ross's final Ashford & Simpson-composed and produced LP,\" The Boss. \"Rodgers got the idea for \"I'm Coming Out\" after noticing three different drag", + "score": 0.82666015625, + "summary": "\"I'm Coming Out\" was sung by American singer Diana Ross.", + "extraction": "\"I'm Coming Out\" is a song recorded by American singer Diana Ross." + }, + { + "id": "5753941", + "title": "I'm Coming Out", + "text": "the Loren Dawson remix. The original single version (which is similar to the original) can be found on both CD singles and the original motion picture soundtrack to \"Maid in Manhattan\". Ross' version appears on the film's soundtrack album as well. A music video was produced to promote the single. I'm Coming Out \"I'm Coming Out\" is a song recorded by American singer Diana Ross. It was written and produced by Chic members Bernard Edwards and Nile Rodgers, and released in August 22, 1980 as the second single from Ross' self-titled tenth album \"Diana\" (1980). In 1979, Ross commissioned Chic", + "score": 0.81884765625, + "summary": "\"I'm Coming Out\" was sung by American singer Diana Ross, and was released as the second single from her self-titled tenth album \"Diana\" in August 1980.", + "extraction": "Diana Ross sang the song \"I'm Coming Out\"." + }, + { + "id": "5753939", + "title": "I'm Coming Out", + "text": "\"I'm Coming Out\" and its resulting popularity has led to Ross's song often being sampled, most notably by Stevie J, who sampled the song for rapper The Notorious B.I.G.'s 1997 song \"Mo Money Mo Problems\". There's also been a cover by Marcia Hines. It was featured as a cover for the video game \"Karaoke Revolution\" as well. In more recent times, the song was sampled in Keyshia Cole's remake of \"I'm Coming Out\" (featuring Iggy Azalea) for the original soundtrack of the 2014 movie The Other Woman, starring Cameron Diaz, Kate Upton and Leslie Mann. The song is sampled in", + "score": 0.77783203125, + "summary": "Diana Ross sang \"I'm Coming Out\".", + "extraction": "Diana Ross sang the song \"I'm Coming Out\"." + }, + { + "id": "5753940", + "title": "I'm Coming Out", + "text": "\"Break Your Heart Right Back\" from Ariana Grande's sophomore album \"My Everything\" (2014). This song was also covered for the soundtrack to the 2016 movie \"Trolls\". In 1997, German comedian Hella von Sinnen sampled \"I'm Coming Out\" for her single \"Mein Coming Out\", using the term \"coming out\" in the context of coming out of the closet, or revealing one's homosexuality. In 2003, American singer Amerie covered \"I'm Coming Out\" for the soundtrack to the film \"Maid in Manhattan\". Her version was released as a single in select European countries and Australia. The final single version to be released was", + "score": 0.77587890625, + "summary": "\"Irrelevant\"", + "extraction": "Irrelevant. The passage does not provide information about who sang the song \"I'm Coming Out\"." + }, + { + "id": "9588231", + "title": "Coming Out (album)", + "text": "\"Poinciana (The Song of the Tree)\" featured a solo by Michael Brecker. \"Coming Out\" debuted on Billboard's Top Pop Album chart on September 18, 1976 and peaked at No. 48. The album was re-released on CD in March 1993. Manhattan Transfer Musicians Production Coming Out (album) Coming Out is the third album by The Manhattan Transfer, released August 19, 1976 on Atlantic Records. On the advice of their manager Aaron Russo, the group downplayed the \"nostalgic\" tenor of their previous breakthrough album in favor of more contemporary songs. However, the throwback single \"Chanson d'Amour\" became a breakout single in Europe", + "score": 0.76953125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "8712426", + "title": "Coming Out of the Dark", + "text": "Coming Out of the Dark \"Coming Out of the Dark\" is a single by American singer and songwriter Gloria Estefan. It was released in 1991 worldwide as the leading and first single of the album \"Into the Light\", becoming the singer's third number one in the U.S. This is the first single released after Estefan's accident\u2014an 18-wheeler rammed her tour bus, nearly causing the singer's death\u2014when her \"Get on Your Feet Tour\" was in progress. It is also the first song that Estefan performed publicly after recovering. The song is inspired by the near-fatal accident and also is dedicated to", + "score": 0.76611328125, + "summary": "The song \"Coming Out of the Dark\" was sung by Gloria Estefan.", + "extraction": "Gloria Estefan sang the song \"Coming Out of the Dark\"." + }, + { + "id": "5753935", + "title": "I'm Coming Out", + "text": "another hit from the album, peaking at number five on the U.S. Billboard Hot 100 chart for two weeks in November 1980. It is also notable for being the first song usually performed at Ross' performances and concerts since 1980. \"I'm Coming Out\" has been regarded as an anthem for the LGBT community. The phrase \"coming out\" to describe one's self-disclosure of sexual orientation or gender identity had been present in the gay subculture in the early 20th century, analogous to a d\u00e9butante's \"coming-out party\" or celebration of her formal presentation to society. It has also been understood as \"coming", + "score": 0.7607421875, + "summary": "Diana Ross sang the song \"I'm Coming Out\" in November 1980.", + "extraction": "Diana Ross sang the song \"I'm Coming Out\"." + }, + { + "id": "9588230", + "title": "Coming Out (album)", + "text": "Coming Out (album) Coming Out is the third album by The Manhattan Transfer, released August 19, 1976 on Atlantic Records. On the advice of their manager Aaron Russo, the group downplayed the \"nostalgic\" tenor of their previous breakthrough album in favor of more contemporary songs. However, the throwback single \"Chanson d'Amour\" became a breakout single in Europe and hit the No. 1 spot in the United Kingdom for three weeks (as well as charting elsewhere in Europe). The song \"Zindy Lou\" featured Ringo Starr and Jim Keltner on drums, Dr. John on piano, and Doug Thorngren on percussion. The song", + "score": 0.75732421875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "5753938", + "title": "I'm Coming Out", + "text": "had a part in Rodgers backing out of his commitment to Monardo's \"Meco Plays Music from The Empire Strikes Back\" album. However, Rodgers and Ross later mended their professional relationship and subsequent digital releases of the album credit Monardo and the other musicians. A 2003 two-disc release of the album included the Rodgers/Edwards mix originally rejected by Ross, as a bonus track. Diana Ross performing in the music video to the song with some studio musicians live in concert. U.S., UK, French, and German 7\" and 12\" single Dutch 7\" and 12\" single Swedish 7\" single The distinctive sound of", + "score": 0.75390625, + "summary": "Irrelevant.", + "extraction": "Diana Ross performing in the music video to the song with some studio musicians live in concert." + }, + { + "id": "8712430", + "title": "Coming Out of the Dark", + "text": "date on both charts). The song was also a hit in Canada, Spain and Japan. However, the song didn't have as much impact in the rest of Europe, where Estefan had always been popular. In Ireland, the single only reached the Top 20; and in UK reached the Top 40, a very low position in comparison to other singles. Original Versions Coming Out of the Dark \"Coming Out of the Dark\" is a single by American singer and songwriter Gloria Estefan. It was released in 1991 worldwide as the leading and first single of the album \"Into the Light\", becoming", + "score": 0.74853515625, + "summary": "The document mentions \"Coming Out of the Dark\" as a song by Gloria Estefan, released in 1991 as the leading and first single of the album \"Into the Light\". However, there is no mention of who sang the song \"I'm Coming Out\".", + "extraction": "Gloria Estefan sang the song \"Coming Out of the Dark\"." + }, + { + "id": "5753934", + "title": "I'm Coming Out", + "text": "queens dressed as Diana Ross at a New York club called the GG Barnum Room. The lyrics hold an additional meaning to Ross, as she was leaving Motown Records and \"coming out\" from under Berry Gordy's thumb. According to the BBC4 documentary \"How to Make It in the Music Business\", Ross loved the record until she put it in front of Frankie Crocker, who pointed out that 'I'm Coming Out' is what homosexuals use to announce their homosexuality; she ran back to the studio in tears and demanded to know why Rodgers wanted to ruin her career. The song was", + "score": 0.7451171875, + "summary": "The document mentions that Diana Ross sang the song \"I'm Coming Out.\"", + "extraction": "Diana Ross sang the song \"I'm Coming Out\"." + }, + { + "id": "5754675", + "title": "Diana (album)", + "text": "Platinum by the Recording Industry Association of America. In the UK it went Gold and spun off three successful singles; \"Upside Down\" (No. 2), \"My Old Piano\" (No. 5) and \"I'm Coming Out\" (No. 13). A fourth single, \"Tenderness\", was also released in certain territories, reaching the top 40 in the Netherlands, and was later included on several greatest hits compilations. Surprisingly, despite its massive dance and dance radio success, none of the singles from \"Diana\" were remixed for promotional and/or commercial use while the album was current. \"I'm Coming Out\" has since become an obvious anthem for the LGBT", + "score": 0.732421875, + "summary": "\"I'm Coming Out\" is a successful single from the album \"Diana\", which spun off three other successful singles. However, the document does not mention who sang the song.", + "extraction": "Diana's album includes the successful single \"I'm Coming Out\"." + }, + { + "id": "5753937", + "title": "I'm Coming Out", + "text": "\"I'm Coming Out\": Trombone solos have been rare on Top 40 songs in the post-big band era and especially so since the 1960s. Notable exceptions include brief solos by James Pankow on a handful of early Chicago hits and Clifford Adams' brief solo on Kool & the Gang's 1983 hit \"Joanna\". The pitch in Monardo's solo is unusually indistinct for an instrumentalist of his stature, which he later explained was due to problems in the final mixing of the track: The dispute with Ross led to none of the musicians being credited on the album cover and also may have", + "score": 0.72998046875, + "summary": "irrelevant", + "extraction": "Diana Ross sang the song \"I'm Coming Out\" but the passage is irrelevant to the question." + }, + { + "id": "6536321", + "title": "Come Out (Reich)", + "text": "Come Out (Reich) Come Out is a 1966 piece by American composer Steve Reich. Reich was asked to edit down tape footage into a form of collage for a benefit for the Harlem Six and \"Come Out\" was a byproduct of the collage's production. The Harlem Six were six black youths arrested for a murder of Margit Sugar, a Hungarian refugee, in Harlem in the weeks following the Little Fruit Stand Riot of 1964. Only one of the six was responsible while the lead witness is generally considered the actual perpetrator. Truman Nelson, a civil rights activist and New Yorker", + "score": 0.7255859375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is about a piece of music called \"Come Out\" by Steve Reich and does not mention the song \"I'm coming out\" or any singer associated with it." + }, + { + "id": "9069737", + "title": "I'm Coming Out (Ugly Betty)", + "text": "I'm Coming Out (Ugly Betty) \"I'm Coming Out\" is the 14th episode from the dramedy series \"Ugly Betty\", which aired February 1, 2007. The episode's title comes from the 1980 Diana Ross song of the same name. It was written by James D. Parriott and directed by Wendey Stanzler. It's Fashion Week in New York and Betty is hustling to ensure \"\"MODE's\"\" runway show goes off without a hitch. But to Betty's dismay, Daniel offers a now-unemployed Hilda a job helping out with the show. Betty is not too happy working alongside her sister because Hilda has taken the spotlight", + "score": 0.72119140625, + "summary": "The episode \"I'm Coming Out\" from the TV series \"Ugly Betty\" aired on February 1, 2007. The title is from the 1980 Diana Ross song of the same name. However, the document does not provide information about who sang the song.", + "extraction": "Diana Ross sang the song \"I'm Coming Out\", according to the passage." + }, + { + "id": "1456576", + "title": "Gloria Estefan", + "text": "ten months after the collision. In 1991, Estefan returned to the charts with the concept album \"Into the Light\". In January of the same year, she performed \"Coming Out of the Dark\" for the first time on the American Music Awards to a standing ovation. Within months after the performance, \"Coming Out of the Dark\" reached No. 1 in the U.S. as a single. Other notable singles from \"Into the Light\" were \"Seal Our Fate\" and \"Live for Loving You.\" The album became her highest debut, as it peaked at No. 5 on the \"Billboard\" album chart (it also peaked", + "score": 0.7197265625, + "summary": "Irrelevant.", + "extraction": "\"Coming Out of the Dark\" was performed by Gloria Estefan for the first time on the American Music Awards and later reached No. 1 in the U.S. as a single. Therefore, Gloria Estefan sang the song \"Coming Out of the Dark\"." + }, + { + "id": "17714279", + "title": "Works based on Thunderbirds", + "text": "\"Thunderbirds Are Go!\" (the end theme of the 2004 film adaptation) and V6's \"Thunderbirds (Your Voice)\" (2004). In 1998, Australian band TISM released the single \"Thunderbirds Are Coming Out\", the music video for which focuses on a socially awkward teenager who sees the \"Thunderbird\" machines on TV and is immediately impressed; thereafter, he is inspired to conform to the norms of adolescent life. Other music video allusions to \"Thunderbirds\" include Wax's \"Right Between the Eyes\" (1986). In 1983, Gerry Anderson directed his first music video in the form of \"SOS\", a song performed by Moya Griffiths (the singing voice of", + "score": 0.71875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about the song \"I'm Coming Out\"." + }, + { + "id": "2984788", + "title": "Carole Bayer Sager", + "text": "a worldwide hit, reaching number 2 on the \"Billboard\" Hot 100. This song was later recorded by Sonny & Cher, Petula Clark, and Phil Collins, the latter whose rendition for the film \"Buster\" reached number one in 1988. She also had a career as a singer, including her 1977 Australian number one single \"You're Moving Out Today\", which also reached number 6 in the UK singles chart in June 1977. Bayer Sager's first recording as a singer was the 1977 album \"Carole Bayer Sager\", which included \"You're Moving Out Today\", a song which she co-wrote with Bette Midler and Bruce", + "score": 0.7177734375, + "summary": "The document mentions that \"I'm Coming Out\" was a worldwide hit and was recorded by several artists, including Sonny & Cher and Phil Collins. However, it does not explicitly state who sang the song originally.", + "extraction": "Diana Ross sang the song \"I'm Coming Out\". (The passage does not mention this song at all, so the answer is \"irrelevant\".)" + }, + { + "id": "6536325", + "title": "Come Out (Reich)", + "text": "example of process music. In dance, the piece was used in 1982 by the Belgian choreographer Anne Teresa De Keersmaeker as part of one of her seminal works, \"Fase\", which became a cornerstone of contemporary dance. Come Out (Reich) Come Out is a 1966 piece by American composer Steve Reich. Reich was asked to edit down tape footage into a form of collage for a benefit for the Harlem Six and \"Come Out\" was a byproduct of the collage's production. The Harlem Six were six black youths arrested for a murder of Margit Sugar, a Hungarian refugee, in Harlem in", + "score": 0.71630859375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "18252098", + "title": "Comin' In and Out of Your Life", + "text": "Comin' In and Out of Your Life \"Comin' In and Out of Your Life\" is a 1981 single released by Barbra Streisand on her album \"Memories\". Milwaukeen Richard Parker worked with Bobby Whiteside to create jingles for a while, and then decided to use their musical hook skills to collaborate on a pop hit. Parker explained \"we went into the studio and recorded a very complete demo with string arrangement and everything. some established artists were interested but we felt the song was just too strong to let go\". Whiteside managed Parker's singing career and thought the song was the", + "score": 0.71630859375, + "summary": "Barbra Streisand sang the song \"Comin' In and Out of Your Life\" in 1981, but there is no mention of the song \"I'm Coming Out\" in the document.", + "extraction": "Barbra Streisand sang the song \"Comin' In and Out of Your Life\"." + }, + { + "id": "12925560", + "title": "Annie's Coming Out", + "text": "photos, and audio commentary with Gil Brealey, Rosemary Crossley, Chris Borthwick and Anne McDonald. The film score recording by Simon Walker, produced by Philip Powers, was released in 2002 by 1M1 Records Annie's Coming Out Annie's Coming Out (also known as A Test of Love) is a 1984 Australian drama film directed by Gil Brealey. It is based on the non-fiction book \"Annie's Coming Out\" by disability activists Rosemary Crossley and Anne McDonald. The book tells the story of McDonald's early life in a government institution for people with severe disabilities and her subsequent release. Annie O'Farrell (based on Anne", + "score": 0.71240234375 + }, + { + "id": "5396435", + "title": "Curt Smith", + "text": "and Chesney Hawkes; Smith and Sophie Saillet helped adapt the song for the duet version. Smith finally released the album in the U.S. and the rest of the world in May 2008 via his own KOOK Media label. The KOOK release features a slightly different track listing, eliminating the Polnareff tribute and adding two new acoustic tracks (\"Coming Out\" and \"Seven of Sundays\"). It was released under a Creative Commons license which allows fans to distribute, perform and use the songs so long as the uses are non-commercial and attributed to Smith. Smith has made limited live concert appearances in", + "score": 0.7099609375 + }, + { + "id": "6536322", + "title": "Come Out (Reich)", + "text": "who had asked Reich to compose a sound collage that was separate from \"Come Out\", gave him a collection of tapes with recorded voices to use as source material. Nelson agreed to give Reich creative freedom with the tapes that he presented him for the sound collage. \"Come Out\" was a loop of four seconds of the more than 70 hours of tapes Nelson presented to Reich. Reich eventually used the voice of Daniel Hamm, one of the boys involved in the riots but not responsible for the murder; he was nineteen at the time of the recording. At the", + "score": 0.70849609375 + }, + { + "id": "18252101", + "title": "Comin' In and Out of Your Life", + "text": "by WMFD radio on January 1, 1982. On November 27, 1981, the song was 10th in the same list. Comin' In and Out of Your Life \"Comin' In and Out of Your Life\" is a 1981 single released by Barbra Streisand on her album \"Memories\". Milwaukeen Richard Parker worked with Bobby Whiteside to create jingles for a while, and then decided to use their musical hook skills to collaborate on a pop hit. Parker explained \"we went into the studio and recorded a very complete demo with string arrangement and everything. some established artists were interested but we felt the", + "score": 0.7080078125 + }, + { + "id": "10648019", + "title": "Inside Out (Bryan Adams song)", + "text": "Inside Out (Bryan Adams song) \"Inside Out\" is a song by Canadian singer Bryan Adams from his 1998 album \"On a Day Like Today\". It is also featured on his greatest hits album \"The Best of Me\". On some versions of this album, the song \"Don't Give Up\" with Chicane was added as a ghost track right after \"Inside Out\". It was released as a single in 2000. The single included live versions of \"Back to You\" and \"Rock Steady\", recorded in South Africa, taken from the special edition release of \"The Best Of Me\". There is a music video", + "score": 0.7080078125 + }, + { + "id": "5753936", + "title": "I'm Coming Out", + "text": "out of the closet\" or coming out from hiding. The song is thus interpreted as a celebration of lesbian, gay, bisexual, or transgender, identity and the encouragement of self-disclosure. Rodgers convinced his neighbor, producer Meco Monardo, to contract the horns for the album in return for a commitment by Rodgers to co-produce Monardo's then-upcoming album of music from \"The Empire Strikes Back\". Monardo, a former first-call session player who had a string of hits in the late 1970s with disco versions of film music, also played trombone on the album and is featured in a solo towards the end of", + "score": 0.70458984375 + }, + { + "id": "17285162", + "title": "I'm Coming Home (album)", + "text": "I'm Coming Home (album) I'm Coming Home is an album by American pop singer Johnny Mathis that was released on September 21, 1973, by Columbia Records and was mainly composed of material written by the songwriting team of its producer, Thom Bell, and Linda Creed. Unlike several of the Mathis albums before it, \"I'm Coming Home\" relied primarily on new songs and included only two covers of established chart hits, both of which were by The Stylistics (\"I'm Stone in Love with You\" and \"Stop Look and Listen to Your Heart\"). The album made its first appearance on \"Billboard\" magazine's", + "score": 0.70458984375 + }, + { + "id": "19823121", + "title": "Coming Out (2013 film)", + "text": "Coming Out (2013 film) Coming out is a 2013 Hungarian comedy film directed by D\u00e9nes Orosz. \"Coming Out\" is the story of Erik (S\u00e1ndor Cs\u00e1nyi), a radio personality, gay activist, and Hungary's most famous openly gay male celebrity. As Erik is preparing to marry his partner Bal\u00e1zs (G\u00e1bor Karalyos), he is shocked to discover he has a growing sexual attraction to women. After experiencing an injury during a motorcycle accident, Erik gradually discovers that he is attracted to women and falls in love with Linda, his physician. His new-found attraction to Linda causes Erik to doubt whether he should go", + "score": 0.70263671875 + }, + { + "id": "14736733", + "title": "I'm Coming Home", + "text": "I'm Coming Home \"I'm Coming Home\" is the title track from the 1973 album by Johnny Mathis. The song was written by Thom Bell and Linda Creed and was Mathis' only release as a solo artist to make it to number one on the \"Billboard\" Easy Listening chart. \"I'm Coming Home\" went to number one for a single week in September 1973. The single was also a minor pop hit; it peaked at number seventy-five on the \"Billboard\" Hot 100. The Spinners re-recorded the song for their 1974 album, \"Mighty Love\". Their version peaked at number eighteen on the \"Billboard\"", + "score": 0.70263671875 + }, + { + "id": "10532629", + "title": "Come In Out of the Rain", + "text": "Come In Out of the Rain Come in Out of the Rain is the debut studio album by Filipina singer Sheryn Regis, released under Star Records, on May 2004 in the Philippines. It was her best selling album up to date which it sold over 40,000 copies and certified as Platinum by Philippine Association of the Record Industry. The album produced chart-topping singles. The album was made available on digital download. Right after Regis' 1st runner-up finish in Star In A Million, she recorded the album under Star Records. The carrier single, Come In Out of the Rain, is a", + "score": 0.7021484375 + }, + { + "id": "9724895", + "title": "Mika Newton", + "text": ") premiered exclusively on OK! Magazine USA official website. In June 2013 Mika Newton was selected as the Best Vocalist of the Month by SingerUniverse for her song \"Magnets.\" SingerUniverse is an online magazine founded by a group of acclaimed music industry professionals. Each month, they spotlight a single rising star with their \"Best Vocalist of the Month\" contest. August 31 Mika Newton debuted the music video for her second American single \"Come Out and Play\" at the Lily Bar & Lounge in Las Vegas, NV. The video was directed by Ali Zamani, who's worked with the likes of Snoop", + "score": 0.7021484375 + }, + { + "id": "10532626", + "title": "Come In Out of the Rain", + "text": "Come In Out of the Rain Come in Out of the Rain is the debut studio album by Filipina singer Sheryn Regis, released under Star Records, on May 2004 in the Philippines. It was her best selling album up to date which it sold over 40,000 copies and certified as Platinum by Philippine Association of the Record Industry. The album produced chart-topping singles. The album was made available on digital download. Right after Regis' 1st runner-up finish in Star In A Million, she recorded the album under Star Records. The carrier single, Come In Out of the Rain, is a", + "score": 0.7021484375 + }, + { + "id": "12925559", + "title": "Annie's Coming Out", + "text": "the Good Shepherd in Melbourne. \"Annie's Coming Out\" won three 1984 Australian Film Institute Awards for Best Film, Best Adapted Screenplay and Best Lead Actress (Angela Punch McGregor). It was nominated for four other AFI awards. The film won the Prize of the Ecumenical Jury at the 1984 Montr\u00e9al World Film Festival. The film was not a large commercial success but it screened in the US as \"A Test of Love\". \"Annie's Coming Out\" was released on DVD by Umbrella Entertainment in October 2010. The DVD is compatible with all region codes and includes special features such as press clippings,", + "score": 0.70166015625 + }, + { + "id": "796372", + "title": "Coming out", + "text": "on October 11, and in the United Kingdom on 12 October. To celebrate National Coming Out Day on October 11, 2002, Human Rights Campaign released an album bearing the same title as that year's theme: \"Being Out Rocks\". Participating artists include Kevin Aviance, Janis Ian, k.d. lang, Cyndi Lauper, Sarah McLachlan, and Rufus Wainwright. In 1987, Barney Frank, the U.S. House Representative for , publicly came out as gay, thus becoming the second member of the Massachusetts delegation to the United States Congress to do so. In 1983, U.S. Rep Gerry Studds, D-Mass., came out as a homosexual during the", + "score": 0.70068359375 + }, + { + "id": "15241876", + "title": "LGBT music", + "text": "and positivity. In 2012, Against Me! singer and guitarist came out as a trans woman and changed her name to Laura Jane Grace. Country singer Chely Wright came faced death threats and declining record sales after coming out in 2011. She made \"Wish Me Away\", a documentary about her experience and it won several major awards in 2012 including trophies from the Los Angeles Film Festival, the Seattle LGBT Festival and the Tallgrass Film Festival. And openly gay artists such as Tegan and Sara gained popularity; the duo produced a pro-tolerance advert jingle for Oreo in 2014. Many openly LGBT", + "score": 0.7001953125 + }, + { + "id": "9057135", + "title": "If You Want to Sing Out, Sing Out", + "text": "Out\" appeared in the film \"Charlie Bartlett\". The song is featured in the TV shows \"My Name Is Earl\" and \"Ray Donovan\". It was featured as the 2nd song of Rodney Mullen's skateboarding part in the Plan B video, \"Questionable\". The song is also the theme to the BBC Radio sitcom \"North by Northamptonshire\". As of fall 2016, the song appears in a commercial for the 2017 Jeep Grand Cherokee. If You Want to Sing Out, Sing Out \"If You Want To Sing Out, Sing Out\" is a popular song by Cat Stevens. It first appeared in the 1971 film", + "score": 0.7001953125 + }, + { + "id": "9057133", + "title": "If You Want to Sing Out, Sing Out", + "text": "If You Want to Sing Out, Sing Out \"If You Want To Sing Out, Sing Out\" is a popular song by Cat Stevens. It first appeared in the 1971 film \"Harold and Maude\". Stevens wrote all the songs in \"Harold and Maude\" in 1970-1971, during the time he was writing and recording his \"Tea for the Tillerman\" album. However, \"If You Want to Sing Out, Sing Out\" and two other songs from that period were not released as singles nor placed on any album at that time. No official soundtrack was released from the film at that time. The song", + "score": 0.69970703125 + }, + { + "id": "10121020", + "title": "Inside Out (Eve 6 song)", + "text": "Inside Out (Eve 6 song) \"Inside Out\" is a song by American alternative rock band Eve 6. It was released in May 1998 as the first single from their debut album \"Eve 6\". The song was a big hit, managing to top the Modern Rock Tracks chart three times (for a combined total of four weeks at number one and nine weeks at number 2 while falling behind \"Iris\" from the Goo Goo Dolls and \"One Week\" from the Barenaked Ladies). It also reached #21 on the Hot 100 Airplay on the issue dated November 28, 1998. The song is", + "score": 0.69921875 + }, + { + "id": "364607", + "title": "Steve Reich", + "text": "rain!\", to multiple tape loops which gradually move out of phase with one another. The 13-minute \"Come Out\" (1966) uses similarly manipulated recordings of a single spoken line given by Daniel Hamm, one of the falsely accused Harlem Six, who was severely injured by police. The survivor, who had been beaten, punctured a bruise on his own body to convince police about his beating. The spoken line includes the phrase \"to let the bruise\u2019s blood come out to show them.\" Reich rerecorded the fragment \"come out to show them\" on two channels, which are initially played in unison. They quickly", + "score": 0.69873046875 + }, + { + "id": "13686193", + "title": "Coming Out (novel)", + "text": "as old wounds are healed and the family learn acceptance and love are all they ever needed. Coming Out (novel) Coming Out is a novel by Danielle Steel, published by Random House in June 2006. The book is Steel's sixty-ninth novel. Olympia Crawford Rubinstein, lawyer, wife and mother to twin daughters, a son in college and one in kindergarten, Olympia' life is perfect. Until she opens an invitation for her daughters to attend the most exclusive coming-out ball in New York\u2013and chaos erupts all around her. One twin is outraged whilst the other is ecstatic. Her husband is appalled and", + "score": 0.6982421875 + }, + { + "id": "5754669", + "title": "Diana (album)", + "text": "she felt she was in her life and career at the period. On an episode of TV One's \"Unsung\", Niles Rodgers said that the majority of the songs were crafted after direct conversations with Ross. She had reportedly said to Rodgers and Bernard Edwards that she wanted to turn her career \u201cupside down\u201d and wanted to \u201chave fun again.\u201d As a result, Rodgers and Edwards wrote the songs \"Upside Down\" and \"Have Fun (Again)\". After running into several drag queens in a club dressed as Ross, Rodgers wrote \"I'm Coming Out\". Only \"My Old Piano\" came from their normal songwriting", + "score": 0.697265625 + }, + { + "id": "8712427", + "title": "Coming Out of the Dark", + "text": "Emilio Estefan, Jr., Gloria's husband. The song is a soul ballad which includes the use of a choir. Among the voices in the choir are Gloria's colleague, the Cuban singer Jon Secada, and the R&B singer Betty Wright (both had participated in backing vocals on Gloria's album, \"Cuts Both Ways\" as well as \"Into the Light\"). The title was inspired by a phrase her husband had written on a piece of paper as a helicopter transported her for delicate surgery to repair her broken back. Gloria explained to Billboard: \"My husband had been in one of the helicopters traveling from", + "score": 0.697265625 + }, + { + "id": "10463670", + "title": "Coming Out (1989 film)", + "text": "and homosexual scenes, often with a political motifs reflected in title and nature of the paintings. Coming Out (1989 film) Coming Out is a 1989 East German film directed by Heiner Carow and written by Wolfram Witt which deals with the lead character, a high school teacher, \"coming out\" and accepting himself as gay. It was one the last films made by DEFA, the East German state film studio, and the only feature film it made that dealt with issues around homosexuality. The film premiered at the Kino International in Berlin on 9 November 1989, the night that the Berlin", + "score": 0.6962890625 + }, + { + "id": "13686192", + "title": "Coming Out (novel)", + "text": "Coming Out (novel) Coming Out is a novel by Danielle Steel, published by Random House in June 2006. The book is Steel's sixty-ninth novel. Olympia Crawford Rubinstein, lawyer, wife and mother to twin daughters, a son in college and one in kindergarten, Olympia' life is perfect. Until she opens an invitation for her daughters to attend the most exclusive coming-out ball in New York\u2013and chaos erupts all around her. One twin is outraged whilst the other is ecstatic. Her husband is appalled and as her family is thrown into disarray, the ball turns out to be a blessing in disguise", + "score": 0.6962890625 + }, + { + "id": "10463662", + "title": "Coming Out (1989 film)", + "text": "Coming Out (1989 film) Coming Out is a 1989 East German film directed by Heiner Carow and written by Wolfram Witt which deals with the lead character, a high school teacher, \"coming out\" and accepting himself as gay. It was one the last films made by DEFA, the East German state film studio, and the only feature film it made that dealt with issues around homosexuality. The film premiered at the Kino International in Berlin on 9 November 1989, the night that the Berlin Wall was opened. It won a number of awards including a Silver Bear and Teddy Award", + "score": 0.69580078125 + }, + { + "id": "13808484", + "title": "Acafellas", + "text": "and he was fantastic. I think he has just an amazing musical range. People like that who have been singing their whole lives, they have such a command of that.\" Riley deemed Kurt's coming out in the episode \"very emotional\" and \"one of [her] favorite scenes\". Colfer described the scene as \"very respectful and very touching ... very, very real and serious.\" The episode features cover versions of \"For He's a Jolly Good Fellow\", \"This Is How We Do It\" by Montell Jordan, \"Poison\" by Bell Biv DeVoe, \"Mercy\" by Duffy, \"Bust Your Windows\" by Jazmine Sullivan, \"I Wanna Sex", + "score": 0.69580078125 + }, + { + "id": "12925557", + "title": "Annie's Coming Out", + "text": "Annie's Coming Out Annie's Coming Out (also known as A Test of Love) is a 1984 Australian drama film directed by Gil Brealey. It is based on the non-fiction book \"Annie's Coming Out\" by disability activists Rosemary Crossley and Anne McDonald. The book tells the story of McDonald's early life in a government institution for people with severe disabilities and her subsequent release. Annie O'Farrell (based on Anne McDonald) is a 13-year-old girl with cerebral palsy who is unable to communicate and has been living in a government institution from an early age. Jessica Hathaway (based on Rosemary Crossley) is", + "score": 0.69580078125 + }, + { + "id": "19134565", + "title": "Coming Home (Sigma and Rita Ora song)", + "text": "Coming Home (Sigma and Rita Ora song) \"Coming Home\" is a song by British drum and bass duo Sigma and British singer Rita Ora. The song was released on 6 November 2015. The music video for \"Coming Home\" was released on 5 November 2015 at a total length of three minutes and twenty seconds. The video features Sigma walking in the forest amongst a group of people while Rita sings in a vacant house. The video ends as Sigma, Ora and others have Christmas dinner together. Sigma and Ora performed the song on \"The X Factor\" on 29 November 2015.", + "score": 0.69580078125 + }, + { + "id": "20039792", + "title": "Neon Blue", + "text": "fun, which can be heard in the line \"Come out, come out and dance with me/ If you're down it's a remedy.\" Band member Ian \"H\" Watkins considered the track to be a gay anthem owing to its message of coming out. On 20 July 2017, the group announced the song as the third single from the album, and it was released in the form of two remixes \u2013 a radio edit and a club mix \u2013 produced by Adam Turner on 4 August. A radio edit and a club mix by 7th Heaven was later released on 11 August.", + "score": 0.69482421875 + }, + { + "id": "14401010", + "title": "Birtles & Goble", + "text": "All His Love\") was written by Randy Newman. The first single \"I'm Coming Home\" was a top ten hit in Australia and also sold over 100 000 copies in The Philippines. Birtles & Goble performed the song live on television programs such as The Don Lane Show and The Paul Hogan Show. The song earned Birtles and Goble a nomination for Best Recorded Songwriters at the 1979 Australian Pop Music Awards. Goble believes that the duo suffered from a lack of promotion: \"If \"The Last Romance\" album had been successful, I expect that Beeb and I would have left Little", + "score": 0.69482421875 + }, + { + "id": "10487342", + "title": "When the Sun Comes Out", + "text": "When the Sun Comes Out \"When the Sun Comes Out\" is a song composed by Harold Arlen, with lyrics written by Ted Koehler, in 1941. It was introduced in 1941 by Helen O'Connell with the Jimmy Dorsey Orchestra (Decca 3657A). Streisand recorded the song October 26, 1962, at Columbia's Studio C, some months before her first album sessions. This version, arranged and conducted by George Williams, became her first commercial single in November, 1962, with \"Happy Days Are Here Again\" on the A-side. Only 500 copies of this single were pressed for the New York market, and no copies were", + "score": 0.69384765625 + }, + { + "id": "20019074", + "title": "Comin Out Strong", + "text": "Comin Out Strong \"Comin Out Strong\" is a song by American rapper Future, featuring Canadian singer The Weeknd, from his sixth studio album \"Hndrxx\" (2017). The song was written by Nayvadius Wilburn, Kevin Vincent, Noel Fisher, Henry Walter, Abel Tesfaye and Ahmad Balshe. It was produced by High Klassified and Cirkut. It's the fourth overall collaboration between the two artists. The music video for \"Comin Out Strong\" was released exclusively to Apple Music on June 5, 2017. It was shot in the abandoned Lower Bay subway station in Toronto, Ontario, Canada. \"Comin Out Strong'\" peaked at number 48 on the", + "score": 0.693359375 + }, + { + "id": "20156699", + "title": "I'm Walking Out On You", + "text": "I'm Walking Out On You I'm Walking Out On You was an R&B Top 30 hit for Philadelphia singer Ruben Wright. It was released on the Capitol label in 1966. Wright was formerly a member of the doo wop group The Capris. Wright had been with Philadelphia doo wop group The Capris in the 1950s. He was the composer of their single \"God Only Knows\". In February 1966, \"I'm Walking Out On You\" was released backed with \"Hey Girl\". Both sides were composed by Wright. This single was one of five singles Wright had released on the Capitol label. By", + "score": 0.69287109375 + }, + { + "id": "13302163", + "title": "Sonny J Mason", + "text": "Mason, first on \"HOT!\" by Audioslam in 2009. This was followed in 2010 by \"Burnin' Up\", released by Miguel Migs on Salted Music. Migs later released a remix of Mason's \"Life Is the Music,\" and in 2011 Mason contributed vocals to Migs' song \"Changin',\" which Migs' included on his studio album \"Outside the Skyline\". He moved back to the UK in 2011. In 2012 Mason co-wrote the song \"Come into My Head\" with New Zealand pop artist Kimbra and Keith Ciancia. The song was released on \"Vows\", a full-length studio album by Kimbra. \"Come into My Head\" won first place", + "score": 0.69287109375 + }, + { + "id": "12645971", + "title": "Coming Out (2000 film)", + "text": "Coming Out (2000 film) Coming Out is a 2000 South Korean short film directed by Kim Jee-woon. The film opens with a man being interviewed about his sister, who has recorded a video diary in which she makes a shocking confession to her friends and family. Purporting to be a true story, the bulk of the film is presented as a reconstruction of actual events. Hyun-joo announces to her younger brother Jae-min and his girlfriend Ji-eun that she has an important confession to make, and asks them to record it on video. After issuing an apology to her parents, she", + "score": 0.6923828125 + }, + { + "id": "18287867", + "title": "Coming Up You", + "text": "sound more enthused and more interested than [Ric] Ocasek does on any of his songs.\" Coming Up You \"Coming Up You\" is a 1987 song by The Cars, appearing on their sixth studio album \"Door to Door\". It was written by Ric Ocasek and sung by Benjamin Orr. \"Coming Up You\" first saw release as the eighth track on \"Door to Door\" in August 1987. The song later saw a single release in America and Australia, backed with the fellow \"Door to Door\" track \"Double Trouble\". The third single from \"Door to Door\" (after the top twenty hit \"You Are", + "score": 0.69140625 + }, + { + "id": "14736734", + "title": "I'm Coming Home", + "text": "Hot 100 and number three on the Hot Soul Singles chart. I'm Coming Home \"I'm Coming Home\" is the title track from the 1973 album by Johnny Mathis. The song was written by Thom Bell and Linda Creed and was Mathis' only release as a solo artist to make it to number one on the \"Billboard\" Easy Listening chart. \"I'm Coming Home\" went to number one for a single week in September 1973. The single was also a minor pop hit; it peaked at number seventy-five on the \"Billboard\" Hot 100. The Spinners re-recorded the song for their 1974 album,", + "score": 0.69140625 + }, + { + "id": "17285171", + "title": "I'm Coming Home (album)", + "text": "songs written by Thom Bell and Linda Creed except as noted: From the liner notes for \"\": I'm Coming Home (album) I'm Coming Home is an album by American pop singer Johnny Mathis that was released on September 21, 1973, by Columbia Records and was mainly composed of material written by the songwriting team of its producer, Thom Bell, and Linda Creed. Unlike several of the Mathis albums before it, \"I'm Coming Home\" relied primarily on new songs and included only two covers of established chart hits, both of which were by The Stylistics (\"I'm Stone in Love with You\"", + "score": 0.69140625 + }, + { + "id": "4209953", + "title": "Come Out and Play (song)", + "text": "Come Out and Play (song) \"Come Out and Play\" (sometimes subtitled \"Keep 'Em Separated\") is a song by the Californian punk rock group The Offspring. It is the seventh track on their third album \"Smash\" (1994) and was released as the first single from that album. Written by frontman Dexter Holland, the song was the second single to be released by the band, after \"I'll Be Waiting\" (1986). It is considered to be The Offspring's breakthrough song, as it received widespread radio play, with first attention brought by Jed the Fish of KROQ-FM, and reached number one on the \"Billboard\"", + "score": 0.69091796875 + }, + { + "id": "9705749", + "title": "I'm Out", + "text": "I'm Out \"I'm Out\" is a song recorded by American recording artist Ciara, for her eponymously titled fifth studio album (2013), featuring guest vocals from Trinidadian-American rapper Nicki Minaj. It was written by Ciara, Minaj and Rock City brothers, Timothy and Theron Thomas. Rock City and The Co-Captains provided production. \"I'm Out\" made its premiere on May 22, 2013 on Ciara's official SoundCloud account and was serviced to urban radio in the United States on June 3, 2013 as the second single from \"Ciara\" through Epic Records. Lyrically, it incorporates themes of breakups and making an ex-boyfriend regret leaving. \"I'm", + "score": 0.69091796875 + }, + { + "id": "10121021", + "title": "Inside Out (Eve 6 song)", + "text": "a downloadable track for \"Rock Band\". Inside Out (Eve 6 song) \"Inside Out\" is a song by American alternative rock band Eve 6. It was released in May 1998 as the first single from their debut album \"Eve 6\". The song was a big hit, managing to top the Modern Rock Tracks chart three times (for a combined total of four weeks at number one and nine weeks at number 2 while falling behind \"Iris\" from the Goo Goo Dolls and \"One Week\" from the Barenaked Ladies). It also reached #21 on the Hot 100 Airplay on the issue dated", + "score": 0.6904296875 + }, + { + "id": "14081572", + "title": "Jimmy Radcliffe", + "text": "Music Supervisor: Don Kirshner 1971 Jimmy Radcliffe James Radcliffe (November 18, 1936 \u2013 July 27, 1973) was an American soul singer, composer, arranger, conductor and record producer. James Radcliffe was born in New York City. He released such singles as \"My Ship is Coming In\", a song composed by his writing partner Joey Brooks (later of \"You Light Up My Life\" fame), was later covered by The Walker Brothers as a pop music hit, and also wrote several songs featured in the children's TV show \"The Banana Splits\". He will be probably best remembered for his recording of (written by", + "score": 0.68994140625 + }, + { + "id": "14789881", + "title": "Come Out and Play (Kim Wilde album)", + "text": "according to Nilsen Soundscan, was the most advertised album in the country that year. A digital deluxe edition of the album was released in France on 7 March 2011 and includes two brand new songs as well as the \"Lights Down Low\" B-side. It has sold more than 80.000 Copies in Europe. Come Out and Play (Kim Wilde album) Come Out and Play is the 11th studio album by British singer Kim Wilde. It was released on 27 August 2010 in Europe and is her first album with Sony Music Germany on the label Columbia SevenOne Music. The track \"Lights", + "score": 0.68994140625 + }, + { + "id": "9844590", + "title": "Chic (band)", + "text": "variety of artists together and separately. The Chic rhythm section of Rodgers, Edwards, and Thompson provided instrumental back-up for the successful album \"Diana\" for Diana Ross that ended up selling over ten million albums internationally, with Rodgers and Edwards producing. It yielded the four weeks at number-one single \"Upside Down\" and the top ten song \"I'm Coming Out\". \"My Old Piano\" was also a top ten single for Ross in the United Kingdom. Rodgers co-produced David Bowie's 1983 album \"Let's Dance\" and was also responsible largely for the early success of Madonna during 1984 with her \"Like a Virgin\" album,", + "score": 0.689453125 + }, + { + "id": "10487343", + "title": "When the Sun Comes Out", + "text": "sent to radio stations. Streisand re-recorded the song in June 3, 1963, for \"The Second Barbra Streisand Album\". When the Sun Comes Out \"When the Sun Comes Out\" is a song composed by Harold Arlen, with lyrics written by Ted Koehler, in 1941. It was introduced in 1941 by Helen O'Connell with the Jimmy Dorsey Orchestra (Decca 3657A). Streisand recorded the song October 26, 1962, at Columbia's Studio C, some months before her first album sessions. This version, arranged and conducted by George Williams, became her first commercial single in November, 1962, with \"Happy Days Are Here Again\" on the", + "score": 0.6884765625 + }, + { + "id": "4209965", + "title": "Come Out and Play (song)", + "text": "was also released in 2005. Come Out and Play (song) \"Come Out and Play\" (sometimes subtitled \"Keep 'Em Separated\") is a song by the Californian punk rock group The Offspring. It is the seventh track on their third album \"Smash\" (1994) and was released as the first single from that album. Written by frontman Dexter Holland, the song was the second single to be released by the band, after \"I'll Be Waiting\" (1986). It is considered to be The Offspring's breakthrough song, as it received widespread radio play, with first attention brought by Jed the Fish of KROQ-FM, and reached", + "score": 0.6884765625 + }, + { + "id": "18759875", + "title": "Doug Armstrong (YouTuber)", + "text": "release of The Greatest Showman and most recently Nick Robinson and Katherine Langford for the release of the film \"Love, Simon\". When not writing his own comedy/LGBT songs, Armstrong often collaborates with other successful musicians, including The Vamps, New Hope Club and Keala Settle, the original singer of This Is Me. He officially came out as gay in 2015 but told viewers in his video that coming out should not be a big deal. He dealt with his sexuality in his EP \"It's Okay to Be Gay\" that contains four tracks, the title track \"It's Okey to Be Gay\", in", + "score": 0.6884765625 + }, + { + "id": "9705760", + "title": "I'm Out", + "text": "takeover. I'm Out \"I'm Out\" is a song recorded by American recording artist Ciara, for her eponymously titled fifth studio album (2013), featuring guest vocals from Trinidadian-American rapper Nicki Minaj. It was written by Ciara, Minaj and Rock City brothers, Timothy and Theron Thomas. Rock City and The Co-Captains provided production. \"I'm Out\" made its premiere on May 22, 2013 on Ciara's official SoundCloud account and was serviced to urban radio in the United States on June 3, 2013 as the second single from \"Ciara\" through Epic Records. Lyrically, it incorporates themes of breakups and making an ex-boyfriend regret leaving.", + "score": 0.68798828125 + }, + { + "id": "14859304", + "title": "Come On In (You Did the Best You Could Do)", + "text": "single \"Come On In\". Come On In (You Did the Best You Could Do) \"Come On In (You Did the Best You Could Do)\" is a song written by Rick Giles and George Green, and recorded by American country music group The Oak Ridge Boys. It was released in November 1985 as the third single from the album \"Step On Out\". The song reached number 3 on the \"Billboard\" Hot Country Singles & Tracks chart. The song was also recorded by Oak Ridge Boy William Lee Golden on his 1986 solo album \"American Vagabond\". It is not to be confused", + "score": 0.6875 + }, + { + "id": "13447793", + "title": "Rosemary Crossley", + "text": "stated that facilitated communication is not a valid technique. Crossley is the co-author, with the late Anne McDonald, of \"Annie's Coming Out\", the story of McDonald's purported breakthrough to communication and her release from a large Australian care home for children and adults with severe disabilities. McDonald's story went on to be made into a film titled \"Annie's Coming Out\" (also called \"A Test Of Love\") in 1984 starring Angela Punch McGregor and directed by Gil Brealey. The screenplay for the film was written by Crossley's partner, Chris Borthwick, with both Crossley and McDonald credited as contributing writers. The film", + "score": 0.68701171875 + }, + { + "id": "10648020", + "title": "Inside Out (Bryan Adams song)", + "text": "of the single, with the cover model as a robot. She also appears in one of Adams' photography books. American country music artist Trisha Yearwood recorded the song as a duet with (Bryan Adams' Idol & big influence) Don Henley for her 2001 album of the same name. Yearwood's and Henley's version was a #31-peaking single on the U.S. country singles charts that year. Inside Out (Bryan Adams song) \"Inside Out\" is a song by Canadian singer Bryan Adams from his 1998 album \"On a Day Like Today\". It is also featured on his greatest hits album \"The Best of", + "score": 0.6865234375 + }, + { + "id": "15387141", + "title": "Come On In (The Oak Ridge Boys song)", + "text": "Time\" album (though they changed the title to \"Baby, Take Your Coat Off\"). It is not to be confused with the band's 1985 single \"Come On In (You Did the Best You Could Do)\". Come On In (The Oak Ridge Boys song) \"Come On In\" is a song written by Michael Clark, and recorded by American country music group The Oak Ridge Boys. It was released in December 1978 as the second and final single from their album \"Room Service\". The song spent fifteen weeks on the Hot Country Songs charts between December 1978 and early 1979, peaking at number", + "score": 0.68603515625 + }, + { + "id": "19823122", + "title": "Coming Out (2013 film)", + "text": "ahead with his marriage to Bal\u00e1zs. Coming Out (2013 film) Coming out is a 2013 Hungarian comedy film directed by D\u00e9nes Orosz. \"Coming Out\" is the story of Erik (S\u00e1ndor Cs\u00e1nyi), a radio personality, gay activist, and Hungary's most famous openly gay male celebrity. As Erik is preparing to marry his partner Bal\u00e1zs (G\u00e1bor Karalyos), he is shocked to discover he has a growing sexual attraction to women. After experiencing an injury during a motorcycle accident, Erik gradually discovers that he is attracted to women and falls in love with Linda, his physician. His new-found attraction to Linda causes Erik", + "score": 0.68603515625 + }, + { + "id": "17603148", + "title": "Movin' Out (Glee)", + "text": "Rose (Trisha Rae Stahl). Seven songs by Billy Joel are being featured in this episode: \"Movin' Out\" performed by Darren Criss and Overstreet, \"Piano Man\" sung by Criss, \"My Life\" sung by Jacob Artist, \"Honesty\" sung by Kevin McHale, \"An Innocent Man\" sung by Blake Jenner, \"You May Be Right\" performed by New Directions and \"Just the Way You Are\" performed by Criss, Overstreet, Michele, Chris Colfer and Naya Rivera. The episode was watched by 4.09 million American viewers and received an 18-49 rating/share of 1.4/4. The viewership was down from the previous episode, and tied in ratings from the", + "score": 0.68603515625 + }, + { + "id": "14859303", + "title": "Come On In (You Did the Best You Could Do)", + "text": "Come On In (You Did the Best You Could Do) \"Come On In (You Did the Best You Could Do)\" is a song written by Rick Giles and George Green, and recorded by American country music group The Oak Ridge Boys. It was released in November 1985 as the third single from the album \"Step On Out\". The song reached number 3 on the \"Billboard\" Hot Country Singles & Tracks chart. The song was also recorded by Oak Ridge Boy William Lee Golden on his 1986 solo album \"American Vagabond\". It is not to be confused with the band's 1978", + "score": 0.68603515625 + }, + { + "id": "15288603", + "title": "Inside Out (Imelda May song)", + "text": "visually shown on different-coloured backdrops and incorporates segments from the music videos to \"Psycho\" and \"Mayhem.\" The lyrical backdrop scenes also use film grain and vertical lines, a common feature of early 20th century movies. A second music video, also set to the remix, is also on YouTube. All songs written by Imelda May. Inside Out (Imelda May song) \"Inside Out\" is a song by Irish rockabilly singer Imelda May. Written solely by May, the song was released as her sixth single on January 16, 2011 and the third, and presumably final, single from her third studio album \"Mayhem\". The", + "score": 0.68603515625 + }, + { + "id": "15979367", + "title": "Bobby Weinstein", + "text": "Bobby Weinstein Robert Lee \"Bobby\" Weinstein (born July 6, 1939) is an American songwriter, singer, and music industry executive, whose hit songs, mostly co-written with Teddy Randazzo, include \"Goin' Out Of My Head\", \"It's Gonna Take A Miracle\", and \"I'm On The Outside (Looking In)\". He grew up in New York City, and attended the School of Industrial Art in Manhattan. While there, he formed a vocal group, The Legends, with fellow students Marshall Samples, Ron Warwell, Richard \"Chico\" Brunson, Sampson Reese and Dominick Fleres. The group won a talent contest at the Apollo Theater in 1955, and recorded for", + "score": 0.68603515625 + }, + { + "id": "16760369", + "title": "Philip Powers", + "text": "in Academy Award-winning director Bruce Petty's \"The Movers\" and was the recording producer of the AFI 1984 Best Film Winner \"Annie's Coming Out\" which was also nominated for Best Original Music Score, losing to Bruce Smeaton and Garth Porter for \"Streethero\". 18 years later he released the Original Soundtrack Recording on his 1M1 Records label. He produced his first CDs of film scores for the Southern Cross label in 1988, working with Simon Walker on \"The Wild Duck\" and Brian May on \"Frog Dreaming\" as well as Tony Bremner on \"The Everlasting Secret Family\". Other notable film scores which he", + "score": 0.68603515625 + }, + { + "id": "2500160", + "title": "1990s in music", + "text": "Members Yu Chiu-Hsin and Yen Chih-Lin also enjoyed success as singers of numerous television opening (and occasionally ending) themes throughout 1998 and 1999; they won the Best Theme Song award at the 1999 Star Awards for their song \"I can endure the hardship\", opening theme song to the award-winning drama series \"Stepping Out\". Dick Cowboy had been a singer in various pubs in his youth, and was especially known for his covers of songs by A-mei, Phil Chang, and Jeff Chang. In 1999, at the age of 40, his original composition \"Forget me or forget him\" propelled him to superstardom.", + "score": 0.685546875 + }, + { + "id": "1527702", + "title": "Peter Brown (singer)", + "text": "the song. Brown also wrote \"East Meets West\" for the Japanese group Sandii & the Sunsetz. Brown's final hit was \"They Only Come Out at Night\" which hit the number one slot on Billboard Magazine's Dance Chart in April 1984. Brown's fourth and final album was titled \"Snap\" and was recorded at Pumpkin Recording Studios in Oak Lawn Illinois, owned by Gary Loizzo, who was a former member of The American Breed and sang their hit \"Bend Me Shape Me\" in 1968. This album contained the song \"Zie Zie Won't Dance\" which spawned Brown's music video by the same name.", + "score": 0.685546875 + }, + { + "id": "20019075", + "title": "Comin Out Strong", + "text": "\"Billboard\" Hot 100 on the date ending March 18, 2017. The song was certified Gold by the Recording Industry Association of America (RIAA) for combined sales and streaming equivalent units of over 500,000 units in the United States. Comin Out Strong \"Comin Out Strong\" is a song by American rapper Future, featuring Canadian singer The Weeknd, from his sixth studio album \"Hndrxx\" (2017). The song was written by Nayvadius Wilburn, Kevin Vincent, Noel Fisher, Henry Walter, Abel Tesfaye and Ahmad Balshe. It was produced by High Klassified and Cirkut. It's the fourth overall collaboration between the two artists. The music", + "score": 0.685546875 + }, + { + "id": "17243202", + "title": "Chapter II (Benga album)", + "text": "Benga himself provided vocoded vocals. Several singles released throughout 2012 were omitted from the album: \"Icon\", \"Pour Your Love\", \"We're Coming Out\" and \"Open Your Eyes\". However, \"Pour Your Love\" (released on 24 August 2012) is the only song so far to chart in the United Kingdom, charting at number 189 in the UK Singles Chart. A series of three heavier songs advertised as \"club singles\" were released throughout December 2012: \"We're Coming Out\", \"Open Your Eyes\" and \"To Hell and Back\". The latter is the only one to feature on the album. The album's initial release date was set", + "score": 0.68505859375 + }, + { + "id": "7490221", + "title": "I Was Born This Way", + "text": "I Was Born This Way \"I Was Born This Way\" is a disco song by Valentino, released in 1975, then by Carl Bean in 1977 (both artists for Motown). It was written by Chris Spierer and Bunny Jones. The record was first released on the Motown-distributed Gaiee Records and performed by Valentino (real name Charles Harris). Frankie Crocker of WBLS Radio in New York first aired the song and it was an instant hit. The writers, Spierer and Jones, wanted to write a Gay anthem and make the plight on Gay issues known and bring it to the forefront. The", + "score": 0.68505859375 + }, + { + "id": "20156700", + "title": "I'm Walking Out On You", + "text": "May the 7th 1966 \"I'm Walking Out On You\" was holding its second week in the Baltimore Top 40. By May 14, it had made the National R&B Top 40, and was at no 37. The June 18 edition of \"Billboard\" reported his single as a Regional Breakout in New York. Its progress in the R&B Charts was good with the single, spending 6 weeks in the charts, having made it to no 29 on the week ending June 11. I'm Walking Out On You I'm Walking Out On You was an R&B Top 30 hit for Philadelphia singer Ruben", + "score": 0.6845703125 + }, + { + "id": "9705754", + "title": "I'm Out", + "text": "United Kingdom on July 8, 2013. \"I'm Out\" is a electro-R&B song. It features American rapper Nicki Minaj and was produced by The Co-Captains. It has a \"fierce clapping beat\" and a \"sweet pop chorus\", and features a \"loud and bass-heavy\" sound. MTV Buzzworthy called the song a \"energetic, clap-laced, synth-laden track\". The song opens with a \"gritty opening verse\" and \"aggressive bars\" from Minaj followed by Ciara lyrically speaking on the subject of going through a breakup and making her ex-boyfriend regret leaving her. The verse for the song introduces the concept \"If you know that you better than", + "score": 0.6845703125 + }, + { + "id": "14081552", + "title": "Jimmy Radcliffe", + "text": "Jimmy Radcliffe James Radcliffe (November 18, 1936 \u2013 July 27, 1973) was an American soul singer, composer, arranger, conductor and record producer. James Radcliffe was born in New York City. He released such singles as \"My Ship is Coming In\", a song composed by his writing partner Joey Brooks (later of \"You Light Up My Life\" fame), was later covered by The Walker Brothers as a pop music hit, and also wrote several songs featured in the children's TV show \"The Banana Splits\". He will be probably best remembered for his recording of (written by Burt Bacharach and Hal David)", + "score": 0.6845703125 + }, + { + "id": "17900337", + "title": "Frankie Sardo", + "text": "Korea. On his return to the United States, Frankie joined a comedy group, before making his first recordings as a singer for MGM Records in 1958. His second record, \"Fake Out\", written by his brother Johnny Sardo (born 1941) and released by ABC-Paramount, became a regional hit, and he was invited to join the 1959 Winter Dance Party tour starring Holly, Valens, Richardson, and Dion and the Belmonts, as the opening act (Most of the tour's posters mistitled his song \"Fake Out\" as \"Take Out\"). After the tour concert at Clear Lake, Iowa on February 2, 1959, Sardo traveled to", + "score": 0.6845703125 + }, + { + "id": "1361291", + "title": "Diana Ross", + "text": "at Caesar's Palace's Circus Maximus Theater in Las Vegas, Nevada, during her \"Tour '79\" concert tour. This concert special is noted for its opening, during which Ross literally makes her entrance through a movie screen. In November of that year, Ross performed \"The Boss\" album's title track as a featured artist during the Macy's Thanksgiving Day Parade, in New York City. In 1980, Ross released her most successful album to date, \"Diana\". Composed by Chic's Nile Rodgers and Bernard Edwards, the album included the hits \"I'm Coming Out\" and \"Upside Down\", the latter becoming her fifth chart-topping single. Prior to", + "score": 0.68408203125 + }, + { + "id": "17318691", + "title": "Out Here on My Own", + "text": "Out Here on My Own \"Out Here on My Own\" is a ballad from the 1980 musical film \"Fame\", performed by Irene Cara. It was written by sibling songwriting duo Lesley Gore (lyricist) and Michael Gore (composer). The song was produced by Michael Gore, and published by MGM BMI/Variety ASCAP. Cara performed the song at the 1981 Academy Awards, where it was nominated for Best Original Song. The song was released on the soundtrack to the 1980 film \"Fame\", which also contains an instrumental version of the track. In its original review of the song in August 1980, \"Billboard\" described", + "score": 0.68408203125 + }, + { + "id": "14289533", + "title": "I'm Gay (6 AM song)", + "text": "I'm Gay (6 AM song) I'm Gay is a Swedish pop song by the Swedish pop duo 6 AM made up of Alex Falk (a contestant on Swedish Idol 2004) and Martin Strand, featuring Cissi Ramsby (a contestant on Swedish Idol 2006). The song written by J.Dennis, J. Bejerholm and U. Turesson and produced by Johan Bejerholm was adopted as the official song for the Swedish annual gay Pride-l\u00e5ten event held in Stockholm in 2014. The song samples on the song Go West by Village People. \"I'm Gay\" became very popular in Sweden and was released as a single topping", + "score": 0.68408203125 + }, + { + "id": "15288600", + "title": "Inside Out (Imelda May song)", + "text": "Inside Out (Imelda May song) \"Inside Out\" is a song by Irish rockabilly singer Imelda May. Written solely by May, the song was released as her sixth single on January 16, 2011 and the third, and presumably final, single from her third studio album \"Mayhem\". The song was written after the release of May's second studio album, \"Love Tattoo\", which she was promoting on tour at the time of writing. The song was recorded during the \"Mayhem\" sessions at Embassy Studios, a sixteen track analogue recording studio in a converted cow shed, near Basingstoke, United Kingdom. A remixed version of", + "score": 0.68359375 + }, + { + "id": "21011553", + "title": "Sing Out March On", + "text": "of Harvard University originally from Cheraw, South Carolina. He was named one of the twelve \"most impressive students at Harvard\" by Business Insider in 2016. Sing Out March On Sing Out/March On is a song by Joshuah Campbell released in 2017. Both the musical style and the lyrics call back to the songs of the civil rights era. The song was notably performed during Harvard University's 2018 Commencement Ceremony in honor of Commencement Speaker John Lewis. In November of 2015, Harvard students held widespread demonstrations and marches in support of the Black Lives Matter movement. During this time, Campbell first", + "score": 0.68359375 + }, + { + "id": "18779973", + "title": "I'm Comin' Over (song)", + "text": "I'm Comin' Over (song) \"I'm Comin' Over\" is a song co-written and recorded by American country music artist Chris Young. It was released in May 11, 2015 as the lead single to his fifth studio album of the same name, which was released on November 13, 2015. The song received positive reviews from critics. \"Taste of Country\" reviewed the song positively, saying that \"New Chris Young is doubling down on the traditional. \"I\u2019m Comin\u2019 Over\" is drenched in weeping pedal steel and familiar country themes. The song relies on Young\u2019s sturdy voice, which is as solid as a mountain on", + "score": 0.68359375 + }, + { + "id": "14536521", + "title": "Come Out of the Pantry", + "text": "humour \"would be quite meaningless to any but an English audience\". \"TV Guide\" called it an \"entertaining musical.\" The film includes the following songs: A version of \"Everything Stops for Tea\" was later recorded by blues singer John Baldry on his 1972 album \"Everything Stops for Tea\", produced by Elton John and Rod Stewart. Come Out of the Pantry Come Out of the Pantry is a 1935 British musical film directed by Jack Raymond and starring Jack Buchanan, Fay Wray, James Carew and Fred Emney. It is based on a 1934 novel of the same name by Alice Duer Miller,", + "score": 0.68359375 + }, + { + "id": "5612527", + "title": "Tears on My Pillow", + "text": "Timi Yuro, Chuck Jackson, Bobby Vee, Lou Christie, Martha and the Vandellas, Bobby Vinton, Neil Sedaka, Reba McEntire, Jodeci, Lorrie Morgan, Derrick Morgan with Lyn Tait & The Jets, Neils Children, and The Fleetwoods. The song was also used in the season one seventh episode of \"Sliders\" entitled \"The Weaker Sex,\" which originally aired as episode six. The character Rembrandt Brown (played by Cleavant Derricks) sings the song repeatedly on the street in an effort to raise money for a motel room. Released by Australian singer Kylie Minogue as the final single from her second studio album, \"Enjoy Yourself\". It", + "score": 0.68310546875 + }, + { + "id": "7490222", + "title": "I Was Born This Way", + "text": "song's lyrics are about a man who proclaims that he's a homosexual and that he was \"born this way\". It was one of the first gay disco songs written specifically for the Gay community, before the Village People wave. It was also sampled in 1999 by Stuart Price, using the alias \"Pour Homme\", as \"Born this Way\". It was a tremendous hit in Europe. In 2008, Magnus Carlsson, Sweden's popular gay male vocalist re-recorded 3 versions of \"I Was Born This Way\" in addition to Paul Oskar of Iceland. Magnus Carlsson can be seen performing \"I Was Born This Way\"", + "score": 0.68310546875 + }, + { + "id": "13411124", + "title": "Ruth Copeland", + "text": "I Am\", was released in July 1971, again featuring a range of P-Funk musicians, including several, such as Hazel and Nelson, who had recently left Funkadelic due to financial concerns. These former Funkadelic musicians remained with Copeland as her backing band when she toured to promote her album, and regularly supported Sly and the Family Stone. Copeland also continued to collaborate with Clinton, co-writing a further two singles for Parliament, \"Come in Out of the Rain\" and \"Breakdown\", which were released in 1971\u201372. Clinton said of her: \"She was a good writer, really particular about getting it right, a \"perfectionist\"!\"", + "score": 0.68310546875 + }, + { + "id": "18252100", + "title": "Comin' In and Out of Your Life", + "text": "I\u2019d come across a few months earlier. Parker said \"Koppelman was so knocked out by it that he sent a limosine for Jon Peters. Ten days later Barbra recorded our song in London. It all happened so fast\". Parker later explained \"having Barbra Streisand do the song automatically legitimized our standing as songwriters\". The song was released in mid-November by Columbia Records, and as of December 4, 1981, had already become a Top 30 single. It was included on her greatest hits album \"Memories\". The song was voted the favorite adult contemporary song in the Wilmington area according to surveys", + "score": 0.68310546875 + }, + { + "id": "2519311", + "title": "Nona Hendryx", + "text": "first of Springfield's multiple comeback attempts). In the early 1980s, Hendryx fronted her own progressive art rock group, Zero Cool, which included guitarist Naux (China Shop, Richard Hell), bassist Michael Allison (Darshan Ambient), guitarist Kevin Fullen and drummer Jimmy Allington. Simultaneously, she sang with experimental funk group Material, achieving a giant club hit with \"Busting Out.\" She had two other major club hits soon after: a dance remake of The Supremes' \"Love Is Like An Itching In My Heart,\" and, in a lead vocal guest spot for the Cage, \"Do What You Wanna Do.\" Material also produced her second album,", + "score": 0.6826171875 + }, + { + "id": "18779975", + "title": "I'm Comin' Over (song)", + "text": "McClister and premiered in May 2015. I'm Comin' Over (song) \"I'm Comin' Over\" is a song co-written and recorded by American country music artist Chris Young. It was released in May 11, 2015 as the lead single to his fifth studio album of the same name, which was released on November 13, 2015. The song received positive reviews from critics. \"Taste of Country\" reviewed the song positively, saying that \"New Chris Young is doubling down on the traditional. \"I\u2019m Comin\u2019 Over\" is drenched in weeping pedal steel and familiar country themes. The song relies on Young\u2019s sturdy voice, which is", + "score": 0.6826171875 + } + ], + "answer": "\"I'm Coming Out\" is a song recorded by American singer Diana Ross. It was written and produced by Chic members Bernard Edwards and Nile Rodgers, and released on August 22, 1980, as the second single from Ross' self-titled tenth album Diana (1980). In 2003, American singer Amerie covered \"I'm Coming Out\" for the soundtrack to the film \"Maid in Manhattan\". Her version was released as a single in select European countries and Australia." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "When is episode 113 of dragon ball super coming out for its original airdate?", + "short_answers": [ + "October 29, 2017" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When is episode 113 of dragon ball super coming out for its american airdate?", + "short_answers": [ + "June 1, 2019" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When is episode 113 of dragon ball super coming out originally?", + "short_answers": [ + "October 29, 2017" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When is episode 113 of dragon ball super coming out in America?", + "short_answers": [ + "June 1, 2019" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "List of Dragon Ball Super episodes", + "url": "https://en.wikipedia.org/wiki/List%20of%20Dragon%20Ball%20Super%20episodes" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Dragon Ball Super is a Japanese anime television series produced by Toei Animation that began airing on July 5, 2015 on Fuji TV.", + "wikipage": "List of Dragon Ball Super episodes" + } + ], + "long_answer": "Dragon Ball Super is a Japanese anime television series that began airing on July 5, 2015. Episode 113 originally aired on October 29, 2017 and came out in America on June 1, 2019." + }, + { + "knowledge": [ + { + "content": "Dragon Ball Super is a Japanese anime television series produced by Toei Animation that began airing on July 5, 2015 on Fuji TV.[1]", + "wikipage": "List of Dragon Ball Super episodes" + } + ], + "long_answer": "Dragon Ball Super is a Japanese anime television series produced by Toei Animation that began airing on July 5, 2015 on Fuji TV. The original airdate of Episode 113 was October 29, 2017. The American airdate for Episode 113 was June 1, 2019." + } + ], + "sample_id": "-3766268167311659635", + "question": "When is episode 113 of dragon ball super coming out?", + "docs": [ + { + "id": "18748932", + "title": "Dragon Ball Super", + "text": "released a week later. The first trailer was released at San Diego Comic-Con International 2018. The second trailer was released on October 4, 2018. The English version of the second trailer was released on October 5, 2018. The anime episodes are being released on Japanese Blu-ray and DVD sets that contain twelve episodes each. The first set was released on December 2, 2015. The second set was released on March 2, 2016. The third set was released on July 2, 2016. The fourth set was released on October 4, 2016. Bandai announced that a line of \"Dragon Ball Super\" toys", + "score": 0.7421875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "18748924", + "title": "Dragon Ball Super", + "text": "April 1, 2018. According to Amazon Japan, the final Blu-ray set indicated the series' end at episode 131. The series ended on March 25, 2018, with the conclusion of the \"Universe Survival Saga\". Fuji TV stated that no definite plans were made to either continue the series at a later date or discontinue it entirely. \"Dragon Ball Super\" received an English-language dub that premiered on the Toonami channel in Southeast Asia and India on January 21, 2017. This dub is produced by Los Angeles based Bang Zoom! Entertainment for the Asian market. A sneak preview of the English dub's first", + "score": 0.72802734375, + "summary": "The document mentions the end of Dragon Ball Super on March 25, 2018, with episode 131 being the final episode. No plans were made to either continue or discontinue the series. No information is given about episode 113.", + "extraction": "The passage is not helpful for answering the question as it does not provide information on the release date of episode 113 of Dragon Ball Super." + }, + { + "id": "18748933", + "title": "Dragon Ball Super", + "text": "would be available in the United States in summer 2017. Bandai has also announced the updated \"Dragon Ball Super Card Game\" that starts with one starter deck, one special pack containing 4 booster packs and a promotional Vegeta card and a booster box with 24 packs. It was released on July 28, 2017. A line of six \"Dragon Ball Super\" Happy Meal toys were made available at Japanese McDonald's restaurants in May 2017. The average audience TV rating in Japan was 5.6% (Kanto region). The maximum audience rating was 8.4% (Episode 47) and the lowest rating was 3.5% (Episodes 109-110).", + "score": 0.7265625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "18748931", + "title": "Dragon Ball Super", + "text": "on April 4, 2016. Viz Media began posting free English translations of the manga chapters to their website on June 24, 2016. A print release of the first volume followed in spring 2017. The animated film, \"\", is the first film in the franchise to be produced under the \"Dragon Ball Super\" title. The film will be released on December 14, 2018. It will be a continuation to the series that will act as a new arc. A poster showcasing the film's new art style was released on March 12, 2018. A teaser depicting Goku facing off against Broly was", + "score": 0.7255859375, + "summary": "Irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "10190716", + "title": "Dragon Ball", + "text": "Funimation titled it for their dub, aired on March 26, 1997, between episodes 41 and 42, serving as a kind of precursor to the epilogue to the series shown at the end of episode 64. On April 28, 2015, Toei Animation announced , the first all-new \"Dragon Ball\" television series to be released in 18 years. It debuted on July 5 and ran as a weekly series at 9:00 am on Fuji TV on Sundays until its series finale on March 25, 2018 after 131 episodes. Masako Nozawa reprises her roles as Goku, Gohan, and Goten. Most of the original", + "score": 0.7216796875, + "summary": "Irrelevant.", + "extraction": "The series finale of Dragon Ball Super was on March 25, 2018 after 131 episodes." + }, + { + "id": "20797330", + "title": "Dragon Ball Super: Broly", + "text": "a music trailer featuring the theme song \"Blizzard\" was released on November 24, 2018. The fifth and final trailer was released on 29 November 2018, with a dubbed version, also of the theme song, on 4 December 2018. Each trailer covered a different aspect of the film; the first introduced Broly and his fights against Vegeta, Goku and Frieza, the second their origin stories, the third more scenes from the fights, the fourth recapped previous scenes, and fifth which was the shortest introduced Gogeta's battle against Broly. The world premiere of \"Dragon Ball Super: Broly\" was held at the Nippon", + "score": 0.7060546875, + "summary": "irrelevant", + "extraction": "Irrelevant." + }, + { + "id": "18748929", + "title": "Dragon Ball Super", + "text": "for episodes 73 to 83 is by The Collectors. The eighth ending theme song for episodes 84 to 96 is \"Boogie Back\" by Miyu Inoue. The ninth ending theme song for episodes 97 to 108 is by Lacco Tower. The tenth ending theme song for episodes 109 to 121 is by RottenGraffty. The eleventh ending theme song for episodes 122 to 131 is \"Lagrima\" by OnePixcel. \"Dragon Ball Super\" is also a manga illustrated by artist Toyotarou, who was previously responsible for the official \"Resurrection 'F\"' manga adaptation. Toyotarou explained that he receives the major plot points from Toriyama, before", + "score": 0.697265625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "18748925", + "title": "Dragon Ball Super", + "text": "episode aired on December 17, 2016. Production on the Bang Zoom! dub ended after episode 27. On November 4, 2016, Funimation announced the company acquired the rights to \"Dragon Ball Super\" and would be producing an English dub, with many cast members of their previous English-language releases of \"Dragon Ball\" media reprising their respective roles. As well as officially announcing the dub, it was also announced they would be simulcasting the series on their streaming platform, \"FunimationNow\". On December 7, 2016, IGN reported that the Funimation English dub of \"Dragon Ball Super\" would air on Adult Swim Saturdays at 8", + "score": 0.68798828125, + "summary": "Irrelevant.", + "extraction": "\"irrelevant\" (The passage provides information on the acquisition of rights for Dragon Ball Super and the production of an English dub, but does not mention when episode 113 will be coming out.)" + }, + { + "id": "20797329", + "title": "Dragon Ball Super: Broly", + "text": "In addition to regular screenings, it will be also screened in IMAX, MX4D, and 4DX. On July 19, 2018, trailers for both the subtitled and dubbed versions were released online after being shown at San Diego Comic-Con. On October 5, 2018, the second official trailer for both the subtitled and dubbed versions were released online after being shown at New York Comic Con during the \"Dragon Ball Super: Broly\" panel at the Hulu Theater at Madison Square Garden. The third trailer was released on November 7, 2018, but only subtitled, while dubbed version on 20 December. The fourth which was", + "score": 0.68701171875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "20397470", + "title": "Dragon Ball Heroes", + "text": "March 2017, when it was relaunched as . Nagayama also drew . Serialized in \"Saiky\u014d Jump\" since August 5, 2016, its first collected volume was published on May 2, 2017 and its second on May 2, 2018. The series was relaunched as on April 6, 2018 and is serialized alongside \"Ultimate Charisma Mission!!\". In May 2018, \"V Jump\" announced a promotional anime for \"Super Dragon Ball Heroes\" that will adapt the game's Prison Planet arc. A teaser trailer for the first episode was released on June 21, 2018 and shows the new characters and , an evil Saiyan. The first", + "score": 0.68505859375, + "summary": "Irrelevant.", + "extraction": "irrelevant. The passage is not about Dragon Ball Super and does not contain any information about episode 113." + }, + { + "id": "18748923", + "title": "Dragon Ball Super", + "text": "Yamadera and Masakazu Morita also return as Beerus and Whis, respectively. The first preview of the series aired on June 14, 2015, following episode 164 of \"Dragon Ball Z Kai\". The next day, the main promotional image for \"Dragon Ball Super\" was added to its official website and unveiled two new characters, who were later revealed to be named Champa and Vados, respectively. A thirty-second trailer including the new characters was uploaded to the series' official website on June 26, 2015. On January 19, 2018, it was revealed that \"Super\"'s timeslot will be replaced with \"GeGeGe no Kitar\u014d\" starting on", + "score": 0.68408203125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about episode 113 of Dragon Ball Super." + }, + { + "id": "8276704", + "title": "Dragon Ball Z Hit Song Collection series", + "text": "on September 21, 1992 in Japan only. , despite its title, is the fourteenth installment of the \"Dragon Ball Z Hit Song Collection\" series of the anime \"Dragon Ball Z\". It was released by Columbia Records on December 21, 1992 in Japan only. The album would go on to peak at 82 on Oricon's Japanese album charts. Included is the song \"Unmei no Hi~Tamash\u012b vs Tamash\u012b\", which was used in episode 184 for Gohan's Super Saiyan 2 explosion, and the song \"Aoi Kaze no Hope\" which was used as the closing theme to the . despite its title is the", + "score": 0.68017578125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "14986211", + "title": "Dragon Ball Z Side Story: Plan to Eradicate the Saiyans", + "text": "Dragon Ball Z Side Story: Plan to Eradicate the Saiyans \"Dragon Ball Z Side Story: Plan to Eradicate the Saiyans\" was adapted into a two-episode original video animation (OVA) series directed by Shigeyasu Yamauchi and released on August 6, 1993 as strategy guides. In 1994, footage from the OVA was reused in a two-part game for the Bandai Playdia, \"True Plan to Eradicate the Saiyans\", with some new scenes. Namco Bandai Games created a remake of the OVA in 2010 called \"\" that was released with \"\" for the PlayStation 3 and Xbox 360. Dr. Raichi (Dr. Lychee) is one", + "score": 0.6796875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "20397468", + "title": "Dragon Ball Heroes", + "text": "Dragon Ball Heroes \"Dragon Ball Heroes\" is the number one digital card game. By May 2016, the game had sold 400million cards and grossed over (). By October 2016, the game sold 500million cards and grossed (). A port on Nintendo 3DS, named Dragon Ball Heroes: Ultimate Mission, was released on February 28, 2013 in Japan. A sequel, Dragon Ball Heroes: Ultimate Mission 2, was released on August 7, 2014. Dragon Ball Heroes: Ultimate Mission X was released on April 27, 2017. In October 2018, a Nintendo Switch game titled Super Dragon Ball Heroes: World Mission was announced for release", + "score": 0.67822265625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the release date of episode 113 of Dragon Ball Super." + }, + { + "id": "18748927", + "title": "Dragon Ball Super", + "text": "and \"Resurrection 'F\"', is scoring \"Dragon Ball Super\". An original soundtrack for the anime was released on CD by Nippon Columbia on February 24, 2016. The first opening theme song for episodes 1 to 76 is by Kazuya Yoshii of The Yellow Monkey. The lyrics were penned by Yukinojo Mori who has written numerous songs for the \"Dragon Ball\" series. The second opening theme song for episodes 77 to 131 is by enka singer Kiyoshi Hikawa. Mori wrote the lyrics for the rock song, while Takafumi Iwasaki composed the music. The first ending theme song for episodes 1 to 12", + "score": 0.67822265625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "15348880", + "title": "Dragon Ball Z: Broly \u2013 Second Coming", + "text": "Dragon Ball Z: Broly \u2013 Second Coming Dragon Ball Z: Broly \u2013 Second Coming, known in Japan as , is a 1994 Japanese anime science fiction martial arts film and the tenth \"Dragon Ball Z\" feature movie. It was released in Japan on March 12 at the Toei Anime Fair alongside \"\" and the first \"Slam Dunk\" movie. It is the sequel to \".\" The second sequel is \"\". It was released in North America on April 5, 2005. In 2007, Funimation re-released this movie and \"Broly \u2013 The Legendary Super Saiyan\" on Blu-ray. Both feature full HD 1080p (or", + "score": 0.67626953125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "18748926", + "title": "Dragon Ball Super", + "text": "p.m. with an encore showing in their Toonami block later that night at 11:30 p.m. starting on January 7, 2017. This was later confirmed on Toonami's official Facebook page. The United States premiere of \"Dragon Ball Super\" obtained 1,063,000 viewers for its 8 p.m. showing on Adult Swim. Toonami Africa started airing Dragon Ball Super in Fall 2017 at 15:00 CAT (Central African Time) with an edited Funimation English Dub. In Australia, ABC Me started airing Dragon Ball Super on November 3, 2018, with a new episode every Saturday at 2:45 pm. Norihito Sumitomo, the composer for \"Battle of Gods\"", + "score": 0.6748046875, + "summary": "The document mentions the premiere of Dragon Ball Super on January 7, 2017, with a showing at 8 p.m. and an encore at 11:30 p.m. It also mentions the viewership for the premiere, as well as airings in Africa and Australia. However, it does not provide information on when episode 113 is coming out.", + "extraction": "irrelevant" + }, + { + "id": "8276707", + "title": "Dragon Ball Z Hit Song Collection series", + "text": "its title, is the eighteenth installment of the \"Dragon Ball Z Hit Song Collection\" series of the anime \"Dragon Ball Z\". It was released by Columbia Records on March 1, 1995 in Japan only. despite its title is the nineteenth installment of the \"Dragon Ball Z Hit Song Collection\" series of the anime \"Dragon Ball Z\". It was released by Columbia Records on January 21, 1996 in Japan only. Included is the song \"Ore ga Yaranakya Dare ga Yaru\" which was used as the closing theme to the film \"Ry\u016b-Ken Bakuhatsu!! Gok\u016b ga Yaraneba Dare ga Yaru\", known outside Japan", + "score": 0.67236328125, + "summary": "Irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "4955923", + "title": "Dragon Ball Z: Super Android 13!", + "text": "Dragon Ball Z: Super Android 13! Dragon Ball Z: Super Android 13, known in Japan as , is a 1992 Japanese anime science fiction martial arts film and the seventh Dragon Ball Z movie. It was originally released in Japan on July 11 at the Toei Anime Fair along with the third \"\" movie and the \"Rokudenashi Blues\" movie. The movie was released in North America by Funimation on February 4, 2003. The movie was re-released to DVD and Blu-ray with and in a double feature on February 10, 2009. Early concept art for the reissue used the title Android", + "score": 0.67236328125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "20797326", + "title": "Dragon Ball Super: Broly", + "text": "ticket holders in Japan, limited to fifty thousand, starting on July 20 will receive one of two charms of the characters Goku and Vegeta, whose hair changes based on the temperature of the figure. A promotional one-hour television special aired on Fuji TV in Japan on December 2, 2018, entitled \"\"Just before the Dragon Ball Super debut! TV version climax recap\"\". The film was promoted through the \"Dragon Ball North America Tour 2018 with Bandai Collectibles\" sponsored by North American anime distributor Funimation, which was held in seven cities in the United States and Canada, starting with a San Diego", + "score": 0.671875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "7219818", + "title": "Reborn!", + "text": "21, 2012 by Marvelous Entertainment in Japan. On July 18, 2018, Discotek Media licensed the show for home video release, with the first 101 episodes coming on a 2-disc SD on BD set September 25, 2018, then the other 102 episodes coming October 30, 2018. An original video animation was produced under the same staff and cast and was released in October 2009 during the annual Jump Super Anime Tour. It was released by Pony Canyon on DVD on July 21, 2010, under the title . The DVD version included a short version showed on the tour and a complete", + "score": 0.67138671875 + }, + { + "id": "7290268", + "title": "Dragon Ball GT: A Hero's Legacy", + "text": "Dragon Ball GT: A Hero's Legacy Dragon Ball GT: A Hero's Legacy, known in Japan as is the only \"Dragon Ball GT\" television special, aired in Japan on March 26, 1997, between episodes 41 and 42. The events in this special are actually a prelude to events that take place at the very end of the last episode of the series. An English dub of the special was released on DVD by Funimation in the United States on November 16, 2004. A second English dub that features an unknown cast was produced by AB Groupe/Bluewater and aired on Toonami UK", + "score": 0.6708984375 + }, + { + "id": "4671984", + "title": "Dragon Ball Z: Broly \u2013 The Legendary Super Saiyan", + "text": "the film home video release approximately () in Japan sales revenue. Dragon Ball Z: Broly \u2013 The Legendary Super Saiyan Dragon Ball Z: Broly \u2013 The Legendary Super Saiyan, known in Japan as , is a 1993 Japanese anime science fiction martial arts film and the eighth \"Dragon Ball Z\" feature movie. The original release date in Japan was on March 6, 1993 at the Toei Anime Fair alongside \"\". It was dubbed into English by Funimation in 2003. The antagonist Broly was designed by series creator Akira Toriyama. This film is the first of four featuring the character, followed", + "score": 0.669921875 + }, + { + "id": "20797323", + "title": "Dragon Ball Super: Broly", + "text": "The Saiyans\". A poster was released on March 13, 2018, 11 days before the airing of the final episode of \"Dragon Ball Super\", featuring an entirely new traditional animation design by Toei animator Naohiro Shintani, as opposed to veteran \"Dragon Ball\" character designer Tadayoshi Yamamuro. One week later, the first trailer for the film was released publicly through Toei Animation featuring the all\u2013new character designs and an enigmatic new villain. Akira Toriyama wrote the story, screenplay and designed the characters, Tatsuya Nagamine is film director, Naohiro Shintani is animation director, Kazuo Ogura is serving as art director, Rumiko Nagai as", + "score": 0.66943359375 + }, + { + "id": "18748937", + "title": "Dragon Ball Super", + "text": "its previous episodes. However, the \"Champa Arc\" was praised for improving its animation. Episode 39 of the series was critically acclaimed for its improved animation and praised fighting sequences. Attack of the Fanboy reported that \"Dragon Ball Super\" episode 39 may be the best installment of the series to date. Goku and Hit's fight \"starts off explosively from the get-go.\" The \"Future Trunks Arc\" also garnered positive reception from fans and critics alike. IGN's Shawn Saris acclaiming Episode 66, stating that, \"Episode 66 of \"Dragon Ball Supe\"r has a few missteps but ultimately leads to a great final battle with", + "score": 0.6689453125 + }, + { + "id": "4955929", + "title": "Dragon Ball Z: Super Android 13!", + "text": "A third English dub produced and released exclusively in Malaysia by Speedy Video, features an unknown voice cast. The score for the English-language version was composed by Mark Menza. However, the remastered release contains an alternate audio track containing the English dialogue and Japanese background music. Dragon Ball Z: Super Android 13! Dragon Ball Z: Super Android 13, known in Japan as , is a 1992 Japanese anime science fiction martial arts film and the seventh Dragon Ball Z movie. It was originally released in Japan on July 11 at the Toei Anime Fair along with the third \"\" movie", + "score": 0.66796875 + }, + { + "id": "4671971", + "title": "Dragon Ball Z: Broly \u2013 The Legendary Super Saiyan", + "text": "Dragon Ball Z: Broly \u2013 The Legendary Super Saiyan Dragon Ball Z: Broly \u2013 The Legendary Super Saiyan, known in Japan as , is a 1993 Japanese anime science fiction martial arts film and the eighth \"Dragon Ball Z\" feature movie. The original release date in Japan was on March 6, 1993 at the Toei Anime Fair alongside \"\". It was dubbed into English by Funimation in 2003. The antagonist Broly was designed by series creator Akira Toriyama. This film is the first of four featuring the character, followed by \"\" and \"\" in 1994, and \"\" in 2018. On", + "score": 0.66552734375 + }, + { + "id": "10440526", + "title": "Saint Seiya: Next Dimension", + "text": "special chapters have been released to date since 2006, and are being collectively published in tank\u014dbon form. The tenth compilation, was released on June 6, 2016. The first special episode for \"Next Dimension\" was published on June 19, 2014 to commemorate the release of the animated film \"\". The second special chapter was released the year after on July 16, 2015. Both special chapters were compiled in the tenth volume. The eleventh compilation was released on September 7, 2017. As of September 2017, merchandise related to \"Saint Seiya: Next Dimension\" is still uncommon. Aside from the tankob\u014dbon compilations,", + "score": 0.6650390625 + }, + { + "id": "8276703", + "title": "Dragon Ball Z Hit Song Collection series", + "text": "installment of the \"Dragon Ball Z Hit Song Collection\" series of the anime \"Dragon Ball Z\". It was released by Columbia Records on July 1, 1992 in Japan only. The album would go on to peak at 82 on Oricon's Japanese album charts. Included is the song \"Giri Giri\u2014Sekai Kyokugen--\", which was used as the closing theme to the film \"Kyokugen Battle!! San Dai Super Saiyan\", known outside Japan as \"\". , despite its title, is the thirteenth installment of the \"Dragon Ball Z Hit Song Collection\" series of the anime \"Dragon Ball Z\". It was released by Columbia Records", + "score": 0.6650390625 + }, + { + "id": "20797327", + "title": "Dragon Ball Super: Broly", + "text": "Comic-Con International panel on July 19, and ending at Dallas Fan Days on October 21, 2018. Due to the upcoming release of the film, in September and November was held a limited theatrical release and debut of the original film \"\" (1993), and TV special & film \"\" (1990) and \"\" (1995) jointly titled as \"Dragon Ball Z: Saiyan Double Feature\", by Fathom Events and Toei Animation in the United States, with the audience receiving an exclusive limited edition content. To promote the North American release of the film, a Goku balloon debuted on the 92nd Macy's Thanksgiving Day Parade", + "score": 0.66357421875 + }, + { + "id": "2881952", + "title": "Dragon Ball (TV series)", + "text": "their previous dub of the same episodes, having acquired them from Trimark after the company became defunct. After Lions Gate's license to the first thirteen episodes expired in 2009, Funimation remastered and re-released the complete \"Dragon Ball\" series to DVD in five individual uncut season box sets, with the first set released on September 15, 2009 and the final on July 27, 2010. Funimation's English dub of \"Dragon Ball\" has been distributed in other countries by third parties. Madman Entertainment released the first thirteen episodes of \"Dragon Ball\" and the first movie uncut in Australasia in a DVD set on", + "score": 0.66259765625 + }, + { + "id": "17435888", + "title": "Dragon Ball Z", + "text": "Tanaka, the Japanese voice of Krillin, announced that she and the rest of the cast were recording more episodes of \"Dragon Ball Kai\". In February 2014, the \"Kai\" adaptation of the Majin Buu arc was officially confirmed. The new run of the series, which is titled \"Dragon Ball Z Kai: The Final Chapters\" internationally, began airing in Japan on Fuji TV on April 6, 2014 and ended its run on June 28, 2015. The final arc of \"Kai\" was originally produced to last 69 episodes (as most of the international versions run), but the Japanese broadcast cut it down to", + "score": 0.662109375 + }, + { + "id": "16235854", + "title": "Dragon Ball: Episode of Bardock", + "text": "3, 2012. The entire manga was re-printed in the April 2012 issue of \"V Jump\", released on February 21, 2012, with a slightly different ending which follows that of the film. The film was included subtitled in the European and North American exclusive Xbox 360 video game \"\", released in October 2012. The March 2014 issue of \"Saiky\u014d Jump\" included a \"kanzenban\" version of the 2012 reprint of \"Dragon Ball: Episode of Bardock\". On June 20th, 2018, the special was released in France on DVD and Blu-Ray as part of the \"Golden Box Dragon Ball Z\" steelbook set published by", + "score": 0.66162109375 + }, + { + "id": "20797322", + "title": "Dragon Ball Super: Broly", + "text": "However, when in the fused form they were able to obliterate Broly, two of Frieza's low-class soldiers, Cheelai and Lemo, who sympathized with him used the Dragon Balls in the last moment to save him from near death. In the end, Goku makes contact with Broly wishing to be friends, as well finally accepts his Saiyan heritage and name. The film is produced by Toei Animation. It was originally announced under the tentative title of \"Dragon Ball Super - The Movie\" on December 17, 2017, during Jump Festa with the general theme being \"The Strongest Warrior Race in the Universe,", + "score": 0.66162109375 + }, + { + "id": "2881951", + "title": "Dragon Ball (TV series)", + "text": "uncut formats, before seizing VHS releases the following year. Including the initial 1996-1998 releases with Trimark, 86 episodes of \"Dragon Ball\" across 28 volumes were produced on VHS for North America. Funimation released their in-house dub to ten two-disc DVD box sets between January 28, 2003 and August 19, 2003. Each box set, spanning an entire \"saga\" of the series, included the English and Japanese audio tracks with optional English subtitles, and uncut video and audio. However, they were unable to release the first thirteen episodes at the time, due to Lions Gate Entertainment holding the home video rights to", + "score": 0.66162109375 + }, + { + "id": "20841684", + "title": "Episode 1094", + "text": "episode, ranging from five days until broadcast to when the episode began airing. At time of the episode's initial announcement, it was stated that the episode would air in August 2018. On 24 July 2018, it was confirmed that the episode would air on 11 August. The episode premiered on BBC One at 21:10 and was available to watch on BBC iPlayer for thirty days after its broadcast. Official ratings from the Broadcasters' Audience Research Board showed that 5.51 million people had watched the episode on BBC One and BBC iPlayer within 7 days of the original broadcast. Within 28", + "score": 0.6611328125 + }, + { + "id": "830178", + "title": "Dragon Ball (manga)", + "text": "Lee, it is about a high school boy who wakes up after an accident in the body of Yamcha in the \"Dragon Ball\" manga. Knowing what comes later in the story, he trains as Yamcha to make him the strongest warrior. A second chapter was released on May 8, 2017 and the final one on August 14, 2017. A \"tank\u014dbon\" collecting all three chapters was published on November 2, 2017. Viz licensed the series for English publication and released the collected volume on November 6, 2018. \"Dragon Ball\" is one of the most popular manga series of all time. It", + "score": 0.66064453125 + }, + { + "id": "18103510", + "title": "Dragon Ball Xenoverse", + "text": "elsewhere, before being delayed. Following a two-week delay, it was released on February 24 in North America and February 27 in remaining territories. Three packs of downloadable content have been released, including: The packs are available for purchase individually or altogether via season pass. \"Dragon Ball Xenoverse\" received fair reviews. On review aggregating websites GameRankings and Metacritic, which assign a normalized rating in the 0\u2013100 range, the PlayStation 4 version holds the scores of 70.26% based on 31 reviews and 69/100 based on 50 reviews while the Xbox One version holds 66.87% based on 15 reviews and 67/100 based on", + "score": 0.6591796875 + }, + { + "id": "7083416", + "title": "Dragon Ball: Curse of the Blood Rubies", + "text": "in 1995. The second English dub version of \"Curse of the Blood Rubies\", which was produced by Funimation as a pilot to sell the Dragon Ball series to American syndicators, was originally premiered on syndication on September 9, 1995 (along with the first episode of the \"Emperor Pilaf Saga\"; \"Secret of the Dragon Ball\"), and released on VHS in North America by Trimark on September 24, 1996 (although it was produced in 1995). The dub version was also edited for content and used a scene from the second episode of the TV series to fill in lost time. However, unlike", + "score": 0.65869140625 + }, + { + "id": "8966753", + "title": "Hellsing", + "text": "each episode uses various pieces of instrumental music composed by Hayato Matsuo and performed by the Warsaw Philharmonic Orchestra up through OVA V. OVAs VI and VII feature vocal closing themes by Japanese rock group Suilen, titled \"Magnolia\" and \"Shinto-Shite\" respectively. On July 27, 2011, \"Hellsing\" OVA VIII was released in Japan after one year and eight months, along with the first episode of \"The Dawn\". Episode IX was released on February 15, 2012. The tenth and final episode was released in December 2012. On August 23, 2014, Adult Swim's Toonami programming block announced that Toonami would air the show", + "score": 0.658203125 + }, + { + "id": "16651803", + "title": "Dragon Ball Z: Battle of Gods", + "text": "and Blu-ray on March 13, 2015, selling approximately 1,666 copies in its first week. Funimation released the theatrical and extended TV versions in North America on DVD and Blu-ray on October 7, 2014. A similar set was released in the United Kingdom by Manga Entertainment on November 10, 2014. Madman Entertainment released the film in Australia and New Zealand on DVD and Blu-ray on November 26, 2014. Dragon Ball Z: Battle of Gods It is the first-ever Japanese film to be screened at IMAX Digital Theaters, and was released on Blu-ray and DVD on September 13, 2013. Funimation acquired the", + "score": 0.6572265625 + }, + { + "id": "20797331", + "title": "Dragon Ball Super: Broly", + "text": "Budokan in Tokyo on November 14, 2018. This event was limited to only 1,000 guests that were selected via lottery through \"Weekly Sh\u014dnen Jump\" No.47 and the December \"V Jump\". \"Broly\" was open nationwide in Japan on December 14, 2018, while Funimation's English dub had its world premiere at TCL Chinese Theatre in Los Angeles on December 13 followed by its United States and Canada release a month later on January 16, 2019 by Funimation Films. In the UK the film will be released on January 23 and 24, 2019. In its opening weekend, the film was shown on 467", + "score": 0.6572265625 + }, + { + "id": "17435876", + "title": "Dragon Ball Z", + "text": "It premiered in Japan on Fuji Television on April 26, 1989, taking over its predecessor's time slot, and ran for 291 episodes until its conclusion on January 31, 1996. Because Toriyama was writing the manga during the production of the anime, \"Dragon Ball Z\" added original material not adapted from the manga, including lengthening scenes or adding new ones, and adding new attacks and characters not present in the manga. For example, Toriyama was asked to create an additional character for Goku's training with King Kai, resulting in the cricket Gregory. Throughout the production, the voice actors were tasked with", + "score": 0.65673828125 + }, + { + "id": "2881953", + "title": "Dragon Ball (TV series)", + "text": "March 10, 2004. They produced two box sets containing the entire series in 2006 and 2007. Manga Entertainment began releasing Funimation's five remastered sets in the United Kingdom in 2014. Dragon Ball: Yo! Son Goku and His Friends Return!! (\u30c9\u30e9\u30b4\u30f3\u30dc\u30fc\u30eb \u30aa\u30c3\u30b9\uff01\u5e30\u3063\u3066\u304d\u305f\u5b6b\u609f\u7a7a\u3068\u4ef2\u9593\u305f\u3061\uff01\uff01 Doragon B\u014dru: Ossu! Kaette Kita Son Gok\u016b to Nakama-tachi!!) is the second Dragon Ball Z OVA and features the first Dragon Ball animation in nearly a decade, following a short story arc in the remade Dr. Slump anime series featuring Goku and the Red Ribbon Army in 1999. The film premiered in Japan on September 21, 2008, at the", + "score": 0.65673828125 + }, + { + "id": "10190728", + "title": "Dragon Ball", + "text": "although they were reissued in 2007 and 2003, respectively. For the second anime, the soundtrack series released were \"Dragon Ball Z Hit Song Collection Series\". It was produced and released by Columbia Records of Japan from July 21, 1989 to March 20, 1996 the show's entire lifespan. On September 20, 2006 Columbia re-released the Hit Song Collection on their Animex 1300 series. Other CDs released are compilations, video games and films soundtracks as well as music from the English versions. There have been numerous companion books to the \"Dragon Ball\" franchise. Chief among these are the series, comprising seven hardback", + "score": 0.65673828125 + }, + { + "id": "8276701", + "title": "Dragon Ball Z Hit Song Collection series", + "text": "ninth installment of the \"Dragon Ball Z Hit Song Collection\" series of the anime \"Dragon Ball Z\". It was released by Columbia Records on November 1, 1991 in Japan only. This album is one of two remix albums produced in the \"Hit Song Collection\" series, hence the \u00bd to the installment number. , despite its title, is the tenth installment of the \"Dragon Ball Z Hit Song Collection\" series of the anime \"Dragon Ball Z\". It was released by Columbia Records on November 1, 1991 in Japan only. The album would go on to peak at 75 on Oricon's Japanese", + "score": 0.65625 + }, + { + "id": "19327509", + "title": "DreamWorksTV", + "text": "and Talking Sushi 7 Feb 2016 Episode 13: Huge Action, Big Rescues, and a Cat with Hiccups 13 Feb 2016 No number confirmed yet, but date and title known: Episode 14?: Extreme Eating and Other Madness 22 Mar 2016 Episode 15?: Ghosts, Monsters and Mysteries 29 Mar 2016 Episode 16?: Hungry Gummy Bears and Creepy Tadpoles 4 April 2016 Episode 17?: Sassy Girls and Weird Boys 12 April 2016 Episode 18?: Waffle Thief and Bathroom Brawl 19 April 2016 Episode 19: ? Episode 20: Great Heroes, Greater Heroes, and T... aired 3 May 2016 Episode 21: ? aired 10 May", + "score": 0.65576171875 + }, + { + "id": "8276705", + "title": "Dragon Ball Z Hit Song Collection series", + "text": "fifteenth installment of the \"Dragon Ball Z Hit Song Collection\" series of the anime \"Dragon Ball Z\". It was released by Columbia Records on March 21, 1993 in Japan only. Included is the song \"Burning Fight\u2014Nessen - Ressen - Ch\u014dgekisen--\", which was used as the closing theme to the film \"Moetsukiro!! Nessen Ressen Ch\u014d-Gekisen\", known outside Japan as \"\". Dragon Ball Z Hit Song Collection 15: Sunlight & City Lights (\u30c9\u30e9\u30b4\u30f3\u30dc\u30fc\u30ebZ \u30d2\u30c3\u30c8\u66f2\u96c615~\u30b5\u30f3\u30e9\u30a4\u30c8&\u30b7\u30c6\u30a3\u30fb\u30e9\u30a4\u30c4/Doragon B\u014dru Zetto Hitto Kyokush\u016b Fifut\u0113n~San Raito ando Shiti Raitsu), despite its title, is the sixteenth installment of the \"Dragon Ball Z Hit Song Collection\" series of the anime", + "score": 0.65576171875 + }, + { + "id": "19515918", + "title": "Dragon Ball Xenoverse 2", + "text": "Dragon Ball Xenoverse 2 Dragon Ball Xenoverse 2 is a fighting role-playing video game developed by Dimps and published by Bandai Namco Entertainment based on the \"Dragon Ball\" franchise. It is the sequel to \"Dragon Ball Xenoverse\" that was released on February 5, 2015. It was released in October 2016 for PlayStation 4, Xbox One and on October 27 for Microsoft Windows. In Japan, \"Dragon Ball Xenoverse 2\" was initially only available on PlayStation 4. The game was released for the Nintendo Switch in Japan on September 7, 2017 and later released worldwide on September 22, 2017. It was produced", + "score": 0.65478515625 + }, + { + "id": "4952317", + "title": "Dragon Ball Z: The World's Strongest", + "text": "Dragon Ball Z: The World's Strongest , also known by Toei's own English title The Strongest Guy in the World, is a 1990 Japanese animated science fiction martial arts film and the second feature movie in the \"Dragon Ball Z\" franchise. It was originally released in Japan on March 10 between episodes 39 and 40 of \"DBZ\", at the \"Toei Manga Matsuri\" film festival along with the second \"Akuma-kun\" movie (\"Welcome To Devil Land\") and the 1990 movie version of \"Sally the Witch\". It was released on VHS and DVD in North America on May 26, 1998, with an English", + "score": 0.654296875 + }, + { + "id": "20397471", + "title": "Dragon Ball Heroes", + "text": "episode was shown at Aeon Lake Town, a shopping mall in Koshigaya, Saitama, on July 1, 2018 and was uploaded to the game's official website that same day. Likewise, the second episode was shown at Jump Victory Carnival Tokyo Kaij\u014d on July 16 before being uploaded to the website. Dragon Ball Heroes \"Dragon Ball Heroes\" is the number one digital card game. By May 2016, the game had sold 400million cards and grossed over (). By October 2016, the game sold 500million cards and grossed (). A port on Nintendo 3DS, named Dragon Ball Heroes: Ultimate Mission, was released on", + "score": 0.654296875 + }, + { + "id": "17435904", + "title": "Dragon Ball Z", + "text": "set released on November 8, 2011. However, production of these 4:3 sets was suspended after the second volume, citing technical concerns over restoring the original film material frame by frame. Only a year later, the company began producing a cropped 16:9 remastered Blu-ray release in 2013, with nine sets released in total. On August 13, 2013, Funimation released all 53 episodes and the three movies from their first \"Dragon Ball Z\" dub created with Saban and Ocean Studios in a collector's DVD box set, titled the \"Rock the Dragon Edition\". In Japan, \"Dragon Ball Kai\" was released in wide-screen on", + "score": 0.65380859375 + }, + { + "id": "8276702", + "title": "Dragon Ball Z Hit Song Collection series", + "text": "album charts. Included is the song from episode 139 titled \"Mind Power...Ki...\", which was used in Trunks' flashback. , despite its title, is the eleventh installment of the \"Dragon Ball Z Hit Song Collection\" series of the anime \"Dragon Ball Z\". It was released by Columbia Records on March 21, 1992 in Japan only. The album would go to peak at 40 on the Oricon Japanese album charts. Included is song \"Hero (Kimi ga Hero)\" which was used as the closing to film \"Gekitotsu!! Hyaku-Oku Power no Senshi-tachi\", known outside Japan as \"\". , despite its title, is the twelfth", + "score": 0.6533203125 + }, + { + "id": "16203721", + "title": "Naruto: Shippuden (season 12)", + "text": "3, 2012 under the title of . Episodes 248 and 249 were released together under the title of on August 1, 2012. Episodes 257 to 260 were released on September 5, 2012 under the title of . The season contains five songs between two openings and three endings. The first opening theme, \"newsong\" by tacica, is used from episode 243 to 256. The second opening theme, by The Cro-Magnons, is used from episode 257 to 275. The first ending theme, by Hemenway, is used from episodes 243 to 256. The second ending theme, by UNLIMITS, is used from episodes 257", + "score": 0.65234375 + }, + { + "id": "17435878", + "title": "Dragon Ball Z", + "text": "which made giving finer nuanced details in her performance difficult. Series Director Daisuke Nishio left the series after personally directing Episode #202. Nishio left the series to become series director of \"Aoki Densetsu Shoot!\". The role of series director was not officially filled for Episodes #200-291, despite Nishio's directing of Episode #202. In 1996, Funimation Productions licensed \"Dragon Ball Z\" for an English-language release in North America. They contracted Saban Entertainment to help distribute the series to television, and Pioneer Entertainment to handle home video distribution. The Vancouver-based Ocean Studios were hired by Funimation to dub the anime (Funimation had", + "score": 0.65185546875 + }, + { + "id": "18832821", + "title": "Twin Star Exorcists", + "text": "English dub. Part 1 (Episodes 1-13) has been released on July 24, 2018 with a collector's box to store the later three parts, and Part 2 (Episodes 14-26) on September 18, 2018. Part 3 (Episodes 27-40) will be released on November 13, 2018, and Part 4 (Episodes 41-50) on January 8, 2019. Chinese streaming site iQiyi has listed the series with fifty episodes. The anime is licensed in North America by Crunchyroll (with home video distribution from Funimation) and in the UK by Anime Limited. Yoshiaki Sukeno began serializing the manga in Shueisha's \"Jump Square\" magazine on October 4, 2013.", + "score": 0.65185546875 + }, + { + "id": "16263136", + "title": "Star Blazers: Space Battleship Yamato 2199", + "text": "Endless Voyage\"), featuring Episodes 7-10, opened in twelve Japanese theaters from October 13 through October 26, 2012 (expanding from ten theaters for the previous films). The Blu-ray and DVD volumes were released on November 22, 2012. The fourth film, \"Dai-yonsh\u014d: Ginga Henky\u014d no K\u014db\u014d\" (Chapter 4: \"Defense of the Galactic March\"), featured Episodes 11-14, and opened in twelve Japanese theaters from January 12 through January 26, 2013. The Blu-ray and DVD volumes were released on February 22, 2013. The fifth film, \"Dai-gosh\u014d: B\u014dky\u014d no Gingakan Kukan\" (Chapter 5: \"The Redolence of Intergalactic Space\") featuring Episodes 15-18, was released in twelve", + "score": 0.65185546875 + }, + { + "id": "2881950", + "title": "Dragon Ball (TV series)", + "text": "this set began being released on mass-produced individual 6-episode DVDs on April 4, 2007 and finished with the 26th volume on December 5, 2007. \"Dragon Ball\"'s initial VHS release for North America was never completed. Funimation released their initial dub, the censored first thirteen episodes, on six tapes from September 24, 1996 to July 28, 1998 together with Trimark Pictures. These episodes and the first movie were later released in a VHS or DVD box set on October 24, 2000. Funimation began releasing their in-house dub beginning with episode 14 by themselves on June 5, 2001 in both edited and", + "score": 0.6513671875 + }, + { + "id": "7290279", + "title": "Dragon Ball GT: A Hero's Legacy", + "text": "The Dragon Ball will be a keepsake for Goku Jr. to remind him of Grandpa Goku, just like how Grandpa Goku kept the Dragon Ball as a keepsake of Grandpa Gohan. Dragon Ball GT: A Hero's Legacy Dragon Ball GT: A Hero's Legacy, known in Japan as is the only \"Dragon Ball GT\" television special, aired in Japan on March 26, 1997, between episodes 41 and 42. The events in this special are actually a prelude to events that take place at the very end of the last episode of the series. An English dub of the special was released", + "score": 0.65087890625 + }, + { + "id": "3899686", + "title": "Dragon Ball Z: Fusion Reborn", + "text": "Malaysia by Speedy Video features an unknown voice cast. On November 3 and 5, 2018 it had a joint limited theatrical release with a TV special \"\" (1990), titled as \"Dragon Ball Z: Saiyan Double Feature\", by Fathom Events in the United States due to the upcoming release of \"\" (2018). According to Box Office Mojo, as of November 7, the \"Saiyan Double Feature\" made a revenue of $540,707. Dragon Ball Z: Fusion Reborn Dragon Ball Z: Fusion Reborn, known in Japan as , is a 1995 Japanese animated fantasy martial arts film and the 12th film in the \"Dragon", + "score": 0.650390625 + }, + { + "id": "14986216", + "title": "Dragon Ball Z Side Story: Plan to Eradicate the Saiyans", + "text": "redesigned) in the special as well as its 2010 remake, \"Dragon Ball: Plan to Eradicate the Super Saiyans\" along with Hatchiyack, Frieza, Slug, Cooler, and Turles. The remake featured with \"Dragon Ball: Raging Blast 2\" doesn't include Mr. Popo, the Monsters or Goddo Gadon. Dragon Ball Z Side Story: Plan to Eradicate the Saiyans \"Dragon Ball Z Side Story: Plan to Eradicate the Saiyans\" was adapted into a two-episode original video animation (OVA) series directed by Shigeyasu Yamauchi and released on August 6, 1993 as strategy guides. In 1994, footage from the OVA was reused in a two-part game for", + "score": 0.64892578125 + }, + { + "id": "4956001", + "title": "Dragon Ball Z: Bojack Unbound", + "text": "release contains an alternate audio track containing the English dialogue and Japanese background music. Dragon Ball Z: Bojack Unbound Dragon Ball Z: Bojack Unbound, known in Japan as , is a 1993 Japanese animated science fantasy martial arts film and the ninth \"Dragon Ball Z\" feature movie. It was released in Japan on July 10 at the Toei Anime Fair, where it was shown alongside \"\" and the first . The antagonist Bojack was designed by series creator Akira Toriyama. The film is the last to feature K\u014dhei Miyauchi as Kame-Sennin, who died two years after its release. An English", + "score": 0.64892578125 + }, + { + "id": "18748928", + "title": "Dragon Ball Super", + "text": "is by Japanese rock band Good Morning America. The second ending theme song for episodes 13 to 25 is by the group Key Talk. The singer for Funimation's English dub is Professor Shyguy. The third ending song for episodes 26 to 36 is by the band Lacco Tower. The fourth ending theme song for episodes 37 to 49 is \"Forever Dreaming\" by Czecho No Republic. The fifth ending theme song for episodes 50 to 59 is by idol group Batten Showjo Tai. The sixth ending theme song for episodes 60 to 72 is by Arukara. The seventh ending theme song", + "score": 0.64794921875 + }, + { + "id": "10190711", + "title": "Dragon Ball", + "text": "both based on the same outline by Toriyama for the story of \"Super\". Toei Animation produced an anime television series based on the first 194 manga chapters, also titled \"Dragon Ball\". The series premiered in Japan on Fuji Television on February 26, 1986 and ran until April 19, 1989, lasting 153 episodes. Instead of continuing the anime as \"Dragon Ball\", Toei Animation decided to carry on with their adaptation under a new name and asked Akira Toriyama to come up with the title. picks up five years after the first series left off and adapts the final 325 chapters of", + "score": 0.6474609375 + }, + { + "id": "17435879", + "title": "Dragon Ball Z", + "text": "previously used a similar Vancouver-based voice cast in their short-lived 1995 dub of \"Dragon Ball\"). Saban musicians Ron Wasserman and Jeremy Sweet, known for their work on the \"Power Rangers\" franchise, composed a new background score and theme song (nicknamed \"Rock the Dragon\"). Funimation's initial English dub of \"Dragon Ball Z\" had mandated cuts to content and length, which reduced the first 67 episodes into 53. It premiered in the United States on September 13, 1996 in first-run syndication, but halted production in 1998 after two seasons. This was due to Saban scaling down its syndication operations, in order to", + "score": 0.6474609375 + }, + { + "id": "15348889", + "title": "Dragon Ball Z: Broly \u2013 Second Coming", + "text": "the others look on with amusement. The following songs were present in the Funimation dub of Broly: Second Coming. The remaining songs featured in the background music were composed by Nathan Johnson. However, on the Broly Triple Feature, there is an alternate audio track containing the English dialogue and Japanese background music. A second English version, produced and released exclusively in Malaysia by Speedy Video, features an unknown cast. Dragon Ball Z: Broly \u2013 Second Coming Dragon Ball Z: Broly \u2013 Second Coming, known in Japan as , is a 1994 Japanese anime science fiction martial arts film and the", + "score": 0.6474609375 + }, + { + "id": "15333648", + "title": "Dragon Ball Z: Bio-Broly", + "text": "exchange for 100 million zeni for all the help she gave him throughout the movie. Fuming, Mr. Satan swims off. In the Other World, Goku receives orders from the Grand Kai to take Pikkon and stop Broly (who has somehow been permitted to keep his physical body) from causing havoc in Hell. Goku decides to finish his meal first. A second English dub produced and released exclusively in Malaysia by Speedy Video features an unknown voice cast. \"Dragon Power \u221e\" was released as a single on 8mm CD on July 21, 1994 in Japan. It was coupled with the image", + "score": 0.64697265625 + }, + { + "id": "14548681", + "title": "Dragon Ball: Raging Blast 2", + "text": "the character's first time being marketed outside Japan. Shortly after Namco Bandai would also announce that the game would be released throughout North America on November 2, with the company announcing that the game was in stores after the initial release date. \"Dragon Ball: Raging Blast 2\" was released in North America on Nov 2, 2010, in Japan on Nov 11, 2010, in Europe on Nov 5, 2010, and in Australia on Nov 4, 2010. The PS3 version would go on to be the best selling game for November in Japan, beating out \"Super Mario Collection Special Pack\" and \"Pok\u00e9mon", + "score": 0.64697265625 + }, + { + "id": "17270564", + "title": "Episode 6646", + "text": "he was straight, he would want her to be his girlfriend. In Australia, Eleven released a short trailer for \"The Eclipse\", featuring scenes from the various events that occur in the episode. British broadcaster, Channel 5 created their own promo, with the tagline \"Four life-changing events. One unmissable episode.\" \"Episode 6646\" was aired on 20 May 2013 in Australia and almost a month later on 17 June in the UK. A real annular solar eclipse occurred in Australia ten days before the episode aired there. \"Episode 6646\" was viewed by an audience of 353,000 upon its broadcast in Australia, making", + "score": 0.64697265625 + }, + { + "id": "15305762", + "title": "Dragon Ball: Plan to Eradicate the Super Saiyans", + "text": "Dragon Ball: Plan to Eradicate the Super Saiyans Originally, this updated version was only available in the Bandai Namco Games video game \".\" However, it later received a coupled DVD release with \"\" in the March issue of the weekly magazine \"Saiky\u014d Jump\", which was released on February 3, 2012. Dr. Lychee may be the last of the Tuffle people, a race that was completely wiped some time ago by the Saiyans. He now plans to take revenge on the remaining Saiyans, Goku, Vegeta, Trunks, and Gohan. He creates a machine that will emit Destron, a gas that could destroy", + "score": 0.64697265625 + }, + { + "id": "6269848", + "title": "Dragon Ball: Mystical Adventure", + "text": "Box set released on December 6, 2005. The box set was re-released as a thinpack on February 12, 2008. This set has since been discontinued. An alternative English dub produced with an unknown cast by AB Groupe in France was released in English speaking markets in Europe in the early 2000s. The film was re-released to DVD in America on February 8, 2011 as a part of a \"Dragon Ball Movie 4-Pack\" remastered thinpack release from FUNimation along with the other Dragon Ball related movies. This release restored all of the previously edited video footage of the film, however features", + "score": 0.646484375 + }, + { + "id": "16651787", + "title": "Dragon Ball Z: Battle of Gods", + "text": "Saiyan fries, Demon King Piccolo's Green Tea Cream Puffs, Majin Boo Milk Pudding and Vegeta's Green Salad. The March 2013 issue of \"V Jump\" revealed that Beerus would appear in the \"Dragon Ball Heroes\" arcade game as a boss battle, and subsequently in its Nintendo 3DS version titled \"Dragon Ball Heroes: Ultimate Mission\". It also announced the \"Dragon Ball Z\" Festival at Toei Kyoto Studio Park from March 16 to September 8 in celebration of \"Battle of the Gods\". Starting on March 30, Beerus appeared in the \"Dragon Ball\" arcade game \"Zenkai Battle Royale\". Beerus, Whis, and Goku's Super Saiyan", + "score": 0.6455078125 + }, + { + "id": "19941940", + "title": "Dragon Ball Z: Dokkan Battle", + "text": "Dragon Ball Z: Dokkan Battle Dragon Ball Z: Dokkan Battle is a free-to-play mobile game based on the \"Dragon Ball\" anime franchise. It was released in Japan for Android on January 30, 2015 and for iOS on February 19, 2015. \"Dokkan Battle\" was eventually released worldwide for iOS and Android on July 16, 2015. The game has exceeded 250million downloads worldwide, and has earned over in profit worldwide. The game includes elements of Board game, Collectible card game, and Puzzle genres. The main game is made up of levels that work similarly to board games, with spots dedicated to items,", + "score": 0.6455078125 + }, + { + "id": "20797325", + "title": "Dragon Ball Super: Broly", + "text": "the film are Goku's mother Gine, Kikono, Berryblue, Cheelai, and Lemo serving in the Frieza's army, and Saiyan Beets. The film score will be composed by Norihito Sumitomo. The original soundtrack, containing 35 tracks, was released on 12 December, by Avex Trax. In August 2018, was reported a rumor that the \"Dragon Ball Z\" iconic theme song \"Cha-La Head-Cha-La\" will be also featured in a new arrangement. In October 2018, it was announced that Daichi Miura will perform the film's theme song \"Blizzard\", which will be released as a single on 19 December, by Sonic Groove. As a promotion, pre-order", + "score": 0.6455078125 + }, + { + "id": "18748938", + "title": "Dragon Ball Super", + "text": "Zamasu.\" The final arc, \"Universe Survival Arc,\" garnered much more positive reception than previous arcs. Several episodes such as 109/110 and 116 have been cited as some of the Super series' best episodes; WatchMojo.com listed the fight between Goku and Jiren in episodes 109/110 as the best anime fight of 2017. Despite this praise, Jay Gibbs of ComicsVerse criticized the series for its inconsistent narrative, having heard \"an explanation within an episode, then see that very explanation invalidated seconds later.\" Episodes 130 and 131 were live streamed in several cities in Mexico, El Salvador, Bolivia, Ecuador, and Nicaragua for free", + "score": 0.64501953125 + }, + { + "id": "18103516", + "title": "Dragon Ball Xenoverse", + "text": "has announced a sequel titled \"Dragon Ball Xenoverse 2\" for PlayStation 4, Xbox One, and Microsoft Windows. It was released for said consoles and Steam in October 2016, and for the Nintendo Switch on September 22, 2017. Dragon Ball Xenoverse Dragon Ball Xenoverse is a fighting role-playing video game based on the \"Dragon Ball\" franchise developed by Dimps and published by Bandai Namco Games. It was released in February 2015 for PlayStation 3, PlayStation 4, Xbox 360, Xbox One, and Microsoft Windows. On May 17, 2016, a sequel, \"Dragon Ball Xenoverse 2\", was confirmed. The game is set almost entirely", + "score": 0.64404296875 + }, + { + "id": "16235853", + "title": "Dragon Ball: Episode of Bardock", + "text": "Jump\", with the first chapter released on June 21, 2011, the second on July 22 and the third on August 21. On November 21, 2011, it was announced that the manga would be given an anime adaptation by Toei Animation. The short film premiered on December 17\u201318, 2011 at Jump Festa 2012. Kazuhiko Torishima, Akira Toriyama's former editor and a former editor-in-chief of both \"Weekly Sh\u014dnen Jump\" and \"V Jump\", served as producer. The movie later received a coupled home video DVD release with \"\" included in the March issue of the magazine \"Saiky\u014d Jump\", which was released on February", + "score": 0.6435546875 + }, + { + "id": "8291037", + "title": "Dragonball Z American Soundtrack series", + "text": "is considered a character album, featuring music related to one of Faulconer's favorite characters, Trunks. Bonus Tracks Dragonball Z American Soundtrack Best of Dragonball Z: Buu the Majin Sagas is the sixth release from the \"Dragonball Z American Soundtrack series\" of the anime \"Dragon Ball Z\". The soundtrack was written and composed by Bruce Faulconer, produced by Faulconer Productions Music and released on August 5, 2003. Dragonball Z American Soundtrack Best of Dragonball Z: Android 18 is the seventh release from the \"Dragonball Z American Soundtrack series\" of the anime \"Dragon Ball Z\". The soundtrack was written and composed by", + "score": 0.64306640625 + }, + { + "id": "10190714", + "title": "Dragon Ball", + "text": "April 5, 2009, the series premiered in Japan airing in Fuji TV. \"Dragon Ball Z Kai\" reduced the episode count to 159 episodes (167 episodes internationally), from the original footage of 291 episodes. Damaged frames were removed, resulting in some minor shots being remade from scratch in order to fix cropping, and others to address continuity issues. The majority of the international versions, including Funimation Entertainment's English dub, are titled \"Dragon Ball Z Kai\". premiered on Fuji TV on February 7, 1996 and ran until November 19, 1997 for 64 episodes. Unlike the first two anime series, it is not", + "score": 0.64306640625 + }, + { + "id": "3899674", + "title": "Dragon Ball Z: Fusion Reborn", + "text": "Dragon Ball Z: Fusion Reborn Dragon Ball Z: Fusion Reborn, known in Japan as , is a 1995 Japanese animated fantasy martial arts film and the 12th film in the \"Dragon Ball Z\" series. It was originally released in Japan on March 4 at Toei Anime Fair, and dubbed into English by Funimation in 2006, originally receiving a theatrical release along with \"\" before going to DVD. In the Other World, a teenage \"oni\" guarding a spirit cleansing machine turns the volume of his walkman up so loud that he fails to change the evil essence tank when necessary. Due", + "score": 0.642578125 + }, + { + "id": "20797324", + "title": "Dragon Ball Super: Broly", + "text": "color designer, Naotake Oota is in charge of special effects, and Kai Makino is the CG director. The film includes elements of the 2014 \"\" story written by Toriyama as canon. On July 9, 2018, the movie's title was revealed to be \"Dragon Ball Super: Broly\", revealing the unknown villain to be the titular character Broly who first appeared in the 1993 film \"\". Toriyama stated the character and his origin will be reworked, but with his classic image in mind. With this movie portrayal, the character will become part of the series official canon. Other new characters introduced in", + "score": 0.642578125 + }, + { + "id": "4955987", + "title": "Dragon Ball Z: Bojack Unbound", + "text": "Dragon Ball Z: Bojack Unbound Dragon Ball Z: Bojack Unbound, known in Japan as , is a 1993 Japanese animated science fantasy martial arts film and the ninth \"Dragon Ball Z\" feature movie. It was released in Japan on July 10 at the Toei Anime Fair, where it was shown alongside \"\" and the first . The antagonist Bojack was designed by series creator Akira Toriyama. The film is the last to feature K\u014dhei Miyauchi as Kame-Sennin, who died two years after its release. An English version was produced by Funimation and released on August 17, 2004. The movie was", + "score": 0.642578125 + }, + { + "id": "7083419", + "title": "Dragon Ball: Curse of the Blood Rubies", + "text": "6, 2010 Funimation announced that \"Curse of the Blood Rubies\" would be released to a bilingual DVD on July 27, 2010, but the release was delayed to December 28, 2010. Funimation announced the voice cast for a new English dub of the film on November 12, 2010. The 2010 English dub is mostly unedited (the only visual edits being to the title and credit sequences), but the script was mostly recycled from the 1995 English dub (which itself was based on the 1989 dub script), with the most notable change being all the character names reverting to their originals. The", + "score": 0.64208984375 + }, + { + "id": "2022779", + "title": "Dragon Ball GT", + "text": "The content of this set began being released on mass-produced individual 6-episode DVDs on February 6, 2008 and finished with the eleventh volume released on June 4, 2008. In North America, Funimation began releasing \"Dragon Ball GT\" on both VHS and DVD in edited and uncut formats in April 2003, starting with episode 17, after they made their own clip show episode titled 'A Grand Problem' to bring the audience up to speed with the story. After the final fifteenth volume, they released the first 16 episodes in five \"Lost Episode\" volumes between July 2004 and February 2005. They then", + "score": 0.64208984375 + }, + { + "id": "19774835", + "title": "The Return of Doctor Mysterio", + "text": "the augmented reality game app \"Pok\u00e9mon Go\" to create a distraction at Harmony Shoal's Tokyo headquarters. The episode was revealed and the first trailer was shown at the 2016 New York Comic Con on 7 October 2016. A preview clip was shown as part of the Children in Need broadcast on 18 November 2016. The episode received cinema screenings in Australia and New Zealand on 26 December 2016, in Canada on 26 and 28 December 2016, and in the United States on 27 and 29 December 2016. The episode had an official rating of 7.83 million viewers in the UK", + "score": 0.64208984375 + }, + { + "id": "8276706", + "title": "Dragon Ball Z Hit Song Collection series", + "text": "\"Dragon Ball Z\". It was released by Columbia Records on July 21, 1993 in Japan only. This release has the distinction of being the last installment to include the first opening and closing theme song. Included is the song \"Ginga o Koete Rising High\", which used as the closing to the film \"Ginga Giri-Giri!! Butchigiri no Sugoi Yatsu\", known outside Japan as \"\". despite its title is the seventeenth installment of the \"Dragon Ball Z Hit Song Collection\" series of the anime \"Dragon Ball Z\". It was released by Columbia Records on June 1, 1994 in Japan only. , despite", + "score": 0.6416015625 + }, + { + "id": "16794143", + "title": "Dramatical Murder", + "text": "volume for the series was released on June 30, 2012. The anime was announced to air in summer 2014. The anime aired on July 6, 2014 and ended on September 21, 2014 and was streamed on Crunchyroll. A DVD/Blu-ray was released on December 24, 2014 with all twelve episodes. Along with an original soundtrack and a drama CD titled , a special OVA called \"Data_xx_Transitory\", which features the bad endings of the game, was included. On September 21, 2014, following the airing of the final episode, the official anime website announced that there will be a live reading event on", + "score": 0.6416015625 + }, + { + "id": "8276708", + "title": "Dragon Ball Z Hit Song Collection series", + "text": "as \"\". is the final installment of the Hit Song Collection series released on March 20, 1996. Like its predecessor, , it is composed of remixes and medleys, but unlike 8\u00bd it contains no exclusive songs. is a two disc CD soundtrack set of the anime \"Dragon Ball Z\". It was released by Columbia Records on November 30, 1996 in Japan only. This includes tracks considered fan favorites spanning all twenty of the \"Hit Song Collection Series\". The first disc's track list is made up of fast-paced tracks, while the second disc's track list is made of soft ballads. An", + "score": 0.6416015625 + }, + { + "id": "19104382", + "title": "Big Order", + "text": "December 21, 2011 and September 26, 2016. North American publisher Yen Press announced their license to the series at Anime Expo 2016. An original video animation (OVA) episode, produced by Asread and directed by Nobuharu Kamanaka, was released on October 3, 2015 with the limited edition of the eighth manga volume. The same staff that produced the OVA returned to produce a 10-episode anime television series adaptation, which aired in Japan between April 16 and June 18, 2016. Crunchyroll will release the series on Blu-ray and DVD with an English dub. The OVA's theme song is by Y\u014dsei Teikoku. For", + "score": 0.6416015625 + }, + { + "id": "19700208", + "title": "The Dragon Dentist", + "text": "August 2016, the short was again made available to stream until 31 March 2017. The first episode of the two-part special premiered on NHK's BS Premium channel on 18 February 2017, and the second episode aired on 25 February 2017. Each episode is 45 minutes long. The special aired dubbed on NHK World with the first episode airing on 17 March 2017 and the second episode airing the next day. Sentai Filmworks has licensed the special for home video distribution in North America. Reviewing the first two seasons of Animator Expo for Anime News Network, Kevin Cirugeda recommended the short", + "score": 0.64111328125 + }, + { + "id": "18748922", + "title": "Dragon Ball Super", + "text": "Omega\" (episodes #1\u201351), began sharing the series director credit with Chioka beginning with episode #33, before taking it over completely with #47. From episode #68 to #76, Morio Hatano shared the role of series director with K\u014dhei Hatano (no relation), another storyboard artist and episode director for the series. Masako Nozawa reprises her roles as Son Goku, Son Gohan, and Son Goten. Most of the original cast reprise their roles as well. However, J\u014dji Yanami's roles as Kai\u014d-sama and the narrator were indefinitely taken over by Naoki Tatsuta as of episode 12, so that Yanami could take medical leave. K\u014dichi", + "score": 0.640625 + }, + { + "id": "12596098", + "title": "Toriko", + "text": "April 7, 2013. Referred to as \"Dream 9 Toriko & One Piece & Dragon Ball Z Super Collaboration Special!!\", the parts are considered episode 590 of \"One Piece\" and episode 99 of \"Toriko\" respectively. The \"Toriko\" anime ended with episode 147 on March 30, 2014, being replaced by the return of \"Dragon Ball Kai\". In 2011, Funimation Entertainment announced that it licensed \"Toriko\" for streaming in North America within four days after the Japanese broadcast. It premiered on Hulu and Funimation's official website on April 14. Eventually, the series was rescheduled to stream within three days after the Japanese broadcast.", + "score": 0.640625 + }, + { + "id": "5205499", + "title": "Dragon Ball Z: Wrath of the Dragon", + "text": "for Tapion's theme. The remastered release contains an alternate audio track containing the English dialogue and Japanese background music. Dragon Ball Z: Wrath of the Dragon Dragon Ball Z: Wrath of the Dragon, known in Japan as , is a 1995 Japanese animated science fantasy martial arts film and the thirteenth \"Dragon Ball Z\" feature movie. It was originally released in Japan on July 15 at the Toei Anime Fair. It was later dubbed into English by Funimation in 2006, just like most of the other \"Dragon Ball\" films. It was also released on VCD in Malaysia by Speedy Video", + "score": 0.64013671875 + }, + { + "id": "4952318", + "title": "Dragon Ball Z: The World's Strongest", + "text": "dub, produced by Pioneer Home Entertainment in association with Funimation. Pioneer's dub used the original Ocean Productions voice cast of the TV series. The film was later re-dubbed by Funimation's in-house voice cast and released again to DVD on November 14, 2006, in a box set titled \"First Strike,\" which included \"\" and \"\". It was later remastered and released in a Double Feature set with \"Dead Zone\" on Blu-ray and DVD on May 27, 2008. The film was released to DVD again on November 1, 2011, in a remastered box set containing the first five \"Dragon Ball Z\" movies.", + "score": 0.64013671875 + }, + { + "id": "8966755", + "title": "Hellsing", + "text": "Entertainment. Funimation released the fourth episode on September 23, 2008. Simultaneously, the company re-released the first three episodes. At Anime Expo 2010, Funimation Entertainment announced that they had licensed all three of the new OVAs (episodes 5\u20137 as of that date) and the original TV series. Funimation Entertainment additionally announced that they licensed the 8th OVA and would release the first eight episodes in 2012. Hellsing Ultimate 5\u20138 was released on November 13, 2012 as a DVD/Blu-ray set. 1\u20134 was also released as a DVD/Blu-ray set on October 30, 2012. At Anime Central 2014, Funimation announced that they will release", + "score": 0.64013671875 + }, + { + "id": "8276694", + "title": "Dragon Ball Z Hit Song Collection series", + "text": "much of the album's production art is made up of freeze frames from the TV special. is the sixth installment of the Dragon Ball Z Hit Song Collection series of the anime Dragon Ball Z. It was released by Columbia Records on March 21, 1991 in Japan only. The album would go on to peak at 71 on Oricon's Japanese album charts. The album comes off as a soundtrack for the fourth Dragon Ball Z film \"Super Saiyan da Son Goku\" (Known as \"\" in Funimation dub) due to it containing production art plus two songs from the film the", + "score": 0.6396484375 + }, + { + "id": "4455529", + "title": "Dragon Ball Z: The Tree of Might", + "text": "Dragon Ball Z: The Tree of Might Dragon Ball Z: The Tree of Might, also known by its Japanese title or Toei's own English title Super Battle in the World, is a 1990 Japanese anime science fantasy martial arts film and the third \"Dragon Ball Z\" feature film. It was originally released in Japan on July 7 between episodes 54 and 55 of DBZ, at the \"Toei Anime Fair\" film festival, where it was shown as part of an Akira Toriyama-themed triple feature titled \"Toriyama Akira: The World\" (the other two films were anime versions of his one-shot stories \"Kennosuke-sama\"", + "score": 0.6396484375 + }, + { + "id": "16235848", + "title": "Dragon Ball: Episode of Bardock", + "text": "Dragon Ball: Episode of Bardock The manga was serialized in \"V Jump\" in three chapters between June 21 and August 21, 2011. It was adapted into a short anime film by Toei Animation that premiered on December 17, 2011 at Jump Festa 2012. The film was released internationally in October 2012, as a subtitled extra to the Xbox 360 video game \"\". The story starts where the TV special leaves off, with Bardock fighting against Freeza, in an attempt to save his home, Planet Vegeta. He fails, as Freeza destroys the planet, killing all Saiyans on it \u2013 seemingly including", + "score": 0.63916015625 + }, + { + "id": "4345132", + "title": "Sgt. Frog", + "text": "27-39. In addition, Season 2 Part 2 was released on March 30, 2010 containing episodes 40-51. The first two boxsets were re-released into one Season 1 set on March 29, 2011. The complete Season 2 set followed up on April 26, 2011. Season 3 Part 1 was released to DVD by Funimation beginning on July 26, 2011, containing episodes 52-65. Season 3 Part 2 was released to DVD on August 16, 2011 containing episodes 66-78. A complete Season 3 boxset containing episodes 52-78 was released on November 13, 2012. On all of the box sets, it states, \"from the creators", + "score": 0.63916015625 + }, + { + "id": "5205470", + "title": "Dragon Ball Z: Wrath of the Dragon", + "text": "Dragon Ball Z: Wrath of the Dragon Dragon Ball Z: Wrath of the Dragon, known in Japan as , is a 1995 Japanese animated science fantasy martial arts film and the thirteenth \"Dragon Ball Z\" feature movie. It was originally released in Japan on July 15 at the Toei Anime Fair. It was later dubbed into English by Funimation in 2006, just like most of the other \"Dragon Ball\" films. It was also released on VCD in Malaysia by Speedy Video with the subtitle Explosion of Dragon Punch. Set after the events of the final battle with Majin Buu, the", + "score": 0.63916015625 + } + ], + "answer": "Dragon Ball Super is a Japanese anime television series produced by Toei Animation that began airing on July 5, 2015 on Fuji TV. The original airdate of Episode 113 was October 29, 2017. The American airdate for Episode 113 was June 1, 2019." + }, + { + "qa_pairs": [ + { + "context": "The Second Epistle to the Thessalonians, commonly referred to as Second Thessalonians or 2 Thessalonians is a book from the New Testament of the Christian Bible. It is traditionally attributed to Paul the Apostle, with Timothy as a co-author. Modern biblical scholarship is divided on whether the epistle was written by Paul; many scholars reject its authenticity based on what they see as differences in style and theology between this and the First Epistle to the Thessalonians.", + "question": "Who is traditionally said to have written 2 Thessalonians?", + "short_answers": [ + "Paul the Apostle, with Timothy" + ], + "wikipage": "Second Epistle to the Thessalonians" + }, + { + "context": "Many modern scholars agree with Ehrman that 2 Thessalonians was not written by Paul but by an associate or disciple after his death. See, for example, Beverly Roberts Gaventa, Vincent Smiles, Udo Schnelle, Eugene Boring, and Joseph Kelly. Norman Perrin observes, \"The best understanding of 2 Thessalonians ... is to see it as a deliberate imitation of 1 Thessalonians, updating the apostle's thought.\" Perrin bases this claim on his hypothesis that prayer at the time usually treated God the Father as ultimate judge, rather than Jesus.", + "question": "Who do many modern scholars argue wrote 2 Thessalonians?", + "short_answers": [ + "not written by Paul but by an associate or disciple" + ], + "wikipage": "Second Epistle to the Thessalonians" + }, + { + "context": "The First Epistle to the Thessalonians, commonly referred to as First Thessalonians or 1 Thessalonians, is a Pauline epistle of the New Testament of the Christian Bible. The epistle is attributed to Paul the Apostle, and is addressed to the church in Thessalonica, in modern-day Greece. It is likely the first of Paul's letters, probably written by the end of AD 52 (however, some scholars believe the Epistle to Galatians may have been written at an earlier date: AD 48).", + "question": "Who do most scholars say wrote 1 Thessalonians?", + "short_answers": [ + "Paul the Apostle" + ], + "wikipage": "First Epistle to the Thessalonians" + } + ], + "wikipages": [ + { + "title": "First Epistle to the Thessalonians", + "url": "https://en.wikipedia.org/wiki/First%20Epistle%20to%20the%20Thessalonians" + }, + { + "title": "Second Epistle to the Thessalonians", + "url": "https://en.wikipedia.org/wiki/Second%20Epistle%20to%20the%20Thessalonians" + }, + { + "title": "Authorship of the Pauline epistles", + "url": "https://en.wikipedia.org/wiki/Authorship%20of%20the%20Pauline%20epistles" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Timothy became St Paul's disciple, and later his constant companion and co-worker in preaching.", + "wikipage": "Timothy of Ephesus" + } + ], + "long_answer": "The first and second thessalonians or 1 Thessalonians and 2 Thessalonians respectively are commonly attributed to Paul the Apostle, however, there are a number of modern scholars who believe that Paul may not have written these books but they may have been written by an associate or disciple of his, perhaps Timothy. " + }, + { + "knowledge": [ + { + "content": "In his book Forged, New Testament scholar Bart D. Ehrman puts forward some of the most common arguments against the authenticity of 2 Thessalonians.", + "wikipage": "Second Epistle to the Thessalonians Opposition to authenticity" + } + ], + "long_answer": "The First Epistle to the Thessalonians, commonly referred to as First Thessalonians or 1 Thessalonians, is a Pauline epistle of the New Testament of the Christian Bible that is attributed to Paul the Apostle. The Second Epistle to the Thessalonians, commonly referred to as Second Thessalonians or 2 Thessalonians is a book from the New Testament of the Christian Bible is traditionally attributed to Paul the Apostle, with Timothy as a co-author. Many modern scholars agree with New Testament Scholar Ehrman that 2 Thessalonians was not written by Paul but by an associate or disciple after his death." + } + ], + "sample_id": "1669382249251092390", + "question": "Who wrote the book of 1 and 2 thessalonians?", + "docs": [ + { + "id": "391657", + "title": "Second Epistle to the Thessalonians", + "text": "Second Epistle to the Thessalonians The Second Epistle to the Thessalonians, often referred to as Second Thessalonians (US) or Two Thessalonians (UK) (and written 2 Thessalonians) is a book from the New Testament of the Christian Bible. It is traditionally attributed to Paul the Apostle, as it begins, \"Paul, Silvanus, and Timothy, To the church of the Thessalonians\" and ends, \"I, Paul, write this greeting in my own hand, which is the distinguishing mark in all my letters.\" Modern biblical scholarship is divided on whether Paul was the author or not; many scholars question its authenticity based on what they", + "score": 0.79052734375, + "summary": "The Second Epistle to the Thessalonians is a book from the New Testament attributed to Paul the Apostle, according to the text.", + "extraction": "The book of 1 and 2 Thessalonians are traditionally attributed to Paul the Apostle." + }, + { + "id": "391663", + "title": "Second Epistle to the Thessalonians", + "text": "the problem is due to the composite nature of \"First Thessalonians\" (Murphy-O'Connor is only one of many scholars who argue that the current text of \"Second Thessalonians\" is the product of merging two or more authentic letters of Paul). Once the text of this interpolated letter is removed and the two letters compared, Murphy-O'Connor asserts that this objection is \"drastically weakened\", and concludes, \"The arguments against the authenticity of 2 Thessalonians are so weak that it is preferable to accept the traditional ascription of the letter to Paul.\" Those who believe Paul was the author of \"Second Thessalonians\" also note", + "score": 0.78369140625, + "summary": "The document discusses the authorship of 2 Thessalonians and argues that it is likely written by Paul. However, it also acknowledges that the text may be a product of merging multiple letters.", + "extraction": "Paul was the author of \"Second Thessalonians\"." + }, + { + "id": "327782", + "title": "Paul the Apostle", + "text": "while the authorship of the other two is subject to debate. Colossians and 2 Thessalonians are possibly \"Deutero-Pauline\" meaning they may have been written by Paul's followers after his death. Similarly, 1 Timothy, 2 Timothy, and Titus may be \"Trito-Pauline\" meaning they may have been written by members of the Pauline school a generation after his death. According to their theories, these disputed letters may have come from followers writing in Paul's name, often using material from his surviving letters. These scribes also may have had access to letters written by Paul that no longer survive. The authenticity of Colossians", + "score": 0.7763671875, + "summary": "The authorship of 1 and 2 Thessalonians is subject to debate among scholars.", + "extraction": "The book of 1 and 2 Thessalonians is not mentioned in the passage, so the answer is \"irrelevant\"." + }, + { + "id": "4281779", + "title": "Authorship of the Pauline epistles", + "text": "it was mentioned by name by Irenaeus, and quoted by Ignatius, Justin, and Polycarp. In recent times, criticism of Pauline authorship was raised by H. J. Holtzmann and G. Hollmann (see above). Much of the dispute concerns the linguistic similarity between 1 Thessalonians and 2 Thessalonians. For example, 1 Thess 2:9 is almost identical to 2 Thess 3:8. This has been explained in the following ways: Paul wrote 2 Thessalonians soon after writing 1 Thessalonians or with the aid of a copy of 1 Thessalonians, or Paul wrote 1 Thessalonians himself but a later writer imitated him, or the linguistic", + "score": 0.7724609375, + "summary": "The document discusses the authorship of the Pauline epistles, but does not provide a clear answer to the question of who wrote the book of 1 and 2 Thessalonians.", + "extraction": "The book of 1 and 2 Thessalonians are believed to be written by Paul, but there is some dispute due to the linguistic similarity between the two books." + }, + { + "id": "4281758", + "title": "Authorship of the Pauline epistles", + "text": "Authorship of the Pauline epistles The Pauline epistles are the fourteen books in the New Testament traditionally attributed to Paul the Apostle, although many dispute the anonymous Epistle to the Hebrews as being a Pauline epistle. There is nearly universal consensus in modern New Testament scholarship on a core group of authentic Pauline epistles whose authorship is rarely contested: Romans, 1 and 2 Corinthians, Galatians, Philippians, 1 Thessalonians, and Philemon. Several additional letters bearing Paul's name are disputed among scholars, namely Ephesians, Colossians, 2 Thessalonians, 1 and 2 Timothy, and Titus. Scholarly opinion is sharply divided on whether or not", + "score": 0.76904296875, + "summary": "The authorship of the book of 1 and 2 Thessalonians is attributed to Paul the Apostle, and it is one of the core group of authentic Pauline epistles whose authorship is rarely contested.", + "extraction": "The book of 1 Thessalonians was written by Paul the Apostle, according to nearly universal consensus in modern New Testament scholarship." + }, + { + "id": "127073", + "title": "First Epistle to the Thessalonians", + "text": "First Epistle to the Thessalonians The First Epistle to the Thessalonians, usually referred to simply as First Thessalonians (written 1 Thessalonians and abbreviated 1 Thess. or 1 Thes.), is the thirteenth book from the New Testament of the Christian Bible. The first letter to the Thessalonians was likely the first of Paul's letters, probably written by the end of AD 52. Most New Testament scholars believe Paul the Apostle wrote this letter from Corinth, although information appended to this work in many early manuscripts (e.g., Codices Alexandrinus, Mosquensis, and Angelicus) state that Paul wrote it in Athens after Timothy had", + "score": 0.76904296875, + "summary": "The First Epistle to the Thessalonians is a book from the New Testament, likely written by Paul the Apostle by the end of AD 52, possibly from Corinth.", + "extraction": "Paul the Apostle wrote the book of 1 Thessalonians." + }, + { + "id": "18657917", + "title": "2 Thessalonians 1", + "text": "offend, and do iniquity; and in severing the righteous from the wicked; and in casting the latter into the furnace of fire. The Syriac version reads the words, \"with the power of his angels\". 2 Thessalonians 1 2 Thessalonians 1 is the first chapter of the Second Epistle to the Thessalonians in the New Testament of the Christian Bible. It is authored by Paul the Apostle, Silas, and Saint Timothy. This chapter can be grouped (with cross references to other parts of the Bible): New King James Version New King James Version New King James Version This is another branch", + "score": 0.759765625, + "summary": "The document states that 2 Thessalonians 1 is authored by Paul the Apostle, Silas, and Saint Timothy.", + "extraction": "Paul the Apostle, Silas, and Saint Timothy authored the book of 1 and 2 Thessalonians." + }, + { + "id": "2742354", + "title": "Pseudepigrapha", + "text": "to the Ephesians, Epistle to the Colossians, Second Epistle to the Thessalonians, First Epistle to Timothy, Second Epistle to Timothy, and Epistle to Titus. These six books are referred to as \"deutero-Pauline letters\", meaning \"secondary\" standing in the corpus of Paul's writings. They internally claim to have been written by Paul, but some biblical scholars present strong evidence that they could not have been written by Paul. Those known as the \"Pastoral Epistles\" (Timothy, 2 Timothy, and Titus) are all so similar that they are thought to be written by the same unknown author in Paul's name. The Gospel of", + "score": 0.75146484375, + "summary": "Irrelevant.", + "extraction": "Second Epistle to the Thessalonians." + }, + { + "id": "391665", + "title": "Second Epistle to the Thessalonians", + "text": "such as William Wrede in 1903 and Alfred Loisy in 1933, who challenged the traditional view of the authorship. Many today believe that it was not written by Paul but by an associate or disciple after his death, representing what they believed was his message. See, for example, Ehrman, Gaventa, Smiles, Schnelle, Boring, and Kelly. Norman Perrin observes, \"The best understanding of 2 Thessalonians ... is to see it as a deliberate imitation of 1 Thessalonians, updating the apostle's thought.\". Perrin bases this claim on his hypothesis that prayer at the time usually treated God the Father as ultimate judge,", + "score": 0.74951171875, + "summary": "Many scholars challenge the traditional view of Paul as the author of 1 and 2 Thessalonians. Some believe that an associate or disciple wrote it after Paul's death. The authorship of 2 Thessalonians is debated, with some arguing that it is an imitation of 1 Thessalonians.", + "extraction": "The book of 1 and 2 Thessalonians is believed by many today to have not been written by Paul but by an associate or disciple after his death, representing what they believed was his message." + }, + { + "id": "18657911", + "title": "2 Thessalonians 1", + "text": "2 Thessalonians 1 2 Thessalonians 1 is the first chapter of the Second Epistle to the Thessalonians in the New Testament of the Christian Bible. It is authored by Paul the Apostle, Silas, and Saint Timothy. This chapter can be grouped (with cross references to other parts of the Bible): New King James Version New King James Version New King James Version This is another branch of the justice of God, in rendering to them who are afflicted and persecuted for righteousness sake, \"rest\"; a relaxation or rest from persecutions, for a while at least; as the churches of Judea,", + "score": 0.748046875, + "summary": "The book of 2 Thessalonians was authored by Paul the Apostle, Silas, and Saint Timothy.", + "extraction": "\"2 Thessalonians 1 is authored by Paul the Apostle, Silas, and Saint Timothy.\"" + }, + { + "id": "4932526", + "title": "Second Epistle to Timothy", + "text": "ideas of this epistle are notably different from the other two Pastoral letters yet similar to the later Pauline letters, especially the ones he wrote in captivity. This has led some scholars to conclude that the author of 2 Timothy is a different person from 1 Timothy and Titus. Raymond E. Brown proposed that this letter was written by a follower of Paul who had knowledge of Paul's last days. Jerome Murphy-O'Connor, however, argued that this epistle was written by Paul and that the other two pastoral epistles were written by someone else using this epistle as a model, and", + "score": 0.74609375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "18654066", + "title": "1 Thessalonians 5", + "text": "knew this full well, it was needless for the apostle to write about the time and season of it; which they were sensible of, could no more be known and fixed, than the coming of a thief into anyone of their houses. 1 Thessalonians 5 1 Thessalonians 5 is the fifth (and the last) chapter of the First Epistle to the Thessalonians in the New Testament of the Christian Bible. It is authored by Paul the Apostle, Silas, and Saint Timothy. This chapter can be grouped (with cross references to other parts of the Bible): New King James Version With", + "score": 0.74560546875, + "summary": "The document confirms that the book of 1 Thessalonians was authored by Paul the Apostle, Silas, and Saint Timothy.", + "extraction": "1 Thessalonians 5 is authored by Paul the Apostle, Silas, and Saint Timothy." + }, + { + "id": "327785", + "title": "Paul the Apostle", + "text": "similar portions of other Epistles, while the whole admirably fits in with the known details of Paul's life, and throws considerable light upon them. Three main reasons have been advanced by those who question Paul's authorship of 1 Timothy, 2 Timothy, and Titus \u2013 also known as the Pastoral Epistles. Paul wrote down much of the theology of atonement. Paul taught that Christians are redeemed from sin by Jesus' death and resurrection. His death was an expiation as well as a propitiation, and by Christ's blood peace is made between God and man. By grace, through faith, a Christian shares", + "score": 0.74560546875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "4281795", + "title": "Authorship of the Pauline epistles", + "text": "Ignatius of Antioch, who wrote c. 110, appears to have quoted from Romans, 1 Corinthians, Ephesians, Colossians, and 1 Thessalonians, suggesting that these works, at least, existed by the time Ignatius wrote his works. Ignatius does not appear to have quoted from 2 Thessalonians whereas Polycarp (69\u2013156 AD) not only quoted from 2 Thessalonians but also the Gospel of Matthew, Gospel of Mark, Gospel of Luke, Acts of the Apostles, 1 Corinthians, 2 Corinthians, Galatians, Ephesians, Philippians, 1 Thessalonians, 1 Timothy, 2 Timothy, Epistle to the Hebrews, 1 Peter, 1 John, 3 John. Scholar Bruce Metzger stated \"One finds in", + "score": 0.74462890625, + "summary": "The document discusses the authorship of the Pauline epistles and mentions that Ignatius of Antioch quoted from 1 Thessalonians, but not 2 Thessalonians. Polycarp quoted from both 1 and 2 Thessalonians, along with other biblical texts. However, the document does not provide a clear answer to the question of who wrote the book of 1 and 2 Thessalonians.", + "extraction": "The book of 1 Thessalonians was written by Paul. The book of 2 Thessalonians was not quoted by Ignatius of Antioch but was quoted by Polycarp. Therefore, it is likely that Paul wrote both 1 and 2 Thessalonians." + }, + { + "id": "18653914", + "title": "1 Thessalonians 1", + "text": "1 Thessalonians 1 1 Thessalonians 1 is the first chapter of the First Epistle to the Thessalonians in the New Testament of the Christian Bible. It is authored by Paul the Apostle, Silas, and Saint Timothy. This chapter can be grouped (with cross references to other parts of the Bible): New King James Version New King James Version New King James Version The Lord Jesus Christ, who is the natural, essential, and eternal Son of God; and whoever is truly converted, is not only turned to God the Father, and believes in him; but also believes in, receives, embraces, and", + "score": 0.74365234375, + "summary": "The book of 1 Thessalonians was authored by Paul the Apostle, Silas, and Saint Timothy.", + "extraction": "1 Thessalonians 1 is authored by Paul the Apostle, Silas, and Saint Timothy." + }, + { + "id": "4281759", + "title": "Authorship of the Pauline epistles", + "text": "Colossians and 2 Thessalonians are genuine letters of Paul. The remaining four contested epistles \u2013 Ephesians, as well as the three known as the Pastoral epistles (1 and 2 Timothy, and Titus) \u2013 have been labeled pseudepigraphical works by most critical scholars. Some scholars have proposed that Paul may have used an \"amanuensis\", or secretary, in writing the disputed letters. There are two examples of pseudonymous letters written in Paul\u2019s name apart from the New Testament epistles, the Epistle to the Laodiceans and 3 Corinthians. The Epistle to the Hebrews is actually anonymous, but it has been traditionally attributed to", + "score": 0.74072265625, + "summary": "Colossians and 2 Thessalonians are genuine letters of Paul. The authorship of the remaining four contested epistles (including 1 and 2 Timothy and Titus) is disputed and considered pseudepigraphical by most scholars.", + "extraction": "1 and 2 Thessalonians were written by Paul." + }, + { + "id": "4932505", + "title": "First Epistle to Timothy", + "text": "maintaining the truth amid surrounding errors. The author of \"First Timothy\" has been traditionally identified as the Apostle Paul. He is named as the author of the letter in the text (1:1). Nineteenth and twentieth century scholarship questioned the authenticity of the letter, with many scholars suggesting that \"First Timothy\", along with Second Timothy and Titus, are not original to Paul, but rather to an unknown Christian writing some time in the late-first-to-mid-2nd century. Most scholars now affirm this view. However, some are calling this supposed consensus into question. As evidence for this perspective, they put forward that the Pastoral", + "score": 0.7392578125, + "summary": "The document discusses the authorship of \"First Timothy\" and does not mention the book of 1 and 2 Thessalonians. Therefore, the answer is irrelevant.", + "extraction": "The author of \"First Timothy\" has been traditionally identified as the Apostle Paul." + }, + { + "id": "18705107", + "title": "2 Timothy 1", + "text": "that Paul wishes him well (verse 18a). Roman Catholics consider these verses as an implication that Onesiphorus was already dead, as \"the easiest and most natural hypothesis\". 2 Timothy 1 2 Timothy 1 is the first chapter of the Second Epistle to Timothy in the New Testament of the Christian Bible. It is authored by Paul the Apostle and addressed to Saint Timothy. The original text is written in Koine Greek. Some most ancient manuscripts containing this chapter are: This chapter is divided into 18 verses. This chapter can be grouped (with cross references to other parts of the Bible):", + "score": 0.7392578125, + "summary": "Irrelevant.", + "extraction": "Paul the Apostle wrote the book of 1 and 2 Thessalonians." + }, + { + "id": "18609267", + "title": "2 Corinthians 1", + "text": "2 Corinthians 1 2 Corinthians 1 is the first chapter of the Second Epistle to the Corinthians in the New Testament of the Christian Bible. It is authored by Paul the Apostle and Saint Timothy. The New King James Version organises this chapter as follows: New King James Version Timothy\u2019s name is also associated with Paul's name in the Epistles to the Philippians, Colossians, both of those written to the Thessalonians, and in that to Philemon. Paul's preface to his letter begins in with a thanksgiving to God the \"father of mercies\" (, \"ho pater tov oiktirmon\"), a Jewish term", + "score": 0.73779296875, + "summary": "The document states that 2 Corinthians 1 is authored by Paul the Apostle and Saint Timothy. However, it does not mention anything about who wrote the book of 1 and 2 Thessalonians.", + "extraction": "Both 1 and 2 Thessalonians were written to the Thessalonians, and Timothy's name is associated with Paul's in both of those letters. Therefore, the book of 1 and 2 Thessalonians was written by Paul the Apostle and Saint Timothy." + }, + { + "id": "391660", + "title": "Second Epistle to the Thessalonians", + "text": "with 'brother' introductions. Of the eighteen pieces in \"1 Thessalonians\" fourteen begin with 'brother' introductions. In both letters, the sections balance in size and focus, and in many details. In \"2 Thessalonians\", in 2:5 and 3:10, for example, there is a structural balance of the use of 'when I was with you...' and 'when we were with you...'. Of the books in the New Testament suspected of pseudepigraphy, 2 Thessalonians has the most evidence to support its authenticity. While Paul's authorship of \"Second Thessalonians\" has been questioned more often than his authorship of 1 Thess., there is more evidence from", + "score": 0.7373046875, + "summary": "Irrelevant.", + "extraction": "Paul wrote the book of 1 and 2 Thessalonians, and while his authorship of \"Second Thessalonians\" has been questioned more often than his authorship of 1 Thess., there is more evidence from." + }, + { + "id": "18653918", + "title": "1 Thessalonians 1", + "text": "come, which will fall heavy on others; and that because Christ has bore their sins, and the wrath of God and curse of the law, due unto them, in their room and stead. 1 Thessalonians 1 1 Thessalonians 1 is the first chapter of the First Epistle to the Thessalonians in the New Testament of the Christian Bible. It is authored by Paul the Apostle, Silas, and Saint Timothy. This chapter can be grouped (with cross references to other parts of the Bible): New King James Version New King James Version New King James Version The Lord Jesus Christ, who", + "score": 0.73681640625 + }, + { + "id": "4281787", + "title": "Authorship of the Pauline epistles", + "text": "(1 Tim 1:3), Nicopolis (Titus 3:12), and Troas (2 Tim 1:15, 4:13) cannot be fit into any reconstruction of Paul's life or works as determined from the other epistles or from Acts. In this he was preceded by several scholars who rejected Pauline authorship. Robinson argued against this analysis, while others have debated whether this should be grounds for rejection of Pauline authorship, as Acts concludes while Paul is still alive. Harnack, Lightfoot and other scholars have suggested hypothetical scenarios that would have these epistles written near the end of Paul's life without contradicting biographical information in the other epistles", + "score": 0.73583984375 + }, + { + "id": "127078", + "title": "First Epistle to the Thessalonians", + "text": "that the dead will be resurrected prior to those still living, and both groups will greet the Lord in the air. First Epistle to the Thessalonians The First Epistle to the Thessalonians, usually referred to simply as First Thessalonians (written 1 Thessalonians and abbreviated 1 Thess. or 1 Thes.), is the thirteenth book from the New Testament of the Christian Bible. The first letter to the Thessalonians was likely the first of Paul's letters, probably written by the end of AD 52. Most New Testament scholars believe Paul the Apostle wrote this letter from Corinth, although information appended to this", + "score": 0.73291015625 + }, + { + "id": "388432", + "title": "Second Epistle to the Corinthians", + "text": "Second Epistle to the Corinthians The Second Epistle to the Corinthians, often written as 2 Corinthians, is a Pauline epistle and the eighth book of the New Testament of the Bible. Paul the Apostle and \"Timothy \"our\" brother\" wrote this epistle to \"the church of God which is at Corinth, with all the saints which are in all Achaia\". While there is little doubt among scholars that Paul is the author, there is discussion over whether the Epistle was originally one letter or composed from two or more of Paul's letters. Although the New Testament contains only two letters to", + "score": 0.732421875 + }, + { + "id": "391674", + "title": "Second Epistle to the Thessalonians", + "text": "(2 Thess. 3:10), was later adapted by Vladimir Lenin as an adage of the Soviet Union, He who does not work, neither shall he eat. Online translations of the Second Epistle to the Thessalonians: Exegetical Papers on Second Thessalonians: Second Epistle to the Thessalonians The Second Epistle to the Thessalonians, often referred to as Second Thessalonians (US) or Two Thessalonians (UK) (and written 2 Thessalonians) is a book from the New Testament of the Christian Bible. It is traditionally attributed to Paul the Apostle, as it begins, \"Paul, Silvanus, and Timothy, To the church of the Thessalonians\" and ends, \"I,", + "score": 0.7314453125 + }, + { + "id": "18653930", + "title": "1 Thessalonians 2", + "text": "1 Thessalonians 2 1 Thessalonians 2 is the second chapter of the First Epistle to the Thessalonians in the New Testament of the Christian Bible. It is authored by Paul the Apostle, Silas, and Saint Timothy. This chapter can be grouped (with cross references to other parts of the Bible): New King James Version Not so much to what goes before as to what follows after, relating to their holy walk and conversation among them, the more open part of which they were witness of; and for the more secret part God is appealed to, who is acquainted with the", + "score": 0.73095703125 + }, + { + "id": "4932525", + "title": "Second Epistle to Timothy", + "text": "and they reflect a church hierarchy that is more organized and defined than the church was in Paul's time. Sole scholars refer to the assumedly pseudonymous author as \"the Pastor\". Some recent scholarship has concluded that Paul probably used an amanuensis, or secretary, in writing his letters which was a common practice in the first century. Albert Barnes argued that Paul the Apostle wrote this letter in AD 61 or 65: Some modern critical scholars argue that 2 Timothy was not written by Paul but by an anonymous follower, after Paul's death in the first century AD. The language and", + "score": 0.73095703125 + }, + { + "id": "4281782", + "title": "Authorship of the Pauline epistles", + "text": "Paul's death. Contrariwise Nicholl has put forward an argument for the authenticity of Second Thessalonians. He argues that 'the pseudonymous view is ... more vulnerable than most of its advocates conceded. ... The lack of consensus regarding a date and destination ... reflects a dilemma for this position: on the one hand, the date needs to be early enough for the letter to have been accepted as Pauline ... [on] the other hand, the date and destination need to be such that the author could be confident that no contemporary of 1 Thessalonians ... could have exposed 2 Thessalonians as", + "score": 0.73046875 + }, + { + "id": "18705100", + "title": "2 Timothy 1", + "text": "2 Timothy 1 2 Timothy 1 is the first chapter of the Second Epistle to Timothy in the New Testament of the Christian Bible. It is authored by Paul the Apostle and addressed to Saint Timothy. The original text is written in Koine Greek. Some most ancient manuscripts containing this chapter are: This chapter is divided into 18 verses. This chapter can be grouped (with cross references to other parts of the Bible): New King James Version New King James Version In 1 Timothy 1:2, and Titus 1:4, written at an earlier period than this Epistle, the expression used is", + "score": 0.7294921875 + }, + { + "id": "391673", + "title": "Second Epistle to the Thessalonians", + "text": "brother\" (2 Thess 3:6\u20137, 14\u201315). Paul ends this letter by saying, \"I, Paul, write this greeting with my own hand, and this is a distinguishing mark in every letter; this is the way I write. The grace of our Lord Jesus Christ be with you all\" (2 Thess 3:17\u201318). Macarthur writes, \"Paul added an identifying signature (cf. 1 Cor. 16:21; Col. 4:18) so his readers could be sure he was truly the author.\" A passage from this book reading \"For even when we were with you, this we commanded you, that if any would not work, neither should he eat\",", + "score": 0.7275390625 + }, + { + "id": "127075", + "title": "First Epistle to the Thessalonians", + "text": "this as an indication that this letter was written before the Epistle to the Galatians, where Paul's positions on these matters were formed and elucidated. The majority of New Testament scholars hold 1 Thessalonians to be authentic, although a number of scholars in the mid-19th century contested its authenticity, most notably Clement Schrader and F.C. Baur. 1 Thessalonians matches other accepted Pauline letters, both in style and in content, and its authorship is also affirmed by 2 Thessalonians. It is also sometimes suggested that 1 Thes. 5:1\u201311 is a post-Pauline insertion that has many features of Lukan language and theology", + "score": 0.7275390625 + }, + { + "id": "18657962", + "title": "2 Thessalonians 3", + "text": "2 Thessalonians 3 2 Thessalonians 3 is the third (and the last) chapter of the Second Epistle to the Thessalonians in the New Testament of the Christian Bible. It is authored by Paul the Apostle, Silas, and Saint Timothy. This chapter can be grouped (with cross references to other parts of the Bible): Given at Thessalonica in person, it was when the Gospel was first preached to them. The Ethiopic version reads in the singular number, \"when I was with you, I commanded you\"; The above words were a sort of a proverb with the Jews, and is frequently used", + "score": 0.72119140625 + }, + { + "id": "2659855", + "title": "Pauline epistles", + "text": "years, but from the 16th century onwards opinion steadily moved against Pauline authorship and few scholars now ascribe it to Paul, mostly because it does not read like any of his other epistles in style and content. Most scholars agree that Paul really wrote seven of the Pauline epistles, but that four of the epistles in Paul's name are pseudepigraphic (Ephesians, First Timothy, Second Timothy, and Titus); scholars are divided on the authenticity of two of the epistles. The Pauline epistles are usually placed between the Acts of the Apostles and the general epistles in modern editions. Most Greek manuscripts,", + "score": 0.71875 + }, + { + "id": "18657936", + "title": "2 Thessalonians 2", + "text": "2 Thessalonians 2 2 Thessalonians 2 is the second chapter of the Second Epistle to the Thessalonians in the New Testament of the Christian Bible. It is authored by Paul the Apostle, Silas, and Saint Timothy. This chapter can be grouped (with cross references to other parts of the Bible): New King James Version New King James Version Or \"from your mind or sense\", as the Vulgate Latin version; or \"from the solidity of sense\", as the Arabic version; that is, from what they had received in their minds, and was their sense and judgment, and which they had embraced", + "score": 0.71875 + }, + { + "id": "327797", + "title": "Paul the Apostle", + "text": ", and . Another passage addresses the topic more obliquely: . Since the nineteenth century, however, most scholars have concluded that 1 Timothy, along with 2 Timothy and Titus, are not original to Paul, but rather an unknown Christian writing in Paul's name some time in the late-first-to-mid-2nd century. Paul's influence on Christian thinking arguably has been more significant than any other New Testament author. Paul declared that \"Christ is the end of the law\", exalted the Christian church as the body of Christ, and depicted the world outside the Church as under judgment. Paul's writings include the earliest reference", + "score": 0.71826171875 + }, + { + "id": "391667", + "title": "Second Epistle to the Thessalonians", + "text": "this community\u2014or possibly years later. Brown notes that Paul \"most likely visited Thessalonica several times in his journeys to Macedonia\". However, if the letter is not authentic, Brown notes that \"in some ways interpretation becomes more complex.\" Brown believes that the majority of scholars who advocate pseudonymity would place it towards the end of the first century, the same time that Revelation was written. These scholars emphasize the appearance of \"man of sin\" in the second chapter of this letter, whether this personage is identified with the Antichrist of 1 John and Revelation, or with a historical person like Caligula.", + "score": 0.71728515625 + }, + { + "id": "2849129", + "title": "Apostolic Fathers", + "text": "Corinth to maintain harmony and order. Tradition identifies the author as Clement, bishop of Rome, and scholarly consensus is overwhelmingly in favor of the letter's authenticity. Early church lists place him as the second or third bishop of Rome, although \"there is no evidence for monarchical episcopacy in Rome at so early a date\". The Second Epistle of Clement was traditionally ascribed to Clement, but it is now generally considered to have been written later, , and therefore could not be the work of Clement, who died in AD 99. Whereas 1 Clement was an epistle, 2 Clement appears to", + "score": 0.71728515625 + }, + { + "id": "15870361", + "title": "Five Pauline Epistles, A New Translation", + "text": "Five Pauline Epistles, A New Translation The Five Pauline Epistles, A New Translation is a partial Bible translation produced by Scottish scholar William Gunion Rutherford, of five books of the New Testament. The Bible books that were translated into English by Rutherford are a number of Pauline Epistles or \"didactic letters\", believed to be written by the Jewish Christian Apostle Paul. The work was a translation of the Bible books of Romans, first and second Thessalonians, and first and second Corinthians, with a brief analysis. The work was commenced in 1900, and was completed in 1908. The entire work was", + "score": 0.7158203125 + }, + { + "id": "4259885", + "title": "Pastoral epistles", + "text": "source: \"Cretans are always liars, wicked beasts, and lazy gluttons\" (). The letters are written in Paul's name and have traditionally been accepted as authentic. Since the 1700s, however, experts have increasingly come to see them as the work of someone writing after Paul's death. Among the Apostolic Fathers, \"a strong case can be made for Ignatius' use of ... 1 and 2 Timothy\". Similarly for Polycarp. The unidentified author of the Muratorian fragment (c. 170) lists the Pastorals as Pauline, while excluding others e.g. to the Laodiceans. Origen refers to the \"fourteen epistles of Paul\" without specifically naming Titus", + "score": 0.7138671875 + }, + { + "id": "3253219", + "title": "Catholic epistles", + "text": "even called 'John'. Two of the letters claim to have been written by Simon Peter, one of the Twelve Apostles of Jesus. Therefore, they have traditionally been called the Petrine epistles. However, most modern scholars agree the second epistle was probably not written by Peter, because it appears to have been written in the early 2nd century, long after Peter had died. Yet, opinions on the first epistle are more divided; many scholars do think this letter is authentic. In one epistle, the author only calls himself James (\u1f38\u03ac\u03ba\u03c9\u03b2\u03bf\u03c2 \"Iak\u00f3bos\"). It is not known which James this is supposed to", + "score": 0.712890625 + }, + { + "id": "13914757", + "title": "Authorship of the Petrine epistles", + "text": "Authorship of the Petrine epistles The authorship of the Petrine epistles (First and Second Peter) is an important question in biblical criticism, parallel to that of the authorship of the Pauline epistles, since scholars have long sought to determine who were the exact authors of the New Testament letters. Most scholars today conclude that Saint Peter was not the author of the two epistles that are attributed to him and that they were written by two different authors. The author of the First Epistle of Peter identifies himself in the opening verse as \"Peter, an apostle of Jesus\", and the", + "score": 0.712890625 + }, + { + "id": "302122", + "title": "New Testament", + "text": "Hebrews is, despite unlikely Pauline authorship, often functionally grouped with these thirteen to form a corpus of fourteen \"Pauline\" epistles. Seven letters are generally classified as \"undisputed\", expressing contemporary scholarly near consensus that they are the work of Paul: Romans, 1 Corinthians, 2 Corinthians, Galatians, Philippians, 1 Thessalonians and Philemon. Six additional letters bearing Paul's name do not currently enjoy the same academic consensus: Ephesians, Colossians, 2 Thessalonians, 1 Timothy, 2 Timothy and Titus. While many scholars uphold the traditional view, some question whether the first three, called the \"Deutero-Pauline Epistles\", are authentic letters of Paul. As for the latter", + "score": 0.71240234375 + }, + { + "id": "4281781", + "title": "Authorship of the Pauline epistles", + "text": "However G. Milligan observed that a church which possessed an authentic letter of Paul would be unlikely to accept a fake addressed to them. However, Milligan's analysis assumes that 2 Thessalonians is not a late forgery and thus was received by the Thessalonian community. C. Masson argued that the eschatology of each letter to the Thessalonians is considerably different. Norman Perrin claimed that, in the time of Paul, prayer usually treated God the Father as ultimate judge, rather than Jesus. From this hypothesis he contrasted 2 Thessalonians 3:5 and 1 Thessalonians 3:13, and contended that the letter was written after", + "score": 0.7119140625 + }, + { + "id": "391666", + "title": "Second Epistle to the Thessalonians", + "text": "rather than Jesus. Thessalonica was the second city in Europe where Paul helped to create an organized Christian community. At some point after the first letter was sent, probably soon, some of the Thessalonicans grew concerned over whether those who had died would share in the parousia. This letter was written in response to this concern. The problem then arises, as Raymond Brown points out, whether this letter is an authentic writing of Paul written by one of his followers in his name. If this letter is authentic, then it might have been written soon after Paul's first letter to", + "score": 0.71142578125 + }, + { + "id": "9540442", + "title": "Second Epistle of Clement", + "text": "Second Epistle of Clement The Second Epistle of Clement () often referred to as 2 Clement or Second Clement, is an early Christian writing. It is considered canon by the Coptic Orthodox Church. 2 Clement was traditionally believed to have been an epistle to the Christian Church in Corinth written by Clement of Rome sometime in the late 1st century. However, 4th-century bishop Eusebius, in his historical work, says that there was one recognized epistle of Clement (namely the so-called First Epistle of Clement). He expresses doubt about the authenticity of a second epistle (see below). Modern scholars believe that", + "score": 0.708984375 + }, + { + "id": "13914763", + "title": "Authorship of the Petrine epistles", + "text": "L. Harris, on the other hand, holds that most scholars argue for an even later date, such as during the persecution of Domitian (\"c.\" 95) or of Trajan (\"c.\" 112). The author's use of Peter's name demonstrates the authority associated with Peter. The Second Epistle of Peter opens by identifying the author as \u201cSimon Peter (in some translations, \u2018Simeon\u2019 or \u2018Shimon\u2019), a servant and an apostle of Jesus Christ\u201d () (spelling the name differently from 1 Peter or the rest of the New Testament, except for Acts 15:14). Elsewhere, the author clearly presents himself as the Apostle Peter, stating that", + "score": 0.70849609375 + }, + { + "id": "4281786", + "title": "Authorship of the Pauline epistles", + "text": "non-Pauline vocabulary are used by 2nd-century Christian writers. For this reason, and because of a claimed precedence of 1 Clement, some scholars have associated these works with later 2nd-century Christian writings. The precedence of 1 Clement was challenged by R. Falconer, while L. T. Johnson challenged the linguistic analysis as based on the arbitrary grouping of the three epistles together: he argued that this obscures the alleged similarities between 1 Timothy and 1 Corinthians, between Titus and the other travel letters, and between 2 Timothy and Philippians. Norman Perrin argued that Paul's travels to Crete (Titus 1:5-6), again to Ephesus", + "score": 0.70654296875 + }, + { + "id": "4259891", + "title": "Pastoral epistles", + "text": "1807 have noted that the pastoral epistles seem to argue against a more developed Gnosticism than would be compatible with Paul's time. Scholars refer to the anonymous author as \"the Pastor\". It is \"highly probable that 1 and 2 Timothy were known and used by Polycarp\". Irenaeus made extensive use of the two epistles to Timothy as the prime force of his anti-gnostic campaign, ca. 170 AD. Proposals by scholars for the date of their composition have ranged from the 1st century to well into the second. The later dates are usually based on the hypothesis that the Pastorals are", + "score": 0.7060546875 + }, + { + "id": "391662", + "title": "Second Epistle to the Thessalonians", + "text": "regarding a date and destination ... reflects a dilemma for this position: on the one hand, the date needs to be early enough for the letter to be have been accepted as Pauline ... [on] the other hand, the date and destination need to be such that the author could be confident that no contemporary of 1 Thessalonians ... could have exposed 2 Thessalonians as a ... forgery.'. pp. 5\u20136 Another scholar who argues for the authenticity of this letter is Jerome Murphy-O'Connor. Admitting that there are stylistic problems between \"Second Thessalonians\" and \"First Thessalonians\", he argues that part of", + "score": 0.7060546875 + }, + { + "id": "391661", + "title": "Second Epistle to the Thessalonians", + "text": "early Christian writers for his authorship of Second Thessalonians than for First Thessalonians. The epistle was included in Marcion's canon and the Muratorian fragment; it was mentioned by name by Irenaeus, and quoted by Ignatius, Justin, and Polycarp. G. Milligan observed that a church which possessed an authentic letter of Paul would be unlikely to accept a fake addressed to them. So also Colin Nicholl who has put forward a substantial argument for the authenticity of Second Thessalonians. He points out that 'the pseudonymous view is ... more vulnerable than most of its advocates conceded. ... The lack of consensus", + "score": 0.70458984375 + }, + { + "id": "391658", + "title": "Second Epistle to the Thessalonians", + "text": "see as differences in style and theology between this and the First Epistle to the Thessalonians. Scholars who support its authenticity view it as having been written around 51\u201352 AD, shortly after the First Epistle. Those who see it as a later composition, assign a date of around 80\u2013115 AD. The authenticity of this epistle is still in widespread dispute. As Professor Ernest Best, New Testament scholar, explains the problem; The structures of the two letters (to which Best refers) include opening greetings (\"1 Thess.\" 1:1, \"2 Thess.\" 1:1\u20132) and closing benedictions (\"1 Thess.\" 5:28, \"2 Thess.\" 3:16d\u201318) which frame", + "score": 0.703125 + }, + { + "id": "4259887", + "title": "Pastoral epistles", + "text": "Johnson asserts the impossibility of demonstrating the authenticity of the Pastoral Letters. On the basis of their language, content, and other factors, the pastoral epistles are today widely regarded as not having been written by Paul, but after his death. (The Second Epistle to Timothy, however, is sometimes thought to be more likely than the other two to have been written by Paul.) Beginning with Friedrich Schleiermacher in a letter published in 1807, biblical textual critics and scholars examining the texts fail to find their vocabulary and literary style similar to Paul's unquestionably authentic letters, fail to fit the life", + "score": 0.703125 + }, + { + "id": "127081", + "title": "Epistle to Titus", + "text": "the pastoral epistles, but it is considered pseudepigraphic by about 80% of scholars. Titus is usually one of the three Pastoral epistles attributed to Paul. Titus has a very close affinity with 1 Timothy, sharing similar phrases and expressions and similar subject matter. The author of \"Titus\" identifies himself as \"Paul, a servant of God and an apostle of Jesus Christ.\" According to \"Easton's Bible Dictionary\" (1893), The Epistle was probably written about the same time as the First Epistle to Timothy, with which it has many affinities.\" Scholars who believe Paul wrote \"Titus\" date its composition from the circumstance", + "score": 0.70263671875 + }, + { + "id": "127068", + "title": "Epistle to the Colossians", + "text": "the same people (e.g., Timothy, Aristarchus, Archippus, Mark, Epaphras, Luke, Onesimus, and Demas) appear in both epistles, and both were written by Paul. Tychicus is named as the bearer of the letter, just as he is in Ephesians and Philemon, and he is to tell the recipients of the state of the apostle. After friendly greetings, he bids them exchange this letter with the one he had sent to the neighbouring Laodicean Church. (The Epistle to the Laodiceans was a possible lost letter of Paul which some scholars identify with the canonical Epistle to the Ephesians, others dispute this view.)", + "score": 0.701171875 + }, + { + "id": "18672947", + "title": "1 Timothy 2", + "text": "1 Timothy 2 1 Timothy 2 is the second chapter of the First Epistle to Timothy in the New Testament of the Christian Bible. It is authored by Paul the Apostle. This chapter can be grouped (with cross references to other parts of the Bible): New King James Version &c,] They may teach in private, in their own houses and families; they are to be teachers of good things, ( Titus 2:3 ) . They are to bring up their children in the nurture and admonition of the Lord; nor is the law or doctrine of a mother to be", + "score": 0.7001953125 + }, + { + "id": "18445020", + "title": "1 Corinthians 2", + "text": "1 Corinthians 2 1 Corinthians 2 is the second chapter of the First Epistle to the Corinthians in the New Testament of the Christian Bible. It is authored by Paul the Apostle and Sosthenes in Ephesus. The New King James Version organises this chapter as follows: recounts Paul's departure from Athens and his arrival in Corinth. The writer of the Acts of the Apostles states that Paul \"testified to the Jews that Jesus is the Christ, but when [the Jews] opposed him and blasphemed, [Paul] shook his garments and said to them, 'Your blood be upon your own heads; I", + "score": 0.69921875 + }, + { + "id": "4281796", + "title": "Authorship of the Pauline epistles", + "text": "Clement's work [(150\u2013215 AD)] citations of all the books of the New Testament with the exception of Philemon, James, 2 Peter, and 2 and 3 John.\" The earliest extant canon containing Paul's letters is from the 2nd century: Authorship of the Pauline epistles The Pauline epistles are the fourteen books in the New Testament traditionally attributed to Paul the Apostle, although many dispute the anonymous Epistle to the Hebrews as being a Pauline epistle. There is nearly universal consensus in modern New Testament scholarship on a core group of authentic Pauline epistles whose authorship is rarely contested: Romans, 1 and", + "score": 0.69873046875 + }, + { + "id": "4281770", + "title": "Authorship of the Pauline epistles", + "text": "accepted only four of the letters bearing Paul's name as genuine, which he called the \"Hauptebriefe\" (Romans, 1 & 2 Corinthians, and Galatians). Hilgenfeld (1875) and H. J. Holtzmann (1885) instead accepted the seven letters listed above, adding Philemon, 1 Thessalonians, and Philippians. Few scholars have argued against this list of seven epistles, which all share common themes, emphasis, vocabulary and style. They also exhibit a uniformity of doctrine concerning the Mosaic Law, Christ, and faith. Although Colossians is witnessed by the same historical sources as the undisputed texts, Pauline authorship of Colossians has found some critics. It was originally", + "score": 0.6982421875 + }, + { + "id": "4281780", + "title": "Authorship of the Pauline epistles", + "text": "similarities are seen as subtle enough to make imitation an unnecessary hypothesis. Udo Schnelle argued that 2 Thessalonians was significantly different in style from the undisputed epistles, characterizing it as whole and narrow, rather than as a lively and abrupt discussion on a range of issues. Moreover, Alfred Loisy argued that it reflected knowledge of the synoptic gospels, which, according to the current scholarly consensus, had not been written when Paul wrote his epistles. Bart D. Ehrman viewed the insistence of genuineness within the letter and the strong condemnation of forgery at its start as ploys commonly used by forgers.", + "score": 0.69775390625 + }, + { + "id": "4281773", + "title": "Authorship of the Pauline epistles", + "text": "connection between the two epistles can be used by those on both sides of the Pauline vs. deutero-Pauline debate. To those who favor Pauline authorship of Colossians, this is evidence of same authorship; to those who do not, this, combined with the other evidence noted, is indicative of a skillful forger. The author of Ephesians claims to be Paul in the opening address, itself identical to those of Second Corinthians and Colossians. There were no doubts in the late-second century church that Paul wrote the epistle: it was quoted authoritatively by church fathers, including Tertullian, Clement of Alexandria, and Irenaeus,", + "score": 0.69677734375 + }, + { + "id": "302129", + "title": "New Testament", + "text": "hypotheses put forth in the last hundred years or so. Ben Witherington points out that linguistic evidence makes it unlikely that the books were written by the same person. The earliest works that became part of the New Testament are the letters of the Apostle Paul. The earliest of the books of the New Testament was First Thessalonians, an epistle of Paul, written probably in 51, or possibly Galatians in 49 according to one of two theories of its writing. In the 1830s German scholars of the T\u00fcbingen school tried to date the books as late as the 3rd century,", + "score": 0.6962890625 + }, + { + "id": "204322", + "title": "Irenaeus", + "text": "John the Apostle, and that the Gospel of Luke was written by Luke, the companion of Paul. Scholars contend that Irenaeus quotes from 21 of the 27 New Testament Texts: Matthew (\"Book 3, Chapter 16\") Mark (\"Book 3, Chapter 10\") Luke (\"Book 3, Chapter 14\") John (\"Book 3, Chapter 11\") Acts of the Apostles (\"Book 3, Chapter 14\") Romans (\"Book 3, Chapter 16\") 1 Corinthians (\"Book 1, Chapter 3\") 2 Corinthians (\"Book 3, Chapter 7\") Galatians (\"Book 3, Chapter 22\") Ephesians (\"Book 5, Chapter 2\") Philippians (\"Book 4, Chapter 18\") Colossians (\"Book 1, Chapter 3\") 1 Thessalonians (\"Book 5, Chapter", + "score": 0.6962890625 + }, + { + "id": "18445026", + "title": "1 Corinthians 2", + "text": "the Gospel, but of all true believers; and therefore want no instruction, as they can have none from the natural man; though chiefly of the former, whereby they were abundantly qualified for the further instruction even of spiritual men. 1 Corinthians 2 1 Corinthians 2 is the second chapter of the First Epistle to the Corinthians in the New Testament of the Christian Bible. It is authored by Paul the Apostle and Sosthenes in Ephesus. The New King James Version organises this chapter as follows: recounts Paul's departure from Athens and his arrival in Corinth. The writer of the Acts", + "score": 0.6962890625 + }, + { + "id": "18420949", + "title": "1 Corinthians 1", + "text": "1 Corinthians 1 1 Corinthians 1 is the first chapter of the First Epistle to the Corinthians in the New Testament of the Christian Bible. It was sent by Paul the Apostle and Sosthenes from Ephesus to the church in Corinth. The New King James Version organises this chapter as follows: New King James Version Most English translations refer to Sosthenes as \"our brother\", but the actual text reads , \"Sosthenes ho adelphos\", which literally means \"Sosthenes \"the\" brother\". - \"I, Paul, write this greeting in my own hand\" - suggests that the majority of the letter may have actually", + "score": 0.6962890625 + }, + { + "id": "13914768", + "title": "Authorship of the Petrine epistles", + "text": "which he identified as . Finally, some scholars have proposed that differences in style could be explained by Peter having employed different amanuenses (secretaries) for each epistle, or if Peter wrote the second letter himself, while using Silvanus (Silas) as an amanuensis for the first. Most scholars believe that 1 Peter and 2 Peter were not written by the same author(s). 1 Peter is essentially traditional, drawing on key Psalms, key chapters of Isaiah, and wisdom sayings, some of which are found elsewhere in the New Testament. 2 Peter, however, favors a more allusive style and is dependent on more", + "score": 0.69580078125 + }, + { + "id": "145590", + "title": "First Epistle to the Corinthians", + "text": "First Epistle to the Corinthians The First Epistle to the Corinthians (), usually referred to simply as First Corinthians and often written 1 Corinthians, is one of the Pauline epistles of the New Testament of the Christian Bible. The epistle says that Paul the Apostle and \"Sosthenes our brother\" wrote it to \"the church of God which is at Corinth\" although the scholarly consensus holds that Sosthenes was the amanuensis who wrote down the text of the letter at Paul's direction. Called \"a masterpiece of pastoral theology\", it addresses various issues that had arisen in the Christian community at Corinth.", + "score": 0.69580078125 + }, + { + "id": "302125", + "title": "New Testament", + "text": "identifies himself in the opening verse as \"Peter, an apostle of Jesus Christ\", and the view that the epistle was written by St. Peter is attested to by a number of Church Fathers: Irenaeus (140\u2013203), Tertullian (150\u2013222), Clement of Alexandria (155\u2013215) and Origen of Alexandria (185\u2013253). Unlike The Second Epistle of Peter, the authorship of which was debated in antiquity, there was little debate about Peter's authorship of this first epistle until the 18th century. Although 2 Peter internally purports to be a work of the apostle, many biblical scholars have concluded that Peter is not the author. For an", + "score": 0.6953125 + }, + { + "id": "388654", + "title": "Second Epistle of John", + "text": "Second Epistle of John The Second Epistle of John, often referred to as Second John and often written 2 John or II John, is a book of the New Testament attributed to John the Evangelist, traditionally thought to be the author of the Gospel of John and the other two epistles of John. The language of this epistle is remarkably similar to 3 John. It is therefore suggested by a few that a single author composed both of these letters. The traditional view contends that all the letters are by the hand of John the Apostle, and the linguistic structure,", + "score": 0.69482421875 + }, + { + "id": "4281783", + "title": "Authorship of the Pauline epistles", + "text": "a ... forgery.' The First Epistle to Timothy, the Second Epistle to Timothy, and the Epistle to Titus are often referred to as the \"Pastoral Epistles\" and are the most disputed of all the epistles ascribed to Paul. Despite this, these epistles were accepted as genuine by many, perhaps most of the ante-Nicene Church Fathers. Some scholars have argued that the letters were certainly accepted as Pauline by the time of Irenaeus. They were also included in the Muratorian fragment. According to Jerome, the gnostic Christian Basilides also rejected these epistles, and Tatian, while accepting Titus, rejected other Pauline epistles.", + "score": 0.6943359375 + }, + { + "id": "11647794", + "title": "Ancient Corinth", + "text": "in the late winter, and there wrote his Epistle to the Romans. Based on clues within the Corinthian epistles themselves, some scholars have concluded that Paul wrote possibly as many as four epistles to the church at Corinth. Only two are contained within the Christian canon (First and Second Epistles to the Corinthians); the other two letters are lost. (The lost letters would probably represent the very first letter that Paul wrote to the Corinthians and the third one, and so the First and Second Letters of the canon would be the second and the fourth if four were written.)", + "score": 0.69384765625 + }, + { + "id": "391664", + "title": "Second Epistle to the Thessalonians", + "text": "how Paul drew attention to the authenticity of the letter by signing it himself: \"I, Paul, write this greeting with my own hand, which is how I write in every letter.\". Bruce Metzger writes, \"Paul calls attention to his signature, which was added by his own hand as a token of genuineness to every letter of his (3:17).\" Other scholars who hold to authenticity include Beale, Green, Jones, Morris, and Witherington. At least as early as 1798, when J.E.C. Schmidt published his opinion, Paul's authorship of this epistle was questioned. More recent challenges to this traditional belief came from scholars", + "score": 0.69384765625 + }, + { + "id": "9540443", + "title": "Second Epistle of Clement", + "text": "Second Clement is actually a sermon written around 95\u2013140 CE by an anonymous author, one who was neither the author of 1 Clement nor Clement of Rome. Nonetheless, scholars still generally refer to the work by its traditional name \"Second Clement\". 2 Clement appears to be a transcript of a homily or sermon that was originally delivered orally at a Christian worship service. For example, in ch. 19 the speaker announces that he will read aloud from scripture \u2013 something one would only expect to find in a transcript of an oral sermon. Similarly, whereas an epistle would typically begin", + "score": 0.693359375 + }, + { + "id": "327781", + "title": "Paul the Apostle", + "text": "crucifixion, Christ's resurrection and the Parousia or second coming of Christ. E. P. Sanders finds three major emphases in Paul's writings: Sanders concludes that Paul's writings reveal what he calls the essence of the Christian message: Seven of the 13 letters that bear Paul's name \u2013 Romans, 1 Corinthians, 2 Corinthians, Galatians, Philippians, 1 Thessalonians and Philemon \u2013 are almost universally accepted as being entirely authentic (dictated by Paul himself). They are considered the best source of information on Paul's life and especially his thought. Four of the letters (Ephesians, 1 and 2 Timothy and Titus) are widely considered pseudepigraphical,", + "score": 0.693359375 + }, + { + "id": "13914764", + "title": "Authorship of the Petrine epistles", + "text": "the Lord revealed to him the approach of his own death (), that he was an eyewitness of the Transfiguration (), that he had previously written another epistle to the same audience (; cf. 1 Peter), and he called Paul the Apostle \u201cour beloved brother\u201d (). Although 2 Peter internally purports to be a work of the apostle, most biblical scholars have concluded that Peter is not the author, and instead consider the epistle pseudepigraphical. Reasons for this include its linguistic differences from 1 Peter, its apparent use of Jude, possible allusions to 2nd-century gnosticism, encouragement in the wake of", + "score": 0.6923828125 + }, + { + "id": "18705250", + "title": "2 Timothy 4", + "text": "2 Timothy 4 2 Timothy 4 is the fourth (and the last) chapter of the Second Epistle to Timothy in the New Testament of the Christian Bible. It is authored by Paul the Apostle and addressed to Saint Timothy. This chapter can be grouped (with cross references to other parts of the Bible): New King James Version New King James Version New King James Version The beloved physician, who wrote the Gospel that bears his name, and \"the Acts of the Apostles\", and was a constant companion of Paul's in his travels and sufferings: who might be at Ephesus, or", + "score": 0.69189453125 + }, + { + "id": "127084", + "title": "Epistle to Titus", + "text": "were written by Paul and believe that they were written after his death. Critics claim the vocabulary and style of the Pauline letters could not have been written by Paul according to available biographical information and reflect the views of the emerging Church rather than the apostle's. These scholars date the epistle from the 80s AD up to the end of the 2nd century. The Church of England's Common Worship Lectionary Scripture Commentary concurs with this view: \"the proportioning of the theological and practical themes is one factor that leads us to think of these writings as coming from the", + "score": 0.6904296875 + }, + { + "id": "18375363", + "title": "Romans 1", + "text": "Romans 1 Romans 1 is the first chapter of the Epistle to the Romans in the New Testament of the Christian Bible. It is authored by Paul the Apostle, but written by an amanuensis, Tertius, while Paul was in Corinth, in winter of AD 57-58. records that Paul stayed in Greece, probably Corinth, for three months. Paul wrote to the Roman Christians in order to give them a substantial resume of his theology. The New King James Version organises this chapter as follows: The letter is addressed \"to all in Rome who are loved by God and called to be", + "score": 0.68994140625 + }, + { + "id": "4493614", + "title": "Acts of Paul and Thecla", + "text": "Acts of Paul and Thecla The Acts of Paul and Thecla (\"Acta Pauli et Theclae\") is an apocryphal story\u2013Edgar J. Goodspeed called it a \"religious romance\"\u2013of Paul the apostle's influence on a young virgin named Thecla. It is one of the writings of the New Testament apocrypha. It is attested no earlier than Tertullian, \"De baptismo\" 17:5 (\"c\" 190), who says that a presbyter from Asia wrote the \"History of Paul and Thecla\", and was deposed by John the Apostle after confessing that he wrote it. Tertullian inveighed against its use in the advocacy of a woman's right to preach", + "score": 0.689453125 + }, + { + "id": "15577815", + "title": "Saint Peter", + "text": "references to 2 Peter among the early Church Fathers. Daniel B. Wallace (who maintains that Peter was the author) writes that, for many scholars, \"the issue of authorship is already settled, at least negatively: the apostle Peter did not write this letter\" and that \"the vast bulk of NT scholars adopts this perspective without much discussion\". However, he later states, \"Although a very strong case has been made against Petrine authorship of 2 Peter, we believe it is deficient... Taken together, these external and internal arguments strongly suggest the traditional view, viz., that Peter was indeed the author of the", + "score": 0.6884765625 + }, + { + "id": "127266", + "title": "Epistle to the Romans", + "text": "cited as Paul's. Every extant early list of NT books includes it among his letters. The external evidence of authenticity could indeed hardly be stronger; and it is altogether borne out by the internal evidence, linguistic, stylistic, literary, historical and theological. The letter was most probably written while Paul was in Corinth, probably while he was staying in the house of Gaius, and transcribed by Tertius, his amanuensis. There are a number of reasons why Corinth is considered most plausible. Paul was about to travel to Jerusalem on writing the letter, which matches Acts where it is reported that Paul", + "score": 0.68798828125 + }, + { + "id": "18654063", + "title": "1 Thessalonians 5", + "text": "1 Thessalonians 5 1 Thessalonians 5 is the fifth (and the last) chapter of the First Epistle to the Thessalonians in the New Testament of the Christian Bible. It is authored by Paul the Apostle, Silas, and Saint Timothy. This chapter can be grouped (with cross references to other parts of the Bible): New King James Version With great exactness and accuracy, with great clearness and perspicuity, as a certain truth, which was made plain and evident to them, and about which there could be no question; and which perfect knowledge they had, either from the words of Christ, (", + "score": 0.6875 + }, + { + "id": "13816323", + "title": "Paul the Apostle and women", + "text": "\"pastoral letters\" has come into question. There are a wide variety of opinions as what extent, if any, Paul either wrote or influenced their composition. If Paul wrote them, the date of composition is likely 63\u201367; if not their date may be as late as the early second century. While acknowledging a degree of patriarchalism in Paul, according to Bernard Robinson, former Lecturer in Sacred Scripture at Ushaw College, Durham, most scholars think that Paul is not the author; and that 1 Timothy probably comes from the end of first century, at a time when the church had become somewhat", + "score": 0.6865234375 + }, + { + "id": "418394", + "title": "Third Epistle of John", + "text": "authority of 3 John, however, with Eusebius listing it and 2 John as \"disputed books\" despite describing them as \"well-known and acknowledged by most\". Although Eusebius believed the Apostle wrote the Gospel and the epistles, it is likely that doubt about the fidelity of the author of 2 and 3 John was a factor in causing them to be disputed. By the end of the fourth century the Presbyter (author of 2 and 3 John) was thought to be a different person than the Apostle John. This opinion, although reported by Jerome, was not held by all, as Jerome himself", + "score": 0.6865234375 + }, + { + "id": "18654016", + "title": "1 Thessalonians 3", + "text": "your faith, being willing to know how it stood, since they left them, as in (1 Thessalonians 3:5). 1 Thessalonians 3 1 Thessalonians 3 is the third chapter of the First Epistle to the Thessalonians in the New Testament of the Christian Bible. It is authored by Paul the Apostle, Silas, and Saint Timothy. This chapter can be grouped (with cross references to other parts of the Bible): New King James Version In a spiritual relation, having the same heavenly Father, and belonging to the same Jerusalem, which is free, and the mother of us all; of the same household", + "score": 0.68603515625 + }, + { + "id": "13670199", + "title": "Authorship of Luke\u2013Acts", + "text": "of Luke as a physician comes from Colossians 4:14, but Colossians is believed by many New Testament scholars to be pseudonymous (i.e. written under a false name), although just as many believe it an authentic writing of Paul, likely by means of an amanuensis. 2 Timothy 4:11 also mentions a \"Luke\" and refers to him being \"with me\" but most modern scholars do not accept 2 Timothy as an authentic letter of Paul either. In the \"\"we\" passages\", the narrative is written in the first person plural but the author never refers to himself as \"I\" or \"me\". Some regard", + "score": 0.68505859375 + }, + { + "id": "49816", + "title": "Book of Revelation", + "text": "of the Book of Revelation persisted in the East through the 15th century. Dionysius (248 AD), bishop of Alexandria, disciple of Origen wrote that the Book of Revelation could have been written by Cerinthus although he himself did not adopt the view that Cerinthus was the writer. He regarded the Apocalypse as the work of an inspired man but not of an Apostle \"(Eusebius, Church History VII.25)\". Eusebius, in his Church History (c. 330 AD) mentioned that the Apocalypse of John was accepted as a Canonical book and rejected at the same time: The Apocalypse of John, also called Revelation,", + "score": 0.68505859375 + }, + { + "id": "145597", + "title": "First Epistle to the Corinthians", + "text": "Stephanas and his two friends who had visited Paul (1:11; 16:17). Paul then wrote this letter to the Corinthians, urging uniformity of belief (\"that ye all speak the same thing and that there be no divisions among you\", 1:10) and expounding Christian doctrine. Titus and a brother whose name is not given were probably the bearers of the letter to the church at Corinth (2 Corinthians 2:13; 8:6, 16\u201318). In general, divisions within the church at Corinth seem to be a problem, and Paul makes it a point to mention these conflicts in the beginning. Specifically, pagan roots still hold", + "score": 0.68408203125 + }, + { + "id": "4932523", + "title": "Second Epistle to Timothy", + "text": "Second Epistle to Timothy In the New Testament, the Second Epistle of Paul to Timothy, usually referred to simply as Second Timothy and often written 2 Timothy or II Timothy, is one of the three Pastoral Epistles traditionally attributed to Saint Paul. The three epistles are called \"pastoral\" because they relate to the conduct of church leaders, thought of as pastors (literally shepherds). It is traditionally considered to be the last epistle he wrote before his death. It is addressed to Timothy, a fellow missionary. The Epistle advocates endurance as the main quality for a preacher of the gospel. As", + "score": 0.68408203125 + }, + { + "id": "4259893", + "title": "Pastoral epistles", + "text": "a date in this mid range can draw on the description in 2 Timothy 1:5 of Timothy's Christian mother and grandmother who passed on their faith, as alluding to the original audience being third generation Christians. Pastoral epistles The pastoral epistles are three books of the canonical New Testament: the First Epistle to Timothy (1 Timothy) the Second Epistle to Timothy (2 Timothy), and the Epistle to Titus. They are presented as letters from Paul the Apostle to Timothy and to Titus. They are generally discussed as a group (sometimes with the addition of the Epistle to Philemon) and are", + "score": 0.68408203125 + }, + { + "id": "4259881", + "title": "Pastoral epistles", + "text": "Pastoral epistles The pastoral epistles are three books of the canonical New Testament: the First Epistle to Timothy (1 Timothy) the Second Epistle to Timothy (2 Timothy), and the Epistle to Titus. They are presented as letters from Paul the Apostle to Timothy and to Titus. They are generally discussed as a group (sometimes with the addition of the Epistle to Philemon) and are given the title pastoral because they are addressed to individuals with pastoral oversight of churches and discuss issues of Christian living, doctrine and leadership. The term \"pastorals\" was popularized in 1703 by D. N. Berdot and", + "score": 0.68408203125 + }, + { + "id": "302102", + "title": "New Testament", + "text": "and holy letters, written by the apostles and disciples of Christ, to either local congregations with specific needs, or to New Covenant Christians in general, scattered about; or \"Catholic Epistles.\" The Pauline epistles are the thirteen New Testament books that present Paul the Apostle as their author. Six of the letters are disputed. Four are thought by most modern scholars to be pseudepigraphic, i.e., not actually written by Paul even if attributed to him within the letters themselves. Opinion is more divided on the other two disputed letters (2 Thessalonians and Colossians). These letters were written to Christian communities in", + "score": 0.68310546875 + }, + { + "id": "2791219", + "title": "Norman Porteous", + "text": "panel of translators of the \"New English Bible\" and latterly Dean of the University of Edinburgh, where he was also Senior \"Professor Emeritus\"; he may also have been its oldest graduate. In 1965, Porteous postulated that an anonymous writer wrote the Book of Daniel during the persecution under Antiochus IV Epiphanes. According to this theory the anonymous author attributed events that were witnessed by this writer in the 2nd century BCE to Daniel as prophecies. Paul Roche agreed with Porteous. since the writer's incomplete and erroneous view of historical details in the second half of the sixth century support the", + "score": 0.68310546875 + }, + { + "id": "13914771", + "title": "Authorship of the Petrine epistles", + "text": "Christians presumes that they were sure that Peter wrote it. In the end, Carson and Moo point to the controversy reflective of this issue, stating, \"We are therefore left with the choice of accepting the letter's \"prima facie\" claim to have been written by the apostle Peter or viewing it as a forgery hardly deserving of canonical status.\" Authorship of the Petrine epistles The authorship of the Petrine epistles (First and Second Peter) is an important question in biblical criticism, parallel to that of the authorship of the Pauline epistles, since scholars have long sought to determine who were the", + "score": 0.68310546875 + }, + { + "id": "13914769", + "title": "Authorship of the Petrine epistles", + "text": "obscure sources. The great majority of scholars agree that Peter could not have written this letter. For example, textual critic Daniel Wallace (who maintains that Peter was the author) writes that, for most experts, \"the issue of authorship is already settled, at least negatively: the apostle Peter did not write this letter\" and that \"the vast bulk of NT scholars adopts this perspective without much discussion\" Werner K\u00fcmmel exemplifies this position, stating, \"It is certain, therefore, that 2 Pet does not originate with Peter, and this is today widely acknowledged\", as does Stephen L Harris, who states that \"[v]irtually no", + "score": 0.68212890625 + }, + { + "id": "2384612", + "title": "Cerinthus", + "text": "Cerinthus may be the alleged recipient of the Apocryphon of James (codex I, text 2 of the Nag Hammadi library), although the name written is largely illegible. A late second century heretical Christian sect (later dubbed the \"Alogi\") headed by Caius of Rome alleged Cerinthus was the true author of the Gospel of John and Book of Revelation. According to Catholic Encyclopedia: Caius: \"Additional light has been thrown on the character of Caius's dialogue against Proclus by Gwynne's publication of some fragments from the work of Hippolytus \"Contra Caium\" (Hermathena, VI, p. 397 sq.); from these it seems clear that", + "score": 0.681640625 + }, + { + "id": "388663", + "title": "Second Epistle of John", + "text": "was likewise never referred to by name in John's gospel. Such an interpretation would assume a much earlier date of composition than modern scholars have suggested. Online translations of the Second Epistle of John: Online articles on the Second Epistle of John: Second Epistle of John The Second Epistle of John, often referred to as Second John and often written 2 John or II John, is a book of the New Testament attributed to John the Evangelist, traditionally thought to be the author of the Gospel of John and the other two epistles of John. The language of this epistle", + "score": 0.68115234375 + }, + { + "id": "2384613", + "title": "Cerinthus", + "text": "Caius maintained that the Apocalypse of John was a work of the Gnostic Cerinthus.\" The Book of Revelation (Apocalypse) is unanimously attributed to John by the early Christians before that time; third century theologian Tertullian indicates that all John's foster churches (i.e., the churches of Asia Minor) when traced back to the beginning all rested on the Apostle John as its author, and that it receives the same recognition in all the other churches. Irenaeus makes consistent remarks. Cerinthus is featured in \"John's Story: The Last Eyewitness\", part of Christian writer Tim LaHaye's \"The Jesus Chronicles\". In the book Cerinthus,", + "score": 0.68115234375 + }, + { + "id": "18654044", + "title": "1 Thessalonians 4", + "text": "1 Thessalonians 4 1 Thessalonians 4 is the fourth chapter of the First Epistle to the Thessalonians in the New Testament of the Christian Bible. It is authored by Paul the Apostle, Silas, and Saint Timothy. This chapter can be grouped (with cross references to other parts of the Bible): New King James Version New King James Version (See Gill on 1 Thessalonians 4:15). suddenly, in a moment, in the twinkling of an eye, and with force and power; by the power of Christ, and by the ministry and means of the holy angels; and to which rapture will contribute,", + "score": 0.68115234375 + }, + { + "id": "505944", + "title": "John the Apostle", + "text": "has been debated since about the year 200. In his \"Ecclesiastical History\", Eusebius says that the First Epistle of John and the Gospel of John are widely agreed upon as his. However, Eusebius mentions that the consensus is that the second and third epistles of John are not his but were written by some other John. Eusebius also goes to some length to establish with the reader that there is no general consensus regarding the revelation of John. The revelation of John could only be what is now called the Book of Revelation. The Gospel according to John differs considerably", + "score": 0.6806640625 + }, + { + "id": "505950", + "title": "John the Apostle", + "text": "Patmos, during the persecutions under Emperor Domitian. Revelation 1:9 says that the author wrote the book on Patmos: \u201cI, John, both your brother and companion in tribulation... was on the island that is called Patmos for the word of God and for the testimony of Jesus Christ.\u201d Adela Yarbro Collins, a biblical scholar at Yale Divinity School, writes: Some modern higher critical scholars have raised the possibility that John the Apostle, John the Evangelist, and John of Patmos were three separate individuals. These scholars assert that John of Patmos wrote Revelation but neither the Gospel of John nor the Epistles", + "score": 0.6806640625 + } + ], + "answer": "The First Epistle to the Thessalonians, commonly referred to as First Thessalonians or 1 Thessalonians, is a Pauline epistle of the New Testament of the Christian Bible that is attributed to Paul the Apostle. The Second Epistle to the Thessalonians, commonly referred to as Second Thessalonians or 2 Thessalonians is a book from the New Testament of the Christian Bible is traditionally attributed to Paul the Apostle, with Timothy as a co-author. Many modern scholars agree with New Testament Scholar Ehrman that 2 Thessalonians was not written by Paul but by an associate or disciple after his death." + }, + { + "qa_pairs": [ + { + "context": "The Android beta version of \"Fortnite\" was released on August 9, 2018 with a time-exclusivity for selected Samsung mobile devices until August 12, 2018. On August 13, 2018, Epic began sending invites for the Android version to registered users for non-Samsung devices, and by October 11, 2018, the Android client was made available to all without an invite.", + "question": "When is fortnite battle royale beta version being released on android for samsung devices exclusively?", + "short_answers": [ + "August 9, 2018" + ], + "wikipage": "Fortnite Battle Royale" + }, + { + "context": "The Android beta version of \"Fortnite\" was released on August 9, 2018 with a time-exclusivity for selected Samsung mobile devices until August 12, 2018. On August 13, 2018, Epic began sending invites for the Android version to registered users for non-Samsung devices, and by October 11, 2018, the Android client was made available to all without an invite.", + "question": "When is fortnite battle royale beta version being released on android for non-Samsung devices?", + "short_answers": [ + "August 13, 2018" + ], + "wikipage": "Fortnite Battle Royale" + }, + { + "context": "The Android beta version of \"Fortnite\" was released on August 9, 2018 with a time-exclusivity for selected Samsung mobile devices until August 12, 2018. On August 13, 2018, Epic began sending invites for the Android version to registered users for non-Samsung devices, and by October 11, 2018, the Android client was made available to all without an invite.", + "question": "When is fortnite battle royale being released on android to all without an invite?", + "short_answers": [ + "October 11, 2018" + ], + "wikipage": "Fortnite Battle Royale" + } + ], + "wikipages": [ + { + "title": "Fortnite Battle Royale", + "url": "https://en.wikipedia.org/wiki/Fortnite%20Battle%20Royale" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Fortnite Battle Royale is a free-to-play battle royale video game developed and published by Epic Games. ", + "wikipage": "Fortnite Battle Royale" + }, + { + "content": "Epic Games, Inc. is an American video game and software developer and publisher based in Cary, North Carolina.", + "wikipage": "Epic Games" + } + ], + "long_answer": "The Android beta version of \"Fortnite Battle Royale\" was released on August 9, 2018 with a time-exclusivity for selected Samsung mobile devices until August 12, 2018. On August 13, 2018, American video game publisher Epic began sending invites for the Android version to registered users for non-Samsung devices, and by October 11, 2018, the Android client was made available to all without an invite." + }, + { + "knowledge": [ + { + "content": "Fortnite Battle Royale is a free-to-play battle royale video game developed and published by Epic Games. It is a companion game to Fortnite: Save the World, a cooperative survival game with construction elements. It was initially released in early access on September 26, 2017, for Microsoft Windows, macOS, PlayStation 4, and Xbox One, followed by ports for iOS,[b] Android,[b] and Nintendo Switch the following year.", + "wikipage": "Fortnite Battle Royale" + } + ], + "long_answer": "Fortnite Battle Royale is a free-to-play battle royale video game developed and published by Epic Games. Since its initial release on September 26, 2017, the game has been ported to numerous devices, including iOS, Android, and Nintendo Switch. The Android beta version of Fortnite was released on August 9, 2018 with a time-exclusivity for selected Samsung mobile devices. On August 13, 2018, the beta version opened up to non-Samsung devices. On October 11, 2018, Fortnite opened to all Android users, no invite required." + } + ], + "sample_id": "-3675478481857186593", + "question": "When is fortnite battle royale being released on android?", + "docs": [ + { + "id": "20621484", + "title": "Fortnite Battle Royale", + "text": "game will be compatible with as many Android devices as possible, a task that is not easily accomplished due to the high variety of Android hardware. The Android beta version of \"Fortnite\" was released on August 9, 2018 with a time-exclusivity for selected Samsung mobile devices until August 12, 2018. On August 13, 2018, Epic began sending invites for the Android version to registered users for non-Samsung devices, and by October 11, 2018, the Android client was made available to all without an invite. Epic distributed the Android \"Fortnite Battle Royale\" app directly from its website rather than through the", + "score": 0.8388671875, + "summary": "The Android beta version of Fortnite Battle Royale was released on August 9, 2018 with time-exclusivity for selected Samsung mobile devices until August 12, 2018. The Android client was made available to all without an invite by October 11, 2018.", + "extraction": "The Android beta version of \"Fortnite\" was released on August 9, 2018 with a time-exclusivity for selected Samsung mobile devices until August 12, 2018. On August 13, 2018, Epic began sending invites for the Android version to registered users for non-Samsung devices, and by October 11, 2018, the Android client was made available to all without an invite." + }, + { + "id": "20621483", + "title": "Fortnite Battle Royale", + "text": "through the Switch console. In March 2018, Epic announced it was making \"Fortnite Battle Royale\" for Android and iOS mobile devices. The iOS version was released first, and was expected to be followed by the Android version by mid-2018. The beta version for iOS devices launched on March 15, 2018, and opened to all players on April 2, 2018. Epic Games stated that it was not possible to release the Android version with the iOS version simultaneously, and declined to provide a concrete release date for it, because the developers wanted to spend a few months making sure that the", + "score": 0.8291015625, + "summary": "The Android release date for Fortnite Battle Royale has not been announced, but was expected to be released mid-2018 after the release of the iOS version.", + "extraction": "The Android version of \"Fortnite Battle Royale\" was expected to be released by mid-2018, but a concrete release date was not provided." + }, + { + "id": "2922249", + "title": "Epic Games", + "text": "Edition\" on April 7, 2017, published by Gearbox Software. By July 2017, \"Fortnite\" was finally in a state for public play. Epic launched the title through a paid early access then, with a full free-to-play release expected in 2018. Following on the popularity of \"PlayerUnknown's Battlegrounds\", a battle royale game released earlier in 2017, Epic developed a variant of \"Fortnite\" called \"Fortnite Battle Royale\", which was released in September 2017 as a free-to-play title across computer, console, and mobile platforms. \"Fortnite Battle Royale\" quickly gained an audience, amassing over 125 million players by May 2018 with estimates of having earned", + "score": 0.77197265625, + "summary": "\"Fortnite Battle Royale\" was released on mobile platforms in September 2017. No specific release date for the Android version is mentioned.", + "extraction": "\"Fortnite Battle Royale\" was released in September 2017 as a free-to-play title across computer, console, and mobile platforms." + }, + { + "id": "20621490", + "title": "Fortnite Battle Royale", + "text": "means to merge multiple Epic accounts as well as unlinking console accounts from an Epic account to attach to another are planned for release in November 2018. Solo mobile players, or squads entirely consisting of mobile players will play solely with other mobile players by default for fairness; players however can use cross-platform play to join squads on other platforms, and matchmaking will consider all available matches. In May 2018, Epic announced a partnership with sports apparel manufacturing company IMG to produce official \"Fortnite\"-themed clothing. A Hasbro-licensed \"Fortnite Battle Royale\"-themed version of \"Monopoly\" was announced for release by late 2018;", + "score": 0.77001953125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "20785601", + "title": "Fortnite", + "text": "first two game modes were released in 2017 as early access titles and \"Creative\" was released on December 6, 2018. \"Save the World\" is available only for Windows, macOS, PlayStation 4, and Xbox One, while \"Battle Royale\" has been released for those platforms in addition for Nintendo Switch, iOS and Android devices. While the first two games have been successful for Epic Games, \"Fortnite Battle Royale\" became a resounding success, drawing in more than 125 million players in less than a year, and earning hundreds of millions of dollars per month, and since has been a cultural phenomenon. Currently, \"Fortnite\"", + "score": 0.76416015625, + "summary": "\"Battle Royale\" has been released for iOS and Android devices. However, the document does not provide a specific release date for the Android version.", + "extraction": "\"Battle Royale\" has been released for those platforms in addition for Nintendo Switch, iOS and Android devices." + }, + { + "id": "20621459", + "title": "Fortnite Battle Royale", + "text": "Fortnite Battle Royale Fortnite Battle Royale is a free-to-play battle royale video game developed and published by Epic Games. It was released as an early access game for Microsoft Windows, macOS, PlayStation 4 and Xbox One in September 2017, and for iOS, Nintendo Switch, and Android in 2018. It is a spin-off from Epic's \"\", a cooperative survival game with construction elements. As a battle royale game, \"Fortnite Battle Royale\" features up to a hundred players, either alone, in duos, or in squads of up to four players, attempting to be the last player or group alive by killing other", + "score": 0.7626953125, + "summary": "Fortnite Battle Royale was released on Android in 2018.", + "extraction": "Fortnite Battle Royale was released for Android in 2018." + }, + { + "id": "20621486", + "title": "Fortnite Battle Royale", + "text": "Android release, there were at least 32 clones of the \"Fortnite\" installer on the Google Store, with half found to include malware. Epic's installer for Android does include a warning message following the install that users should re-enable security controls and warns users of only downloading content from trusted sources. The initial installer was found by Google to have a potential vector that would allow for malware to be installed, though this was patched within 48 hours of discovery and Epic did not believe anyone used the vector. The iOS version of \"Fortnite Battle Royale\" alone brought in an estimated", + "score": 0.748046875, + "summary": "The document mentions that there were clones of the Fortnite installer on the Google Store that included malware. While it discusses security concerns with the Android release, it does not provide information on when Fortnite Battle Royale will be released on Android. Therefore, the answer is irrelevant.", + "extraction": "The passage is irrelevant as it does not provide any information regarding the release date of Fortnite Battle Royale on Android." + }, + { + "id": "20621482", + "title": "Fortnite Battle Royale", + "text": "the Nintendo Switch video game console had been rumored in the week prior to the Electronic Entertainment Expo 2018 in June 2018. During the Nintendo Direct presentation, Nintendo and Epic Games announced the release of \"Fortnite Battle Royale\" for the Nintendo Switch, supporting cross-platform play with any other platform except the PlayStation 4; such users are able to carry over their inventory, Battle Pass status, and in-game currency between these platforms through their Epic user account. The game was released on June 12, 2018, the same day as the announcement. It is the first game to support direct voice chat", + "score": 0.7470703125, + "summary": "Irrelevant.", + "extraction": "Fortnite Battle Royale was released on June 12, 2018 for the Nintendo Switch. There is no information about its release on Android in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "20785608", + "title": "Fortnite", + "text": "earlier access, but then later decided to release it as a free game, \"Fortnite Battle Royale\", supported with microtransactions. This version quickly gained players, with over 10 million players during its first two weeks of release, and leading Epic to create separate teams to continue the \"Fortnite Battle Royale\" development apart from the \"Save the World\" mode, outside of common engine elements and art assets. This allowed \"Fortnite Battle Royale\" to expand to other platforms otherwise not supported by the \"Save the World\" mode, including iOS and Android mobile devices and the Nintendo Switch. A creative mode launched on December", + "score": 0.73779296875, + "summary": "Fortnite Battle Royale is available on iOS and Android mobile devices, but the document does not provide a specific release date for Android.", + "extraction": "\"Fortnite Battle Royale\" has been expanded to iOS and Android mobile devices. However, the passage does not provide a specific release date for the Android version, so the answer is \"irrelevant\"." + }, + { + "id": "20785607", + "title": "Fortnite", + "text": "\"Fortnite Battle Royale\", the player-versus-environment mode was distinguished as \"Save the World\". Near the same time that Epic released \"Fortnite\" into early access, \"PlayerUnknown's Battlegrounds\" had become a worldwide phenomenon, having sold over 5 million copies three months from its March 2017 release, and drawing strong interest in the battle royale genre. Epic recognized that with the \"Fortnite\" base game, they could also do a battle royale mode, and rapidly developed their own version atop \"Fortnite\" in about two months. By September 2017, Epic was ready to release this as a second mode from \"Save the World\" in the paid-for", + "score": 0.73779296875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "20024790", + "title": "PlayerUnknown's Battlegrounds", + "text": "title \"Fortnite\", a sandbox-based survival game that included the ability to construct fortifications, to include a battle royale mode that retained the fortification aspects. Known as \"Fortnite Battle Royale\", Epic later released it as a standalone free-to-play game in September 2017. Shorty after its release, Bluehole expressed concerns about the game, acknowledging that while they cannot claim ownership of the battle royale genre, they feared that since they had been working with Epic for technical support of the Unreal engine, that they may have had a heads-up on planned features they wanted to bring to \"Battlegrounds\" and could release it", + "score": 0.73681640625, + "summary": "Irrelevant.", + "extraction": "Fortnite Battle Royale was released as a standalone free-to-play game in September 2017. However, the passage does not provide an answer to the question of when it will be released on Android. Therefore, the extracted span is \"irrelevant\"." + }, + { + "id": "20621498", + "title": "Fortnite Battle Royale", + "text": "Battle Royale\" made over in February 2018, surpassing \"Battlegrounds\"s revenues for the same period of . SuperData estimated \"Fortnite\"s revenues over all platforms to exceed for the month of March. By April 2018, SuperData estimated that \"Fortnite Battle Royale\" had surpassed both sales and player count on all platforms over \"Battlegrounds\". The game generated in revenue in April, followed by in May, according to SuperData. By July 2018, \"Fortnite Battle Royale\" had been estimated to have brought in over in revenue. Prior to the Season 5 start in July 2018, Sensor Tower estimated that the mobile version of \"Fortnite Battle", + "score": 0.736328125, + "summary": "Irrelevant. The document does not provide information about when Fortnite Battle Royale is being released on Android.", + "extraction": "Irrelevant. The passage does not provide information about the release date of Fortnite Battle Royale on Android." + }, + { + "id": "16136650", + "title": "Fortnite: Save the World", + "text": "few weeks before this date, Epic recognized that the game was still not ready for release; it was playable but not content complete. Rather than prolonging it further, Epic decided to release the game into paid early access on July 25, 2017, which would also allow them to get active feedback on the game as they progressed in development. At the time of the start of early access, Gearbox Software helped distribute the game on physical media. With the popularity of \"Fortnite Battle Royale\", which was first released in early access around September 2017 and gained considerable attention by early", + "score": 0.734375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about the release of Fortnite: Save the World in July 2017 and the early access of Fortnite Battle Royale in September 2017, but it does not provide any information about the release date of Fortnite Battle Royale on Android." + }, + { + "id": "20024777", + "title": "PlayerUnknown's Battlegrounds", + "text": "The second, \"PUBG: Army Attack\", includes more arcade-style elements, including action taking place on warships, and was developed by Tencent's Timi Studio. Both versions are free-to-play, and were released for Android and iOS devices on February 9, 2018. The games had a combined total of 75 million pre-registrations, and ranked first and second on the Chinese iOS download charts at launch. Following a soft launch in Canada, an English version of \"Exhilarating Battlefield\" known as \"PUBG Mobile\", was released worldwide on March 19, 2018. With the announcement of the Xbox release, PUBG Corporation stated that there were plans to port", + "score": 0.72802734375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about the release of \"PlayerUnknown's Battlegrounds\" on Android and iOS devices, but it does not provide any information about \"Fortnite Battle Royale\"." + }, + { + "id": "16136647", + "title": "Fortnite: Save the World", + "text": "focus, leaving little news about \"Fortnite\", CEO Tim Sweeney said in March 2016 that they were still committed to \"Fortnite\" once \"Paragon\" was launched and established, given that much of the work on \"Fortnite\" would take time to get the right balance for gameplay. \"We figure we should start with one major successful launch and do one at a time. Fortnite will be next.\" By June 2017, Epic Games announced that \"Fortnite\" was now set for a 2018 release across Windows, macOS, and the PlayStation 4 and Xbox One consoles. Leading up to this free-to-play release, the game was offered", + "score": 0.7275390625, + "summary": "The document is irrelevant to the question.", + "extraction": "\"Fortnite\" is set for a 2018 release across Windows, macOS, and the PlayStation 4 and Xbox One consoles. However, there is no mention of the release date for the Android platform. Therefore, the extracted span is irrelevant to the given question." + }, + { + "id": "20621475", + "title": "Fortnite Battle Royale", + "text": "of \"Fortnite\"s development, \"PlayerUnknown's Battlegrounds\" was released in March 2017 on personal computers in early access, and quickly became a popular and successful game, becoming the defining example of the battle royale genre. According to Mustard, the Epic team \"loved Battle Royale games like [Battlegrounds]\", and explored how they could make a similar mode within \"Fortnite\"s engine. They kept this mode in a separate development team from the main player versus environment modes for experimentation and as to not throw off the balance in the main game. The Battle Royale mode development was led by Eric Williamson with Zack Estep", + "score": 0.724609375, + "summary": "irrelevant", + "extraction": "Irrelevant. The passage talks about the development of Fortnite Battle Royale, but does not provide information on when it will be released on Android." + }, + { + "id": "20621478", + "title": "Fortnite Battle Royale", + "text": "to help players with rapidly constructing temporary bases. In those two months of development, Epic's plan was to include \"Battle Royale\" within the paid \"Fortnite\" game, and originally announced this approach publicly in early September 2017. Only two weeks before it was released did Epic decide to make it a separate free-to-play title, fearing that having it as part of the paid package would slow down the growth of the title. Epic announced this change formally about a week after first announcing \"Battle Royale\", allowing those that had purchased early access to \"Fortnite\" in anticipation of this mode to request", + "score": 0.72265625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about when Fortnite Battle Royale will be released on Android." + }, + { + "id": "20621474", + "title": "Fortnite Battle Royale", + "text": "about 40% of the company in exchange for their support for the games as a service approach as well as ready access to the Chinese video game market. \"Fortnite\" was confirmed to have a planned 2018 release in June 2017, with a paid early access period starting a month later; the game is planned otherwise as a free-to-play title supported by microtransactions. With release in early access, the game featured its primary gameplay mode, \"Save the World\", where players in teams up to four would work cooperatively to survive and complete objectives on randomly generated maps. During the latter part", + "score": 0.72265625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "16136652", + "title": "Fortnite: Save the World", + "text": "the same attention in providing updates and improvements compared to the \"Battle Royale\" mode since that mode's release. Epic's Ed Zobrist said that as of March 2018 that the retention rates for \"Save the World\" have been high, and have grown since the release of \"Fortnite Battle Royale\", and the company has since improved communications with the player base, such as providing development road maps and known bug lists. In October 2018, Epic announced that the game's free-to-play release would not happen until at least 2019, which was done in order to make sure that it would ready to accommodate", + "score": 0.71875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "20621495", + "title": "Fortnite Battle Royale", + "text": "verified were not true. Epic launched its second competition play series, the Fall Skirmish, on September 21, 2018, with up to in prizes for winners. \"Fortnite Battle Royale\" has become its own phenomenon, compared by analysts to the success in drawing in players that are not average video game players as both \"World of Warcraft\" and \"Minecraft\" had done previously. \"Fortnite Battle Royale\" obtained over 10 million players two weeks after its release. By March 2018, it was estimated to have more than 45 million players. Three months later, in June 2018, Epic announced they had achieved over 125 million", + "score": 0.71826171875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the release date of Fortnite Battle Royale on Android." + }, + { + "id": "20621491", + "title": "Fortnite Battle Royale", + "text": "the \"Fortnite Monopoly\" game reflects some elements of the video game, such as the money being replaced with player's lives, and the ability to protect properties on the board with walls. Further, with this deal, Hasbro will produce \"Fortnite\"-based Nerf blasters, which are expected to reach retail in 2019. Funko will release a series of \"Fortnite\" themed Pop! figurines by late 2018. \"Fortnite Battle Royale\" has been packaged as special bundles with both the Xbox One and Nintendo Switch, each version providing redeemable codes for V-bucks and platform-unique customization options. A retail release of \"Fortnite Battle Royale\", called \"Fortnite: Deep", + "score": 0.71728515625 + }, + { + "id": "20785606", + "title": "Fortnite", + "text": "a service model, and brought in Chinese publisher Tencent to help; Tencent took a large stake in Epic as part of this, leading to the departure of several executives, including Cliff Bleszinski, who had been a key part of \"Fortnite\"s development. \"Fortnite\"s approach was changed to be Epic's testbed for games as a service, and further slowed the development. Ultimately, Epic was able to prepare to release \"Fortnite\" as a paid early access title in July 2017, with plans to release it as free-to-play sometime in 2019 while gaining feedback from players to improve the game. With the release of", + "score": 0.716796875 + }, + { + "id": "16136638", + "title": "Fortnite: Save the World", + "text": "the July 2012 San Diego Comic Con, Epic announced that \"Fortnite\" would be an exclusive personal computer title, and the first one to be developed by Epic using their new Unreal 4 game engine, with a planned release in 2013. The game's development was originally started in the Unreal 3 engine, but as they progressed, they had seen the opportunity to work in several of the new feature sets and scripting language offered by Unreal 4 for \"Fortnite\", while still running on most personal computers at that time. They further opted for personal computer exclusivity to avoid the difficulty of", + "score": 0.7109375 + }, + { + "id": "16136656", + "title": "Fortnite: Save the World", + "text": "could cross-play between all three platforms. Epic later corrected this, calling it a \"configuration error\". On July 26, 2017, it was announced that \"Fortnite\" had sold over 500,000 digital pre-order copies. On August 18, 2017, Epic confirmed that \"Fortnite\" had surpassed over a million players. Fortnite: Save the World Fortnite: Save the World is a co-op third-person shooter survival video game developed and published by Epic Games. The game was released as a paid-for early access title for Microsoft Windows, macOS, PlayStation 4 and Xbox One on July 25, 2017, with a full free-to-play release expected sometime in 2019. The", + "score": 0.70849609375 + }, + { + "id": "16136618", + "title": "Fortnite: Save the World", + "text": "Fortnite: Save the World Fortnite: Save the World is a co-op third-person shooter survival video game developed and published by Epic Games. The game was released as a paid-for early access title for Microsoft Windows, macOS, PlayStation 4 and Xbox One on July 25, 2017, with a full free-to-play release expected sometime in 2019. The retail versions of the game were published by Gearbox Software, while online distribution of the PC versions is handled by Epic's launcher. \"Fortnite\" is set in contemporary Earth, where the sudden appearance of a worldwide storm causes 98% of the world's population to disappear, and", + "score": 0.70458984375 + }, + { + "id": "20785612", + "title": "Fortnite", + "text": "in June 2018. Epic Games is working to develop organized eSports competitions around \"Fortnite: Battle Royale\", including a \"Fortnite\" World Cup tournament in 2019. There has also been growing concern over \"Fortnite Battle Royale\"s draw toward young children, emphasized with the release of the mobile client. Parents and teachers had expressed concern that students are being distracted and drawn away from school work due to playing \"Fortnite\". Concerns have also been raised about the impact that playing a game involving repeated depictions of gun violence may have on young children. The game was nominated for \"Best Co-op Game\" by \"PC", + "score": 0.703125 + }, + { + "id": "20138259", + "title": "Battle royale game", + "text": "game for ease of maintenance of the overall game. \"Battlegrounds\"s popularity created a new interest in the battle royale genre. Numerous games that copied the fundamental gameplay of \"Battlegrounds\" appeared in China, shortly after \"Battlegrounds\"s release. Epic Games had released \"Fortnite\", a cooperative survival game, into early access near the release of \"Battlegrounds\". Epic saw the potential to create their own battle royale mode, and by September 2017, released the free-to-play \"Fortnite Battle Royale\" which combined some of the survival elements and mechanics from the main \"Fortnite\" game with the Battle Royale gameplay concept. The game has seen similar player", + "score": 0.70166015625 + }, + { + "id": "20621481", + "title": "Fortnite Battle Royale", + "text": "providing updates and improvements compared to the \"Battle Royale\" mode since that mode's release. Tencent, who is a partial owner of Epic Games, will bring \"Fortnite Battle Royale\" to China; the company is already involved in bringing and supporting \"Battlegrounds\" in China as well. Tencent plans to spend up to to help promote the game in China, set up eSports tournaments, and fight against copyright infringement and clones of \"Fortnite\" that have appeared in the country. Epic also worked with Neowiz Games to bring a version of \"Fortnite\" to South Korea, launched in November 2018. A release of \"Fortnite\" for", + "score": 0.701171875 + }, + { + "id": "16136620", + "title": "Fortnite: Save the World", + "text": "The game is supported through microtransactions to purchase in-game currency that can be used towards these upgrades. A standalone battle royale game version, \"Fortnite Battle Royale\", was released for the same platforms in September 2017. Following the release, the player-versus-environment mode was officially distinguished as \"Save the World\". One day, 98% of Earth's human population suddenly disappeared, and the remaining humans found the skies covered in dense clouds, creating chaotic storms that dropped husks: humanoid zombie-like creatures that attacked the living. The survivors found ways to construct \"storm shields\", a field that cleared the storm clouds from immediately overhead and", + "score": 0.69775390625 + }, + { + "id": "20621496", + "title": "Fortnite Battle Royale", + "text": "players in less than a year, with at least 40 million players playing the game once per month. In November 2018, \"Bloomberg\" reported that \"Fortnite\" had over 200 million registered accounts across all platforms. Individual platform releases saw initial surges in player counts. Within a day of becoming available, the Nintendo Switch version had been downloaded over 2 million times, according to Nintendo. Epic said that \"Fortnite\" had been downloaded over 15 million times for Android within three weeks of its launch. On the release of Season 5 in July 2018, Akamai Technologies reported that \"Fortnite\" traffic neared 37 terabytes", + "score": 0.697265625 + }, + { + "id": "20576213", + "title": "Brave Frontier 2", + "text": "limitedly in the game's official YouTube Channel. The game is released on both iOS and Android platforms on February 22, 2018, with the PC version be released on Q3 2018. A Pre-release campaign with various rewards that can be used in the game. According to Takahashi, there are no plans for a release outside Japan. The game was ranked 67 within the first day of release on the Apple App Store in Japan. Brave Frontier 2 Like the first game to the series, it follows the same gameplay format to Square Enix's \"Valkyrie Profile\", but differentiates itself from the original", + "score": 0.69677734375 + }, + { + "id": "16136646", + "title": "Fortnite: Save the World", + "text": "alpha, called Online Test 1, ran from December 2 to 19, 2014, while Online Test 2 ran from March 24 to April 14, 2015. Epic said the first alpha was designed to help it \"make sure all of our basic systems are working\" and establish \"a baseline for how people play in order to make Fortnite better.\" After being demoed at WWDC 2015 on Mac, \"Fortnite\" entered closed beta testing in the fall of 2015. Approximately 50,000 players participated in these periods. \"Fortnite\" was being developed alongside \"Paragon\", which Epic announced on November 2015. As \"Paragon\" seemed to take Epic's", + "score": 0.6953125 + }, + { + "id": "20621497", + "title": "Fortnite Battle Royale", + "text": "per second, the largest recorded amount of traffic for any video game that they have observed. With its quarterly financial report ending September 30, 2018, Nintendo said that \"Fortnite Battle Royale\" had been downloaded on about half of all Switch systems they have sold, representing about 11.5 million downloads. \"Fortnite Battle Royale\" was made available to South Korea and their numerous PC bangs in November 2018; shortly after this point, Epic reported that \"Fortnite\" has surpassed a concurrent player count of 8.3 million, surpassing the game's previous record of 3.4 million in February 2018. Analysis firm SuperData estimated that \"Fortnite", + "score": 0.69384765625 + }, + { + "id": "16136649", + "title": "Fortnite: Save the World", + "text": "\"League of Legends\" and \"Warframe\". Since the game had already been announced earlier in 2014 through \"Game Informer\", Epic opted not to use their Electronic Entertainment Expo time or space in June 2017 to re-announce the game, fearing that coverage of it would be lost in the deluge of other gaming news coming out of the event. Instead, the Epic marketing team worked with Twitch and other game streamers to provide them early copies of the game to play and promote on their channels in the weeks leading up to their target release date of July 25, 2017. However, a", + "score": 0.69189453125 + }, + { + "id": "19276272", + "title": "Clash Royale", + "text": "4, 2016. The game was soft-launched on Android for those same countries on February 16, 2016 in the form of an Android application package. Both platforms received a global release on March 2, 2016. Upon its release, \"Clash Royale\" became the most downloaded and top-grossing app on the U.S. iOS App Store. \"Clash Royale\" mainly received positive reviews, with \"TouchArcade\" Eli Hodapp calling it \"absolutely phenomenal\" in his five-star review. \"Pocket Gamer\" Harry Slater gave the game a score of 9/10, summing up \"It's an incredible amount of rewarding fun, it's nail-biting at times, and there's content here that will", + "score": 0.69091796875 + }, + { + "id": "19396991", + "title": "Cross-platform play", + "text": "mid-September 2017. This had not been an expected feature of the game, as cited by the game's current specifications. While Epic Games corrected the configuration and stated this was a mistake, the brief situations demonstrated that technical barriers to cross-platform play can be met. Later in March 2018, Epic announced plans to take the spinout title, \"Fortnite Battle Royale\" Windows, PlayStation 4, Xbox One, and mobile devices, with cross-platform play enabled between PC, PlayStation 4 and mobile, and PC, Xbox One, Nintendo Switch, and mobile. Once these technical challenges can be overcome, the primarily limiting factor for cross-platform play has", + "score": 0.68896484375 + }, + { + "id": "20621479", + "title": "Fortnite Battle Royale", + "text": "refunds. This release, which beat out \"Battlegrounds\" to consoles, caused some concern with \"Battlegrounds\" developer Bluehole, as they had been working closely with Epic for Unreal engine support in \"Battlegrounds\", and were worried that \"Fortnite\" might be able to include planned features to their Battle Royale mode before they could release those in \"Battlegrounds\". With the popularity of \"Fortnite Battle Royale\" by the start of 2018, Epic split off a separate development team to focus on improvements for this mode. Epic said that their attention to \"Fortnite\" was causing some of their other games to see lower player populations, leading", + "score": 0.6884765625 + }, + { + "id": "20621472", + "title": "Fortnite Battle Royale", + "text": "well; the first example of such was a countdown leading to a giant rocket's launch in June 2018 which, in the aftermath, left cracks in the skies that have grown since that event. The game initially launched without any seasonable schedule, but starting with the release of Season 2 in December 2017, Epic has provided new content, which includes new cosmetics, new gameplay elements, and changes to the game's map, on a roughly 10-week basis. This also introduced the use of the battle pass for players to obtain some of this new content by completing challenges and gaining experience. \"Fortnite\"", + "score": 0.68798828125 + }, + { + "id": "20621492", + "title": "Fortnite Battle Royale", + "text": "Freeze Bundle\", will be distributed by Warner Bros. Interactive Entertainment for the PlayStation 4, Xbox One, and Nintendo Switch by late 2018. The package will include redeemable codes for V-Bucks and unique in-game cosmetics. Epic has partnered with the National Football League (NFL) to bring in character skins for each of the 32 teams in the League starting in November 2018, a result of the influence of \"Fortnite\" on NFL players, who have frequently performed \"Fortnite\" dance emotes as victory celebrations. One of the first professional eSports competitions using \"Fortnite\" was the \"Fortnite\" Pro-Am event, held on June 12, 2018", + "score": 0.68798828125 + }, + { + "id": "20785610", + "title": "Fortnite", + "text": "provide comprehensive reviews of any mode. The \"Save the World\" mode achieved over one million players by August 2017, just prior to the release of \"Battle Royale\". \"Fortnite Battle Royale\", on the other hand, became a significant financial success for Epic Games, leading them to separate the teams between \"Save the World\" and \"Battle Royale\" to provide better support for both modes. Within two weeks of release, over 10 million players had played the mode, and by June 2018, just after the Nintendo Switch release, had reached 125 million players. Revenue from \"Fortnite Battle Royale\" during the first half of", + "score": 0.68798828125 + }, + { + "id": "20785613", + "title": "Fortnite", + "text": "Gamer\", and for \"Best Spectator Game\" by IGN. Fortnite Fortnite is an online video game first released in 2017 and developed by Epic Games. It is available as separate software packages having different game modes that otherwise share the same general gameplay and game engine. The game modes include \"\", a cooperative shooter-survival game for up to four players to fight off zombie-like creatures and defend objects with fortifications they can build, \"Fortnite Battle Royale\", a free-to-play battle royale game where up to 100 players fight to be the last person standing and \"Fortnite: Creative\", where players are given complete", + "score": 0.68701171875 + }, + { + "id": "17041755", + "title": "Temple Run 2", + "text": "new version, where we could update the graphics, play around with powers, create new environments, etc.\" \"Temple Run 2\" was announced in a surprise announcement by Imangi on January 16, 2013, with the game being released in the App Store in New Zealand immediately, and an international release coming a few hours later. The Android version was released on January 24, 2013. The Windows Phone 8 version was released on December 20, 2013 with the inclusion of Xbox Live achievements. A version for Tizen was released on October 13, 2016 Within four days of its iOS release, the game had", + "score": 0.68603515625 + }, + { + "id": "20785600", + "title": "Fortnite", + "text": "Fortnite Fortnite is an online video game first released in 2017 and developed by Epic Games. It is available as separate software packages having different game modes that otherwise share the same general gameplay and game engine. The game modes include \"\", a cooperative shooter-survival game for up to four players to fight off zombie-like creatures and defend objects with fortifications they can build, \"Fortnite Battle Royale\", a free-to-play battle royale game where up to 100 players fight to be the last person standing and \"Fortnite: Creative\", where players are given complete freedom to create worlds and battle arenas. The", + "score": 0.68408203125 + }, + { + "id": "17175127", + "title": "Hearthstone", + "text": "2014 it was released globally for iPads. On August 6, 2014, support for Windows 8 touchscreen devices was added to the game, although not for Windows RT devices. On December 15, 2014, the game was released for Android tablets 6\" or larger in Australia, Canada and New Zealand and on December 16, 2014 it was widely released for Android tablets. On April 14, 2015, the game was released for iPhone and Android smartphones worldwide. The smartphone version of the game includes new UI elements that place the player's hand on the bottom right but only half visible, so players must", + "score": 0.68310546875 + }, + { + "id": "20789673", + "title": "Battle pass", + "text": "the game, introducing a permanent form of one with their \"Dota Plus\" subscription feature in 2018. The popularity of battle passes grew in 2018 with the use in Epic Games's \"Fortnite Battle Royale\", which released in September 2017. The free-to-play \"Fortnite Battle Royale\" adopted a \"season\"-driven release schedule, each season lasting 10 weeks, during which they offered a new set of cosmetic items and emotes. The battle pass approach was added starting in its second season, during a time when the game was seeing a large growth in its player base, and has been used by the game since. Battle", + "score": 0.6806640625 + }, + { + "id": "20621473", + "title": "Fortnite Battle Royale", + "text": "had first been revealed by Epic Games in 2011, considered to be a combination of \"Minecraft\" and \"Left 4 Dead\" as four players would work together to scavenge resources to built fortifications, traps, weapons, and other objects to survive monster attacks. The game ended up with a protracted development period, in part due to both external pressures, with the industry transitioning to a games as a service model, and internal shifts of focus within Epic (including focusing attention on their first free-to-play title \"Paragon\") to meet the external challenges. During this period, Epic made a deal with Tencent, giving them", + "score": 0.68017578125 + }, + { + "id": "16136645", + "title": "Fortnite: Save the World", + "text": "good reasons.\" \"Fortnite\" was a feature in the May 2014 issue of \"Game Informer\", revealing that the title would be released as a free-to-play game. By 2014, \"Fortnite\" was at a \"pretty functional prototype\" with most of the Unreal 4 engine elements smoothed out, according to Mustard. Epic anticipated it would still take about three more years to complete, not only in polishing and balancing the game, but setting in place the necessary backend elements for the games-as-a-service model. To help support development and get player feedback, Epic used a series of closed alpha test periods. The game's first closed", + "score": 0.68017578125 + }, + { + "id": "20621489", + "title": "Fortnite Battle Royale", + "text": "those who used their PlayStation Network credentials to establish their Epic account cannot use that account on other platforms. The account restriction was confirmed to be as a result of Sony's initial decision to prohibit cross-platform play between its PlayStation 4 and other consoles, rather than a choice Epic had made. By September 2018, Sony had made a decision to allow cross-platform play for the PlayStation 4 for \"select third-party titles\", starting with \"Fortnite\". A beta version of the PlayStation 4 client supporting this was released for the game on September 26, 2018, the same day as Sony's announcement. A", + "score": 0.67919921875 + }, + { + "id": "20621487", + "title": "Fortnite Battle Royale", + "text": "in microtransaction revenue within the first three days of in-app purchases being available, according to analysis firm Sensor Tower. \"Glixel\" considered these numbers impressive, compared to the early success rate of other popular mobile games, such as \"Pok\u00e9mon Go\" and \"Clash Royale\" which earned and in their first four days, respectively. Sensor Tower further estimated that after one month, the mobile title had earned more than in revenue, surpassing revenues from any other mobile games and other several top-grossing apps during the same period. For the first five seasons, all ports of \"Fortnite Battle Royale\" support cross-platform play with other", + "score": 0.677734375 + }, + { + "id": "17420273", + "title": "Ratchet & Clank: Into the Nexus", + "text": "Australia, November 12, 2013 in North America, November 22, 2013 in Europe, and December 12, 2013 in Japan. There is also a download code for \"\" included in this game. A mobile application, \"Ratchet & Clank: Before the Nexus\", allows players to earn Raritanium for upgrading weapons in \"Ratchet & Clank: Into the Nexus\". The game is in the style of an \"endless-runner\" where the player must collect bolts and defeat enemies as promotion for Ratchet & Clank: Into the Nexus. It was released December 18, 2013 only for iOS and Android devices. \"Into the Nexus\" received mostly positive reviews", + "score": 0.67724609375 + }, + { + "id": "20559619", + "title": "Re-Logic", + "text": "releases, which include the PlayStation 3 on March 26, 2013, Xbox 360 on March 27, 2013, the PlayStation Vita on December 11, 2013, the PlayStation 4 on November 11, 2014, the Xbox One on November 14, 2014, the Nintendo 3DS on December 10, 2015, and the Wii U in June 2016. The game was also released for iOS on August 29, 2013, for Android on September 13, 2013, and for Windows Phone on September 12, 2014. The company later published \"Pixel Piracy\", a side-scrolling real-time strategy video game, for Windows, macOS, and Linux on December 1, 2013, for the PlayStation", + "score": 0.67724609375 + }, + { + "id": "17283757", + "title": "Plants vs. Zombies 2: It's About Time", + "text": "vs. Zombies\", and that it would include \"new features, settings, and situations\". In a later announcement, the company confirmed that the new game would be released on July 18, 2013. On June 26, 2013, PopCap announced on their Twitter page that the game would release later than previously announced. On July 9, the game was released in Australia and New Zealand on the iOS App Store and came out worldwide on August 15, 2013. The Android version was released worldwide on October 23, 2013. The game was first expected to launch on iOS on July 18, 2013. On June 26,", + "score": 0.6767578125 + }, + { + "id": "19130261", + "title": "Paragon (video game)", + "text": "and that they did not fix the roster size. A retail PS4 version titled \"Essentials Edition\", which adds multiple in-game items, was also set to be released alongside the game's digital free-to-play version, and released on June 7, 2016. Upon release of Epic's \"Fortnite\"s \"Battle Royale\" mode in late 2017, Epic decided to reduce the development team supporting the game in favor of \"Fortnite,\" as \"Paragon's\" limited growth did not meet expectations. Ultimately, in January 2018, Epic announced they would be closing down \"Paragon\" by April of that year, providing full refunds to all players. Following the cancellation of \"Paragon\"", + "score": 0.67578125 + }, + { + "id": "18268709", + "title": "Vainglory (video game)", + "text": "partnership with ESL in Summer 2017 for organizing Vainglory 8 NA and EU. On March 5, 2015 at the Game Developers Conference 2015, it was announced by Super Evil Megacorp that \"Vainglory\" would be getting an Android version. After undergoing a closed beta, the game was fully released on July 2, 2015 on the Google Play Store. One of the most impressive features of Vainglory is its artwork, which is produced by a team directed by Carlo \"Chainsaw\" Arellano. Players are also invited to guide the development of Vainglory by interacting with the developers through live streams on Twitch. Update", + "score": 0.67529296875 + }, + { + "id": "20024798", + "title": "PlayerUnknown's Battlegrounds", + "text": "NPD Group. By March 2018, the game had sold forty million copies across all platforms, which had risen to over fifty million by June, averaging over 87 million players daily with over 400 million players in total. The mobile version in particular had over 100 million downloads by August 2018, and reached 200 million by December 2018, a figure equivalent to the combined player base for \"Fortnite\" at nearly the same point in time. The bulk of these players are in Eastern regions such as China and India, where \"PUBG Mobile\" was released before \"Fortnite\" and can run on lower-powered", + "score": 0.67529296875 + }, + { + "id": "19946670", + "title": "Arena of Valor", + "text": "released in North and South American mobile app stores on December 19, 2017. The game was announced to be released for the Nintendo Switch console during the September 2017 Nintendo Direct presentation. A closed beta became available for the platform between June and July 2018, and participants received an exclusive in-game skin for one of the characters. The game is confirmed to launch on the platform in September 25, 2018. Speaking to Engadget, Tencent Games revealed the Nintendo Switch port of the game is enhanced and optimized for the platform, taking advantage of the console's processing power and hardware features", + "score": 0.6748046875 + }, + { + "id": "19357106", + "title": "H1Z1", + "text": "Twin Galaxies to create a sustainable, professional eSports league for the game. The game was fully released out of early access on February 28, 2018, with updates to scoring, combat, weapons, gameplay, UI a new gamemode, Auto Royale. The update also launched \"Season 1\", introducing a new updated scoring system that rewards players who get kills and place well in matches consistently. A week after release, it was announced that the game would be going back to free-to-play. It was released in early access for the PlayStation 4 on May 22, 2018, gaining over ten million players in over a", + "score": 0.6748046875 + }, + { + "id": "20621500", + "title": "Fortnite Battle Royale", + "text": "Royale\"s success over \"PlayerUnknown Battlegrounds\" as a combination of several factors: besides being free-to-play and available on consoles, the game was released at a time when \"Battlegrounds\" was struggling with game cheaters and a toxic community, and that it features a less violent, cartoonish quality to it that, like \"Minecraft\", was able to draw in a younger and mixed-gendered audiences to play. Further, Epic has maintained frequent updates for the game, adding new weapons and in-game tools alongside limited-time events and longer-term narrative elements that help to further draw in players. The high interest in the game within March 2018,", + "score": 0.67431640625 + }, + { + "id": "20621485", + "title": "Fortnite Battle Royale", + "text": "Google Play Store, citing that they want to have a direct connection to the players of the game, and they believe that the 30% fee Google takes from all microtransactions from apps through the Play Store was disproportionate to the types of services the store provides. Security experts expressed concern over this decision, since this requires users to modify security settings in default Android distributions to allow third-party sites to install Android application packages (APK). This setting can make users, particularly younger players, prone to potential malware, including clones of \"Fortnite\" that install malicious programming. About a month after the", + "score": 0.6728515625 + }, + { + "id": "15146071", + "title": "Infinity Blade", + "text": "Secrets, while extensive flashbacks show the rise of the Deathless in a future-Earth analogue. While Siris disrupts the Worker of Secret's plans, the God King confronts and is killed by the Worker. A Chinese version of the game for Xbox One and Android was published by Tencent Games on November 28, 2015. A day after Epic Games removed the \"Infinity Blade\" trilogy from the App Store, the titular weapon made a crossover appearance in the winter-themed seventh season of \"Fortnite Battle Royale\" as a unique, very powerful melee weapon that can be obtained in a match, granting any player who", + "score": 0.671875 + }, + { + "id": "20024738", + "title": "PlayerUnknown's Battlegrounds", + "text": "directing surviving players into tighter areas to force encounters. The last player or team standing wins the round. The game was first released for Microsoft Windows via Steam's early access beta program in March 2017, with a full release on December 20, 2017. That same month, the game was released by Microsoft Studios for the Xbox One via its Xbox Game Preview program, and officially released in September 2018. The same year, a port for the PlayStation 4 was released, in addition to two different mobile versions for Android and iOS. The game is one of the best-selling of all", + "score": 0.67138671875 + }, + { + "id": "16609883", + "title": "Fieldrunners 2", + "text": "Linux PC's. \"Fieldrunners 2\" again launched exclusively to iOS, followed by Windows on January 10, 2013. Subatomic Studios announced a release date of April 24 for \"Fieldrunners 2\" for Android, in way inviting users for beta testing. The beta testing period has finished and the game released for android in April 24, 2013. The version for BlackBerry 10 followed being released in August 29, 2013. It was planned for a PlayStation Vita version release in 2013, but ultimately did not come out until it was released in Europe on December 17, 2014. Fieldrunners 2 Fieldrunners 2 is a tower defense", + "score": 0.67041015625 + }, + { + "id": "17283758", + "title": "Plants vs. Zombies 2: It's About Time", + "text": "it was announced that the game was delayed until later in the summer on the game's official Twitter account. The game soft launched in Australian and New Zealand App Store's on July 9, to test server capacity. It launched worldwide on iOS on August 15 and in five days topped the free app charts in 137 countries. On September 12, PopCap Games soft launched the game for Android in China in Baidu AppSearch and announced that it would be coming to Google Play worldwide later in the year. On October 2, the game soft launched on the Australian and New", + "score": 0.669921875 + }, + { + "id": "20193246", + "title": "Monument Valley 2", + "text": "icons such as Kim Chi and Nicki Minaj. \"Monument Valley 2\" for iOS was first revealed at the 2017 Apple Worldwide Developers Conference on June 5, 2017, and was made available that same day. A version for Android was released on November 6, 2017. In addition, Ustwo worked with Tencent to prepare special version of \"Monument Valley 2\" with optional localization and social features. \"Monument Valley 2\" received mostly positive reviews. On Metacritic, which assigns a score based on the average scores of other critics, the game received a score of 83 out of 100, indicating \"generally favorable reviews\". \"Polygon\"", + "score": 0.66943359375 + }, + { + "id": "20621476", + "title": "Fortnite Battle Royale", + "text": "as production lead. Their goal was to develop the Battle Royale mode quickly from the core \"Save the World\" mode, putting off any complex features that weren't already in place as to launch the new mode as soon as possible; while they explored such potential ideas, they held off inclusion until after the main mode was launched. The development of the \"Battle Royale\" mode took about two months starting in July 2017 after the \"Save the World\" mode had shipped, and was aided by the \"Unreal Tournament\" team. Key differences for Battle Royale that differed from \"Save the World\" included", + "score": 0.66845703125 + }, + { + "id": "16153216", + "title": "Temple Run", + "text": "which instead relied on players purchasing in-game coins with legal tender. On January 12, 2012, Imangi announced on the \"Temple Run\" Facebook page that the game would be released for the Android platform in February, saying \"We're so excited to announce this and appreciate all of our fans' support across both platforms!\" The game was released on Google Play on March 27, 2012, a month later than expected. After \"Temple Run\" was released on Android, it was downloaded one million times in under three days. As \"Temple Run\" was originally released with a custom, flexible engine on iOS, there were", + "score": 0.66796875 + }, + { + "id": "19941940", + "title": "Dragon Ball Z: Dokkan Battle", + "text": "Dragon Ball Z: Dokkan Battle Dragon Ball Z: Dokkan Battle is a free-to-play mobile game based on the \"Dragon Ball\" anime franchise. It was released in Japan for Android on January 30, 2015 and for iOS on February 19, 2015. \"Dokkan Battle\" was eventually released worldwide for iOS and Android on July 16, 2015. The game has exceeded 250million downloads worldwide, and has earned over in profit worldwide. The game includes elements of Board game, Collectible card game, and Puzzle genres. The main game is made up of levels that work similarly to board games, with spots dedicated to items,", + "score": 0.66748046875 + }, + { + "id": "18849560", + "title": "The Elder Scrolls: Legends", + "text": "August 2016, an open beta for Windows was released. The game was originally scheduled for release in 2016 as a free-to-play title for Android, iOS, macOS, and Windows. The Windows version officially launched on March 9, 2017. An iOS for iPad devices launched on March 23, 2017. Mobile versions for iOS and Android smartphones was released in July 2017. MacOS and Android tablet-only versions have been released. During the Electronic Entertainment Expo 2018, Bethesda also announced that the game is planned for release on PlayStation 4, Nintendo Switch, and Xbox One. In May 2018, Bethesda announced that Dire Wolf had", + "score": 0.6669921875 + }, + { + "id": "20789674", + "title": "Battle pass", + "text": "passes are purchased through an in-game currency (V-bucks) which either must be purchased with real-world funds via microtransactions, or earned via the \"Fortnite: Save the World\" cooperative game mode. Analyst Michael Pachter estimated that on the first day of the third season, in February 2018, Epic sold more than five million battle passes, generating over in revenue in a single day. With expansion of \"Fortnite\" to mobile devices in March 2018, revenue estimates from the game were in the hundreds of millions of dollars per month in the following months, primarily from battle pass sales. At the same time as", + "score": 0.6669921875 + }, + { + "id": "16457088", + "title": "PlayStation All-Stars Battle Royale", + "text": "with the cross-over implementation of the characters and worlds, he saw more potential for it to come together using different gameplay mechanics. In August 2013, a free-to-play minigame collection, \"PlayStation All-Stars Island\", was released for iOS devices as a cross-promotion with Coke Zero. The game was later made available for Android platforms as well, but both platforms only saw a limited release in specific European territories. PlayStation All-Stars Battle Royale PlayStation All-Stars Battle Royale is a crossover fighting video game developed by SuperBot Entertainment, in conjunction with SCE Santa Monica Studio, and published by Sony Computer Entertainment. It features various", + "score": 0.666015625 + }, + { + "id": "1739517", + "title": "Tekken", + "text": "the App Store for iOS and Google Play Store on Android. It is currently in public beta status, featuring virtual cards, an in-game store to buy booster packs, and online tournaments. Namco Bandai also plans to release real world cards that have QR codes to upgrade the virtual cards and unlock new characters. That same year, Namco Bandai also released \"Tekken Arena\" to the Google Play Store on Android. On April 30, 2015, Namco released \"Galaga: Tekken 20th Anniversary Edition\", a mobile game variant of \"Galaga\" featuring characters from the franchise. It was originally announced on April 1, 2015. Namco", + "score": 0.66552734375 + }, + { + "id": "18476656", + "title": "Danganronpa: Unlimited Battle", + "text": "level, to transform them into higher-ranking cards. The player could also find other power-up items scattered in the arenas, which could be used to increase the speed or strength of their characters, recover health points, or make aiming easier. The game was announced in December 2014 by developer Spike Chunsoft, and received a promotional video on December 24, 2014. It was released on January 7, 2015 for iOS, and on April 17, 2015 for Android. By May 2015, over 700,000 user accounts for the game had been registered. The game was free to play and had in-app purchases, which allowed", + "score": 0.66552734375 + }, + { + "id": "16478628", + "title": "Kingdom Rush", + "text": "\"Kingdom Rush\" that would be available for mobile and tablet devices. It became available on October 1, 2012, as a free download from iTunes. On August 25, 2011, Ironhide Studios announced a sequel to \"Kingdom Rush\" entitled \"Kingdom Rush Frontiers\". The game was slated for a Spring 2013 release. On December 12, 2012, the studio revealed its first screen capture of the game. On March 20, 2013, Ironhide Released a teaser trailer of \"Kingdom Rush Frontiers\". On June 6, 2013, the sequel was released for iOS. On September 26, 2013, it was released for Android, and, on November 22, 2013,", + "score": 0.66552734375 + }, + { + "id": "16136644", + "title": "Fortnite: Save the World", + "text": "build a toolkit for players to interact with as to create emergent gameplay solutions based on the situation of the missions, from which they can continue to expand upon with new items throughout the life of the game. By November 2013, Epic confirmed that \"Fortnite\" would not release that year, nor offered a target released date, though affirmed the game was still in development by several of its studios. Epic Games Vice President of Publishing Mike Fischer said in 2015 that Epic recognized that they \"announced this game too soon\", and that its lengthy development period was due to \"very", + "score": 0.66455078125 + }, + { + "id": "20621493", + "title": "Fortnite Battle Royale", + "text": "during the Electronic Entertainment Expo 2018, with 3000 in attendance. This tournament was announced after the success of the March 2018 stream by Ninja where he played alongside celebrities like Drake. The event featuring 50 celebrities paired with 50 top streaming players competing for prize pool of to be given to winning teams' charities. Ninja and his celebrity teammate Marshmello were the winners of this event. In May 2018, Epic announced it was setting aside to fund various tournaments throughout the year to help grow \"Fornite Battle Royale\" into an eSport. During the \"Fortnite\" Pro-Am at E3 2018, Epic announced", + "score": 0.66455078125 + }, + { + "id": "19559476", + "title": "Injustice 2", + "text": "6 and November 11. The Microsoft Windows version was released on November 14, 2017. Creative director Ed Boon has also discussed the possibility of a Nintendo Switch version. Like its predecessor, a free-to-play mobile app based on \"Injustice 2\" was released for iOS and Android devices on May 11, 2017. The app was soft launched in the Philippines App Store in February 2017. It maintains several gameplay features from the original, including the swipe-based fighting mechanics, card collection, and three-on-three battles, but introduces various changes to the game's overall formula. Players are now given the ability to move around the", + "score": 0.6640625 + }, + { + "id": "17355965", + "title": "Table Top Racing", + "text": "the \"Wipeout\" series. The game was originally for the iOS platform on January 31, 2013, and almost a year later released on Android devices on January 23, 2014. At Gamescom 2013, it was announced that a version for the PlayStation Vita is in development and will be released sometime in 2014 as well. The game was generally well-received, with a score of 72 out of 100 on Metacritic, based on seventeen reviews, and 70.62% on GameRankings, based on thirteen reviews. Slide to Play's Jason D'Aprile praised the game, calling it \"one of the most polished and entertaining arcade racers in", + "score": 0.66357421875 + }, + { + "id": "19158612", + "title": "Hardware: Rivals", + "text": "such as \"4 Wheels Only\", an FAV-only special event. The game was released on 5 January 2016. The release of the game also introduced the \"Nomad\" FAV and the \"Sledgehammer\" Tank, the Team Elimination game mode, and the new map, \"Outpost 92\", to the game. The first major update for the game was released on 22 January 2016, which added the \"Scarab\" FAV and the \"Barbarian\" Tank to the game. The next major game update, released on 26 February 2016, added a new map, \"Mojito Bay\", and introduced \"Ranked Play\", where players can earn exclusive vehicle skins and add-ons by", + "score": 0.66357421875 + }, + { + "id": "16153221", + "title": "Temple Run", + "text": "film. On August 28, 2013, \"Temple Run: Oz\" was released for Windows Phone 8. In late 2016, Scopely soft-launched a match-3 spin-off of \"Temple Run\", titled \"Temple Run: Treasure Hunters\", in select countries. \"Treasure Hunters\" was planned to be released sometime in 2017 on iOS and Android, with the Google Play Store accepting pre-registrations for the Android version. In November 2013, \"The Hollywood Reporter\" reported that Warner Bros. Pictures and producer David Heyman were in talks with Imangi Studios to make a movie version of \"Temple Run\". In July 2014 a \"Temple Run\" fiction series and an activity book was", + "score": 0.6630859375 + }, + { + "id": "20621506", + "title": "Fortnite Battle Royale", + "text": "of the game. \"Fortnite Battle Royale\" has been jokingly referred to as the honomyn \"Fork Knife\" on social media, believed to have originated with people, unfamiliar with the game, described their friends and family spending time playing the game. Epic added a harvestable, non-playable \"Fork Knife\" food truck to the game map as the term gained popularity. In September 2018, \"Fortnite\" was featured as a question on the game show \"Jeopardy!\", and was spoofed in a skit on the September 29, 2018, episode of \"Saturday Night Live\". The \"South Park\" episode \"The Scoots\" featured the cast wearing \"Fortnite\"-based Halloween costumes.", + "score": 0.6630859375 + }, + { + "id": "20621499", + "title": "Fortnite Battle Royale", + "text": "Royale\" made over daily; following the launch of Season 5, revenues jumped to per day. At the time of Tencent's investment into Epic in 2012, Epic Games had a valuation. Because of \"Fortnite Battle Royale\", Epic's valuation increased to . \"Bloomberg\" raised the estimate to around by the end of 2018 should \"Fortnite Battle Royale\" reach during the year. Partially due to the influx of revenue from \"Fortnite Battle Royale\", Epic reduced its portion of sales it collected from the Unreal Engine Marketplace from 30% to 12% in July 2018, applying that retroactively to past sales. Journalists attributed \"Fortnite Battle", + "score": 0.662109375 + }, + { + "id": "19946669", + "title": "Arena of Valor", + "text": "DC Universe. The soundtrack for the international version of the game is composed by American music artist Matthew Carl Earl, proving a different atmosphere compared to the original score with Chinese music instruments. \"Arena of Valor\" was first launched in Taiwan in October 14, 2016, following a two-week closed beta testing period. In October 2017, \"Arena of Valor\" was launched in the Philippines, Singapore and Malaysia where majority of the gaming community are playing mobile games. Garena decided to combined these three countries in one server. The game was released in some European app stores in August 2017, and was", + "score": 0.662109375 + }, + { + "id": "20621461", + "title": "Fortnite Battle Royale", + "text": "cross-platform play between the platforms that was limited for the first five seasons, before the restrictions were eased. The idea for \"Fortnite Battle Royale\" arose following the release of the similar battle royale game \"PlayerUnknown's Battlegrounds\", which saw numerous player count records broken throughout 2017. Seeing its rapid growth and commercial success, Epic Games saw the opportunity to create a battle royale mode of their own. Originally released as part of the paid \"Fortnite\" game, Epic spun out a dedicated version of the game offered as free-to-play funded by microtransactions, sharing in-game currency with the main \"Fortnite\" game, allowing players", + "score": 0.662109375 + }, + { + "id": "18268710", + "title": "Vainglory (video game)", + "text": "2.8 (September 2017) added Keyboard and Mouse support in addition to Samsung's partnership with SEMC for Samsung DeX, a docking station for Samsung S8/S8+/Note 8 to connect listed device to a PC. Super Evil Megacorp announced in early 2017 that a 5V5 mode was under development. The mode was released on February 13, 2018. A desktop version of the game is under development. The desktop version is currently in its Alpha stage. The game received \"generally favorable\" reviews, according to video game review score aggregator Metacritic. Reviewers praised the game's graphics, characters, and level design, but criticized its lack of", + "score": 0.662109375 + }, + { + "id": "19801599", + "title": "Battlerite", + "text": "Battlerite Battlerite is a free-to-play team-based action game based on multiplayer online battle arena (MOBA) gameplay developed and published by Stunlock Studios. The game is considered a spiritual successor to \"Bloodline Champions\" and is created by the same developers. An early access version of the game was released in September 2016, selling over 440,000 copies within three months, and was officially released on November 7, 2017. In May 2018, the developers announced the development of a new free-to-play game mode based on the battle royale genre planned to be released in the summer of the same year. In August 2018,", + "score": 0.662109375 + }, + { + "id": "14920991", + "title": "Flipboard", + "text": "and Insight Venture Partners, and an additional $50 million from JPMorgan Chase in July 2015. On May 5, 2012, Flipboard was released for Android phones, beginning with the Samsung Galaxy S3. On May 30, 2012 a beta version of Flipboard for Android was released through its website. A final stable release of the Flipboard for Android was released on June 22, 2012 in Google Play. The Windows 8 version of the Flipboard app was also demonstrated during the Microsoft 2013 Build Conference and on the Flipboard blog with video, although no release date was given. On October 22, 2014, Flipboard", + "score": 0.66162109375 + }, + { + "id": "17769056", + "title": "Monument Valley (video game)", + "text": "2015 \"Lara Croft Go\" appeared to have been influenced by \"Monument Valley\". Ken Wong left Ustwo Games soon after completing \"Monument Valley\" to create his own studio, Mountains, which created \"Florence\". Ustwo developed a sequel \"Monument Valley 2\", which was first released for iOS on June 5, 2017 and for Android on November 6, 2017. In August 2018, Paramount Animation and Weed Road, in partnership with Ustwo, announced plans to develop a live action/CGI hybrid film based on \"Monument Valley\", with Patrick Osborne slated to direct. It is anticipated that the film will feature live actors exploring the computer generated", + "score": 0.6611328125 + }, + { + "id": "7340146", + "title": "Titan Quest", + "text": "French developer who had previously developed a successful mobile port of \"Ys Chronicles I\". The controls and interface were redesigned from the ground up to work for touchscreen controls, something the team spent months on. Despite the changes, the team worked to make the gameplay as close as possible to the original experience. They also put in additional options for actions such as targeting enemies with mastery abilities and searching for loot It released on May 19, 2016 for iOS. The Android version was released on July 7. On its release in the US, \"Titan Quest\" debuted at #3 in", + "score": 0.66015625 + }, + { + "id": "16153217", + "title": "Temple Run", + "text": "some difficulties when it was ported to Android, primarily related to the use of the Unity game engine. The game frequently crashed, occasionally caused devices to overheat, and drained battery life extremely quickly. This led to generally unfavourable reviews. Unlike the iOS version, the Android version was always freemium. On March 27, 2013, the game was released for Windows Phone 8. In June 2012, it was announced that Imangi had teamed with Disney to promote the film \"Brave\" via a \"Temple Run\"-style game titled \"Temple Run: Brave\". The game was released on June 14 for iOS and Android. As with", + "score": 0.65966796875 + }, + { + "id": "20366233", + "title": "Assault Android Cactus", + "text": "Sanatana Mishra noted that the team's decision to not launch the game on Xbox One video game console was due to the ID@Xbox parity clause which required developers to launch their games on Xbox One the same day as other platforms. The development team were originally targeting a January 2014 release for \"Assault Android Cactus\". However the game was officially released for Windows, OS X, and Linux personal computers on 23 September 2015, after launching from early access. A PlayStation 4 version was released on 8 March 2016. The game was initially in development for the PlayStation Vita and Wii", + "score": 0.65966796875 + }, + { + "id": "18510236", + "title": "Need for Speed: No Limits", + "text": "Speed Most Wanted in the Urban Legend which will begin on December 12 The game was developed by Firemonkeys Studios (Real Racing 3 developers) and was published by Electronic Arts. The game was released on iOS on January 6, 2015, but only in Taiwan and the Netherlands. The game was initially only playable in Dutch as an alpha version for early testing. The game was released on Android on February 17, 2015 as a beta version, and was still only available in Dutch. The worldwide launch was in English, with better compatibility for quad-core and octa-core devices in which the", + "score": 0.65869140625 + }, + { + "id": "15802806", + "title": "Hi-Rez Studios", + "text": "bonuses.The game was announced on August 5, 2015. \"Paladins\" went into open beta on September 16, 2016, and released on Steam as an early access title the same day. \"Jetpack Fighter\" is a free-to-play high speed platformer for mobile. The game was released first for iOS on January 7, 2016, and Apple editors featured it as a Best New Game. As of July 27, 2016, the game has been released on Android. The game has earned a metascore of 83. Hi-Rez Studios Hi-Rez Studios is an independent, privately held video game developer based in Alpharetta, Georgia, United States. The company", + "score": 0.65869140625 + }, + { + "id": "17634484", + "title": "Excel Media", + "text": "of the movie, the objective as a player is to collect as many Rupex as possible. Fukrey: Rooftop Runner has been internationally released on 12 October 2013. Free download with in-app purchases starting at 0.99USD. \"Fukrey: Rooftop Runner\" is available on Android smartphones and tablets as well as on iOS devices. It is also available on Google Play Store and the iOS App Store. Notable unreleased title - \"Feed The Sparrow\" scheduled to be released in the first half of next year. Excel Media Excel Entertainment has formed a joint venture with the Dubai-based Riva Group to form Excel Media.", + "score": 0.658203125 + }, + { + "id": "18415421", + "title": "Final Fantasy Brave Exvius", + "text": "2014 at the \"Final Fantasy Live\" Event in Tokyo, alongside \"\" and the \"Final Fantasy Portal App.\" It was first released in Japan in October 2015. Eiji Takahashi and Hisatoshi Hayakashi of \"Brave Frontier\" both direct and produce the game while Noriyasu Agematsu composed the game's musical score. Illustrations of the characters are handled by Yoshitaka Amano, who illustrated art on early Final Fantasy works. On August 26, 2015 a beta test began for the Android version of the game for a limited number of players who had registered accounts on the Square Enix Japanese website. An English global release", + "score": 0.65771484375 + }, + { + "id": "8773432", + "title": "Oddworld Inhabitants", + "text": "iOS version was released on November 27, 2014, coming with fully configurable controls and brand new graphical features. The Android version was released on December 8, 2014. \"Stranger's Wrath\" was released for Mac on February 9, 2015 through the App Store, including native Mac resolution (including 5K), iCloud integration to allow users to play and continue on their iOS-portable devices, fully remappable keyboard and mouse controls and gamepad support, Game Center achievements and leaderboards. Stewart Gilray has hinted at porting \"Stranger's Wrath\" to PlayStation 4. On November 12, 2015, Oddworld Inhabitants released \"Munch's Oddysee\" to iOS, with the Android release", + "score": 0.6572265625 + }, + { + "id": "20642388", + "title": "Asphalt 9: Legends", + "text": "questions about Asphalt 9, and said that he was not allowed to comment on the future of the Asphalt series. Four days later, however, a trailer was revealed for Asphalt 9. The game was first released for iOS as a soft launch on 26 February 2018 in the Philippines, then in Thailand on 22 March 2018. It was later released for Android as a soft launch, on 17 May 2018 in the Philippines. Pre-registration for \"Asphalt 9\" began on 29 June 2018. Around the same time, people could pre-register the game on the Google Play Store. On 24 July 2018,", + "score": 0.6572265625 + }, + { + "id": "20268698", + "title": "Star Wars: Force Arena", + "text": "will be removed from the Android and iOS stores on January 17, 2019. Star Wars: Force Arena Star Wars: Force Arena is a 2017 \"Star Wars\"-themed player versus player real-time strategy mobile game from Netmarble Games and Lucasfilm. Announced in November 2016, the game was released for free download on January 12, 2017 for iOS and Android. Early versions of \"Force Arena\" were set in the Rebellion era of the \"Star Wars\" storyline, until an update on August 14, 2017 added content from the Clone Wars era and a November 9, 2017 update included the New Republic era. Players control", + "score": 0.65673828125 + }, + { + "id": "9015926", + "title": "Fallout Shelter", + "text": "was announced by Bethesda during its press conference at the Electronic Entertainment Expo on June 14, 2015, where it was confirmed the game is a free-to-play title that would be released for iOS the same day. It was developed in a partnership with Behaviour Interactive, and was built using the Unity game engine. The game was also released for Android devices on August 13, 2015. According to Pete Hines, vice president of Bethesda, the game is inspired by other video games like \"Little Computer People\", \"Progress Quest\", \"XCOM\", \"SimCity\" and \"\". On June 30, 2015, the game added a character", + "score": 0.65673828125 + }, + { + "id": "20785611", + "title": "Fortnite", + "text": "2018 had been estimated in the hundreds of millions of dollars per month. \"Fortnite Battle Royale\" has also become a cultural online phenomenon, with several celebrities reporting they play the game, and athletes using \"Fortnite\" emotes as victory celebrations. A notable streaming event in March 2018, with streamer Ninja playing \"Fortnite Battle Royale\" alongside Drake, Travis Scott, Kim DotCom, and Pittsburgh Steelers wide receiver JuJu Smith-Schuster, broke viewership records for Twitch to date, and led to Epic arranging a \"Fortnite Battle Royale\" pro\u2013am with 50 pairs of streamers and professional players matched with celebrities at the Electronic Entertainment Expo 2018", + "score": 0.65673828125 + }, + { + "id": "15631843", + "title": "Skullgirls", + "text": "Games announced that \"Skullgirls Encore\" would be released on PlayStation 4 and PlayStation Vita sometime in 2014. The PlayStation 4 and Vita port, later titled \"Skullgirls 2nd Encore\", would eventually be delayed until 2015. \"2nd Encore\" was released for the PlayStation 4 on July 7, 2015. The Android and iOS versions, developed by Hidden Variable Studios and published by Line, were released on May 25, 2017, in North America, South America, Europe, Australia, New Zealand, and the Philippines. Hidden Variables Limited Run Games produced a limited physical edition of \"2nd Encore\", which will include a disc-based copy of the game,", + "score": 0.65576171875 + } + ], + "answer": "Fortnite Battle Royale is a free-to-play battle royale video game developed and published by Epic Games. Since its initial release on September 26, 2017, the game has been ported to numerous devices, including iOS, Android, and Nintendo Switch. The Android beta version of Fortnite was released on August 9, 2018 with a time-exclusivity for selected Samsung mobile devices. On August 13, 2018, the beta version opened up to non-Samsung devices. On October 11, 2018, Fortnite opened to all Android users, no invite required." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "How many gold medals did Australia win in the 200 Olympics?", + "short_answers": [ + "16" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "How many silver medals did Australia win in the 2000 Olympics?", + "short_answers": [ + "25" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "How many bronze medals did Australia win in the 2000 Olympics?", + "short_answers": [ + "17" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "How many total medals did Australia win in the 2000 Olympics?", + "short_answers": [ + "58" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Australia at the 2000 Summer Olympics", + "url": "https://en.wikipedia.org/wiki/Australia%20at%20the%202000%20Summer%20Olympics" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The 2000 Summer Olympics, officially known as the Games of the XXVII Olympiad, were a summer multi-sport event held in Sydney, New South Wales, Australia, from 15 September to 1 October 2000. ", + "wikipage": "2000 Summer Olympics medal table" + } + ], + "long_answer": "During the summer Olympic games in the year 2000, Australia won 17 bronze, 25 silver and 16 gold medals for a total of 58 medals overall." + }, + { + "knowledge": [ + { + "content": "Australia was the host nation for the 2000 Summer Olympics in Sydney. ", + "wikipage": "Australia at the 2000 Summer Olympics" + } + ], + "long_answer": "Australia was the host nation for the 2000 Summer Olympics in Sydney. That summer, Australia won a total of 58 medals. 16 of those 58 medals were gold, 25 were silver, and 17 were bronze. " + } + ], + "sample_id": "-760711577307303110", + "question": "How many medals did australia win in the 2000 olympics?", + "docs": [ + { + "id": "12396363", + "title": "2000 Summer Paralympics medal table", + "text": "The location and facilities were shared with the largest event, the 2000 Summer Olympics, which concluded on 1 October. The Games set records for athlete and country participation, tickets sold, hits to the official Games website, and medals on offer. A record of 122 countries (or 123 delegations including independent athletes from Timor-Leste) participated; 68 countries won medals, of which seven won a medal for the first time. A total of 1,657 medals were awarded during the Sydney games: 550 gold, 549 silver, and 558 bronze. Among these performances, over 300 world and Paralympic records were set. The host country,", + "score": 0.78759765625, + "summary": "irrelevant", + "extraction": "Australia won a total of medals in the 2000 Olympics is irrelevant as the passage is about the Paralympics medal table." + }, + { + "id": "3623503", + "title": "2000 Summer Olympics medal table", + "text": "2000 Summer Olympics medal table The 2000 Summer Olympics medal table is a list of National Olympic Committees ranked by the number of medals won during the 2000 Summer Olympics, held in Sydney, Australia, from 15 September to 1 October 2000. A total of 10,651 athletes from 199 nations (with four individual athletes from East Timor) competed in 300 events in 28 sports. Athletes from 80 countries won at least one medal, leaving 119 countries without a medal. The United States won the most medals overall with 93, as well as the most gold (37) medals. Host nation Australia finished", + "score": 0.78076171875, + "summary": "Australia won medals in the 2000 Summer Olympics, but the document does not provide the specific number.", + "extraction": "Host nation Australia finished. This span is not helpful for answering the question as it does not provide the number of medals won by Australia in the 2000 Olympics." + }, + { + "id": "3663986", + "title": "Australia at the Olympics", + "text": "unsuccessfully bid for the Games on three other occasions: These totals do not include 15 medals recognised by the Australian Olympic Committee: 10 medals (3 gold, 4 silver and 3 bronze) won by Australians competing for the combined Australasia team in 1908 and 1912 (8 by individuals, 1 by an exclusively Australian team, and 1 by a combined team); 1 bronze medal won in tennis by Edwin Flack in 1896; and 4 medals (3 silver and 1 bronze) won in swimming by Francis Gailey, an Australian until recently incorrectly classed as American, in 1904. The AOC therefore recognises Australia as", + "score": 0.77001953125, + "summary": "Australia won 15 additional medals recognized by the Australian Olympic Committee, but the document does not provide information on how many medals Australia won in the 2000 Olympics.", + "extraction": "Australia won 15 medals recognized by the Australian Olympic Committee, but the passage does not provide information about how many medals Australia won in the 2000 Olympics. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "3623505", + "title": "2000 Summer Olympics medal table", + "text": "Olympic Committee. The number of silver medals is taken into consideration next and then the number of bronze medals. If, after the above, countries are still tied, equal ranking is given and they are listed alphabetically. Host nation (Australia) 2000 Summer Olympics medal table The 2000 Summer Olympics medal table is a list of National Olympic Committees ranked by the number of medals won during the 2000 Summer Olympics, held in Sydney, Australia, from 15 September to 1 October 2000. A total of 10,651 athletes from 199 nations (with four individual athletes from East Timor) competed in 300 events in", + "score": 0.76904296875, + "summary": "The document provides information about the 2000 Summer Olympics medal table, listing the National Olympic Committees ranked by the number of medals won during the games held in Sydney, Australia. However, it does not provide a specific answer to the question of how many medals Australia won.", + "extraction": "Australia won a total number of medals during the 2000 Summer Olympics, held in Sydney, Australia, from 15 September to 1 October 2000. However, the passage does not specify the exact number of medals Australia won. Therefore, the useful span to answer the question is \"irrelevant\"." + }, + { + "id": "15669791", + "title": "Australia at the 2004 Summer Paralympics", + "text": "interest in the Paralympis Games Since the Sydney 2000 Paralympics has grown. There were 518 Medal events at the games. Australia brought home 101 medals, including a record 26 gold medals. The 2004 Paralympic Games in Athens were a precursor to the 2008 Summer Paralympics in Beijing. China dominated the medal count with more goal medals, more silver medals and more medals overall than any other nation. Australia had the second highest medal tally overall, which were 16% higher than it was in 1984 Officials - Vicki O'Brien (Manager) After the highly successful 2000 Summer Paralympic games where Australia finished", + "score": 0.76416015625, + "summary": "Australia won 101 medals in the 2004 Paralympic Games, which were held after the 2000 Olympics in Sydney. However, the document doesn't provide information on how many medals Australia won in the 2000 Olympics itself.", + "extraction": "Australia brought home 101 medals, including a record 26 gold medals." + }, + { + "id": "4921313", + "title": "Australia at the 2000 Summer Olympics", + "text": "Australia at the 2000 Summer Olympics Australia was the host nation for the 2000 Summer Olympics in Sydney. Australian athletes have competed in every Summer Olympic Games. 628 competitors, 341 men and 276 women, took part in 270 events in 34 sports. Australia won its first Olympic gold medal in the sport of archery in Sydney. Simon Fairweather defeated all six archers he faced, including a comfortable seven-point victory in the final. Men Women The Australians' second appearance in the Olympic baseball tournament resulted in the team moving up one place in the rankings, from seventh to sixth. They defeated", + "score": 0.7626953125, + "summary": "Australia won medals in the 2000 Olympics, but the document does not specify how many.", + "extraction": "Australia won its first Olympic gold medal in the sport of archery in Sydney. However, the passage does not provide information about how many medals Australia won in total. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "15672673", + "title": "Australia at the 1996 Summer Paralympics", + "text": "Australia at the 1996 Summer Paralympics The 1996 Summer Paralympics were held in the United States city of Atlanta. Australia competed in 13 of the 17 sports, winning medals in 10 of those sports. At the 1996 Summer Paralympics, Australia had the second highest medal tally of any country competing. It won 42 gold, 37 silver and 27 bronze medals. It surpassed the 24 gold medals that Australia won at the 1992 Paralympics. The sports of athletics, swimming and cycling provided Australia with the majority of its medals. In September 1993 the IOC announced that Sydney was the winning bid", + "score": 0.75, + "summary": "Irrelevant. The document discusses Australia's performance at the 1996 Summer Paralympics, not the 2000 Olympics.", + "extraction": "Australia won 42 gold, 37 silver and 27 bronze medals at the 1996 Summer Paralympics, but the passage is irrelevant to the question about the 2000 Olympics." + }, + { + "id": "3613094", + "title": "Australia at the 2004 Summer Olympics", + "text": "Australia at the 2004 Summer Olympics Australia competed at the 2004 Summer Olympics in Athens, Greece from 13 to 29 August 2004. Australian athletes have competed in every Summer Olympic Games of the modern era. The Australian Olympic Committee sent a total of 470 athletes (268 men and 202 women) to the Games to compete in 29 sports. Australia entered the Athens Games having won a total of 58 medals, including 17 gold, the most to date. Its strongest sports were swimming, cycling, diving, and rowing. Australian athletes have so far achieved qualifying standards in the following athletics events (up", + "score": 0.74951171875, + "summary": "Irrelevant.", + "extraction": "Australia won a total of 58 medals, including 17 gold, but this passage is about the 2004 Olympics, not the 2000 Olympics, and does not provide information on the number of medals won by Australia in the 2000 Olympics. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "4921316", + "title": "Australia at the 2000 Summer Olympics", + "text": "Blanco Coaches: Anthony Klarica, John Olsen, John Gilman, Scott Arnold, Russel Johnston Australia competed in all of the sailing events at the 2000 Olympics. They won 2 golds, 1 silver and 1 bronze. Men's Double Handed Dinghy (470) Men's Laser Men's Tornado Men's Two Handed Keelboat (Star) Men's Three Handed Keelboat (Soling) Women's Mistral Women's Single Handed Dinghy (Europe) Women's Double Handed Dinghy (470) Mixed High Performance Two Handed Dinghy (49er) Australia was very successful in the swimming venue at the 2000 Olympics. They won 5 Gold, 9 Silver, and 4 Bronze medals. The biggest rivalry, both in the press", + "score": 0.7490234375, + "summary": "Australia won 2 golds, 1 silver, and 1 bronze in sailing and 5 golds, 9 silvers, and 4 bronzes in swimming at the 2000 Olympics.", + "extraction": "Australia won 5 Gold, 9 Silver, and 4 Bronze medals in the 2000 Olympics." + }, + { + "id": "15944516", + "title": "Australia at the 1992 Summer Paralympics", + "text": "Australia at the 1992 Summer Paralympics Australia competed at the 1992 Games in Barcelona for physically and vision-impaired athletes. Immediately after the Barcelona Games, the city of Madrid held events for athletes with an intellectual disability. The Madrid results are not included in International Paralympic Committee Historical Results Database. Australia finished 7th in the total medal count winning 76 medals (24 gold, 27 silver and 25 bronze medals). Australia competed in 13 sports and won medals in 3 sports \u2013 swimming, athletics and weightlifting. Australia finished first in the medal tally at the 1992 Paralympic Games for Persons with Mental", + "score": 0.74853515625, + "summary": "Irrelevant.", + "extraction": "Australia won 76 medals (24 gold, 27 silver and 25 bronze medals)." + }, + { + "id": "4924936", + "title": "Great Britain at the 2000 Summer Olympics", + "text": "widespread expectations of the team were low. The Sydney Games was at the time the best performance by Great Britain in the Summer Olympic Games since 1920, with British competitors winning a total of 28 medals, 11 of which were gold. This represented a vast improvement in performance over the previous Summer Olympics in 1996, in which Great Britain won only one gold medal and 15 in total, and was the first of five consecutive Summer Olympics in which Great Britain would not only dramatically increase its overall performance and expectations but also see them dramatically increase its overall Summer", + "score": 0.748046875, + "summary": "Irrelevant.", + "extraction": "Australia's medal count is not mentioned in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "15944617", + "title": "Australia at the 1994 Winter Paralympics", + "text": "discipline). Alpine skiing at the games consisted of four events for both men and women, with each event containing 12 different disability classifications. Australia finished in 9th (out of 31 nations) with 3 gold medals, 2 silver medals, and 4 bronze medals, for a total of 9 medals. This was a stark improvement from 2 years prior at the Albertville Paralympics, where they won 1 gold medal, 1 silver medal, and 2 bronze medals. This is Australia's second best medal position to date, surpassed only by the 2002 Salt Lake City Team who placed 8th with 6 gold medals. The", + "score": 0.74462890625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage discusses Australia's performance at the 1994 Winter Paralympics and does not provide information about the 2000 Olympics." + }, + { + "id": "4927157", + "title": "Greece at the 2000 Summer Olympics", + "text": "Men Women Men Greece at the 2000 Summer Olympics Greece competed at the 2000 Summer Olympics in Sydney, Australia. Greek athletes have competed in every Summer Olympic Games.At the closing ceremony, a Greek segment was performed, as the country hosted the next Olympics in Athens Four years later. Greece finished in 17th position in the final medal rankings, with four gold medals and 13 medals overall. Men Greece sent one archer to Sydney. She lost her first match. Men Men's 100 m Men's 200 m Men's 400 m Men's 800 m Men's 400 m Hurdles Men's 4 \u00d7 100 m", + "score": 0.74462890625, + "summary": "Greece won 13 medals, including 4 gold medals, in the 2000 Olympics held in Sydney, Australia.", + "extraction": "Australia's medal count is not mentioned in this passage, so the answer is \"irrelevant\"." + }, + { + "id": "15669784", + "title": "Australia at the 2004 Summer Paralympics", + "text": "Australia at the 2004 Summer Paralympics Australia competed at the 2004 Summer Paralympics in Athens, Greece. It was Australia's 12th year of participation at the Paralympics. The team included 151 athletes (91 men and 60 women). Australian competitors won 101 medals (26 gold, 39 silver and 36 bronze) to finish fifth in the gold medal table and second on the total medal table. Australia competed in 12 sports and won medals in 8 sports. The Chef de Mission was Paul Bird. The Australian team was smaller than the Sydney Games due to a strict selection policy related to the athletes'", + "score": 0.744140625, + "summary": "Irrelevant.", + "extraction": "Australia won 101 medals (26 gold, 39 silver and 36 bronze) in the 2004 Summer Paralympics in Athens. However, the passage is irrelevant to the question about the 2000 Olympics." + }, + { + "id": "15944496", + "title": "Australia at the 1988 Summer Paralympics", + "text": "Australia at the 1988 Summer Paralympics Australia competed at the 1988 Summer Paralympics in Seoul, South Korea in 16 sports, winning medals in 6 sports. Gold medals were won in three sports \u2013 athletics, lawn bowls and swimming. Australia won 95 medals \u2013 23 gold, 34 silver and 38 bronze medals. Australia finished 10th on the gold medal table and 7th on the combined medal table. Australian Confederation of Sports for the Disabled reported another medal ranking after Games with Australia being 2nd ranked in amputee sports, 8th in wheelchair sports, 11th in blind sports and 12th in cerebral palsy", + "score": 0.7431640625, + "summary": "Irrelevant. The document discusses Australia's performance at the 1988 Summer Paralympics, not the 2000 Olympics.", + "extraction": "Australia won 95 medals \u2013 23 gold, 34 silver and 38 bronze medals." + }, + { + "id": "18241643", + "title": "Australia at the 2016 Summer Olympics", + "text": "only won 27 medals. The following Australian competitors won medals at the games. In the by discipline sections below, medallists' names are bolded. Kitty Chiller, who competed as a modern pentathlete at the 2000 Summer Olympics in Sydney, was selected as the team's Chef de Mission, the first female to hold the role for Australia. In May 2014 Australian Sports Minister Peter Dutton announced that 650 Australian athletes identified as medal prospects would receive funding directly from a newly designed program that reallocated A$1.6 million from the Direct Athlete Support program. In the lead up to the Rio Olympics, the", + "score": 0.74169921875, + "summary": "Australia won 27 medals at the 2016 Summer Olympics. Irrelevant to the question.", + "extraction": "Australia won 58 medals at the 2000 Summer Olympics in Sydney." + }, + { + "id": "15944546", + "title": "Australia at the 1992 Summer Paralympics", + "text": "of the EXPO 2000. Australia at the 1992 Summer Paralympics Australia competed at the 1992 Games in Barcelona for physically and vision-impaired athletes. Immediately after the Barcelona Games, the city of Madrid held events for athletes with an intellectual disability. The Madrid results are not included in International Paralympic Committee Historical Results Database. Australia finished 7th in the total medal count winning 76 medals (24 gold, 27 silver and 25 bronze medals). Australia competed in 13 sports and won medals in 3 sports \u2013 swimming, athletics and weightlifting. Australia finished first in the medal tally at the 1992 Paralympic Games", + "score": 0.74169921875, + "summary": "Australia won 76 medals (24 gold, 27 silver, and 25 bronze medals) in the 1992 Paralympic Games. Irrelevant to the question of interest.", + "extraction": "Australia won 76 medals (24 gold, 27 silver and 25 bronze medals) in the 1992 Paralympic Games, but there is no information about the number of medals they won in the 2000 Olympics. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "12590783", + "title": "Australia at the Paralympics", + "text": "but did not medal. Australia had two competitors, Kyrra Grunnsund and Peter Rickards, who participated in Slalom and Middle Distance Alpine Skiing respectively. It was the 6th Summer Paralympic game in which Australia competed. Australia won 55 medals \u2013 12 gold, 21 silver and 22 bronze medals. Australia competed in 10 sports and won medals in 6 sports. It finished 14th on the gold medal table and 9th on the total medal table. Australia did not win a medal, but was strongly represented by Rodney Mills in cross-country and Kyrra Grunnsund and Andrew Temple in the alpine events of slalom,", + "score": 0.73876953125, + "summary": "Australia won 55 medals - 12 gold, 21 silver, and 22 bronze medals in the 6th Summer Paralympic game in which they competed. However, the document does not provide information on how many medals Australia won in the 2000 Olympics.", + "extraction": "Australia won 55 medals \u2013 12 gold, 21 silver and 22 bronze medals." + }, + { + "id": "12590780", + "title": "Australia at the Paralympics", + "text": "were the only Paralympic Games in which Australia did not win a gold medal in athletics. With the games in Tokyo, Australia was able to send a large contingent of athletes as a result of the shorter than typical journey. Australia placed fourth with a total of 31 overall medals; 12 gold medals, 10 silver medals and 9 bronze medals. Australia placed fourth again, with 38 overall medals; 15 gold, 16 silver and 7 bronze. Lorraine Dodd was an outstanding athlete at these games, setting three Swimming records for her class, all on the same day. Australian won 25 medals", + "score": 0.73828125, + "summary": "Australia won a total of 31 medals (12 gold, 10 silver, 9 bronze) in the 2000 Olympics.", + "extraction": "Australia won 31 overall medals in the 2000 Olympics, including 12 gold medals, 10 silver medals, and 9 bronze medals." + }, + { + "id": "15944542", + "title": "Australia at the 1992 Summer Paralympics", + "text": "Australia came first in these games, finishing with a total of 32 medals: 13 gold, 10 silver and 8 bronze. The most notable performance for Australia was by the men's swimming team, and in particular, Joseph Walker, who won 9 medals in total, 5 individual and 4 relay. This was undoubtedly a great success for Australia, with many Athletes excelling at these games, and bringing home a real win for Australia. There was a great deal of controversy surrounding the 1992 Barcelona Paralympics, with much heated discussion taking place before the event. There had been considerations for a capitation fee", + "score": 0.73583984375, + "summary": "Irrelevant. The document is about Australia at the 1992 Summer Paralympics, not the 2000 Olympics.", + "extraction": "Australia won 32 medals in the 1992 Summer Paralympics: 13 gold, 10 silver and 8 bronze. (Note: This passage is not relevant for answering the question about the 2000 Olympics.)" + }, + { + "id": "4927153", + "title": "Greece at the 2000 Summer Olympics", + "text": "Greece at the 2000 Summer Olympics Greece competed at the 2000 Summer Olympics in Sydney, Australia. Greek athletes have competed in every Summer Olympic Games.At the closing ceremony, a Greek segment was performed, as the country hosted the next Olympics in Athens Four years later. Greece finished in 17th position in the final medal rankings, with four gold medals and 13 medals overall. Men Greece sent one archer to Sydney. She lost her first match. Men Men's 100 m Men's 200 m Men's 400 m Men's 800 m Men's 400 m Hurdles Men's 4 \u00d7 100 m Men's 4 \u00d7", + "score": 0.73583984375 + }, + { + "id": "15944473", + "title": "Australia at the 1980 Summer Paralympics", + "text": "events. Australia won 6 medals overall, winning two gold medals in the Mixed air rifle kneeling 1A-1C and the Mixed air rifle prone 2-5, three silver in the Mixed air rifle 3 positions 1A-1C, Mixed air rifle 3 positions 2-5 and the Mixed air rifle kneeling 2-5 and finally one bronze medal in the Mixed air rifle standing 1A-1C. Australia represented by: Women \u2013 Barbara Caspers, Elizabeth Kosmala Men - Peter Pascoe There were 192 swimming events, 93 for women and 99 for men. Australian won 11 medals \u2013 1 gold, 8 silver and 2 bronze medals. Gary Gudegeon won", + "score": 0.7353515625 + }, + { + "id": "4926990", + "title": "China at the 2000 Summer Olympics", + "text": "China at the 2000 Summer Olympics The People's Republic of China competed at the 2000 Summer Olympics in Sydney, Australia. The team excluded athletes from the Special Administrative Region of Hong Kong, after the territory's return to Chinese rule in 1997, and which competed separately as \"Hong Kong, China\". 271 competitors, 91 men and 180 women, took part in 163 events in 28 sports. China finished for the first time in the top 3 with 28 gold medals. Unless otherwise indicated, all results are derived from the Official Report of the XXVII Olympiad. Defending silver medallist He Ying was defeated", + "score": 0.73486328125 + }, + { + "id": "14860110", + "title": "Australia at the 2012 Summer Olympics", + "text": "Australia at the 2012 Summer Olympics Australia competed at the 2012 Summer Olympics in London, from 27 July to 12 August 2012. Australian athletes have competed in every Summer Olympic Games of the modern era. The Australian Olympic Committee sent a total of 410 athletes to the Games to compete in 23 sports. Australia left London with a total of 35 medals (8 gold, 15 silver, and 12 bronze), the lowest in Summer Olympics since 1992. Ten of these medals were awarded to the athletes in swimming, including the gold from the women's freestyle relay team; six in cycling, five", + "score": 0.73388671875 + }, + { + "id": "12160019", + "title": "Australia at the 2000 Summer Paralympics", + "text": "performance in athletics at the Paralympics. Team highlights included: Timothy Sullivan's five gold medals, Greg Smith's five gold medals, Neil Fuller's four gold medals and one bronze medal, Lisa Llorens's three gold medals and one silver medal and Lisa McIntosh's three gold medals. Australia also won four relay gold medals. Well known Australian team member and opening ceremony cauldron lighter Louise Sauvage was a participant in the 800 meters T54 event. The race was interrupted by a crash around the 200m mark, leaving three competitors unable to finish. Race leaders Sauvage and Canadian rival Chantal Petitclerc were uninterrupted by the", + "score": 0.73388671875 + }, + { + "id": "15944433", + "title": "Australia at the 1964 Summer Paralympics", + "text": "Australia at the 1964 Summer Paralympics Also known as the 13th Stoke Mandeville Games, the 1964 Summer Paralympics was the 2nd Paralympic Games. Hosted in Tokyo, the games ran from 8 to 12 November. Australia won a total of 30 medals (12 gold, 11 silver, and 7 bronze) and finished fourth on the medal tally behind Italy (3rd), Great Britain (2nd) and the United States (1st). Australia competed in 6 of the 9 sports at the Games, winning medals in each of those sports, but was most successful in the pool, winning a majority of their medals in swimming events.", + "score": 0.7333984375 + }, + { + "id": "4921317", + "title": "Australia at the 2000 Summer Olympics", + "text": "and in the pool, was between the United States and Australia relay teams. In the 4 \u00d7 100 m relay, the Americans had won the event every time it had been contested. Australia was able to edge out the Americans by .19 seconds to win the gold medal. The Australians also set three world records. The 2000 Olympics also saw the emergence of Ian Thorpe as an Olympic champion in the Men's 400 m Freestyle. Men
Women Australia at the 2000 Summer Olympics Australia was the host nation for the 2000 Summer Olympics in Sydney. Australian athletes have competed", + "score": 0.73291015625 + }, + { + "id": "15739878", + "title": "Australia at the 1976 Summer Paralympics", + "text": "Australian athletics' team won 23 medals, of which 7 were gold, 11 were silver and 5 were bronze medals. Of the 16 gold medals won by Australia, 7 were won by the track and field team. The team consisted of 24 athletes who made up more than half of the total Australian team. Only two athletes were females while the remaining 22 were males. Outstanding performances were seen by a number of athletes including Tracey Freeman and Eric Russell who both won three gold medals each. Freeman won the wheelchair sprint, javelin and shot put, creating three world records in", + "score": 0.73291015625 + }, + { + "id": "3663987", + "title": "Australia at the Olympics", + "text": "having won 512 medals at the Summer Olympics (150 gold, 170 silver and 192 bronze). Australia at the Olympics Australia has sent athletes to almost all editions of the modern Olympic Games. Australia has competed in every Summer Olympic Games, as well as every Winter Olympics except 1924\u201332 and 1948. In 1908 and 1912 Australia competed with New Zealand under the name Australasia. The Australian Olympic Committee was founded and recognised in 1895. Edwin Flack was the first athlete to represent Australia at the Olympics. He won gold in both the 800 metres and the 1500 metres, competed in the", + "score": 0.73291015625 + }, + { + "id": "12590785", + "title": "Australia at the Paralympics", + "text": "both men's downhill, men's giant slalom and men's slalom, except Munk who only competed in the latter two events. Australia competed in 16 events, achieving 23 gold medals in three sports, Athletics, Swimming and Lawn Bowls. Overall, Australia received 95 medals, 23 gold, 34 silver and 38 bronze. Australian athletes broke eight records during the Games. Australia's first ever gold medal at an Olympic or Paralympic Winter Games was won by Michael Milton when he won the LW2 Slalom event. There are no accurate results for the Australian Paralympic team performances at Winter Games previous to 1992; however, it is", + "score": 0.732421875 + }, + { + "id": "4924689", + "title": "Brazil at the 2000 Summer Olympics", + "text": "the race. Men's Individual Competition: Women's Individual Competition: Brazil at the 2000 Summer Olympics Brazil competed at the 2000 Summer Olympics in Sydney, Australia. After getting the best results ever in 1996, with fifteen medals, including three golds, the Brazilian athletes were disappointing in Australia, winning twelve medals, but no golds. 205 competitors, 111 men and 94 women, took part in 96 events in 23 sports. Men's 100m Men's 200m Men's 200m Men's 400m Men's 800m Men's 1,500m Men's 110m Hurdles Men's 400m Hurdles Men's 4 \u00d7 100 m Men's Long Jump Men's Marathon Women's Javelin Throw Women's Long Jump", + "score": 0.73193359375 + }, + { + "id": "15944492", + "title": "Australia at the 1984 Summer Paralympics", + "text": "Smith, Catherine Watson, Valerie Woodbridge Australia won 58 medals - 17 gold, 19 silver and 22 bronze medals. Coaches - D. Reed (blind), D. Regan (blind) Officials - R. Carlton (Manager - Blind), B. Dunk (blind), L. O'Brien (blind), _ Men - Theo Bottom, Graham Coulton, Martin Furness, Nick Gleeson, Greg Scott, Leigh Sloan Coach - S. Bennett Officials - M. Downey Australia represented by: Men \u2013 David Boldery, John Forsberg, Roy Fowler, Wayne Lewis, Eric Magennis, Ken Moran, John Newton, Clifford Swann, Robert Wedderburn, Keith Zotti Australia won 8 medals - 2 gold, 3 silver and 3 bronze medals.", + "score": 0.73046875 + }, + { + "id": "18241642", + "title": "Australia at the 2016 Summer Olympics", + "text": "Australia at the 2016 Summer Olympics Australia competed at the 2016 Summer Olympics in Rio de Janeiro, Brazil, from 5 to 21 August 2016. Australia is one of only five countries to have sent athletes to every Summer Olympics of the modern era, alongside Great Britain, France, Greece, and Switzerland. At the end of these Olympics, Australia was ranked in tenth position on the medal table with a total of 29 medals (8 gold, 11 silver, and 10 bronze). This was Australia's lowest medal tally and lowest rank since the 1992 Olympics in Barcelona where Australia also ranked tenth but", + "score": 0.73046875 + }, + { + "id": "15944462", + "title": "Australia at the 1980 Summer Paralympics", + "text": "Paralympic Games, and although they won less gold medals than at the previous Games (16 gold medals won at the 1976 Paralympic Games), Australia won more silver and bronze medals than ever before. As a result, Australia placed 14th on the gold medal table and 9th on the overall total medal table. This was an improvement from the 1976 Games, at which they placed 11th, and matched their overall performance at the 1972 Games where they also placed 9th. The 1980 Arnhem Paralympic Games opened on Saturday the 21st of June at 2pm at the Olympic Stadium. During the planning", + "score": 0.72998046875 + }, + { + "id": "14860111", + "title": "Australia at the 2012 Summer Olympics", + "text": "in rowing, and four in sailing. Nine Australian athletes won more than a single Olympic medal in London, while 11 of them managed to claim their Olympic titles for the first time. From the twenty-three sports played by the athletes, fourteen of them contained at least a single Olympic medal. With the absence of baseball and softball at the Olympics, Australia's team-based athletes proved successful in London, as the field hockey teams and the women's basketball team each won bronze medals. For the first time since 2000, Australia did not win an Olympic gold medal in rowing. Among the nation's", + "score": 0.72900390625 + }, + { + "id": "4924686", + "title": "Brazil at the 2000 Summer Olympics", + "text": "Brazil at the 2000 Summer Olympics Brazil competed at the 2000 Summer Olympics in Sydney, Australia. After getting the best results ever in 1996, with fifteen medals, including three golds, the Brazilian athletes were disappointing in Australia, winning twelve medals, but no golds. 205 competitors, 111 men and 94 women, took part in 96 events in 23 sports. Men's 100m Men's 200m Men's 200m Men's 400m Men's 800m Men's 1,500m Men's 110m Hurdles Men's 400m Hurdles Men's 4 \u00d7 100 m Men's Long Jump Men's Marathon Women's Javelin Throw Women's Long Jump Women's Triple Jump Men's Flyweight (\u2013 48 kg)", + "score": 0.72802734375 + }, + { + "id": "12160024", + "title": "Australia at the 2000 Summer Paralympics", + "text": "bronze medals and finished the number one country overall. Australia represented in equestrian by: Coaches \u2013 Carolyn Lieutenant (Head), Gillian Rickard Officials \u2013 Judy Cubitt (Chef d'Equipe), Dinah Barron Australia won 2 gold and 2 bronze medals in its second Paralympic competition. It came second to Great Britain in the overall medal tally. Due to the team's results, Head Coach Carolyn Lieutenant won the Australian Coaching Council's Female Coach of the Year award. Australia represented in wheelchair fencing by: Coach Sally Kopiec (Head) Australia did not win any medals but each athlete made the second round (top sixteen). Australia represented", + "score": 0.7265625 + }, + { + "id": "12160027", + "title": "Australia at the 2000 Summer Paralympics", + "text": "Dick Orbell Officials \u2013 Michael Scott (Manager), Linda Garsden, John Stamoulos, Michael Martin, Jenny Lambert Australia had its largest ever swimming team and it won 14 gold, 15 silver and 21 bronze medals. It finished fifth on the gold medal tally and second on the overall medal tally. During the competition, Australian swimmers set 42 Australian records, 14 Paralympic records and 7 world records. Australia represented in table tennis by: Coaches \u2013 Joe Hoad (Head) Officials \u2013 Carmel Medley and Roger Massie Australia was given two wild card entries due to it being the host nation. It did not win", + "score": 0.72607421875 + }, + { + "id": "3591691", + "title": "2004 Summer Olympics medal table", + "text": "(40) and the most medals overall (101). China finished second on the International Olympic Committee medal table (though third in terms of total medals), the country's best performance until the 2008 Beijing Olympics. Russia finished third, (second in total medals), and also won the most bronze medals (38). Host nation Greece finished fifteenth, with six gold, six silver, and four bronze medals, in its best total medal haul since 1896. Australia became the first nation to improve their gold medal total at the Games immediately after hosting a Summer Olympics. The United Arab Emirates, Paraguay and Eritrea won their first", + "score": 0.72607421875 + }, + { + "id": "15739884", + "title": "Australia at the 1976 Summer Paralympics", + "text": "Flood was the sole representative of Australia in Snooker. He competed but did not advance to the final of his event. Australia represented by: Men \u2013 Robert Faulkner, G. Green, John Hind, Roy Kubig, Brian Sullivan Women \u2013 Pauline English, Lyn Michael, Gail Nicholson Australia won 10 medals - 3 gold, 5 silver and 2 bronze medals. Australia's swimming team at the 1976 Games consisted of eight swimmers. The team won a total of 10 medals and placed 12th overall in the medal count with five of the eight swimmers winning medals. The Netherlands dominated the swimming events, by winning", + "score": 0.72607421875 + }, + { + "id": "15944622", + "title": "Australia at the 2002 Winter Paralympics", + "text": "alpine skiing, biathlon, cross-country, and ice sledge hockey. The 36 competing countries sent a total of 416 participants (329 men and 87 women). Australia was represented by six male alpine skiers: Peter Boonaerts, Bart Bunting, Michael Milton, Scott Adams, Cameron Rahles-Rahbula, and Mark Drinnan. The medal haul was seven, consisting of six gold and one silver. Australia finished 8th overall in the gold and total medal count, making it the country's most successful Winter Games in terms of gold medals. Notable Australian performances were: Australia has competed in every Winter Paralympics since its inception in 1976, but the 2002 Salt", + "score": 0.724609375 + }, + { + "id": "11293177", + "title": "Australia at the 2008 Summer Olympics", + "text": "The team selected to compete in the games is: Group stage The top four teams will advance to the semifinal round. Semifinal Preliminary final Australia sent 43 swimmers to Beijing. The men's team won 3 silver and 3 bronze medals, while the women's team won 6 gold, 2 silver and 4 bronze medals and set 4 world records. The members of the swim team and their results were: Australia has qualified both a duet and a group entry in synchronised swimming. Australia has qualified both men's and women's table tennis teams for Beijing. Each team includes three competitors. The men's", + "score": 0.72412109375 + }, + { + "id": "4910304", + "title": "Australia at the 2006 Commonwealth Games", + "text": "sports are swimming and cycling. At the 2006 Commonwealth Games, Australia was at the top of the medal tally with 221 medals: 84 Gold, 69 Silver and 68 Bronze. Australia's overall tally of medals is 1,707 medals: 643 Gold, 556 Silver and 508 Bronze. Jane Saville bore Australia's flag at the opening ceremony, while Leisel Jones bore the flag during the closing ceremony. \u2013 Indicates the athlete competed in preliminaries but not the final relay. ---- Australia at the 2006 Commonwealth Games Australia at the 2006 Commonwealth Games was represented by Australian Commonwealth Games Association the (ACGA), and abbreviated AUS.", + "score": 0.7236328125 + }, + { + "id": "12590779", + "title": "Australia at the Paralympics", + "text": "Games on one occasion in 2000. Sydney, the capital city of New South Wales hosted the Summer Paralympics from 23 to 31 October 2000. There were 3879 participants from 123 countries across 19 sports and 550 events. Australia was the country to win the most medals with 149 medals overall. Since Australia began competing in the Winter Paralympic Games in 1980, it has only sent competitors in Alpine Skiing and hence all medals won at the Winter Paralympics are in Alpine Skiing. Athlete, Daphne Hilton (Ceeney) was Australia's first ever swimmer who competed at the Rome 1960 Games. This games", + "score": 0.7236328125 + }, + { + "id": "15663451", + "title": "Australia at the 2012 Summer Paralympics", + "text": "Support staff \u2013 Administration \u2013 Karyn Burgess (Section Manager) ; Coaches \u2013 Brendan Keogh (Head), Angelo Basalo, Tom Davis, Michael Freney, Rob Hindmarsh, Jon O'Neil-Shaw, Chris Phillips, Bash Zidan ; Personal Care Attendant \u2013 Tara Andrews ; Physiotherapist \u2013 David Spurrier, Jo Evershed ; Sport Scientists \u2013 Brendan Burkett, Sacha Fulton ; Soft tissue therapist \u2013 Penny Will ; Psychologist \u2013 Jason Patchell Australia finished second on the gold medal table and won a total of 37 medals 18 gold, 7 silver and 12 bronze. Leading swimmers were \u2013 Jacqueline Freney won 8 gold medals, Matthew Cowdrey won 5 gold", + "score": 0.72216796875 + }, + { + "id": "13625546", + "title": "Geoff Henke", + "text": "series for the year, and was one of the favourites for the women's aerial skiing, but she crash-landed and finished seventh. In 1994, Australia's short track relay team won Australia's first Winter Olympic medal, a bronze. It was a successful campaign for Henke's swansong; the largest team that Australia had sent apart from 1960, with 27 athletes, recorded an unprecedented five top 10 finishes. Marshall came sixth in aerials, while Kerryn Rim placed eighth in the 15 km biathlon and Steven Bradbury and Nizielski of the medal-winning relay team placed eighth and tenth in the 500 m and 1,000 m", + "score": 0.72119140625 + }, + { + "id": "2173203", + "title": "2000 Summer Paralympics", + "text": "Paralympic Committee). The games were Australia\u2019s most successful in history, with the nation achieving their highest medal count. Of the 149 medals won, 63 were gold, 39 silver, and 47 were bronze, from ten different sports. Ticket sales exceeded organisers\u2019 initial targets, with 1.1 million tickets sold; nearly twice that of the 1996 Summer Paralympics. The Australian team had a number of notable gold-medal winning performances. Individual achievements included swimmer Siobhan Paton\u2019s six gold medals in the 200m SM14 individual medley, and S14 100m freestyle, 50m butterfly, 50m backstroke, 200m freestyle, and 50m freestyle. She set nine world records in", + "score": 0.72119140625 + }, + { + "id": "15944478", + "title": "Australia at the 1984 Summer Paralympics", + "text": "Australia at the 1984 Summer Paralympics Australia competed at the 1984 Summer Paralympics that were held in two locations - Stoke Mandeville, United Kingdom (wheelchair athletes with spinal cord injuries) and in the Mitchel Athletic Complex and Hofstra University in Long Island, New York, United States of America (wheelchair and ambulatory athletes with cerebral palsy, amputees, and \"Les Autres\" (the others) conditions as well as blind and visually impaired athletes). Four months before the beginning of the 1984 summer Paralympics, the University of Illinois terminating their contract to hold the Games. Australia won 154 medals - 49 gold, 54 silver", + "score": 0.72021484375 + }, + { + "id": "17722255", + "title": "United States at the 2000 Summer Olympics", + "text": "United States at the 2000 Summer Olympics The United States competed at the 2000 Summer Olympics in Sydney, Australia. 586 competitors, 333 men and 253 women, took part in 265 events in 31 sports. The following U.S. competitors won medals at the games. In the by discipline sections below, medalists' names are bolded. * \u2013 Indicates the athlete competed in preliminaries but not the final All three of the American men won their first matches. Two were defeated in the second round, but Vic Wunderle made it all the way to the finals before being defeated by home-crowd favorite Simon", + "score": 0.72021484375 + }, + { + "id": "15944507", + "title": "Australia at the 1988 Summer Paralympics", + "text": "of Sports for the Disabled Inc undertook a range of fundraising activities to raise A$2 million of which A$1.w million would be used to send teams to the 1988 Seoul Summer and Innsbruck Winter Games. The remainder of the funds would be used for future Games. The cash amount finally raised was A$1,104,328. There were also considerable \"in kind\" donations covering accommodation, marketing, travel. Selected team of 3 athletes. Australia did not win any medals. Men Women Selected team of 73 athletes. Athletics was Australia's most successful sport at the Games winning 53 medals \u2013 14 gold, 19 silver and", + "score": 0.72021484375 + }, + { + "id": "17733621", + "title": "History of sport in Australia", + "text": "1998, the National Basketball League announced that it was switched from winter to summer season for 1998\u201399 season. In 2000, Sydney hosted the Summer Olympic Games at a cost of $6.6 billion. Australia finished fourth on the medal tally with 58 medals, 26 of them gold. In a moment of national pride, Cathy Freeman won the 400-metre final at the games. Freeman's success at the 2000 Summer Olympics made her an unofficial spokesperson for Aboriginal sport in the country. Also at the Olympics, Ian Thorpe won three gold in the 400 m freestyle, 4 \u00d7 100 m freestyle and 4", + "score": 0.7197265625 + }, + { + "id": "15739862", + "title": "Australia at the 1976 Summer Paralympics", + "text": "Australia at the 1976 Summer Paralympics Australia has participated in every Summer Paralympic Games since the inception of the Paralympics in the year 1960. The 1976 Paralympic Games in Toronto was Australia's fifth Paralympic Games. Australia competed in 10 out of the 13 sports and were able to win medals in six of these sports. There were 44 athletes representing Australia at the Games with a number of these athletes participating in multiple sports. Of the 44 athletes, 34 were males and 10 were females. As a team, Australia won 41 medals, 16 of which were gold. This placed it", + "score": 0.7197265625 + }, + { + "id": "15614559", + "title": "Australia at the 1968 Summer Paralympics", + "text": "Aviv, nine Athletics events, one Swimming, one Weightlifting and one Fencing even. Hooper completed the Games with a gold medal in Men's 100m Wheelchair A Sprint, Silver in the Men's 4x40m Relay Open (Athletics) and a silver medal in the Men's Shot Put B. Bill Mather-Brown represented Australia in two Athletics events, three Swimming events, two Table Tennis events and in the Men's Basketball, competing in a total of 8 events. Mather-Brown was able to secure a silver medal in the Men's Slalom A event. Bruno Moretti's won a gold medal for the Men's Slalom A, a silver medal in", + "score": 0.71875 + }, + { + "id": "15944490", + "title": "Australia at the 1984 Summer Paralympics", + "text": "International Games for the disabled in New York and the VII World Wheelchair Games at Stoke Mandeville, as the New York/Stoke Mandeville 1984 Paralympic Games, Australia had he most successful Paralympic Games since Tel Aviv 1968. The combined team won 49 gold medals, 54 silver medals and 51 bronze medals to finish eight on the medal tally. Source: Source: Australia represented by: Men \u2013 Stephen Austen, David Higgins, Eric Klein, Russell Schinn, Ian Trewhella Women \u2013 Susan Davies Australia won 3 medals - 2 silver medals and 1 bronze medal. Australia represented by: Men \u2013 Terry Biggs, Paul Bird, K.", + "score": 0.71826171875 + }, + { + "id": "12590788", + "title": "Australia at the Paralympics", + "text": "collected two medals, one gold and one bronze, from the 1998 Games after sending four competitors. James Patterson competed in Alpine Skiing, winning gold in the men's downhill and bronze in men's slalom. The 2000 Sydney Summer Paralympic Games are Australia's most successful Paralympic games to date. In the final medal tally, Australia was ranked first with 149 overall medals; 63 gold, 39 silver, and 47 bronze medals. Australia was represented by their largest team ever. The success of the team combined with extensive media coverage went a long way to changing public attitudes towards Paralympic athletes and understanding them", + "score": 0.7177734375 + }, + { + "id": "13625573", + "title": "Ian Chesterman", + "text": "At the 1998 Olympics in Nagano, to which Australia sent 24 athletes, Zali Steggall won the country's first individual medal with a bronze in slalom skiing. At the start of the 2002 Olympics, Chesterman addressed the team and said \"historically our winter teams have been the child racked by self-doubt, shy in nature as we saw our big brother, our summer Games team, take on and conquer the world.\" He added, \"but over time we have developed a belief in ourselves\". In 2002, Australia won two gold medals, having never previously won an Olympic event. Australia\u2019s maiden gold medal came", + "score": 0.7177734375 + }, + { + "id": "4927146", + "title": "Austria at the 2000 Summer Olympics", + "text": "3 Metre Springboard Women's 10 Metre Platform Women's 10 Metre Platform Women's Synchronized 10 Metre Platform Six fencers, five men and one woman, represented Austria in 2000. Four men and one woman participated in the sailing competition for Austria. They won two gold medals. Men's 400 m Freestyle Men's 1500 m Freestyle Men's 200 m Butterfly Men's 100 m Breaststroke Men's 200 m Breaststroke Men's 100 m Backstroke Men's 200 m Backstroke Men's 200 m Individual Medley Men's 400 m Individual Medley Women's 50 m Freestyle Women's 100 m Freestyle Women's 200 m Butterfly Women's 200 m Breaststroke Men's Individual", + "score": 0.71728515625 + }, + { + "id": "15944508", + "title": "Australia at the 1988 Summer Paralympics", + "text": "20 bronze medals. 13 athletes won gold medals. Rodney Nugent won 4 gold medals, 3 bronze medals and set a world record of 6.72m in his long jump event. Four athletes came home with two gold medals \u2013 Adrian Lowe, Nigel Parsons, Russell Short and Bruce Wallrodt. Deahnne McIntyre won a gold medal, two silver medals and a bronze medal, competing a week after undergoing an emergency appendectomy in a Seoul hospital. With doctors and officials telling her that she could not compete, McIntyre 'knew that she would be out there'. McIntyre came into the games as the world record", + "score": 0.71728515625 + }, + { + "id": "15944592", + "title": "Australia at the 1992 Winter Paralympics", + "text": "and the colours of white, green and blue were used to represent purity/snow, hope/nature and discipline/the lake. The 1992 Games were where Australia won their first winter medals at the Paralympics. Michael Milton won Australia's first gold with a win in the Men's Slalom LW2. Milton also won a silver medal in the Men's Super G LW2. At these Games, Australia was represented by 5 male athletes. Australia was placed 12th in the overall medal tally for the Winter Games winning a total of 4 medals: 1 gold, 1 silver and 2 bronze. On 16 October 1986 at the IOC", + "score": 0.716796875 + }, + { + "id": "6813362", + "title": "Australia at the 1900 Summer Olympics", + "text": "Australia at the 1900 Summer Olympics Australia competed at the 1900 Summer Olympics in Paris, France. Most Olympic historians keep Australian records at early Olympics separate from those of the United Kingdom despite Australia's lack of independence at the time. Australia was represented by two athletes, both of whom won a medal in each event in which they competed. Frederick Lane won two gold medals in swimming and Stan Rowley won a gold medal (as part of a mixed team with Great Britain) and three bronze medals in athletics. Stan Rowley also won a gold medal as part of a", + "score": 0.716796875 + }, + { + "id": "12396365", + "title": "2000 Summer Paralympics medal table", + "text": "France who won seven golds, Mayumi Narita of Japan who won six golds and a silver, Siobhan Paton of Australia who won six golds in individual events, and St\u00e9phanie Dixon of Canada and Hong Yan Zhu of China who each won five golds. On the track Tim Sullivan of Australia won five golds, and Tanni Grey-Thompson of Great Britain won four. The ranking in this table is based on information provided by the IPC and is consistent with IPC convention in its published medal tables. By default, the table is ordered by the number of gold medals the athletes from", + "score": 0.71630859375 + }, + { + "id": "20746362", + "title": "2000 Summer Olympics cauldron", + "text": "Olympic Games, Sydney 2000 showcased heroes and heroines and yielded lifetime memories that encapsulated proud and improbably spectacles, as well as performances that prickled our deepest emotions. ...10,561 athletes from 200 countries competed for 300 gold medals. . . (Gordon, 2003, p191-3) Juan Antonio Samaranch, President of the International Olympic Committee (IOC) famously stated at the conclusion to the games: \"You have presented to the world the best Olympic Games ever\". At sunset on Friday, September 15, 2000, approximately 100,000 spectators and over 12,000 performers celebrated the opening of the 27th Olympiad in Sydney, Australia. Four billion viewers joined them", + "score": 0.71630859375 + }, + { + "id": "864598", + "title": "1956 Summer Olympics", + "text": "100 metre relay team, bringing her career Olympic medal total to seven: three golds, a silver, and three bronze medals. Australia also triumphed in swimming. They won all of the freestyle races, men's and women's, and collected a total of eight gold, four silver and two bronze medals. Murray Rose became the first male swimmer to win two freestyle events since Johnny Weissmuller in 1924, while Dawn Fraser won gold medals in the 100 metre freestyle and as the leadoff swimmer in the 4 x 100 metre relay team. The men's track and field events were dominated by the United", + "score": 0.71630859375 + }, + { + "id": "16407902", + "title": "Australian Paralympic Swim Team", + "text": "The Australian Swim team finished in sixth position in the medal standings at the 1992 Summer Paralympics with a total of 35 medals. The Australian Swim team finished in 3rd place in the Medal Standings at the 1996 Summer Paralympics with a total of 44 medals: A total of 51 swimmers were selected to compete in the Australian Swim Team at the 2000 Summer Paralympic Games. Medallists: The Australian Swim team finished 5th overall in the medal standings at the 2000 Summer Paralympics with 50 medals. A total of 29 swimmers were selected in the Australian Swim team to compete", + "score": 0.7158203125 + }, + { + "id": "3663983", + "title": "Australia at the Olympics", + "text": "Athens, Greece. Australia's kit is green and gold. Australia has hosted the Summer Olympic games twice: in 1956 in Melbourne and in 2000 in Sydney. Australia finished 3rd and 4th in the respective medal counts. In the Summer Olympics since 2000, Australia has placed 4th, 4th, 6th, 8th* and 10th respectively. (*Australia initially finished in 10th position in 2012, but 8th position after the redistributed gold medal to Jared Tallent). Given Australia has a population of only around 23 million people (ranked 53rd in the world), this fact is frequently cited as noteworthy, and is ostensibly due to a strong", + "score": 0.7158203125 + }, + { + "id": "15744615", + "title": "Australia at the 1960 Summer Paralympics", + "text": "to be so steep that they could not get into a building without the assistance of one or two people pushing them up. Australia won 3 gold, 6 silver and 1 bronze medals in four sports and finished 7th overall behind Italy, Great Britain, Germany, Austria, USA and Norway The Australian contingent were going into the games with no prior information on the other competing countries and were written to be apprehensive in relation to commencing the games as they had no indication of the abilities of their competitors. The aim of these games from an Australian and world sporting", + "score": 0.71533203125 + }, + { + "id": "15639686", + "title": "Australia at the 1972 Summer Paralympics", + "text": "Australia at the 1972 Summer Paralympics Australia sent a team to compete at the 1972 Summer Paralympics in Heidelberg, West Germany. Australian won 25 medals - 6 gold, 9 silver and 10 bronze medals in six sports. Australia finished 11th on the gold medal table and 9th on the total medal table. The Australian team was part of the largest ever gathering of Paralympians, the 22 male and 8 female competitors took their place among some 984 athletes from 43 nations. The Australian team departed Sydney July 27, 1972, had a three-day stopover in Hong Kong and arrived on Frankfurt", + "score": 0.71484375 + }, + { + "id": "15211414", + "title": "Australia at the 1984 Winter Paralympics", + "text": "skiing at the 1984 Winter Paralympics is that nations were permitted to enter more than one team in the relay events (a rule which was changed at subsequent games). This led to Australia winning both silver and gold in the men's 3 x 2.5 km relay Gr I-II, and Finland gold and silver in the men's 4 x 5 km relay LW2-9. Australia did not win any medals at these games, with host nation Austria out performing all others winning a remarkable 70 medals. The medals assigned for each event had a unique design. Consistency was kept through the design", + "score": 0.71484375 + }, + { + "id": "15944512", + "title": "Australia at the 1988 Summer Paralympics", + "text": "gold medal, 1 silver medal and 2 bronze medals. Roy Fowler was competing in his sixth Paralympic Games, winning his 10th medal. Australia were represented by two athletes, Matthew Pobje and Michael Farrell who won silver and bronze respectively. Selected team of 8 athletes. Elizabeth Kosmala won all Australia's shooting medals \u2013 3 gold medals and one silver medal. Men Women Team Australia was represented by John Hunt and Michael Quinn. Hunt finished 2nd in \"Pool A\" and Quinn finished 3rd in \"Pool C\". Neither athlete qualified for the semifinals. Selected team of 25 athletes. Australia won 5 gold, 12", + "score": 0.71435546875 + }, + { + "id": "15944461", + "title": "Australia at the 1980 Summer Paralympics", + "text": "Australia at the 1980 Summer Paralympics Australia competed at the 1980 Summer Paralympics in Arnhem, Netherlands. It was the 6th Summer Paralympic Games in which Australia had competed. These Games were the biggest Paralympics yet, with 1,973 people participating. Of those participants, 57 were Australian. The team was made up of 45 men and 12 women, and was Australia's largest team to compete at any Paralympic Games so far. As a nation, Australia won 55 medals in total \u2013 12 gold, 21 silver and 22 bronze medals. This was the greatest amount of medals Australia had ever won at the", + "score": 0.71435546875 + }, + { + "id": "3623504", + "title": "2000 Summer Olympics medal table", + "text": "the Games with 58 medals overall (16 gold, 25 silver, and 17 bronze). Cameroon, Colombia, Latvia, Mozambique and Slovenia won a gold medal for the first time in their Olympic histories, while Vietnam, Barbados, Macedonia, Kuwait, Kyrgyzstan, and Saudi Arabia won their first ever Olympic medals, a silver in taekwondo, a bronze in athletics, a bronze in wrestling and a bronze in judo, respectively. The ranking in this table is based on information provided by the International Olympic Committee. The ranking sorts by the number of gold medals earned by a country\u2014in this context, an entity represented by a National", + "score": 0.7138671875 + }, + { + "id": "12160012", + "title": "Australia at the 2000 Summer Paralympics", + "text": "Australia at the 2000 Summer Paralympics Australia was the host nation for the 2000 Summer Paralympics which was held in Sydney. Australia competed in the games between the 18 and 29 October. The team consisted of 285 athletes in 18 sports with 148 officials. It was the country's largest ever Paralympic delegation to a Games. Australia has participated at every Summer Paralympic Games since its inception. Australia finished at the top of the medal tally with 63 gold, 39 silver and 47 bronze medals to total 149 medals for the games. This was the first time and the only time", + "score": 0.7138671875 + }, + { + "id": "17722257", + "title": "United States at the 2000 Summer Olympics", + "text": "the United States was represented by three men and three women. Two of the women placed in the top eight, with Joanna Zeiger missing a medal by about 17 seconds. Coach: Doug Beal Coach: Mick Haley Head Coach: John Vargas Head Coach: United States at the 2000 Summer Olympics The United States competed at the 2000 Summer Olympics in Sydney, Australia. 586 competitors, 333 men and 253 women, took part in 265 events in 31 sports. The following U.S. competitors won medals at the games. In the by discipline sections below, medalists' names are bolded. * \u2013 Indicates the athlete", + "score": 0.7138671875 + }, + { + "id": "2886028", + "title": "Athletics at the 2000 Summer Olympics", + "text": "Athletics at the 2000 Summer Olympics At the 2000 Summer Olympics in Sydney, 46 events in athletics were contested, 24 for men and 22 for women. There were a total number of 2134 participating athletes from 193 countries. A total of 193 nations participated in the different athletics events at the 2000 Summer Olympics. Two athletes from East Timor participated as \"Individual Olympic Athletes\". A total of 2135 athletes competed at the competition. Numbers in parenthesis indicate the number of athletes representing each nation. * Athletes who participated in the heats only and received medals. * Athletes who participated in", + "score": 0.7138671875 + }, + { + "id": "790826", + "title": "2000 Summer Olympics", + "text": "may be inconsistent due to not taking into account all later doping cases. 199 National Olympic Committees (NOCs) participated in the Sydney Games, two more than in the 1996 Summer Olympics. In addition, there were four Timorese Individual Olympic Athletes at the 2000 Summer Olympics. Eritrea, Federated States of Micronesia and Palau made their Olympic debut this year. Afghanistan was the only 1996 participant that did not participate in 2000, having been banned due to the extremist rule of the Taliban's oppression of women and its prohibition of sports. A number of quasi-government bodies were responsible for the construction, organisation", + "score": 0.71337890625 + }, + { + "id": "2886029", + "title": "Athletics at the 2000 Summer Olympics", + "text": "the heats only and received medals. Athletics at the 2000 Summer Olympics At the 2000 Summer Olympics in Sydney, 46 events in athletics were contested, 24 for men and 22 for women. There were a total number of 2134 participating athletes from 193 countries. A total of 193 nations participated in the different athletics events at the 2000 Summer Olympics. Two athletes from East Timor participated as \"Individual Olympic Athletes\". A total of 2135 athletes competed at the competition. Numbers in parenthesis indicate the number of athletes representing each nation. * Athletes who participated in the heats only and received", + "score": 0.71337890625 + }, + { + "id": "15944493", + "title": "Australia at the 1984 Summer Paralympics", + "text": "Roy Fowler won 2 gold medals. Australia represented by: Men \u2013 Troy Andrews, Kevin Bawden, Keith Bremner, Allan Chadwick, Peter Parker, Andrew Rainbow, Stanley Sims, Grant Walker Women \u2013 Barbara Caspers, Elizabeth Kosmala Australian team won 9 gold medals - Barbara Caspers and Elizabeth Kosmala both won 4 gold medals and Allan Chadwick one gold medal. Australia represented by: Men - Don Campbell Australia represented by: Men \u2013 Paul Bird, Craig Blackburn, Kingsley Bugarin, Malcom Chalmers, Geoffrey Fowler, David Griffin, Gary Gudgeon, Gregory Hammond, Michael Kelly, Alan Morley, Michael Quinn, Wayne Ryding, Robert Staddon, Phillip Tracey, Robert Walden Women \u2013", + "score": 0.71337890625 + }, + { + "id": "5443642", + "title": "Australia at the 1896 Summer Olympics", + "text": "in three. The bronze medal in tennis, however, was part of a mixed team and therefore is not counted for Australia. Both of Flack's gold medals came in the athletics competitions as he won both of his track races. In the singles tournament, Flack lost both of the matches he competed in. His loss in the semifinals of the doubles competition, while carrying no prize at the time, earned him a retroactive bronze medal from the International Olympic Committee. This medal is counted for mixed team rather than Australia, however. Australia at the 1896 Summer Olympics One athlete from Victoria,", + "score": 0.712890625 + }, + { + "id": "12590794", + "title": "Australia at the Paralympics", + "text": "Hall (400m Freestyle) and Blake Cochrane (100m Breaststroke). In total Australia had 93 medallists of which 25 were multi-medallists, while gold medallist there was 40 and eight of these were multi-gold medallists. London was the best performance by Australia's Paralympic swim team since 1984. Men's 4 \u00d7 100 m Freestyle Relay swim team achieved Australia's 1000th Summer Paralympic Games Medal (Australia's 41st of the Games). Jacqueline Freney was the most successful athlete from any nation, winning eight gold medals from eight events while her swimming teammate Matthew Cowdrey became the most successful Australian Paralympian of all-time by winning his 13th", + "score": 0.71240234375 + }, + { + "id": "7219289", + "title": "Australia national basketball team", + "text": "to the United States knocked Australia out of medal contention. The Boomers finished the tournament respectably with wins over Canada and Brazil, and walked away with ninth place. The 2000 Summer Olympic Games projected to be an extremely exciting affair for the Boomers, as they played as host in Sydney. Despite losses in both of their first two games, Australia recovered nicely, and won their next four games over Russia, Angola, and Spain, to propel them into the quarter finals, where they defeated Italy. But Australia\u2019s first basketball medal was not to be, as France won the semi final match,", + "score": 0.7119140625 + }, + { + "id": "3633399", + "title": "1908 Summer Olympics medal table", + "text": "gold (56), silver (51), and bronze (39) medals. The 146 medals won at these Games\u2014a major increase from the two medals won at the 1904 Summer Olympics in St. Louis\u2014are still the highest number won by a British delegation at any modern Olympics. Particular success was achieved by the British team in the boxing events, where out of a possible fifteen medals across the five weight classes, they won all but the middleweight silver medal, which was taken by Reginald Baker competing for Australasia. Australasia was the name given to the combined team of athletes from Australia (making its fourth", + "score": 0.71142578125 + }, + { + "id": "8976617", + "title": "Australia at the 1920 Summer Olympics", + "text": "in the silver medal-winning relay team, though Kirkland is not credited with a medal by the IOC; he was replaced by Frank Beaurepaire after the semifinals. Beaurepaire won an individual bronze in the 1500 metres; his sister Lily was unable to advance to the finals in either of her events as Australia's sole female swimmer. Four athletes represented Australia in 1920. It was the nation's fourth appearance in the sport. Parker's silver medal in the short racewalk was the nation's first medal since 1900. Two cyclists represented Australia in 1920. It was the nation's debut in the sport. Halpin advanced", + "score": 0.71044921875 + }, + { + "id": "3278748", + "title": "Boxing at the 2000 Summer Olympics", + "text": "to a bronze medal match, a semi-final to a silver medal match, and the final to a gold medal match. 48 medals are therefore available, half of which are bronze medals. 310 boxers from 77 nations participated in the 2000 Summer Olympics. Men competed in the following twelve events: Boxing at the 2000 Summer Olympics The boxing competition at the 2000 Summer Olympics in Sydney was held at the Sydney Convention and Exhibition Centre in Darling Harbour. The event was only open to men and bouts were contested over four rounds of two minutes each. Five judges scored the fighters", + "score": 0.71044921875 + }, + { + "id": "7249286", + "title": "Australia at the 1924 Summer Olympics", + "text": "Australia at the 1924 Summer Olympics Australia competed at the 1924 Summer Olympics in Paris, France. Australian athletes have competed in every Summer Olympic Games. A single diver represented Australia in 1924. It was the nation's second appearance in the sport. Eve won the gold medal in the plain high diving competition, Australia's first Olympic diving medal. He also finished fifth in the springboard event. \u2013 Indicates athlete swam in the preliminaries but not in the final race. Nine athletes represented Australia in 1924. It was the nation's fifth appearance in the sport (excluding appearances as part of Australasia). Winter", + "score": 0.71044921875 + }, + { + "id": "3663985", + "title": "Australia at the Olympics", + "text": "coaching support to elite athletes, partly through the Australian Institute of Sport. Australia has been more modestly successful in the track events at the games, particularly in modern times. Historically, Betty Cuthbert is Australia's most successful track athlete with four gold medals (three in 1956 and one in 1964). Australia did not win a medal AT the Winter Olympics until 1994, but has moved higher on the medal tallies since then (ranking 13th at Vancouver 2010). This is a reflection on increased funding of Australia's Olympic Winter Games team . Australia have hosted the Games on two events: Australia has", + "score": 0.71044921875 + }, + { + "id": "15614555", + "title": "Australia at the 1968 Summer Paralympics", + "text": "defeated by France, Italy and Great Britain. Hilton was the only other athlete to progress into round two and she placed 5th in the Women's Foil Individual event. While the 1968 Paralympic Games official medal tally was not incorporated in the games, after adding the final official results it was found that Australia ranked 4th in the nation with the most medals. Australia won 15 Gold, 16 Silver and 7 Bronze, and was behind the United States of America, Great Britain and Israel on the medal tally but nonetheless achieved a very successful result in the 1968 Paralympic Games in", + "score": 0.70947265625 + }, + { + "id": "14860121", + "title": "Australia at the 2012 Summer Olympics", + "text": "and one at the Olympic Selection Time (OST)). 47 swimmers were selected to the team after the 2012 Australian Swimming Championships, held in Adelaide from 15 to 22 March 2012. The Australian swimmers included the pre-Olympic favorite James Magnussen, competing in four of his individual and relay events, defending champion Stephanie Rice in the individual medley events, and breaststroker and former world-record holder Leisel Jones, who was at her fourth Olympics. Australia left London with 10 swimming medals, one gold, six silver, and three bronze. The only gold medal was awarded to the women's 4 \u00d7 100 metres freestyle relay", + "score": 0.70947265625 + }, + { + "id": "4925030", + "title": "Germany at the 2000 Summer Olympics", + "text": "Germany at the 2000 Summer Olympics Germany competed at the 2000 Summer Olympics in Sydney, Australia. 422 competitors, 241 men and 181 women, took part in 234 events in 29 sports. Germany finished in fifth position in the final medal rankings, with 13 gold medals and 56 medals overall. The German women's archery team won its second Olympic medal in 2000 by defeating Turkey in the bronze medal match. Women's team: Men's 100 m Men's 800 m Men's 5,000 m Men's 110 m Hurdles Men's 400 m Hurdles Men's 3,000 m Steeplechase Men's Shot Put Men's Discus Men's Javelin Throw", + "score": 0.708984375 + }, + { + "id": "7279197", + "title": "Australia at the 2006 Winter Paralympics", + "text": "media articles produced relating to the Winter Olympics in Australia, with 134 print articles, 410 television stories, and 327 on the radio, reaching a total combined audience of approximately 34,707,153 people. \"Further information on the medal tally :\" \"2006 Winter Paralympics Medal Table\" With one silver and one bronze medal, Australia finished the games placed equal thirteenth overall, tied with Slovakia, Spain, and Switzerland. This result was Australia's equal fourth best result in Winter Paralympic history, equal with the Nagano 1998 games where they won a gold and a bronze medal. \"Further information on the final medallists:\" \"2006 Winter Paralympics", + "score": 0.708984375 + }, + { + "id": "11293168", + "title": "Australia at the 2008 Summer Olympics", + "text": "Australia at the 2008 Summer Olympics A total of 433 competitors competed for Australia at the 2008 Summer Olympics in Beijing. The team was Australia's second largest away team after the 2004 Summer Olympics in Athens, which included a team of 482 competitors. Australian athletes have competed in every Summer Olympic Games of the modern era. In addition to competitors, 418 officials and 38 medical personnel were part of the Australian team. Australia competed in 26 of the 28 Olympic program sports; they failed to qualify in baseball and team handball. Australia also sent a men's but not a women's", + "score": 0.708984375 + }, + { + "id": "15599321", + "title": "Women's swimming in Australia", + "text": "swimmer, Fanny Durack, who won medal at the 1912 Summer Olympics in the freestyle event. Att the 1956 Summer Olympics, an Australian woman won a medal in every women's swimming event held during the games. At the 1984 Summer Olympics, Suzanne Landells won a silver medal in the 400 metre medley, Karen Phillips won a silver medal in the 200 metres butterfly, and Michelle Pearson won a bronze in the 200 metre medley. At the 2012 London Olympic Games, despite only winning 10 medals in the pool, the Australian women's team performed at a high level. The 4 \u00d7 100", + "score": 0.70849609375 + }, + { + "id": "15739881", + "title": "Australia at the 1976 Summer Paralympics", + "text": "Women \u2013 Adele Jackson, Charmaine Smith Australia won 5 medals - 3 gold and 2 silver medals. Australia competed in six out of the 15 lawn bowls events at the 1976 games. Out of these six events, Australia won three gold medals and two silver medals. Eric Magennis and J. Handbridge came first in the men's pairs wheelchair event winning 4 games. Brazil and Great Britain both won 3 games each. J. Handbridge also won another medal in the Singles C event, this time, a silver medal with 3 victories. Robert Farmer won gold in his event, the Singles A", + "score": 0.7080078125 + }, + { + "id": "3281584", + "title": "Rowing at the 2000 Summer Olympics", + "text": "Derek Porter in a tough, close race. Great Britain won the gold medal in the men's eight for the first time since 1912, beating Australia by four fifths of a second. Rowing at the 2000 Summer Olympics Rowing at the 2000 Summer Olympics took place at the Sydney International Regatta Centre in Penrith, New South Wales, Australia. It featured 547 competitors (363 men and 184 women) from 51 nations taking part in 14 events. The medals were split among 20 nations. Romania was the most successful nation, topping the medal table with three golds, all won in the women's events.", + "score": 0.7080078125 + }, + { + "id": "12590786", + "title": "Australia at the Paralympics", + "text": "known that no-one medalled for Australia until the 1992 Paralympics. The Australian men's swimming team was totally dominant in the pool, with Joseph Walker being the undoubted star winning nine gold medals (five individual, four relay) from nine events and setting two world records. Australia's most successful Winter Paralympic Games remain the 1994 Winter Paralympic Games, when five athletes took the podium on 9 different occasions. Australia was ranked 2nd in the final medal table with 106 overall medals; 42 gold; 37 silver; 27 bronze. This success has been attributed to the introduction of the Australian Paralympic Committee's Paralympic Preparation", + "score": 0.7080078125 + }, + { + "id": "6514022", + "title": "Australia at the 2006 Winter Olympics", + "text": "Australia at the 2006 Winter Olympics Australia competed at the 2006 Winter Olympics in Turin, Italy. The team of 40 athletes was the largest ever for Australia, surpassing the team of 31 that participated at the 1960 Winter Olympics. Prior to the Olympics, Australia had set a goal of winning one medal. They were able to win two medals \u2013 one gold and one bronze \u2013 and had several other top 10 finishes. Alisa Camplin served as flag bearer at the opening ceremonies. Five Australian skiers competed in Turin, but only one, Craig Branch, finished a run. Branch was the", + "score": 0.7080078125 + }, + { + "id": "18242238", + "title": "Australia at the 2016 Summer Paralympics", + "text": "Hibbert ; Coaches - Iryna Dvoskina, Brett Robinson, Sebastian Kuzminski, Gary Bourne, Phio Saunders, Louise Sauvage, Fred Periac, John Eden, Hamish MacDonald, Breanne Clement, Andrew Dawes; Medical - Team Doctor - Lisa Elkington, Physiotherapists - Victoria Moore, Bernadette Petzel, Cameron Elliott, Soft Tissue Therapists - Phillip Power, Michael Jordan, Carers - Kate McIntosh, Stephen Caddy, Mechanic - Matthew Crawford. Australia won 26 medals \u2013 3 gold, 9 silver and 14 bronze. Gold medalists were \u2013 Brayden Davidson, Scott Reardon and James Turner. Russell Short attended his 8th Games, Christine Dawes her 6th Games and Kurt Fearnley his fifth Games. Australia", + "score": 0.70703125 + }, + { + "id": "11293170", + "title": "Australia at the 2008 Summer Olympics", + "text": "Lexie Feeney for the women's team. Australia sent 40 representatives to compete in athletics events. 22 of these men competed in track events, ten in field events, seven in race walking, four in the marathons and one in combined events. The athletics did not start until the 15th of August, day seven of competition. On day one of athletics, two finals were held but no Australians qualified to compete in either. On the second day of athletics, Australia won their first Olympic Medal for athletics in 2008. This person was Jared Tallent, an Olympic debutant, who competed in the men's", + "score": 0.70654296875 + }, + { + "id": "6559965", + "title": "Australia at the 1994 Winter Olympics", + "text": "Australia at the 1994 Winter Olympics Australia competed at the 1994 Winter Olympics in Lillehammer, Norway. Australia won a bronze medal in the men's 5000 metres short track relay, the nation's first medal at the Winter Olympic Games. A total of 25 Australian athletes competed, participating in alpine skiing, biathlon, bobsleigh, cross-country skiing, figure skating, freestyle skiing (in both aerials and moguls), luge, short track speed skating and speed skating. The relay result was Australia's first Winter Olympics medal. In the semi-final, they beat Japan and New Zealand to qualify behind Canada. They went into the final with three objectives:", + "score": 0.70654296875 + }, + { + "id": "16704263", + "title": "2008 Commonwealth Youth Games medal table", + "text": "the medal count for the first time in Commonwealth Youth Games, with 33 gold medals. Athletes from India also led the silver medal count, with 26 medals. Australia claimed 65 medals in total (including 24 gold), earning second spot on the table. Athletes from Australia led the bronze medal count, with 23 medals. Australia was the host nation of the 2004 Commonwealth Youth Games, in which it ranked first in the medal table, with 58 gold and 129 overall medals. The ranking in this table is based on the official medal standings approved by the CYG 2008 Organising Committee. By", + "score": 0.70654296875 + }, + { + "id": "12410496", + "title": "Egypt at the 2000 Summer Paralympics", + "text": "since 1982. In 1998, two years before the Sydney Games, it was replaced by the Egyptian Disabled Sports Federation as a result of President of the Council of Ministers Order No. (659). Egypt finished the Sydney hosted Games with 28 totals medals, 6 gold, 12 silver and 10 bronze, enabling their country to finish 23rd out of 123 on the medal table. Egypt won three gold medals, six silver and seven bronze in athletics. Egyptian athletes competed at the 1999 Disabled Sports USA DS/USA's National Summer Games as part of their preparation efforts for the 2000 Games. Mahmoud Elatar set", + "score": 0.7060546875 + } + ], + "answer": "Australia was the host nation for the 2000 Summer Olympics in Sydney. That summer, Australia won a total of 58 medals. 16 of those 58 medals were gold, 25 were silver, and 17 were bronze. " + }, + { + "qa_pairs": [ + { + "context": "There have been 13 vice presidents since the inception of the post in 1950. The first vice president of India, Sarvepalli Radhakrishnan, took oath at Rashtrapati Bhavan on 13 May 1952. He later served as the president. Following the death of Zakir Hussain in 1969, V. V. Giri resigned from the post of vice president to contest the presidential election and got elected. Out of 13 vice presidents, six of them later went on to become the president. Krishna Kant has been the only one to die during his tenure. On 11 August 2017, Venkaiah Naidu was sworn in as the 13th vice president of India.", + "question": "Who is elected as the vice president of india in 2017?", + "short_answers": [ + "Venkaiah Naidu", + "Muppavarapu Venkaiah Naidu" + ], + "wikipage": "List of vice presidents of India" + }, + { + "context": "No context provided", + "question": "Who is elected as the vice president of india in 2012?", + "short_answers": [ + "Mohammad Hamid Ansari" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who is elected as the vice president of india in 2007?", + "short_answers": [ + "Mohammad Hamid Ansari" + ], + "wikipage": null + }, + { + "context": "There have been 13 vice presidents since the inception of the post in 1950. The first vice president of India, Sarvepalli Radhakrishnan, took oath at Rashtrapati Bhavan on 13 May 1952. He later served as the president. Following the death of Zakir Hussain in 1969, V. V. Giri resigned from the post of vice president to contest the presidential election and got elected. Out of 13 vice presidents, six of them later went on to become the president. Krishna Kant has been the only one to die during his tenure. On 11 August 2017, Venkaiah Naidu was sworn in as the 13th vice president of India.", + "question": "Who was elected as the Vice President of India in 2017?", + "short_answers": [ + "Venkaiah Naidu" + ], + "wikipage": "List of vice presidents of India" + }, + { + "context": "No context provided", + "question": "Who was elected as the Vice President of India in 2007 and 2012?", + "short_answers": [ + "Mohammad Hamid Ansari" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who was elected as the Vice President of India in 2002?", + "short_answers": [ + "Bhairon Singh Shekhawat" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "List of vice presidents of India", + "url": "https://en.wikipedia.org/wiki/List%20of%20vice%20presidents%20of%20India" + }, + { + "title": "Vice President of India", + "url": "https://en.wikipedia.org/wiki/Vice%20President%20of%20India" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Bhairon Singh Shekhawat (23 October 1925 \u2013 15 May 2010) was the 11th Vice President of India", + "wikipage": "Bhairon Singh Shekhawat" + }, + { + "content": "He served in that position from August 2002, when he was elected to a five-year term by the electoral college following the death of Krishan Kant, until he resigned on 21 July 2007, after losing the presidential election to Pratibha Patil.", + "wikipage": "Bhairon Singh Shekhawat" + }, + { + "content": "Mohammad Hamid Ansari (About this soundpronunciation (help\u00b7info); born 1 April 1937) is an Indian politician and retired Foreign service officer who was the 12th Chairman of Rajya Sabha and 12th Vice President of India from 2007 to 2017.", + "wikipage": "Mohammad Hamid Ansari" + }, + { + "content": "His second term ended in August 2017 since he was not offered another term, he decided not to run for a third term in the 2017 vice-presidential election.", + "wikipage": "Mohammad Hamid Ansari" + }, + { + "content": "In 2012 Vice presidential election, the Congress-led UPA re-appointed Ansari as their candidate for the post of VP. ", + "wikipage": "Mohammad Hamid Ansari" + } + ], + "long_answer": "The second highest constitutional office or the position of Vice President in India was held by Bhairon Singh Shekhawat from August 2002 until he resigned on 21 July 2007. From 2007 to 2017, Mohammad Hamid Ansari served two terms as the 12th Vice President after his re-appointment in 2012. On 11 August 2017, the Vice President seat was then held by Venkaiah Naidu after being sworn in as the 13th vice president of the country. " + }, + { + "knowledge": [ + { + "content": "Venkaiah Naidu is the current Vice President of India. He defeated UPA's candidate Gopalkrishna Gandhi on 5 August 2017 election.", + "wikipage": "Vice President of India" + }, + { + "content": "He was elected as the Vice-President of India on 10 August 2007 and took office on 11 August 2007. He was reelected on 7 August 2012 and was sworn-in by Pranab Mukherjee, the President of India.", + "wikipage": "Mohammad Hamid Ansari" + }, + { + "content": "Offices held 19 August 2002 \u2013 21 July 2007: Vice-President of India.", + "wikipage": "Bhairon Singh Shekhawat" + }, + { + "content": "The Vice President of India (IAST: Bh\u0101rat k\u0113 Upar\u0101\u1e63\u1e6drapati), officially the Vice President of the Republic of India, is the second-highest constitutional office in India after the President.", + "wikipage": "Vice President of India" + } + ], + "long_answer": "Who is elected as the vice president of India depends on the year. The vice president of India is Venkaiah Naidu. He was elected in the August 5, 2017 election, defeating UPA's candidate Gopalkrishna Gandhi. Mohammad Hamid Ansari was elected to the office on August 11, 2007, and on August 7, 2012, while Bhairon Singh Shekhawat was on August 19, 2002." + } + ], + "sample_id": "-2028008768314817948", + "question": "Who is elected as the vice president of india?", + "docs": [ + { + "id": "19534953", + "title": "2017 Indian vice-presidential election", + "text": "2017 Indian vice-presidential election The elections to the next Vice-President of India, were held on 5 August 2017. The announcement was made by the Election Commission of India. Rajya Sabha Secretary-General Shumsher K. Sheriff served as the Returning Officer for the 15th Vice-Presidential election. Vice-President Mohammad Hamid Ansari, completed his second term on 10 August 2017. Venkaiah Naidu won the election and took oath as 13th Vice-President of India on 11 August 2017 at Darbar Hall, Rashtrapati Bhawan, New Delhi. The Vice President of India is the exofficio chairperson of the \"Rajya Sabha\" (upper house of the Indian parliament) and", + "score": 0.82275390625, + "summary": "Venkaiah Naidu was elected as the 13th Vice-President of India in the 2017 vice-presidential election on August 5, 2017. He took oath on August 11, 2017.", + "extraction": "Venkaiah Naidu was elected as the 13th Vice-President of India." + }, + { + "id": "18232291", + "title": "2007 Indian vice-presidential election", + "text": "2007 Indian vice-presidential election The 2007 Indian vice-presidential election was held on 10 August 2007 to elect Vice-President of India to serve from 2007 until 2012. Mohammad Hamid Ansari from Indian National Congress was elected for the post. The incumbent, Bhairon Singh Shekhawat did not seek reelection and instead ran for President in 2007 election, where he lost to Pratibha Patil. He subsequently resigned from VP post days before Patil's inauguration. The term of vice-president of India is 5 years, as term of Bhairon Singh Shekhawat was up to 18 August 2007, an election was needed to elect his successor.", + "score": 0.80712890625, + "summary": "Mohammad Hamid Ansari from Indian National Congress was elected as the Vice President of India in 2007.", + "extraction": "Mohammad Hamid Ansari from Indian National Congress was elected for the post." + }, + { + "id": "16691000", + "title": "2012 Indian vice-presidential election", + "text": "2012 Indian vice-presidential election The 2012 Indian Vice-Presidential election was held on 7 August 2012 to elect Vice-President of India. Mohammad Hamid Ansari was the incumbent and the UPA candidate. The other prime candidate was the NDA's Jaswant Singh. Ansari then reelected as Vice-President. In doing so, he became the first VP to be reelected since Sarvepalli Radhakrishnan in 1957. Indian Vice President has a term of 5 years. Current VP, Hamid Ansari, took oath as Vice President on 11 August 2007, hence his term ended on 10 August 2012. The Election Commission of India undertook the election. T. K.", + "score": 0.80126953125, + "summary": "Mohammad Hamid Ansari was elected as the Vice President of India in the 2012 election, defeating Jaswant Singh. He became the first VP to be reelected since 1957.", + "extraction": "Mohammad Hamid Ansari was elected as the vice president of India." + }, + { + "id": "3022229", + "title": "Vice President of India", + "text": "would refer the case to the Speaker of the Lok Sabha for deciding it. Article 66 of the Indian Constitution states the manner of election of the Vice-President. The Vice-President is elected indirectly by members of an electoral college consisting of the members of both Houses of Parliament in accordance with the system of Proportional Representation by means of the Single transferable vote and the voting is by secret ballot conducted by election commission. Venkaiah Naidu is the Vice President of India. He defeated UPA's candidate Gopalkrishna Gandhi on 5 August 2017 election. As in the case of the President,", + "score": 0.7880859375, + "summary": "Venkaiah Naidu is the current Vice President of India, elected on August 5, 2017.", + "extraction": "Venkaiah Naidu is the Vice President of India." + }, + { + "id": "16691005", + "title": "2012 Indian vice-presidential election", + "text": "the only person to do so after Sarvepalli Radhakrishnan, who was reelected in 1957. !style=\"background-color:#E9E9E9\" class=\"unsortable\"| !style=\"background-color:#E9E9E9\" align=center|Candidate
!style=\"background-color:#E9E9E9\" |Party
!style=\"background-color:#E9E9E9\" |Electoral Votes
!style=\"background-color:#E9E9E9\" |% of Votes
! colspan=\"3\" style=\"text-align:left;\"| Total ! style=\"text-align:right;\"|728 ! style=\"text-align:right;\"|100.00 2012 Indian vice-presidential election The 2012 Indian Vice-Presidential election was held on 7 August 2012 to elect Vice-President of India. Mohammad Hamid Ansari was the incumbent and the UPA candidate. The other prime candidate was the NDA's Jaswant Singh. Ansari then reelected as Vice-President. In doing so, he became the first VP to be reelected since Sarvepalli Radhakrishnan in 1957. Indian Vice President has a", + "score": 0.78564453125, + "summary": "Mohammad Hamid Ansari was reelected as Vice-President of India in the 2012 Indian vice-presidential election, becoming the first VP to be reelected since Sarvepalli Radhakrishnan in 1957.", + "extraction": "Mohammad Hamid Ansari was elected as the vice president of India." + }, + { + "id": "19534959", + "title": "2017 Indian vice-presidential election", + "text": "the office on 11 August 2017. Of 790 seats in Parliament, 5 seats were vacant during the election. !style=\"background-color:#E9E9E9\" class=\"unsortable\"| !style=\"background-color:#E9E9E9\" align=center|Candidate
!style=\"background-color:#E9E9E9\" |Party
!style=\"background-color:#E9E9E9\" |Electoral Votes
!style=\"background-color:#E9E9E9\" |% of Votes
! colspan=\"3\" style=\"text-align:left;\"| Total ! style=\"text-align:right;\"|760 ! style=\"text-align:right;\"|100.00 2017 Indian vice-presidential election The elections to the next Vice-President of India, were held on 5 August 2017. The announcement was made by the Election Commission of India. Rajya Sabha Secretary-General Shumsher K. Sheriff served as the Returning Officer for the 15th Vice-Presidential election. Vice-President Mohammad Hamid Ansari, completed his second term on 10 August 2017. Venkaiah Naidu won the election", + "score": 0.78466796875, + "summary": "Venkaiah Naidu was elected as the Vice President of India on 5 August 2017.", + "extraction": "Venkaiah Naidu won the election." + }, + { + "id": "19534954", + "title": "2017 Indian vice-presidential election", + "text": "functions as its speaker. He also assumes the post of the President of India in case a vacancy and stays in the post for a maximum period of six months and performs all the functions of the President. The Vice President also has a term of five years. During the election, the outgoing vice president was Mohammad Hamid Ansari. He was elected to the post in 2007 and re-elected in 2012. His term ended on 10 August 2017. The Election Commission of India announced that the election would be held on 5 August and the result would be declared on", + "score": 0.775390625, + "summary": "Mohammad Hamid Ansari was the outgoing vice president of India who was elected in 2007 and re-elected in 2012. The Election Commission of India announced that the election would be held on 5 August and the result would be declared on an unspecified date.", + "extraction": "Mohammad Hamid Ansari was elected as the vice president of India in 2007 and re-elected in 2012." + }, + { + "id": "19490480", + "title": "2017 elections in India", + "text": "2017 elections in India The elections in India in 2017 include the seven state legislative assembly elections. A presidential election was held in India on 17 July 2017 before the term of the President Pranab Mukherjee ended. Ram Nath Kovind was declared the winner after the counting of votes which was held on 20 July 2017. A Vice Presidential election were held in India on 5 August 2017 before the term of Vice President Mohammad Hamid Ansari ends. Venkaiah Naidu was elected as the Vice President of India. Mr Naidu received 516 votes defeating the opposition's candidate, Gopal Krishna Gandhi,", + "score": 0.77197265625, + "summary": "Venkaiah Naidu was elected as the Vice President of India in the 2017 Vice Presidential election.", + "extraction": "Venkaiah Naidu was elected as the Vice President of India." + }, + { + "id": "18232292", + "title": "2007 Indian vice-presidential election", + "text": "The electoral college consists of, all 245 Rajya Sabha members and all 545 Lok Sabha members, a total of 790 voters. Returning Officer : Dr. Yogendra Narain, Secretary General, Rajya Sabha
Assistant Returning Officers : N.C. Joshi & Ravi Kant Chopra !style=\"background-color:#E9E9E9\" class=\"unsortable\"| !style=\"background-color:#E9E9E9\" align=center|Candidate
!style=\"background-color:#E9E9E9\" |Party
!style=\"background-color:#E9E9E9\" |Electoral Votes
!style=\"background-color:#E9E9E9\" |% of Votes
! colspan=\"3\" style=\"text-align:left;\"| Total ! style=\"text-align:right;\"|762 ! style=\"text-align:right;\"|100.00 2007 Indian vice-presidential election The 2007 Indian vice-presidential election was held on 10 August 2007 to elect Vice-President of India to serve from 2007 until 2012. Mohammad Hamid Ansari from Indian National Congress was elected for the post.", + "score": 0.77001953125, + "summary": "Mohammad Hamid Ansari from Indian National Congress was elected as the Vice President of India in the 2007 Indian vice-presidential election, which was held on August 10, 2007.", + "extraction": "Mohammad Hamid Ansari from Indian National Congress was elected for the post." + }, + { + "id": "10607936", + "title": "Mohammad Hamid Ansari", + "text": "when he had abruptly adjourned the House sine die. Hamid Ansari was re-elected for the second term on 7 August 2012, defeating the NDA's nominee Jaswant Singh by a margin of 252 votes. According to the Constitution of India, Ansari, as Vice-President of the Republic, also serves \"ex officio\" as Chairman of the Rajya Sabha. Ansari is a West Asia scholar and has written on the Palestinian issue and taken positions inconvenient to the Indian official line on Iraq and Iran. He questioned India\u2019s vote in the International Atomic Energy Agency on Iran\u2019s nuclear programme where India voted against Iran.", + "score": 0.765625, + "summary": "Mohammad Hamid Ansari was elected as the vice president of India for his second term on August 7, 2012.", + "extraction": "Hamid Ansari is elected as the Vice President of India." + }, + { + "id": "19535247", + "title": "1969 Indian vice-presidential election", + "text": "elected after getting 400 first preference votes. 1969 Indian vice-presidential election The 1969 Indian vice-presidential election was held on 30 August 1969. Gopal Swarup Pathak won the election to become the fourth Vice-President of India. The election was occurred since the sitting VP, Varahagiri Venkata Giri resigned to contest the presidential election after the death of incumbent President Zakir Husain. The Electoral College consisted of 759 members of Parliament of India. There were 6 contesting candidates and the counting of votes was taken up immediately after the conclusion of the poll. The result was declared after the first round of", + "score": 0.76171875, + "summary": "Gopal Swarup Pathak was elected as the fourth Vice-President of India in the 1969 Indian vice-presidential election, held on 30 August 1969.", + "extraction": "Gopal Swarup Pathak won the 1969 Indian vice-presidential election and became the fourth Vice-President of India." + }, + { + "id": "2589439", + "title": "Venkaiah Naidu", + "text": "he concurrently served as Minister of Information and Broadcasting. A year later, he resigned from both offices to contest the 2017 Vice-President election. He won the election to become India'15th Vice President. He obtained 516 votes against UPA candidate Gopalkrishna Gandhi, who received 244 votes. Venkaiah Naidu Muppavarapu Venkaiah Naidu (born 1 July 1947) is an Indian politician and the current Vice President of India, in office since 11 August 2017. Previously, he served as the Minister of Housing and Urban Poverty Alleviation, Urban Development and Information and Broadcasting in the Modi Cabinet. A prominent leader of the Bharatiya Janata", + "score": 0.76025390625, + "summary": "Venkaiah Naidu was elected as the Vice President of India on August 11, 2017, with 516 votes against UPA candidate Gopalkrishna Gandhi who received 244 votes.", + "extraction": "Venkaiah Naidu is the current Vice President of India, in office since 11 August 2017. He won the 2017 Vice-President election with 516 votes against UPA candidate Gopalkrishna Gandhi, who received 244 votes." + }, + { + "id": "19535246", + "title": "1969 Indian vice-presidential election", + "text": "1969 Indian vice-presidential election The 1969 Indian vice-presidential election was held on 30 August 1969. Gopal Swarup Pathak won the election to become the fourth Vice-President of India. The election was occurred since the sitting VP, Varahagiri Venkata Giri resigned to contest the presidential election after the death of incumbent President Zakir Husain. The Electoral College consisted of 759 members of Parliament of India. There were 6 contesting candidates and the counting of votes was taken up immediately after the conclusion of the poll. The result was declared after the first round of counting of first preference votes. Pathak declared", + "score": 0.759765625, + "summary": "Gopal Swarup Pathak was elected as the fourth Vice-President of India in the 1969 Indian vice-presidential election held on August 30, 1969.", + "extraction": "Gopal Swarup Pathak won the election to become the fourth Vice-President of India." + }, + { + "id": "20185000", + "title": "Gurdeep Singh Sappal", + "text": "2007, in the UPA 1 government. Thereafter, he was the associated with the election of the President of India and Vice President of India in 2007. He was the main coordinator for the election campaign of Mohammad Hamid Ansari, who went on to become the Vice President of India for two successive terms, i.e. 2007-2012 and 2012-2017. After taking office in August 2007, the Vice President of India Hamid Ansari chose him as his main advisor for political and parliamentary work and appointed him as the Officer on Special Duty. The association lasted for the entire two terms of Sh.", + "score": 0.7548828125, + "summary": "Gurdeep Singh Sappal was associated with the election of Vice President of India in 2007, and was the main coordinator for the election campaign of Mohammad Hamid Ansari, who became Vice President for two successive terms, from 2007-2017. However, it does not mention who is currently elected as the Vice President of India.", + "extraction": "Mohammad Hamid Ansari was elected as the Vice President of India for two successive terms in 2007-2012 and 2012-2017." + }, + { + "id": "10607929", + "title": "Mohammad Hamid Ansari", + "text": "served as the Vice-Chancellor of the Aligarh Muslim University from 2000 to 2002. Later he was Chairman of the National Commission for Minorities from 2006 to 2007. He was elected as the Vice-President of India on 10 August 2007 and took office on 11 August 2007. He was reelected on 7 August 2012 and was sworn-in by Pranab Mukherjee, the President of India. The oath taking ceremony was conducted at Rashtrapati Bhavan on 11 August 2012. His second term ended in August 2017 since he was not offered another term,he decided not to run for a third term in the", + "score": 0.75439453125, + "summary": "Mohammad Hamid Ansari was elected as the Vice-President of India on 10 August 2007 and was reelected on 7 August 2012. He served two terms and his second term ended in August 2017.", + "extraction": "Mohammad Hamid Ansari was elected as the Vice-President of India on 10 August 2007." + }, + { + "id": "19479280", + "title": "2017 Indian presidential election", + "text": "India Jagdish Singh Khehar, to take office as the 14th President of India on 25 July 2017 at the Central Hall located in The Parliament House, New Delhi. Immediately after the results were announced, Prime Minister Narendra Modi tweeted, \"Congratulations to Shri Ram Nath Kovind Ji on being elected the President of India! Best wishes for a fruitful & inspiring tenure\". In another tweet he added \"Gladdened by the extensive support for Shri Ram Nath Kovind Ji among MPs & across various parties. I thank members of the electoral college\". 2017 Indian presidential election A presidential election was held in", + "score": 0.7490234375, + "summary": "Ram Nath Kovind is elected as the President of India in the 2017 Indian presidential election.", + "extraction": "Ram Nath Kovind Ji is elected as the President of India." + }, + { + "id": "2589432", + "title": "Venkaiah Naidu", + "text": "Venkaiah Naidu Muppavarapu Venkaiah Naidu (born 1 July 1947) is an Indian politician and the current Vice President of India, in office since 11 August 2017. Previously, he served as the Minister of Housing and Urban Poverty Alleviation, Urban Development and Information and Broadcasting in the Modi Cabinet. A prominent leader of the Bharatiya Janata Party, he also served as its national president from 2002 to 2004. Earlier, he was the Union Cabinet Minister for Rural Development in the Atal Bihari Vajpayee government. He took the oath as Vice-President of India on 11 August 2017. Venkaiah Naidu was born on", + "score": 0.74658203125, + "summary": "Venkaiah Naidu is the current Vice President of India, elected on 11 August 2017.", + "extraction": "Venkaiah Naidu is the current Vice President of India, elected on 11 August 2017." + }, + { + "id": "19479275", + "title": "2017 Indian presidential election", + "text": "2017 Indian presidential election A presidential election was held in India on 17 July 2017 with the votes counted and the results announced on 20 July 2017. Ram Nath Kovind became 14th President of India. President Pranab Mukherjee, whose term of office was due to expire on 24 July 2017, declined to seek re-election due to health concerns. Governor of Bihar Ram Nath Kovind of the Bharatiya Janata Party had the backing of the governing National Democratic Alliance coalition, and went up against opposition candidate Meira Kumar of the Indian National Congress in the vote. Kovind secured roughly two thirds", + "score": 0.74560546875, + "summary": "Ram Nath Kovind was elected as the 14th President of India in the 2017 presidential election. No information about the vice president is provided.", + "extraction": "Ram Nath Kovind became 14th President of India." + }, + { + "id": "19534958", + "title": "2017 Indian vice-presidential election", + "text": "18 opposition parties. He is the grandson of Mahatma Gandhi and C. Rajagopalachari, two prominent figures of Indian freedom movement. A former diplomat, Gandhi is an alumnus of St. Stephen's College and has also served as India's envoy to Sri Lanka, Norway and South Africa. He has also held the post of Governor of West Bengal and presided over the state during Nandigram violence. Gandhi had the support of Indian National Congress, Janata Dal (United), Rashtriya Janata Dal, Nationalist Congress Party and the Left Front. Following the election, Venkaiah Naidu was elected 13th Vice-President of India. He has sworn-in to", + "score": 0.73876953125, + "summary": "Venkaiah Naidu was elected as the 13th Vice-President of India.", + "extraction": "Venkaiah Naidu was elected 13th Vice-President of India." + }, + { + "id": "19534907", + "title": "1992 Indian vice-presidential election", + "text": "1992 1992 Indian vice-presidential election The 1992 Indian vice-presidential election was held on 19 August 1992 to elect Vice-President of India. K. R. Narayanan defeated Kaka Joginder Singh to become 9th Vice-President of India. Out of 701 valid votes, Narayanan received 700 votes, while Singh secured only one vote. At the time of the election, VP office was vacant since the incumbent, Shankar Dayal Sharma, had already inaugurated as President following his victory in the presidential election. !style=\"background-color:#E9E9E9\" class=\"unsortable\"| !style=\"background-color:#E9E9E9\" align=center|Candidate
!style=\"background-color:#E9E9E9\" |Party
!style=\"background-color:#E9E9E9\" |Electoral Votes
!style=\"background-color:#E9E9E9\" |% of Votes
! colspan=\"3\" style=\"text-align:left;\"| Total ! style=\"text-align:right;\"|701 ! style=\"text-align:right;\"|100.00 Indian presidential", + "score": 0.73828125, + "summary": "K. R. Narayanan was elected as the 9th Vice-President of India in the 1992 Indian vice-presidential election, defeating Kaka Joginder Singh with 700 out of 701 valid votes on August 19, 1992.", + "extraction": "K. R. Narayanan defeated Kaka Joginder Singh to become 9th Vice-President of India." + }, + { + "id": "19534906", + "title": "1992 Indian vice-presidential election", + "text": "1992 Indian vice-presidential election The 1992 Indian vice-presidential election was held on 19 August 1992 to elect Vice-President of India. K. R. Narayanan defeated Kaka Joginder Singh to become 9th Vice-President of India. Out of 701 valid votes, Narayanan received 700 votes, while Singh secured only one vote. At the time of the election, VP office was vacant since the incumbent, Shankar Dayal Sharma, had already inaugurated as President following his victory in the presidential election. !style=\"background-color:#E9E9E9\" class=\"unsortable\"| !style=\"background-color:#E9E9E9\" align=center|Candidate
!style=\"background-color:#E9E9E9\" |Party
!style=\"background-color:#E9E9E9\" |Electoral Votes
!style=\"background-color:#E9E9E9\" |% of Votes
! colspan=\"3\" style=\"text-align:left;\"| Total ! style=\"text-align:right;\"|701 ! style=\"text-align:right;\"|100.00 Indian presidential election,", + "score": 0.7373046875 + }, + { + "id": "14456445", + "title": "2012 Indian presidential election", + "text": "2012 Indian presidential election The 14th indirect presidential election, in order to elect the 13th president, was held in India on 19 July 2012. The last date for filing nominations was 30 June, whereas the votes would be counted on 22 July. The two leading candidates for the presidency were former Finance Minister Pranab Mukherjee from West Bengal and former Speaker of the Lok Sabha Purno Agitok Sangma from Meghalaya. On 22 July, Mukherjee was declared the winner. He was sworn in on 25 July at 11:30. The new president is chosen by an electoral college consisting of the elected", + "score": 0.73291015625 + }, + { + "id": "3845828", + "title": "Bhairon Singh Shekhawat", + "text": "of Opposition in the legislative assembly. Shekhawat won every election to the Rajasthan Legislative Assembly, except in 1972 when he lost from Gandhi Nagar in Jaipur and in Ganganagar by Radheshyam Ganganagar. Shekhawat was elected as the Vice-President of India in 2002, when he defeated the opposition candidate, Sushil Kumar Shinde by a margin of 149 votes out of the 750 votes polled. In July 2007, Shekhawat fought the Presidential election as an independent candidate backed by National Democratic Alliance as a popular Presidential candidate next to A. P. J. Abdul Kalam; but lost to the United Progressive Alliance-Left backed", + "score": 0.73046875 + }, + { + "id": "16691004", + "title": "2012 Indian vice-presidential election", + "text": "term as Vice-President of India. He has presided over the Rajya Sabha with dignity and distinction. The UPA is honoured to nominate him as its candidate for a second term as Vice-President of India. \" Sonia Gandhi, Mulayam Singh Yadav, Bahujan Samaj Party leader Satish Mishra and INCMP Motilal Vora then submitted one set of papers each to Viswanathan in support of Ansari's candidature. Though Mukul Roy of the All India Trinamool Congress had put before the names of Gopalkrishna Gandhi and Krishna Bose, they declined to contest. Ansari was elected as Vice President for a second term, and became", + "score": 0.72900390625 + }, + { + "id": "9586079", + "title": "Mohammad Hidayatullah", + "text": "then-President of India, Zakir Husain died suddenly, in harness, on 3 May 1969. Then Vice-President of India Mr. V. V. Giri became the acting President. Later, Giri resigned from both offices as acting President and Vice-President to become a candidate in the 1969 Presidential Election. Hidayatullah then served as the President of India for a short period from 20 July to 24 August. The visit of President of the United States Richard Nixon to India made his Presidential term historic. After his retirement, Hidayatullah was elected as the Vice-President of India by a consensus among different parties and occupied that", + "score": 0.72802734375 + }, + { + "id": "18036961", + "title": "Ram Nath Kovind", + "text": "the winner. Ram Nath Kovind took the oath as the 14th President of India on 25 July 2017. He is the first leader from Rashtriya Swayamsevak Sangh to occupy the Office of President of India . Kovind married Savita Kovind on 30 May 1974. They have a son, Prashant Kumar, and a daughter, Swati. In 2010, he was reported to have said that \"Islam and Christianity are alien to the nation\" as spokesperson of the BJP. As reported by IANS and published by Hindustan Times, he made this comment in response to the Ranganath Misra Commission which recommended 15 percent", + "score": 0.72607421875 + }, + { + "id": "13390657", + "title": "2002 Indian presidential election", + "text": "two days after the nomination, declared its support to Kalam's candidature. Left Front were opposed to Kalam's candidature, and eventually nominated freedom fighter and Indian National Army's Rani of Jhansi Regiment commander Lakshmi Sahgal as their candidate. Potential candidates included, President K. R. Narayanan, Maharashtra Governor P. C. Alexander, Vice President Krishan Kant and Former Chief Justice of India A. M. Ahmadi. 2002 Indian presidential election Indian presidential election, 2002 was held on 15 July 2002 to elect President of India. On 18 July 2002, the results were declared. Dr. A. P. J. Abdul Kalam became the 11th President by", + "score": 0.7255859375 + }, + { + "id": "14456451", + "title": "2012 Indian presidential election", + "text": "as well as the INC's Arvind Netam, who is the head of the Tribal Forum of India which supported Sangma. Prior to filing his nomination with the \"Rajya Sabha\" Secretary General V. K. Agnihotri he said that \"today is a victory of tribal unity, that a tribal is filing his nomination for the post of president.\" Following is the list of potential candidates speculated by media. The election's Returning Officer V. K. Agnihotri announced: \"I declare that Shri Pranab Mukherjee has been duly elected to the office of President of India.\" Mukherjee gained 373,116 MP votes and 340,647 MLA votes", + "score": 0.724609375 + }, + { + "id": "9606758", + "title": "2007 Indian presidential election", + "text": "2007 Indian presidential election The Election Commission of India held indirect 13th presidential elections of India on 19 July 2007. Pratibha Patil with 638,116 votes won over her nearest rival Bhairon Singh Shekhawat who got 331,306 votes. This result meant that Pratibha Patil became the first female President of India. On 14 June, Pratibha Patil, the governor of the state of Rajasthan, was declared by UPA as its candidate for the election. The Left and other allies of the United Progressive Alliance (UPA) such as Bahujan Samaj Party (BSP) and Dravida Munnetra Kazhagam (DMK) announced their support on Patil's candidature.", + "score": 0.724609375 + }, + { + "id": "3022231", + "title": "Vice President of India", + "text": "is slightly different from the election of the President as the members of state legislatures are not part of the electoral college but the nominated members of both the houses are part of electoral college for the vice-presidential election. The nomination of a candidate for election to the office of the Vice-President must be subscribed by at least 20 electors as proposers and 20 electors as seconders. Every candidate has to make a security deposit of Rs.15,000 in the Reserve Bank of India. The Election Commission of India, which is a constitutional autonomous body, conducts the election. The election is", + "score": 0.724609375 + }, + { + "id": "19534955", + "title": "2017 Indian vice-presidential election", + "text": "the same day. The Vice President is elected by an electoral college which includes members of the \"Rajya Sabha\" (the upper house of Indian parliament) and the members of the \"Lok Sabha\" (lower house of the Indian parliament). The nominated members of the mentioned houses are also eligible to vote in the election process. In the election, voting will be done by a secret ballot and the members of parliament will use a \"special pen\" to mark their preference. For the 2017 election, the electoral college consists of A candidate participating in the election needs the support of at least", + "score": 0.72314453125 + }, + { + "id": "18036959", + "title": "Ram Nath Kovind", + "text": "choice and praised Kovind as being unbiased and working closely with the State Government during his Governorship. After nomination for the post of 14th President of India, he resigned from his post as Governor of Bihar, and President of India Pranab Mukherjee accepted his resignation on 20 June 2017. He won election on 20 July 2017. Ram Nath Kovind received 65.65% of the valid votes, against former Speaker of the Lok Sabha - Meira Kumar, the presidential candidate of the Opposition who received 34.35% of the total votes. Kovind received 2,930 votes (From MPs and MLAs) amounting to Electoral College", + "score": 0.72021484375 + }, + { + "id": "191180", + "title": "Politics of India", + "text": "most senior office in the country, after the President. The vice-president is also elected by an electoral college, consisting of members of both houses of parliament. Like the president, the role of the Vice-President is also ceremonial, with no real authority vested in him/her. The Vice-President fills in a vacancy in the office of President (till the election of a new president). His only regular function is that he functions are the Chairman of the Rajya Sabha. No other duties/powers are vested in the office. The current Vice President is M.Venkaiah Naidu. The Union Council of Ministers, headed by the", + "score": 0.72021484375 + }, + { + "id": "3154454", + "title": "Pranab Mukherjee", + "text": "on 4 October 2011. Mukherjee has received several accolades and honours: Pranab Mukherjee's positions in chronological order: Pranab Mukherjee Pranab Kumar Mukherjee (born 11 December 1932) is an Indian politician who served as the 13th President of India from 2012 until 2017. In a political career spanning five decades, Mukherjee has been a senior leader in the Indian National Congress and has occupied several ministerial portfolios in the Government of India. Prior to his election as President, Mukherjee was Union Finance Minister from 2009 to 2012. Mukherjee got his break in politics in 1969 when Prime Minister Indira Gandhi helped", + "score": 0.71875 + }, + { + "id": "9606759", + "title": "2007 Indian presidential election", + "text": "Shiv Sena, an ally of the National Democratic Alliance (NDA) also supported Patil's candidature. The move came as a surprise as Patil's name was not mentioned among the probables by UPA so far. Supported unofficially by the NDA, the then Vice President, Bhairon Singh Shekhawat filed his nomination as an independent candidate on 25 June 2007. Amidst much speculation by various party leaders and media, a lot of names were tossed around as being probable or desired persons for holding the post. Initially Shivraj Patil and Pranab Mukherjee (both sitting cabinet ministers) emerged as the frontrunners for the candidature. Other", + "score": 0.71728515625 + }, + { + "id": "18036951", + "title": "Ram Nath Kovind", + "text": "Ram Nath Kovind Ram Nath Kovind (born 1 October 1945) is an Indian politician currently serving as the 14th President of India, in office since 25 July 2017. Previously he had served as the Governor of Bihar from 2015 to 2017 and was a Member of Parliament, Rajya Sabha from 1994 to 2006. Kovind was nominated as a presidential candidate by the ruling NDA coalition and won the 2017 presidential election. Before entering politics, he was a lawyer for 16 years and practiced in the Delhi High Court and the Supreme Court until 1993. Kovind was born on 1 October", + "score": 0.716796875 + }, + { + "id": "3154416", + "title": "Pranab Mukherjee", + "text": "Pranab Mukherjee Pranab Kumar Mukherjee (born 11 December 1932) is an Indian politician who served as the 13th President of India from 2012 until 2017. In a political career spanning five decades, Mukherjee has been a senior leader in the Indian National Congress and has occupied several ministerial portfolios in the Government of India. Prior to his election as President, Mukherjee was Union Finance Minister from 2009 to 2012. Mukherjee got his break in politics in 1969 when Prime Minister Indira Gandhi helped him get elected to the Rajya Sabha, the upper house of Parliament of India, on a Congress", + "score": 0.71630859375 + }, + { + "id": "10607928", + "title": "Mohammad Hamid Ansari", + "text": "Mohammad Hamid Ansari Mohammad Hamid Ansari (; born 1 April 1937) is an Indian politician who served as the 12th Vice-President of India from 2007 to 2017. He has also served as an Indian ambassador and is ex-chairman of Rajya Sabha. Ansari was the first person to be re-elected as Indian VP after Sarvepalli Radhakrishnan in 1957. He served as President of the Indian Institute of Public Administration, Chancellor of Panjab University , Delhi University , Pondicherry University and the President of the Indian Council of World Affairs in his capacity as vice president Ansari worked as an ambassador and", + "score": 0.7158203125 + }, + { + "id": "13390656", + "title": "2002 Indian presidential election", + "text": "2002 Indian presidential election Indian presidential election, 2002 was held on 15 July 2002 to elect President of India. On 18 July 2002, the results were declared. Dr. A. P. J. Abdul Kalam became the 11th President by beating his nearest rival Capt. (Dr.) Lakshmi Sahgal. The election was fought between two major candidates, A. P. J. Abdul Kalam and Lakshmi Sahgal. Kalam was backed by the ruling Bharatiya Janata Party and its National Democratic Alliance. Telugu Desam Party, All India Anna Dravida Munnetra Kazhagam and Bahujan Samaj Party also supported his candidature. The major opposition party Indian National Congress,", + "score": 0.71533203125 + }, + { + "id": "8063231", + "title": "Pratibha Patil", + "text": "Pratibha Patil Pratibha Devisingh Patil (born 19 December 1934) is an Indian politician who served as the 12th President of India from 2007 to 2012. A member of the Indian National Congress, Patil is the only woman to hold the office. She previously served as the Governor of Rajasthan from 2004 to 2007. Pratibha Patil is the daughter of Narayan Rao Patil. She was born on 19 December 1934 in the village Nadgaon of Bodwad taluka in the Jalgaon district of Maharashtra, India. Her mother tongue is Marathi. She received her M.A. degree in Political Science and Economics from University", + "score": 0.71533203125 + }, + { + "id": "978184", + "title": "K. R. Narayanan", + "text": "Vice-President (and later as President) because of special political circumstances that prevailed in the country. He had benefited from their support, and in turn, their political positions had gained acceptability. When the Babri Masjid was demolished on 6 December 1992, he described the event as the \"greatest tragedy India has faced since the assassination of Mahatma Gandhi\". K. R. Narayanan was elected to the Presidency of India (17 July 1997) with 95% of the votes in the electoral college, as a result of the Presidential poll on 14 July. This is the only Presidential election to have been held with", + "score": 0.712890625 + }, + { + "id": "10607935", + "title": "Mohammad Hamid Ansari", + "text": "him as their candidate. \"I am humbled by the confidence reposed in me\". Ansari refused to say more when asked about his prospects in the August 2007 Vice-Presidential election. Ansari secured 455 votes, and won the election by a margin of 233 votes against his nearest rival Najma Heptullah. In 2012 VP election, the Congress-led UPA re-appointed Ansari as their candidate for the post of VP. The NDA nominated Jaswant Singh, former Finance, External Affairs and Defence minister as well as former Leader of Opposition. The NDA cited Ansari's conduct in the Rajya Sabha during The Lokpal Bill, 2011 debate", + "score": 0.71142578125 + }, + { + "id": "19534956", + "title": "2017 Indian vice-presidential election", + "text": "20 electors who would be the proposers of the candidate and needs to get another additional support of at least 20 seconders. The candidate also has to deposit \u20b915000 ($233) as a security deposit. Two candidates were nominated for the election. One candidate was nominated by the National Democratic Alliance and another by United Progressive Alliance. Venkaiah Naidu was nominated by National Democratic Alliance. He was the then Minister of Information and Broadcasting and Minister of Housing and Urban Poverty Alleviation of India. He had also served as a party president of Bharatiya Janata Party. Prime Minister Narendra Modi said", + "score": 0.71044921875 + }, + { + "id": "3022234", + "title": "Vice President of India", + "text": "second-preference votes are transferred. The process is repeated until a candidate obtains the requisite number of votes. Nominated members can also participate in the election. After the election has been held and the votes counted, the Returning Officer declares the result of the election to the electoral college. Thereafter, he/she reports the result to the Central Government (Ministry of Law and Justice) and the Election Commission of India and the Central Government publishes the name of the person elected as Vice-President, in the Official Gazette. The Vice-President may resign his office by submitting his resignation to the President. The resignation", + "score": 0.7099609375 + }, + { + "id": "3369814", + "title": "Susilo Bambang Yudhoyono", + "text": "appointees were female. Yudhoyono's Second United Indonesia Cabinet was announced in October 2009 after he was re-elected as president earlier in the year. The vice-president in Yudhoyono's second cabinet was Dr. Boediono. Boediono replaced Jusuf Kalla who was vice-president in the first Yudhoyono cabinet. Presidential elections were held in Indonesia on 8 July 2009. President Susilo Bambang Yudhoyono won more than 60% (60.08%) of the vote in the first round, which enabled him to secure re-election without a run-off. Yudhoyono was officially declared the victor of the election on 23 July 2009, by the General Election Commission. Other candidates are", + "score": 0.7099609375 + }, + { + "id": "4104915", + "title": "Shivraj Patil", + "text": "women in Nandigram. Patil's name was considered a likely candidate in 2007 presidential election. However, after the Left opposed his candidacy, Sonia Gandhi proposed Pratibha Patil, Governor of Rajasthan, as the presidential candidate. Shivraj Patil was later considered a possible candidate for the post of Vice-President of India. His extensive parliamentary experience and his reputation for fairness were said to be the main advantages on his side. On 30 November 2008, just four days after Bombay blasts, Patil resigned from his position of Home Minister in Union Cabinet taking moral responsibility for the security lapse that led to the November", + "score": 0.70947265625 + }, + { + "id": "3845824", + "title": "Bhairon Singh Shekhawat", + "text": "Bhairon Singh Shekhawat Bhairon Singh Shekhawat (23 October 1924 \u2013 15 May 2010) was the 11th Vice President of India. He served in that position from August 2002, when he was elected to a five-year term by the electoral college following the death of Krishan Kant, until he resigned on 21 July 2007, after losing the presidential election to Pratibha Patil. Shekhawat was a member of the Bharatiya Janata Party (BJP), a leading member of the National Democratic Alliance at the time of election. He served as the Chief Minister of Rajasthan three times, from 1977 to 1980, 1990 to", + "score": 0.70947265625 + }, + { + "id": "20263927", + "title": "Savita Kovind", + "text": "Savita Kovind Savita Kovind is the First Lady of India since 25 July 2017. She is the wife of the President of India Ram Nath Kovind. Previously, Suvra Mukherjee, wife of the former President Pranab Mukherjee had been the occupant of this title, until her death on 18 August 2015. Kovind's parents originally lived near Lahore in present day Pakistan and moved to India post partition and settled in Lajpat Nagar in Delhi. She is a former employee in Mahanagar Telephone Nigam Limited (MTNL). She started her career in MTNL as a telephone operator. Gradually she got promoted to the", + "score": 0.7080078125 + }, + { + "id": "3022230", + "title": "Vice President of India", + "text": "in order to be qualified to be elected as Vice-President, a person must: While in order to be a President, a person must be qualified for election as a member of the Lok Sabha (House of Peoples), the Vice-President must be qualified for election as a member of the Rajya Sabha (Council of States). This difference is because the Vice-President is to act as the \"ex officio\" Chairman of the Rajya Sabha. The Vice-President is elected indirectly, by an electoral college consisting of members {elected as well as nominated} of both houses of the Parliament. The election of the Vice-President", + "score": 0.70751953125 + }, + { + "id": "19479276", + "title": "2017 Indian presidential election", + "text": "of the votes from the electoral college of elected members of federal, state and union territory legislatures and was elected to a five-year term as President. Kovind's term of office began on 25 July 2017. There was initial speculation that the incumbent, Pranab Mukherjee, would seek re-election. However, he decided not to run again in 2017, meaning that his term in office ended on 24 July 2017. The President of India is indirectly elected by an electoral college consisting of the elected members of both houses of parliament, the elected members of the Legislative assemblies of the 29 states and", + "score": 0.70703125 + }, + { + "id": "3154420", + "title": "Pranab Mukherjee", + "text": "electoral-college vote. In 2017, Mukherjee decided not to run for re-election and to retire from politics after leaving the presidency due to \"health complications relating to old age\". His term expired on 25 July 2017. He was succeeded as President by Ram Nath Kovind. In June 2018 Mukherjee became first former President of India to address a Rashtriya Swayamsevak Sangh event. Pranab was born in a Bengali Hindu Kulin Brahmin family in Mirati, a village in the Bengal Presidency of British India (now in Birbhum district, West Bengal, India). His father, Kamada Kinkar Mukherjee was active in the Indian independence", + "score": 0.7060546875 + }, + { + "id": "3154448", + "title": "Pranab Mukherjee", + "text": "of India. After being administered the oath of office, he said we are amidist of fourth world war of terror and what minutes of peace can achieve cannot be achieved in many years of war. Congress President Sonia Gandhi and Prime Minister Manmohan Singh both congratulated Pranab Mukherjee on his election as President. Former Communist leader Somnath Chatterjee termed Mukherjee as one of \"the best parliamentarians and statesmen of India\" and said the country \"has got the most able man for the top job\". Opposition leader Sharad Yadav declared \"the nation needed a president like Pranab Mukherjee.\" Delhi Chief Minister", + "score": 0.70556640625 + }, + { + "id": "10607930", + "title": "Mohammad Hamid Ansari", + "text": "2017 vice-presidential election. Upon the inauguration of Ram Nath Kovind as President of India in 2017, Ansari became the first Indian Vice-President to serve during the terms of three presidents. He is the longest serving chairman of Rajya Sabha. Ansari was born on 1 April 1937 at Calcutta, Bengal Presidency (present day Kolkata in the state of West Bengal) to Mohammad Abdul Aziz Ansari and Aasiya Begum. Though his ancestral home is in the city of Ghazipur of the Uttar Pradesh state, he spent his formative years in Kolkata. He is a grand-nephew of former Indian National Congress president and", + "score": 0.703125 + }, + { + "id": "561166", + "title": "Sarvepalli Radhakrishnan", + "text": "Sarvepalli Radhakrishnan Dr. Sir Sarvepalli Radhakrishnan (5 September 1888 \u2013 17 April 1975) was an Indian philosopher and statesman who served as the first Vice President of India (1952\u20131962) and the second President of India (1962-1967). One of India's most distinguished twentieth-century scholars of comparative religion and philosophy, after completing his education at Madras Christian College in 1911, he became Assistant Professor and later Professor of Philosophy at Madras Presidency College then subsequently Professor of Philosophy at the University of Mysore (1918-1921); the King George V Chair of Mental and Moral Science at the University of Calcutta (1921\u20131932) and Spalding", + "score": 0.70263671875 + }, + { + "id": "4113124", + "title": "Islam in India", + "text": "Hidayatullah also served as the acting President of India on two separate occasions; and holds the distinct honour of being the only person to have served in all three offices of the President of India, the Vice-President of India and the Chief Justice of India. The former Vice-President of India, Mohammad Hamid Ansari, former Foreign Minister Salman Khurshid and former Director (Head) of the Intelligence Bureau, Syed Asif Ibrahim are Muslims. Ibrahim was the first Muslim to hold this office. From 30 July 2010 to 10 June 2012, Dr. S. Y. Quraishi served as the Chief Election Commissioner of India.", + "score": 0.70263671875 + }, + { + "id": "561182", + "title": "Sarvepalli Radhakrishnan", + "text": "Sarvepalli Radhakrishnan Dr. Sir Sarvepalli Radhakrishnan (5 September 1888 \u2013 17 April 1975) was an Indian philosopher and statesman who served as the first Vice President of India (1952\u20131962) and the second President of India (1962-1967). One of India's most distinguished twentieth-century scholars of comparative religion and philosophy, after completing his education at Madras Christian College in 1911, he became Assistant Professor and later Professor of Philosophy at Madras Presidency College then subsequently Professor of Philosophy at the University of Mysore (1918-1921); the King George V Chair of Mental and Moral Science at the University of Calcutta (1921\u20131932) and Spalding", + "score": 0.70263671875 + }, + { + "id": "17457382", + "title": "Madhukeshwar Desai", + "text": "Madhukeshwar Desai Madhukeshwar Desai (born 25 August 1987) is an Indian politician and great grand son of former Prime Minister of India Morarji Desai. In 2013, he was appointed the National Vice President of the Bharatiya Janata Yuva Morcha, the youth wing of the Bharatiya Janata Party at 25, making him the youngest Vice President in the history of the party. He was re appointed National Vice President for a second consecutive term in 2017 at 29, retaining his distinction as the youngest Vice President. Madhukeshwar set up the Mumbai Centre for International Arbitration in 2016 and currently serves as", + "score": 0.70166015625 + }, + { + "id": "3773798", + "title": "Shankar Dayal Sharma", + "text": "Vice-President of India and chairman of the Rajya Sabha. Sharma was known to be a stickler for parliamentary norms. He is known to have broken down in the Rajya Sabha while witnessing the members of the house create a din on a political issue. His grief brought back some order into the proceedings of the house. Sharma served as Vice-President until 1992, when he was elected President. He received 66% of the votes in the electoral college, defeating George Gilbert Swell. During his last year as President, it was his responsibility to swear in three prime ministers. He didn't run", + "score": 0.701171875 + }, + { + "id": "18462462", + "title": "Jitendra Kumar Singh", + "text": "was awarded the \"Pratibha Samman\" in 2009. In 2010, he received the \"Gunilla Bental Oration Award\" from Rajiv Gandhi Cancer Institute and Research Centre. The same year, Indian Institute of Business Management, Patna conferred honorary MBA degree on him. The Government of India awarded him the civilian honor of Padma Shri in 2012. Dr Singh is now The National Vice President Indian Medical Association elected in June 2014. Jitendra Kumar Singh Jitendra Kumar Singh is an Indian oncologist, the ex director of Mahavir Cancer Institute & Research Centre and the president of \"Cancer Care India\", the apex body for cancer", + "score": 0.701171875 + }, + { + "id": "12673071", + "title": "Vice President of the Maldives", + "text": "Vice President of the Maldives Vice President of the Maldives is the holder of a public office created by the Constitution of the Maldives. The current office-holder is Faisal Naseem, since 17 November 2018. Ibrahim Muhammad Didi was the first Vice President, and was an appointee, while Mohammed Waheed Hassan was the first elected Vice President. The Vice President is the first in the line of succession to the Presidency in the event of the President's death, resignation, or removal from office. The post of the Vice President are described in article 112 of the constitution as follows: Articles 117", + "score": 0.70068359375 + }, + { + "id": "2873138", + "title": "Government of India", + "text": "the Lok Sabha majority. In most other cases, however, the president exercises his or her executive powers on the advice of the prime minister. The vice president is the second highest constitutional position in India after the president. The vice president represents the nation in the absence of the president and takes charge as acting president in the incident of resignation impeachment or removal of the president. The vice president also has the legislative function of acting as the chairman of the Rajya Sabha. The vice president is elected indirectly by members of an electoral college consisting of the members", + "score": 0.7001953125 + }, + { + "id": "10733073", + "title": "Vice President House", + "text": "residence was at No.2, King Edward Road (later renamed as Maulana Azad Road), New Delhi. Vice President House Vice President House is the official residence of the Vice President of India, located in New Delhi, Delhi, India. From May 1962 this bungalow serves as official residence of Vice President of India, located on No. 6, Maulana Azad Road, New Delhi. The area of the residence is 6.48 acres (26,223.41 sq. m.) It shares a common boundary wall with the Vigyan Bhavan Annexe on the west and is bounded by Maulana Azad Road in the south, Man Singh Road in the", + "score": 0.7001953125 + }, + { + "id": "10421832", + "title": "Vice President of Indonesia", + "text": "Vice President of Indonesia The Vice President of the Republic of Indonesia () is the first in the line of succession in the Republic of Indonesia. The Indonesian Vice Presidency was established during the formulation of the 1945 constitution by the Investigating Committee for Preparatory Work for Independence (BPUPKI). The office was first filled on 18 August 1945 when Mohammad Hatta was elected by acclamation. The election was conducted by the Committee for the Preparation of Indonesian Independence (PPKI) because the body responsible for the Vice-Presidential elections, the People's Consultative Assembly (MPR), had not been formed yet. In the early", + "score": 0.7001953125 + }, + { + "id": "11397932", + "title": "1987 Indonesian legislative election", + "text": "After the election the next item on the political agenda was the election of the president and vice-president by the People's Consultative Assembly. The reelection of 66-year-old Suharto was a foregone conclusion given he appointed half the membership of the assembly as well as controlling the elected Golkar members and the unelected delegates from the Armed Forces. This added up to 80% of the membership. The only question was who would Suharto appoint as Vice President. Eventually the post went to Golkar chairman and State Secretary/Minister Sudharmono. In March 1988 the two men were formally elected and inaugurated for the", + "score": 0.69921875 + }, + { + "id": "9780230", + "title": "Philippine general election, 2010", + "text": "Philippine general election, 2010 Elections for all positions in the Philippines above the barangay (except for Autonomous Region in Muslim Mindanao regional level) were held on May 10, 2010. The elected president is Benigno \"Noynoy\" Aquino, the 15th President of the Philippines, succeeding President Gloria Macapagal-Arroyo who was barred from seeking re-election due to term restrictions. The successor of vice-president Noli de Castro is Jejomar Binay, the 15th vice president of the Philippines. The legislators elected in the 2010 elections have joined the senators of the 2007 elections and comprise the 15th Congress of the Philippines. The 2010 election was", + "score": 0.6982421875 + }, + { + "id": "4113076", + "title": "Islam in India", + "text": "the Chief Justice of India on various occasions since independence. Mohammad Hidayatullah also served as the acting President of India on two separate occasions; and holds the distinct honour of being the only person to have served in all three offices of the President of India, the Vice-President of India and the Chief Justice of India. The former Vice-President of India, Mohammad Hamid Ansari, former Foreign Minister Salman Khurshid are Muslims. Dr. S. Y. Quraishi served as the Chief Election Commissioner of India from 30 July 2010 to 10 June 2012. He was the first Muslim to serve in this", + "score": 0.6982421875 + }, + { + "id": "15602608", + "title": "2012 elections in India", + "text": "Chief Minister Narendra Modi, in power since 2002, was running for his fourth term. Elections, held in two phases, reverted Bharatiya Janata Party (BJP), in power in Gujarat since 1995, with 119 seat out of 182. The 14th indirect presidential election, in order to elect the 13th president, was held in India on 19 July 2012. On 22 July, Pranab Mukherjee was declared the winner. Mukheree gained 373,116 MP votes and 340,647 MLA votes for a total of 713,763 votes to win the election. He defeated P. A. Sangma, who got 145,848 MP votes and 170,139 MLA votes for a", + "score": 0.6982421875 + }, + { + "id": "3154449", + "title": "Pranab Mukherjee", + "text": "Sheila Dikshit commented and said Mukherjee will be \"one of the wisest presidents.\" She further marvelled at the fact that parties in the opposition ranks supported Mukherjee. \"Even the NDA broke up and wanted to vote for the president to be Pranab Mukherjee.\" The Bharatiya Janata Party (BJP) was reportedly \"shocked\" and \"upset\" at the cross-voting for Mukherjee by its legislative members. However, the BJP party President Nitin Gadkari congratulated Mukherjee and said \"I extend my hearty congratulations to Pranab Mukherjee on his election today as the new President of India.\" Gadkari further declared \"I am sure that the country", + "score": 0.697265625 + }, + { + "id": "11836431", + "title": "Smartmatic", + "text": "Over 20,000 candidates conceded. Rodrigo Duterte became the 16th President of the Philippines, succeeding Benigno Aquino III, while the 16th Vice-President succeeded Jejomar Binay. Legislators elected in the 2016 elections joined the senators elected in the 2013 midterm elections to constitute the 16th Congress of the Philippines. Days after the May 2016 elections, Bongbong Marcos, son of the late dictator Ferdinand Marcos, alleged that Smartmatic had tampered with the votes which cost him being elected Vice President of the Philippines and criminal proceedings were filed by the Commission on Elections (Comelec) against Comelec personnel as well as Smartmatic employees, with", + "score": 0.69677734375 + }, + { + "id": "3022228", + "title": "Vice President of India", + "text": "Vice President of India The Vice-President of India is the second-highest constitutional office in India after the President. Article 63 of Indian Constitution states that \"there shall be a Vice-President of India.\" The Vice-President acts as President in the absence of the President due to death, resignation, impeachment, or other situations. The Vice-President of India is also \"ex officio\" Chairperson of the Rajya Sabha. When a bill is introduced in Rajya Sabha, vice-president decides whether it is a financial bill or not. If he is of the opinion, a bill introduced in the Rajya Sabha is a money bill, he", + "score": 0.6962890625 + }, + { + "id": "5273225", + "title": "Krishan Kant", + "text": "Delhi on the banks of Yamuna on 28 July, in the presence of various VIPs. He is survived by his wife, two sons, a daughter and grandchildren. His mother Satyavati Devi, another freedom fighter, also outlived him, finally dying in 2010. A few days after his death, Bhairon Singh Shekhawat defeated Sushil Kumar Shinde to be elected as the successor to Krishna Kant as Vice President of India. Krishan Kant Krishan Kant (28 February 1926 \u2013 27 July 2002) was the tenth Vice President of India from 1997 until his death. Previously, he was Governor of Andhra Pradesh from 1990", + "score": 0.69580078125 + }, + { + "id": "9586072", + "title": "Mohammad Hidayatullah", + "text": "Mohammad Hidayatullah Mohammad Hidayatullah OBE (17 December 1905 \u2013 18 September 1992) was the 11th Chief Justice of India serving from 25 February 1968 to 16 December 1970, and the sixth Vice President of India, serving from 31 August 1979 to 30 August 1984. He had also served as the Acting President of India from 20 July 1969 to 24 August 1969 and from 6 October 1982 to 31 October 1982. He is regarded as an eminent jurist, scholar, educationist, author and linguist. His brother, Mohammed Ikramullah, was a prominent Pakistani diplomat, whose wife, Shaista Suhrawardy Ikramullah, was a niece", + "score": 0.69384765625 + }, + { + "id": "3154447", + "title": "Pranab Mukherjee", + "text": "as 81 other candidates had filed nominations but the Election Commission rejected all except that of P. A. Sangma, the nominee of the National Democratic Alliance (NDA). In order to file his nomination for the presidential poll on 28 June, Mukherjee had resigned from the government on 26 June 2012. In the election, Mukherjee received 713,763 votes, while Sangma had 315,987. In his victory speech, delivered outside his residence before the results were officially announced, he said: Mukherjee was sworn-in by the Chief Justice of India on 25 July 2012, becoming the first Bengali to hold the post of President", + "score": 0.69384765625 + }, + { + "id": "10900794", + "title": "2009 Indonesian presidential election", + "text": "2009 Indonesian presidential election Presidential elections were held in Indonesia on 8 July 2009. The elections returned a president and vice president for the 2009\u20132014 period. Incumbent President Susilo Bambang Yudhoyono, elected with a 20% margin in the 2004 election, sought a second term against former President Megawati Sukarnoputri in a rematch of the 2004 election, as well as incumbent Vice President Jusuf Kalla. Securing a majority of the votes in a landslide victory in the first round, Yudhoyono was re-elected without the need to proceed to a second round, scheduled to be held on 8 September if no candidate", + "score": 0.693359375 + }, + { + "id": "10733072", + "title": "Vice President House", + "text": "Vice President House Vice President House is the official residence of the Vice President of India, located in New Delhi, Delhi, India. From May 1962 this bungalow serves as official residence of Vice President of India, located on No. 6, Maulana Azad Road, New Delhi. The area of the residence is 6.48 acres (26,223.41 sq. m.) It shares a common boundary wall with the Vigyan Bhavan Annexe on the west and is bounded by Maulana Azad Road in the south, Man Singh Road in the east and the green area abutting Raj Path in the north. Before 1962, the Vice-Presidential", + "score": 0.693359375 + }, + { + "id": "1959796", + "title": "V. V. Giri", + "text": "Rule in the state. Giri was elected the third vice president of India on 13 May 1967, a post he held for nearly two years till 3 May 1969. Giri was the first vice president to not complete his full term in office on account of being elevated to the office of the president and was the third vice president to be elected to the presidency. Following the death in office of President Zakir Hussain on 3 May 1969, Giri was sworn in as acting president the same day. Giri resigned from his post on 20 July 1969 to contest", + "score": 0.693359375 + }, + { + "id": "16833823", + "title": "Dinesh Sharma", + "text": "state President of the BJP's Bharatiya Janata Yuva Morcha (Youth Wing). Sharma was subsequently elected as Mayor of Lucknow in 2006. He stood for re-election in 2012 and defeated his nearest rival, Neeraj Bora of the Indian National Congress by over 1.71 lakh votes. On 16 August 2014 he became the National Vice President of Bharatiya Janata Party, following his contribution to the party's success in the 2014 Lok Sabha elections. On March 19, 2017, he was appointed as one of two Deputy Chief Ministers of Uttar Pradesh. He is not an elected member of the Uttar Pradesh Legislative Assembly.", + "score": 0.6923828125 + }, + { + "id": "18036962", + "title": "Ram Nath Kovind", + "text": "reservation for religious and linguistic minorities in government jobs. Although more recently, the issue was raised in the media if whether or not he was misquoted and that he in fact said \u201cIslam and Christianity are alien to the notion (of caste)\u201d as opposed to what was reported as \"nation\". Ram Nath Kovind Ram Nath Kovind (born 1 October 1945) is an Indian politician currently serving as the 14th President of India, in office since 25 July 2017. Previously he had served as the Governor of Bihar from 2015 to 2017 and was a Member of Parliament, Rajya Sabha from", + "score": 0.6923828125 + }, + { + "id": "17413426", + "title": "Pratap Bhanu Sharma", + "text": "National Congress between 1975\u201376, District Small Scale Industries Organisation and District Chamber of Commerce and Industry. He has also been Chairman of Madhya Pradesh Lahu-Udyog Engineers Association between 1975\u201380 and Small Industries Development Society in 1980. He was elected as Member of Parliament in 1980 and 1984 from Vidisha Lok Sabha constituency. He is currently Vice President of the Madhya Pradesh Indian National Congress/ Youth Congress. Pratap Bhanu Sharma Pratap Bhanu Sharma (born 6 March 1947) is an Indian politician and a senior leader of the Indian National Congress. He has been member of the 7th and 8th Lok Sabha", + "score": 0.69140625 + }, + { + "id": "10607934", + "title": "Mohammad Hamid Ansari", + "text": "2003 to 2005. Ansari became the chairman of India's National Commission for Minorities (NCM) on 6 March 2006. In June 2007, Ansari, in his capacity as NCM chairman, upheld the decision of St. Stephen's College, Delhi to earmark a small percentage of seats for Dalit Christians. He resigned as NCM chairman soon after his nomination for the post of India's Vice-President. On 20 July 2007, Ansari was named by the UPA-Left, the ruling coalition in India, as its candidate for the post of Vice-President for the upcoming election. When asked, Ansari said he felt \"humbled\" over the UPA-Left decision naming", + "score": 0.69140625 + }, + { + "id": "9586080", + "title": "Mohammad Hidayatullah", + "text": "high office with distinction from 1979 to August 1984. During his tenure as the Vice-President, he won the respect of all concerned for his impartiality and independence. In 1982, when the then President Zail Singh went to the U.S. for medical treatment, Vice-President Hidayatullah officiated as President from 6 October 1982 to 31 October 1982. Thus, he officiated as acting President twice. Having served at all of these positions made Hidayatullah unique among other members of Indian history. He became the only person to have served in all three offices of Chief Justice of India, President of India, and the", + "score": 0.69091796875 + }, + { + "id": "5254823", + "title": "B. D. Jatti", + "text": "B. D. Jatti Basappa Danappa Jatti (10 September 1913 \u2013 7 June 2002) was the fifth Vice President of India, serving from 1974 to 1979. He was Acting President of India from 11 February to 25 July 1977. The soft-spoken Jatti rose from a humble beginning as a Municipality member to India's second-highest office during a five-decade-long chequered political career. Jatti was born in a Kannadiga Lingayat family at Savalgi in Jamkhandi Taluk of Bagalkot district on 10 September 1913. His father was a humble grocer. He braved family difficulties and completed his education. After completing his graduation in Law", + "score": 0.689453125 + }, + { + "id": "17975297", + "title": "2014 Indian National Congress campaign for Indian general election", + "text": "the previous two elections in 2004 and 2009, and so was campaigning to win the election for the third consecutive time. The result of this election were declared on 16 May, before the 15th Lok Sabha completed its constitutional mandate on 31 May 2014. Rahul Gandhi was appointed to head a six-member committee to formulate and implement alliances, the party manifesto, and general publicity for the election. On 19 January 2013, Rahul Gandhi was appointed the vice-president of the Indian National Congress at the Jaipur Declaration of Congress. The resolution to make Rahul the vice-president was moved by A. K.", + "score": 0.689453125 + }, + { + "id": "12224196", + "title": "Vice President of Nepal", + "text": "Vice President of Nepal The position of Vice President of Nepal (, \"N\u0113p\u0101lak\u0101 upar\u0101\u1e63\u1e6drapatihar\u016b\") constitutes the deputy head of state of Nepal and was created when the Nepalese monarchy was abolished in May 2008. The current vice-president of Nepal is Nanda Kishor Pun. The vice president is to be formally addressed as 'His Excellency'. Under the interim constitution adopted in January 2007, all powers of governance were removed from the King of Nepal, and the Nepalese Constituent Assembly elected in the Nepalese Constituent Assembly election, 2008 was to decide in its first meeting whether to continue the monarchy or to", + "score": 0.68701171875 + }, + { + "id": "10087924", + "title": "Eshaq Jahangiri", + "text": "a candidate for the 2017 Iranian presidential elections. He was successfully vetted and approved by the Guardian Council on 20 April 2017 and officially became a presidential candidate. Many viewed his decision to run for the presidency as a tactical decision to support Rouhani throughout the debates and then withdraw before the voting commenced. He withdrew on 16 May 2017. Later, Hassan Rouhani won the election and Jahangiri was reappointed as first vice president. Eshaq Jahangiri Eshaq Jahangiri Kouhshahi (, born 21 January 1958) is an Iranian politician and first vice president of Hassan Rouhani's government. Jahangiri was the minister", + "score": 0.68701171875 + }, + { + "id": "3729530", + "title": "Vice-President of Fiji", + "text": "the terms of the 1997 Constitution, the Vice-President was appointed by the Great Council of Chiefs, after consultation with the Prime Minister. In April 2009, however, the Constitution was suspended, following the earlier suspension of the Great Council of Chiefs in April 2007. Six days after the suspension of the Constitution, the government issued a decree stating that the Vice-President would henceforth be appointed by the President. Ratu Epeli Nailatikau was appointed Vice-President the following day. Under the terms of the 2013 Constitution, the Vice-Presidential office was abolished, with its duties and powers transferred to the Chief Justice. Being appointees", + "score": 0.68701171875 + }, + { + "id": "15482571", + "title": "Abhishek Banerjee", + "text": "Abhishek Banerjee Abhishek Banerjee (born 7 November 1987) is an Indian politician and a member of parliament to the 16th Lok Sabha from Diamond Harbour Lok Sabha constituency, West Bengal. He won the Indian general election, 2014 being an All India Trinamool Congress candidate. He is also the National President of All India Trinamool Youth Congress the youth wing of the All India Trinamool Congress, a political party in India, currently in power in the Indian state of West Bengal Abhishek is the nephew of West Bengal Chief Minister Mamata Banerjee. He is called the \"cub of the 16 Lok", + "score": 0.6865234375 + }, + { + "id": "1774451", + "title": "Rajya Sabha", + "text": "sittings of the Houses of Parliament of India are rare, and in the history of the Republic, only three such joint-sessions have been held; the latest one for the passage of the 2002 Prevention of Terrorism Act. The Vice President of India (currently, Venkaiah Naidu) is the \"ex-officio\" Chairman of the Rajya Sabha, who presides over its sessions. The Deputy Chairman, who is elected from amongst the house's members, takes care of the day-to-day matters of the house in the absence of the Chairman. The Rajya Sabha held its first sitting on 13 May 1952. The salary and other benefits", + "score": 0.68505859375 + }, + { + "id": "10421837", + "title": "Vice President of Indonesia", + "text": "the Vice Presidency twice became a source of controversy with Sudharmono having to face various obstacles en route to being Vice-President in 1988 and Try being preemptively nominated in 1993. With Suharto's fall in May 1998 and Habibie's accession to the Presidency, the Vice Presidency once again became vacant. In October 1999, Megawati Sukarnoputri was elected as Vice-President and the office began to gain significance. Megawati was delegated genuine tasks to do and in 2000, she even became responsible for the day-to-day running of the Government. During the 2001 MPR Annual Session, it was finally decided that from 2004 onwards,", + "score": 0.6845703125 + }, + { + "id": "20263928", + "title": "Savita Kovind", + "text": "post of Chief Section Supervisor. But in 2005, she took a voluntary retirement. Savitha married Ram Nath Kovind on 30 May 1974. They have a son, and a daughter. Kovind became the first lady on 25 July 2017 after nearly 2 years of vacancy since the last first lady died in office. India\u2019s first spouses act as the official hostesses of the Rashtrapati Bhavan. Savita Kovind Savita Kovind is the First Lady of India since 25 July 2017. She is the wife of the President of India Ram Nath Kovind. Previously, Suvra Mukherjee, wife of the former President Pranab Mukherjee", + "score": 0.6845703125 + }, + { + "id": "11270031", + "title": "Jitendra Prasada", + "text": "Jitendra Prasada Jitendra Prasada (12 November 1938 \u2013 16 January 2001) was an Indian politician and a former Vice-President of the Indian National Congress. He was also the Political Advisor to two Prime Ministers of India, Rajiv Gandhi in 1991 and P V Narasimha Rao in 1994. Prasad fought Congress Party's presidential election against Sonia Gandhi on 9 November 2000 but he was defeated. He has died on 16 January 2001 in New Delhi after a brief illness. Jitendra Prasad was born to Kunwar Jyoti Prasad and Pamela Devi at Shahjahanpur on 12 November 1938. His grand mother Purnima Devi", + "score": 0.6845703125 + }, + { + "id": "12203475", + "title": "2008 Nepalese presidential election", + "text": "July 2008. Rastriya Prajatantra Party, Rastriya Janamorcha, the Nepal Workers and Peasants Party and the Communist Party of Nepal (Unified) boycotted the election. The sole CA member of the Chure Bhawar Rastriya Ekta Party, Keshav Prasad Mainali, only participated in the vice-presidential poll. On 19 July, Parmananda Jha was declared the first Vice President of Nepal. Jha received 305 votes beating his nearest rival Shanta Shrestha from the Communist Party of Nepal (Maoist) (CPN-M) with 243 votes. However, the President of Nepal could not be elected as neither candidate got a clear majority. Ram Baran Yadav received 283 votes and", + "score": 0.68359375 + }, + { + "id": "2584808", + "title": "Zakir Husain (politician)", + "text": "Zakir Husain (politician) Zakir Husain Khan (8 February 1897 \u2013 3 May 1969) was the third President of India, from 13 May 1967 until his death on 3 May 1969. An educationist and intellectual, Husain was the country's first Muslim president, and also the first to die in office. He previously served as Governor of Bihar from 1957 to 1962 and as Vice President of India from 1962 to 1967. He was also the co-founder of Jamia Milia Islamia, serving as its Vice Chancellor from 1928. Under Husain, Jamia became closely associated with the Indian freedom movement. He was awarded", + "score": 0.68359375 + }, + { + "id": "4307521", + "title": "Gopalkrishna Gandhi", + "text": "Gopalkrishna Gandhi Gopalkrishna Devdas Gandhi (born 22 April 1945) is a retired IAS officer and diplomat, who was the 22nd Governor of West Bengal serving from 2004 to 2009. He is the grandson of Mahatma Gandhi. As a former IAS officer he served as Secretary to the President of India and as High Commissioner to South Africa and Sri Lanka, among other administrative and diplomatic posts. He was the United Progressive Alliance nominee for Vice President of India 2017 elections and lost with 244 votes against NDA candidate Venkaiah Naidu, who got 516 votes. His paternal grandfather was Mahatma Gandhi", + "score": 0.68310546875 + }, + { + "id": "14456448", + "title": "2012 Indian presidential election", + "text": "Shivanand Tiwari said that \"a senior and respected leader like Pranab Mukherjee, who is going into retire [from active politics] should be given a graceful send off.\" Tiwari added that \"[Mukherjee] is a very senior and a respected leader, and my personal opinion is that as he should be elected to the president's post with consensus.\" The Shiv Sena supported Mukherjee's candidates according to its spokesman Sanjay Raut. On 18 June, Kalam said he would not run in the race following statement from JDU leader Nitish Kumar and SP leader Mulayam Singh Yadav that they would prefer to support Mukherjee.", + "score": 0.68310546875 + }, + { + "id": "5254830", + "title": "B. D. Jatti", + "text": "selfless service and stood for value-based politics. He was once called an ordinary man with extraordinary thought, and he named his autobiography, \"I'm My Own Model\". His centenary celebrations were held in 2012. B. D. Jatti Basappa Danappa Jatti (10 September 1913 \u2013 7 June 2002) was the fifth Vice President of India, serving from 1974 to 1979. He was Acting President of India from 11 February to 25 July 1977. The soft-spoken Jatti rose from a humble beginning as a Municipality member to India's second-highest office during a five-decade-long chequered political career. Jatti was born in a Kannadiga Lingayat", + "score": 0.6826171875 + }, + { + "id": "8063237", + "title": "Pratibha Patil", + "text": "the various political parties and the candidate runs unopposed. Contrary to the normal pattern of events, Patil faced a challenge in the election. The BBC described the situation as \"the latest casualty of the country's increasingly partisan politics and [it] highlights what is widely seen as an acute crisis of leadership\". It \"degenerated into unseemly mud slinging between the ruling party and the opposition\". Her challenger was Bhairon Singh Shekhawat, the incumbent vice-president and a Bharatiya Janata Party (BJP) veteran. Shekhawat stood as an independent candidate and was supported by the National Democratic Alliance (NDA), a group led by the", + "score": 0.6826171875 + }, + { + "id": "9917180", + "title": "Vice President of Afghanistan", + "text": "Vice President of Afghanistan The Vice President of Afghanistan is the second highest political position obtainable in Afghanistan. Vice Presidents are currently elected on the same ticket as the President. A Presidential candidate nominates two candidates for Vice President before the election. The current Vice Presidents are Abdul Rashid Dostum (First Vice President) and Sarwar Danish (Second Vice President). The deputy head of state was the Vice Chairman of the Revolutionary Council between April 1978 and April 1988. Vice presidents were appointed after the new constitution and elections took place. Four vice presidents were appointed by president and approved by", + "score": 0.68212890625 + }, + { + "id": "11270033", + "title": "Jitendra Prasada", + "text": "re-elected to the Lok Sabha in 1980 and 1984 from the same constituency. He was a member of the Rajya Sabha from 1994 to 1999. He was again elected to the 13th Lok Sabha in 1999 from Shahjahanpur constituency. Jitendra Prasada Jitendra Prasada (12 November 1938 \u2013 16 January 2001) was an Indian politician and a former Vice-President of the Indian National Congress. He was also the Political Advisor to two Prime Ministers of India, Rajiv Gandhi in 1991 and P V Narasimha Rao in 1994. Prasad fought Congress Party's presidential election against Sonia Gandhi on 9 November 2000 but", + "score": 0.68212890625 + }, + { + "id": "3580360", + "title": "Sushilkumar Shinde", + "text": "2003 to August 2004-(General) by election, September 2004 to 2 October 2004-(General) Shinde was elected to Rajya Sabha from Maharashtra during July 1992 to March 1998. In 2002, Shinde lost the election for the post of Vice-President of India contesting against the National Democratic Alliance candidate Bhairon Singh Shekhawat. He served as the chief minister of Maharashtra from 2003 to 2004 He was appointed as the Governor of Andhra Pradesh on 30 October 2004 replacing Surjit Singh Barnala, who became the Governor of Tamil Nadu. He left the office on 29 January 2006. Shinde was elected unopposed to the Rajya", + "score": 0.681640625 + } + ], + "answer": "Who is elected as the vice president of India depends on the year. The vice president of India is Venkaiah Naidu. He was elected in the August 5, 2017 election, defeating UPA's candidate Gopalkrishna Gandhi. Mohammad Hamid Ansari was elected to the office on August 11, 2007, and on August 7, 2012, while Bhairon Singh Shekhawat was on August 19, 2002." + }, + { + "qa_pairs": [ + { + "context": "On the eve of war, there was serious domestic unrest in the UK (amongst the labour and suffrage movements and especially in Ireland) but much of the population rapidly rallied behind the government. Significant sacrifices were made in the name of defeating the Empire's enemies and many of those who could not fight contributed to philanthropic and humanitarian causes. Fearing food shortages and labour shortfalls, the government passed legislation such as the Defence of the Realm Act 1914, to give it new powers. The war saw a move away from the idea of \"business as usual\" under Prime Minister H. H. Asquith, and towards a state of total war (complete state intervention in public affairs) under the premiership of David Lloyd George; the first time this had been seen in Britain. The war also witnessed the first aerial bombardments of cities in Britain.", + "question": "Who was england's prime minister at the start of ww1?", + "short_answers": [ + "Asquith", + "1st Earl of Oxford and Asquith", + "H. H. Asquith", + "Herbert Henry Asquith" + ], + "wikipage": "History of the United Kingdom during the First World War" + }, + { + "context": "On the eve of war, there was serious domestic unrest in the UK (amongst the labour and suffrage movements and especially in Ireland) but much of the population rapidly rallied behind the government. Significant sacrifices were made in the name of defeating the Empire's enemies and many of those who could not fight contributed to philanthropic and humanitarian causes. Fearing food shortages and labour shortfalls, the government passed legislation such as the Defence of the Realm Act 1914, to give it new powers. The war saw a move away from the idea of \"business as usual\" under Prime Minister H. H. Asquith, and towards a state of total war (complete state intervention in public affairs) under the premiership of David Lloyd George; the first time this had been seen in Britain. The war also witnessed the first aerial bombardments of cities in Britain.", + "question": "Who was england's prime minister at the end of ww1?", + "short_answers": [ + "1st Earl Lloyd-George of Dwyfor", + "Lloyd George", + "David Lloyd George" + ], + "wikipage": "History of the United Kingdom during the First World War" + }, + { + "context": "On the eve of war, there was serious domestic unrest in the UK (amongst the labour and suffrage movements and especially in Ireland) but much of the population rapidly rallied behind the government. Significant sacrifices were made in the name of defeating the Empire's enemies and many of those who could not fight contributed to philanthropic and humanitarian causes. Fearing food shortages and labour shortfalls, the government passed legislation such as the Defence of the Realm Act 1914, to give it new powers. The war saw a move away from the idea of \"business as usual\" under Prime Minister H. H. Asquith, and towards a state of total war (complete state intervention in public affairs) under the premiership of David Lloyd George; the first time this had been seen in Britain. The war also witnessed the first aerial bombardments of cities in Britain.", + "question": "Who was England's prime minister at the beginning of WWI?", + "short_answers": [ + "H. H. Asquith" + ], + "wikipage": "History of the United Kingdom during the First World War" + }, + { + "context": "On the eve of war, there was serious domestic unrest in the UK (amongst the labour and suffrage movements and especially in Ireland) but much of the population rapidly rallied behind the government. Significant sacrifices were made in the name of defeating the Empire's enemies and many of those who could not fight contributed to philanthropic and humanitarian causes. Fearing food shortages and labour shortfalls, the government passed legislation such as the Defence of the Realm Act 1914, to give it new powers. The war saw a move away from the idea of \"business as usual\" under Prime Minister H. H. Asquith, and towards a state of total war (complete state intervention in public affairs) under the premiership of David Lloyd George; the first time this had been seen in Britain. The war also witnessed the first aerial bombardments of cities in Britain.", + "question": "Who was England's prime minister at the end of WWI?", + "short_answers": [ + "David Lloyd George" + ], + "wikipage": "History of the United Kingdom during the First World War" + } + ], + "wikipages": [ + { + "title": "History of the United Kingdom during the First World War", + "url": "https://en.wikipedia.org/wiki/History%20of%20the%20United%20Kingdom%20during%20the%20First%20World%20War" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "David Lloyd George, 1st Earl Lloyd-George of Dwyfor, OM PC (17 January 1863 \u2013 26 March 1945) was a Welsh statesman and Liberal politician who served as Prime Minister of the United Kingdom from 1916 to 1922. ", + "wikipage": "David Lloyd George" + }, + { + "content": "Herbert Henry Asquith, 1st Earl of Oxford and Asquith, KG, PC, KC, FRS (12 September 1852 \u2013 15 February 1928), generally known as H. H. Asquith, was a British statesman and Liberal politician who served as Prime Minister of the United Kingdom from 1908 to 1916.", + "wikipage": "H. H. Asquith" + }, + { + "content": "In August 1914, Asquith took Great Britain and the British Empire into the First World War.", + "wikipage": "H. H. Asquith" + }, + { + "content": "He was forced to resign in December 1916; Lloyd George succeeded him as prime minister, supported by the Conservatives and some Liberals. ", + "wikipage": "David Lloyd George" + }, + { + "content": "World War I or the First World War, often abbreviated as WWI or WW1, was a global war originating in Europe that lasted from 28 July 1914 to 11 November 1918. ", + "wikipage": "World War I" + } + ], + "long_answer": "In August 1914, British statesman and Liberal politician H. H. Asquith took Great Britain and the British Empire into the First World War while he served as Prime Minister of the United Kingdom from 1916 to 1922. His successor David Lloyd George took office in 1916 and continued to serve as Prime Minister during the end of the war which ended in November of 1918." + }, + { + "knowledge": [ + { + "content": "Herbert Henry Asquith, 1st Earl of Oxford and Asquith, KG, PC, KC, FRS (12 September 1852 \u2013 15 February 1928), generally known as H. H. Asquith, was a British statesman and Liberal politician who served as Prime Minister of the United Kingdom from 1908 to 1916.", + "wikipage": "H. H. Asquith" + }, + { + "content": "David Lloyd George, 1st Earl Lloyd-George of Dwyfor, OM PC (17 January 1863 \u2013 26 March 1945) was a Welsh statesman and Liberal Party politician who served as Prime Minister of the United Kingdom from 1916 to 1922.", + "wikipage": "David Lloyd George" + } + ], + "long_answer": "At the start of World War I, England's Prime Minister was Herbert Henry Asquith, the 1st Earl of Oxford and Asquith. Generally known as H. H. Asquith, he was a British statesman and Liberal politician who served as Prime Minister of the United Kingdom from 1908 to 1916. At the end of World War I, David Lloyd George, the 1st Earl Lloyd-George of Dwyfor, was Prime Minister. He was a Welsh statesman and Liberal Party politician who served as Prime Minister of the United Kingdom from 1916 to 1922." + } + ], + "sample_id": "3658847669702107248", + "question": "Who was england's prime minister during ww1?", + "docs": [ + { + "id": "328018", + "title": "Prime Minister of the United Kingdom", + "text": "century as a convention of the constitution, the position of Leader of the Opposition was given statutory recognition in 1937 by the Ministers of the Crown Act. British Prime Ministers have never been elected directly by the public. A Prime Minister need not be a party leader; David Lloyd George was not a party leader during his service as prime Minister during World War I, and neither was Ramsay MacDonald from 1931 to 1935. Prime Ministers have taken office because they were members of either the Commons or Lords, and either inherited a majority in the Commons or won more", + "score": 0.76123046875, + "summary": "David Lloyd George was the Prime Minister of the United Kingdom during World War I.", + "extraction": "David Lloyd George was England's prime minister during World War I." + }, + { + "id": "3054931", + "title": "Imperial War Cabinet", + "text": "247,432 regular troops. David Lloyd George was named Minister of Munitions in 1915 and played a large role helping wage the war. He became Prime Minister of the United Kingdom on 7 December 1916. On 14 December 1916, Lloyd George cabled all countries in the British Empire, informing them that \"Your Prime Minister will be a member of the War Cabinet.\" Jan Smuts arrived on 12 March 1917, to large crowds. Robert Borden secretly departed and arrived in February 1917, and all of the involved Prime Ministers were present by 20 March 1917 (with the exception of Billy Hughes), and", + "score": 0.748046875, + "summary": "David Lloyd George was the Prime Minister of the United Kingdom during World War 1.", + "extraction": "David Lloyd George became Prime Minister of the United Kingdom on 7 December 1916." + }, + { + "id": "432727", + "title": "History of the United Kingdom", + "text": "With his slow start and mobilization of national resources, Prime Minister H.H. Asquith had proven inadequate: he was more of a committee chairman, and he started so drink so heavily after midday that only his morning hours were effective. ask with was replaced in December 1916 with the much more effective David Lloyd George. He had strong support from Unionists and considerable backing of Labour, as well as a majority of his own Liberal Party, although Asquith turned hostile. Lloyd George answered the loud demands for a much more decisive government by setting up a new small war cabinet, a", + "score": 0.73388671875, + "summary": "David Lloyd George was England's prime minister during WW1, replacing H.H. Asquith in December 1916.", + "extraction": "David Lloyd George was England's prime minister during WW1, as he replaced H.H. Asquith in December 1916." + }, + { + "id": "16559992", + "title": "1917 Dundee by-election", + "text": "Churchill\u2019s skills as a military strategist. In November 1915 Churchill resigned from the government and went to the Western Front on active service as a battalion commander. In December 1916 David Lloyd George, Churchill\u2019s former close colleague in Asquith\u2019s radical reforming administration between 1908-1914, became prime minister. By July 1917, now secure in his position vis-a-vis his Conservative coalition partners, Lloyd George was ready to recall Churchill to the Cabinet, perhaps to strengthen its Liberal composition even further. A report into the Dardanelles disaster published in March 1917 had concluded that Churchill was neither solely nor principally responsible and Churchill", + "score": 0.7314453125, + "summary": "David Lloyd George was the prime minister of England during WW1. Churchill, who had previously been a close colleague of Lloyd George, was recalled to the Cabinet in July 1917.", + "extraction": "David Lloyd George was England's prime minister during WW1." + }, + { + "id": "886996", + "title": "H. H. Asquith", + "text": "H. H. Asquith Herbert Henry Asquith, 1st Earl of Oxford and Asquith, (12 September 1852 \u2013 15 February 1928), generally known as H. H. Asquith, was a British statesman and Liberal Party politician who served as Prime Minister of the United Kingdom from 1908 to 1916. He was the last prime minister to lead a majority Liberal government. He played a central role in the design and passage of major liberal legislation and a reduction of the power of the House of Lords. In August 1914, Asquith took Great Britain and the British Empire into the First World War. In", + "score": 0.73046875, + "summary": "H. H. Asquith was the Prime Minister of the United Kingdom from 1908 to 1916, including during World War I.", + "extraction": "H. H. Asquith served as Prime Minister of the United Kingdom from 1908 to 1916, including during World War I." + }, + { + "id": "11842487", + "title": "History of the Labour Party (UK)", + "text": "to that of the First World War. Clement Attlee was appointed Lord Privy Seal and a member of the war cabinet, eventually becoming the United Kingdom's first Deputy Prime Minister. The aggressive trade union leader Ernest Bevin, as Minister of Labour and National Service, directed Britain's allocation of manpower, Herbert Morrison became Home Secretary, Hugh Dalton was Minister of Economic Warfare and later President of the Board of Trade, while A. V. Alexander resumed the role he had held in the previous Labour Government as First Lord of the Admiralty. Labour also filled eight junior posts, a number which rose", + "score": 0.72216796875, + "summary": "Clement Attlee was the United Kingdom's first Deputy Prime Minister during World War I, but the document is irrelevant as it mainly discusses the history of the Labour Party.", + "extraction": "During World War 1, there is no mention of England's Prime Minister in this passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "2161168", + "title": "Joseph Cook", + "text": "World War I broke out in the middle of the resulting campaign for the September 1914 election. Andrew Fisher was able to remind voters that it was Labor that had favoured an independent Australian defence force, which the conservatives had opposed. Cook was defeated after a five-seat swing, and Fisher's Labor Party resumed office. Cook was prime minister for the first six weeks of Australia's involvement in World War I. On 30 July 1914, he was informed via telegram that the British government was considering a declaration of war and advised that Australia should take appropriate defence precautions. He told", + "score": 0.72119140625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "10236392", + "title": "Churchill war ministry", + "text": "Churchill war ministry The Churchill war ministry was a Conservative-led coalition government in the United Kingdom that lasted for most of the Second World War. It was led by Winston Churchill, who was appointed by King George VI as Prime Minister of the United Kingdom. Formed in 1940 in the aftermath of the Norway Debate and within a year of declaring war on Nazi Germany, it persisted until May 1945, when Churchill resigned and an election was called. The war ministry was followed by the Churchill caretaker ministry which in turn lasted until 26 July 1945 when the results of", + "score": 0.71044921875, + "summary": "Irrelevant. The document is about the Churchill war ministry during WWII, not WWI.", + "extraction": "Winston Churchill was the Prime Minister of the United Kingdom during the Second World War." + }, + { + "id": "10458462", + "title": "Records of members of parliament of the United Kingdom", + "text": "War I in 1918. Herbert Morrison, MP for Hackney South 1923\u201324, 1929\u201331 and 1935\u201345, Lewisham East 1945\u201350 and Lewisham South 1950\u201359, who lost sight of his right eye due to babyhood infection. Ian Fraser, MP for St. Pancras North 1924\u201329, 1931\u201337 and for Lonsdale 1940\u201358, who was blinded at the Battle of the Somme. Robert Bourne, MP for Oxford 1924\u201338, who lost sight of one eye in schooldays game of rounders and sustained a crippled hand at Suvla Bay during World War I. Harold Macmillan, MP for Stockton-on-Tees 1924\u201329 and 1931\u201345 and for Bromley 1945\u201364, Prime Minister 1957\u201363, who was", + "score": 0.70849609375, + "summary": "Harold Macmillan was England's Prime Minister during WW1.", + "extraction": "Harold Macmillan, MP for Stockton-on-Tees 1924\u201329 and 1931\u201345 and for Bromley 1945\u201364, Prime Minister 1957\u201363." + }, + { + "id": "19307456", + "title": "Timeline of the first premiership of Winston Churchill", + "text": "Timeline of the first premiership of Winston Churchill The following is a timeline of the first premiership of Winston Churchill, who was the Prime Minister of the United Kingdom from 1940 to 1945 and again from 1951 to 1955. Churchill served as the Prime Minister of the United Kingdom during the bulk of World War II. His speeches and radio broadcasts helped inspire British resistance, especially during the difficult days of 1940\u201341 when the British Commonwealth and Empire stood almost alone in its active opposition to Nazi Germany. He led Britain as Prime Minister until victory over Nazi Germany had", + "score": 0.70849609375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "4157824", + "title": "History of the United Kingdom during the First World War", + "text": "of those who could not fight contributed to philanthropic and humanitarian causes. Fearing food shortages and labour shortfalls, the government passed legislation such as the Defence of the Realm Act 1914, to give it new powers. The war saw a move away from the idea of \"business as usual\" under Prime Minister H. H. Asquith, and towards a state of total war (complete state intervention in public affairs) under the premiership of David Lloyd George; the first time this had been seen in Britain. The war also witnessed the first aerial bombardments of cities in Britain. Newspapers played an important", + "score": 0.7060546875, + "summary": "During WW1, the Prime Minister of England changed from H. H. Asquith to David Lloyd George, who implemented a state of total war.", + "extraction": "David Lloyd George was the prime minister during WW1." + }, + { + "id": "1772288", + "title": "William Grenville, 1st Baron Grenville", + "text": "William Grenville, 1st Baron Grenville William Wyndham Grenville, 1st Baron Grenville, (25 October 1759 \u2013 12 January 1834) was a British Pittite Tory and politician who served as Prime Minister of the United Kingdom from 1806 to 1807. thought he was a supporter of the British Whig Party for the duration of the Napoleonic Wars. Grenville was the son of Whig Prime Minister George Grenville. His mother Elizabeth was the daughter of Tory statesman Sir William Wyndham Bart. He had two elder brothers Thomas and Georgehe was thus uncle to the 1st Duke of Buckingham and Chandos. He was also", + "score": 0.7060546875, + "summary": "William Grenville, 1st Baron Grenville, served as the Prime Minister of the United Kingdom from 1806 to 1807. However, this is irrelevant to the question of who was England's Prime Minister during WW1 as Grenville was a politician during the Napoleonic Wars, which took place much earlier.", + "extraction": "Herbert Henry Asquith was England's prime minister during WW1. Irrelevant." + }, + { + "id": "4381497", + "title": "Records of Prime Ministers of the United Kingdom", + "text": "been military generals: Lord Shelburne, Prime Minister in 1782\u201383, who was promoted from Lieutenant-General to full General in the British Army in the latter year, and the Duke of Wellington, who achieved the supreme rank of Field Marshal in 1813. He was Prime Minister twice, in 1828\u201330 and 1834, in the interval between his two terms as Commander-in-Chief of the Forces. During his military career he took part in some 60 battles, seeing more wartime combat than any other future Prime Minister. No future Prime Ministers have yet served in the flying services, although Neville Chamberlain, Prime Minister in 1937\u201340,", + "score": 0.70556640625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "753520", + "title": "Georges Clemenceau", + "text": "Georges Clemenceau Georges Benjamin Clemenceau (; 28 September 1841 \u2013 24 November 1929) was a French politician, physician, and journalist who was Prime Minister of France during the First World War. A leading independent Radical, he played a central role in the politics of the French Third Republic. Clemenceau was Prime Minister of France from 1906 to 1909 and from 1917 to 1920. In favor of a total victory over the German Empire, he militated for the restitution of Alsace-Lorraine to France. He was one of the principal architects of the Treaty of Versailles at the Paris Peace Conference of", + "score": 0.7041015625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about Georges Clemenceau as the Prime Minister of France during World War I, but does not provide information about who was England's Prime Minister during the same period." + }, + { + "id": "3054932", + "title": "Imperial War Cabinet", + "text": "the first meeting of the Imperial War Cabinet was held. Lloyd George said that formation of the cabinet marked \"the beginning of a new epoch in the history of the Empire,\" and \"The Times\" wrote the following day: Though led by the British Prime Minister \"primus inter pares\" (and in his absence the Prime Minister of Canada), the countries involved were largely treated as equals. Between 20 March and 2 May 1917, the cabinet had 14 meetings, with involved prime ministers splitting their time between the cabinet and the concurrently running Imperial War Conferences. Proceedings of the cabinet were secret,", + "score": 0.7041015625, + "summary": "The document is irrelevant to the question.", + "extraction": "Lloyd George, who was the British Prime Minister, was in charge of the first meeting of the Imperial War Cabinet, which was held during WW1." + }, + { + "id": "10236393", + "title": "Churchill war ministry", + "text": "the general election brought Labour into government, led by Clement Attlee. Members of the War Cabinet are in bold face. Churchill war ministry The Churchill war ministry was a Conservative-led coalition government in the United Kingdom that lasted for most of the Second World War. It was led by Winston Churchill, who was appointed by King George VI as Prime Minister of the United Kingdom. Formed in 1940 in the aftermath of the Norway Debate and within a year of declaring war on Nazi Germany, it persisted until May 1945, when Churchill resigned and an election was called. The war", + "score": 0.703125, + "summary": "Winston Churchill was the Prime Minister of the United Kingdom during most of WWII, but the document is irrelevant to who was England's Prime Minister during WWI.", + "extraction": "The Churchill war ministry was a Conservative-led coalition government in the United Kingdom that lasted for most of the Second World War. It was led by Winston Churchill, who was appointed by King George VI as Prime Minister of the United Kingdom. Therefore, the answer to the question \"Who was England's prime minister during ww1?\" is irrelevant, as Winston Churchill was the prime minister during WW2." + }, + { + "id": "1621428", + "title": "Henry Campbell-Bannerman", + "text": "Henry Campbell-Bannerman Sir Henry Campbell-Bannerman (7 September 183622 April 1908) was a British statesman and Liberal Party politician who served as Prime Minister of the United Kingdom from 1905 to 1908 and Leader of the Liberal Party from 1899 to 1908. He also served as Secretary of State for War twice, in the Cabinets of Gladstone and Rosebery. He was the first First Lord of the Treasury to be officially called \"Prime Minister\", the term only coming into official usage five days after he took office. He also remains the only person to date to hold the positions of Prime", + "score": 0.70068359375, + "summary": "Henry Campbell-Bannerman was the Prime Minister of the United Kingdom from 1905 to 1908.", + "extraction": "Henry Campbell-Bannerman served as the Prime Minister of the United Kingdom from 1905 to 1908, during World War I." + }, + { + "id": "853037", + "title": "Harold Macmillan", + "text": "Harold Macmillan Maurice Harold Macmillan, 1st Earl of Stockton, (10 February 1894 \u2013 29 December 1986) was a British statesman and Conservative Party politician who served as Prime Minister of the United Kingdom from 1957 to 1963. Nicknamed \"Supermac\", he was known for his pragmatism, wit and unflappability. Macmillan served in the Grenadier Guards during the First World War. He was wounded three times, most severely in September 1916 during the Battle of the Somme. He spent the rest of the war in a military hospital unable to walk, and suffered pain and partial immobility for the rest of his", + "score": 0.69970703125, + "summary": "Harold Macmillan was the Prime Minister of the United Kingdom from 1957 to 1963. He served in the Grenadier Guards during WW1 and was wounded three times, most severely in September 1916 during the Battle of the Somme.", + "extraction": "David Lloyd George was the prime minister during WW1. The given passage is irrelevant for answering the question." + }, + { + "id": "4125304", + "title": "Norway Debate", + "text": "of censure on the Government. He hardly minced matters: Chamberlain replied that he welcomed the chance for a division: That shocked many present, who regarded it as divisive to be so explicit in relying on whipped support from his own party. Robert Boothby, a maverick Conservative MP and strong critic of Chamberlain, called out, \"Not I.\" David Lloyd George, who had been Prime Minister during the last two years of the First World War, now spoke. Members had to call upon him to speak up: he was now 77, and it was to be his last major contribution to debate", + "score": 0.69921875, + "summary": "Irrelevant.", + "extraction": "David Lloyd George, who had been Prime Minister during the last two years of the First World War." + }, + { + "id": "4245599", + "title": "Chamberlain war ministry", + "text": "Chamberlain war ministry Neville Chamberlain formed the Chamberlain war ministry in 1939 after declaring war on Germany. Chamberlain led the country for the first eight months of the Second World War, until the Norway Debate in Parliament led Chamberlain to resign and Winston Churchill to form a new ministry. On 3 September 1939, Neville Chamberlain, Prime Minister of the United Kingdom, reconstructed his existing government so as to be suited for the Second World War. The most dramatic change to the ministerial line-up saw the return of Winston Churchill as First Lord of the Admiralty. Other changes included Lord Caldecote", + "score": 0.69921875, + "summary": "Irrelevant. The document talks about Neville Chamberlain's war ministry during the Second World War, but does not mention who was England's prime minister during WW1.", + "extraction": "Irrelevant. The passage talks about Neville Chamberlain forming the Chamberlain war ministry in 1939 and leading the country for the first eight months of the Second World War, but it does not mention anything about England's Prime Minister during World War I." + }, + { + "id": "12772297", + "title": "Vivian Phillipps", + "text": "Wood\u2019s successor Harold Tennant. Tennant was the brother of Margot Asquith (n\u00e9e Tennant), the wife of the prime minister. When Asquith was replaced as prime minister by Lloyd George in December 1916, he asked Phillipps to become his private secretary, a post he held between 1917 and 1922. He gained a reputation at this time as being the most implacable opponent of Lloyd George of the circle around Asquith. Phillipps finally managed to enter the House of Commons at the 1922 general election for the constituency of Edinburgh West. In a straight fight with the sitting Conservative Member of Parliament", + "score": 0.697265625 + }, + { + "id": "10236585", + "title": "Churchill caretaker ministry", + "text": "Clement Attlee. Members of the Cabinet are in bold face. Churchill caretaker ministry The caretaker ministry of 1945 held office for two months from May to July in the United Kingdom, during the latter stages of the Second World War. The head of government was the Prime Minister since 1940, Winston Churchill of the Conservative Party. After the defeat of Italy and Germany, in the Second World War, Winston Churchill (leader of the Conservative Party) proposed to Clement Attlee (leader of the Labour Party) and Sir Archibald Sinclair (leader of the Liberal Party) that the war-time coalition should continue until", + "score": 0.697265625 + }, + { + "id": "4447198", + "title": "William Pulteney (British Army officer)", + "text": "from 1908 and the 6th Division in Southern Ireland in 1910. Pulteney had an extensive operational career during World War 1, commanding the III Corps on the Western Front continuously from 31 August 1914 through to 19 February 1918. Pulteney commanded XIII Corps in the United Kingdom from 20 February 1918 to 15 April 1919. After the First World War he was served with the British Military Mission to Japan, until his retirement in 1920. He held the office of 'Black Rod' in the Parliament of the United Kingdom from 1920 to 1941. He was created a Knight Commander of", + "score": 0.6962890625 + }, + { + "id": "11872304", + "title": "Robert Walpole (colonel)", + "text": "Chancellor of the Exchequer, Leader of the House of Commons, and the first Prime Minister of Great Britain. Horatio Walpole was a member of Parliament for fifty-four years from 1702 until his death in 1757. During his political career he would serve as Secretary to the Treasury, Chief Secretary for Ireland, British Ambassador to France, Cofferer of the Household, Ambassador to the United Provinces, and the Teller of the Exchequer. Robert Walpole (colonel) Colonel Robert Walpole (18 November 1650 \u2013 18 November 1700) was an English Whig politician and soldier who represented the borough of Castle Rising from 1689 to", + "score": 0.69580078125 + }, + { + "id": "8731185", + "title": "The Prime Minister (film)", + "text": "The Prime Minister (film) The Prime Minister is a British 1941 British historical drama film directed by Thorold Dickinson and starring John Gielgud, Diana Wynyard, Fay Compton and Stephen Murray. It details the life and times of Benjamin Disraeli, who became Prime Minister of the United Kingdom. It depicts his long marriage to Mary Disraeli and his relationship with various other public figures of the era including William Gladstone, Lord Melbourne and Queen Victoria. Gielgud would later reprise his role as Disraeli in the ITV television drama \"Edward the Seventh\" (1975). The film was shot at Teddington Studios by the", + "score": 0.6953125 + }, + { + "id": "4381496", + "title": "Records of Prime Ministers of the United Kingdom", + "text": "soldier in Dormer's regiment during the Jacobite rising of 1715 and fought at the Battle of Preston that year against the Jacobite forces. As of the last Prime Minister to be an armed forces veteran was James Callaghan, Prime Minister in 1976\u201379, who served in the Royal Navy in the Second World War, from 1942 to 1945, seeing action with the East Indies Fleet and reaching the rank of Lieutenant. He was the only future Prime Minister to serve in the navy rather than the army. In contrast to many nations, Britain has had only two Prime Ministers who have", + "score": 0.6953125 + }, + { + "id": "3001043", + "title": "Alfred Milner, 1st Viscount Milner", + "text": "As a result, in December 1917 more than 300 COs were released from prison on medical grounds. Milner was involved in every major policy decision taken by Prime Minister George's Government in World War I, including the Flanders Offensive of 1917, which he initially opposed, along with Bonar Law and Lloyd George. Lloyd George spent much of 1917 proposing plans to send British troops and guns to Italy to assist in an Italian offensive (this did not happen in the end until reinforcements had to be sent after the Italian disaster at Caporetto in November). The War Cabinet did not", + "score": 0.6953125 + }, + { + "id": "9358385", + "title": "Paul von Hintze", + "text": "an armistice at the end of September. After the resignation of the government of Chancellor Georg von Hertling on October 3, Hintze was replaced as Foreign Minister by Wilhelm Solf. Paul von Hintze Paul von Hintze (13 February 1864 in Schwedt/Oder \u2013 19 August 1941 in Meran) was a German naval officer, diplomat, and politician who served as Foreign Minister of Germany in the last stages of World War I, from July to October 1918. Paul Hintze was born in 1864 in the little town of Schwedt approximately eighty miles northeast of Berlin. The Hintze family was part of the", + "score": 0.6943359375 + }, + { + "id": "348479", + "title": "Robert Borden", + "text": "of Canada in 1896, representing the Conservative Party. He replaced Charles Tupper as party leader in 1901, and became prime minister after the party's victory at the 1911 federal election. As prime minister, Borden led Canada through World War I and its immediate aftermath. His government passed the \"War Measures Act\", created the Canadian Expeditionary Force, and eventually introduced compulsory military service, which sparked the 1917 conscription crisis. On the home front, it dealt with the consequences of the Halifax Explosion, introduced women's suffrage for federal elections, and used the North-West Mounted Police to break up the 1919 Winnipeg general", + "score": 0.6943359375 + }, + { + "id": "2517859", + "title": "John Morley", + "text": "country\" as \"the most formidable of our standing problems\". As a member of the House of Lords, Lord Morley helped assure the passage of the Parliament Act 1911, which eliminated the Lords' power to veto bills. From 1910 until the outbreak of the Great War Morley was Lord President of the Council. In the lead-up to Great Britain's entry into World War I, on 2 August 1914 the Liberal cabinet declared its intention to defend the French coast against the German Navy. With this commitment, Morley resigned along with John Burns. Unlike other Liberals he was not alarmed by Germany's", + "score": 0.6943359375 + }, + { + "id": "3001039", + "title": "Alfred Milner, 1st Viscount Milner", + "text": "varied according to the wishes of the Prime Minister. This meant that all domestic related issues pertaining to the war fell in his lap, such as negotiating contracts with miners, food rationing, etc. Considering his background, as a former High Commissioner in South Africa, and a tory intellectual leader, this was not a position ideally suited for him. However, he remained one of Prime Minister Lloyd George's closest advisers throughout the war, second only to Bonar Law. In January 1917 Milner led the British delegation (with Henry Wilson as chief military representative and including a banker and two munitions experts)", + "score": 0.6943359375 + }, + { + "id": "4381465", + "title": "Records of Prime Ministers of the United Kingdom", + "text": "combined with his first term (13 July 176530 July 1766) his total time in office was 1 year and 113 days, which exceeds the total periods of several other Prime Ministers. (The Duke of Wellington had also served as Prime Minister between 1828 and 1830.) Consequently, the Prime Minister with the total shortest period in office was George Canning, whose sole term lasted 119 days from 12 April 1827 until his death on 8 August 1827. The Prime Minister with the longest period between the start of their first appointment and the end of their final term was the Duke", + "score": 0.69384765625 + }, + { + "id": "1000153", + "title": "Prime Minister of New Zealand", + "text": "ministerial power; in 1912 Thomas Mackenzie was the last prime minister to lose power through an unsuccessful confidence motion in the House of Representatives. One change brought about by the First World War was direct participation in governing the British Empire. Previously, New Zealand prime ministers had attended occasional colonial and imperial conferences, but they otherwise communicated with London through the governor (a position then appointed by the British government). In 1917, however, British Prime Minister David Lloyd George offered the New Zealand prime minister a seat in the Imperial War Cabinet, the British Empire's wartime coordinating body. In 1919,", + "score": 0.69384765625 + }, + { + "id": "5413103", + "title": "Edward Spears", + "text": "that you ask me that shows you know the meaning of neither\". Spears heard of French dissatisfaction which was expressed on 7 July at a secret parliamentary session. Left wing deputies declared that the British had suffered 300,000 casualties as opposed to 1,300,000 by the French. Furthermore, they were holding a front of , whereas the French held . In November 1917, Georges Clemenceau became Prime Minister of France and restored a will to fight. Spears reported that Clemenceau, who spoke English fluently, was 'markedly pro English'; he was sure that France would last out to the bitter end. Clemenceau", + "score": 0.693359375 + }, + { + "id": "11427893", + "title": "Winston Churchill in politics, 1900\u20131939", + "text": "not in the Coalition and was headed by Carson. This changed in December 1916, when Asquith resigned as Prime Minister being replaced by Lloyd George. From then on the opposition was largely the Liberal supporters of Asquith. Churchill was a member of neither group. He was mainly occupied in giving evidence before the Dardanelles Commission, though at Balfour's request he wrote a semi-official statement on the Battle of Jutland. In July 1917, Churchill was appointed Minister of Munitions. For some months Lloyd George had feared that Churchill might challenge his leadership, and after a masterly speech by Churchill in a", + "score": 0.693359375 + }, + { + "id": "8731187", + "title": "The Prime Minister (film)", + "text": "in February 1942, eleven months after its British premiere. The American release was cut by 15 minutes, and among the scenes lost was one featuring Glynis Johns, then beginning her career. The Prime Minister (film) The Prime Minister is a British 1941 British historical drama film directed by Thorold Dickinson and starring John Gielgud, Diana Wynyard, Fay Compton and Stephen Murray. It details the life and times of Benjamin Disraeli, who became Prime Minister of the United Kingdom. It depicts his long marriage to Mary Disraeli and his relationship with various other public figures of the era including William Gladstone,", + "score": 0.693359375 + }, + { + "id": "14560624", + "title": "World War I conscription in Australia", + "text": "he was denounced and even categorised as a traitor. He was one of the people who campaigned against Prime Minister Hughes when his referendum for conscription failed. He went through with his argument religiously and when the Labor Party split he participated in supporting the Catholic side of the anti-conscription debate. Through this he encouraged the political endeavours of James Scullin, Frank Brennan, Joseph Lyons and, later, Arthur Calwell. Hughes was the Prime Minister in seat at the time of World War I 1916. In 1917 he visited the war front. Hughes was a strong supporter of establishing Australia as", + "score": 0.69287109375 + }, + { + "id": "7145884", + "title": "Germany\u2013United Kingdom relations", + "text": "talk of war until Germany backed down, and relations remained sour. The Liberal Party controlled the British government in 1914 and was adverse to war with anyone and wanted to remain neutral as the First World War suddenly erupted in July 1914. Since relations with Germany regarding colonies and the naval race had improved in 1914 it did not expect trouble. However Liberal Prime Minister H.H. Asquith and especially Foreign Minister Edward Grey were committed to defending France, which was weaker than Germany. The Conservative Party was very hostile to Germany as a threat both to Britain and to France.", + "score": 0.69287109375 + }, + { + "id": "15721804", + "title": "William Barton (British politician)", + "text": "women's suffrage who had come to London for the event and this was seconded by Barton who nevertheless told the rally that he thought of himself as a supporter of the prime minister and refused to regard Asquith as 'a hopeless case' on the issue, although he clearly was. Barton's relationship with Asquith blew hot and cold over the course of many years. During the First World War, Barton decided to support David Lloyd George after he replaced Asquith as prime minister in 1916. In 1917, Barton was rewarded with a knighthood in the King's Birthday Honours List. At the", + "score": 0.69189453125 + }, + { + "id": "6972983", + "title": "Augusto de Vasconcelos", + "text": "Chagas, from October 12, 1911 to November 12, 1911. He succeeded Chagas as Prime Minister of another Portuguese Republican Party government, which was in power from November 11, 1911 to June 4, 1912. In that government, too, he held the post of Foreign Minister as well as that of Prime Minister. He was Foreign Minister again from June 16, 1912 to January 9, 1913. Later he served as Plenipotentiary Minister in Madrid (1913\u20131914) and London (1914\u20131919), during World War I, which Portugal entered in 1916 on the Allies' side. Subsequently, he led the Portuguese delegation at the Peace Conference, in", + "score": 0.69140625 + }, + { + "id": "17924887", + "title": "Statesmen of World War I", + "text": "civilian leaders in office at the beginning and the end of the First World War. It includes Prime Ministers of Australia, Canada, Newfoundland, and New Zealand, and the Prime Ministers, Foreign Secretaries, Secretaries of War, and First Lords of the Admiralty of the United Kingdom, together with two leaders of the British Conservative and Labour parties. The Maharaja of Bikaner, a member of the Imperial War Cabinet and the Indian delegate to the Versailles Peace Conference, stands to the left next to Louis Botha, both in military uniform. General Kitchener stands in military uniform on the far right, away from", + "score": 0.69140625 + }, + { + "id": "432646", + "title": "History of the United Kingdom", + "text": "many speculators. Investigations showed bribes had reached into high places\u2014even to the king. Robert Walpole managed to wind it down with minimal political and economic damage, although some losers fled to exile or committed suicide. Robert Walpole is now generally regarded as the first Prime Minister, from, 1719\u201342, and indeed he invented the role. The term was applied to him by friends and foes alike by 1727. Historian Clayton Roberts summarizes his new functions: Walpole was a master of the effective use of patronage, as were his two disciples who succeeded him as prime minister, Henry Pelham (1743\u20131754) and Pelham's", + "score": 0.69140625 + }, + { + "id": "1360855", + "title": "Henry John Temple, 3rd Viscount Palmerston", + "text": "Henry John Temple, 3rd Viscount Palmerston Henry John Temple, 3rd Viscount Palmerston, (20 October 1784 \u2013 18 October 1865) was a British statesman who served twice as Prime Minister in the mid-19th century. Palmerston dominated British foreign policy during the period 1830 to 1865, when Britain was at the height of her imperial power. He held office almost continuously from 1807 until his death in 1865. He began his parliamentary career as a Tory, defected to the Whigs in 1830, and became the first Prime Minister of the newly formed Liberal Party in 1859. Palmerston succeeded to his father's Irish", + "score": 0.69091796875 + }, + { + "id": "20820499", + "title": "Elizabeth Grenville", + "text": "George Grenville, then a Lord of the Treasury and an MP for Buckingham. Her grandfather, the Duke of Somerset, did not approve of the marriage and left Wyndham only a small amount of money in his will. The couple took over the running of Wotton House in Buckinghamshire, where they raised their eight children: In 1763 George Grenville became Prime Minister. Although his ministry lasted only two years he remained at the forefront of politics throughout the 1760s. Elizabeth died on 5 December 1769 and was buried eight days later in Wotton Underwood, as was her husband following his death", + "score": 0.6904296875 + }, + { + "id": "6411604", + "title": "Lord Hugh Grosvenor", + "text": "Lord Hugh Grosvenor Captain Lord Hugh William Grosvenor (6 April 1884 \u2013 30 October 1914) was the son of Hugh Grosvenor, 1st Duke of Westminster and his second wife, formerly The Hon. Katherine Cavendish. Grosvenor was the commander of C Squadron, 1st Life Guards, and was killed in action, aged thirty, during World War I. Having no known grave, he is commemorated on the Menin Gate Memorial, Ypres.This was because the bodies of Lord Hugh and one hundred other soldiers were never found - it was as if they had never existed. He married Lady Mabel Crichton, daughter of John", + "score": 0.68994140625 + }, + { + "id": "2992593", + "title": "John Anderson, 1st Viscount Waverley", + "text": "of the Council and full member of the War Cabinet. In 1941, he married Ava (Bodley) Wigram, widow of Ralph Wigram, a senior civil servant who had provided Winston Churchill with confidential military information during the 1930s. In January 1945 the Prime Minister wrote to King George VI to advise that should he and his second-in-command (and heir apparent) Anthony Eden die during the war, John Anderson should become Prime Minister: 'it is the Prime Minister's duty to advise Your Majesty to send for Sir John Anderson in the event of the Prime Minister and the Foreign Secretary being killed.'", + "score": 0.68994140625 + }, + { + "id": "6884200", + "title": "1807 United Kingdom general election", + "text": "Grenville, 1st Baron Grenville, as Prime Minister continued in office. It had attempted to end the Napoleonic Wars by negotiation. As this hope failed the war continued. The faction formerly led by William Pitt the Younger, before his death in January 1806, were the major group in opposition to the Talents' Ministry. George Canning in the House of Commons and the Duke of Portland in the House of Lords were at the head of this opposition. Grenville and his cabinet lost the support of King George III by trying to legislate to permit Roman Catholics to serve as Army and", + "score": 0.68896484375 + }, + { + "id": "8984704", + "title": "James Wycliffe Headlam-Morley", + "text": "was educated at Eton, King's College, Cambridge, and in Germany where he studied with Treitschke and Hans Delbr\u00fcck. From 1894-1900 he was Professor of Greek and Ancient History at Queen's College, London. An influential figure, he worked on propaganda in World War I, and, when the war was over, he was involved in the drafting of the Versailles Treaty. He effectively sponsored Arnold J. Toynbee for appointment in 1924 to Chatham House. He also gathered materials on the diplomatic history of the origins of World War I, as an official production of the British government, and contributed to it, though", + "score": 0.6884765625 + }, + { + "id": "16559993", + "title": "1917 Dundee by-election", + "text": "was beginning to re-establish himself as an effective Westminster performer. One source even suggests that Lloyd George feared Churchill could emerge as a new leader of the opposition if the war continued to go badly. But Lloyd George clearly wanted his talented old ally as a support in difficult times and despite widespread criticism of Churchill\u2019s recall Lloyd George announced Churchill\u2019s appointment as Minister of Munitions on 18 July. During the First World War there was an electoral truce between the main political parties by which it was agreed that all by-election vacancies would be filled unopposed by the party", + "score": 0.68798828125 + }, + { + "id": "13076299", + "title": "Eden ministry", + "text": "Eden ministry Following the resignation of Winston Churchill in April 1955, Anthony Eden, then-Foreign Secretary, took over as Leader of the Conservative Party, and thus became Prime Minister of the United Kingdom. Upon assuming office, Eden asked Queen Elizabeth II to dissolve parliament and called a general election for May 1955. After winning the general election with a majority of 60 seats in the House of Commons, Eden governed until his resignation on 10 January 1957. In April 1955, Sir Anthony Eden succeeded Winston Churchill as Leader of the Conservative Party and Prime Minister of the United Kingdom, and finally", + "score": 0.68798828125 + }, + { + "id": "4898243", + "title": "Sa\u0301ndor Wekerle", + "text": "April 1906 was appointed prime minister, taking at the same time the portfolio of finance. He resigned the premiership on 27 April 1909, but was not relieved of his office until the formation of the Khuen-H\u00e9derv\u00e1ry cabinet on 17 January 1910. Wekerle returned to power in 1917, and served for the last year of the First World War. As in his 1906 to 1910 ministry, Wekerle was largely acting as a figurehead for a coalition of stronger personalities around him. Although, towards its end, the ministry began to move in the direction of an expansion of the Hungarian franchise, events,", + "score": 0.6875 + }, + { + "id": "506907", + "title": "Air Ministry", + "text": "resolved. In addition, the growing number of German air raids against Great Britain led to public disquiet and increasing demands for something to be done. As a result, Lloyd George, the British Prime Minister, established a committee composed of himself and General Jan Smuts, which was tasked with investigating the problems with the British air defences and organizational difficulties which had beset the Air Board. Towards the end of the First World War, on 17 August 1917, General Smuts presented a report to the War Council on the future of air power. Because of its potential for the 'devastation of", + "score": 0.6875 + }, + { + "id": "19682302", + "title": "History of the foreign relations of the United Kingdom", + "text": "the Ottomans, he worked at the Congress of Berlin to obtain peace in the Balkans at terms favourable to Britain and unfavourable to Russia, its longstanding enemy. This diplomatic victory over Russia established Disraeli as one of Europe's leading statesmen. World events thereafter moved against the Conservatives. Controversial wars in Afghanistan and South Africa undermined Disraeli's public support. William Ewart Gladstone (Prime Minister 1868-74, 1880\u201386, 1892\u201394), the Liberal leader, was much less inclined to imperialism and sought peace as the highest foreign policy goal. However, historians have been sharply critical of Gladstone's foreign-policy during his second ministry. Paul Hayes says", + "score": 0.68701171875 + }, + { + "id": "1772836", + "title": "Spencer Perceval", + "text": "Spencer Perceval Spencer Perceval (1 November 1762 \u2013 11 May 1812) was a British statesman who was Prime Minister of the United Kingdom from October 1809 until his assassination in May 1812. Perceval is the only British prime minister to have been murdered. He was also the only Solicitor General or Attorney General to become Prime Minister. The younger son of an Irish earl, Perceval was educated at Harrow School and Trinity College, Cambridge. He studied Law at Lincoln's Inn, practised as a barrister on the Midland circuit and in 1796 became a King's Counsel before entering politics aged 33", + "score": 0.68701171875 + }, + { + "id": "6525902", + "title": "Cecil Harmsworth, 1st Baron Harmsworth", + "text": "until 1922. He was Parliamentary Private Secretary to Walter Runciman between 1911 and 1915 and then briefly held office under H. H. Asquith as Under-Secretary of State for the Home Department between February and May 1915. However, he did not serve in the coalition government formed by Asquith in May 1916. After David Lloyd George became Prime Minister in December 1916, Harmsworth was a member of the Prime Minister's Secretariat between 1917 and 1919 and Under-Secretary of State for Foreign Affairs between 1919 and 1922 in Lloyd George's coalition government. He also served briefly as Acting Minister of Blockade in", + "score": 0.68701171875 + }, + { + "id": "18191646", + "title": "Dorothy Clement", + "text": "of children's coats, proprietor of a second-hand clothes shop in Pall Mall, or a milliner in Covent Garden. Edward Walpole was the son of Robert Walpole, considered to be the first Prime Minister of the United Kingdom (1721\u201341), and came into contact with her at this time. Hester Thrale later claimed Clement was Walpole\u2019s mother\u2019s maid. Walpole had entered Parliament as Member for Lostwithiel in that same year, and was unmarried. Their relationship progressed, and she moved into his house. Walpole never married her, probably due to her lower-class origins, but they had at least four children together. The Walpole", + "score": 0.68701171875 + }, + { + "id": "4381469", + "title": "Records of Prime Ministers of the United Kingdom", + "text": "the reign of the present sovereign Queen Elizabeth II. King George III (reigned 1760\u20131820) Queen Victoria (reigned 1837\u20131901) Queen Elizabeth II (acceded 1952) * Perceval was assassinated in 1812. His is the only complete lifetime lived by a Prime Minister under a single sovereign. Both Robert Walpole (1676\u20131745) and Lord Wilmington ( 1673\u20131743) lived under the reigns of the same six sovereigns: Charles II, James II, William III and his joint sovereign Mary II, Queen Anne, George I and George II. Sir Winston Churchill (1874\u20131965), Clement Attlee (1883\u20131967), Anthony Eden (1897\u20131977) and Harold Macmillan (1894\u20131986) all lived under the six", + "score": 0.6865234375 + }, + { + "id": "10236581", + "title": "Churchill caretaker ministry", + "text": "Churchill caretaker ministry The caretaker ministry of 1945 held office for two months from May to July in the United Kingdom, during the latter stages of the Second World War. The head of government was the Prime Minister since 1940, Winston Churchill of the Conservative Party. After the defeat of Italy and Germany, in the Second World War, Winston Churchill (leader of the Conservative Party) proposed to Clement Attlee (leader of the Labour Party) and Sir Archibald Sinclair (leader of the Liberal Party) that the war-time coalition should continue until victory over Japan. At first it seemed agreement would be", + "score": 0.6865234375 + }, + { + "id": "576774", + "title": "David Lloyd George", + "text": "David Lloyd George David Lloyd George, 1st Earl Lloyd-George of Dwyfor, (17 January 1863 \u2013 26 March 1945) was a British statesman and Liberal Party politician. He was the final Liberal to serve as Prime Minister of the United Kingdom. As Chancellor of the Exchequer (1908\u20131915) during H. H. Asquith's tenure as Prime Minister, Lloyd George was a key figure in the introduction of many reforms which laid the foundations of the modern welfare state. His most important role came as the highly energetic Prime Minister of the Wartime Coalition Government (1916\u201322), during and immediately after the First World War.", + "score": 0.68603515625 + }, + { + "id": "1469650", + "title": "Henry Pelham", + "text": "Henry Pelham Henry Pelham (25 September 1694 \u2013 6 March 1754) was a British Whig statesman, who served as Prime Minister of Great Britain from 27 August 1743 until his death. He was the younger brother of Thomas Pelham-Holles, 1st Duke of Newcastle, who served in Pelham's government and succeeded him as Prime Minister. Pelham is generally considered to have been Britain's third Prime Minister after Sir Robert Walpole and the Earl of Wilmington. Pelham's premiership was relatively uneventful in terms of domestic affairs, although it was during his premiership that Great Britain experienced the tumult of the 1745 Jacobite", + "score": 0.685546875 + }, + { + "id": "458127", + "title": "William Ewart Gladstone", + "text": "William Ewart Gladstone William Ewart Gladstone (; 29 December 1809 \u2013 19 May 1898) was a British statesman and Liberal Party politician. In a career lasting over sixty years, he served for twelve years as Prime Minister of the United Kingdom, spread over four terms beginning in 1868 and ending in 1894. He also served as Chancellor of the Exchequer four times. Gladstone was born in Liverpool to Scottish parents. He first entered the House of Commons in 1832, beginning his political career as a High Tory, a grouping which became the Conservative Party under Robert Peel in 1834. Gladstone", + "score": 0.685546875 + }, + { + "id": "7864353", + "title": "Edward Whipple Bancroft Morrison", + "text": "Edward Whipple Bancroft Morrison Sir Edward Whipple Bancroft Morrison, (6 July 1867 \u2013 28 May 1925) was a Canadian journalist and Major General in the Canadian Army during World War I. Born in London, Ontario, he worked as a journalist for the \"Hamilton Spectator\" and later as editor-in-chief of the \"Ottawa Citizen\". He served overseas during World War I with the Canadian Expeditionary Force and was promoted to major-general in 1918. Morrison had command of all artillery at the battle of Vimy Ridge. After the war, he continued to serve with the Canadian Army until he retired in 1924. He", + "score": 0.68505859375 + }, + { + "id": "609955", + "title": "Robert Walpole", + "text": "Robert Walpole Robert Walpole, 1st Earl of Orford, (26 August 1676 \u2013 18 March 1745), known before 1742 as Sir Robert Walpole, was a British who is generally regarded as the \"de facto\" first Prime Minister of Great Britain. Although the exact dates of Walpole's dominance, dubbed the \"Robinocracy\", are a matter of scholarly debate, the period 1721\u20131742 is often used. He dominated the Walpole\u2013Townshend ministry and the subsequent Walpole ministry and holds the record as the longest-serving British prime minister in history. Speck says that Walpole's uninterrupted run of 20 years as Prime Minister \"is rightly regarded as one", + "score": 0.68505859375 + }, + { + "id": "576821", + "title": "David Lloyd George", + "text": "ideal War Minister. After December 1916, Lloyd George relied on the support of Conservatives and of the press baron Lord Northcliffe (who owned both \"The Times\" and the \"Daily Mail\"). Besides the Prime Minister, the five-member War Cabinet contained three Conservatives (Lord President of the Council and Leader of the House of Lords Lord Curzon, Chancellor of the Exchequer and Leader of the House of Commons Bonar Law, and Minister without Portfolio Lord Milner) and Arthur Henderson, unofficially representing Labour. Edward Carson was appointed First Lord of the Admiralty, as had been widely touted during the intrigues of the previous", + "score": 0.68505859375 + }, + { + "id": "4156324", + "title": "Minister of Munitions", + "text": "Minister of Munitions The Minister of Munitions was a British government position created during the First World War to oversee and co-ordinate the production and distribution of munitions for the war effort. The position was created in response to the Shell Crisis of 1915 when there was much newspaper criticism of the shortage of artillery shells. The agency was created by the Munitions of War Act 1915 passed on 2 July 1915. Under the very vigorous leadership of Liberal party politician David Lloyd George, the Ministry in its first year set up a system that fully mobilized Britain's potential for", + "score": 0.6845703125 + }, + { + "id": "2416469", + "title": "Rene\u0301 Viviani", + "text": "premiership for the first year of the First World War, but his tenure was undistinguished. On 26 August 1914 Viviani reorganized his cabinet on a war basis with Alexandre Millerand replacing Adolphe Messimy as Minister of War. Along with President Poincar\u00e9 and War Minister Millerand he attended a June 1915 meeting of Joffre (Commander-in-Chief) and his Army Group Commanders (Foch, Castelnau and Dubail), a rare attempt at political oversight at this stage of the war. By autumn 1915 Viviani's government was in trouble following the resignation of Delcass\u00e9 as Foreign Minister, the unsuccessful western front offensive and the entry of", + "score": 0.6845703125 + }, + { + "id": "17781652", + "title": "The World Crisis", + "text": "out of office and he commanded a battalion in the line at 'Plugstreet' in Flanders early in 1916. Part II of Volume III starts with the invitation of the Prime Minister (Lloyd George) to rejoin the government on 16 July 1917 as either the Ministry of Munitions (which he chose) or the newly created Air Ministry. He says that to the end of 1915 the resources of Britain exceeded the ability to use them; megalomania was a virtue and so was adding one or two noughts to orders. By now, after three years (twenty months) the island was an arsenal", + "score": 0.6845703125 + }, + { + "id": "6892284", + "title": "Maurice Bonham-Carter", + "text": "around the country with Asquith at the start of World War I and accompanied the Prime Minister when he visited the frontline at Ypres in 1915. He also visited Italy and, following the Easter Rising, Ireland with Asquith in 1916. When Asquith was replaced as Prime Minister by David Lloyd George in 1916, Bonham-Carter moved to become Assistant Secretary of the Ministry of Reconstruction and then, in 1918, joined the Air Ministry and Road Transport Board. He became a leading figure in the British Liberal Party and was a \"keen supporter of new ideas and imaginative personalities.\" He was a", + "score": 0.68408203125 + }, + { + "id": "4061451", + "title": "Arthur Ponsonby, 1st Baron Ponsonby of Shulbrede", + "text": "assignments in Constantinople and Copenhagen. At the 1906 general election, Ponsonby stood unsuccessfully as Liberal candidate for Taunton. He was elected as Member of Parliament for Stirling Burghs at a by-election of 1908 (in place of the previous Prime Minister Henry Campbell-Bannerman, who had just died). In Parliament, Ponsonby opposed the British involvement in the First World War, and with George Cadbury, Ramsay MacDonald, E. D. Morel, Arnold Rowntree, and Charles Trevelyan, he was a member of the Union of Democratic Control, which became a prominent anti-war organization in Britain. Ponsonby was defeated at the 1918 general election, when he", + "score": 0.68408203125 + }, + { + "id": "4618734", + "title": "Lloyd George ministry", + "text": "Lloyd George ministry Liberal David Lloyd George formed a coalition government in the United Kingdom in December 1916, and was appointed Prime Minister of the United Kingdom by King George V. It replaced the earlier wartime coalition under H. H. Asquith, which had been held responsible for losses during the Great War. Those Liberals who continued to support Asquith served as the Official Opposition. The government continued in power after the end of the war in 1918, though Lloyd George was increasingly reliant on the Conservatives for support. After several scandals including allegations of the sale of honours, the Conservatives", + "score": 0.68408203125 + }, + { + "id": "18348773", + "title": "Richmond Sixteen", + "text": "Ernest Shillito Spencer (1897\u20131957), a Quaker clerk in a factory; Clarence and Stafford Hall, brothers; Charles Rowland Jackson; Leonard Renton; Charles Herbert Senior, the latter five all International Bible Students, now known as Jehovah's Witnesses. The First World War began with Austria-Hungary's declaration of war against Serbia on 28 July 1914, and after other states had joined in, the German invasion of Belgium led to the United Kingdom of Great Britain and Ireland declaring war against Germany on 4 August; the other countries of the British Empire quickly followed suit. By the winter of 1915, the British Army had suffered", + "score": 0.68408203125 + }, + { + "id": "1301455", + "title": "Edmund Barton", + "text": "sworn in on 1 January 1901. Barton's government consisted of himself as Prime Minister and Minister for External Affairs, Alfred Deakin as Attorney-General, Sir William Lyne as Minister for Home Affairs, Sir George Turner as Treasurer, Charles Kingston as Minister for Trade and Customs, Sir James Dickson as Minister for Defence, and Sir John Forrest as Postmaster-General. Richard O'Connor was made Vice-President of the Executive Council and Elliott Lewis was appointed Minister without Portfolio. Only ten days into the life of the government, Sir James Dickson died suddenly; he was replaced on 17 January as Minister for Defence by John", + "score": 0.68359375 + }, + { + "id": "19307457", + "title": "Timeline of the first premiership of Winston Churchill", + "text": "been secured. for the general history see Timeline of the United Kingdom home front during World War II. After the Conservative Party lost the 1945 election, Churchill became Leader of the Opposition to the Labour Government. He would go on to be re-elected as Prime Minister in 1951. Timeline of the first premiership of Winston Churchill The following is a timeline of the first premiership of Winston Churchill, who was the Prime Minister of the United Kingdom from 1940 to 1945 and again from 1951 to 1955. Churchill served as the Prime Minister of the United Kingdom during the bulk", + "score": 0.68359375 + }, + { + "id": "20820497", + "title": "Elizabeth Grenville", + "text": "Elizabeth Grenville Elizabeth Grenville (; 1719 \u2013 5 December 1769) was a British artist and writer. She was the wife of George Grenville, Prime Minister from 1763 to 1765; the daughter of Sir William Wyndham, a prominent Tory politician; and the mother of William Grenville, Prime Minister from 1806 to 1807. She was born Elizabeth Wyndham in 1719 to Sir William Wyndham and his first wife Lady Catherine Seymour, the daughter of Charles Seymour, 6th Duke of Somerset. She was baptised on 31 January 1719 in Westminster and had two older brothers, Charles and Percy. Her father was a prominent", + "score": 0.68310546875 + }, + { + "id": "10779372", + "title": "Henry Pridham-Wippell", + "text": "Henry Pridham-Wippell Admiral Sir Henry Daniel Pridham-Wippell, (12 August 1885 \u2013 2 April 1952) was a Royal Navy officer who served in the First and Second World Wars. Educated at The Limes, Greenwich and at Royal Naval College, Dartmouth, Henry Daniel Pridham-Wippell joined the Royal Navy in 1900. He served in the First World War in ships of the Grand Fleet. He took charge of the destroyers at Gallipoli in 1915 and served on the Adriatic and Palestine coasts from 1916. Pridham-Wippell was made Captain of in 1928 and Commander of the 6th Destroyer Flotilla of the Home Fleet in", + "score": 0.68310546875 + }, + { + "id": "348478", + "title": "Robert Borden", + "text": "Robert Borden Sir Robert Laird Borden, (June 26, 1854 \u2013 June 10, 1937) was a Canadian lawyer and politician who served as the eighth Prime Minister of Canada, in office from 1911 to 1920. He is best known for his leadership of Canada during World War I. Borden was born in Grand-Pr\u00e9, Nova Scotia. He worked as a schoolteacher for a period and then served his articles of clerkship at a Halifax law firm. He was called to the bar in 1878, and soon became one of Nova Scotia's most prominent barristers. Borden was elected to the House of Commons", + "score": 0.6826171875 + }, + { + "id": "4381489", + "title": "Records of Prime Ministers of the United Kingdom", + "text": "The oldest debut of a future Prime Minister as MP was by Neville Chamberlain who was elected, aged 49 years 261 days, at general election in 1918. The youngest at first election was Lord Euston (later the Duke of Grafton), who was elected at by election on 10 December 1756 aged 21 years and 73 days. He also had the shortest period as an MP enjoyed by a Prime Minister, nearly five months, representing two successive seats (the first of which he only held for 11 days before being elected for his second) until going to the House of Lords", + "score": 0.6826171875 + }, + { + "id": "2554886", + "title": "1918 United Kingdom general election", + "text": "1918 United Kingdom general election The 1918 United Kingdom general election was called immediately after the Armistice with Germany which ended the First World War, and was held on Saturday 14 December 1918. The governing coalition, under Prime Minister David Lloyd George, sent letters of endorsement to candidates who supported the coalition government. These were nicknamed \"Coalition Coupons\", and led to the election being known as the \"coupon election\". The result was a massive landslide in favor of the coalition, comprising primarily the Conservatives and Coalition Liberals, with massive losses for Liberals who were not endorsed. Nearly all the Liberal", + "score": 0.6826171875 + }, + { + "id": "4381501", + "title": "Records of Prime Ministers of the United Kingdom", + "text": "Ministers, including Thatcher, received it after serving office. As of , the only currently living Knight among them is John Major, knighted in 2005. The first and so far only Prime Minister to have received a British gallantry award was Sir Anthony Eden who won the Military Cross (MC) while serving in the army in the First World War, before entering parliament. After Sir Robert Walpole, three other Prime Ministers have been in office at a time when no former Prime Ministers were alive: After Lord Wilmington, eleven other Prime Ministers have been in office at a time when only", + "score": 0.6826171875 + }, + { + "id": "5888782", + "title": "The Prime Minister (novel)", + "text": "The Prime Minister (novel) The Prime Minister is a novel by Anthony Trollope, first published in 1876. It is the fifth of the \"Palliser\" series of novels. When neither the Whigs nor the Tories are able to form a government on their own, a fragile compromise coalition government is formed, with Plantagenet Palliser, the wealthy and hard-working Duke of Omnium, installed as Prime Minister of the United Kingdom. The Duchess, formerly Lady Glencora Palliser, attempts to support her husband by hosting lavish parties at Gatherum Castle in Barsetshire, the family's largest country house, barely used until now. Palliser, initially unsure", + "score": 0.6826171875 + }, + { + "id": "853042", + "title": "Harold Macmillan", + "text": "his predecessors in his youth. Macmillan was the last Prime Minister born during the Victorian era, the last to have served in the First World War, and the last to receive an hereditary peerage. At the time of his death he was the longest-lived prime minister in British history, a record he held until James Callaghan surpassed him on 13 February 2005. Macmillan was born at 52 Cadogan Place in Chelsea, London, to Maurice Crawford Macmillan (1853\u20131936), a publisher, and his wife, the former Helen (Nellie) Artie Tarleton Belles (1856\u20131937), an artist and socialite from Spencer, Indiana. He had two", + "score": 0.6826171875 + }, + { + "id": "15654093", + "title": "Ernest Bennett (politician)", + "text": "and Austria-Hungary. By virtue of his marriage into the Kleinwort dynasty (of which more presently), Bennett had acquired a significant German dimension to his family. He was anxious to avoid another war, especially one which would involve strife within his new enlarged family. Through his involvement with the Labour Party, Bennett became close to Ramsay MacDonald, Labour Party leader from 1922\u20131935. MacDonald was likewise opposed to the terms of the Versailles Treaty, and sought to mollify them in his first brief period as Prime Minister of the short lived Labour government in 1924. Bennett was also friendly with Philip Snowden,", + "score": 0.6826171875 + }, + { + "id": "4157835", + "title": "History of the United Kingdom during the First World War", + "text": "before May 1915. Taylor argues: This coalition government lasted until 1916, when the Unionists became dissatisfied with Asquith and the Liberals' conduct of affairs, particularly over the Battle of the Somme. Asquith's opponents now took control, led by Bonar Law (leader of the Conservatives), Sir Edward Carson (leader of the Ulster Unionists), and David Lloyd George (then a minister in the cabinet). Law, who had few allies outside his own party, lacked sufficient support to form a new coalition; the Liberal Lloyd George, on the other hand, enjoyed much wider support and duly formed a majority-Conservative coalition government with Lloyd", + "score": 0.68212890625 + }, + { + "id": "3389664", + "title": "Alexander Trepov", + "text": "to be a competent organizer, Trepov was now willing to become the next prime minister. According to Naumov Trepov was one of the most temperamental and talkative members of the Council of Ministers, dealing with an almost dictatorial St\u00fcrmer as Prime Minister, Interior Minister and Foreign Minister. On 8 November Boris St\u00fcrmer (pro-peace) was dismissed as Prime Minister/Minister of Foreign Affairs, to the rejoicing of the Duma. On 9 November Alexandra proposed to appoint Ivan Shcheglovitov on Foreign Affairs, but he seemed to be unacceptable. On 10 November 1916 the bellicose Trepov was appointed new Prime Minister, promising to promote", + "score": 0.68212890625 + }, + { + "id": "12121624", + "title": "Arthur Asquith", + "text": "Arthur Asquith Brigadier General Arthur Melland Asquith, (24 April 1883 \u2013 25 August 1939) was a senior officer of the Royal Naval Division, a Royal Navy land detachment attached to the British Army during the First World War. His father, H. H. Asquith was the British Prime Minister during the first three years of the conflict and later became the Earl of Oxford and Asquith. Arthur Asquith was wounded four times in the war and three times awarded the Distinguished Service Order for his bravery under fire. In December 1917, Asquith was seriously wounded during fighting near Beaucamp and was", + "score": 0.68115234375 + }, + { + "id": "349813", + "title": "Robert Menzies", + "text": "in the UK for this. Support came from Viscount Astor, Lord Beaverbrook and former WWI Prime Minister David Lloyd George, who were trenchant critics of Churchill's purportedly autocratic style, and favoured replacing him with Menzies, who had some public support for staying on in the War Cabinet for the duration, which was strongly backed by Sir Maurice Hankey, former WWI Colonel and member of both the WWI and WWII War Cabinets. Writer Gerard Henderson has rejected this theory, but history professors Judith Brett and Joan Beaumont support Day, as does Menzies's daughter, Heather Henderson, who claimed Lady Astor \"even offered", + "score": 0.68115234375 + }, + { + "id": "302408", + "title": "Neville Chamberlain", + "text": "and he insisted that his councillors and officials work equally hard. He halved the Lord Mayor's expense allowance and cut back on the number of civic functions expected of the incumbent. In 1915, Chamberlain was appointed a member of the Central Control Board on liquor traffic. In December 1916 the Prime Minister, David Lloyd George, offered Chamberlain the new position of Director of National Service with responsibility for co-ordinating conscription and ensuring that essential war industries were able to function with sufficient workforces. His tenure was marked by conflict with Lloyd George; in August 1917, having received little support from", + "score": 0.68115234375 + }, + { + "id": "7740991", + "title": "Timeline of Prime Ministers of the United Kingdom", + "text": "Timeline of Prime Ministers of the United Kingdom This is a graphical timeline of Prime Ministers of the United Kingdom from when the first Prime Minister in the modern sense, Robert Walpole, took office in 1721, until the present day. This timeline shows most of the early life, the political career and death of each Prime Minister of the United Kingdom from 1846. The first Prime Minister was Robert Walpole in the early 18th century . Unlike countries where the leader is elected directly to the highest political office of a separate executive, the Prime Minister must first establish a", + "score": 0.68115234375 + }, + { + "id": "2789028", + "title": "Herbert Samuel, 1st Viscount Samuel", + "text": "a British protectorate over Palestine in 1915, and his ideas influenced the Balfour Declaration. As Home Secretary, Samuel faced a shortage of manpower needed to fight in World War I, and he initiated legislation to offer thousands of Russian refugees (many of them young Jews) a choice between conscription into the British Army or returning to Russia for military service. In December 1916, Asquith was replaced as Prime Minister by Lloyd George. Lloyd George asked Samuel to continue as Home Secretary, but Samuel chose to resign instead. He attempted to strike a balance between giving support to the new government", + "score": 0.6806640625 + }, + { + "id": "15069503", + "title": "William Brampton Gurdon", + "text": "Prime Minister from 1868 to 1874. At the 1885 general election Gurdon stood unsuccessfully in South West Norfolk. He was unsuccessful again at Rotherhithe in 1886 and in Colchester at a by-election in 1888. He finally entered Parliament on his fourth attempt, when he was elected at a by-election in March 1899 as the Member of Parliament (MP) for North Norfolk. He held the seat for 11 years, until he stood down at the January 1910 general election. He was also a Justice of the Peace (JP) for Suffolk, and a member of East Suffolk County Council. He was sworn", + "score": 0.6806640625 + }, + { + "id": "7740993", + "title": "Timeline of Prime Ministers of the United Kingdom", + "text": "Leburn. Timeline of Prime Ministers of the United Kingdom This is a graphical timeline of Prime Ministers of the United Kingdom from when the first Prime Minister in the modern sense, Robert Walpole, took office in 1721, until the present day. This timeline shows most of the early life, the political career and death of each Prime Minister of the United Kingdom from 1846. The first Prime Minister was Robert Walpole in the early 18th century . Unlike countries where the leader is elected directly to the highest political office of a separate executive, the Prime Minister must first establish", + "score": 0.6806640625 + }, + { + "id": "2256056", + "title": "William Massey", + "text": "of the First World War diverted attention from these matters. The 1914 election left Massey and his political opponents stalemated in parliament, with neither side possessing enough support to govern effectively. Massey reluctantly invited Joseph Ward of the Liberals to form a war-time coalition, created in 1915. While Massey remained Prime Minister, Ward gained de facto status as joint leader. Massey and Ward travelled to Britain several times, both during and after the war, to discuss military co-operation and peace settlements. During his first visit, Massey visited New Zealand troops, listening to their complaints sympathetically. This angered some officials, who", + "score": 0.68017578125 + }, + { + "id": "7864354", + "title": "Edward Whipple Bancroft Morrison", + "text": "was made a Knight Commander of the Order of St Michael and St George in June 1919. Edward Whipple Bancroft Morrison Sir Edward Whipple Bancroft Morrison, (6 July 1867 \u2013 28 May 1925) was a Canadian journalist and Major General in the Canadian Army during World War I. Born in London, Ontario, he worked as a journalist for the \"Hamilton Spectator\" and later as editor-in-chief of the \"Ottawa Citizen\". He served overseas during World War I with the Canadian Expeditionary Force and was promoted to major-general in 1918. Morrison had command of all artillery at the battle of Vimy Ridge.", + "score": 0.68017578125 + }, + { + "id": "4175210", + "title": "William Lyne", + "text": "William Lyne Sir William John Lyne KCMG (6 April 1844 \u2013 3 August 1913) was an Australian politician who served as Premier of New South Wales from 1899 to 1901, and later as a federal cabinet minister under Edmund Barton and Alfred Deakin. He is best known as the subject of the \"Hopetoun Blunder\", unexpectedly being asked to serve as the first Prime Minister of Australia but failing to form a government. Lyne was born in Van Diemen's Land, the son of a pastoral farmer. When he was 20, he and cousin took up a sheep station in North West", + "score": 0.68017578125 + }, + { + "id": "8802336", + "title": "Geoffrey Spicer-Simson", + "text": "in command of a survey ship on the Gambia river. In 1902 he married Amy Elizabeth, daughter of Edmund and Phoebe Baynes-Reed of Victoria, British Columbia. He returned to Britain from Africa just a few days before Britain officially joined World War I on 4 August 1914. He had a brief tour on a contraband control vessel, but two weeks after taking command one of his gunboats was torpedoed in broad daylight. He was then given an office job in the Admiralty in the department in charge of transferring Merchant sailors to the War Navy. In April 1915, the Admiralty", + "score": 0.68017578125 + }, + { + "id": "9794257", + "title": "Nocton Hall", + "text": "M.P. for Carlow borough in 1806 and for Ripon in 1807-27. He was secretary of state for the colonies in 1809, Lord of the Admiralty 1810-12, Privy Councillor in 1812, a Lord of the Treasury in 1812, Paymaster-General of the forces in 1812-17 and Chancellor of the Exchequer in 1823-27. In 1827 he became Prime Minister after the death of Canning. He was appointed by the King who thought that because of his previous experience and competent performance he would be suitable. However this was not the case and only five months later with his Government in chaos he was", + "score": 0.6796875 + }, + { + "id": "4157841", + "title": "History of the United Kingdom during the First World War", + "text": "Party. Lloyd George and the Conservative leader Bonar Law wrote a joint letter of support to candidates to indicate they were considered the official Coalition candidates \u2013 this \"coupon\", as it became known, was issued to opponents of many sitting Liberal MPs, devastating the incumbents. Asquith and most of his Liberal colleagues lost their seats. Lloyd George was increasingly under the influence of the rejuvenated Conservative party. The Liberal party never recovered. Before the war, the government spent 13 percent of gross national product (GNP); in 1918 it spent 59 percent of GNP. The war was financed by borrowing large", + "score": 0.6796875 + }, + { + "id": "5401772", + "title": "July Crisis", + "text": "war, or the Entente won without British support, then, either way, it would be left without any friends. This would have left both Britain and her Empire vulnerable to attack. Domestically, the Liberal Cabinet was split and in the event that war was not declared the Government would fall as Prime Minister Asquith, Edward Grey and Winston Churchill made it clear they would resign. In that event, the existing Liberal government would lose control of Parliament. In that case the pro-war Conservatives would come to power. The Liberal Party might never recover--as indeed happened in 1916. On August 6, the", + "score": 0.6796875 + }, + { + "id": "10737340", + "title": "Will Gladstone", + "text": "Will Gladstone William Glynne Charles Gladstone (14 July 1885 \u2013 13 April 1915) was a Liberal Party politician in the United Kingdom, and the last of four generations of Gladstones to serve in the House of Commons, the first being his great-grandfather Sir John Gladstone(s) (1764\u20131851). His body was the last to be officially repatriated during World War I. Gladstone was born on 14 July 1885. His father, William Henry Gladstone (1840\u20131892), was the eldest son of the Liberal Prime Minister William Ewart Gladstone and his wife Catherine, and his mother was the Hon. Gertrude Gladstone, daughter of Charles Stuart,", + "score": 0.6796875 + }, + { + "id": "11952258", + "title": "Premierships of Benjamin Disraeli", + "text": "Premierships of Benjamin Disraeli Benjamin Disraeli was the Conservative Prime Minister of the United Kingdom on two separate occasions, first in 1868 and then between 1874 and 1880. In February 1868 the Prime Minister, The Earl of Derby, received medical advice which told him that he could not fully recover from his illness whilst Premier. He therefore asked Benjamin Disraeli (who was Chancellor of the Exchequer at the time) if he was ready to be Premier. Disraeli said yes, telling his friends, \"I have climbed to the top of the greasy pole\". However his political position was weak\u2014a caretaker in", + "score": 0.6796875 + } + ], + "answer": "At the start of World War I, England's Prime Minister was Herbert Henry Asquith, the 1st Earl of Oxford and Asquith. Generally known as H. H. Asquith, he was a British statesman and Liberal politician who served as Prime Minister of the United Kingdom from 1908 to 1916. At the end of World War I, David Lloyd George, the 1st Earl Lloyd-George of Dwyfor, was Prime Minister. He was a Welsh statesman and Liberal Party politician who served as Prime Minister of the United Kingdom from 1916 to 1922." + }, + { + "qa_pairs": [ + { + "context": "Smokey and the Bandit Part 3 is a 1983 American action comedy film and a sequel to \"Smokey and the Bandit\" (1977) and \"Smokey and the Bandit II\" (1980), starring Jackie Gleason, Jerry Reed, Paul Williams, Pat McCormick, Mike Henry and Colleen Camp. The film also includes a cameo near the film's end by the original Bandit, Burt Reynolds.", + "question": "Who played Snowman in the original Smokey and the Bandit?", + "short_answers": [ + "Jerry Reed" + ], + "wikipage": "Smokey and the Bandit Part 3" + }, + { + "context": "Smokey and the Bandit II is a 1980 American action comedy film directed by Hal Needham, and stars Burt Reynolds, Sally Field, Jerry Reed, Jackie Gleason and Dom DeLuise. The film is the sequel to the 1977 film \"Smokey and the Bandit\".", + "question": "Who played Snowman in the Smokey and the Bandit II?", + "short_answers": [ + "Jerry Reed" + ], + "wikipage": "Smokey and the Bandit II" + }, + { + "context": "Smokey and the Bandit Part 3 is a 1983 American action comedy film and a sequel to \"Smokey and the Bandit\" (1977) and \"Smokey and the Bandit II\" (1980), starring Jackie Gleason, Jerry Reed, Paul Williams, Pat McCormick, Mike Henry and Colleen Camp. The film also includes a cameo near the film's end by the original Bandit, Burt Reynolds.", + "question": "Who played Snowman in the Smokey and the Bandit Part 3?", + "short_answers": [ + "Jerry Reed" + ], + "wikipage": "Smokey and the Bandit Part 3" + } + ], + "wikipages": [ + { + "title": "Jerry Reed", + "url": "https://en.wikipedia.org/wiki/Jerry%20Reed" + }, + { + "title": "Smokey and the Bandit II", + "url": "https://en.wikipedia.org/wiki/Smokey%20and%20the%20Bandit%20II" + }, + { + "title": "Smokey and the Bandit", + "url": "https://en.wikipedia.org/wiki/Smokey%20and%20the%20Bandit" + }, + { + "title": "Smokey and the Bandit Part 3", + "url": "https://en.wikipedia.org/wiki/Smokey%20and%20the%20Bandit%20Part%203" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Smokey and the Bandit Part 3 is a 1983 American action comedy film and a third and final sequel to Smokey and the Bandit (1977) and Smokey and the Bandit II (1980), starring Jackie Gleason, Jerry Reed, Paul Williams, Pat McCormick, Mike Henry and Colleen Camp.", + "wikipage": "Smokey and the Bandit Part 3" + }, + { + "content": "Jerry Reed as Cledus \"the Snowman\" Snow/the Bandit", + "wikipage": "Smokey and the Bandit Part 3" + } + ], + "long_answer": "Smokey and the Bandit Part 3 is a 1983 American action comedy film and a third and final sequel to Smokey and the Bandit (1977) and Smokey and the Bandit II (1980), which all star Jerry Reed as \"the Snowman\". " + }, + { + "knowledge": [ + { + "content": "Smokey and the Bandit is a 1977 American road action comedy film starring Burt Reynolds, Sally Field, Jackie Gleason, Jerry Reed, Pat McCormick, Paul Williams and Mike Henry. The directorial debut of stuntman Hal Needham, the film follows Bo \"Bandit\" Darville (Reynolds) and Cledus \"Snowman\" Snow (Reed), two bootleggers attempting to illegally transport 400 cases of Coors beer from Texarkana to Atlanta.", + "wikipage": "Smokey and the Bandit" + } + ], + "long_answer": "Smokey and the Bandit is a 1977 American road action comedy film starring Burt Reynolds, Sally Field, Jackie Gleason, Jerry Reed, Pat McCormick, Paul Williams and Mike Henry. The directorial debut of stuntman Hal Needham, the film follows Bo \"Bandit\" Darville, played by Reynolds, and Cledus \"Snowman\" Snow played by Jerry Reed, two bootleggers attempting to illegally transport 400 cases of Coors beer from Texarkana to Atlanta. There were three parts to this film with Reed staring as \"Snowman\" for all of them. " + } + ], + "sample_id": "1249880653163144885", + "question": "Who plays snowman in smokey and the bandit?", + "docs": [ + { + "id": "3462219", + "title": "Smokey and the Bandit", + "text": "petroleum company Mobil 1 produced television commercials, featuring NASCAR star Tony Stewart, closely based on the film. Called \"Smoke is the Bandit\" playing on Stewart's nickname, the commercials featured him as the Bandit opposite Darrell Waltrip who played Snowman and Jeff Hammond as Buford T. Justice. The story replaced the Coors beer with Mobil 1 products. The adverts poked fun at the film and even featured a Pontiac Trans Am and a cover version of the song \"East Bound and Down\". The commercials were produced after Stewart mentioned that the movie was one of his favorites. When \"Smokey and the", + "score": 0.78271484375, + "summary": "Darrell Waltrip played Snowman in the Smokey and the Bandit Mobil 1 commercials.", + "extraction": "Darrell Waltrip plays Snowman in Smokey and the Bandit." + }, + { + "id": "1284573", + "title": "Jackie Gleason", + "text": "\"Don't Drink the Water\" (1969). Both were unsuccessful. Eight years passed before Gleason had another hit film. This role was the cantankerous and cursing Texas sheriff Buford T. Justice in the films \"Smokey and the Bandit\" (1977), \"Smokey and the Bandit II\" (1980) and \"Smokey and the Bandit Part 3\" (1983). He co-starred with Burt Reynolds as the Bandit, Sally Field as Carrie (the Bandit's love interest), and Jerry Reed as Cledus \"Snowman\" Snow, the Bandit's truck-driving partner. Former NFL linebacker Mike Henry played his dimwitted son, Junior Justice. Gleason's gruff and frustrated demeanor and lines such as \"I'm gonna", + "score": 0.78125, + "summary": "Jerry Reed plays Snowman in Smokey and the Bandit.", + "extraction": "Jerry Reed plays Cledus \"Snowman\" Snow in Smokey and the Bandit." + }, + { + "id": "3462188", + "title": "Smokey and the Bandit", + "text": "sponsored a racer in Atlanta's Southern Classic and wants to celebrate in style when he wins. They find local legend Bo \"Bandit\" Darville at a roadeo at Lakewood Fairgrounds in Atlanta and offer him $80,000 to pick up 400 cases of Coors from Texarkana (the closest place it could be legally sold at that time), and bring it back to Atlanta in 28 hours. Bandit takes the bet and recruits his partner Cledus \"Snowman\" Snow to drive the truck, while Bandit drives a black Pontiac Trans Am bought on an advance from the Burdettes as a \"blocker\" to divert attention", + "score": 0.763671875, + "summary": "Cledus \"Snowman\" Snow plays the role of the truck driver in Smokey and the Bandit.", + "extraction": "Cledus \"Snowman\" Snow plays snowman in Smokey and the Bandit." + }, + { + "id": "4341267", + "title": "Smokey and the Bandit II", + "text": "three years later, \"Smokey and the Bandit Part 3\" (1983), in which Reynolds appeared only in a brief cameo appearance, and Sally Field was absent completely. The plot centers on Bo \"Bandit\" Darville (Burt Reynolds) and Cledus \"Snowman\" Snow (Jerry Reed), transporting an elephant to the GOP National Convention, with Sheriff Buford T. Justice (Jackie Gleason) in hot pursuit once again. Big Enos Burdette is running for Governor of Texas against another candidate, John Coen. After a figurative and literal \"mudslinging,\" both are confronted by the outgoing governor and given a thorough tongue-lashing. Burdette overhears the governor yelling at an", + "score": 0.7626953125, + "summary": "Jerry Reed plays Snowman in Smokey and the Bandit II.", + "extraction": "Jerry Reed plays Snowman in Smokey and the Bandit." + }, + { + "id": "4908764", + "title": "Smokey and the Bandit Part 3", + "text": "films. Big Enos and Little Enos offer retiring Sheriff Buford T. Justice a wager, betting $250,000 against his badge on his ability to transport a large stuffed fish from Florida to Texas. Buford picks up the fish and starts driving with his son, Junior. The Enoses set many traps, but Buford dodges them, so they try to hire the Bandit to stop him. Deciding that the original Bandit is too hard to manage, they hire the Snowman to act as the Bandit. The new Snowman/Bandit parks his truck so he can drive a black and gold 1983 Pontiac Trans Am.", + "score": 0.74658203125, + "summary": "The Enoses hire the Snowman to act as the Bandit in Smokey and the Bandit Part 3.", + "extraction": "The Snowman plays the role of the Bandit in Smokey and the Bandit." + }, + { + "id": "12378832", + "title": "The Bandit Run", + "text": "Cledus \"Snowman\" Snow (Jerry Reed) made in the 1977 movie, a group of about 30 Trans Ams started out in Texarkana on May 15, 2007. There, they had a send-off at the Classic Car Museum. Both Texarkana mayors also got involved and gave a send off speech to the group. Heading east on the three-day trip, they were joined by \"Hot Rod Magazine\" and \"Automobile Magazine\". After an evening in Tupelo, the growing group of Bandit Runners received another send-off at the Tupelo Auto Museum on May 16. From there, they headed toward Birmingham, Alabama. There was a stop at", + "score": 0.73046875, + "summary": "Jerry Reed plays Snowman in Smokey and the Bandit.", + "extraction": "Jerry Reed plays Snowman in Smokey and the Bandit." + }, + { + "id": "3462193", + "title": "Smokey and the Bandit", + "text": "star, that the film was aimed at a more mainstream release; Reed would now portray Bandit's friend Snowman (Reed would eventually play the Bandit in \"Smokey and the Bandit Part 3\"). At that time Reynolds was the top box office star in the world. In the original script Carrie was called Kate while Big Enos and Little Enos were called Kyle and Dickey. Bandit's car was a second generation Ford Mustang and the prize for completing the run was a new truck rather than $80,000. Burt Reynolds revealed in his autobiography that Needham had written the first draft script on", + "score": 0.72998046875, + "summary": "Jerry Reed plays Snowman in Smokey and the Bandit.", + "extraction": "Jerry Reed plays Snowman in \"Smokey and the Bandit\"." + }, + { + "id": "3462190", + "title": "Smokey and the Bandit", + "text": "mishaps cause his cruiser to disintegrate around them. Bandit's antics attract more attention from police throughout Dixie while Snowman barrels on toward Atlanta with the contraband beer, but they are helped along the way by many colorful characters via CB radio. Neither Sheriff Justice nor any other officials know of Snowman's illegal manifest, while Bandit is likewise unaware that Sheriff Justice is pursuing him because of Carrie. The chase begins to intensify when, moments after crossing back into Georgia, Snowman is narrowly rescued by Bandit after being stopped by a motorcycle patrolman, and state and local police escalate their pursuit", + "score": 0.72412109375, + "summary": "Irrelevant.", + "extraction": "\"Irrelevant\"" + }, + { + "id": "5269375", + "title": "Jackie Vernon (comedian)", + "text": "a heart attack at age 63. He was survived by his wife, Hazel, and three children. Jackie Vernon (comedian) Jackie Vernon (born Ralph Verrone; March 29, 1924 \u2013 November 10, 1987) was an American stand-up comedian and actor who is best known for his role as the voice of Frosty the Snowman in the Rankin/Bass Productions Christmas special \"Frosty the Snowman\" and its sequel \"Frosty's Winter Wonderland\". Vernon was known for his gentle, low-key delivery and self-deprecating humor. He has been hailed as \"The King of Deadpan.\" His signature opening line was, \"To look at me now, it's hard to", + "score": 0.70703125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "3860417", + "title": "Frosty the Snowman", + "text": "as the voice of a more sardonic Frosty defending the value of snow against Mr. Twitchell (Brian Doyle-Murray), the maker of a snow-removal spray. Frosty the Snowman \"Frosty the Snowman\" (or \"Frosty the Snow Man\") is a popular Christmas song written by Walter \"Jack\" Rollins and Steve Nelson, and first recorded by Gene Autry and the Cass County Boys in 1950 and later recorded by Jimmy Durante, releasing it as a single. It was written after the success of Autry's recording of \"Rudolph the Red-Nosed Reindeer\" the previous year; Rollins and Nelson shipped the new song to Autry, who recorded", + "score": 0.70654296875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "5269367", + "title": "Jackie Vernon (comedian)", + "text": "Jackie Vernon (comedian) Jackie Vernon (born Ralph Verrone; March 29, 1924 \u2013 November 10, 1987) was an American stand-up comedian and actor who is best known for his role as the voice of Frosty the Snowman in the Rankin/Bass Productions Christmas special \"Frosty the Snowman\" and its sequel \"Frosty's Winter Wonderland\". Vernon was known for his gentle, low-key delivery and self-deprecating humor. He has been hailed as \"The King of Deadpan.\" His signature opening line was, \"To look at me now, it's hard to believe I was once considered a dull guy.\" Early on in the 1950s, according to Dick", + "score": 0.70654296875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention the movie \"Smokey and the Bandit\" or any character named \"Snowman\" in it." + }, + { + "id": "9265960", + "title": "Frosty the Snowman (film)", + "text": "Frosty the Snowman (film) Frosty the Snowman is a 1969 animated Christmas television special based on the song \"Frosty the Snowman\". The program, which first aired on December 7, 1969 on CBS (where it continues to air annually), was produced for television by Rankin/Bass Productions and featured the voices of comedians Jimmy Durante as the film's narrator (Durante's final performance in a film) and Jackie Vernon as the title character. The special's story follows a group of school children who build a snowman called Frosty and place a magic hat on his head, which makes him come to life. But", + "score": 0.7060546875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "4341276", + "title": "Smokey and the Bandit II", + "text": "As he did in the first movie, Reynolds breaks the fourth wall after being reunited with Frog, by addressing the camera and saying, \"She still loves me.\" Many of the movie's scenes take place in northern Palm Beach County, especially at Burt Reynolds' ranch in Jupiter, Florida. Although the Bandit again sticks to a Pontiac Trans Am, this time a 1980 Turbo model with 5 color decals unlike 1981's single color decals, Snowman switches to a 1980 GMC General, silver with blue trim with the same mural on the trailer as on the original film. This \"new rig\" suggests that", + "score": 0.7041015625, + "summary": "Snowman switches to a 1980 GMC General in Smokey and the Bandit II.", + "extraction": "Snowman is played by an unknown actor or the passage is irrelevant to the question as it does not mention anything about the actor who plays Snowman in Smokey and the Bandit." + }, + { + "id": "3860410", + "title": "Frosty the Snowman", + "text": "Frosty the Snowman \"Frosty the Snowman\" (or \"Frosty the Snow Man\") is a popular Christmas song written by Walter \"Jack\" Rollins and Steve Nelson, and first recorded by Gene Autry and the Cass County Boys in 1950 and later recorded by Jimmy Durante, releasing it as a single. It was written after the success of Autry's recording of \"Rudolph the Red-Nosed Reindeer\" the previous year; Rollins and Nelson shipped the new song to Autry, who recorded \"Frosty\" in search of another seasonal hit. Like \"Rudolph\", \"Frosty\" was subsequently adapted to other media including a popular television special by Rankin/Bass Productions,", + "score": 0.703125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "11284504", + "title": "Snowman (comics)", + "text": "Snowman (comics) The Snowman is a fictional supervillain in Batman comics. The Snowman first appeared in \"Batman\" #337 (July 1981), and was created by Gerry Conway and Roy Thomas. Klaus Kristin is the hybrid son of a male yeti and a woman named Katrina Kristin. While blending in with the humans, Klaus became a professional athlete. He arrived in Gotham City to commit a crime spree where he froze a criminal named Jackie and that his friend was babbling upon Batman's arrival about them being attacked by a monster. At a party at the Wayne Foundation's penthouse, Bruce Wayne meets", + "score": 0.69921875, + "summary": "Irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "19491775", + "title": "Scotty Stoneman", + "text": "Scotty Stoneman Calvin Scott \"Scotty\" Stoneman (1932\u20131973) was an American bluegrass and country fiddler, five-time National Fiddle Champion and a member of the Bluegrass Champs, the Kentucky Colonels and the Stoneman Family band. Noted for his wild, improvisational style, Stoneman originally learned to play from his maternal grandfather Bill Frost, a traditional fiddler from southwest Virginia. Growing up in the Maryland suburbs he played in an early incarnation of the Stoneman Family band called \"Pop Stoneman and the Little Pebbles\" and then formed the Bluegrass Champs which included his sisters, Roni and Donna and his brothers Jimmy and Van along", + "score": 0.69921875, + "summary": "irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "4871289", + "title": "Andrew Daulton Lee", + "text": "to sober up from his drug addictions. After a period of withdrawal, Lee ended his drug dependency. When Boyce escaped from prison in 1980, Lee was immediately remanded to another facility in Terre Haute, Indiana, a move that caused the end of their friendship. Lee was portrayed by actor Sean Penn in director John Schlesinger's 1985 movie \"The Falcon and the Snowman\", based on the book of the same name by Robert Lindsey. Lee's drug-dealing earned him the nickname \"The Snowman,\" while Boyce's interest in falconry won him his own sobriquet. Boyce was played in the film by actor Timothy", + "score": 0.69921875, + "summary": "irrelevant", + "extraction": "Sean Penn." + }, + { + "id": "5469516", + "title": "Jack Frost (1998 film)", + "text": "Jack Frost (1998 film) Jack Frost is a 1998 American Christmas fantasy comedy-drama film, starring Michael Keaton and Kelly Preston. Keaton stars as the title character, a man who dies in a car accident and comes back to life as a snowman. Three of Frank Zappa's four children, Dweezil Zappa, Ahmet Zappa, and Moon Unit Zappa, appear in the film. The costume for Jack Frost's snowman form was created by Jim Henson's Creature Shop. The film was released in Australia on December 10, 1998 before the United States' release. Jack Frost is the lead singer in a rock band simply", + "score": 0.69873046875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "11265247", + "title": "Kenneth Snowman", + "text": "Snowman, co-chairman of Wartski since 1998\u20132002, and chairman since then. Kenneth Snowman Abraham Kenneth Snowman CBE FSA (26 July 1919 \u2013 9 July 2002) was a British jeweller, painter and chairman of Wartski. He was made a Fellow of the Society of Antiquaries of London in 1994, and a Commander of the Order of the British Empire in 1997. Kenneth Snowman was born in Hampstead, London, one of three children of the jeweller Emanuel Snowman and his wife Harriet Wartski, daughter of Morris Wartski, the founder of the Wartski art and antiques firm. He was educated at University College School,", + "score": 0.69873046875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "13104286", + "title": "Snowmen (film)", + "text": "Snowmen (film) Snowmen is an independent family film written and directed by Robert Kirbyson and produced by Stephen McEveety. It was released at the Tribeca Film Festival on May 1, 2010. Billy Kirkland (Bobby Coleman), is a 10-year-old boy with cancer who is convinced that he has only weeks to live. He has two misfit best friends, Lucas Lamb (Christian Martyn) and Howard Garvey (Bobb'e J. Thompson) who he attends school with. Wanting to be remembered, Billy and his friends try to pursue fame but face a series of schemes which stand in their way, including their neighborhood bullies. Billy", + "score": 0.69873046875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not contain any information related to the movie \"Smokey and the Bandit\" or the character \"Snowman\"." + }, + { + "id": "3310844", + "title": "Kojak", + "text": "audio dramas based upon the series, aimed at children. In the hit 1977 movie \"Smokey and the Bandit\", Cledus Snow (Jerry Reed) referred to a police officer with a radar gun as a \"Kojak with a Kodak\", reflecting contemporary CB slang. The phrase also appears in a subtitle in \"The Cannonball Run\" when the Japanese team in the Subaru GL encountered a radar-operating officer. In the film \"Foul Play\", Chevy Chase and Goldie Hawn commandeer a livery vehicle with two Asian tourists in the backseat. When the tourists become agitated at his high speed driving, Chase informs them that he", + "score": 0.6982421875 + }, + { + "id": "10906062", + "title": "Sweathog", + "text": "Funk Railroad and more. In 1973, Johnson and Jones reformed Sweathog with Warren Rex Ludwick and Bobby Burns. Johnson met Burns during the 1965 Shindig! live tour. Ludwick went on to play with Willie Nelson. Of the four original members, Frosty now resides in Austin, Texas, Goldsmith is in the real estate business in Malibu, California and his sons Taylor and Griffin are in the band Dawes, Jones died June 15, 2013 in South Dakota, and Johnson owns an advertising agency, ReMIX Media Group, in Aspen, Colorado. Barry \"Frosty\" Smith (born Barry Eugene Smith on March 20, 1946 in Bellingham,", + "score": 0.6962890625 + }, + { + "id": "3462187", + "title": "Smokey and the Bandit", + "text": "Smokey and the Bandit Smokey and the Bandit is a 1977 American action comedy film starring Burt Reynolds, Sally Field, Jackie Gleason, Jerry Reed, Pat McCormick, Paul Williams and Mike Henry. The film was the directorial debut of stuntman Hal Needham. It inspired several other trucking films, including two sequels, \"Smokey and the Bandit II\" and \"Smokey and the Bandit Part 3\". \"Smokey and the Bandit\" was the second highest-grossing domestic film of 1977. Wealthy Texan Big Enos Burdette and his son Little Enos seek a trucker willing to bootleg Coors beer to Georgia for their refreshment; Big Enos has", + "score": 0.6962890625 + }, + { + "id": "4908763", + "title": "Smokey and the Bandit Part 3", + "text": "Smokey and the Bandit Part 3 Smokey and the Bandit Part 3 is a 1983 American action comedy film and a sequel to \"Smokey and the Bandit\" (1977) and \"Smokey and the Bandit II\" (1980), starring Jackie Gleason, Jerry Reed, Paul Williams, Pat McCormick, Mike Henry and Colleen Camp. The film also includes a cameo near the film's end by the original Bandit, Burt Reynolds. With a budget of a television movie, which was around twice the budget used for the first part, many action and comedic scenes are rehashes of scenes from the previous two \"Smokey and the Bandit\"", + "score": 0.6962890625 + }, + { + "id": "3462226", + "title": "Smokey and the Bandit", + "text": "in the television movies. Smokey and the Bandit Smokey and the Bandit is a 1977 American action comedy film starring Burt Reynolds, Sally Field, Jackie Gleason, Jerry Reed, Pat McCormick, Paul Williams and Mike Henry. The film was the directorial debut of stuntman Hal Needham. It inspired several other trucking films, including two sequels, \"Smokey and the Bandit II\" and \"Smokey and the Bandit Part 3\". \"Smokey and the Bandit\" was the second highest-grossing domestic film of 1977. Wealthy Texan Big Enos Burdette and his son Little Enos seek a trucker willing to bootleg Coors beer to Georgia for their", + "score": 0.69482421875 + }, + { + "id": "15092666", + "title": "Hecky Krasnow", + "text": "included \"Rendezvous d'Amour\", \"I Just Can't Wait 'Til Christmas\" and \"The Happy Cobbler\". He was the producer of the Columbia recordings of \"Rudolph the Red-Nosed Reindeer\" and \"Frosty the Snowman\", sung by Gene Autry; the songs of Burl Ives and Captain Kangaroo, \"The Ballad of Davy Crockett\" and \"Smokey the Bear\". He also produced \"I'm Gettin' Nuttin' for Christmas\" and \"I Saw Mommy Kissing Santa Claus\". Krasnow worked with Gene Kelly, Jackie Robinson, Rosemary Clooney (\"Come On-a My House\"), Dinah Shore, Nina Simone, Art Carney, Jose Ferrer, and Arthur Godfrey. In 1950, Krasnow wrote and produced the Frank Buck recording", + "score": 0.69384765625 + }, + { + "id": "7147639", + "title": "The Abominable Snowman (film)", + "text": "The Abominable Snowman (film) The Abominable Snowman (US title: The Abominable Snowman of the Himalayas) is a 1957 British fantasy-horror film, scripted by Nigel Kneale and based on Kneale's BBC teleplay, \"The Creature\". It was produced by Hammer Film Productions and directed by Val Guest. The plot follows the exploits of a British scientist (Peter Cushing) who joins an American expedition led by glory-seeker (Forrest Tucker) to search the Himalayas for the legendary Yeti. Maureen Connell, Richard Wattis and Arnold Marle appear in supporting roles. Dr. John Rollason (Peter Cushing), his wife, Helen (Maureen Connell), and assistant, Peter Fox (Richard", + "score": 0.69287109375 + }, + { + "id": "15092667", + "title": "Hecky Krasnow", + "text": "\"Tiger\". Krasnow died aged 74 in Miami, Florida. Krasnow\u2019s daughter, Judy Gail Krasnow, has written a biography of her father. Hecky Krasnow Herman \"Hecky\" Krasnow (February 15, 1910 \u2013 April 23, 1984) was a record producer of \"Rudolph the Red Nosed Reindeer\", \"Frosty the Snowman\", and the Frank Buck recording \"Tiger\". Krasnow was born in Hartford, Connecticut, son of Harry Krasnow, founder of the National Iron Works (later National Steel Products), and Sarah Wohl Krasnow. Hecky Krasnow studied violin at the Juilliard School under Leopold Auer. He was a talented violinist, highly praised for the range of his repertoire. Krasnow", + "score": 0.69189453125 + }, + { + "id": "1375440", + "title": "Rudolph the Red-Nosed Reindeer", + "text": "social rejection among his peers and his decision to run away from home. Rudolph is accompanied by a similarly outcast elf named Hermey, who skipped elf practice to become a dentist, along with a loud, boisterous, eager prospector named Yukon Cornelius who was in search of wealth. Additional original characters include Rudolph's love interest, Clarice; the antagonistic \"Abominable Snow Monster\"; and, as narrator, Sam the living Snowman, voiced by Burl Ives. In the 1964 stop-motion movie, Rudolph is born to Donner the Reindeer and Donner's wife. He is discovered by Santa to have a shiny, glowing red nose. Donner, regardless", + "score": 0.69140625 + }, + { + "id": "1382672", + "title": "Burl Ives", + "text": "soundtrack. Ives voiced Sam the Snowman, the banjo-playing \"host\" and narrator of the story, explaining how Rudolph used his \"nonconformity\", as Sam refers to it, to save Christmas from being cancelled due to an impassable blizzard. The following year, Ives rerecorded all three of the Johnny Marks hits which he had sung in the TV special, but with a more \"pop\" feel. He released them all as singles for the 1965 holiday season, capitalizing on their previous success. Ives performed in other television productions, including \"Pinocchio\" and \"Roots.\" He starred in two television series: \"O.K. Crackerby!\" (1965\u201366), which costarred Hal", + "score": 0.69091796875 + }, + { + "id": "16590972", + "title": "Ken Hudson Campbell", + "text": "Ken Hudson Campbell Kenneth Hudson Campbell (born June 5, 1962) is an American television and voice actor. Campbell attended York High School in Elmhurst, Illinois. Campbell played the man in the Santa suit in \"Home Alone\" and played \"Animal\" on the experimental Fox TV series \"Herman's Head\", as well as Buckman in the 1996 movie \"Down Periscope\". He appeared in the \"Seinfeld\" episode \"The Seven\", where he played Ken, the husband of Susan's first cousin, Carrie, and he played \"Bruce\", the owner of an ominous bookstore in the 1997 Disney Channel Original Movie \"Under Wraps\". He appeared as oil driller", + "score": 0.6904296875 + }, + { + "id": "5269374", + "title": "Jackie Vernon (comedian)", + "text": "in the restaurant. Vernon walked up to Chaplin's table, and as he started to introduce himself, Chaplin interrupted him, saying, \"Of course, Jackie Vernon. Tell me: why did you stop writing?\" Despite his reputation as a raunchy comedian, Vernon also supplied the voice of the title character of the popular Rankin-Bass television special \"Frosty the Snowman\" (1969), which has been broadcast annually on CBS since its debut. He later voiced Frosty in two more Rankin-Bass specials; \"Frosty's Winter Wonderland\" (1976) and \"Rudolph and Frosty's Christmas in July\" (1979). Vernon died at home in Hollywood, California on November 10, 1987 from", + "score": 0.6904296875 + }, + { + "id": "4908769", + "title": "Smokey and the Bandit Part 3", + "text": "Buford T. Justice and a different \"Bandit\". The original version was shot in October 1982. Reportedly test audiences reacted poorly, finding Gleason's two roles confusing, so the studio opted to do reshoots in April 1983. The Bandit scenes were re-shot with Jerry Reed playing the role. Other accounts indicate that the title was more literal: that Gleason was to play only Sheriff Justice, but the character would also fill the \"role\" of \"Bandit\", by taking the Enos family's challenge (as Reynolds' character had done in the previous films). In a teaser trailer for the film (billed as \"Smokey Is the", + "score": 0.68994140625 + }, + { + "id": "3195756", + "title": "Ken Curtis", + "text": "Ken Curtis Ken Curtis (born Curtis Wain Gates, July 2, 1916 \u2013 April 28, 1991) was an American singer and actor best known for his role as Festus Haggen on the CBS western television series \"Gunsmoke\". Although he appeared on \"Gunsmoke\" earlier, in other roles, he was first cast as Festus in season 8 episode 13, 12/8/1962 \"Us Haggens\". His next appearance was Season 9, episode 2 as Kyle Kelly, in \"Lover Boy\" as a charming drifter who romances an elderly rancher's young wife. Curtis joined the cast of Gunsmoke permanently as Festus in \"Prairie Wolfer,\" season 9 episode 13,", + "score": 0.68994140625 + }, + { + "id": "5626397", + "title": "7 Faces of Dr. Lao", + "text": "life itself, and everything in it is a wonder. \"*\" Randall voices the Serpent, a stop-motion animated snake which has the face of O'Connell. \"**\" While Randall is credited as the Abominable Snowman, bodybuilder P\u00e9ter P\u00e1l (son of the film's director) was the (uncredited) body double. Randall also has a cameo appearance, wearing his own face, as a silent audience member. The trailer shows date of the picture, in Roman numerals, as 1963 rather than 1964. According to notes on the Leigh Harline soundtrack CD released by \"Film Score Monthly,\" Pal's first choice for the role was Peter Sellers who", + "score": 0.689453125 + }, + { + "id": "14879939", + "title": "Gig Morton", + "text": "mother, discovers a town where Santa Claus and his elves are working. These roles earned Morton a total of three Young Artist Award nominations the following year as \"Best Young Actor in a DVD film\" for his role as \"Billy\" in \"Snow Buddies\", \"Best Young Actor in a Short Film\" for his role as \"Conrad Lard-Bottom\" in \"The Escape of Conrad Lard-Bottom\" and \"Best Young Actor in a TV Movie\" for his role as \"Mason McCann\" in \"Christmas Town\". In 2009, Morton appeared as \"Tommy Shatterfield\" in the pilot for the family television drama, \"Mistresses\", and as \"John\" in the", + "score": 0.689453125 + }, + { + "id": "9385266", + "title": "Billy De Wolfe", + "text": "Murgatroyd\") would claim to be an expert on romance, and answered questions from the lovelorn. Generations of TV viewers know Billy DeWolfe only by his voice: his is the voice of the inept magician Professor Hinkle in the 1969 Christmas special \"Frosty the Snowman\". DeWolfe gave the role his usual fussy diction: \"Mess-y, mess-y, mess-y! Sill-y, sill-y, sill-y! Bus-y, bus-y, bus-y!\" In 1967-68 (one season, 26 episodes), he co-starred with Joby Baker and Ronnie Schell in the TV sitcom \"Good Morning, World\" as Roland Hutton, the fussy manager at a radio station where David Lewis and Larry Clarke (Baker and", + "score": 0.6884765625 + }, + { + "id": "5766289", + "title": "Buford T. Justice", + "text": "the armada is demolished when the Snowman brings a convoy of trucks to rescue the Bandit. Sheriff Justice's squad cars differ from film to film, which get wrecked in various ways due to his overzealous pursuit of the Bandit. In the first film, his car is a bronze 1977 Pontiac LeMans with two blue single lights: This loses the back right side fender, the top, the driver's side door and the back right side passenger door, the front right wheel, and the trunk lid. In the second film his car is a gold color 1980 Pontiac Bonneville, with two single", + "score": 0.6884765625 + }, + { + "id": "15451437", + "title": "When Every Day Was the Fourth of July", + "text": "Connecticut and 12-year-old Daniel Cooper (Chris Petersen) along with his 10-year-old sister Sarah (Katy Kurtzman) are looking forward to summer vacation, most particularly, the annual 4th of July festivities. Sarah soon befriends the town's gentle misfit, Albert Cavanaugh, known by the town's children as \"Snowman\" (Geoffrey Lewis), a highly decorated and now brain-damaged World War I veteran, after she defends him from the town's resident bully, \"Red\" Doyle (Eric Shea). When Snowman finds himself accused of a terrible murder, Sarah, believing him to be innocent, convinces her successful attorney father, Ed Cooper (Dean Jones) to defend him. Amid courtroom allegations", + "score": 0.6875 + }, + { + "id": "5680000", + "title": "Pat McCormick (actor)", + "text": "Pat McCormick (actor) Pat McCormick (June 30, 1927 \u2013 July 29, 2005) was an American actor and comedy writer known for playing Big Enos Burdette in \"Smokey and the Bandit\" and its two sequels. He wrote for a number of performers such as Red Skelton, Phyllis Diller and Johnny Carson as well as for shows including \"Get Smart\". McCormick had a distinctive appearance being six feet, seven inches tall, weighing 250 pounds and having a walrus mustache. McCormick was born in Lakewood, Ohio, and was a 1945 graduate of Rocky River High School. McCormick was a high school athlete and", + "score": 0.68701171875 + }, + { + "id": "779951", + "title": "Scatman Crothers", + "text": "Scatman Crothers Benjamin Sherman Crothers (May 23, 1910 \u2013 November 22, 1986), known professionally as Scatman Crothers, was an American actor and musician. He played Louie the Garbage Man on the TV show \"Chico and the Man\" and Dick Hallorann in Stanley Kubrick's \"The Shining\" (1980). He was also a prolific voiceover actor who provided the voices of Meadowlark Lemon in the Harlem Globetrotters animated TV series, Jazz the Autobot in \"The Transformers\" and \"\" (1986), the title character in \"Hong Kong Phooey\", and Scat Cat in the animated Disney film \"The Aristocats\" (1970). Crothers was born in Terre Haute,", + "score": 0.6865234375 + }, + { + "id": "8550183", + "title": "The Man from Snowy River (1982 film)", + "text": "The Man from Snowy River (1982 film) The Man from Snowy River is a 1982 Australian drama film based on the Banjo Paterson poem \"The Man from Snowy River\". Released by 20th Century Fox, the film had a cast including Kirk Douglas in a dual role as the brothers Harrison (a character who appeared frequently in Paterson's poems) and Spur, Jack Thompson as Clancy, Tom Burlinson as Jim Craig, Sigrid Thornton as Harrison's daughter Jessica, Terence Donovan as Jim's father Henry Craig, and Chris Haywood as Curly. Both Burlinson and Thornton later reprised their roles in the 1988 sequel, \"The", + "score": 0.6865234375 + }, + { + "id": "5680005", + "title": "Pat McCormick (actor)", + "text": "died there seven years later, aged 78. His interment was located in Forest Lawn \u2013 Hollywood Hills Cemetery. He was survived by a son, Ben, and a grandson. There is no evidence that, as has been claimed, that Pat had a twin brother (who assumed a different surname), Sgt. James McKittrick, of Chicago. Pat McCormick (actor) Pat McCormick (June 30, 1927 \u2013 July 29, 2005) was an American actor and comedy writer known for playing Big Enos Burdette in \"Smokey and the Bandit\" and its two sequels. He wrote for a number of performers such as Red Skelton, Phyllis Diller", + "score": 0.6865234375 + }, + { + "id": "1546809", + "title": "Michael J. Pollard", + "text": "series \"Movin' On\". He later had a key supporting role in the 1980 cult film \"Melvin and Howard\" about the Melvin Dummar-Howard Hughes Mormon Will controversy. In 1987, Pollard played the role of an inquisitive volunteer firefighter, Andy, in the film \"Roxanne\", starring Steve Martin. The following year Pollard played the role of Herman (the homeless man who thought Bill Murray was Richard Burton) in the movie \"Scrooged\". In 1989, Pollard had a minor role in \"\" and a larger role (as the inventor of super weapons and a super car) in \"Tango & Cash\", which also starred Kurt Russell", + "score": 0.6865234375 + }, + { + "id": "7902438", + "title": "Frosty Returns", + "text": "Frosty Returns Frosty Returns is an animated Christmas television special starring Jonathan Winters as the narrator and John Goodman as the voice of Frosty the Snowman. The special was directed by Bill Melendez and Evert Brown and features music by Mark Mothersbaugh. It first aired in 1992 on CBS and continues to be broadcast on that network annually. The special begins with a musical number showing that Beansboro Elementary School is canceled for the day due to a seven-inch snowfall. While the adults incessantly complain about the problems snow and ice cause, the children enjoy the opportunity to play outside.", + "score": 0.68603515625 + }, + { + "id": "14935122", + "title": "Robert Totten", + "text": "on the picture, and Totten also disclaimed the credit, angry that he had been replaced. In consequence, the credit was given to Alan Smithee, the infamous pseudonym designated by the Directors Guild of America as \"director\" on films which are disowned by their true creators. In the February 15, 1971 \"Gunsmoke\" episode entitled \"Cleavus\", Totten plays the title guest-starring role, a red-bearded man who finds a gold mine after he accidentally kills the owner. He grabs $200 worth of gold dust from the mine owner's pocket. In Dodge City, Kansas, Cleavus learns that the owner's claim was not yet registered.", + "score": 0.685546875 + }, + { + "id": "7902389", + "title": "Frosty's Winter Wonderland", + "text": "Frosty's Winter Wonderland Frosty's Winter Wonderland is a 1976 animated Christmas television special and a sequel to the 1969 special \"Frosty the Snowman\", produced by Rankin/Bass Productions. It returns writer Romeo Muller and actor Jackie Vernon as the voice of Frosty, while Andy Griffith stars as the narrator (replacing Jimmy Durante, who had been incapacitated by a stroke three years prior and retired from acting). The special premiered on ABC on December 2, 1976. Years have passed since Frosty left for the North Pole, but kept his promise to the children that he would be back again someday. When he", + "score": 0.685546875 + }, + { + "id": "999928", + "title": "Hank Snow", + "text": "chart at older ages as secondary duet partners on records fronted by other artists.) In Robert Altman's 1975 film \"Nashville\", Henry Gibson played a self-obsessed country star loosely based on Hank Snow. He was also mentioned in the film \"Smokey and the Bandit. \" When Cletus Snow, making a collect call, gives his name, the operator's response is not heard, but Cletus replies \"No, I'm not Hank Snow's brother.\" Hank is referenced in the opening lines of Jimmy Buffett's 1974 song \"The Wino and I Know.\" Hank Snow Clarence Eugene \"Hank\" Snow (May 9, 1914 \u2013 December 20, 1999) was", + "score": 0.685546875 + }, + { + "id": "2353638", + "title": "Strother Martin", + "text": "parts in \"Hannie Caulder\", \"The Brotherhood of Satan\" (both 1971), \"Pocket Money\" (1972) with Paul Newman and Lee Marvin and \"SSSSSSS\" (1973). Martin later appeared in another George Roy Hill film, \"Slap Shot\" (1977), again with Paul Newman, as the cheap general manager of the Charlestown Chiefs hockey club. He appeared six times each with John Wayne and Paul Newman. Strother Martin can also be seen in Cheech and Chong's \"Up in Smoke\" (1978) as Arnold Stoner, the father of Tommy Chong's character Anthony. Martin made many guest appearances on \"Gunsmoke,\" including the two-part episode \"Island in the Desert,\" in", + "score": 0.68505859375 + }, + { + "id": "11265241", + "title": "Kenneth Snowman", + "text": "Kenneth Snowman Abraham Kenneth Snowman CBE FSA (26 July 1919 \u2013 9 July 2002) was a British jeweller, painter and chairman of Wartski. He was made a Fellow of the Society of Antiquaries of London in 1994, and a Commander of the Order of the British Empire in 1997. Kenneth Snowman was born in Hampstead, London, one of three children of the jeweller Emanuel Snowman and his wife Harriet Wartski, daughter of Morris Wartski, the founder of the Wartski art and antiques firm. He was educated at University College School, Hampstead. Kenneth's father made regular trips to the Soviet Union,", + "score": 0.68505859375 + }, + { + "id": "12909004", + "title": "Christmas in the post-war United States", + "text": "with Montgomery Ward. The song tells the story of a reindeer whose shiny red nose guides Santa's sleigh through the fog on Christmas Eve. Gene Autry's 1949 recording remained at #1 for a week and brought the song widespread fame. Only \"White Christmas\" has sold more copies. Autry had another hit in 1950 with \"Frosty the Snowman\", written by Jack Rollins and Steve Nelson as a direct attempt to create a success in the vein of \"Rudolph The Red-Nosed Reindeer\". The song tells the story of a magical snowman who has playful adventures with children. In 1963, \"Frosty\" hit its", + "score": 0.6845703125 + }, + { + "id": "3554882", + "title": "Hal Smith (actor)", + "text": "Don Knotts comedy \"The Ghost and Mr. Chicken\" (1966), playing essentially the same town drunk character, Otis. Smith would play Otis one more time in the television movie \"Return to Mayberry\" (1986). In the television movie, Otis is the town's ice cream truck driver and is reported to have been \"sober for years\". Smith later used his Otis Campbell character in commercial spots for the Mothers Against Drunk Driving organization and appeared as Otis in Alan Jackson's music video \"Don't Rock the Juke Box\". In 1957, Smith played Rollin Daggett in the role of a newspaper man in the early", + "score": 0.68408203125 + }, + { + "id": "9264758", + "title": "Santa Claus Is Comin' to Town (film)", + "text": "the Snowman\", the Rankin-Bass special produced the previous year in 1969. This edition contains the full dialogue and all songs for both specials. Beginning in 1989, the special has been released numerous times on VHS and DVD. The 2005 DVD release included a CD single of Mariah Carey performing the title song. The special is also available as part of a DVD box set with other Rankin-Bass Christmas titles including \"Rudolph the Red-Nosed Reindeer\", \"Frosty the Snowman\", and \"Frosty Returns\". In 2010, the special was released in the same box set on Blu-ray Disc. In 2015, both the special and", + "score": 0.68408203125 + }, + { + "id": "8490884", + "title": "Walker Edmiston", + "text": "Walker Edmiston Walker Edmiston (February 6, 1926 \u2013 February 15, 2007) was an American actor and voice actor. Born in St. Louis, Missouri, Edmiston appeared on various television programs in character roles during the 1950s\u20131970s, such as \"Star Trek\", \"Gunsmoke\", \"\", \"Knots Landing\", and \"The Dukes of Hazzard\". He also played a character based on \"Chester\" in \"Gun-Shy,\" the famous \"Maverick\" parody of \"Gunsmoke\" starring James Garner. In 1966, Edmiston had a recurring role as Regan in the short-lived ABC comedy western series, \"The Rounders\" with co-stars Ron Hayes, Patrick Wayne, and Chill Wills. Edmiston also did many television commercials", + "score": 0.68408203125 + }, + { + "id": "3860416", + "title": "Frosty the Snowman", + "text": "and directed by Arthur Rankin Jr. and Jules Bass. This was a story based on the discovery of Frosty the Snowman. Three sequels were produced, \"Frosty's Winter Wonderland\" (based upon the song \"Winter Wonderland\") in 1976, in which Frosty got married, and \"Rudolph and Frosty's Christmas in July\" in 1979, followed by \"The Legend of Frosty the Snowman\" in 2005 (the last of which had Bill Fagerbakke take over as Frosty's voice after Vernon's death). \"Frosty Returns\", released in 1992, is a sequel to the original song, set in a separate fictional universe from the other specials, with John Goodman", + "score": 0.68359375 + }, + { + "id": "12216693", + "title": "Felon (film)", + "text": "dream becomes a nightmare when Wade unintentionally kills a burglar on his lawn. By attacking an unarmed intruder after he exited the house, he is arrested and charged with murder. During the bus ride to prison Danny Sampson (Chris Browning), leader of the local Aryan Brotherhood, stabs a man and hides the knife with a young Aryan member named Snowman (Johnny Lewis) who is sitting behind Wade. In a moment's panic, Snowman hides the knife under Wade's seat and forces him to deny knowledge of it. As a result, Wade is sent to solitary confinement until the stabbing can be", + "score": 0.68359375 + }, + { + "id": "15092665", + "title": "Hecky Krasnow", + "text": "Hecky Krasnow Herman \"Hecky\" Krasnow (February 15, 1910 \u2013 April 23, 1984) was a record producer of \"Rudolph the Red Nosed Reindeer\", \"Frosty the Snowman\", and the Frank Buck recording \"Tiger\". Krasnow was born in Hartford, Connecticut, son of Harry Krasnow, founder of the National Iron Works (later National Steel Products), and Sarah Wohl Krasnow. Hecky Krasnow studied violin at the Juilliard School under Leopold Auer. He was a talented violinist, highly praised for the range of his repertoire. Krasnow was a producer for Columbia Records from 1949 to 1956, when he became a free-lance writer and producer. His compositions", + "score": 0.68310546875 + }, + { + "id": "7546814", + "title": "Snowman (band)", + "text": "Snowman (band) Snowman were a band originally from Perth, Western Australia. They relocated to London in 2008, and disbanded in 2011. Snowman began playing together in various incarnations and under different names during their high school years. Joe McKee and Andy Citawarman met when they were fourteen years old; they began writing music together almost immediately. Olga Hermanniusson soon joined on Bass guitar and saxophone. After a few line-up and name changes, the band settled on Snowman with new drummer Ross DiBlasio joining in 2002. In 2003 they began playing live around Australia. They also recorded two demo CDs, which", + "score": 0.68310546875 + }, + { + "id": "3860415", + "title": "Frosty the Snowman", + "text": "and His Friends\" and \"Garfield Goose,\" along with its two other companion cartoons. The three cartoons are also a tradition on WJAC-TV in Johnstown, Pennsylvania, which not only broadcasts the cartoons on their station, but also makes them available on their website. In 1969, Rankin/Bass produced a 25-minute television special, \"Frosty the Snowman\", featuring animation by Japanese studio Mushi Production, and the voices of comedians Jimmy Durante as the narrator, Billy De Wolfe as Professor Hinkle and Jackie Vernon as Frosty. Paul Frees and June Foray both also voice characters including Karen and Santa Claus in this animated special produced", + "score": 0.68310546875 + }, + { + "id": "4908768", + "title": "Smokey and the Bandit Part 3", + "text": "getting the prize money, Buford finds the Bandit, but he is shown as the original Burt Reynolds bandit, who sweet talks him to letting him go and starting a new pursuit. Junior is left behind, dropping all the money. The film was originally entitled \"Smokey IS the Bandit\", and did not include Jerry Reed in the cast. Contemporary newspapers refer to original plans to feature Gleason as both \"Smokey\" and \"Bandit\", and Reed's name does not appear in early promotional materials or newspaper accounts during the film's production. According to some accounts, Jackie Gleason was to play two roles: Sheriff", + "score": 0.68310546875 + }, + { + "id": "6594484", + "title": "The Legend of Frosty the Snowman", + "text": "Burt Reynolds, with veteran actor/voice artist Bill Fagerbakke in the role of Frosty, the film has very little continuity with the original, featuring a rebooted back-story. At the beginning of the story, we see Frosty\u2019s hat escape from a locked chest in an attic, fly out a window, and descend on the picture perfect town of Evergreen, where all the local children are bound to a ridiculously strict curfew and not allowed to have any kind of fun whatsoever. Frosty first reveals himself to Tommy Tinkerton (voiced by Kath Soucie), the son of the town\u2019s impossibly upbeat but no-nonsense mayor,", + "score": 0.6826171875 + }, + { + "id": "17601361", + "title": "Schneemann", + "text": "Schneemann Schneemann is the official mascot of the 1976 Winter Olympics, which were held in Innsbruck, Austria in February 1976. It is also the first official Winter Olympic mascot. The mascot is a Tyrolean snowman called \"Schneemann\" (which means \"snowman\" in German), created by Walter P\u00f6tsch, and represents the \"Games of Simplicity\". The mascot wears a Tyrolean hat which is a typical hat worn in the region of Inssbruck. The public's opinion of this was somewhat divided, but its financial success was indisputable. Schneemann was also considered a lucky charm. At the 1964 Games in Innsbruck, the lack of snow", + "score": 0.6826171875 + }, + { + "id": "17807513", + "title": "Corporal Rod Webb", + "text": "Corporal Rod Webb Corporal Rod Webb and his faithful dog Chinook were the major characters in a series of films made by the American studio Monogram Pictures between 1949 and 1954. Webb was played by the actor Kirby Grant in eight films, while in two others (\"Trail of the Yukon\" and \"Snow Dog\") Grant played the almost identical character of Bob McDonald, accompanied as usual by Chinook. Corporal Webb was an officer of the Royal Canadian Mounted Police and enjoyed a series of adventures tracking down criminals in Yukon and the Northwest Territories. Chinook was his German Shepherd companion who,", + "score": 0.68212890625 + }, + { + "id": "779958", + "title": "Scatman Crothers", + "text": "Los Angeles. Scatman Crothers Benjamin Sherman Crothers (May 23, 1910 \u2013 November 22, 1986), known professionally as Scatman Crothers, was an American actor and musician. He played Louie the Garbage Man on the TV show \"Chico and the Man\" and Dick Hallorann in Stanley Kubrick's \"The Shining\" (1980). He was also a prolific voiceover actor who provided the voices of Meadowlark Lemon in the Harlem Globetrotters animated TV series, Jazz the Autobot in \"The Transformers\" and \"\" (1986), the title character in \"Hong Kong Phooey\", and Scat Cat in the animated Disney film \"The Aristocats\" (1970). Crothers was born in", + "score": 0.68212890625 + }, + { + "id": "3162288", + "title": "Rob Paulsen", + "text": "as well as characters in animated feature movies. He began his voice-over career in 1983 with the mini-series \"\", where he played \"Snow Job\" and \"Tripwire\". A few years later, his career launched into more roles such as \"Cobra Slavemaster\" and reprising \"Snow Job\" and \"Tripwire\" on \"\", \"Corky\" on \"The Snorks\", \"Marco Smurf\" on the later seasons of \"The Smurfs\", \"Boober\" on the animated version of \"\", \"Hadji\" in \"The New Adventures of Jonny Quest\" and the title character \u2013 \"Saber Rider\" and the villain \"Jesse Blue\" on \"Saber Rider and the Star Sheriffs\". During the 1980s, Paulsen also", + "score": 0.68212890625 + }, + { + "id": "8432347", + "title": "Donald Strachey", + "text": "persuade gay rights activist John Rutka to leave Albany. In \"Ice Blues\", Bub is revealed to have had an affair with Joan Lenigan after she killed her husband. He is portrayed in the films by Daryl Shuttleworth. The character in the novels most analogous to him is Detective Sergeant Ned Bowman, but it is arguable whether they can be considered \"the same\" due to the substantial differences between the two characters. An original character developed for the films, Kenny Kwon is played by Nelson Wong. Strachey first meets him at the Parmalee Plaza Hotel, and trashes Kwon's boss's office while", + "score": 0.68212890625 + }, + { + "id": "8219003", + "title": "Christopher Connelly", + "text": "after only a few months. The film version had starred Connelly's former \"Peyton Place\" costar Ryan O'Neal - who had played Connelly's brother in the serial - and O'Neal's daughter Tatum O'Neal. In 1964, he appeared in an episode of Gunsmoke with George Kennedy. In 1977, Connelly portrayed Kit Carson in the episode \"Kit Carson and the Mountain Man\" of NBC's \"Walt Disney's Wonderful World of Color\". Gregg Palmer portrayed Jim Bridger in the two-part segment, and Robert Reed played John C. Fr\u00e9mont. Gary Lockwood also appeared in the program. Connelly also starred in the films \"Corky\" (1972), \"They Only", + "score": 0.68212890625 + }, + { + "id": "7301493", + "title": "Larry D. Mann", + "text": "for characters in several other Rankin-Bass television series and specials. Mann's film career spanned four decades. He first came to the attention of CBC audiences in 1953 when he kidded around with the puppet Uncle Chichimus on the show Let's See. According to a CBC Archives article, Mann got the job when his friend, actor Don Harron, pointed him out to producer Norman Jewison. Apart from his CBC work, he appeared in more than 20 movies, with roles in \"In the Heat of the Night\", \"Bullitt\" and \"The Sting\". On television, Mann's many credits included \"Get Smart\", \"Gunsmoke\", \"The Man", + "score": 0.68212890625 + }, + { + "id": "19820922", + "title": "Charles Seel", + "text": "in 1937. He played the old man in the 1971 film, \"Duel\". For television, he played, among others, Otis in five episodes of the television series \"Tombstone Territory\" from 1957 to 1958, Doc Miller in two episodes of \"The Deputy\" in 1960, newspaper editor Mr. Krinkie in nine episodes of the series \"Dennis the Menace\" from 1959 to 1963, Barney Danches in 10 episodes of \"Gunsmoke\" from 1965 to 1972 and Tom Pride in 29 episodes of the series \"The Road West\" from 1966 to 1967. His last appearance on the small screen came in the episode \"The Christmas Party\"", + "score": 0.681640625 + }, + { + "id": "11775238", + "title": "C. B. Atkins & C. E. Snow by Special Request", + "text": "C. B. Atkins & C. E. Snow by Special Request C. B. Atkins & C. E. Snow by Special Request, (also known as simply by Special Request), is the title of a recording by Chet Atkins and Hank Snow, released in 1969. Atkins and Snow had a history of collaborations\u2014their first single was \"Reminiscing\" and they had a hit single in 1955, a guitar duet called \"Silver Bell.\" Snow was a regular at the Grand Ole Opry and had a long and illustrious entertainment career. Atkins rose from radio and session work to become not only a performing and recording", + "score": 0.68115234375 + }, + { + "id": "11117452", + "title": "Generation Kill (miniseries)", + "text": "the lead vehicle of Bravo Company, which he shared with Sergeant Brad 'Iceman' Colbert, played by Alexander Skarsg\u00e5rd, Corporal Josh Ray Person, played by James Ransone and Lance Corporal Harold James Trombley, played by Billy Lush. Other starring characters, from 2nd platoon include: Additional characters; Although there is no score for the series, it still features a large collection of music. Much of it represents music that was popular among the American populace in late 2002 and early 2003. The newer music (in the show's context) serves to illustrate pop-culture during the time of the invasion. All of the songs", + "score": 0.68115234375 + }, + { + "id": "11284508", + "title": "Snowman (comics)", + "text": "1973) and becomes the Abominable Snowman in \"Superman\" #266 (August 1973). The Blue Snowman is a cross-dressing armored foe of Wonder Woman that went on to become a founding member of Villainy Inc. Snowman (comics) The Snowman is a fictional supervillain in Batman comics. The Snowman first appeared in \"Batman\" #337 (July 1981), and was created by Gerry Conway and Roy Thomas. Klaus Kristin is the hybrid son of a male yeti and a woman named Katrina Kristin. While blending in with the humans, Klaus became a professional athlete. He arrived in Gotham City to commit a crime spree where", + "score": 0.6806640625 + }, + { + "id": "7741497", + "title": "T. K. Carter", + "text": "T. K. Carter Thomas Kent \"T. K.\" Carter (born December 18, 1956) is an American comedian and actor. In films, he is mostly known for his many comedic performances, such as the street-smart Chester in \"Seems Like Old Times\" and the karaoke-singing Iceman in \"Ski Patrol\". He is also known for playing slightly nervous characters, such as the rollerskating chef Nauls in John Carpenter's \"The Thing\", as well as the unfortunate National Guard, Cribbs, in Walter Hill's \"Southern Comfort\". On TV, he is known for playing Michael \"Mike\" Fulton, an elementary schoolteacher, on the NBC series \"Punky Brewster\" and Mylo", + "score": 0.6806640625 + }, + { + "id": "4908773", + "title": "Smokey and the Bandit Part 3", + "text": "the film's $9,000,000 budget. Smokey and the Bandit Part 3 Smokey and the Bandit Part 3 is a 1983 American action comedy film and a sequel to \"Smokey and the Bandit\" (1977) and \"Smokey and the Bandit II\" (1980), starring Jackie Gleason, Jerry Reed, Paul Williams, Pat McCormick, Mike Henry and Colleen Camp. The film also includes a cameo near the film's end by the original Bandit, Burt Reynolds. With a budget of a television movie, which was around twice the budget used for the first part, many action and comedic scenes are rehashes of scenes from the previous two", + "score": 0.6806640625 + }, + { + "id": "5633779", + "title": "John Megna", + "text": "episode of \"\", Stephan in \"I Spy\" (1967), and Little Adam in the NASA-produced animated shorts \"The Big World of Little Adam\". His other film appearances include \"Hush\u2026 Hush, Sweet Charlotte\" (1964), \"\" (1974), \"The Boy in the Plastic Bubble\" (1976) with John Travolta, and \"Go Tell the Spartans\" (1978) with Burt Lancaster. He also acted in two car-chase films starring Burt Reynolds and directed by Hal Needham \u2013 \"Smokey and the Bandit II\" (1980) and \"The Cannonball Run\" (1981). Megna graduated from Cornell University in Ithaca, New York, as a performing arts major. As an adult, he turned to", + "score": 0.68017578125 + }, + { + "id": "5766296", + "title": "Buford T. Justice", + "text": "to have the toilet paper coming out of his pantleg when he left the Bar-B-Q.\" Buford T. Justice Sheriff Buford T. Justice is a fictional character played by Jackie Gleason in the films \"Smokey and the Bandit\" (1977), \"Smokey and the Bandit II\" (1980) and \"Smokey and the Bandit Part 3\" (1983). He is a determined, foul-mouthed Texas sheriff, from Montague County, and he chases \"the Bandit\" all over the Southern United States. Buford T. Justice is an archetypal (approaching cliche) southern sheriff: confrontational, foul-mouthed, short-tempered, stubborn, strict, hypocritical, emotional, rough, impatient, fussy, fearless, bold, understanding, feisty, offensive, rowdy, dignified,", + "score": 0.68017578125 + }, + { + "id": "7147661", + "title": "The Abominable Snowman (film)", + "text": "audience.\" The film will be written by Matthew Read and Jon Croker. The Abominable Snowman (film) The Abominable Snowman (US title: The Abominable Snowman of the Himalayas) is a 1957 British fantasy-horror film, scripted by Nigel Kneale and based on Kneale's BBC teleplay, \"The Creature\". It was produced by Hammer Film Productions and directed by Val Guest. The plot follows the exploits of a British scientist (Peter Cushing) who joins an American expedition led by glory-seeker (Forrest Tucker) to search the Himalayas for the legendary Yeti. Maureen Connell, Richard Wattis and Arnold Marle appear in supporting roles. Dr. John Rollason", + "score": 0.68017578125 + }, + { + "id": "5766285", + "title": "Buford T. Justice", + "text": "the Bandit to do their runs in the past had led Buford into many humiliating predicaments while hunting the Bandit, and berates them (especially on Little Enos, attacking him for his small stature). While Justice enjoys the idea of capturing and imprisoning the Bandit for all the things he has done to him in the past, in \"Smokey and the Bandit Part 3\" this changes when he finally captures the Bandit (not knowing it was Cledus Snow posing as the Bandit in a plan by the Enoses to make Justice lose the bet). Justice proceeds to have an open \"heart", + "score": 0.68017578125 + }, + { + "id": "3887230", + "title": "Keenan Wynn", + "text": "Hezakiah in the comedy film \"The Great Race\" (1965). He was the voice of the Winter Warlock in \"Santa Claus Is Comin' to Town\" (1970) and appeared in several Disney films, including \"Snowball Express\" (1972), \"Herbie Rides Again\" (1974) and \"The Shaggy D.A.\" (1976) (as a villain who learns Wilbur Daniels's secret, and uses it against him). He appeared in Francis Coppola's musical \"Finian's Rainbow\" (1968), Sergio Leone's epic western \"Once Upon a Time in the West\" (also 1968), and Robert Altman's \"Nashville\" (1975). During this time, his guest television roles included \"Alias Smith and Jones\" (1971-1972), \"Emergency!\" (1975), \"Movin'", + "score": 0.6796875 + }, + { + "id": "5133072", + "title": "Carey Loftin", + "text": "also considered one of the most impressive car chases in film history. Loftin has also mentioned before that the hardest stunts to do during his whole was during the final scene in \"White Line Fever\" (1975) with the main characters truck, Loftin was the only hired stuntman for main characters truck in \"White Line Fever\" and also did some driving scenes in \"White Line Fever\" which later got him more iconic stuntman role for the main characters trucks in \"The Great Smokey Roadblock\" (1977), \"Smokey and the Bandit\" (1977), \"Steel Cowboy\" (1978), \"High Ballin\"' (1978), \"Smokey and the Bandit II\"", + "score": 0.67919921875 + }, + { + "id": "9829073", + "title": "Chill Out, Scooby-Doo!", + "text": "coming from a different direction. There, they see Jeffries mining for lots of crystals like the one on the Yeti statue. They conclude he is the Snowman and capture him, although he denies it. Then the Snowman appears and chases everyone, while Jeffries gets free and follows them. The Snowman chases Shaggy, Scooby, and Jeffries down the mountain. Jeffries attempts to get the crystals in the mine cart that Scooby and Shaggy are riding in. The rest of the gang prepares a trap for the Snowman, but Shaggy, Scooby and Jeffries get caught in it. The High Lama comes out", + "score": 0.67919921875 + }, + { + "id": "11392098", + "title": "Jim Atkinson", + "text": "Jim Atkinson James Archibald \"Snowy\" Atkinson (4 April 1896 \u2013 11 June 1956) was an Australian rules footballer and first class cricketer. Atkinson played his football with Fitzroy in the VFL from 1917 to 1925. He was a defender, and in 1922 was a member of Fitzroy's premiership side as well as winning their Club Champion award. Atkinson was club captain in 1924 and 1925. He moved to Tasmania in 1926 and finished his footballing career with Lefroy. He represented Tasmania at the interstate football carnival in Melbourne in 1927. He broke \"virtually every bone in his body\" during his", + "score": 0.67919921875 + }, + { + "id": "18022161", + "title": "Nicholas Snowman", + "text": "manager from 1968 to 72. In 1976, Snowman, the composer and conductor Pierre Boulez and French culture minister Michel Guy co-founded the Ensemble InterContemporain in Paris. Snowman was general director (Arts) at the South Bank Centre, London from 1986, becoming chief executive in 1992 until 1998. On 28 October 1990, he appeared on \"Desert Island Discs\", choosing \"Smiley's People\" by John le Carr\u00e9 as his favourite book and a coffee machine as his luxury item. From 1998, he succeeded Anthony Whitworth-Jones as general manager of Glyndebourne Festival Opera. However, he left suddenly in 2000, because \"he was resigning to spend", + "score": 0.6787109375 + }, + { + "id": "11265246", + "title": "Kenneth Snowman", + "text": "my father bought from the Kremlin around 1927\". The story also forms the basis for the 1983 film \"Octopussy\", where a Faberg\u00e9 egg plays an important role, but Snowman's role there is conflated with another and becomes the character Jim Fanning, played by Douglas Wilmer. In the film, prior to the auction of the Faberg\u00e9 egg, Bond visits the Wartski shop, then at 138 Regent Street, where Snowman/Fanning explains the history of Carl Faberg\u00e9's work, and then goes with Bond to the sale at Sotheby's. Snowman married Sallie Moghilevkine (who predeceased him) in 1942, and they had a son, Nicholas", + "score": 0.6787109375 + }, + { + "id": "4915552", + "title": "Earl Holliman", + "text": "He played a drunken deputy sheriff whose brother Richard Widmark returns to town in a modern-day western, \"The Trap\" (1959), and the brother of John Wayne and Dean Martin, out to avenge their murdered father, in a traditional western, \"The Sons of Katie Elder\". Holliman played a corrupt Atlanta politician in the 1981 crime drama, \"Sharky's Machine\", directed by, and starring, Burt Reynolds. Holliman became known to television audiences through his role as Sundance in CBS's \"Hotel de Paree\", with costar Jeanette Nolan, from 1959 to 1960, and in the title role of Mitch Guthrie with Andrew Prine in NBC's", + "score": 0.6787109375 + }, + { + "id": "7147656", + "title": "The Abominable Snowman (film)", + "text": "face to face with the Yeti, only the eyes are seen: Guest used Fred Johnson to play the Yeti in this scene, relying on his \"eyes of worldly understanding\" to convey the benign nature of the Yeti. The musical score was provided by Humphrey Searle, his only score for Hammer. The score was heavily influenced by that of another film with the theme of exploration: \"Scott of the Antarctic\" (1948), composed by Ralph Vaughan Williams. \"The Abominable Snowman\" was released on 26 August 1957, with an 'A' Certificate from the British Board of Film Censors, as part of a double", + "score": 0.6787109375 + }, + { + "id": "5766288", + "title": "Buford T. Justice", + "text": "many unpleasant remarks about her, alluding that she is probably ugly, overweight, and smelly. She is probably racist as well, as Justice says in \"Smokey and the Bandit Part 3\" that she joined the Ku Klux Klan and looked like an iceberg with feet when she put on her white sheet. Justice has two brothers who are also in law enforcement, Gaylord Justice and Reginald Van Justice, both played by Jackie Gleason. He enlists their help in \"Smokey and the Bandit II\". They bring an armada of Canadian Mounties, led by Reginald, and Texas Highway Patrolmen, led by Gaylord, but", + "score": 0.67822265625 + }, + { + "id": "13830335", + "title": "White Pongo", + "text": "out victorious over his rival, but is wounded by the safari and taken with them to the boat back to London. Uncredited: Ray \"Crash\" Corrigan as the White Pongo. Ray Corrigan, a Western actor, was an experienced \"gorilla man,\" and played a similar role earlier that year in \"The White Gorilla\", where he starred both as a jungle explorer and as the gorilla. The White Pongo costume was years later brought out of storage to be used as the monster suit in Jerry Warren's 1956 Abominable Snowman movie, \"Man Beast (film)\". Leo Erdody was the musical director. White Pongo White", + "score": 0.67822265625 + }, + { + "id": "11549556", + "title": "Chuck Ortmann", + "text": "the Snow Bowl in 2006, Ortmann, then retired and living in Savannah, Georgia, recalled: \"Twice during the game, playing as the safety, I couldn't see [Heisman Trophy winner] Vic Janowicz and his backfield, the snow was falling so heavily. Tony Momsen was our regular punter and as we were ready to go out, he said, 'Charlie, I don't feel like punting today, you punt.' I hadn't punted in three months. But the hero of that game was not Chuck Ortmann, it was Carl Kreager, our center. I just put my hands down and the ball was always there. I still", + "score": 0.67822265625 + }, + { + "id": "10822696", + "title": "Howard Siler", + "text": "of the US Bobsled Federation Competition Committee. Siler later coached the Jamaican bobsleigh team that participated at the 1988 Winter Olympics in Calgary. He would be profiled as Irving \"Irv\" Blitzer (played by John Candy) in the American film \"Cool Runnings\" (1993). Howard Siler Howard Banford Siler Jr. (June 18, 1945 \u2013 July 8, 2014) was an American bobsledder who competed from the late 1960s to the early 1980s. Siler won a bronze medal in the four-man event at the 1969 FIBT World Championships in Lake Placid, New York. Competing in two Winter Olympics, Siler earned his best finish of", + "score": 0.677734375 + }, + { + "id": "11284762", + "title": "Sheldon Allman", + "text": "Sheldon Allman Sheldon Allman (June 8, 1924 \u2013 January 22, 2002) was an American-Canadian actor, singer, and songwriter. Allman attended the Los Angeles Conservatory of Music. He began his singing career with the Royal National Guard during his World War II service with the Royal Canadian Air Force. Moving to Los Angeles, he appeared in 12 films, including such notable films as \"Nevada Smith\", \"The Sons of Katie Elder\", \"Hud\" and \"In Cold Blood\". His co-stars included, respectively, Steve McQueen, John Wayne and Paul Newman. He also made appearances in numerous TV series during the 1960s and 1970s. On television,", + "score": 0.67724609375 + }, + { + "id": "5766281", + "title": "Buford T. Justice", + "text": "Buford T. Justice Sheriff Buford T. Justice is a fictional character played by Jackie Gleason in the films \"Smokey and the Bandit\" (1977), \"Smokey and the Bandit II\" (1980) and \"Smokey and the Bandit Part 3\" (1983). He is a determined, foul-mouthed Texas sheriff, from Montague County, and he chases \"the Bandit\" all over the Southern United States. Buford T. Justice is an archetypal (approaching cliche) southern sheriff: confrontational, foul-mouthed, short-tempered, stubborn, strict, hypocritical, emotional, rough, impatient, fussy, fearless, bold, understanding, feisty, offensive, rowdy, dignified, temperamental, polite, judgmental, ungenerous, silly, thoughtful, intellectual, cranky, educated and determined. While he can be", + "score": 0.67724609375 + }, + { + "id": "3256793", + "title": "Tom Skerritt", + "text": "Dabney Coleman as Twain's mining partner, Calvin H. Higby. The two lose a fortune in gold, but Twain learns his future is in writing. Skerritt appeared in the ABC series \"Twelve O'Clock High\" (1964-1967), five episodes; \"Gunsmoke\" (1965-1972), also five episodes), and as Evan Drake on \"Cheers\". He then appeared in CBS's \"Picket Fences\" (1992-1996), in the role of Sheriff Jimmy Brock, for which he won an Emmy Award. More recently, he has starred in \"Homeland Security\" and \"The Grid\". He portrayed the deceased William Walker on \"Brothers and Sisters\", having appeared in the pilot as well as in several", + "score": 0.6767578125 + }, + { + "id": "13032509", + "title": "Gilman Rankin", + "text": "Gilman Rankin Gilman Warren Rankin (April 17, 1911 \u2013 October 31, 1993) was an American actor who appeared primarily in television westerns between 1956 and 1975. Between 1957 and 1959, he had a supporting role as Deputy Charlie Riggs in seven episodes of the series \"Tombstone Territory\". Rankin further guest starred nine times between 1960 and 1975 in various roles on CBS's \"Gunsmoke\" with James Arness. His first western role was as the Reverend Simon Peter Wheedle in the 1956 film \"Ghost Town\", which also starred character actor John Doucette. Other western roles followed: as Jed in the 1956 episode", + "score": 0.6767578125 + }, + { + "id": "11305489", + "title": "Hangman's Knot", + "text": "cavalry troops. Following a heated battle, Confederate Major Matt Stewart (Randolph Scott) learns from a dying Union officer that the war ended a month earlier. Matt and his men transport the gold as planned to the scheduled rendezvous with Captain Petersen (Glenn Langan) who has been scouting the area disguised as a travelling peddler. When Petersen confirms that he knew the war was over, but made no attempt to tell the men, hot-headed Rolph Bainter (Lee Marvin) shoots him dead. The men briefly debate what to do with the gold. As ranking officer, Matt decides they will take the gold", + "score": 0.67626953125 + }, + { + "id": "4343095", + "title": "Joe Greene", + "text": "most well known for the Coca-Cola commercial, Greene has acted in other roles. One of his first acting roles was in \"The Black Six\", a blaxploitation film starring other NFL players including fellow Hall of Famers Lem Barney, Willie Lanier, and Carl Eller. Greene also played himself in a TV movie on teammate Rocky Bleier, titled \"\", and in Smokey and the Bandit II. After retiring from the NFL, Greene spent one year, 1982, as a color analyst for \"NFL on CBS\" before becoming an assistant coach under Steelers' head coach Chuck Noll in 1987. He spent the next 16", + "score": 0.67529296875 + }, + { + "id": "8550198", + "title": "The Man from Snowy River (1982 film)", + "text": "Olympic version of the main title. Rowland composed special arrangements of some of the film soundtrack music for the 2002 musical version of \"The Man from Snowy River\", \"\". The Man from Snowy River (1982 film) The Man from Snowy River is a 1982 Australian drama film based on the Banjo Paterson poem \"The Man from Snowy River\". Released by 20th Century Fox, the film had a cast including Kirk Douglas in a dual role as the brothers Harrison (a character who appeared frequently in Paterson's poems) and Spur, Jack Thompson as Clancy, Tom Burlinson as Jim Craig, Sigrid Thornton", + "score": 0.67529296875 + }, + { + "id": "9403359", + "title": "Fred Toones", + "text": "Like \u2018Curly\u2019 Howard and Tommy \u2018Tiny\u2019 Lister, who followed the tradition of using an antonymous nickname as both their professional name and character name, \"Snowflake\" was the distinct stage name by which Toones was best known, and he used this name as his credit as early as his third film, 1931\u2019s \"Shanghaied Love\". Likewise, in \"Shanghaied Love\" and over 35 other films, \u201cSnowflake\u201d was also Toones\u2019 character name. Toones acted in films such as \"Mississippi\" (1935), \"Hawk of the Wilderness\" (1938), and \"Daredevils of the Red Circle\" (1939) with Bruce Bennett and in many \"B\" westerns such as \"The Lawless", + "score": 0.6748046875 + }, + { + "id": "1487852", + "title": "Gunsmoke", + "text": "entitled \"Prairie Wolfer\" (season 9, episode 16 [episode 321]), with Dennis Weaver as Chester, Burt Reynolds as Quint, and Ken Curtis as Festus. The 1964 episode entitled \"Once a Haggen\" (season 9, episode 18 [episode 323]) is the second of only two occasions in which Chester and Festus appear in the same episode. When Milburn Stone left the series for heart bypass surgery in 1971, Pat Hingle played his temporary replacement Dr. John Chapman for several episodes. His presence was at first roundly resisted by Festus, a bickersome but close friend of Doc Adams. The back stories of some of", + "score": 0.6748046875 + }, + { + "id": "9265982", + "title": "Rudolph and Frosty's Christmas in July", + "text": "Rudolph and Frosty's Christmas in July Rudolph and Frosty's Christmas in July (titled on-screen as Rudolph and Frosty: Christmas in July, or simply Rudolph and Frosty) is an American crossover Christmas television special produced by Rankin/Bass, featuring characters from the company's holiday specials \"Rudolph the Red-Nosed Reindeer\" and \"Frosty the Snowman\", among others. It was filmed in Japan using the company's trademark \"Animagic\" stop-motion animation style. The film premiered in the US on November 25, 1979 on ABC. This was the last Rankin/Bass special to star Billie Mae Richards as Rudolph and Jackie Vernon as Frosty. Mickey Rooney reprised his", + "score": 0.6748046875 + } + ], + "answer": "Smokey and the Bandit is a 1977 American road action comedy film starring Burt Reynolds, Sally Field, Jackie Gleason, Jerry Reed, Pat McCormick, Paul Williams and Mike Henry. The directorial debut of stuntman Hal Needham, the film follows Bo \"Bandit\" Darville, played by Reynolds, and Cledus \"Snowman\" Snow played by Jerry Reed, two bootleggers attempting to illegally transport 400 cases of Coors beer from Texarkana to Atlanta. There were three parts to this film with Reed staring as \"Snowman\" for all of them. " + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who beat villanova in 2017 in the ncaa tournament?", + "short_answers": [ + "University of Wisconsin\u2013Madison", + "Wisconsin", + "the Badgers", + "Wisconsin Badgers" + ], + "wikipage": null + }, + { + "context": "As a tournament ritual, the winning team cuts down the nets at the end of regional championship games as well as the national championship game. Starting with the seniors, and moving down by classes, players each cut a single strand off of each net; the head coach cuts the last strand connecting the net to the hoop, claiming the net itself. An exception to the head coach cutting the last strand came in 2013, when Louisville head coach Rick Pitino gave that honor to Kevin Ware, who had suffered a catastrophic leg injury during the tournament. This tradition is credited to Everett Case, the coach of North Carolina State, who stood on his players' shoulders to accomplish the feat after the Wolfpack won the Southern Conference tournament in 1947. CBS, since 1987 and yearly to 2015, in the odd-numbered years since 2017, and TBS, since 2016, the even-numbered years, close out the tournament with \"One Shining Moment\", performed by Luther Vandross.", + "question": "Who beat villanova in 2015 in the ncaa tournament?", + "short_answers": [ + "NC State", + "the Wolfpack", + "NC State Wolfpack", + "North Carolina State University" + ], + "wikipage": "NCAA Division I Men's Basketball Tournament" + }, + { + "context": "No context provided", + "question": "Who beat villanova in 2014 in the ncaa tournament?", + "short_answers": [ + "University of Connecticut", + "the Huskies", + "UConn", + "UConn Huskies" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who beat villanova last year in the 2017 ncaa tournament?", + "short_answers": [ + "Wisconsin" + ], + "wikipage": null + }, + { + "context": "As a tournament ritual, the winning team cuts down the nets at the end of regional championship games as well as the national championship game. Starting with the seniors, and moving down by classes, players each cut a single strand off of each net; the head coach cuts the last strand connecting the net to the hoop, claiming the net itself. An exception to the head coach cutting the last strand came in 2013, when Louisville head coach Rick Pitino gave that honor to Kevin Ware, who had suffered a catastrophic leg injury during the tournament. This tradition is credited to Everett Case, the coach of North Carolina State, who stood on his players' shoulders to accomplish the feat after the Wolfpack won the Southern Conference tournament in 1947. CBS, since 1987 and yearly to 2015, in the odd-numbered years since 2017, and TBS, since 2016, the even-numbered years, close out the tournament with \"One Shining Moment\", performed by Luther Vandross.", + "question": "Who beat villanova last year in the 2015 ncaa tournament?", + "short_answers": [ + "North Carolina State" + ], + "wikipage": "NCAA Division I Men's Basketball Tournament" + }, + { + "context": "The 2013\u201314 Villanova Wildcats finished the season with an overall record of 29\u20135, with a record of 16\u20132 in the Big East regular season to capture their Big East regular season title. In the 2014 Big East Tournament, the Wildcats were upset by Seton Hall, 64\u201363 in the quarterfinals. They were invited to the 2014 NCAA Men's Division I Basketball Tournament which they defeated Milwaukee in the second round before getting eliminated by eventual NCAA Tournament Champion Connecticut in the third round.", + "question": "Who beat last year in the 2014 ncaa tournament?", + "short_answers": [ + "Connecticut" + ], + "wikipage": "2014\u201315 Villanova Wildcats men's basketball team" + } + ], + "wikipages": [ + { + "title": "2013\u201314 Villanova Wildcats men's basketball team", + "url": "https://en.wikipedia.org/wiki/2013%E2%80%9314%20Villanova%20Wildcats%20men%27s%20basketball%20team" + }, + { + "title": "NCAA tournament", + "url": "https://en.wikipedia.org/wiki/NCAA%20tournament" + }, + { + "title": "NCAA Division I Men's Basketball Tournament", + "url": "https://en.wikipedia.org/wiki/NCAA%20Division%20I%20Men%27s%20Basketball%20Tournament" + }, + { + "title": "2017\u201318 Villanova Wildcats men's basketball team", + "url": "https://en.wikipedia.org/wiki/2017%E2%80%9318%20Villanova%20Wildcats%20men%27s%20basketball%20team" + }, + { + "title": "2017 NCAA Division I Men's Basketball Tournament", + "url": "https://en.wikipedia.org/wiki/2017%20NCAA%20Division%20I%20Men%27s%20Basketball%20Tournament" + }, + { + "title": "Villanova Wildcats men's basketball", + "url": "https://en.wikipedia.org/wiki/Villanova%20Wildcats%20men%27s%20basketball" + }, + { + "title": "2014\u201315 Villanova Wildcats men's basketball team", + "url": "https://en.wikipedia.org/wiki/2014%E2%80%9315%20Villanova%20Wildcats%20men%27s%20basketball%20team" + }, + { + "title": "2016\u201317 Villanova Wildcats men's basketball team", + "url": "https://en.wikipedia.org/wiki/2016%E2%80%9317%20Villanova%20Wildcats%20men%27s%20basketball%20team" + }, + { + "title": "2015\u201316 Villanova Wildcats men's basketball team", + "url": "https://en.wikipedia.org/wiki/2015%E2%80%9316%20Villanova%20Wildcats%20men%27s%20basketball%20team" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "They received the conference's automatic bid to the NCAA Tournament as a No.1 seed where they defeated Lafayette in the Second Round before losing in the Third Round to NC State.", + "wikipage": "2015\u201316 Villanova Wildcats men's basketball team" + }, + { + "content": "The Wildcats finished the 2014\u201315 season 33\u20133, 16\u20132 in Big East play to win the Big East regular season championship. ", + "wikipage": "2015\u201316 Villanova Wildcats men's basketball team" + }, + { + "content": "They defeated Marquette, Providence, and Xavier to become champions of the Big East Tournament. ", + "wikipage": "2015\u201316 Villanova Wildcats men's basketball team" + }, + { + "content": "In the First Round they defeated Mount St. Mary's before being upset by No. 8-seeded Wisconsin in the Second Round", + "wikipage": "2015\u201316 Villanova Wildcats men's basketball team" + } + ], + "long_answer": "The 2013\u201314 Villanova Wildcats finished the season with a record of 16\u20132 in the Big East regular season. After upsetting Seton Hall in the Big East tournament quarterfinals, they were invited to the 2014 NCAA Men's Division I Basketball Tournament in which they lost to Connecticut in the third round. In the following season 2014-15, they defeated Marquette, Providence, and Xavier in the Big East tournament but lost to North Carolina State (NC State, the Wolfpack) in the third round of the 2015 NCAA Tournament. During the 2015-16 season, the Wildcats lost to Wisconsin in the first round of the 2017 NCAA tournament. " + }, + { + "knowledge": [ + { + "content": "The Villanova Wildcats have appeared in the NCAA Tournament 39 times, the eighth highest total in NCAA history.", + "wikipage": "Villanova Wildcats men's basketball" + }, + { + "content": "The NCAA Division I Men's Basketball Tournament, also known and branded as NCAA March Madness, is a single-elimination tournament played each spring in the United States, currently featuring 68 college basketball teams from the Division I level of the National Collegiate Athletic Association (NCAA), to determine the national championship.", + "wikipage": "NCAA Division I Men's Basketball Tournament" + } + ], + "long_answer": "The NCAA Division I Men's Basketball Tournament, also known and branded as NCAA March The Villanova Wildcats have appeared in the NCAA Tournament 39 times, the eighth highest total in NCAA history. March Madness, is a single-elimination tournament played each spring in the United States, currently featuring 68 college basketball teams from the Division I level of the National Collegiate Athletic Association, NCAA, to determine the national championship. In 2014 The Connecticut Uconn Huskies beat Villanova Wildcats, 2015 they were beat by North Carolina State University Wolfpack and in 2017 the were beat by the Wisconsin Badgers. " + } + ], + "sample_id": "-5842265707961388968", + "question": "Who beat villanova last year in the ncaa tournament?", + "docs": [ + { + "id": "1812385", + "title": "Villanova University", + "text": "upsets in college basketball history. In 2005, under the direction of coach Jay Wright, Villanova's men's basketball team reached the NCAA Tournament Sweet 16, losing to No. 1 seed and eventual champion North Carolina by one point on a traveling call on Allan Ray. In 2005\u20132006, the team began the year ranked No. 4 in the major polls from \"USA Today\" and the Associated Press. A 75\u201362 loss to eventual champion Florida ended the team's run for a second NCAA championship in the Regional Final. This team was led by a four guard set, a unique type of lineup designed", + "score": 0.7919921875, + "summary": "Irrelevant. The document mentions Villanova's basketball history, but does not provide information on who beat them in the NCAA tournament last year.", + "extraction": "Florida beat Villanova last year in the NCAA tournament." + }, + { + "id": "9737967", + "title": "Villanova Wildcats men's basketball", + "text": "Wright's tenure, Villanova has compiled a 20\u201310 record in the NCAA Tournament crowned with the 2016 National Championship. Six of Wright's ten NCAA Tournament losses at Villanova were to the eventual National Champion. One of the highlights of his tenure was an amazing run to the 2009 Final Four when Villanova beat #1 seeded Pittsburgh in the Elite 8 on a coast to coast buzzer beater shot by team captain Scottie Reynolds. Villanova subsequently lost the national semifinals to eventual NCAA Champion North Carolina. The struggling finishes to both the 2009\u201310 and 2010\u201311 seasons were highlighted by losing streaks down", + "score": 0.7880859375, + "summary": "North Carolina beat Villanova last year in the NCAA tournament.", + "extraction": "irrelevant." + }, + { + "id": "9737982", + "title": "Villanova Wildcats men's basketball", + "text": "who had beaten Villanova by 23 on December 7, 2015, at Pearl Harbor, Hawaii early in the season. In the National Semi-Finals, Villanova beat the Sooners by 44 points (an NCAA Final Four record) to advance to the NCAA Championship for the first time in 31 years. They faced the second-overall #1 seed North Carolina Tar Heels for the championship. On April 4, Villanova defeated UNC on a game-winning three-point shot at the buzzer by Kris Jenkins to win the NCAA Championship by a final score of 77\u201374, winning their second NCAA championship. UNC had recovered from a 10-point deficit", + "score": 0.787109375, + "summary": "North Carolina Tar Heels beat Villanova in the National Championship of the NCAA tournament last year.", + "extraction": "UNC was beaten by Villanova in the NCAA Championship last year." + }, + { + "id": "7500592", + "title": "2009 NCAA Division I Men's Basketball Tournament", + "text": "and Alfred Aboya had 8 rebounds for UCLA. Villanova (#3) upset Duke (#2), 77\u201354, to advance to the Regional Championship game to face Pittsburgh (#1). The Wildcats, who were ahead by 3 at half-time, were led in scoring by Scottie Reynolds (16), Dante Cunningham (14) and Reggie Redding (11). Number one seed Pittsburgh was upset by the Villanova Wildcats, 78\u201376 in the East Regional Finals, denying the Panthers a chance for a first national championship in men's basketball. With five seconds remaining, Levance Fields, who was fouled by Corey Fisher, shot two free-throws to tie the game for Pitt. But", + "score": 0.783203125, + "summary": "Villanova beat Duke and Pittsburgh in the 2009 NCAA tournament, but it doesn't mention who beat Villanova.", + "extraction": "Villanova beat Duke 77-54 to advance to the Regional Championship game to face Pittsburgh." + }, + { + "id": "18711992", + "title": "2016 NCAA Division I Men's Basketball Championship Game", + "text": "NCAA Tournament. Villanova cruised past UNC Asheville in the first round of the 2016 NCAA Tournament with an 86\u201356 victory. In the second round, Villanova routed Iowa by a score of 87\u201368 to reach the Sweet 16 for the first time since 2009. In the South Regional Semifinals, Villanova blew out Miami by a score of 92\u201369. In the South regional Final, with Villanova leading 62\u201359, Mikal Bridges made a steal before Frank Mason III could shoot a potential game-tying three-pointer, and Jalen Brunson made the ensuing free throws and Villanova beat the #1-overall seed Kansas 64\u201359 to advance to", + "score": 0.78173828125, + "summary": "Villanova beat UNC Asheville, Iowa, and Miami before beating Kansas in the South Regional Final of the 2016 NCAA Tournament.", + "extraction": "Villanova beat the #1-overall seed Kansas 64-59." + }, + { + "id": "17941172", + "title": "2016 NCAA Division I Men's Basketball Tournament", + "text": "a No. 15 seed over a No. 2. At least one 9, 10, 11, 12, 13, 14, and 15 seed won a first-round game for the third time ever and the first time since 2013. Also, every seed except a 16 won at least one game in the First Round. In the Final Four, Villanova defeated Oklahoma, while North Carolina defeated Syracuse. Villanova then defeated North Carolina to win the championship on a three-point buzzer beater by Kris Jenkins. Pundits called the game one of the best in tournament history, going on to say this was one of the most", + "score": 0.77783203125, + "summary": "Villanova defeated Oklahoma and Syracuse in the 2016 NCAA tournament, but lost to North Carolina in the championship game on a buzzer beater by Kris Jenkins. Irrelevant information about lower seeded teams winning first round games is also mentioned.", + "extraction": "North Carolina defeated Villanova in the NCAA tournament last year." + }, + { + "id": "19431803", + "title": "2016\u201317 Villanova Wildcats men's basketball team", + "text": "result, they received the conference's automatic bid to the NCAA Tournament. The Wildcats were given the Tournament's overall No. 1 seed as a No. 1 seed in the East region. In the First Round they defeated Mount St. Mary's before being upset by No. 8-seeded Wisconsin in the Second Round. The loss marked the second time in the previous three tournaments that Villanova was upset by an eighth-seeded team. The season marked the final season for The Pavilion before its temporary closure for a $60 million renovation project. It will reopen for the 2018\u201319 season with the new name of", + "score": 0.77734375, + "summary": "Villanova was upset by No. 8-seeded Wisconsin in the Second Round of the NCAA Tournament.", + "extraction": "Wisconsin beat Villanova last year in the NCAA tournament." + }, + { + "id": "9737953", + "title": "Villanova Wildcats men's basketball", + "text": "1949 College Player of the Year. Other notable players from the Severance era include Joe Lord, Larry Hennessy, Bob Schafer and George Raveling. Coincidentally, Severance died on April 1, 1985, which was the same day that Villanova upset Georgetown University and Patrick Ewing to take the NCAA basketball championship. The inaugural NCAA Tournament featured eight teams from throughout the country. Villanova, representing the Middle Atlantic States, beat Brown, representative of the New England States, 43\u201340 before a crowd of 3,500 at the Palestra. The following night, the Wildcats lost to Ohio State 53\u201336 in the Eastern Division Championship. Jack Kraft", + "score": 0.77294921875, + "summary": "Villanova upset Georgetown University to take the NCAA basketball championship on April 1, 1985. The document also includes information about notable players and the inaugural NCAA Tournament.", + "extraction": "irrelevant" + }, + { + "id": "9817011", + "title": "Villanova Wildcats", + "text": "Jack Kraft to Final Four of the 1971 NCAA University Division Basketball Tournament. Coach Rollie Massimino took Villanova to a surprising 1985 National Championship. Current Coach Jay Wright reached the Final Four at the 2009 NCAA Division I Men's Basketball Tournament behind Dante Cunningham and Scottie Reynolds. The team most recently won the 2018 NCAA Division I Men's Basketball Tournament for their third National Championship. Villanova won the 1985 NCAA Division I Men's Basketball Tournament with a historic 66-64 win over top-seeded Georgetown. The eighth-seeded Wildcats (unranked in the final AP poll) beat Dayton (at Dayton), top-seeded Michigan, Maryland and", + "score": 0.76904296875, + "summary": "Villanova won the 2018 NCAA Division I Men's Basketball Tournament, but the document does not indicate who beat them last year.", + "extraction": "Villanova won the 2018 NCAA Division I Men's Basketball Tournament for their third National Championship. Thus, the answer to the question \"Who beat Villanova last year in the NCAA tournament?\" is irrelevant as Villanova won the tournament last year." + }, + { + "id": "1812386", + "title": "Villanova University", + "text": "by coach Jay Wright. In the 2006\u20132007 season, the Wildcats had a record of 22\u201311, and lost to Kentucky in the first round of the 2007 tournament. In the 2008 NCAA Division I Men's Basketball Tournament, the team was eliminated by the top-seeded, eventual champion Kansas Jayhawks in the Sweet 16, after upsetting the fifth seeded Clemson Tigers in the 1st round and defeating the thirteenth seeded Siena Saints in the 2nd round. In the 2009 tournament, the Wildcats upset the No. 1 seed Pittsburgh Panthers on a last second shot by guard Scottie Reynolds to win the East Region", + "score": 0.7685546875, + "summary": "The document mentions Villanova University's basketball team losing to Kentucky in the first round of the 2007 tournament and being eliminated by Kansas Jayhawks in the Sweet 16 during the 2008 NCAA Division I Men's Basketball Tournament, but it does not provide information on who beat them in the NCAA tournament last year.", + "extraction": "irrelevant" + }, + { + "id": "9817013", + "title": "Villanova Wildcats", + "text": "and had 16 points in the game, was named the NCAA Tournament's Most Outstanding Player. On April 4, 2016, the Wildcats won their second NCAA Championship in Men's Basketball, the first time in 31 years. They beat the North Carolina Tar Heels 77-74 off a buzzer-beater shot by Kris Jenkins with 0.5 seconds remaining in regulation. Two years later, on April 2, 2018, Villanova earned its third national championship beating the Michigan Wolverines 79-62. The Villanova Wildcats women's basketball team are coached by Harry Perretta, now serving his 34th year as head coach of the team. For the 2017\u201318 season,", + "score": 0.767578125, + "summary": "North Carolina beat Villanova last year in the NCAA tournament.", + "extraction": "Michigan Wolverines" + }, + { + "id": "9737977", + "title": "Villanova Wildcats men's basketball", + "text": "of 32 and 16 by a combined margin of 43 points. Villanova won a very close match up against number 1 seed Pittsburgh in the Elite 8 round of the tournament, with guard Scottie Reynolds racing down the court to make a layup with only 0.5 seconds left. Pitt took the final shot, which bounced off the backboard to end the game. The last-second basket by Reynolds was widely hailed as one of the most exciting plays of that year's tournament, with Sports Illustrated's Seth Davis calling the victory \"one of the great games in NCAA tournament history\". Villanova advanced", + "score": 0.76611328125, + "summary": "Irrelevant. The document only mentions Villanova's performance in the NCAA tournament without specifying who beat them.", + "extraction": "irrelevant" + }, + { + "id": "9737960", + "title": "Villanova Wildcats men's basketball", + "text": "in the first year of the 64-team field. The eighth-seeded Wildcats (unranked in the final AP poll) beat Dayton (at Dayton), top-seeded Michigan, Maryland and second-seeded North Carolina to win the Southeast Regional en route to the Final Four in Lexington, Kentucky. After defeating 2-seed Memphis State in the national semifinals, Villanova met defending champion and ten-point-favorite Georgetown, led by Patrick Ewing, in the title game on April Fools' Day. Top-seeded Georgetown had beaten conference rival Villanova twice during the regular season, and had reached the title game with tenacious defense, which gave up less than 40% of their opponents'", + "score": 0.76513671875, + "summary": "Irrelevant.", + "extraction": "Georgetown beat Villanova twice during the regular season, but it was Villanova who beat Georgetown in the title game of the NCAA tournament last year." + }, + { + "id": "20110830", + "title": "2018 NCAA Division I Men's Basketball Championship Game", + "text": "2018 Big East Men's Basketball Tournament, Villanova was ranked No. 1 in the AP Poll and earned the No. 1 seed in the East Regional. In the first round, Villanova defeated the No. 16 Radford Highlanders, 87\u201361. Villanova blew out the No. 9 Alabama Crimson Tide by a score of 81\u201358 in the second round. In the Sweet 16, Villanova beat the West Virginia Mountaineers, 90\u201378. Villanova won against the No. 3 Texas Tech Red Raiders, 71\u201359, to make the Final Four. They defeated the Kansas Jayhawks by a score of 95\u201379 in the Final Four to reach the championship", + "score": 0.76513671875, + "summary": "Villanova reached the NCAA championship game last year but the document does not mention who beat them.", + "extraction": "Kansas Jayhawks" + }, + { + "id": "8147001", + "title": "Remember This?", + "text": "questions about them to win scholarship money. 32 schools from around the New York city area entered the tournament. Villanova University won the Championship final beating Montclair State University in a game decided on the last question. In the semi-finals, Montclair State beat Vassar College in a close contest, while Villanova romped in their win. Other schools in the tournament included Eastern Connecticut State University, Wesleyan College, Columbia School of Journalism, SUNY-Stony Brook, and Drexel University. In the first two rounds, teams were shown a news headline from the past, and then a toss-up question about the headline was asked.", + "score": 0.76220703125, + "summary": "Irrelevant.", + "extraction": "Montclair State University beat Villanova University in the NCAA tournament." + }, + { + "id": "18008912", + "title": "2014\u201315 Villanova Wildcats men's basketball team", + "text": "the 2014 NCAA Men's Division I Basketball Tournament which they defeated Milwaukee in the second round before getting eliminated by eventual NCAA Tournament Champion Connecticut in the third round. !colspan=9 style=\"background:#013974; color:#67CAF1;\"| Exhibition !colspan=9 style=\"background:#013974; color:#67CAF1;\"| Non-Conference Regular Season !colspan=9 style=\"background:#013974; color:#67CAF1;\"| Big East Conference Play !colspan=9 style=\"background:#013974; color:#67CAF1;\"| Big East Tournament !colspan=9 style=\"background:#013974; color:#67CAF1;\"| NCAA Tournament *AP does not release post-NCAA tournament rankings 2014\u201315 Villanova Wildcats men's basketball team The 2014\u201315 Villanova Wildcats men's basketball team represented Villanova University in the 2014\u201315 NCAA Division I men's basketball season. Led by head coach Jay Wright in his 14th season, the", + "score": 0.76171875, + "summary": "Connecticut beat Villanova in the third round of the 2014 NCAA Men's Division I Basketball Tournament.", + "extraction": "Connecticut beat Villanova last year in the NCAA tournament." + }, + { + "id": "7357766", + "title": "1985 NCAA Division I Men's Basketball Tournament", + "text": "by John Thompson. Ed Pinckney of Villanova was named the tournament's Most Outstanding Player. The game, often cited as \"The Perfect Game\", is widely considered among the greatest upsets in college basketball history, and is the second biggest point-spread upset in Championship Game history. This Villanova team remains the lowest-seeded team to win the tournament. The Wildcats are also notable as the last Division I men's national champion to date to represent a school that did not sponsor varsity football at the time of its title (Villanova had dropped football after the 1980 season and did not reinstate the sport", + "score": 0.76171875, + "summary": "Irrelevant.", + "extraction": "irrelevant. The passage does not provide any information about who beat Villanova in the NCAA tournament." + }, + { + "id": "10886087", + "title": "2007\u201308 Villanova Wildcats men's basketball team", + "text": "trip to Orlando, Florida for the Old Spice Classic, a home game against LSU in the Big East/SEC Invitational, four games against Big Five rivals, and home games against Stony Brook, Bucknell, Hartford, and Columbia. Villanova finished the regular season with a record of 19\u201311 overall and 9\u20139 in the Big East. The Wildcats received a #12 seed in the 2008 NCAA Tournament in which they defeated the #5 seed Clemson Tigers and the #13 seed Siena Saints. They reached the Sweet Sixteen before they were defeated by #1 seed Kansas 72\u201357 on March 28, 2008. This was the third", + "score": 0.76171875, + "summary": "Kansas beat Villanova last year in the NCAA tournament.", + "extraction": "Kansas beat Villanova last year in the NCAA tournament." + }, + { + "id": "20252242", + "title": "2017\u201318 Villanova Wildcats men's basketball team", + "text": "Tournament, they defeated St. John's, Seton Hall, and Creighton to win the tournament championship. As a result, they received the conference's automatic bid to the NCAA Tournament. The Wildcats were given the Tournament's overall No. 1 seed as a No. 1 seed in the East region. In the First Round they defeated Mount St. Mary's before being upset by No. 8-seeded Wisconsin in the Second Round. The loss marked the second time in the previous three tournaments that Villanova was upset by an eighth-seeded team. In its annual preseason preview, Blue Ribbon Yearbook ranked the Wildcats No. 12 in the", + "score": 0.76123046875, + "summary": "Villanova was upset by No. 8-seeded Wisconsin in the Second Round of the NCAA Tournament last year.", + "extraction": "Villanova was upset by No. 8-seeded Wisconsin in the Second Round." + }, + { + "id": "4821838", + "title": "Jay Wright (basketball)", + "text": "Villanova earned a #2 seed in the South Region, defeating UNC Asheville, Iowa, Miami and Kansas to advance to the Final Four for the first time since 2009. In the national semifinal, Villanova defeated Oklahoma 95\u201351, the largest margin of victory in Final Four history. The Wildcats then proceeded to defeat North Carolina in the national title game, 77\u201374, on a 3-point shot by Kris Jenkins as time expired, earning Wright his first championship. In addition to the record shattering 44-point defeat of Oklahoma in the Final Four, the 2016 championship run included numerous other notable achievements. Villanova was the", + "score": 0.75927734375, + "summary": "North Carolina beat Villanova last year in the NCAA tournament.", + "extraction": "North Carolina" + }, + { + "id": "9737986", + "title": "Villanova Wildcats men's basketball", + "text": "Big East tournament, and were undefeated in non-conference play. They were awarded the top seed in the East Regional for the NCAA tournament. They reached the Final Four with wins over 16 seed Radford, 9 seed Alabama, 5 seed West Virginia and 3 seed Texas Tech, each victory coming by double digit margins. In the National Semifinals they faced the Kansas Jayhawks, the one seed from the Midwest Region, and defeated them 95\u201379. In this game Villanova set the new record for successful 3-point attempts in a Final Four game (breaking the previous full-game record before reaching halftime, finishing with", + "score": 0.7587890625 + }, + { + "id": "9737984", + "title": "Villanova Wildcats men's basketball", + "text": "ended the 2016 season at 35\u20135 including the unanimous #1 ranking in the final Coaches' Poll (USA Today) while capturing their 2nd NCAA basketball championship trophy in the history of the program. In beating #3 seed Miami (AP #10), #1 seed Kansas (AP #1), #2 seed Oklahoma (AP #7) and #1 seed UNC (AP #3), Villanova became the first school in 31 years \u2014 since the 1985 Villanova Wildcats \u2014 to not only beat four top-three seeds on the way to a national title but to also beat four straight opponents ranked in the AP top 10, in addition to", + "score": 0.75830078125 + }, + { + "id": "4160526", + "title": "Curse of Billy Penn", + "text": "to college sports, two Philadelphia-area college basketball teams, the St. Joseph's Hawks (in Philadelphia) and the Villanova Wildcats (in Villanova), which had successful seasons in 2004 and 2006, respectively, failed to reach the Final Four of the NCAA Basketball Tournament. Both were eliminated in the fourth-round Elite Eight matches, with St. Joe's, first seed in the East Regional, losing in a close match to Oklahoma State, and Villanova, first seed in the Minneapolis Regional, falling to eventual NCAA-champion Florida. Villanova won the national championship in 1985, two years before the Liberty Place opening. A third Philadelphia-area team, the Temple Owls", + "score": 0.75634765625 + }, + { + "id": "18711991", + "title": "2016 NCAA Division I Men's Basketball Championship Game", + "text": "seconds remaining, the lead was again three points for Villanova. On the ensuing possession, Paige sunk an off-balance three-point field goal to tie the game with 4.7 seconds left. However, Ryan Arcidiacono found Kris Jenkins for a buzzer-beating, championship-winning three-point shot, with Villanova defeating North Carolina by a final score of 77\u201374. After a 27\u20134 regular season and winning the 2016 Big East Conference regular season championship, Villanova beat Georgetown and Providence en route to the 2016 Big East Tournament Finals, where they would lose to Seton Hall. They were the #2 seed in the South Regional of the 2016", + "score": 0.75439453125 + }, + { + "id": "4821828", + "title": "Jay Wright (basketball)", + "text": "before. Villanova finished 22\u20137, including an upset over #2 Kansas, and earned a fifth seed in the NCAA Tournament. Villanova defeated New Mexico and Florida to advance to the sweet 16. However their tournament run came to an end next round after a narrow loss to North Carolina, the No. 1 seed (and eventual champion). The 2005\u20132006 season saw the Wildcats ranked in the pre-season top four of both major polls, thanks to the return of most players from the previous season. Led by seniors Allan Ray and Randy Foye, and explosive sophomore Kyle Lowry, the Wildcats lived up to", + "score": 0.75341796875 + }, + { + "id": "17967932", + "title": "2011 NCAA Division I Men's Basketball Championship Game", + "text": "Walker continued to show why he was one of the best players in the tournament. \u2020 = 2011 All-American For the first time since 1989 there was not a number one or number 2 seed team in the championship game. Butler is only the second #8 seed to make it the championship game when Villanova took down top seeded Georgetown 66-64. The 2011 National Championship game was between Butler, a mid-major university team that was a surprise finalist in the 2010 tournament, and The University of Connecticut, a basketball powerhouse which had previously won the tournament twice under coach Jim", + "score": 0.7529296875 + }, + { + "id": "7257731", + "title": "2008 NCAA Division I Men's Basketball Tournament", + "text": "in the first half, the Wildcats came back, taking the lead at about the twelve-minute mark and holding it for the win. The Wildcats have won more games as an underdog in the tournament since seedings began in 1979 than any other team. With Villanova's win, the Forum saw a tournament record four upsets in one day. Earlier in the day, WKU, San Diego, and Siena defeated Drake, UConn, and Vanderbilt, to set the record. Earlier that day in Omaha, ninth seed Kent State tied an NCAA Tournament record for scoring lows with their 10 points in one half against", + "score": 0.75244140625 + }, + { + "id": "7500591", + "title": "2009 NCAA Division I Men's Basketball Tournament", + "text": "made the resulting free throw to make the score 61\u201359. Florida State had just enough time to run a full court in-bounds play but, the pass was deflected at half court thus securing the Badger victory. By six Wildcats scoring double-digit points, Villanova ended UCLA's hope of going to the Final Four for the fourth time in a row. Dante Cunningham had 18 points; Reggie Redding and Corey Fisher had 13; Corey Stokes put up 12; eleven points came from Scottie Reynolds and ten points were put up by Dwayne Anderson for the winning team. Josh Shipp had 18 points", + "score": 0.751953125 + }, + { + "id": "4821840", + "title": "Jay Wright (basketball)", + "text": "one 3 seed (Miami). Villanova's performance included two of the most offensively efficient games ever recorded since the analytics era began in 2002, tallying 1.56 and 1.51 points per possession against 3-seed Miami and 2-seed Oklahoma, respectively. Villanova's average margin of victory for the tournament was nearly 21 points per game, and the only teams they defeated by less than 19 points were Kansas and North Carolina (the overall first and second seeded teams in the tournament, whom they beat by 5 and 3 points, respectively). It has been called perhaps the most dominant tournament championship run of all time,", + "score": 0.7509765625 + }, + { + "id": "9737978", + "title": "Villanova Wildcats men's basketball", + "text": "to the Final Four where they faced the North Carolina Tar Heels. Villanova fell to the Tar Heels in the National Semifinals at Ford Field in Detroit, Michigan, by a final score of 83\u201369. This was the fourth time in five years that Villanova's tournament ouster was by the eventual national champion. The Wildcats' record of 30\u20138 broke a previous high for most victories in a season, a distinction previously held by the 2005\u201306 Wildcats squad. The senior class of 2009, composed of forwards Dante Cunningham, Shane Clark, Dwayne Anderson and Frank Tchuisi, earned the distinction of being the winningest", + "score": 0.75 + }, + { + "id": "10886095", + "title": "2007\u201308 Villanova Wildcats men's basketball team", + "text": "victory. The Wildcats will face N.C. State in the championship game. Villanova 76-UCF 68, Orlando, FL, November 22, 2007 Scottie Reynolds led Villanova with 19 points, and freshman Corey Fisher scored 18 in his second collegiate game as Villanova topped UCF 76\u201368 on Thanksgiving night in the opening round of the Old Spice Classic. Sophomore Reggie Redding added 14 points for the 20th ranked Wildcats. Villanova's win sets up a second-round matchup with George Mason, which upset 18th ranked Kansas State. This game marked the first-ever meeting between the two programs. Villanova 70-Bucknell 64, Villanova, PA, November 18, 2007 Shane", + "score": 0.75 + }, + { + "id": "9737972", + "title": "Villanova Wildcats men's basketball", + "text": "Monmouth, Arizona, and Boston College brought them back to the Elite Eight for the first time since 1988. Villanova's 75\u201362 upset loss in Minneapolis to eventual champion Florida ended the team's run toward a Regional Final. The loss to Florida was the second consecutive year that Villanova was eliminated in the NCAA Tournament by the eventual national champion. The Wildcats' 28 wins during the 2006 campaign was the second most victories for any Villanova Men's Basketball team at that time. Foye, Ray and Lowry all entered the NBA following the season. Wright's 2006\u20132007 team was composed mainly of freshmen and", + "score": 0.74951171875 + }, + { + "id": "14014105", + "title": "2009\u201310 Villanova Wildcats men's basketball team", + "text": "2 seed in the South Region, where they were upset by 10 seed Saint Mary's in the second round. The Villanova Wildcats come back from a 2008-09 season which had a record of 30-8 (13-5) with the season ending in the school's 4th appearance in the Final Four. Isaiah Armwood hit the game-winning 3-pointer with 13.3 seconds left as the Wildcats survived to advance in Puerto Rico. It was Armwood's first shot attempt of the game and first career made field goal. Villanova won its 17th straight games against unranked non-conference teams and improved to 4-0 all-time against George Mason.", + "score": 0.7490234375 + }, + { + "id": "9817012", + "title": "Villanova Wildcats", + "text": "second-seeded North Carolina to win the Southeast Regional en route to the Final Four in Lexington, Kentucky. After defeating 2-seed Memphis State (now known as Memphis) in the national semifinals, Villanova met defending champion and ten-point-favorite Georgetown, led by Patrick Ewing, in the title game on April 1, 1985. The Wildcat squad remains the lowest overall seed in tournament history to win the championship, and their overall team shooting percentage of 78.6% remains an NCAA tournament record for a single game. This Championship Game is often cited among the greatest upsets in college basketball history. Ed Pinckney, who shot 5-of-7", + "score": 0.74853515625 + }, + { + "id": "9737973", + "title": "Villanova Wildcats men's basketball", + "text": "sophomores who, at times, struggled to mesh. The Wildcats improved throughout the season, due in large part to the emergence of freshman Scottie Reynolds. Villanova finished the 2006\u201307 season with a record of 22\u201311. The Wildcats earned an at-large bid to the 2007 NCAA Tournament, where they lost in the second round to the Kentucky Wildcats. Villanova's 2006\u201307 free throw percentage of .781 led the NCAA, and set a Villanova season record. The 2007\u201308 campaign was an erratic one for the young Wildcats, a team with no seniors. After a promising 9\u20131 start, Villanova had a rough start to its", + "score": 0.74755859375 + }, + { + "id": "4821831", + "title": "Jay Wright (basketball)", + "text": "straight season. With a 22\u201310 record, they were seeded 9th but lost to Kentucky in the first round. In the 2007 offseason, Wright once again came up with a highly rated recruiting class, this time led by McDonald's All-American Corey Stokes and Jordan Brand All-American Corey Fisher. The 2007\u20132008 season saw Villanova struggle at times, including a five-game losing streak in the middle of the season. Wright and the Wildcats were able to rebound to get a 12 seed (the final at-large seed) in the NCAA Tournament. They upset fifth-seeded Clemson in round one, and beat Siena in round two", + "score": 0.7470703125 + }, + { + "id": "11928453", + "title": "2009 NCAA Division I Men's Lacrosse Championship", + "text": "scorer Ryan Hoff was unable to make a single shot on goal. Maryland was the only unseeded team to advance to the quarterfinals. Both schools making their inaugural NCAA tournament appearance suffered quick elimination. The Villanova Wildcats were trounced by the Virginia Cavaliers, 18\u20136. The Cavaliers were led by Brian Carroll's career-high five goal performance. The Siena Saints were held scoreless for nearly 42 minutes in their loss to the Syracuse Orange, 11\u20134. Onondaga Community College transfer Cody Jamieson, who had just been cleared academically, scored three goals in his first start for the Orange. At Princeton University, the Tigers", + "score": 0.7470703125 + }, + { + "id": "20110829", + "title": "2018 NCAA Division I Men's Basketball Championship Game", + "text": "the No. 6 Houston Cougars, 64\u201363, on a buzzer beater by Jordan Poole. They made it to the Elite Eight by defeating the Texas A&M Aggies, 99\u201372. Michigan advanced to the Final Four by defeating the Florida State Seminoles, 58\u201354, and defeated the \"Cinderella story\" of the tournament, the Loyola-Chicago Ramblers, in the Final Four by a score of 69\u201357. The Villanova Wildcats won the NCAA Tournament in 2016. In 2017\u201318, Villanova set the NCAA record for three-point shots in a season and in the NCAA Division I Men's Basketball Tournament. After completing a 30\u20134 regular season, including winning the", + "score": 0.74609375 + }, + { + "id": "7357571", + "title": "1971 NCAA University Division Basketball Tournament", + "text": "the tournament's Most Outstanding Player. However, Villanova was disqualified after the tournament for having an ineligible player, Howard Porter, who had signed with an agent prior to the tournament. Having lost to undefeated, second-ranked Penn (coached by Dick Harter) twice before, Porter did not think they would make past the regionals where third-ranked South Carolina was also in their path. However, Penn vanquished South Carolina by 15 and then had their worst game of the year against Villanova in the East Regional final, losing 90\u201347. Villanova's first-place finish in the east regional was relinquished to Penn, with the regional consolation", + "score": 0.74609375 + }, + { + "id": "20110827", + "title": "2018 NCAA Division I Men's Basketball Championship Game", + "text": "2018 NCAA Division I Men's Basketball Championship Game The 2018 NCAA Division I Men's Basketball Championship Game was the final game of the single-elimination tournament to determine the men's National Collegiate Athletic Association (NCAA) Division I college basketball national champion for the 2017\u201318 season. The game was played on April 2, 2018, at the Alamodome in San Antonio, Texas, between the Michigan Wolverines and the Villanova Wildcats. Michigan last won the NCAA championship in 1989, while Villanova won the championship in 2016. Villanova defeated Michigan, 79\u201362. Donte DiVincenzo, a reserve player, scored 31 points for Villanova, and was named the", + "score": 0.74560546875 + }, + { + "id": "19207613", + "title": "2015\u201316 Big East Conference men's basketball season", + "text": "games over Xavier with a 16\u20132 conference record. However, Seton Hall, who finished in third, won the Big East Tournament, defeating Villanova in the championship game. Providence's Kris Dunn was named the conference's player of the year for the second straight year, while Seton Hall coach Kevin Willard and Villanova coach Jay Wright shared coach of the year. Creighton received a bid to the National Invitation Tournament and lost in the quarterfinals. Villanova, Xavier, Seton Hall, Providence and Butler all received bids to the NCAA Tournament. Only Villanova advanced past the Second Round of the Tournament. On April 4, Villanova", + "score": 0.7451171875 + }, + { + "id": "4821833", + "title": "Jay Wright (basketball)", + "text": "its Sweet Sixteen matchup against Duke, the Wildcats used timely perimeter defense to score a 23-point victory and a trip to the Elite Eight. In a back-and-forth Elite Eight game with then-conference rival Pitt, Reynolds came up big with a game-winning shot to put Villanova back in the Final Four for the first time since their national championship run in 1985. Villanova then fell to North Carolina, the eventual champions, in the National Semifinals at Ford Field in Detroit, Michigan by a score of 83\u201369. For the 2009\u201310 season, Wright brought in a recruiting class in the top five of", + "score": 0.74462890625 + }, + { + "id": "18818041", + "title": "2015\u201316 Villanova Wildcats men's basketball team", + "text": "earned an at-large bid to the NCAA Tournament as a No. 2 seed. In the Tournament, they defeated UNC Asheville, Iowa, Miami, and overall #1 seed Kansas to earn a trip to the Final Four, the fifth in school history (although the 1971 Final Four season was vacated by the NCAA). In the Final Four, the Wildcats routed No. 2 seed Oklahoma by the largest margin in Final Four history to face No. 1 seeded North Carolina for the national championship. Led by Final Four MOP, Ryan Arcidiacono, the Wildcats won the National Championship on a three-point shot by Kris", + "score": 0.74462890625 + }, + { + "id": "12431182", + "title": "2008\u201309 Villanova Wildcats men's basketball team", + "text": "No. 3 seed in the East region. They defeated American, UCLA, Duke, and Pittsburgh to advance to the Final Four. In the Final Four they were defeated by the eventual national champion for the second straight year, North Carolina. The Wildcats finished the 2007\u201308 season 22\u201313, 9\u20139 in Big East play to finish in a tie for eighth place. The Wildcats lost in the quarterfinals of the Big East Tournament to Georgetown. They received an at-large bid to the NCAA Tournament where they defeated Clemson and Siena to advance to the Sweet Sixteen. There they lost to the eventual national", + "score": 0.74365234375 + }, + { + "id": "7257730", + "title": "2008 NCAA Division I Men's Basketball Tournament", + "text": "North Carolina. Stephen Curry led the Wildcats with 40 points, 30 of them in the second half. His 40 points are the fifth most in NCAA tournament history, and gave Davidson their first tournament win since 1969. In the same region, 13th seed Siena upset fourth seed Vanderbilt 83-62 in Tampa, Florida. Future Harlem Globetrotter Tay Fisher made all six of his 3-point attempts, the Saints never trailed and became the first MAAC team to advance since 2004. The Midwest's first-round play ended with 12th seed Villanova's upset of fifth seed Clemson, 75-69, also in Tampa. Behind by eighteen late", + "score": 0.74365234375 + }, + { + "id": "9737994", + "title": "Villanova Wildcats men's basketball", + "text": "basketball coach (men's or women's) for any reason. Villanova has won more NCAA tournament games as a lower seed than any school. Villanova won what has been called the greatest college basketball game ever played, defeating Georgetown 66\u201364 on April 1, 1985 to win the NCAA National Championship. \"V for Villanova\" is the Wildcats' fight song. Other Villanova songs include \"March of the Wildcats\". Villanova had a tradition of throwing paper streamers in the school colors of blue and white onto the basketball court at home games, particularly Big Five games, after the first Wildcat basket. This tradition was shared", + "score": 0.74365234375 + }, + { + "id": "19177606", + "title": "1985 NCAA Division I Men's Basketball Championship Game", + "text": "2016, the 1984\u201385 Villanova team is the lowest-seeded NCAA championship squad. 1985 NCAA Division I Men's Basketball Championship Game The 1985 NCAA Division I Men's Basketball Championship Game was the final of the 1985 NCAA Division I Men's Basketball Tournament and determined the national champion in the 1984\u201385 NCAA Division I men's basketball season. The game was held on April 1, 1985 at Rupp Arena in Lexington, Kentucky. The Georgetown Hoyas, the tournament's top seed from the East region, faced the Villanova Wildcats, the eighth seed from the Southeast region. The teams came from the same conference, the Big East,", + "score": 0.7431640625 + }, + { + "id": "10886093", + "title": "2007\u201308 Villanova Wildcats men's basketball team", + "text": "with 21 points, Corey Fisher added 13, and Antonio Pena contributed with 12 points. North Carolina State 69-Villanova 68, Orlando, FL, November 25, 2007 Villanova suffered its first defeat of the season, as North Carolina State won the championship of the Old Spice Classic 68\u201368. Gavin Grant sealed the victory for N.C. State as he sunk two of three free throws with 0.4 seconds remaining following a controversial foul call. Villanova's Dante Cunningham tipped in a missed shot with 2.2 seconds remaining to bring Villanova to a one-point lead. Grant, receiving the long inbounds pass at the three-point line, launched", + "score": 0.7431640625 + }, + { + "id": "11675503", + "title": "2008 Big East Men's Basketball Tournament", + "text": "on March 12 with each of the higher seeds winning. The day started with Villanova playing Syracuse, in what was called an elimination game for the NCAA Tournament. Although Syracuse held a one-point lead at half-time, Villanova took an early lead in the second half and never trailed again, winning 82\u201363. In the second game of the day, Providence played West Virginia. The teams both struggled throughout the game with both having scoreless streaks, but West Virginia prevailed in the end to win 58\u201353. In the third game of the day Cincinnati played Pittsburgh. Although the teams stayed close throughout,", + "score": 0.7421875 + }, + { + "id": "19431805", + "title": "2016\u201317 Villanova Wildcats men's basketball team", + "text": "the Sweet Sixteen. In the Sweet Sixteen, they defeated Miami and upset overall No. 1 seed Kansas in the Elite Eight to advance to the fifth Final Four in school history. In the Final Four, the Wildcats defeated Oklahoma to advance to the school's third National Championship game. In the National Championship game, they defeated No. 1 seed North Carolina to earn the second NCAA Championship title in school history, the first since 1985. Prior to the season, Villanova was picked to win the Big East in a poll of Big East coaches. Josh Hart was named preseason Big East", + "score": 0.74169921875 + }, + { + "id": "9737956", + "title": "Villanova Wildcats men's basketball", + "text": "in the final minutes. Villanova lost by six, 68\u201362. Up to that time, the six-point loss was the narrowest spread of UCLA's six NCAA title game victories. Despite the loss, Villanova's Howard Porter was named the Tournament's Most Outstanding Player. Porter was later stripped of the award and the team's NCAA victories were vacated after it was discovered that Porter had violated NCAA rules because he had signed a professional contract with the Pittsburgh Condors of the American Basketball Association during the middle of his senior year. During Rollie Massimino's tenure, the Villanova Wildcats abandoned their traditional independent status by", + "score": 0.74169921875 + }, + { + "id": "19177584", + "title": "1985 NCAA Division I Men's Basketball Championship Game", + "text": "1985 NCAA Division I Men's Basketball Championship Game The 1985 NCAA Division I Men's Basketball Championship Game was the final of the 1985 NCAA Division I Men's Basketball Tournament and determined the national champion in the 1984\u201385 NCAA Division I men's basketball season. The game was held on April 1, 1985 at Rupp Arena in Lexington, Kentucky. The Georgetown Hoyas, the tournament's top seed from the East region, faced the Villanova Wildcats, the eighth seed from the Southeast region. The teams came from the same conference, the Big East, and the championship game was the third meeting between them in", + "score": 0.7412109375 + }, + { + "id": "17936480", + "title": "2014\u201315 Michigan Wolverines men's basketball team", + "text": "Michigan defeated Oregon. The next day, Michigan lost to (#12 AP Poll/#11 Coaches Poll) Villanova in the championship game. This was the first meeting between the two teams since the quarterfinals of the 1985 NCAAA Tournament, which Villanova also won. Villanova went on a 9\u20130 run to end the first half, and led by as many as 13 points early in the second half. Michigan cut the lead to 35\u201331 following an 11\u20132 run. Michigan led by as many as eight points with just under six minutes left in the game, before Villanova came back to retake the lead for", + "score": 0.74072265625 + }, + { + "id": "4821835", + "title": "Jay Wright (basketball)", + "text": "Saint Mary's. The Wildcats got off to a 16\u20131 start, and were ranked as high as sixth in the nation. However, they went 5\u201311 the rest of the way, including six straight losses to finish the season. The final two losses were particularly tough, as Villanova lost to South Florida in the Big East tournament before falling to George Mason in the Round of 64 in the NCAA tournament. Faced with a young team after the departures of seniors Corey Fisher and Corey Stokes, the Wildcats endured their worst season under Wright, finishing 13\u201319. To date, it's the only season", + "score": 0.73974609375 + }, + { + "id": "9737948", + "title": "Villanova Wildcats men's basketball", + "text": "a team for the game. Their 2016 NCAA Championship, is referred to as \"The Perfect Ending\" and is the only NCAA Men's Championship game to be won on a buzzer beater, as Kris Jenkins drained a shot as time expired. They made the Final Four in 1939, 1971, 1985, 2009, 2016 and 2018; their six Final Four appearances are 13th most all-time. As of 2018, they have an NCAA Tournament record of 64\u201336 (). Villanova has defeated six No. 1 seeds in the NCAA tournament (Michigan and Georgetown in 1985, Pittsburgh in 2009, and Kansas and North Carolina in 2016,", + "score": 0.7392578125 + }, + { + "id": "20110832", + "title": "2018 NCAA Division I Men's Basketball Championship Game", + "text": "16 points ahead of Michigan. Villanova outscored Michigan by a score of 42\u201334 in the second half to win the championship by a score of 79\u201362. Villanova led Michigan in rebounds, 38\u201327, and limited the Wolverines to three three-point shots. With the 17 point victory, Villanova won each game in the tournament by double digit margins. DiVincenzo scored a total of 31 points, the most in a national championship game by a player who did not start. DiVincenzo's 31 points led the game, and he was named the NCAA Basketball Tournament Most Outstanding Player. The National Championship game was broadcast", + "score": 0.73828125 + }, + { + "id": "11675504", + "title": "2008 Big East Men's Basketball Tournament", + "text": "Pittsburgh won the game 70\u201364. In the final game of the day Marquette played Seton Hall. Marquette won the game by holding Seton Hall scoreless through the last five minutes of the game to finish 67\u201354. The second round of the tournament was played on March 13, and three of the four lower seeds won their games. The first game of the day featured Villanova facing the number one seed, Georgetown. Despite top-scorer Roy Hibbert not scoring the entire game, Georgetown won the game, 82\u201363, tying a tournament record with 17 three-point field goals. In the second game West Virginia", + "score": 0.73828125 + }, + { + "id": "8225187", + "title": "2010 NCAA Division I Men's Basketball Tournament", + "text": "Wall. West Virginia's 69\u201356 defeat of the Huskies set up the only 1 vs. 2 regional final in the tournament. The Mountaineers' Da'Sean Butler led all scorers with 18 points, as West Virginia recorded its 30th win, the most in school history. Second-seeded Villanova survived a scare in Providence, needing overtime to beat Robert Morris, 73\u201370. Scottie Reynolds was kept from the starting lineup for undisclosed reasons (Coach Jay Wright said he wanted to make a \"teaching point\"), and even though he scored 20 points, he only made 2 of 15 shots from the field. Mezie Nwigwe had a chance", + "score": 0.73828125 + }, + { + "id": "9737979", + "title": "Villanova Wildcats men's basketball", + "text": "senior class in school history. The Wildcats enjoyed another highly successful regular season, finishing with a record of 24\u20137 and earning a #2 Seed in the NCAA Tournament. They lost in the first round of the Big East Tournament to Marquette and required overtime to defeat 15th seeded Robert Morris University in the opening round of the NCAA Tournament. The Wildcats were defeated in the 2nd round by the 10th seeded St. Mary's Gaels. Scottie Reynolds ended his career as the second-leading scorer in Villanova history with 2,222 points, 21 points short of breaking Kerry Kittles's all-time record. He finished", + "score": 0.73779296875 + }, + { + "id": "18818042", + "title": "2015\u201316 Villanova Wildcats men's basketball team", + "text": "Jenkins, assisted by Arcidiacano, as time expired. The Wildcats won the school's second national title, having previously won the 1985 NCAA Tournament. Their 35 wins were the most in school history, breaking a record of 33 wins set the previous season. In beating No. 3 seed Miami (AP No. 10), No. 1 seed Kansas (AP No. 1), No. 2 seed Oklahoma (AP No. 7) and No. 1 seed UNC (AP No. 3), Villanova became the first school in 31 years \u2014 since the 1985 Villanova Wildcats \u2014 to not only beat four top-three seeds on the way to a national", + "score": 0.73779296875 + }, + { + "id": "15777462", + "title": "2006\u201307 Villanova Wildcats men's basketball team", + "text": "2006\u201307 Villanova Wildcats men's basketball team The 2006\u201307 Villanova Wildcats men's basketball team represented Villanova University in the 2006\u201307 college basketball season. Villanova was led by head coach Jay Wright. The Wildcats participated in the Big East Conference and played their home games at The Pavilion with some select home games at the Wachovia Center. They finished the season 22\u201311, 9\u20137 in Big East play. They received an at-large bid to the 2007 NCAA Men's Division I Basketball Tournament, earning a 9 seed, where they lost to Kentucky in the first round. Jay Wright \u2013 Head Coach Brett Gunning \u2013", + "score": 0.7373046875 + }, + { + "id": "4821841", + "title": "Jay Wright (basketball)", + "text": "and the most dominant of the analytics era by a wide margin. Villanova was the #1 seed in the East and lost in the second round to Wisconsin, the #8 seed. Shortly before the start of the 2017\u201318 season, Wright was named the recipient of the 2018 Legends of Coaching Award, part of the annual John R. Wooden Award program. Villanova earned a #1 seed in the East Region, defeating Radford, Alabama, West Virginia, and Texas Tech to advance to the Final Four for the second time in three years. In the National Semifinal, Villanova defeated Kansas 95\u201379. The Wildcats", + "score": 0.73681640625 + }, + { + "id": "17622852", + "title": "2013\u201314 Villanova Wildcats men's basketball team", + "text": "the NCAA Tournament where they defeated Milwaukee in the second round before losing in the third round to eventual National Champions Connecticut. !colspan=9 style=\"background:#00337F; color:#FFFFFF;\"| Exhibition !colspan=9 style=\"background:#00337F; color:#FFFFFF;\"| Regular season !colspan=9 style=\"background:#00337F; color:#FFFFFF;\"| Big East Tournament !colspan=9 style=\"background:#00337F; color:#FFFFFF;\"| NCAA Tournament 2013\u201314 Villanova Wildcats men's basketball team The 2013\u201314 Villanova Wildcats men's basketball team represented Villanova University in the 2013\u201314 NCAA Division I men's basketball season. Led by the school's 13th head coach Jay Wright, the Wildcats participated in the newly organized Big East Conference and played their home games at The Pavilion, with some select home games at", + "score": 0.73681640625 + }, + { + "id": "17965937", + "title": "2014 NCAA Division I Men's Basketball Championship Game", + "text": "only tied at 2-2 and 6-6 at the beginning of the game and never trailed en route to their fourth National Title. The school is now 4\u20130 in National Championship Games. The American Athletic Conference, in its first year of existence, claimed its first title. Connecticut became the lowest seed to win the tournament since Villanova beat Georgetown in 1985 as an 8 seed. Coach Kevin Ollie became the first coach to win the championship in his first tournament appearance since Steve Fisher did it in 1989. The second-year coach credited longtime UConn coach Jim Calhoun for the victory saying", + "score": 0.73681640625 + }, + { + "id": "9817020", + "title": "Villanova Wildcats", + "text": "to I-AA, Villanova has made 12 appearances in the I-AA/FCS playoffs making trips to the NCAA Semifinal in 2002 and 2010 and winning the 2009 FCS National Championship. The Wildcats played in the NCAA Division I Football Championship game on December 18, 2009 against the Montana Grizzlies. The Wildcats beat the Grizzlies 23\u201321 to win their first NCAA Division I-AA National Championship. Villanova played in bowl games following the 1936, 1947, 1948, 1961, and 1962 college football seasons. After 87 seasons, the Board of Trustees voted to drop Football in April 1981 due to financial losses and poor attendance. In", + "score": 0.73681640625 + }, + { + "id": "18587873", + "title": "Darrun Hilliard", + "text": "Marquette on March 2 at the Wells Fargo Center, he established a new career high with 26 points on 7-of-11 shooting from the field. Villanova compiled a 29\u20135 record and won the Big East regular season championship and Battle for Atlantis title despite not being ranked in the preseason. In the 2014 NCAA Tournament, Hilliard scored 16 points to help Villanova get past Milwaukee. Villanova lost to eventual national champion Connecticut in the Round of 32, with Hilliard adding 13 points in the 77\u201365 loss. He was an honorable mention all-Big East selection at the conclusion of the regular season.", + "score": 0.736328125 + }, + { + "id": "9737987", + "title": "Villanova Wildcats men's basketball", + "text": "18 total made attempts). In the NCAA Tournament Championship Game they played the Michigan Wolverines, the 3 seed from the West Region. The Wildcats earned their third national championship in school history by beating the Wolverines 79\u201362. The game saw an historic performance by Big East Sixth Man of the Year Donte DiVincenzo (31 points, 5 rebounds, 3 assists, 2 steals and 2 blocks), named the 2018 Final Four's Most Outstanding Player. Coach Wright led the team to a 36\u20134 record for the 2017\u201318 season (14\u20134 Big East). The 36\u20134 mark sets the record for most wins in any Villanova", + "score": 0.73583984375 + }, + { + "id": "7560175", + "title": "Alexander Severance", + "text": "Final Four of the NCAA Tournament in 1939. His teams also played in the NCAA Tournament in 1949 and 1955. Under his leadership, Villanova was selected for the National Invitation Tournament (NIT) in 1959 and 1960. Severance died on the morning of April 1, 1985 in Lexington, Kentucky on the day Villanova won the 1985 NCAA Division I Men's Basketball Tournament. The championship game was played at Rupp Arena in Lexington. Alexander Severance Alexander G. Severance Sr. (June 3, 1905 \u2013 April 1, 1985) was an American basketball and baseball coach. Born in New York City, Severance graduated from Villanova", + "score": 0.73486328125 + }, + { + "id": "9737964", + "title": "Villanova Wildcats men's basketball", + "text": "1st round NCAA game many Villanova fans consider the most painful loss in Villanova history. Under Coach Lappas, Villanova reached the NCAA Tournament in 1995, 1996, 1997, and 1999, compiling a disappointing 2\u20134 record and never advancing beyond the Second Round. After a 2001 First Round NIT loss at Minnesota, junior center Michael Bradley announced he was forgoing his final year of eligibility to enter the NBA draft, essentially leaving Villanova without a returning star player. Shortly thereafter, Hofstra coach and former Massimino assistant Jay Wright became available, and the Administration decided a coaching change would benefit all parties. Lappas", + "score": 0.73486328125 + }, + { + "id": "10886088", + "title": "2007\u201308 Villanova Wildcats men's basketball team", + "text": "time in 4 years that Villanova was eliminated from the tournament by the eventual champion. In 2005, Villanova reached the Sweet 16 before being defeated by eventual tournament champion North Carolina. In 2006, Villanova reached the Elite Eight before being defeated by eventual champion Florida. The team finished with a 22\u201313 record, and 10\u201310 record in the Big East. Jay Wright \u2013 Head Coach Brett Gunning \u2013 Associate Head Coach Patrick Chambers \u2013 Assistant Coach Doug West \u2013 Assistant Coach Villanova 64-Pittsburgh 63, Villanova, PA, January 6, 2008 Two free throws by Dante Cunningham with 10.3 seconds remaining lifted the", + "score": 0.734375 + }, + { + "id": "18030317", + "title": "2006 NCAA Division I Men's Basketball Championship Game", + "text": "NCAA Tournament, Joakim Noah had a monster night by scoring 21 points which led to Florida beating Villanova 75-62 and advancing to the 2006 Final Four. In the 2006 Final Four, Florida had a successful night from outside the arch to beat George Mason 73-58 for a trip to the 2006 National Title Game. UCLA entered the 2006 NCAA Tournament as the No.2 seed in the Oakland Regional. In the 1st round of the 2006 NCAA Tournament, UCLA routed Belmont with a 78-44 victory in the battle of the Bruins. In the 2nd round of the 2006 NCAA Tournament, Jordan", + "score": 0.73388671875 + }, + { + "id": "7257713", + "title": "2008 NCAA Division I Men's Basketball Tournament", + "text": "tournament, to qualify, and were awarded a #14 seed, the lowest-ever by a major conference team in the tournament. Whereas the 2007 tournament did not see many upsets, the 2008 tournament was full of them. The sub-regional pod played at the St. Pete Times Forum in Tampa, Florida featured four games where a double digit seed won. #5 seeds Drake and Clemson fell to #12 seeds Western Kentucky and Villanova while the #4 seeds in that same pod, Vanderbilt and Connecticut, were defeated by #13 seeds Siena and San Diego. Western Kentucky advanced to the West regional in Phoenix where", + "score": 0.73388671875 + }, + { + "id": "9737963", + "title": "Villanova Wildcats men's basketball", + "text": "and Alvin Williams, won the NIT and Big East Tournaments, respectively. The 1995 Big East Tournament title was capped by a decisive victory over a Connecticut team that had been ranked Number 1 during the regular season before being defeated on the Huskies home court by Villanova. This represents the one and only time Villanova won the original Big East Tournament before the Conference was reconfigured in 2013. However, five nights after their victory in the 1995 Big East Championship, the Wildcats lost a triple-overtime thriller to underdog Old Dominion on St. Patrick's Night in Albany, New York in a", + "score": 0.73388671875 + }, + { + "id": "8225191", + "title": "2010 NCAA Division I Men's Basketball Tournament", + "text": "14-point lead to open the second half. Siena would pull within 3 with just over a minute remaining, but Purdue held on for the 72\u201364 win, spoiling the predictions of some fans and even President Barack Obama that Siena would make the Boilers their latest victim. They advanced to play Texas A&M, who defeated Utah State, 69\u201353, behind 19 points from freshman Khris Middleton. After barely beating Robert Morris in the first round, Villanova could not withstand the Gael storm from St. Mary's. Omar Samhan scored 32 points and grabbed seven rebounds as the No. 10 seed took down Nova,", + "score": 0.7333984375 + }, + { + "id": "4803262", + "title": "Rollie Massimino", + "text": "March 1973, succeeding Jack Kraft as head coach of Villanova and leading the 1984-85 Wildcats team to one of the greatest upsets in NCAA tournament history by knocking off top-seeded Georgetown University (Washington, D.C.) in the 1985 NCAA Tournament Championship Game. The road to the finals proved an even greater challenge, kicking off with a win on #9-seed Dayton's home court, followed by victories over #1-seed Michigan, #4-seed Maryland, #2-seed North Carolina, before culminating in a Final Four victory over #2-seeded Memphis State. After Villanova's unexpected championship run, Massimino was offered the head coaching position of the NBA's New Jersey", + "score": 0.73291015625 + }, + { + "id": "7411056", + "title": "Randy Foye", + "text": "win in over 20 years. Their final Big East regular season record was 14\u20132 in what some called the toughest conference ever. Overall, their record was 28\u20135. In the NCAA Tournament in 2006, Foye continued to be Villanova's biggest scoring threat. He had 24 points in their second round game against Arizona in a winning effort. Foye scored a team-high 25 points in his final game as a Wildcat, on March 26, 2006, a 75\u201362 loss to Florida in the Elite Eight. As a senior Foye averaged 20.5 points, 5.9 rebounds, 3.3 assists, 1.4 steals, and 0.6 blocks, with a", + "score": 0.732421875 + }, + { + "id": "10877309", + "title": "Kentucky Wildcats men's basketball", + "text": "Loyola Ramblers in the National Invitation Tournament. Groza, Beard, and Barnstable attempted to win the game under the point spread but kept the score too close, allowing the Ramblers to win the game with an impressive performance at the end of the second half. Kentucky faced Villanova in their first game of the NCAA Tournament following the loss to Loyola and the three players attempted to win over the point spread. When Groza, Beard, and Barnstable failed to win over the point spread, it caused Englisis to lose all of his money and ended the point shaving deals between Englisis", + "score": 0.732421875 + }, + { + "id": "16642731", + "title": "2009 Villanova Wildcats football team", + "text": "in CAA play. 2009 Villanova Wildcats football team The 2009 Villanova Wildcats football team represented Villanova University in the 2009 NCAA Division I FCS football season. They played their home games at Villanova Stadium in Villanova, Pennsylvania. They were co-champions of the Colonial Athletic Association (CAA) and advanced to the National Championship game where they defeated Montana, 23\u201321. It was Villanova's first national championship in football, marking them as the only team to have both an NCAA Division I Football and Men's Basketball championship (the FCS is the only official NCAA Division I Football Championship). They finished with a record", + "score": 0.732421875 + }, + { + "id": "18008910", + "title": "2014\u201315 Villanova Wildcats men's basketball team", + "text": "2014\u201315 Villanova Wildcats men's basketball team The 2014\u201315 Villanova Wildcats men's basketball team represented Villanova University in the 2014\u201315 NCAA Division I men's basketball season. Led by head coach Jay Wright in his 14th season, the Wildcats participated as members of the Big East Conference and played their home games at The Pavilion , with some select home games at the Wells Fargo Center in Philadelphia, Pennsylvania. They finished the season 33\u20133, 16\u20132 in Big East play to win the Big East regular season championship. They defeated Marquette, Providence, and Xavier to win the Big East Tournament. As a result,", + "score": 0.73193359375 + }, + { + "id": "7917037", + "title": "Holy War (Villanova vs. St. Joe's)", + "text": "Matthews add 13 for the 'Cats. February 2004\u2014The #3 Hawks entered the Pavilion with a record of 18\u20130. They would eventually garner a #1 seed in the NCAA tournament and reach the Elite Eight. The Wildcats fell to Hawks 74\u201367. Jameer Nelson and Delonte West combined for 45 points. Mike Nardi led the Wildcat counterattack with 16 points and five assists. A three-pointer from Andreas Bloch cut the Hawk lead to 54\u201350, with less than nine minutes to play, but that was as close as 'Nova came to an upset. February 2006-Villanova, holding the #4 ranking in the nation, faced", + "score": 0.73193359375 + }, + { + "id": "18927918", + "title": "2015\u201316 Georgetown Hoyas men's basketball team", + "text": "its all-time record against Georgetown in the Big East Tournament to 1\u20135. L. J. Peak led the Hoyas with 18 points. In his last game for Georgetown, Smith-Rivera scored 8 points on 4-for-11 shooting, missing all four three-pointers he attempted, while Hayes finished with 13 points and nine rebounds. Villanova advanced to meet Providence in the semifinals and, despite losing the Big East Tournament championship game to Seton Hall, went on to the 2016 NCAA Tournament, and eventually won the national championship. With a record of 15\u201318 and having lost seven of its last eight games and 10 of its", + "score": 0.73193359375 + }, + { + "id": "14014104", + "title": "2009\u201310 Villanova Wildcats men's basketball team", + "text": "2009\u201310 Villanova Wildcats men's basketball team The 2009-10 Villanova Wildcats men's basketball team represented Villanova University in the 2009\u201310 NCAA Division I men's basketball season. Villanova was led by head coach Jay Wright. The Wildcats participated in the Big East Conference and played their home games at The Pavilion with some select home games at the Wachovia Center. They finished the season 25\u20138, 13\u20135 in Big East play. They were eliminated in the quarterfinals of the 2010 Big East Men's Basketball Tournament by Marquette. They received an at-large bid to the 2010 NCAA Men's Division I Basketball Tournament, earning a", + "score": 0.7314453125 + }, + { + "id": "15117832", + "title": "2010\u201311 Georgetown Hoyas men's basketball team", + "text": "turnovers against only six for the Rams, and shot only 5-for-26 (19.2%) from three-point range \u2014 with Freeman, Wright, and Clark combining for 0-for-16 in three-point attempts \u2013 while VCU made 12 of 25 attempted three-pointers (48.0%). Despite 26 points off the bench by Hollis Thompson and 10 points by Austin Freeman, VCU went on to win 74-56 in a shocking upset, dealing the Hoyas their most lopsided NCAA Tournament defeat since an 86-62 loss to Massachusetts in 1996. It was the first time VCU had ever won more than one game in an NCAA Tournament, and the Rams went", + "score": 0.7314453125 + }, + { + "id": "15050692", + "title": "2010\u201311 Villanova Wildcats men's basketball team", + "text": "the second round. !colspan=9| Exhibition !colspan=9| Regular Season !colspan=9| Big East Tournament !colspan=9| NCAA Tournament 2010\u201311 Villanova Wildcats men's basketball team The 2010\u201311 Villanova Wildcats men's basketball team represented Villanova University in the 2010\u201311 college basketball season. Villanova was led by head coach Jay Wright. The Wildcats participated in the Big East Conference and played their home games at The Pavilion with some select home games at the Wells Fargo Center. They finished the season 21\u201312, 9\u20139 in Big East play and lost in the first round of the 2011 Big East Men's Basketball Tournament to South Florida. They received", + "score": 0.7314453125 + }, + { + "id": "20626668", + "title": "2018 UMBC vs. Virginia men's basketball game", + "text": "Virginia and No. 4 seed Arizona, and second round losses by No. 2 seed Cincinnati and No. 3 seed Tennessee, led to the South Region becoming the first ever to not advance any of its top four seeds to the Sweet Sixteen. Another Cinderella, No. 11 seed Loyola-Chicago, won the region by beating Kansas State 78\u201362, becoming the fourth 11-seed ever to advance to the Final Four. 2018 UMBC vs. Virginia men's basketball game On March 16, 2018, during the first round of the 2018 NCAA Division I Men's Basketball Tournament, the University of Virginia (Virginia; also UVA) Cavaliers played", + "score": 0.73095703125 + }, + { + "id": "20252166", + "title": "2017\u201318 Big East Conference men's basketball season", + "text": "Garden in New York from March 7 through March 10, 2018. Villanova defeated Providence to win the tournament championship and receive the conference's automatic bid to the NCAA Tournament. Six Big East schools received bids to the NCAA Tournament (Butler, Creighton, Providence, Seton Hall, Villanova, and Xavier). Only Villanova won more than one game in the Tournament, but the Wildcats defeated Michigan to win the NCAA Championship for the second time in three years. Marquette received a bit to the National Invitation Tournament, where they advanced to the quarterfinals before losing to eventual NIT champions Penn State. Villanova guard Jalen", + "score": 0.73095703125 + }, + { + "id": "8425165", + "title": "Sports in Philadelphia", + "text": "national titles\u2014La Salle in 1954 and Villanova in 1985, 2016, and 2018. Villanova's victory over Georgetown in the 1985 championship game is widely considered one of the greatest upsets in NCAA basketball history. Temple, Penn, Villanova, and Saint Joseph's all rank among the top 50 Division I teams in number of games won. Three Big 5 players have won the Naismith College Player of the Year award: Lionel Simmons of La Salle in 1990, Jameer Nelson of St. Joseph's in 2004, and Jalen Brunson of Villanova in 2018. Saint Joseph's and La Salle compete in the Atlantic 10, while Penn", + "score": 0.73046875 + }, + { + "id": "7257714", + "title": "2008 NCAA Division I Men's Basketball Tournament", + "text": "they lost to UCLA while Villanova was one of two double digit seeds to advance to the Midwest regional. The other was #10 seed Davidson, who rode the hot shooting of Stephen Curry to defeat Gonzaga, Georgetown, and Wisconsin before nearly upsetting Kansas in the regional final. The Midwest region alone saw four of its double digit seeds advance, as in addition to Villanova, Siena, and Davidson #11 seed Kansas State knocked off #6 seed USC. The total tournament attendance of 763,607 set a record for highest total tournament attendance, breaking the record set during the 1999 tournament. The NCAA", + "score": 0.73046875 + }, + { + "id": "16874738", + "title": "2012\u201313 Villanova Wildcats men's basketball team", + "text": "bid to the 2013 NCAA Tournament where they lost in the second round to North Carolina. This was Villanova's final season as a member of the original Big East Conference. The so-called \"Catholic 7\" schools joined together with Butler, Creighton and Xavier to form a new conference that kept the Big East Conference name, but as an entirely new conference. !colspan=9| Exhibition !colspan=9| Regular Season !colspan=9| 2013 Big East Men's Basketball Tournament !colspan=9| 2013 NCAA Tournament 2012\u201313 Villanova Wildcats men's basketball team The 2012\u201313 Villanova Wildcats men's basketball team represented Villanova University in the 2012\u201313 NCAA Division I men's basketball", + "score": 0.72998046875 + }, + { + "id": "13288550", + "title": "1984\u201385 Georgetown Hoyas men's basketball team", + "text": "Villanova in what is widely regarded as one of the greatest upsets in college basketball history. They were ranked No. 1 in the seasons final Associated Press Poll and Coaches' Poll. Sophomore forward Michael Graham had angered Thompson with his inattention to final examinations at the end of the previous academic year, and Thompson left him off the team this year; he stayed out of basketball this season and waited for Thompson to return him to the team until the fall of 1985, when he transferred to the University of the District of Columbia to resume his basketball career. However,", + "score": 0.7294921875 + }, + { + "id": "20346310", + "title": "2017\u201318 Georgetown Hoyas men's basketball team", + "text": "led the Hoyas with 18 points, while Kaleb Johnson scored 14 points and Jahvon Blair and Jesse Govan had 11 each. Four days later, the Hoyas were at Capital One Arena to open a three-game homestand by playing another ranked opponent, No. 1 Villanova. It was the first time Ewing had faced Villanova in any capacity since the Wildcats upset the Hoyas in his final game as a college player to win the national championship in the 1985 NCAA Tournament. The game quickly became a blowout, as Villanova went on an 18\u20130 scoring run to take a 31\u20138 lead in", + "score": 0.7294921875 + }, + { + "id": "14046658", + "title": "Battle of the Blue", + "text": "of the teams went on to reach the NCAA Division I Football Championship. In 2007, the Wildcats upset #9 Delaware 19\u201314 to claim the first ever Battle of the Blue Trophy. Delaware would later reach the FCS National Championship game before falling to the Appalachian State Mountaineers 49\u201321. In 2009, Villanova would win their first-ever appearance in the national championship, defeating the Montana Grizzlies 23\u201321. The 2010 meeting marked the first time the game had gone into overtime, with the Wildcats securing another upset win over the #1-ranked Delaware team on a recovered fumble. Once again, however, Delaware would reach", + "score": 0.72900390625 + }, + { + "id": "7454785", + "title": "Jim Larran\u0303aga", + "text": "the rankings after a semifinal loss to VCU in the conference tournament. In the 2011 NCAA Tournament, Mason was assigned a No. 8 seed and faced off against No. 9 seed and Big East stalwart Villanova. In a seesaw game, Mason pulled out the victory when Luke Hancock knocked down a late three, and Mike Morrison threw down a last-second breakaway dunk. In the next round, Mason lost to No. 1 overall seed Ohio State. As of February 2011, Larra\u00f1aga's 271 career wins at Mason makes him the winningest coach in the history of both the school and the CAA.", + "score": 0.72900390625 + }, + { + "id": "15050689", + "title": "2010\u201311 Villanova Wildcats men's basketball team", + "text": "2010\u201311 Villanova Wildcats men's basketball team The 2010\u201311 Villanova Wildcats men's basketball team represented Villanova University in the 2010\u201311 college basketball season. Villanova was led by head coach Jay Wright. The Wildcats participated in the Big East Conference and played their home games at The Pavilion with some select home games at the Wells Fargo Center. They finished the season 21\u201312, 9\u20139 in Big East play and lost in the first round of the 2011 Big East Men's Basketball Tournament to South Florida. They received an at-large bid in the 2011 NCAA Men's Division I Basketball Tournament where they lost", + "score": 0.72900390625 + }, + { + "id": "13252965", + "title": "Dwayne Anderson", + "text": "Anderson sunk a three-pointer with 13 seconds left to give Villanova a 72-70 win over Seton Hall. On November 14, 2008, the Villanova Wildcats announced that Anderson was forced to miss an indefinite amount of games due to a fractured left foot. He went on to miss the inaugural seven games, though was back to play Houston Baptist University. Villanova blew them out 93-57. Upon his return, Anderson helped lead Villanova to the 2009 Final Four in Detroit, where the Wildcats lost to eventual champion North Carolina. In summer of 2009 he signed with BG G\u00f6ttingen in Germany, where he", + "score": 0.72900390625 + }, + { + "id": "9737985", + "title": "Villanova Wildcats men's basketball", + "text": "beating AP-ranked Iowa in the Round of 32. Villanova's run included two of the ten most offensively efficient games in the analytics era (2002\u2013present), beating Miami and Oklahoma by scoring 1.56 and 1.51 points per possession in the Sweet Sixteen and Final Four, respectively. It has been called perhaps the most dominant tournament championship run of all time, and the most dominant of the analytics era by a wide margin, with Villanova posting an average margin of victory equal to 20.7 points per game (+124 total point margin). The Wildcats finished second in regular season Big East play, won the", + "score": 0.72900390625 + }, + { + "id": "20252240", + "title": "2017\u201318 Villanova Wildcats men's basketball team", + "text": "No. 1 seed in the East region, their third No.1 seed in four years. They defeated Radford, Alabama, West Virginia, and Texas Tech to advance to the Final Four for the second time in three years. In the National Semifinal, they defeated Kansas before defeating Michigan in the National Championship game to win their second national championship in three years. They won every game of the tournament by a double-digit margin and the team's tournament run has been called the most dominant ever. The Wildcats home court, The Pavilion, underwent a temporary closure for a $60 million renovation project during", + "score": 0.72900390625 + }, + { + "id": "16067021", + "title": "2011\u201312 Villanova Wildcats men's basketball team", + "text": "tournaments. They lost in the 2nd round in the 2012 Big East Men's Basketball Tournament to South Florida. They were not invited to a postseason tournament for the first time since 1998, leading to some speculation that Wright's job might be jeopardy. !colspan=9| Exhibition !colspan=9| Regular Season !colspan=9| Big East Tournament 2011\u201312 Villanova Wildcats men's basketball team The 2011\u201312 Villanova Wildcats men's basketball team represented Villanova University in the 2011\u201312 college basketball season. Villanova was led by eleventh year head coach Jay Wright. The Wildcats participated in the Big East Conference and played their home games at The Pavilion with", + "score": 0.72802734375 + }, + { + "id": "9737968", + "title": "Villanova Wildcats men's basketball", + "text": "the stretch followed by some poorly played NCAA games where Villanova barely beat Robert Morris in overtime and took losses at the hands of St Mary's (2010) and George Mason (2011) in the NCAA Tournament. Villanova had a rebuilding season with a disappointing 13\u201319 record in 2011\u201312 season and they missed an NCAA bid after 7 consecutive appearances in the Tournament. It was the first season that Jay Wright did not lead the program into any postseason tournament. The 2012\u201313 season saw a return trip to NCAA tournament but a #2 seed in 2013\u201314 and a #1 seed in 2014\u201315", + "score": 0.72802734375 + }, + { + "id": "9737989", + "title": "Villanova Wildcats men's basketball", + "text": "(), and were the national champions in 1985, 2016, and 2018. Villanova has won as the underdog (based on Tournament seeding) 16 times, more than any other program. Villanova is one of only two programs (the other being Ohio State) that has played in the NCAA Tournament in every decade since the 1930s. \"The NCAA began seeding the tournament with the 1979 edition.\" The Wildcats have appeared in the National Invitation Tournament (NIT) 17 times. Their combined record is 24\u201317. They were NIT Champions in 1994. The Wildcats appeared in the only National Campus Basketball Tournament. Their record is 0\u20131.", + "score": 0.72802734375 + } + ], + "answer": "The NCAA Division I Men's Basketball Tournament, also known and branded as NCAA March The Villanova Wildcats have appeared in the NCAA Tournament 39 times, the eighth highest total in NCAA history. March Madness, is a single-elimination tournament played each spring in the United States, currently featuring 68 college basketball teams from the Division I level of the National Collegiate Athletic Association, NCAA, to determine the national championship. In 2014 The Connecticut Uconn Huskies beat Villanova Wildcats, 2015 they were beat by North Carolina State University Wolfpack and in 2017 the were beat by the Wisconsin Badgers. " + }, + { + "qa_pairs": [ + { + "context": "Ferenc Pusk\u00e1s of Hungary was the second player and the second European after Nielsen to achieve the feat. His 50th goal came on 24 July 1952, when he scored a brace (two goals) in the semi-final match against Turkey at the 1952 Summer Olympics. Pusk\u00e1s scored 84 goals in his international career. He remained the highest international goalscorer for 47 years following his 84th goal in 1956 against Austria until Ali Daei of Iran broke the record in 2003 after scoring his 85th goal against Lebanon. Daei is the only player to score over 100 goals in international football with 109 goals. He scored his 50th goal in a friendly match against Mexico on 9 January 2000, becoming the first Asian footballer to achieve the feat. His 100th goal came on 17 November 2004, when he scored a hat-trick (in this case four goals) against Laos in the 2006 FIFA World Cup qualification. However, the first player from Asia to score at least 50 goals was Japan's Kunishige Kamamoto. He achieved the feat after scoring against Malaysia in 1972 Merdeka Tournament and he went on to score 80 goals for his country in 84 international appearances. Just two years after Pusk\u00e1s' scored his 50th goal, his teammate S\u00e1ndor Kocsis did the same on 19 September 1954 in a friendly match against Romania. He became the third player and the third European to achieve the feat. He went on to score a total of 75 goals in 65 matches in international football.", + "question": "Who has scored most goals in international football as men?", + "short_answers": [ + "Ali Daei" + ], + "wikipage": "List of men's footballers with 50 or more international goals" + }, + { + "context": "No context provided", + "question": "Who has scored most goals in international football as women?", + "short_answers": [ + "Christine Sinclair", + "Christine Margaret Sinclair" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "List of top international men's association football goal scorers by ...", + "url": "https://en.wikipedia.org/wiki/List_of_top_international_men%27s_football_goal_scorers_by_country" + }, + { + "title": "List of women's footballers with 100 or more international goals ...", + "url": "https://en.wikipedia.org/wiki/List%20of%20women%27s%20footballers%20with%20100%20or%20more%20international%20goals" + }, + { + "title": "List of men's footballers with 50 or more international goals", + "url": "https://en.wikipedia.org/wiki/List%20of%20men%27s%20footballers%20with%2050%20or%20more%20international%20goals" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Sinclair is the world's all-time leader for international goals scored for men or women with 187 goals, and is one of the most-capped active international footballer with 300 caps.", + "wikipage": "Christine Sinclair" + }, + { + "content": "Ali Daei (Persian: About this sound\u0639\u0644\u06cc \u062f\u0627\u06cc\u06cc (help\u00b7info)\u200e pronounced [\u0294\u00e6li\u02d0 d\u0251\u02d0ji\u02d0]; born 21 March 1969) is an Iranian former professional footballer, football manager and businessman. ", + "wikipage": "Ali Daei" + } + ], + "long_answer": "The record (85 goals) for the most international goals scored in men's football is held by Iranian professional footballer Ali Daei. On the women's side, this record (187 goals) belongs to the Canadian soccer player Christine Sinclair. " + }, + { + "knowledge": [ + { + "content": "In total, 67 male footballers to date have managed to score at least 50 goals with their national team at senior level.", + "wikipage": "List of men's footballers with 50 or more international goals" + }, + { + "content": "An Olympic gold medalist, two-time Olympic bronze medalist, CONCACAF champion, and 14-time winner of the Canada Soccer Player of the Year award,[5] Sinclair is the world's all-time leader for international goals scored for men or women with 187 goals, and is one of the most-capped active international footballer with 300 caps.[6]", + "wikipage": "Christine Sinclair" + } + ], + "long_answer": "In total, 67 male footballers to date have managed to score at least 50 goals with their national team at senior level. Ali Daei has scored the most goals in men's international football and is the only player to score over 100 goals in international men's football with 109 goals. Christine Sinclair scored the most goals in international women's football with 187 goals." + } + ], + "sample_id": "-980277355338003007", + "question": "Who has scored most goals in international football?", + "docs": [ + { + "id": "4361619", + "title": "Benni McCarthy", + "text": "retired from international matches after the 2002 World Cup. However, he returned to the national team in 2004 and eventually set the record for most international goals for South Africa; McCarthy's strike in the second half of a 3\u20130 win against Paraguay in a 2008 friendly eclipsed the previous record of 29 goals held by Shaun Bartlett. Prior to the 2010 World Cup, held in South Africa, McCarthy announced his support for the Gun-Free World Cup campaign being run by International Action Network on Small Arms. He said, \"This World Cup will be the biggest in football history and the", + "score": 0.73486328125, + "summary": "Benni McCarthy holds the record for most international goals for South Africa, with 30 goals.", + "extraction": "Irrelevant. The passage does not provide information about the player who has scored the most goals in international football, but rather focuses on Benni McCarthy's career and record for most international goals for South Africa." + }, + { + "id": "18150594", + "title": "FIFA World Cup top goalscorers", + "text": "Germany or West Germany. In total, 64 footballers came from UEFA (Europe), 29 from CONMEBOL (South America), and only four from elsewhere: Cameroon, Ghana, Australia, and the United States. Fontaine holds the record for the most goals scored at a single tournament, with 13 goals in 1958. The players that came closest to this record were Kocsis in 1954, M\u00fcller in 1970 and Portugal's Eus\u00e9bio in 1966, with 11, 10 and 9, respectively. The lowest scoring tournament's top scorer was in 1962, when six players tied at only four goals each. Across the 21 editions of the World Cup, 30", + "score": 0.73046875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about the top goalscorers in the World Cup, but does not mention who has scored the most goals in international football overall." + }, + { + "id": "18150595", + "title": "FIFA World Cup top goalscorers", + "text": "footballers have been credited with the most tournament goals, and no one has achieved this feat twice. Nine of them scored at least seven goals in a tournament, while Brazil's Jairzinho became the only footballer to score at least seven goals without being the top goalscorer of that tournament in 1970. These 30 top goalscorers played for 19 nations, the most (five) for Brazil. Another five came from other South American countries, with the remaining 20 coming from Europe. Excluding the 2010 edition, all the top tournament scorers won the Golden Boot. FIFA World Cup top goalscorers More than 2,000", + "score": 0.7294921875, + "summary": "The document provides information on the top goalscorers in FIFA World Cup history, but it does not answer the question of who has scored the most goals in international football overall.", + "extraction": "Irrelevant. The passage talks about top goalscorers in FIFA World Cup tournaments, but not about the player who has scored the most goals in international football overall." + }, + { + "id": "18150591", + "title": "FIFA World Cup top goalscorers", + "text": "FIFA World Cup top goalscorers More than 2,000 goals have been scored at the 21 editions of the FIFA World Cup final tournaments, not counting penalties scored during shoot-outs. Since the first goal scored by French player Lucien Laurent at the 1930 FIFA World Cup, more than 1,250 footballers have scored goals at the World Cup, of which just 97 have scored at least five. The top goalscorer of the inaugural competition was Argentina's Guillermo St\u00e1bile with eight goals. Since then, only 22 players have scored more at all the games played at the World Cup than St\u00e1bile did throughout", + "score": 0.7275390625, + "summary": "The document provides information on the top goalscorers of the FIFA World Cup, but it does not answer the question of who has scored the most goals in international football overall.", + "extraction": "irrelevant" + }, + { + "id": "6669150", + "title": "Argentina\u2013Brazil football rivalry", + "text": "\"Football Player of the Century\", by IFFHS International Federation of Football History and Statistics, 1999, \"South America Football Player of the Century\", by IFFHS International Federation of Football History and Statistics. Pel\u00e9's 1281 goals are recognized by FIFA as the highest total achieved by a professional footballer, although the Soccer Statistic Foundation (rssf) recognizes only 767 goals in official mode, occupying the third place after Josef Bican (805) and Romario (772). For his part, Maradona has been named the best soccer player in World Cup history both by The Times and FourFourTwo, publication that also rewarded him as the \"Best", + "score": 0.7265625, + "summary": "Pel\u00e9 has scored the most goals in international football with 1281 recognized by FIFA as the highest total achieved by a professional footballer.", + "extraction": "Pel\u00e9's 1281 goals are recognized by FIFA as the highest total achieved by a professional footballer." + }, + { + "id": "6296472", + "title": "Vaughan Coveny", + "text": "credit, his final cap gained in a 1\u20131 draw with Estonia on 31 May 2006. Coveny became New Zealand's highest goal scorer (still a current record in the New Zealand national football team) on 27 May 2006, when he scored twice in the \"All Whites\" 3\u20131 victory over Georgia, bringing his total A-international goal tally to 29. and his total including unofficial games to 30 in 71 games, surpassing Jock Newall's long standing record of 28 from only 17 games. In January 2009, Coveny announced his retirement from international football. He was also the games record holder for the All", + "score": 0.72412109375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about Vaughan Coveny's achievements in New Zealand national football team, but it does not provide information about the player who has scored the most goals in international football." + }, + { + "id": "3986251", + "title": "Josef Bican", + "text": "Josef Bican Josef \"Pepi\" Bican (25 September 1913 \u2013 12 December 2001) was a Czech-Austrian professional footballer who played as a striker. Rec.Sport.Soccer Statistics Foundation (RSSSF) estimates that he scored at least 805 goals in all competitive matches, which would make him the most prolific scorer of all time. Having scored a record 600 league goals and at least 1468 goals overall, the International Federation of Football History & Statistics (IFFHS) awarded Bican the \"Golden Ball\" as the greatest goalscorer of the last century. He was a member of the Austrian \"Wunderteam\" of the 1930s and was the season's highest", + "score": 0.7216796875, + "summary": "Josef Bican is the most prolific scorer of all time in international football with at least 805 goals in all competitive matches, according to the Rec.Sport.Soccer Statistics Foundation.", + "extraction": "Josef Bican, according to the Rec.Sport.Soccer Statistics Foundation (RSSSF), scored at least 805 goals in all competitive matches, making him the most prolific scorer of all time in international football." + }, + { + "id": "9416170", + "title": "Godfrey Chitalu", + "text": "have beaten Gerd M\u00fcller's record of 85 goals in a year, the Football Association of Zambia claimed that the world record actually pertained to Godfrey Chitalu who had scored 116 goals (possibly 117) during the 1972 calendar year and 107 during the 1972 season. The difference of goals is due to first 9 goals being scored before the season officially started. The Football Association of Zambia presented the evidence to FIFA but a spokesperson responded that they would ratify neither Lionel Messi's nor Chitalu's records as they do not keep statistical track of domestic competitions. Nonetheless, it could constitute the", + "score": 0.71875, + "summary": "Godfrey Chitalu holds the record for most goals scored in international football with 116 goals in the 1972 calendar year and 107 during the 1972 season. However, FIFA does not officially recognize this record.", + "extraction": "Godfrey Chitalu had scored 116 goals (possibly 117) during the 1972 calendar year and 107 during the 1972 season, which is claimed to be the world record for most goals scored in international football." + }, + { + "id": "17567786", + "title": "Progression of Scotland association football goalscoring record", + "text": "Progression of Scotland association football goalscoring record This is a progressive list of football players who have held or co-held the record for goals scored for the Scotland national football team. The list begins with Henry Renny-Tailyour and William Gibb, who both scored in the 4\u20132 defeat by England in March 1873. The first official international game, contested by the same teams in November 1872, had finished goalless. The record is shared by Denis Law and Kenny Dalglish, with 30 goals each. For the early decades, records of players appearances and goals were often considered unreliable. RSSSF and IFFHS have", + "score": 0.71728515625, + "summary": "Denis Law and Kenny Dalglish have both scored the most goals, with 30 each, for the Scotland national football team.", + "extraction": "Denis Law and Kenny Dalglish, with 30 goals each." + }, + { + "id": "7132060", + "title": "Billy Gillespie", + "text": "Park. Gillespie scored seven goals against England, matching a record set by Scotland players Geordie Ker and John Smith. Gillespie played for the Ireland national team operated by the Irish Football Association (IFA), which now operates the Northern Ireland national football team. Gillespie held the IFA record for most international goals scored for 78 years, with 13 goals. His record was equalled by Colin Clarke in 1992 and broken by David Healy in 2004. \"Scores and results list Ireland/Northern Ireland's goal tally first. \" Gillespie was born in Kerrykeel, County Donegal, where his father was a constable with the RIC.", + "score": 0.716796875, + "summary": "Billy Gillespie held the Ireland national team's record for most international goals scored for 78 years with 13 goals. However, his record was equalled by Colin Clarke in 1992 and broken by David Healy in 2004.", + "extraction": "Colin Clarke equalled Gillespie's record of 13 international goals in 1992 and it was later broken by David Healy in 2004. Therefore, David Healy has scored most goals in international football." + }, + { + "id": "3986261", + "title": "Josef Bican", + "text": "for Christmas, but died less than 2 weeks before that, at the age of 88. Josef Bican Josef \"Pepi\" Bican (25 September 1913 \u2013 12 December 2001) was a Czech-Austrian professional footballer who played as a striker. Rec.Sport.Soccer Statistics Foundation (RSSSF) estimates that he scored at least 805 goals in all competitive matches, which would make him the most prolific scorer of all time. Having scored a record 600 league goals and at least 1468 goals overall, the International Federation of Football History & Statistics (IFFHS) awarded Bican the \"Golden Ball\" as the greatest goalscorer of the last century. He", + "score": 0.71630859375, + "summary": "Josef Bican is estimated to have scored at least 805 goals in all competitive matches, making him the most prolific scorer of all time according to the Rec.Sport.Soccer Statistics Foundation.", + "extraction": "Josef \"Pepi\" Bican scored the most goals in international football, with at least 1468 goals overall, according to the International Federation of Football History & Statistics (IFFHS)." + }, + { + "id": "14956335", + "title": "Progression of England association football goalscoring record", + "text": "following records can be retrospectively produced. Note that, at the time, these records may not have been recognised. One point of note is that many early matches by the England Amateur side were played against the full national side of opponents. These matches are counted as full internationals by the IFFHS and the opposing FAs, though not by the (English) FA. This affects Vivian Woodward, who scored 29 goals 23 in full internationals and a further 44 in amateur internationals recognized by the opposing FAs. This article uses the Football Association's definition, and therefore excludes goals scored in Woodward's international", + "score": 0.7158203125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "2879656", + "title": "Milan Baros\u030c", + "text": "score four goals in an international match. He was selected as part of the squad for Euro 2012. After the tournament, during which he failed to score, Baro\u0161 announced his retirement from international football, having scored a total of 41 international goals in 93 matches. His total of 41 international goals for his country is second only to strike partner Jan Koller, who holds the record with 55. Baro\u0161 gained the nickname \"the Ostravan Maradona\" in his native Czech Republic due to perceived similarities with the Argentinian footballer of the same name. He was noted particularly for being a quick", + "score": 0.71533203125, + "summary": "Milan Baros\u030c scored 41 international goals in 93 matches, second only to Jan Koller who holds the record with 55 goals.", + "extraction": "Jan Koller holds the record with 55." + }, + { + "id": "1634947", + "title": "Miroslav Klose", + "text": "goalscorer in the history of the FIFA World Cup with 16 goals, having scored five goals in his debut World Cup in 2002 and having won the Golden Boot at the 2006 World Cup in Germany by again scoring five times. He also scored four times in the 2010 World Cup and twice at the 2014 World Cup, the latter tournament where he overtook Ronaldo's then-record of 15 goals to top the all-time list. Klose is also the top scorer of all time for Germany, which never lost a game in which Klose scored, and one of the very few", + "score": 0.71533203125, + "summary": "Miroslav Klose has scored the most goals in international football, overtaking Ronaldo's then-record of 15 goals to top the all-time list with 16 goals. He is also the top scorer of all time for Germany.", + "extraction": "Miroslav Klose overtook Ronaldo's then-record of 15 goals to top the all-time list. Therefore, Miroslav Klose has scored most goals in international football." + }, + { + "id": "3122157", + "title": "Just Fontaine", + "text": "has an even more impressive record. On his debut on 17 December 1953, Fontaine scored a hat trick as France defeated Luxembourg 8\u20130. In seven years, he scored 30 goals in 21 matches. However, he will best be remembered for his 1958 FIFA World Cup performance, where he scored 13 goals in just six matches \u2014 a feat that included putting four past defending champions West Germany. It was also the highest number of goals ever scored by one player at a single World Cup tournament \u2013 a record that stands today. This tally secured him the Golden Boot. As", + "score": 0.7119140625, + "summary": "Just Fontaine has scored the most goals in a single FIFA World Cup tournament, with a total of 13 goals in 1958. He scored a total of 30 goals in 21 matches for France over seven years.", + "extraction": "irrelevant" + }, + { + "id": "15721465", + "title": "Souleymane Coulibaly", + "text": "Pongolle (at the earlier held 2001 FIFA U-17 World Championship), who did it in six matches rather than Coulibaly's four. He scored nine of his side's ten goals overall, which meant that he scored every 40 minutes of match time, or slightly more than once per half played. The record has since been broken by Nigerian striker Victor Osimhen, who scored 10 goals in 7 games at the 2015 World Cup. As a result of his performances, Coulibaly was linked in the media to moves to Manchester United and Real Madrid, before finally moving to Tottenham. He has been labelled", + "score": 0.71142578125, + "summary": "Irrelevant. The document mentions Souleymane Coulibaly's goal-scoring record, but does not provide information on who has scored the most goals in international football.", + "extraction": "Victor Osimhen has scored 10 goals in 7 games at the 2015 World Cup, breaking the record for the most goals scored in international football. Therefore, the extracted span for the question \"Who has scored most goals in international football?\" is \"Victor Osimhen\"." + }, + { + "id": "18150592", + "title": "FIFA World Cup top goalscorers", + "text": "the 1930 tournament. The first was Hungary's S\u00e1ndor Kocsis with eleven in 1954. At the next tournament, France's Just Fontaine improved on this record with 13 goals in only six games. Gerd M\u00fcller scored 10 for West Germany in 1970 and broke the overall record when he scored his 14th goal at the World Cup during West Germany's win at the 1974 final. His record stood for more than three decades until Ronaldo's 15 goals between 1998 and 2006 for Brazil. Germany's Miroslav Klose went on to score a record 16 goals across four consecutive tournaments between 2002 and 2014.", + "score": 0.71142578125, + "summary": "Miroslav Klose has scored the most goals in international football with a record of 16 goals across four consecutive tournaments.", + "extraction": "Ronaldo has scored the most goals in international football, with a total of 15 goals between 1998 and 2006 for Brazil." + }, + { + "id": "6508138", + "title": "Peter McParland", + "text": "for Northern Ireland in the 1958 FIFA World Cup in which he scored five goals and helped his team to the quarter-finals. France defeated Northern Ireland 4\u20130 in the quarter-final. He holds the record for being the highest-scoring Northern Irish player in World Cup finals history. In April 2015, the feature-length documentary Spirit of '58 was screened as part of the Belfast Film Festival. It featured Peter McParland prominently alongside the other surviving players (Billy Bingham, Billy Simpson, Jimmy McIlroy and Harry Gregg) as it told the story of Northern Ireland's journey throughout the 1950s under the managership of Peter", + "score": 0.71142578125, + "summary": "Peter McParland holds the record for being the highest-scoring Northern Irish player in World Cup finals history with five goals in the 1958 FIFA World Cup.", + "extraction": "Irrelevant. The passage talks about Peter McParland's goals in the 1958 FIFA World Cup and his record as the highest-scoring Northern Irish player in World Cup finals history, but it does not provide information on who has scored the most goals in international football." + }, + { + "id": "1650664", + "title": "Ferenc Puska\u0301s", + "text": "Ferenc Pusk\u00e1s Ferenc Pusk\u00e1s (; n\u00e9 Purczeld; 2 April 1927 \u2013 17 November 2006) was a Hungarian footballer and manager, widely regarded as one of the greatest players of all time. A prolific forward, he scored 84 goals in 85 international matches for Hungary, and 514 goals in 529 matches in the Hungarian and Spanish leagues. He became an Olympic champion in 1952 and led his nation to the final of the 1954 World Cup where he was named the tournament's best player. He won three European Cups (1959, 1960, 1966), 10 national championships (5 Hungarian and 5 Spanish Primera", + "score": 0.7109375, + "summary": "Ferenc Pusk\u00e1s scored the most goals in international football with 84 goals in 85 matches for Hungary.", + "extraction": "Ferenc Pusk\u00e1s scored 84 goals in 85 international matches for Hungary, making him the player with the most goals in international football." + }, + { + "id": "1377678", + "title": "Mia Hamm", + "text": "3\u20130 by Germany in the semi-finals, the team defeated Canada 3\u20131 to secure a third-place finish. During a friendly game against Australia on July 21, 2004, Hamm scored her 151st international goal setting the record for most international goals scored by any player in the world, male or female. She held the world record until Abby Wambach scored her 159th goal on June 20, 2013. The Australia match also marked Hamm's 259th international appearance; only two of her teammates, Kristine Lilly and Christie Rampone, have played in more international games. Hamm helped lead the U.S. national team to its second", + "score": 0.7099609375, + "summary": "Abby Wambach has scored the most international goals with 159. Mia Hamm held the record before her with 151 goals.", + "extraction": "Abby Wambach scored her 159th goal on June 20, 2013, setting the record for most international goals scored by any player in the world, male or female." + }, + { + "id": "3918874", + "title": "Malcolm Macdonald", + "text": "win over then World Champions West Germany. On 16 April 1975, in a European Championship qualifier also held at Wembley Macdonald scored all five goals in a 5\u20130 victory for England against Cyprus equalling the record for the most goals scored in a single game by an England player. This feat has not been duplicated since by any English footballer. Although three pre-war players, Howard Vaughton, Steve Bloomer and Willie Hall, had previously scored five for England, Macdonald was the first, and remains the only, player to do so in a competitive international. His feat spawned the newspaper headline \"SuperMac", + "score": 0.70947265625 + }, + { + "id": "13562876", + "title": "Euse\u0301bio", + "text": "(subsequently equalled by Croatia in 1998). In addition to winning the Golden Boot (with nine goals) for the 1966 World Cup, Eus\u00e9bio also set a record that year for the most penalties scored (shoot-out not included), with four. Eus\u00e9bio's four goals against North Korea in the quarter-final match also helped Portugal tie the record for largest deficit overcome in a win (three goals, equaling Austria in 1954) and he became the fifth player to score as many goals in a FIFA World Cup match, a record he jointly held until Oleg Salenko scored five in the 1994 World Cup. The", + "score": 0.708984375 + }, + { + "id": "20441422", + "title": "2018 FIFA World Cup Group B", + "text": "crossbar from 25 yards. Nordin Amrabat and Medhi Benatia fired over with better chances. With their second loss in a row, Morocco became the first team eliminated from the 2018 FIFA World Cup. 85 international goals for Ronaldo is a new record for a European player, with Ronaldo passing Ferenc Pusk\u00e1s to hold the record outright. Ronaldo has become the first Portuguese player since Jos\u00e9 Torres in 1966 to score a goal with his right foot, left foot and head in a single World Cup tournament. Ronaldo is the first player to score five consecutive World Cup goals for his", + "score": 0.70849609375 + }, + { + "id": "18150593", + "title": "FIFA World Cup top goalscorers", + "text": "Only two other players have surpassed 10 goals at the World Cup: Pel\u00e9 with 12 between 1958 and 1970 for Brazil, and J\u00fcrgen Klinsmann with 11 between 1990 and 1998 for Germany. Of all the players who have played at the World Cup, only six have scored, on average, at least two goals per game played: Kocsis, Fontaine, St\u00e1bile, Russia's Oleg Salenko, Switzerland's Josef H\u00fcgi, and Poland's Ernst Wilimowski \u2014 the latter scored four in his single World Cup game in 1938. The top 97 goalscorers have represented 28 nations, with 14 players scoring for Brazil, and another 14 for", + "score": 0.70849609375 + }, + { + "id": "16769854", + "title": "Olivia O'Toole", + "text": "Women's Euro 2009 qualifying game. She had been stuck on 49 goals since netting in a 2\u20131 win over Switzerland in April 2006. O'Toole scored the only goal in Ireland's prestige friendly win over UEFA Women's Cup holders Arsenal Ladies in February 2008. She bowed out of international football in February 2009, scoring one and assisting on the others as Ireland defeated Reading 3\u20130 in a friendly held to mark the retirement of O'Toole, Claire Scanlan and Sharon Boyle. In 2010 O'Toole collected the Special Merit award at the FAI International Football Awards, as the national teams': \"record leading goal\u2013scorer", + "score": 0.70849609375 + }, + { + "id": "8678445", + "title": "Isidro La\u0301ngara", + "text": "in the Spanish second division the year Real Oviedo was promoted. During his first spell in Oviedo, he is recognized to have scored 281 goals in 220 games, this includes 231 goals in 160 competitive games. In the season 1933\u201334 he scored an unprecedented 60 goals in 32 games for Oviedo and another 9 goals in 5 games for the Spanish national team, this is still the highest single season goalscoring count for any Spanish born footballer. In December 1936, he played one match for Athletic Bilbao. With the onset of war, he joined the Republican side. In 1937 he", + "score": 0.70556640625 + }, + { + "id": "14956334", + "title": "Progression of England association football goalscoring record", + "text": "Progression of England association football goalscoring record This is a progressive list of association footballers who have held or co-held the record for international goals for the England national football team, beginning with William Kenyon-Slaney who scored the first ever international goal. He scored twice in the second international game played, the first game having finished 0\u20130. For the early decades, records of players appearances and goals were often considered unreliable. RSSSF and IFFHS have spent much effort trying to produce definitive lists of full international matches, and corresponding data on players' international caps and goals. Using this data, the", + "score": 0.705078125 + }, + { + "id": "1472146", + "title": "Gerd Mu\u0308ller", + "text": "on the list of all time international goalscorers, despite playing fewer matches than every other player in the top 25. Among the top scorers, he has the third-highest goal-to-game ratio. Nicknamed \"\"Bomber der Nation\"\" (\"the nation's Bomber\") or simply \"\"Der Bomber\"\", M\u00fcller was named European Footballer of the Year in 1970. After a successful season at Bayern Munich, he scored ten goals at the 1970 FIFA World Cup for West Germany where he received the Golden Boot as top goalscorer. He scored four goals in the 1974 World Cup, including the winning goal in the final. M\u00fcller held the all-time", + "score": 0.7041015625 + }, + { + "id": "145484", + "title": "FIFA World Cup", + "text": "(2002\u20132014) is the all-time top scorer at the finals, with 16 goals. He broke Ronaldo of Brazil's record of 15 goals (1998\u20132006) during the 2014 semi-final match against Brazil. West Germany's Gerd M\u00fcller (1970\u20131974) is third, with 14 goals. The fourth placed goalscorer, France's Just Fontaine, holds the record for the most goals scored in a single World Cup; all his 13 goals were scored in the 1958 tournament. In November 2007, FIFA announced that all members of World Cup-winning squads between 1930 and 1974 were to be retroactively awarded winners' medals. This made Brazil's Pel\u00e9 the only player to", + "score": 0.7041015625 + }, + { + "id": "3062031", + "title": "Robbie Keane", + "text": "in the history of the Premier League. Keane scored 68 goals for the Republic of Ireland national team over an 18-year international career, making him the all-time record Irish scorer. His 146 caps is also an Irish record. Keane is the joint fifth-highest European international goalscorer of all time, and the only player in the history of world football to have scored at least one international goal in 19 consecutive years. He is also the all-time top scorer in European Championship qualification matches. Keane was Ireland's top scorer at the 2002 FIFA World Cup with three goals as they reached", + "score": 0.7021484375 + }, + { + "id": "1608182", + "title": "Ali Daei", + "text": "in Asian Cup 1996. By the end of the 1996 Asian Cup, he had scored 29 goals in 38 appearances for Iran. In the 1998 World Cup qualifying campaign, he was again on top of the charts, scoring 9 goals in 17 matches for Iran, reaching his impressive record of 38 goals in 52 appearances for his country. He is ranked first in most goals in international matches. Ali Daei joined the exclusive circle of players with a century of caps. In a 28 November 2003 Asian Cup qualifier in Tehran against Lebanon, he scored his 85th international goal, elevating", + "score": 0.701171875 + }, + { + "id": "10805015", + "title": "Voetbal International", + "text": "awarded the 'Golden Television Ring 2011' for best television program of the year. On 7 June 2017, the magazine elected Argentine Lionel Messi as the best footballer in history, after a voting that took place in order to rank the top 100 footballers of all time. Messi won the poll earning the number one spot ahead of compatriot Diego Maradona and Dutch legend Johan Cruyff, that came second and third respectively. The top 5 list is as follows : Voetbal International Voetbal International (VI) is a Dutch football magazine. It is the oldest Dutch football magazine that is still running.", + "score": 0.70068359375 + }, + { + "id": "9416171", + "title": "Godfrey Chitalu", + "text": "highest official tally claimed by a national football association. Chitalu made his international debut on 29 June 1968 in a friendly match against Uganda in Lusaka which Zambia won 2\u20131. He scored his first goal in a 2\u20132 draw against the same team five days later. Chitalu played a prominent role during the World Cup qualification matches against Sudan with Zambia being eliminated on a strange rule which was peculiar to Africa and favoured the team that won the second leg. Despite the aggregate score being tied at 6\u20136 after Zambia won the first leg 4\u20132 and lost the return", + "score": 0.70068359375 + }, + { + "id": "2866348", + "title": "Arthur Rowley", + "text": "Arthur Rowley George Arthur Rowley Jr., (21 April 1926 \u2013 19 December 2002), nicknamed \"The Gunner\" because of his explosive left-foot shot, was an English football player and cricketer. He holds the record for the most goals in the history of English league football, scoring 434 from 619 league games. He was the younger brother of Manchester United footballer Jack Rowley. He was shortlisted for inclusion into the English Football Hall of Fame in 2008. He holds the club record for the most goals in a single season at both Leicester City and Shrewsbury Town, scoring 44 goals in 42", + "score": 0.7001953125 + }, + { + "id": "19466850", + "title": "Pele\u0301 statistics", + "text": "Pel\u00e9 statistics Pel\u00e9 (Edson Arantes do Nascimento) is a retired professional football player. Pel\u00e9's goalscoring record is often reported by FIFA as being 1281 goals in 1363 games. This figure includes goals scored by Pel\u00e9 in friendly club matches, like international tours Pel\u00e9 completed with Santos and the New York Cosmos, and a few games Pel\u00e9 played in for the Brazilian armed forces teams during his national service in Brazil. He was listed in the \"Guinness World Records\" for most career goals scored in football his goalscoring record. The tables below record every goal Pel\u00e9 scored in major club competitions", + "score": 0.69970703125 + }, + { + "id": "17982410", + "title": "Hungary at the FIFA World Cup", + "text": "West German opponents in the group stage only two weeks before the final. In one of the greatest comebacks in football history, the favoured Hungarians were defeated 2-3 despite an early 2-0 lead. With 11 goals in five matches in 1954, S\u00e1ndor Kocsis beat Brazilian Ademir's existing record of nine goals in one tournament from 1950. However, only four years later the record was in turn beaten by Just Fontaine. Hungary at the FIFA World Cup The FIFA World Cup, sometimes called the Football World Cup or the Soccer World Cup, but usually referred to simply as the World Cup,", + "score": 0.69921875 + }, + { + "id": "2866359", + "title": "Arthur Rowley", + "text": "describes him as a \"record breaking football hero\". Fulham Leicester City Individual Arthur Rowley George Arthur Rowley Jr., (21 April 1926 \u2013 19 December 2002), nicknamed \"The Gunner\" because of his explosive left-foot shot, was an English football player and cricketer. He holds the record for the most goals in the history of English league football, scoring 434 from 619 league games. He was the younger brother of Manchester United footballer Jack Rowley. He was shortlisted for inclusion into the English Football Hall of Fame in 2008. He holds the club record for the most goals in a single season", + "score": 0.69873046875 + }, + { + "id": "14956336", + "title": "Progression of England association football goalscoring record", + "text": "amateur appearances. Progression of England association football goalscoring record This is a progressive list of association footballers who have held or co-held the record for international goals for the England national football team, beginning with William Kenyon-Slaney who scored the first ever international goal. He scored twice in the second international game played, the first game having finished 0\u20130. For the early decades, records of players appearances and goals were often considered unreliable. RSSSF and IFFHS have spent much effort trying to produce definitive lists of full international matches, and corresponding data on players' international caps and goals. Using this", + "score": 0.69873046875 + }, + { + "id": "6177308", + "title": "Bernard Voorhoof", + "text": "of Armand Swartenbroeks) until 13 April 1958, when his total was surpassed by Vic Mees. He holds the Belgian record of goals since 13 March 1938, when he equalled the total of Robert De Veen. Paul Van Himst equalled his tally of 30 international goals for Belgium on 17 June 1972. Bernard Voorhoof Bernard Voorhoof (10 May 1910 \u2013 18 February 1974) was a Belgian footballer, the Belgium national team top scorer since 1940 with 30 goals in 61 matches. He was joined by Paul Van Himst in 1974 who needed 81 matches to score the same number of goals.", + "score": 0.6982421875 + }, + { + "id": "15303291", + "title": "Football in Bhutan", + "text": "in a game against Yeedzin and twenty goals in their defeat to Transport United. In the game between Transport United and RIHS FC, Passang Tshering scored seventeen goals. Sources indicate that the most goals scored by a single player in a game is 16, scored by Panagiotis Pontikos of Olympos Xylofagou against SEK Ayios Athanasios in May 2007 and by Stephane Stanis for RC Strasbourg in the 1940s. It would appear therefore, that Pontikos, having equalled a record that had stood for over 60 years, saw it broken only a few days later. Following on from their comparative success at", + "score": 0.69775390625 + }, + { + "id": "13917023", + "title": "FIFA Puska\u0301s Award", + "text": "forward European football produced in first-division football, and scored a once world record of 84 goals in 85 internationals. He is one of the top scorers of the 20th century, with 512 goals in 528 matches. \"It is important to preserve the memory of those footballing greats who have left their mark on our history. Ferenc Pusk\u00e1s was not only a player with immense talent who won many honours, but also a remarkable man. FIFA is therefore delighted to pay tribute to him by dedicating this award to his memory,\" said Blatter at the inauguration of the award in Budapest.", + "score": 0.69677734375 + }, + { + "id": "19466853", + "title": "Pele\u0301 statistics", + "text": "Edition of Scoreboard; and Sextant Publishing House. Pel\u00e9 statistics Pel\u00e9 (Edson Arantes do Nascimento) is a retired professional football player. Pel\u00e9's goalscoring record is often reported by FIFA as being 1281 goals in 1363 games. This figure includes goals scored by Pel\u00e9 in friendly club matches, like international tours Pel\u00e9 completed with Santos and the New York Cosmos, and a few games Pel\u00e9 played in for the Brazilian armed forces teams during his national service in Brazil. He was listed in the \"Guinness World Records\" for most career goals scored in football his goalscoring record. The tables below record every", + "score": 0.69677734375 + }, + { + "id": "5612956", + "title": "Karim Bagheri", + "text": "of the strongest right-footed shots and scored many fantastic goals against opponents, such as his game-tying goal against South Korea in the quarter finals of the 2000 Asian Cup in Lebanon. On 2 June 1997, he scored seven times against the Maldives, and equalled the record for the most goals scored in a World Cup match, which was held by the Australian Gary Cole since 1981. Their joint record was broken on 11 April 2001 when another Australian, Archie Thompson scored 13 goals against American Samoa. He was named the world's second top goal scorer in official international matches by", + "score": 0.6962890625 + }, + { + "id": "14307809", + "title": "Jose\u0301 Ardines", + "text": "of Honduran side Marath\u00f3n. With Eurokickers, Ardines scored a record high total of 191 goals, becoming the top-scorer for six seasons in a row (1990-1995-96) and also the player to have scored the most goals in a single season in 1990 with 26 goals. On 20 December 1997, he scored a stunning 11 goals in a 13-2 thrashing of Ejecutivo Jrs. All of these records still stand today and are part of the goalscoring legacy left by Ardines in the national football league. Ardines was voted the league's most valuable player three times in 1990, 1992 and 1993. He was", + "score": 0.69580078125 + }, + { + "id": "3048831", + "title": "Cristiano Ronaldo", + "text": "to do so in total. His third goal saw him curl in a 30-yard free kick with two minutes remaining for the equaliser. His hat-trick also drew him level with Ferenc Pusk\u00e1s as the highest European goalscorer of all-time, with 84 international goals. In Portugal's second game on 20 June, Ronaldo scored the only goal in a 1\u20130 victory against Morocco, breaking Pusk\u00e1s' record. In the final group match against Iran on 25 June, Ronaldo missed a penalty in an eventual 1\u20131 draw which saw Portugal progress to the second round as group runners-up behind Spain. On 30 June, Portugal", + "score": 0.69580078125 + }, + { + "id": "9416184", + "title": "Godfrey Chitalu", + "text": "Chitalu. In December 2012, Kabwe Warriors renamed the Railways Stadium as the \"Godfrey Chitalu Stadium,\" and announced plans to erect a statue in his honour. Runner up: Data presented by the Football Association of Zambia regarding the 1972 calendar year and the 1972 season suggests Chitalu could be holder of world records such as most official goals in a year and most official goals in a season. Alternatively Spanish historian Guillem Pons claim that at most 88 of those goals could be official. Pons amongst others excluded goals scored in the Charity Shield and the Chibuku Cup, indirectly basing his", + "score": 0.69580078125 + }, + { + "id": "13406473", + "title": "Romelu Lukaku", + "text": "record set by Bernard Voorhoof and Paul van Himst after scoring twice against Mexico in a 3\u20133 draw. Four days after he equalled the record, Lukaku became the Belgium\u2019s all-time record goalscorer with 31 international goals at the age of 24 after he scored the only goal in a 1\u20130 win over Japan. Although this record was counted by the Royal Belgian Football Association, FIFA only officially recognised 28 goals after a nullified international friendly match against Luxembourg on 26 May 2014 which he netted a hat trick in a 5\u20131 win because the former Belgium coach, Marc Wilmots made", + "score": 0.6953125 + }, + { + "id": "3009843", + "title": "Niall Quinn", + "text": "playing just once, as a substitute in the Republic of Ireland's 1\u20130 win over England in Stuttgart. Quinn scored the equaliser against the Netherlands in the 1990 FIFA World Cup which allowed the Republic to progress to the second round of that tournament. In the qualifiers for the 2002 FIFA World Cup, he scored against Cyprus on his 35th birthday to break the all-time goalscoring record, then held by Frank Stapleton. In the tournament proper, his header set up Robbie Keane's late equaliser against Germany, which was the only goal Germany conceded before the final. In the second-round, with the", + "score": 0.69482421875 + }, + { + "id": "4545006", + "title": "Poul Nielsen", + "text": "Hansen's record from 1920, as Nielsen became the first Dane to play 32 international games. He ended his national team career in September 1925, having scored a total 52 goals in 38 matches, including 26 goals against Norway and 15 goals against Sweden. Although Nielsen played during the 1910s and 1920s, the number of goals he scored for his country is still the national record, and was not equalled until Jon Dahl Tomasson scored his 52nd goal during June 2010. Nielsen's tally of 38 international matches was another Danish record, but it was exceeded by Michael Rohde during June 1931.", + "score": 0.69482421875 + }, + { + "id": "9416150", + "title": "Godfrey Chitalu", + "text": "which are often referred to by journalist as \"world records\". However, Zambian researchers found out they were actually 116 throughout the calendar year. This includes 15 goals in CAF competitions, 91 goals in FAZ tournaments, 5 goals in friendly games, 3 goals in the NFL Trophy and 2 goals in the NFL Benevolent Fund Match. The research was presented in the year 2012 after Lionel Messi broke the alleged world record of Gerd M\u00fcller. Nevertheless, a FIFA spokesman declared that an official FIFA world record had never existed as they did not keep track of domestic competitions. Upon retirement, Chitalu", + "score": 0.69482421875 + }, + { + "id": "1472156", + "title": "Gerd Mu\u0308ller", + "text": "FIFA World Cup tournaments were a record between 1974 and 2006. This score was bettered in 2006 by Brazil's Ronaldo, and eight years later by German Miroslav Klose, who also broke M\u00fcller's record for goals for Germany. Gerd M\u00fcller Gerhard \"Gerd\" M\u00fcller (; born 3 November 1945) is a German retired footballer. A prolific striker renowned for his clinical finishing, especially in and around the six-yard box, he is regarded as one of the greatest goalscorers of all time. At international level with West Germany, he scored 68 goals in 62 appearances, and at club level, after 15 years with", + "score": 0.69482421875 + }, + { + "id": "3048820", + "title": "Cristiano Ronaldo", + "text": "of a 4\u20132 qualifying victory on 6 September 2013. After Portugal failed to qualify during the regular campaign, Ronaldo scored all four of the team's goals in the play-offs against Sweden, which ensured their place at the tournament. His hat-trick in the second leg took his international tally to 47 goals, equaling Pauleta's record. Ronaldo subsequently scored twice in a 5\u20131 friendly win over Cameroon on 5 March 2014 to become his country's all-time top scorer. Ronaldo took part in the tournament despite suffering from patellar tendinitis and a related thigh injury, potentially risking his career. Ronaldo later commented: \"If", + "score": 0.6943359375 + }, + { + "id": "4004143", + "title": "John Coleman (Australian footballer)", + "text": "was forced to concede defeat in the lead up to the 1956 season. There were revelations in early 1958 that Coleman's knee was sufficiently repaired to play on and his true reasons for not playing were unrelated to his knee. Coleman kicked 537 goals in just 98 appearances, at an average of 5.48 goals per game. At the time of his retirement, it was the highest goals-per-game average by any player, exceeding the next-best total of Bob Pratt (4.31 goals per game) by more than a goal. Coleman's feats were even more impressive by virtue of the fact that he", + "score": 0.69384765625 + }, + { + "id": "4260685", + "title": "Maldives national football team", + "text": "single game; winning 10\u20130 against Sri Lanka. In this match, skipper Ali Ashfaq scored a double hat-trick and broke the record of India's IM Vijayan who holds the record of all-time top scorer of the tournament with 12 goals. He also made a new record of scoring the highest number of goals by a single player in a match in the tournament. Remaining goals of this match came from Assadhulla Abdulla, Hassan Adhuham, Ali Fasir and Ali Umar. In their second match, Ali Ashfaq scored four goals and Ali Fasir scored a brace while Mohammad Umair and Ali Umar scored", + "score": 0.693359375 + }, + { + "id": "1650685", + "title": "Ferenc Puska\u0301s", + "text": "Ferenc Stadion, its metro station, Pusk\u00e1s Akad\u00e9mia FC, Pusk\u00e1s Cup and the FIFA Pusk\u00e1s Award all bear his name. Source: Ferenc Pusk\u00e1s Ferenc Pusk\u00e1s (; n\u00e9 Purczeld; 2 April 1927 \u2013 17 November 2006) was a Hungarian footballer and manager, widely regarded as one of the greatest players of all time. A prolific forward, he scored 84 goals in 85 international matches for Hungary, and 514 goals in 529 matches in the Hungarian and Spanish leagues. He became an Olympic champion in 1952 and led his nation to the final of the 1954 World Cup where he was named the", + "score": 0.6923828125 + }, + { + "id": "336245", + "title": "Pele\u0301", + "text": "Pel\u00e9 in friendly club matches, like international tours Pel\u00e9 completed with Santos and the New York Cosmos, and a few games Pel\u00e9 played in for the Brazilian armed forces teams during his national service in Brazil. He was listed in the \"Guinness World Records\" for most career goals scored in football. The tables below record every goal Pel\u00e9 scored in major club competitions for Santos and the New York Cosmos. Pel\u00e9 is the top scorer of the Brazil national football team with 77 goals in 92 official appearances. In addition, he scored 18 times in 22 unofficial games. This makes", + "score": 0.69189453125 + }, + { + "id": "7614781", + "title": "Australia national soccer team", + "text": "second place with 108 caps, followed by Lucas Neill with 96 caps and Brett Emerton with 95 caps. Tim Cahill is Australia's highest goalscorer, with 50 goals since his first appearance for Australia in March 2004. Damian Mori (29 goals) and Archie Thompson (28 goals) complete the top three. Australia currently hold the world record for the largest win and the most goals scored by a player in an international match. Both records were achieved during the 2002 FIFA World Cup qualification match against American Samoa on 11 April 2001. Australia won 31\u20130 with Archie Thompson scoring 13 goals and", + "score": 0.6904296875 + }, + { + "id": "17315282", + "title": "RIHS F.C.", + "text": "Institute of Health and Sciences team: In the game between Transport United and RIHS FC, Passang Tshering scored seventeen goals. Sources indicate that the most goals scored by a single player in a game is 16, scored by Panagiotis Pontikos of Olympos Xylofagou against SEK Ayios Athanasios in May 2007 and by Stephane Stanis for RC Strasbourg in the 1940s. It would appear therefore, that Pontikos, having equalled a record that had stood for over 60 years, saw it broken only a few days later. It is not known whether they competed again, and there is no record of them", + "score": 0.6904296875 + }, + { + "id": "10569839", + "title": "Arbroath 36\u20130 Bon Accord", + "text": "goalkeeper Jim Milne Sr did not touch the ball in the entire game and spent some of the match sheltering from the rain under a spectator's umbrella. The 18-year-old John Petrie scored 13 goals, still the record for most goals scored in a senior tournament, although it was equalled by Archie Thompson when Australia beat American Samoa 31\u20130 on 11 April 2001 in a qualifier for the 2002 World Cup. The unfortunate Bon Accord goal keeper on the day was Andrew Lornie. On the same day, 18 miles (29 kilometres) away in Dundee, Dundee Harp were also playing in the", + "score": 0.6904296875 + }, + { + "id": "10791075", + "title": "Werner Nilsen", + "text": "Werner Nilsen Werner \"Scotty\" Nilsen (February 4, 1904 in Skien, Norway \u2013 May 10, 1992 in St. Louis, Missouri) is a former Norwegian American soccer forward. He is one of the highest scoring players in U.S. soccer history, scoring 131 goals in 239 games with the Boston Soccer Club. He won five consecutive National Challenge Cups during his career, and four doubles. He also earned two caps with the United States in 1934, one at the 1934 FIFA World Cup. He is a member of the National Soccer Hall of Fame. Nilsen played for Norwegian club Skiens Grane before moving", + "score": 0.6904296875 + }, + { + "id": "8278911", + "title": "Sven Jonasson", + "text": "Sven Jonasson Sven Jonasson (9 July 1909 \u2013 17 September 1984) was a Swedish football striker. He was born in Bor\u00e5s and died in Varberg. He played for IF Elfsborg and the Sweden national football team, for whom he appeared in the 1934 and 1938 World Cups. He scored two goals in 1934 and one in 1938. Jonasson holds the record for most goals (252 goals) and most consecutive games (344 games, 1927\u20131941) in Allsvenskan (top level of Swedish football). In 1936 he is mentioned in a Danish source for playing as a \"false 9\" when playing against a team", + "score": 0.68994140625 + }, + { + "id": "4662697", + "title": "Archie Thompson", + "text": "substitute and scored his first international goal in Australia's first match against Tonga, which Australia easily won 22\u20130, breaking the world record for the largest win in an international match. Two days later, in the match against American Samoa, Thompson was named as starter with regular attackers either rested or omitted from the squad. Australia went on to break their own record by winning 31\u20130, with Thompson scoring 13 goals, breaking the world record for most goals scored in an international match. American Samoa, who had player eligibility issues, fielded a team with youth players and was not a match", + "score": 0.68994140625 + }, + { + "id": "10268250", + "title": "Edu Snethlage", + "text": "against Belgium on 1909-04-25. His record would stand until 1910-10-16, when Jan Thom\u00e9e scored his eleventh goal for the Netherlands in a match against Germany. Edu Snethlage Everhardus \"Edu\" Snethlage (November 5, 1883 in Ngawi, Dutch East Indies \u2013 January 12, 1941 in Medan, Dutch East Indies) was a Dutch football (soccer) player. He was a member of the Dutch team that won the bronze medal in the football tournament of the 1908 Summer Olympics. Snethlage became the all-time top scorer for the Dutch national team on 1909-03-21. His opening goal of the match against Belgium was his seventh goal", + "score": 0.689453125 + }, + { + "id": "13984619", + "title": "Kerry Davis", + "text": "friendly with Italy. In October 2010, \"She Kicks\" magazine reported that Davis remained England's all\u2013time record goalscorer. Although it was stated that records were \"sketchy\" because the Football Association (FA) took over running women's football in 1993. There was uncertainty whether all Davis's goals before this were scored in matches considered official. In February 2012 Kelly Smith netted twice against Finland, moving on to 45 goals for England and setting a new record. After returning from Italy Davis worked in a sports shop in Stoke-on-Trent. Kerry Davis Kerry Davis (born 2 August 1962) is an English former international women's footballer.", + "score": 0.68896484375 + }, + { + "id": "1310204", + "title": "1994 FIFA World Cup", + "text": "proved to be far stronger than Cameroon and Russia in every department. The game between the latter two broke two World Cup records. Oleg Salenko of Russia became the first \u2013 and remains the only \u2013 man to score five goals in a single World Cup game as Russia ran out 6\u20131 winners against their African opponents. The goals also ensured that Salenko finished the tournament joint-top scorer with six goals, having previously bagged one against Sweden. Cameroon left a mark too as Roger Milla, at the age of 42, became the oldest World Cup goalscorer of all time as", + "score": 0.68896484375 + }, + { + "id": "3718720", + "title": "Oleg Salenko", + "text": "of them at the World Cup in which he was joint top scorer. His last international appearance was 6\u20131 win against Cameroon when he scored five times. As of 2017, he is the only player to win the Golden Boot at both the U-20 World Cup and FIFA World Cup. Salenko set a World Cup record by scoring five goals in one game in Russia's 6\u20131 win against Cameroon on 28 June 1994. He finished the 1994 World Cup with six goals, having scored from the penalty spot against Sweden in the previous match and shared the Golden Boot with", + "score": 0.68798828125 + }, + { + "id": "11041449", + "title": "Australia 31\u20130 American Samoa", + "text": "second most goals scored in an international match, after Thompson's 13 goals. In fact, his figure was less than the previous record of 10 goals, which was achieved by Denmark's Sophus Nielsen at the 1908 Olympics and Germany's Gottfried Fuchs at the 1912 Olympics. Nevertheless, this made Zdrilic's total the second highest in almost 90 years. Thompson also equalled the world record for most goals scored in a recognized senior match, set in 1885 when John Petrie scored 13 goals in Arbroath's 36\u20130 win over Bon Accord in a Scottish Cup tournament. The previous record in a World Cup qualifying", + "score": 0.68798828125 + }, + { + "id": "20079071", + "title": "Chris Marron", + "text": "Chris Marron Christopher Marron (7 February 1925 \u2013 June 1986) was an English professional footballer. A centre forward, he scored 70 goals in 163 matches in the Football League, and also holds the record for the most goals in an FA Cup match, having scored ten in a preliminary round match in September 1947. Born in Jarrow, Marron was playing for North Eastern League club South Shields when he scored ten goals in a preliminary round match against Radcliffe Welfare United in the 1947\u201348 FA Cup, a record for the competition. The record was equalled by Paul Jackson of Stocksbridge", + "score": 0.68798828125 + }, + { + "id": "3062079", + "title": "Robbie Keane", + "text": "missed a penalty in a friendly game. He was the highest male international scorer among active players following Miroslav Klose's retirement in 2014. On 11 October 2014, he scored his third international hat-trick, his 63rd, 64th and 65th goals, in a 7\u20130 European qualifying win against Gibraltar at Aviva Stadium. The treble concluded with a penalty in the 18th minute of the match. This took him to a record 21 goals in European Championship qualifiers, surpassing the 20 by Turkey's Hakan \u015e\u00fck\u00fcr. Keane was selected in manager Martin O'Neill's 23-man squad for UEFA Euro 2016 in what would be his", + "score": 0.68701171875 + }, + { + "id": "17235150", + "title": "2017 FIFA Beach Soccer World Cup", + "text": "was top scorer in the pre-FIFA era in 1995 and 1996). Notably Madjer (who holds the record for the highest number of goals scored at a single World Cup (21 in 2006) and the highest tally of goals overall in the FIFA era at 87) failed to score even a single goal at a World Cup finals for the very first time. Former Golden Boot winner, Dejan Stankovic, scored his highest number of goals (seven) since winning the award with 16 in 2009. The winner of the Golden Boot in the last edition, Pedro Moran (who won the award with", + "score": 0.6865234375 + }, + { + "id": "5778741", + "title": "Tinsley Lindley", + "text": "March 1886, in which all contemporary reports credit the goals to George Brann, Fred Dewhurst and Andrew Amos. He did, however, score in each of the next 6 consecutive games, which is still an England record (though note that Steve Bloomer scored in 10 consecutive matches \"in which he played\", and George Camsell in 9). In total he scored 14 international goals in just 13 games. He held the overall England goalscoring record from March 1888 when he equalled Charles Bambridge's tally of 11 until his final tally of 14 was overhauled by Steve Bloomer in 1898. Lindley played first-class", + "score": 0.68603515625 + }, + { + "id": "7935792", + "title": "Va\u0301clav Mas\u030cek", + "text": "forty years later, when his record was beaten by Hakan \u015e\u00fck\u00fcr of Turkey, by scoring after 11 seconds in the 3rd place match of the 2002 FIFA World Cup. V\u00e1clav Ma\u0161ek V\u00e1clav Ma\u0161ek (born 21 March 1941) is a Czech football player who played as a striker. He was a member of the Czechoslovakia national football team, for which he played 16 matches and scored 5 goals. In Czechoslovakia, he played 313 league matches and scored 127 goals for Sparta Prague. He was a participant in the 1962 FIFA World Cup, where his country were runners up, losing to Brazil", + "score": 0.68603515625 + }, + { + "id": "690125", + "title": "Alan Shearer", + "text": "world's greatest living players. Shearer scored 283 league goals in his career (all in the first tier of English football), including a record 260 in the Premier League (of which 58 were penalties) with a record 11 Premier League hat-tricks, and a total of 422 in all competitions including international at all levels. Until his retirement from international football in 2000, he appeared 63 times for his country and scored 30 goals. Shearer had a goals-to-game ratio of 0.667 throughout his career. Since retiring as a player in 2006, Shearer has worked as a television pundit for the BBC. In", + "score": 0.68603515625 + }, + { + "id": "3280714", + "title": "Football at the Summer Olympics", + "text": "in 2000 after an extra time defeat by . The finals of the next two tournaments, in 2004 and 2008, also went to extra time, with the U.S. defeating both times. In 2012 the U.S. won their fourth gold medal defeating Japan 2\u20131 in the final. Allocation of places for each continent in the 2016 Games was: Denmark's Sophus Nielsen in the 1908 and 1912 hold the record for the most goals scored by a player in an all and single tournament, scoring 13 goals. The first official football tournament was held in London, England, 1908. Neymar marked the fastest", + "score": 0.68603515625 + }, + { + "id": "145487", + "title": "FIFA World Cup", + "text": "played the most World Cup matches (109), Germany appeared in the most finals (8), semi-finals (13), quarter-finals (16), while Brazil has appeared in the most World Cups (21), has the most wins (73) and has scored the most goals (229). The two teams have played each other twice in the World Cup, in the 2002 final and in the 2014 semi-final. FIFA World Cup The FIFA World Cup, often simply called the World Cup, is an international association football competition contested by the senior men's national teams of the members of the \"\" (FIFA), the sport's global governing body. The", + "score": 0.68603515625 + }, + { + "id": "224007", + "title": "Kenny Dalglish", + "text": "World Cup in Argentina \u2013 scoring against eventual runners-up the Netherlands in a famous 3\u20132 win \u2013 and the 1982 World Cup in Spain, scoring against New Zealand. On both occasions Scotland failed to get past the group stage. Dalglish was selected for the 22-man squad travelling to Mexico for the 1986 World Cup, but had to withdraw due to injury. In total, Dalglish played 102 times for Scotland (a national record) and he scored 30 goals (also a national record, which matched that set by Denis Law). His final appearance for Scotland, after 15 years as a full international,", + "score": 0.685546875 + }, + { + "id": "9036839", + "title": "Transport United F.C.", + "text": "but in the game between Transport United and RIHS FC, Passang Tshering scored seventeen goals. Sources indicate that the most goals scored by a single player in a game is 16, scored by Panagiotis Pontikos of Olympos Xylofagou against SEK Ayios Athanasios in May 2007 and by Stephane Stanis for RC Strasbourg in the 1940s. It would appear therefore, that Pontikos, having equalled a record that had stood for over 60 years, saw it broken only a few days later. The club also participated in their third consecutive AFC President's Cup, this time held in Lahore, Pakistan. They were drawn", + "score": 0.68505859375 + }, + { + "id": "8695864", + "title": "Joe Bambrick", + "text": "the record score for a British Isles player in an international fixture. Bambrick began his professional career with Glentoran, spending a season there before moving to Belfast rivals Linfield. His scoring record with Linfield was phenomenal: he scored a total of 286 league goals in just 183 games, 50 of these coming in the 1930\u201331 season, which was the highest in the world that year and a then record in British football (Fred Roberts of Glentoran scored 55 the following season). In total that season he managed 96 goals in all competitions, and his overall goal tally for Linfield was", + "score": 0.68505859375 + }, + { + "id": "8698835", + "title": "Dave Halliday", + "text": "the North, scoring at least 35 league goals in each of the four full seasons he spent at Sunderland. His 43 goals in 1928\u201329 made him top scorer in England's top division that season. This tally remains Sunderland's highest number of league goals scored by a player during a season. Halliday hit his first 100 goals for Sunderland in just 101 games. Halliday is the only goalscorer in top-flight football in England to have scored more than 30 goals in four consecutive seasons. Halliday as well has a strike rate or goals to games ratio of 0.943 which is the", + "score": 0.68505859375 + }, + { + "id": "7177648", + "title": "Todi Jo\u0301nsson", + "text": "for the Faroe Islands national football team with 9 goals in 45 caps, until R\u00f3gvi Jacobsen scored his 9th goal against Lithuania in September 2007, then fully overtaking Todi's record away to Italy two months later. Todi is also the only Faroese player to score a hat-trick in an international match. (Bergur Magnussen did score 6 times in the match against the \u00c5land Islands back in 1989, but this match is not officially recognised.) However, Todi is also remembered for his premature and controversial international retirement in the spring of 2001, as he decided to concentrate himself fully on his", + "score": 0.68505859375 + }, + { + "id": "9973030", + "title": "Ronald Ross (shinty player)", + "text": "brother, Ian Jr. Ian was also awarded the MBE for services to shinty. Ronald Ross (shinty player) Ronald Ross, MBE (born 1975) is a Scottish shinty player who is a retired player who played for Kingussie Camanachd. He is a forward, the only man to have ever scored more than 1000 goals in the sport and who has broken several other records as an individual and as part of Kingussie's record-breaking first team. The media has awarded him the nickname \"Ronaldo of the Glens\" in tribute to his scoring prowess, drawing comparisons with the famous Brazilian footballer. Everyone in shinty", + "score": 0.6845703125 + }, + { + "id": "5984088", + "title": "Darko Panc\u030cev", + "text": "Darko Pan\u010dev Darko Pan\u010dev (, , born 7 September 1965) is a retired Yugoslav and Macedonian footballer, who played as a forward, and who was the winner of the European Golden Boot award in 1991. Pan\u010dev was the highest scorer in top-division European football in the 1990\u201391 season with 34 goals, and should have won the European Golden Boot award. However, UEFA decided to make the competition unofficial for the season because of suspect scoring sprees in Cyprus. Pan\u010dev did not get the prize at the time, but received it fifteen years later on 3 August 2006 in Skopje. The", + "score": 0.68359375 + }, + { + "id": "6763080", + "title": "Sohail Abbas", + "text": "(129 goals), Hanif Khan (127 goals) and Manzoorul Hassan Sr (101 goals). He got eight goals at Sydney after handsome display at Osaka's Olympic qualifiers. His achievement at Japan was all the more remarkable considering he had only just returned to the fray after spending four months on the sidelines with a groin injury. His total goals in 2000 were 26, followed by 37 in 2001. Sohail attracted worldwide attention in 2002 when he emerged as the joint highest scorer along with Argentina's Jorge Lombi in the 10th World Cup at Kuala Lumpur. And all 10 goals that Sohail scored", + "score": 0.6826171875 + }, + { + "id": "1634971", + "title": "Miroslav Klose", + "text": "record goalscorer. Klose scored his record-equalling 15th World Cup goal to help Germany to a 2\u20132 draw against Ghana on 21 June 2014, after entering the game as a 69th minute substitute for Mario G\u00f6tze (who had scored Germany's first goal) with his team trailing 2\u20131. This tied him with the Brazilian player Ronaldo. With this goal, Klose became the third player in history to score in four different World Cups. On 8 July, Klose scored a record 16th World Cup goal in the 23rd minute against Brazil in the semi-finals, his second goal of the 2014 World Cup. That", + "score": 0.68212890625 + }, + { + "id": "3060317", + "title": "Park Ji-sung", + "text": "13 goals. He was a member of the team that finished fourth at the 2002 FIFA World Cup. He also represented his nation at the 2006 FIFA World Cup and was captain at the 2010 FIFA World Cup. Park scored in three consecutive tournaments (the first South Korean and only second Asian player to do so) and is currently South Korea's joint all-time leading goalscorer at the FIFA World Cup finals with three goals, alongside Ahn Jung-hwan and Son Heung-min. Although many sources report that he was born in the South Korean capital, Seoul, Park was actually born in Goheung,", + "score": 0.68212890625 + }, + { + "id": "12129566", + "title": "La\u0301szlo\u0301 Raffinsky", + "text": "L\u00e1szl\u00f3 Raffinsky L\u00e1szl\u00f3 Raffinsky () (born 23 April 1905 in Miskolc, Hungary (Austria-Hungary) - died 31 July 1981 in Cluj-Napoca, Romania) was a Romanian football player of Hungarian ethnicity who was a member of Romanian team which participated at the 1930 FIFA World Cup in Uruguay and 1938 FIFA World Cup in France. He holds the record for most goals scored in a Liga I match, scoring ten goals in the match between Juventus Bucure\u015fti and Dacia Unirea Br\u0103ila from 1929-1930 season. L\u00e1szl\u00f3 Raffinsky begun his football career in 1924, playing for Unirea, a football club from Timi\u015foara. In 1925,", + "score": 0.68212890625 + }, + { + "id": "15670338", + "title": "Tom Keetley", + "text": "of Notts County, of scoring the most goals in a season \u2013 39 in 34 league games \u2013 and ten hat-tricks in four seasons. He left Notts in 1933 to join Lincoln City, having scored 94 goals in 103 league appearances and four goals in seven FA Cup ties. He played just 10 games for Lincoln in 1934 before briefly moving onto non-league Gresley Rovers in 1934, and then Heanor Town. He is 29th in the all-time top scorers list in league football in England and Scotland having the 9th highest goals per game ratio of 0.75. As of June", + "score": 0.68212890625 + }, + { + "id": "12845609", + "title": "Sheoo Mewalal", + "text": "in 1949, 1951 & 1954 for Eastern Railways and in 1958 for BNR. He also scored a record of 32 hat-tricks in local footbal tournaments which record stands even today. Playing for the Indian national team, Mewalal's first major tournament was the 1948 Olympics in London. Following Games, the team played exhibition games including a game against the Dutch club Ajax winning 5\u20131. Mewalal emerged as the top scorer in the games. At the inaugural Asian Games in 1951 in New Delhi, he finished as the top scorer with four goals, and India winning the gold medal. He scored the", + "score": 0.681640625 + }, + { + "id": "16042883", + "title": "Terry Ingersoll", + "text": "Terry Ingersoll Terry Ingersoll (born 18 August 1934) is a former Australian rules footballer who played with Hawthorn in the Victorian Football League (VFL). Ingersoll, a full-forward, had a prolific season for Western Suburbs in 1956, breaking the NSW Australian Football Association record for most goals in a year. He kicked 101 goals in the home and away season, which included 15 and 17 goal hauls in successive weeks, against Balmain and St George respectively. He wrote his name into the record books again at Hawthorn, when he kicked a club record five goals on debut, in the opening round", + "score": 0.681640625 + }, + { + "id": "852353", + "title": "Telmo Zarra", + "text": "251 league goals, a Spanish record that lasted nearly six decades before being broken by Lionel Messi. His 81 goals in the Copa del Rey remains a record today. Despite his goalscoring records, he only played for Spain 20 times. Even so, he still managed to score 20 goals, including four in one match as Spain beat Switzerland 6\u20133 on 18 February 1951. He also scored his country's winning goal against England in the 1950 World Cup finals as Spain reached the final four\u2014their best performance in the competition until winning the 2010 FIFA World Cup 60 years later. After", + "score": 0.68115234375 + }, + { + "id": "8339928", + "title": "Humberto Suazo", + "text": "announced his retirement from football on January 14, 2016. Suazo had also become a fixture with his international side. In 2006, he scored 17 goals in national and international matches, surpassing Peter Crouch by one goal for the \"World's Top Goal Scorer Award\". His four international goals all came in friendlies. He scored goals against New Zealand and Sweden. His other two goals came in the form of penalties versus Ivory Coast and Colombia. In January 2007, he was awarded world's top goal scorer of 2006 by the International Federation of Football History & Statistics in Salzburg, Austria. He was", + "score": 0.6806640625 + }, + { + "id": "4022712", + "title": "Sa\u0301ndor Kocsis", + "text": "world 1st division football with 36 goals. He repeated that feat in 1954 with 33 goals. Kocsis made his debut for the senior Hungary team in 1948. Together with Ferenc Pusk\u00e1s, Zolt\u00e1n Czibor, J\u00f3zsef Bozsik and N\u00e1ndor Hidegkuti, he formed the offensive nucleus of the Golden Team that went unbeaten for 32 consecutive games. The Hungarian national team suffered no defeats in Class-A international matches between 4 June 1950 and 4 July 1954, in the 1954 FIFA World Cup Final. Kocsis scored his first international hat trick in a game against Sweden on 20 November 1949, and he scored a", + "score": 0.6806640625 + }, + { + "id": "7900259", + "title": "Pietie Coetzee", + "text": "the top goal scorer at the 2002 Women's Hockey World Cup held in Perth, Western Australia, where South Africa finished in 13th position. In 2007, she played briefly at NMHC Nijmegen in the Netherlands. Pietie Coetzee became the all-time leading goal scorer in women's international hockey on 21 June 2011 with the third of four goals she scored in a 5-5 draw against the United States in the Champions Challenge in Dublin. It took her to 221 goals, bettering the 20-year-old world record of Russia's Natalya Krasnikova.
Pietie Coetzee Pietie Coetzee (born 2 September 1978) is a field hockey", + "score": 0.6806640625 + }, + { + "id": "9078060", + "title": "Vahid Shamsaei", + "text": "Goalscorer of the Asian Futsal Championship. On 19 May 2007 after scoring one goal against Japan in Iran's 4\u20131 victory in the final of the 2007 AFC Futsal Championship, he scored his 316th national goal. He is officially the world's Top Futsal Goalscorer with 82 goals ahead of Manoel Tobias of Brazil national futsal team, the previous holder of the title with 302 goals. Vahid Shamsaei Vahid Shamsaei (, born 21 September 1975) is an Iranian futsal player and a coach. He was a striker and he scored 392 goals in international matches. He is also the all time top", + "score": 0.6806640625 + }, + { + "id": "5643581", + "title": "Odd Iversen", + "text": "and 1979). Upon retirement in 1982, he became the first Norwegian player in history to get a testimonial match by his club (Rosenborg). At the time of his death he still held the record of most goals scored in one season (30 goals in 18 matches), a record that as of December 2014 still stands. During his career as a footballer he scored 158 goals in the top division, a record that stood for more than 20 years until it was broken by Petter Belsvik (159) in 2003. Since then, Harald Martin Brattbakk (166) and Sigurd Rushfeldt (172) have also", + "score": 0.68017578125 + }, + { + "id": "3062076", + "title": "Robbie Keane", + "text": "Ireland emerged from the competition victorious, having won all three of their games without conceding a goal. On 4 June 2011, Keane scored twice in a 2\u20130 away win against Macedonia in qualification for UEFA Euro 2012 to become the first Irish or British player to score more than 50 international goals. Following the game with Macedonia his total stood at 51 goals. He added another two goals in Ireland's 4\u20130 play-off hammering of Estonia in Tallinn which effectively secured qualification for Euro 2012 in Poland and Ukraine to bring his goal tally to 53. After a disappointing tournament in", + "score": 0.6796875 + }, + { + "id": "4614391", + "title": "Toni Polster", + "text": "first goal, and was a participant at the 1990 World Cup and 1998 World Cup. He earned 95 caps, scoring a record 44 goals. He overtook the previous goalscoring record, set by Hans Krankl, in November 1996, scoring his 35th goal against Latvia. His final (and record-breaking 94th) international was thought to be a 1998 FIFA World Cup match against Italy in June, but he was given an official farewell match in September 2000 against Iran, in which he was substituted in the 21st minute by Christian Mayrleb. His appearances record was surpassed by Andreas Herzog in May 2002. Polster", + "score": 0.6796875 + }, + { + "id": "17366468", + "title": "Gu\u0308nter Pro\u0308pper", + "text": "scored five goals in a game against SpVgg Erkenschwick, and in October 1971, Wuppertal had an away match against Pr\u00f6pper's former club Rot-Weiss Essen. He went on to score four times in an eventual 5\u20130 win, and received a standing ovation from both sets of supporters as he was substituted. By the end of the season, Pr\u00f6pper had scored a total of 52 goals in 34 league games \u2013 a record in German professional football for most goals in one season, and a further eight goals in the \"Aufstiegsrunde\" as Wuppertal won promotion to the Bundesliga. Pr\u00f6pper scored 21 goals", + "score": 0.6796875 + }, + { + "id": "3048827", + "title": "Cristiano Ronaldo", + "text": "in international football. In Portugal's opening match of the 2017 FIFA Confederations Cup against Mexico on 17 June, Cristiano Ronaldo set-up Quaresma's opening goal in a 2\u20132 draw. Three days later, he scored in a 1\u20130 win over hosts Russia. On 24 June, he scored from a penalty in a 4\u20130 win over New Zealand, which saw Portugal top their group and advance to the semi-finals of the competition. With his 75th international goal, Ronaldo also equalled S\u00e1ndor Kocsis as the second-highest European international goalscorer of all-time, behind only Ferenc Pusk\u00e1s. He was named man of the match in all", + "score": 0.67919921875 + }, + { + "id": "3721429", + "title": "Filippo Inzaghi", + "text": "Cristiano Ronaldo. He is also Milan's top international goal scorer in the club's history with 43 goals. He also holds the record for most hat-tricks in Serie A with 10. At international level, Inzaghi earned 57 caps for the Italy national team between 1997 and 2007, scoring 25 goals. He represented his country at three FIFA World Cups, winning the 2006 edition, and he also took part at UEFA Euro 2000, where he won a runners-up medal. Inzaghi's favourite footballers as a child were Paolo Rossi and Marco van Basten. The elder brother of fellow footballer Simone Inzaghi, he got", + "score": 0.67919921875 + } + ], + "answer": "In total, 67 male footballers to date have managed to score at least 50 goals with their national team at senior level. Ali Daei has scored the most goals in men's international football and is the only player to score over 100 goals in international men's football with 109 goals. Christine Sinclair scored the most goals in international women's football with 187 goals." + }, + { + "qa_pairs": [ + { + "context": "The Thirteenth Amendment (Amendment XIII) to the United States Constitution abolished slavery and involuntary servitude, except as punishment for a crime. In Congress, it was passed by the Senate on April 8, 1864, and by the House on January 31, 1865. The amendment was ratified by the required number of states on December 6, 1865. On December 18, 1865, Secretary of State William H. Seward proclaimed its adoption. It was the first of the three Reconstruction Amendments adopted following the American Civil War.", + "question": "When was the 13th amendment ratified by the required number of states?", + "short_answers": [ + "December 6, 1865" + ], + "wikipage": "Thirteenth Amendment to the United States Constitution" + }, + { + "context": "No context provided", + "question": "When was the 13th amendment ratified by the first group of states?", + "short_answers": [ + "February 1865" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Thirteenth Amendment to the United States Constitution", + "url": "https://en.wikipedia.org/wiki/Thirteenth%20Amendment%20to%20the%20United%20States%20Constitution" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The amendment was passed by Congress on January 31, 1865, and ratified by the required 27 of the then 36 states on December 6, 1865, and proclaimed on December 18.", + "wikipage": "Thirteenth Amendment to the United States Constitution" + }, + { + "content": "On February 1, 1865, when the proposed amendment was submitted to the states for ratification, there were 36 states in the U.S., including those that had been in rebellion; at least 27 states had to ratify the amendment for it to come into force.", + "wikipage": "Thirteenth Amendment to the United States Constitution" + }, + { + "content": "By the end of February, 18 states had ratified the amendment. ", + "wikipage": "Thirteenth Amendment to the United States Constitution" + } + ], + "long_answer": "The Thirteenth Amendment (Amendment XIII) to the United States Constitution to abolish slavery and involuntary servitude passed on January 31, 1865. It however required number (27) of states to implement it, and by the end of February 1865, only 18 states had ratified the amendment. The amendment wasn't fully ratified until December 6, 1865." + }, + { + "knowledge": [ + { + "content": "By the end of February, 18 states had ratified the amendment.", + "wikipage": "Thirteenth Amendment to the United States Constitution Ratification by the states" + }, + { + "content": "On February 1, 1865, when the proposed amendment was submitted to the states for ratification, there were 36 states in the U.S., including those that had been in rebellion; at least 27 states had to ratify the amendment for it to come into force.", + "wikipage": "Thirteenth Amendment to the United States Constitution Ratification by the states" + } + ], + "long_answer": "The Thirteenth Amendment (Amendment XIII) to the United States Constitution abolished slavery and involuntary servitude, except as punishment for a crime. In Congress, it was passed by the Senate on April 8, 1864, and by the House on January 31, 1865. By the end of February 1865, 18 states had ratified the amendment. At least 27 states had to ratify the amendment for it to come into force, and by December 6, 1865, the amendment was ratified by the required number of states." + } + ], + "sample_id": "-2308605614870982079", + "question": "When was the 13th amendment ratified by the states?", + "docs": [ + { + "id": "428679", + "title": "Thirteenth Amendment to the United States Constitution", + "text": "ratification did not imply federal power to legislate on the status of former slaves. During the first week of December, North Carolina and Georgia gave the amendment the final votes needed for it to become part of the Constitution. The Thirteenth Amendment became part of the Constitution on December 6, 1865, based on the following ratifications: Having been ratified by the legislatures of three-fourths of the several states (27 of the 36 states, including those that had been \"in rebellion\"), Secretary of State Seward, on December 18, 1865, certified that the Thirteenth Amendment had become valid, to all intents and", + "score": 0.7685546875, + "summary": "The Thirteenth Amendment was ratified on December 6, 1865 by three-fourths of the several states, including North Carolina and Georgia.", + "extraction": "The Thirteenth Amendment became part of the Constitution on December 6, 1865, based on the following ratifications." + }, + { + "id": "428650", + "title": "Thirteenth Amendment to the United States Constitution", + "text": "Thirteenth Amendment to the United States Constitution The Thirteenth Amendment (Amendment XIII) to the United States Constitution abolished slavery and involuntary servitude, except as punishment for a crime. In Congress, it was passed by the Senate on April 8, 1864, and by the House on January 31, 1865. The amendment was ratified by the required number of states on December 6, 1865. On December 18, 1865, Secretary of State William H. Seward proclaimed its adoption. It was the first of the three Reconstruction Amendments adopted following the American Civil War. Since the American Revolution, states had divided into states that", + "score": 0.76220703125, + "summary": "The 13th amendment to the United States Constitution was ratified by the required number of states on December 6, 1865.", + "extraction": "The Thirteenth Amendment was ratified by the required number of states on December 6, 1865." + }, + { + "id": "117675", + "title": "Emancipation Proclamation", + "text": "Winning re-election, Lincoln pressed the lame duck 38th Congress to pass the proposed amendment immediately rather than wait for the incoming 39th Congress to convene. In January 1865, Congress sent to the state legislatures for ratification what became the Thirteenth Amendment, banning slavery in all U.S. states and territories. The amendment was ratified by the legislatures of enough states by December 6, 1865, and proclaimed 12 days later. There were about 40,000 slaves in Kentucky and 1,000 in Delaware who were liberated then. As the years went on and American life continued to be deeply unfair towards blacks, cynicism towards", + "score": 0.755859375, + "summary": "The Thirteenth Amendment was ratified by the state legislatures on December 6, 1865, and proclaimed 12 days later, banning slavery in all U.S. states and territories.", + "extraction": "The Thirteenth Amendment was ratified by the legislatures of enough states by December 6, 1865." + }, + { + "id": "428723", + "title": "Thirteenth Amendment to the United States Constitution", + "text": "Enforcement, and Contemporary Implications Thirteenth Amendment to the United States Constitution The Thirteenth Amendment (Amendment XIII) to the United States Constitution abolished slavery and involuntary servitude, except as punishment for a crime. In Congress, it was passed by the Senate on April 8, 1864, and by the House on January 31, 1865. The amendment was ratified by the required number of states on December 6, 1865. On December 18, 1865, Secretary of State William H. Seward proclaimed its adoption. It was the first of the three Reconstruction Amendments adopted following the American Civil War. Since the American Revolution, states had", + "score": 0.75244140625, + "summary": "The 13th amendment was ratified by the required number of states on December 6, 1865.", + "extraction": "The Thirteenth Amendment was ratified by the required number of states on December 6, 1865." + }, + { + "id": "428673", + "title": "Thirteenth Amendment to the United States Constitution", + "text": "joint resolution was sent to Lincoln for his signature. Under the usual signatures of the Speaker of the House and the President of the Senate, President Lincoln wrote the word \"Approved\" and added his signature to the joint resolution on February 1, 1865. On February 7, Congress passed a resolution affirming that the Presidential signature was unnecessary. The Thirteenth Amendment is the only ratified amendment signed by a President, although James Buchanan had signed the Corwin Amendment that the 36th Congress had adopted and sent to the states in March 1861. When the Thirteenth Amendment was submitted to the states", + "score": 0.7421875, + "summary": "The 13th Amendment was ratified by President Lincoln on February 1, 1865.", + "extraction": "The Thirteenth Amendment was submitted to the states. No specific date for ratification is mentioned in the passage, so the answer to the question \"When was the 13th amendment ratified by the states?\" is \"irrelevant\"." + }, + { + "id": "11840530", + "title": "Mississippi", + "text": "unconstitutional, Mississippi repealed its ban on interracial marriage (also known as miscegenation), which had been enacted in 1890. It also repealed the segregationist-era poll tax in 1989. In 1995, the state symbolically ratified the Thirteenth Amendment, which had abolished slavery in 1865. Though ratified in 1995, the state never officially notified the U.S. archivist, which kept the ratification unofficial until 2013, when Ken Sullivan contacted the office of Secretary of State of Mississippi, Delbert Hosemann, who agreed to file the paperwork and make it official. In 2009, the legislature passed a bill to repeal other discriminatory civil rights laws, which", + "score": 0.7373046875, + "summary": "The state of Mississippi symbolically ratified the Thirteenth Amendment in 1995, which abolished slavery in 1865, but it was not officially notified until 2013.", + "extraction": "The Thirteenth Amendment was ratified in 1995, but the ratification was unofficial until 2013 when the paperwork was filed by the Secretary of State of Mississippi." + }, + { + "id": "7731965", + "title": "John B. Henderson", + "text": "and on February 10, 1864 it presented the Senate with a proposal combining the drafts of congressmen James Mitchell Ashley (Republican, Ohio), James Falconer Wilson, (Republican, Iowa), Charles Sumner (Republican, Massachusetts), and Henderson. On January 31, 1865 the 13th Amendment was approved by the U.S. Congress, and on February 1, 1865 it was signed by President Abraham Lincoln. On April 14-15, 1865 Lincoln was assassinated before the amendment was ratified by the State of Georgia on December 6, 1865. While in the Senate, Henderson was chairman of the Committee to Audit and Control the Contingent Expense (Thirty-ninth Congress) and a", + "score": 0.736328125, + "summary": "The 13th Amendment was approved by the US Congress on January 31, 1865, signed by President Abraham Lincoln on February 1, 1865, and ratified by the State of Georgia on December 6, 1865, after Lincoln's assassination.", + "extraction": "The 13th Amendment was ratified by the State of Georgia on December 6, 1865." + }, + { + "id": "428680", + "title": "Thirteenth Amendment to the United States Constitution", + "text": "purposes, as a part of the Constitution. Included on the enrolled list of ratifying states were the three ex-Confederate states that had given their assent, but with strings attached. Seward accepted their affirmative votes and brushed aside their \"interpretive declarations\" without comment, challenge or acknowledgment. The Thirteenth Amendment was subsequently ratified by: The Thirteenth Amendment became part of the Constitution 61 years after the Twelfth Amendment. This is the longest interval between constitutional amendments. The impact of the abolition of slavery was felt quickly. When the Thirteenth Amendment became operational, the scope of Lincoln's 1863 Emancipation Proclamation was widened to", + "score": 0.73193359375, + "summary": "The Thirteenth Amendment was ratified by the states, but the document does not provide a specific date.", + "extraction": "The Thirteenth Amendment was subsequently ratified by:" + }, + { + "id": "10125067", + "title": "Presidency of Abraham Lincoln", + "text": "the House narrowly cleared the two-thirds threshold in a 119-56 vote. The Thirteenth Amendment was sent to the states for ratification, and Secretary of State Seward proclaimed its adoption on December 18, 1865. With the ratification of the Thirteenth Amendment, some abolitionist leaders viewed their work as complete, though Frederick Douglass believed that \"slavery is not abolished until the black man has the ballot.\" In the decades prior to the Civil War, Southern congressmen had blocked the passage of various economic proposals, including federal funding for internal improvements, support for higher education, and increased tariff rates designed to protect domestic", + "score": 0.72216796875, + "summary": "The Thirteenth Amendment was sent to the states for ratification and was adopted on December 18, 1865.", + "extraction": "The Thirteenth Amendment was sent to the states for ratification, and Secretary of State Seward proclaimed its adoption on December 18, 1865." + }, + { + "id": "1866216", + "title": "Slavery in the United States", + "text": "the Senate in April 1864, and by the House of Representatives in January 1865. The amendment did not take effect until it was ratified by three fourths of the states, which occurred on December 6, 1865, when Georgia ratified it. On that date, all remaining slaves became officially free. Legally, the last 40,000-45,000 slaves were freed in the last two slave states of Kentucky and Delaware by the final ratification of the Thirteenth Amendment to the Constitution on December 18, 1865. Slaves still held in Tennessee, Kentucky, Kansas, New Jersey, Delaware, West Virginia, Maryland, Missouri, Washington, D.C., and twelve parishes", + "score": 0.72119140625, + "summary": "The Thirteenth Amendment was ratified by three fourths of the states on December 6, 1865.", + "extraction": "The Thirteenth Amendment to the Constitution was ratified on December 6, 1865, when Georgia ratified it." + }, + { + "id": "428297", + "title": "Third Amendment to the United States Constitution", + "text": "as the federal judiciary and direct taxation, intact. On November 20, 1789, New Jersey ratified eleven of the twelve amendments, rejecting Article II, which regulated Congressional pay raises. On December 19 and 22, respectively, Maryland and North Carolina ratified all twelve amendments. On January 19, 25, and 28, 1790, respectively, South Carolina, New Hampshire, and Delaware ratified the Bill, though New Hampshire rejected the amendment on Congressional pay raises, and Delaware rejected Article I, which regulated the size of the House. This brought the total of ratifying states to six of the required ten, but the process stalled in other", + "score": 0.72021484375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is about the Third Amendment to the United States Constitution and the ratification of twelve amendments in the late 1700s, but it does not mention the 13th amendment." + }, + { + "id": "8218242", + "title": "Reconstruction Amendments", + "text": "crime. It was passed by the U.S. Senate on April 8, 1864, and, after one unsuccessful vote and extensive legislative maneuvering by the Lincoln administration, the House followed suit on January 31, 1865. The measure was swiftly ratified by all but three Union states (the exceptions were Delaware, New Jersey, and Kentucky), and by a sufficient number of border and \"reconstructed\" Southern states, to be ratified by December 6, 1865. On December 18, 1865, Secretary of State William H. Seward proclaimed it to have been incorporated into the federal Constitution. It became part of the Constitution 61 years after the", + "score": 0.72021484375, + "summary": "The 13th amendment was ratified by the states on December 6, 1865, and incorporated into the federal Constitution on December 18, 1865.", + "extraction": "The 13th amendment was ratified by a sufficient number of states, including border and \"reconstructed\" Southern states, to be ratified by December 6, 1865." + }, + { + "id": "428853", + "title": "Sixteenth Amendment to the United States Constitution", + "text": "mood, with the Socialist Party winning a seat in the House in 1910 and polling six percent of the popular presidential vote in 1912. Three advocates for a federal income tax ran in the presidential election of 1912. On February 25, 1913, Secretary of State Philander Knox proclaimed that the amendment had been ratified by three-fourths of the states and so had become part of the Constitution. The Revenue Act of 1913, which greatly lowered tariffs and implemented a federal income tax, was enacted shortly after the Sixteenth Amendment was ratified. According to the United States Government Publishing Office, the", + "score": 0.716796875, + "summary": "Irrelevant.", + "extraction": "February 25, 1913" + }, + { + "id": "428821", + "title": "Fifteenth Amendment to the United States Constitution", + "text": "ratified on April 14, 1869, tried to revoke its ratification on January 5, 1870. However, in February 1870, Georgia, Iowa, Nebraska, and Texas ratified the amendment, bringing the total ratifying states to twenty-nine\u2014one more than the required twenty-eight ratifications from the thirty-seven states, and forestalling any court challenge to New York's resolution to withdraw its consent. The first twenty-eight states to ratify the Fifteenth Amendment were: Secretary of State Hamilton Fish certified the amendment on March 30, 1870, also including the ratifications of: The remaining seven states all subsequently ratified the amendment: The amendment's adoption was met with widespread celebrations", + "score": 0.7158203125, + "summary": "The document is irrelevant to the question of when the 13th amendment was ratified.", + "extraction": "The passage is irrelevant to the question as it discusses the ratification of the Fifteenth Amendment, not the Thirteenth Amendment." + }, + { + "id": "428664", + "title": "Thirteenth Amendment to the United States Constitution", + "text": "its new draft, the Judiciary Committee removed language that would have allowed a constitutional amendment to be adopted with only a majority vote in each House of Congress and ratification by two-thirds of the states (instead of two-thirds and three-fourths, respectively). The Senate passed the amendment on April 8, 1864, by a vote of 38 to 6; two Democrats, Reverdy Johnson of Maryland and James Nesmith of Oregon voted \"aye.\" However, just over two months later on June 15, the House failed to do so, with 93 in favor and 65 against, thirteen votes short of the two-thirds vote needed", + "score": 0.71533203125, + "summary": "The 13th amendment was passed by the Senate on April 8, 1864, with a vote of 38 to 6, but failed to pass in the House on June 15 with 93 in favor and 65 against.", + "extraction": "The Thirteenth Amendment to the United States Constitution was ratified by the states on December 6, 1865." + }, + { + "id": "785686", + "title": "Twenty-fifth Amendment to the United States Constitution", + "text": "the Senate passed the amendment, but the House passed a different version of the amendment on April 13. On April 22, it was returned to the Senate with revisions. There were four areas of disagreement between the House and Senate versions: On July 6, after a conference committee ironed out differences between the versions, the final version of the amendment was passed by both Houses of the Congress and presented to the states for ratification. Nebraska was the first state to ratify, on July 12, 1965, and ratification became complete when Nevada became the 38th state to ratify, on February", + "score": 0.7080078125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "1523225", + "title": "Abortion in the Republic of Ireland", + "text": "1992, the Twelfth Amendment of the Constitution Bill was proposed, which would have removed a risk of self-destruction as grounds for an abortion, but was defeated in a referendum. The Thirteenth Amendment was passed in November 1992 in response to the injunction sought by the Attorney General, ensuring that the protection of the unborn in the constitution could not be used to prohibit travel from the state to another state for an abortion. The Thirteenth and Fourteenth Amendments together added the following paragraphs to Article 40.3.3\u00ba: In August 1997 a 13-year-old girl was raped, and became pregnant. She was suicidal", + "score": 0.7060546875, + "summary": "The 13th Amendment was passed in November 1992, ensuring that the protection of the unborn in the constitution could not be used to prohibit travel from the state to another state for an abortion.", + "extraction": "November 1992" + }, + { + "id": "428511", + "title": "Seventh Amendment to the United States Constitution", + "text": "portions of the Constitution, such as the federal judiciary and direct taxation, intact. On November 20, 1789, New Jersey ratified eleven of the twelve amendments, rejecting an amendment to regulate congressional pay raises. On December 19 and 22, respectively, Maryland and North Carolina ratified all twelve amendments. On January 19, 25, and 28, 1790, respectively, South Carolina, New Hampshire, and Delaware ratified the Bill, though New Hampshire rejected the amendment on Congressional pay raises, and Delaware rejected the Congressional Apportionment Amendment. This brought the total of ratifying states to six of the required ten, but the process stalled in other", + "score": 0.70458984375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "2294009", + "title": "Thaddeus Stevens", + "text": "that was to consummate the warfare of forty years against slavery\". The amendment passed narrowly after heavy pressure exerted by Lincoln himself, along with offers of political appointments from the \"Seward lobby\". Allegations of bribery were made by Democrats; Stevens stated \"the greatest measure of the nineteenth century was passed by corruption, aided and abetted by the purest man in America.\" The amendment was declared ratified on December 18, 1865. Stevens continued to push for a broad interpretation of it that included economic justice in addition to the formal end of slavery. After passing the Thirteenth Amendment, Congress debated the", + "score": 0.7041015625, + "summary": "The 13th amendment was declared ratified on December 18, 1865.", + "extraction": "The amendment was declared ratified on December 18, 1865." + }, + { + "id": "7648095", + "title": "The Law that Never Was", + "text": "for each amendment, whether the ratification must be by each state's legislature or by a constitutional convention in each state; for the Sixteenth Amendment, Congress specified ratification by the legislatures. There were 48 states in the Union in 1913 \u2014 the year when the Sixteenth Amendment was finally ratified \u2014 which meant that the Amendment required ratification by the legislatures of 36 states to become effective. In February 1913, Secretary of State Philander C. Knox issued a proclamation that 38 states had ratified the amendment. (According to Congressional analysis, a total of 42 states had ratified the amendment as of", + "score": 0.701171875, + "summary": "The document is irrelevant to the question of when the 13th amendment was ratified by the states.", + "extraction": "The passage is irrelevant as it talks about the ratification of the Sixteenth Amendment, not the 13th Amendment." + }, + { + "id": "6198500", + "title": "Thirteenth Amendment of the Constitution of Ireland", + "text": "Eighth Amendment in 1983. With the approval of the Thirteenth Amendment and the Fourteenth Amendment, the full text of Article 40.3.3\u00ba read as the follows: A previous amendment to the constiution had been proposed in a private member's bill by Labour Party TD Brendan Howlin on 12 May 1992. This proposed to insert the following subsection after Article 40.3.3\u00ba: This was defeated at Second Stage the following day by 62 votes to 67. The Thirteenth Amendment was proposed in the D\u00e1il by Minister for Justice P\u00e1draig Flynn on 21 October 1992. It was passed in the D\u00e1il on 22 October", + "score": 0.7001953125 + }, + { + "id": "13529052", + "title": "Constitution of Honduras", + "text": "National Congress of Honduras made 26 amendments (ratified in 1984, 1986, 1987 (twice), 1988 (twice), 1990, 1991, 1995 (twice), 1996, 1998, 1999 (three times), 2000, 2001, 2002, 2003 (four times), 2004 (twice) and 2005 (twice)) and 10 interpretations from 1982 to 2005. The 13th amendment to the Constitution was voted by Congress on 30 September 1998, to make the President commander in chief of the armed forces. The amendment was ratified by Congress by a vote of 128-0 on 26 January 1999 and signed by President Flores. This ended 42 years of military autonomy; the military had previously been governed", + "score": 0.69970703125 + }, + { + "id": "428722", + "title": "Thirteenth Amendment to the United States Constitution", + "text": "Amendment. During the six decades following the 1804 ratification of the Twelfth Amendment two proposals to amend the Constitution were adopted by Congress and sent to the states for ratification. Neither has been ratified by the number of states necessary to become part of the Constitution. Commonly known as the Titles of Nobility Amendment and the Corwin Amendment, both are referred to as \"Article Thirteen\", as was the successful Thirteenth Amendment, in the joint resolution passed by Congress. \"Maryland Law Review\", special issue: Symposium \u2013 the Maryland Constitutional Law Schmooze \"Columbia Law Review\", special issue: Symposium: The Thirteenth Amendment: Meaning,", + "score": 0.69775390625 + }, + { + "id": "785711", + "title": "Twenty-seventh Amendment to the United States Constitution", + "text": "for a 50-state sweep, the Kentucky General Assembly post-ratified the amendment in 1996 (Senate Joint Resolution No. 50), at Watson's request, likewise unaware that the task had already been attended to some 204 years earlier. In April 1983, Maine became the first state to ratify the amendment as a result of Watson's campaign, followed by Colorado in April 1984. Numerous state legislatures followed suit. Michigan's ratification on May 7, 1992, provided what was believed to be the 38th state ratification required for the archivist to certify the amendment\u2014Kentucky's 1792 ratification having been overlooked. In 2016, Zach Elkins, a professor in", + "score": 0.69677734375 + }, + { + "id": "2297487", + "title": "Titles of Nobility Amendment", + "text": "unadopted. In \"Afroyim v. Rusk\" (1967), the majority and dissenting opinions described it as unadopted. On March 2, 1861, the Congress proposed the Corwin Amendment, which if adopted would have prevented any federal legislation, including a future proposed amendment to the Constitution, that would have interfered with or abolished slavery. It is significant that, although this proposal was already titled as the Thirteenth Amendment, no one claimed that there already was an adopted Thirteenth Amendment. The 1861 proposal received only 5 ratifications. On February 1, 1865, the 38th Congress passed and sent to the states for ratification a proposed amendment", + "score": 0.69580078125 + }, + { + "id": "2297479", + "title": "Titles of Nobility Amendment", + "text": "York (March 12, 1812), Connecticut (May 13, 1813), and Rhode Island (September 15, 1814). No other state legislature has completed ratification action on it. When the proposed amendment was submitted to the states, ratification by 13 states was required for it to become part of the Constitution; 11 had done so by early 1812. However, with the addition of Louisiana into the Union that year (April 30, 1812), the ratification threshold rose to 14. Thus, when New Hampshire ratified it in December 1812, the proposed amendment again came within 2 states of being ratified. No additional states ratified the proposed", + "score": 0.69384765625 + }, + { + "id": "11640563", + "title": "Perpetual Union", + "text": "occurred during the period from July 1778 to March 1781. The 13th ratification by Maryland was delayed for several years due to conflict of interest with some other states, including the western land claims of Virginia. After Virginia passed a law on January 2, 1781 relinquishing the claims, the path forward was cleared. On February 2, 1781, the Maryland state legislature in Annapolis passed the Act to ratify and on March 1, 1781 the Maryland delegates to the Second Continental Congress in Philadelphia formally signed the agreement. Maryland's final ratification of the Articles of Confederation and perpetual Union established the", + "score": 0.693359375 + }, + { + "id": "2159706", + "title": "William Gannaway Brownlow", + "text": "the total vote in the 1860 presidential election. In early April 1865, Brownlow arrived in Nashville, a city which he despised, having called it a \"dunghill,\" and stating it had a \"deadly, treasonable exhalation.\" He was sworn in on April 5, and submitted the 13th Amendment for ratification the following day. After this amendment was ratified, Brownlow submitted a series of bills to punish former Confederates. He disfranchised for at least five years anyone who had supported the Confederacy, and, in cases of Confederate leaders, fifteen years. He later strengthened this law to require prospective voters to \"prove\" they had", + "score": 0.6923828125 + }, + { + "id": "6198497", + "title": "Thirteenth Amendment of the Constitution of Ireland", + "text": "Thirteenth Amendment of the Constitution of Ireland The Thirteenth Amendment of the Constitution Act 1992 (previously bill no. 25 of 1992) is an amendment to the Constitution of Ireland which specified that the protection of the right to life of the unborn does not limit freedom of travel in and out of the state. It was approved by referendum on 25 November 1992 and signed into law on 23 December of the same year. On 25 May 2018, a referendum was passed to replace the current provisions on the right to life of the unborn, on travel and on information", + "score": 0.69189453125 + }, + { + "id": "785643", + "title": "Twenty-third Amendment to the United States Constitution", + "text": "without amendment, by voice vote, on June 14, 1960. Then, by unanimous consent, the text of HJR\u2013757 was inserted into SJR\u201339, the original language of which was removed. The Senate adopted the revised resolution by voice vote on June 16, 1960. To become valid as part of the Constitution, the Twenty-third Amendment needed to be ratified by the legislatures of three-quarters of the states (38, following admission of Alaska and Hawaii to the union in 1959) within seven years from its submission to the states by Congress (June 16, 1967). President Eisenhower, along with both major party candidates in the", + "score": 0.69189453125 + }, + { + "id": "428848", + "title": "Sixteenth Amendment to the United States Constitution", + "text": "Aldrich hoped to temporarily defuse progressive calls for the imposition of new taxes in the tariff act. Aldrich and other conservative leaders in Congress largely opposed the actual ratification of the amendment, but they believed that it had little chance of being ratified, as ratification required approval by three quarters of the state legislatures. On July 12, 1909, the resolution proposing the Sixteenth Amendment was passed by the Congress and was submitted to the state legislatures. Support for the income tax was strongest in the western and southern states, while opposition was strongest in the northeastern states. Supporters of the", + "score": 0.68994140625 + }, + { + "id": "428423", + "title": "Fourth Amendment to the United States Constitution", + "text": "later ratify the Bill of Rights for sesquicentennial celebrations in 1939.) In February through June 1790, New York, Pennsylvania, and Rhode Island each ratified eleven of the amendments, including the Fourth. Virginia initially postponed its debate, but after Vermont was admitted to the Union in 1791, the total number of states needed for ratification rose to eleven. Vermont ratified on November 3, 1791, approving all twelve amendments, and Virginia finally followed on December 15, 1791. Secretary of State Thomas Jefferson announced the adoption of the ten successfully ratified amendments on March 1, 1792. The Bill of Rights originally only restricted", + "score": 0.689453125 + }, + { + "id": "428605", + "title": "Eleventh Amendment to the United States Constitution", + "text": "was ratified by the state legislatures of the following states: On January 8, 1798, approximately three years after the Eleventh Amendment's adoption, President John Adams stated in a message to Congress that the Eleventh Amendment had been ratified by the necessary number of States and that it was now a part of the Constitution of the United States. New Jersey and Pennsylvania did not take action on the amendment during that era; neither did Tennessee, which had become a State on June 16, 1796. However, on June 25, 2018, the New Jersey Senate adopted Senate Concurrent Resolution No. 75 to", + "score": 0.68896484375 + }, + { + "id": "6198501", + "title": "Thirteenth Amendment of the Constitution of Ireland", + "text": "and in the Seanad on 30 October. It then proceeded to a referendum on 25 November. On 25 May 2018, the Thirty-sixth Amendment of the Constitution Bill 2018 was passed by referendum. After it was signed into law, it replaced the previous text of Article 40.3.3\u00ba with the following text: Thirteenth Amendment of the Constitution of Ireland The Thirteenth Amendment of the Constitution Act 1992 (previously bill no. 25 of 1992) is an amendment to the Constitution of Ireland which specified that the protection of the right to life of the unborn does not limit freedom of travel in and", + "score": 0.68896484375 + }, + { + "id": "7731964", + "title": "John B. Henderson", + "text": "was commissioned a brigadier general in the Missouri State Militia in 1861, commanding federal forces in northeast Missouri. On January 17, 1862 Henderson was appointed to the U.S. Senate as a Unionist to fill the vacancy caused by the expulsion of Trusten Polk. Later that year, Henderson was elected to a full six-year term in the U.S. Senate. As a United States Senator representing a slave state, Henderson co-authored and co-sponsored the Thirteenth Amendment to the United States Constitution permanently prohibiting slavery in the United States. Henderson's original proposal, made January 11, 1864 was submitted to the Senate Judiciary Committee,", + "score": 0.6884765625 + }, + { + "id": "3162502", + "title": "Dick Molpus", + "text": "advocacy at the national level. In 2013 he was inducted into the University of Mississippi Alumni Hall of Fame. On February 20, 2013, he was lampooned by Jon Stewart on \"The Daily Show\" for failing, as Mississippi Secretary of State in 1995, to file paperwork to make Mississippi the last state in America to ratify the 13th amendment which ended slavery. However, on February 22, Constance Slaughter-Harvey, a black woman who served as Molpus' Assistant Secretary of State, told the media that she was in charge of filing the paperwork in 1995 and did file it. Many people familiar with", + "score": 0.6884765625 + }, + { + "id": "17314097", + "title": "Thirteenth Amendment to the Constitution of Sri Lanka", + "text": "Thirteenth Amendment to the Constitution of Sri Lanka The Thirteenth Amendment to the Constitution of Sri Lanka (13A) is amendment to the Constitution of Sri Lanka which created Provincial Councils in Sri Lanka. This amendment also made Sinhala and Tamil as the official languages of the country and English as the link language. On 29 July 1987, Indo-Sri Lanka Accord was signed between Indian Prime Minister Rajiv Gandhi and Sri Lankan President J.R. Jayewardene which stated the devolution of powers to the provinces. Hence on 14 November 1987 the Sri Lankan Parliament passed the 13th Amendment to the 1978 Constitution", + "score": 0.68798828125 + }, + { + "id": "428298", + "title": "Third Amendment to the United States Constitution", + "text": "states: Connecticut and Georgia found a Bill of Rights unnecessary and so refused to ratify, while Massachusetts ratified most of the amendments, but failed to send official notice to the Secretary of State that it had done so. In February through June 1790, New York, Pennsylvania, and Rhode Island ratified eleven of the amendments, though all three rejected the amendment on Congressional pay raises. Virginia initially postponed its debate, but after Vermont was admitted to the Union in 1791, the total number of states needed for ratification rose to eleven. Vermont ratified on November 3, 1791, approving all twelve amendments,", + "score": 0.6875 + }, + { + "id": "428676", + "title": "Thirteenth Amendment to the United States Constitution", + "text": "conventions: secession itself, the abolition of slavery, and the Confederate war debt. Alabama, Florida, Georgia, Mississippi, North Carolina, and South Carolina held conventions in 1865, while Texas' convention did not organize until March 1866. Johnson hoped to prevent deliberation over whether to re-admit the Southern states by accomplishing full ratification before Congress reconvened in December. He believed he could silence those who wished to deny the Southern states their place in the Union by pointing to how essential their assent had been to the successful ratification of the Thirteenth Amendment. Direct negotiations between state governments and the Johnson administration ensued.", + "score": 0.6875 + }, + { + "id": "17314099", + "title": "Thirteenth Amendment to the Constitution of Sri Lanka", + "text": "amendment. Thirteenth Amendment to the Constitution of Sri Lanka The Thirteenth Amendment to the Constitution of Sri Lanka (13A) is amendment to the Constitution of Sri Lanka which created Provincial Councils in Sri Lanka. This amendment also made Sinhala and Tamil as the official languages of the country and English as the link language. On 29 July 1987, Indo-Sri Lanka Accord was signed between Indian Prime Minister Rajiv Gandhi and Sri Lankan President J.R. Jayewardene which stated the devolution of powers to the provinces. Hence on 14 November 1987 the Sri Lankan Parliament passed the 13th Amendment to the 1978", + "score": 0.68701171875 + }, + { + "id": "8218239", + "title": "Reconstruction Amendments", + "text": "be extended to the entire populace, including the former slaves and their descendants. The Thirteenth Amendment (proposed in 1864 and ratified in 1865) abolished slavery and involuntary servitude, except for those duly convicted of a crime. The Fourteenth Amendment (proposed in 1866 and ratified in 1868) addresses citizenship rights and equal protection of the laws for all persons. The Fifteenth Amendment (proposed in 1869 and ratified in 1870) prohibits discrimination in voting rights of citizens on the basis of \"race, color, or previous condition of servitude\". All races, regardless of prior slavery, could vote in some states of the early", + "score": 0.68603515625 + }, + { + "id": "3270303", + "title": "Solid South", + "text": "Union control. Accordingly the Proclamation applied only to the 10 remaining Confederate states. Several of the border states abolished slavery before the end of the Civil War\u2014the District of Columbia in 1862, Maryland in 1864, Missouri in 1865, one of the Confederate states, Tennessee in 1865, and West Virginia in 1865. However, slavery persisted in Delaware, Kentucky, and 10 of the 11 former Confederate states, until the Thirteenth Amendment to the United States Constitution abolished slavery throughout the United States on December 18, 1865. Abolition of slavery was a condition of the return of local rule in those states that", + "score": 0.685546875 + }, + { + "id": "15877742", + "title": "Thirteenth Amendment of the Constitution of South Africa", + "text": "March 2006 were invalidated in the affected area, suspended its order for eighteen months. Parliament did indeed re-enact the provisions transferring Matatiele to the Eastern Cape, as the Thirteenth Amendment. In form, the amendment substitutes the sections of Schedule 1A to the Constitution that define the areas of the Eastern Cape and KwaZulu-Natal. The National Assembly passed the bill for the amendment on 20 September 2007 with 269 votes in favour. After the provincial consultation process the National Council of Provinces passed it on 22 November with all nine provinces voting in favour. The act was signed by President Thabo", + "score": 0.68505859375 + }, + { + "id": "428652", + "title": "Thirteenth Amendment to the United States Constitution", + "text": "and extensive legislative maneuvering by the Lincoln administration, the House followed suit on January 31, 1865. The measure was swiftly ratified by nearly all Northern states, along with a sufficient number of border states up to the death of Lincoln, but approval came with President Andrew Johnson, who encouraged the \"reconstructed\" Southern states of Alabama, North Carolina and Georgia to agree, which brought the count to 27 states, and caused it to be adopted before the end of 1865. Though the amendment formally abolished slavery throughout the United States, factors such as Black Codes, white supremacist violence, and selective enforcement", + "score": 0.68408203125 + }, + { + "id": "3863617", + "title": "Coram nobis", + "text": "was legal in the United States until the 1860s. In the 1860 U.S. presidential election, Republicans, led by Abraham Lincoln, supported the elimination of slavery. This controversial issue was the catalyst for the American Civil War that began in 1861 following the election of Lincoln and concluded in 1865. On March 3, 1865, President Lincoln signed a joint resolution declaring wives and children of persons in the armed forces to be free; and on December 18, 1865 the Thirteenth Amendment to the United States Constitution became effective. This Amendment abolished slavery and involuntary servitude in the United States. The purpose", + "score": 0.6826171875 + }, + { + "id": "88409", + "title": "Confederate States of America", + "text": "Ohio Congressman Thomas Corwin that would shield \"domestic institutions\" of the states (which in 1861 included slavery) from the constitutional amendment process and from abolition or interference by Congress. It was passed by the 36th Congress on March 2, 1861. The House approved it by a vote of 133 to 65 and the United States Senate adopted it, with no changes, on a vote of 24 to 12. It was then submitted to the state legislatures for ratification. In his inaugural address Lincoln endorsed the proposed amendment. The text was as follows: Had it been ratified by the required number", + "score": 0.68017578125 + }, + { + "id": "428338", + "title": "Second Amendment to the United States Constitution", + "text": "the original thirteen states had ratified it. The remaining four states later followed suit, although the last two states, North Carolina and Rhode Island, ratified only after Congress had passed the Bill of Rights and sent it to the states for ratification. James Madison drafted what ultimately became the Bill of Rights, which was proposed by the first Congress on June 8, 1789, and was adopted on December 15, 1791. The debate surrounding the Constitution's ratification is of practical importance, particularly to adherents of originalist and strict constructionist legal theories. In the context of such legal theories and elsewhere, it", + "score": 0.67919921875 + }, + { + "id": "428635", + "title": "Twelfth Amendment to the United States Constitution", + "text": "Republican small state. The Twelfth Amendment was proposed by the 8th Congress on December 9, 1803, when it was approved by the House of Representatives by vote of 84\u201342, having been previously passed by the Senate, 22\u201310, on December 2. The amendment was officially submitted to the states on December 12, 1803, and was ratified by the legislatures of the following states: The amendment was rejected by Delaware, on January 18, 1804, and by Connecticut, on May 10, 1804. In a September 25, 1804, circular letter to the governors of the states, Secretary of State Madison declared the amendment ratified", + "score": 0.67919921875 + }, + { + "id": "9592028", + "title": "United States Bill of Rights", + "text": "have been a federal Constitution without Madison but certainly no Bill of Rights.\" The twelve articles of amendment approved by congress were officially submitted to the Legislatures of the several States for consideration on September 28, 1789. The following states ratified some or all of the amendments: Having been approved by the requisite three-fourths of the several states, there being 14 States in the Union at the time (as Vermont had been admitted into the Union on March 4, 1791), the ratification of Articles Three through Twelve was completed and they became Amendments 1 through 10 of the Constitution. President", + "score": 0.67822265625 + }, + { + "id": "428839", + "title": "Sixteenth Amendment to the United States Constitution", + "text": "Republican leaders had initially expected that the amendment would not be ratified, a coalition of Democrats, progressive Republicans, and other groups ensured that the necessary number of states ratified the amendment. Shortly after the amendment was ratified, Congress imposed a federal income tax with the Revenue Act of 1913. The Supreme Court upheld that income tax in the 1916 case of \"Brushaber v. Union Pacific Railroad Co.\", and the federal government has continued to levy an income tax since 1913. Article I, Section 2, Clause 3: Article I, Section 8, Clause 1: Article I, Section 9, Clause 4: This clause", + "score": 0.67724609375 + }, + { + "id": "17505555", + "title": "Abolitionism in the United States", + "text": "Kentucky and Delaware. In 1863, Lincoln issued the Emancipation Proclamation, which freed slaves held in the Confederate States as contraband. Border states, except Delaware, began their own emancipation programs. Thousands of slaves escaped to freedom behind Union Army lines, and in 1863 many men started serving as the United States Colored Troops. The 13th Amendment to the U.S. Constitution took effect in December 1865 and ended slavery throughout the United States. It also abolished slavery among the Indian tribes. Abolitionism in the United States Abolitionism in the United States was the movement before and during the American Civil War to", + "score": 0.6767578125 + }, + { + "id": "15408335", + "title": "Amendments to the Rome Statute of the International Criminal Court", + "text": "proceed provided that a Pre-Trial Chamber approves that move. The Security Council keeps its right to defer investigations for a period of one year. As of September 2018, 37 states parties have ratified the amendment. Per the amendments, the jurisdiction of the International Criminal Court may begin one year after the 30th ratification of the amendment but not before the Assembly of States Parties has approved the commencement of jurisdiction after 1 January 2017. On 26 November 2015 during their 14th meeting, the Assembly of States Parties adopted the amendment to article 124 in The Hague in the Netherlands. The", + "score": 0.6767578125 + }, + { + "id": "2749419", + "title": "Slave states and free states", + "text": "of the American Civil War. The Thirteenth Amendment to the United States Constitution, ratified in 1865, abolished slavery throughout the United States, and the distinction between free and slave states ended. Historically, slavery in Eastern North America in the 17th and 18th century began in the English colonies. Slavery in the colonial US was established in each of the Thirteen Colonies. During British colonization, the number of people in slavery expanded, primarily drawn from the Atlantic slave trade. Organized political and social movements to end slavery began in the mid-18th century. The sentiments of the American Revolution (1775-1783) and the", + "score": 0.67626953125 + }, + { + "id": "428662", + "title": "Thirteenth Amendment to the United States Constitution", + "text": "proposal. On January 11, 1864, Senator John B. Henderson of Missouri submitted a joint resolution for a constitutional amendment abolishing slavery. The Senate Judiciary Committee, chaired by Lyman Trumbull of Illinois, became involved in merging different proposals for an amendment. Radical Republicans led by Massachusetts Senator Charles Sumner and Pennsylvania Representative Thaddeus Stevens sought a more expansive version of the amendment. On February 8, 1864, Sumner submitted a constitutional amendment stating: All persons are equal before the law, so that no person can hold another as a slave; and the Congress shall have power to make all laws necessary and", + "score": 0.67578125 + }, + { + "id": "428854", + "title": "Sixteenth Amendment to the United States Constitution", + "text": "following states ratified the amendment: Ratification (by the requisite 36 states) was completed on February 3, 1913 with the ratification by Delaware. The amendment was subsequently ratified by the following states, bringing the total number of ratifying states to forty-two of the forty-eight then existing: The legislatures of the following states rejected the amendment without ever subsequently ratifying it: The legislatures of the following states never considered the proposed amendment: The Sixteenth Amendment removed the precedent set by the \"Pollock\" decision. Professor Sheldon D. Pollack at the University of Delaware wrote: From William D. Andrews, Professor of Law, Harvard Law", + "score": 0.67529296875 + }, + { + "id": "3413680", + "title": "Child Labor Amendment", + "text": "in the Union, the amendment will remain inoperative unless it is ratified by an additional 10 states to reach the necessary threshold of 38 states. Only five states adopted the amendment in the 1920s. Ten of the states initially balked, then re-examined their position during the 1930s and decided to ratify. These delayed decisions resulted in much controversy and resulted in the 1939 Supreme Court case \"Coleman v. Miller\" (307 U.S. 433) in which it was determined that the Child Labor Amendment remained pending before the state legislatures because the 68th Congress did not specify any deadline. The ruling also", + "score": 0.67529296875 + }, + { + "id": "5277389", + "title": "Lyman Trumbull", + "text": "men and for making white labor respectable and honorable, which it can never be when negro slave labor is brought into competition with it\". On 16 December 1861, Trumbull asked the Senate to consider his resolution: Senator James Dixon said of the resolution that \"it seems to me calculated to produce nothing but mischief.\" As chairman of the Judiciary Committee (1861\u20131872), he co-wrote the Thirteenth Amendment, which prohibited all kinds of slavery in the United States other than its use as punishment for crimes of which the party had been convicted; this became the sentence to \"time at hard labor\"", + "score": 0.6748046875 + }, + { + "id": "785644", + "title": "Twenty-third Amendment to the United States Constitution", + "text": "1960 presidential election, Vice President Richard Nixon and Senator John F. Kennedy from Massachusetts, endorsed the proposal. Amendment supporters ran an effective ratification campaign, mobilizing persons in almost every state to press for its approval. The following states ratified the amendment: Ratification was completed on March 29, 1961, 9 months and 12 days after being proposed by Congress. The amendment was subsequently ratified by the following states: On April 3, 1961, John L. Moore, Administrator of General Services, certified that the amendment had been adopted by the requisite number of States and had become a part of the Constitution. The", + "score": 0.67431640625 + }, + { + "id": "2430698", + "title": "Treaty of Tripoli", + "text": "Algiers on January 3, 1797. Humphreys reviewed the treaty and approved it in Lisbon on February 10, 1797. The official treaty was in Arabic text, and a translated version by Consul-General Barlow was ratified by the United States on June 10, 1797. Article 11 of the treaty was said to have not been part of the original Arabic version of the treaty; in its place is a letter from the Dey of Algiers to the Pasha of Tripoli. However, it is the English text which was ratified by Congress. Miller says, \"the Barlow translation is that which was submitted to", + "score": 0.67431640625 + }, + { + "id": "428290", + "title": "Third Amendment to the United States Constitution", + "text": "Congress proposed the amendment to the states on September 28, 1789, and by December 15, 1791, the necessary three-quarters of the states had ratified it. Secretary of State Thomas Jefferson announced the adoption of the amendment on March 1, 1792. The amendment is one of the least controversial of the Constitution and is rarely litigated, with the American Bar Association calling it the \"runt piglet\" of the U.S. Constitution. To date, it has never been the primary basis of a Supreme Court decision, though it was the basis of the Court of Appeals for the Second Circuit case \"Engblom v.", + "score": 0.67431640625 + }, + { + "id": "13523944", + "title": "Internal Revenue Service", + "text": "successor William Howard Taft, the United States saw a populist movement for tax reform. This movement culminated during then candidate Woodrow Wilson's election of 1912 and in February 1913, the ratification of the Sixteenth Amendment to the United States Constitution: This granted Congress the specific power to impose an income tax without regard to apportionment among the states by population. By February 1913, 36 states had ratified the change to the Constitution. It was further ratified by six more states by March. Of the 48 states at the time, 42 ratified it. Connecticut, Rhode Island, and Utah rejected the amendment;", + "score": 0.67431640625 + }, + { + "id": "2382209", + "title": "African Americans in the United States Congress", + "text": "and to serve in the United States Congress was established after the Civil War by amendments to the Constitution. The Thirteenth Amendment (ratified December 6, 1865), abolished slavery. The Fourteenth Amendment (ratified July 9, 1868) made all people born or naturalized in the United States citizens. The Fifteenth Amendment (ratified February 3, 1870) forbade the denial or abridgment of the right to vote on account of race, color, or previous condition of servitude, and gave Congress the power to enforce the law by appropriate legislation. In 1866, Congress passed the Civil Rights Act and the four Reconstruction Acts, which dissolved", + "score": 0.673828125 + }, + { + "id": "6404437", + "title": "History of Delaware", + "text": "to reject the 13th Amendment to the United States Constitution and so voted unsuccessfully to continue slavery beyond the Civil War. Delaware symbolically ratified the amendment on February 12, 1901\u201338 years after Lincoln's Emancipation Proclamation. Slavery ended in Delaware only when the Thirteenth Amendment took effect in December 1865. Delaware also rejected the 14th Amendment during the Reconstruction Era. Even though Delaware is nominally a northern state, and was mostly aligned with the Union during the American Civil War, it nonetheless was \"de facto\" and \"de jure\" segregated. Fearful that the 1875 Civil Rights Act passed by Congress might establish", + "score": 0.673828125 + }, + { + "id": "2297480", + "title": "Titles of Nobility Amendment", + "text": "amendment and when Indiana and Mississippi were established as states (December 11, 1816, and December 10, 1817, respectively) the threshold rose again to 15. Today, with 50 states in the Union, it has climbed to 38 and ratification by 26 additional states would be necessary in order to incorporate the proposed amendment into the Constitution. On February 27, 1818, President James Monroe communicated to Congress the record shown above. He and Congress were both satisfied that the required number of ratifications had not been reached. A law, passed April 20, 1818, placed official responsibility for overseeing the amendment process into", + "score": 0.673828125 + }, + { + "id": "785648", + "title": "Twenty-third Amendment to the United States Constitution", + "text": "to the states for ratification. This sweeping proposal would have granted the District of Columbia full representation in the United States Congress as if it were a state, repealed the Twenty-third Amendment and granted the District full representation in the Electoral College plus participation in the process by which the Constitution is amended as if it were a state. The amendment failed to become part of the Constitution, however, as it was not ratified by the required number of states (38) prior to its August 22, 1985 ratification deadline. The campaign for the proposed amendment ran into much fiercer conservative", + "score": 0.673828125 + }, + { + "id": "785633", + "title": "Twenty-third Amendment to the United States Constitution", + "text": "Twenty-third Amendment to the United States Constitution The Twenty-third Amendment (Amendment XXIII) to the United States Constitution extends the right to vote in presidential elections to citizens residing in the District of Columbia. The amendment grants the district electors in the Electoral College as though it were a state, though the district can never have more electors than the least-populous state. The Twenty-third amendment was proposed by the 86th Congress on June 16, 1960, and was ratified by the requisite number of states on March 29, 1961. The Constitution provides that each state receives presidential electors equal to the combined", + "score": 0.67333984375 + }, + { + "id": "3413675", + "title": "Child Labor Amendment", + "text": "has ratified it since 1937. Interest in the amendment waned following the passage of the Fair Labor Standards Act of 1938, which implemented federal regulation of child labor with the Supreme Court's approval in 1941. The amendment was itself the subject of a 1939 Supreme Court decision, \"Coleman v. Miller\" (307 U.S. 433), regarding its putative expiration. As Congress did not set a time limit for its ratification, the amendment is still technically pending before the states. Ratification by an additional ten states would be necessary for this amendment to come into force. With the Keating\u2013Owen Act of 1916, the", + "score": 0.67333984375 + }, + { + "id": "18143319", + "title": "William H. Wisener", + "text": "January 1865, Wisener spoke at a statewide Unionist convention that had been called for the purpose of reestablishing a state government. In March, he was elected to the state senate seat for Bedford and Marshall counties without campaigning. On April 5, 1865, Wisener introduced the bill in the state senate ratifying the Thirteenth Amendment to the United States Constitution, which passed unanimously. Wisener resigned his seat after just four weeks in office. Wisener was among the candidates considered for one of the state's two U.S. Senate seats in May 1865. His record in the days following the Ordinance of Secession", + "score": 0.6728515625 + }, + { + "id": "428674", + "title": "Thirteenth Amendment to the United States Constitution", + "text": "on February 1, 1865, it was quickly taken up by several legislatures. By the end of the month, it had been ratified by eighteen states. Among them were the ex-Confederate states of Virginia and Louisiana, where ratifications were submitted by Reconstruction governments. These, along with subsequent ratifications from Arkansas and Tennessee raised the issues of how many seceded states had legally valid legislatures; and if there were fewer legislatures than states, if Article V required ratification by three-fourths of the states or three-fourths of the legally valid state legislatures. President Lincoln in his last speech, on April 11, 1865, called", + "score": 0.6728515625 + }, + { + "id": "428172", + "title": "Article Five of the United States Constitution", + "text": "non-justiciable one, leaving the issue to Congress's discretion. It would appear that the length of time elapsing between proposal and ratification is irrelevant to the validity of the amendment. Based upon this precedent, the Archivist of the United States proclaimed the Twenty-seventh Amendment as having been ratified when it surpassed the \"three fourths of the several states\" plateau for becoming a part of the Constitution. Declared ratified on May 7, 1992, it had been submitted to the states for ratification\u2014without a ratification deadline\u2014on September 25, 1789, an unprecedented time period of . Whether once it has prescribed a ratification period", + "score": 0.6728515625 + }, + { + "id": "428913", + "title": "Nineteenth Amendment to the United States Constitution", + "text": "came from Southern Democrats, a trend which remained consistent with Tennessee as the last state to pass the amendment, during a special session right before the ratification period was to expire. On August 18, 1920, Tennessee narrowly approved the Nineteenth Amendment, with 50 of 99 members of the Tennessee House of Representatives voting yes. This provided the final ratification necessary to add the amendment to the Constitution. The Congress proposed the Nineteenth Amendment on June 4, 1919, and the following states ratified the amendment. Ratification was completed on August 18, 1920, and the following states subsequently ratified the amendment: The", + "score": 0.6728515625 + }, + { + "id": "700759", + "title": "Equal Rights Amendment", + "text": "their ERA ratifications. Four claim to have rescinded their ratifications before the original March 22, 1979 ratification deadline, while the South Dakota legislature did so by voting to sunset its ratification as of that original deadline. However, it remains a legal question as to whether a state can revoke its ratification of a federal constitutional amendment. In 1978, Congress passed (by simple majorities in each house), and President Carter signed, a joint resolution with the intent of extending the ratification deadline to June 30, 1982. Because no additional state legislatures ratified the ERA between March 22, 1979 and June 30,", + "score": 0.671875 + }, + { + "id": "428668", + "title": "Thirteenth Amendment to the United States Constitution", + "text": "had had concerns that the Emancipation Proclamation of 1863 might be reversed or found invalid by the judiciary after the war. He saw constitutional amendment as a more permanent solution. He had remained outwardly neutral on the amendment because he considered it politically too dangerous. Nonetheless, Lincoln's 1864 party platform resolved to abolish slavery by constitutional amendment. After winning reelection in the election of 1864, Lincoln made the passage of the Thirteenth Amendment his top legislative priority, beginning with his efforts in Congress during its \"lame duck\" session. Popular support for the amendment mounted and Lincoln urged Congress on in", + "score": 0.671875 + }, + { + "id": "19549403", + "title": "History of unfree labor in the United States", + "text": "and principles outlined in them were only words without enforcement, and so alone, they could not and did not abolish slavery. The enactment of the Thirteenth Amendment simply made slavery and all forms of involuntary servitude, except as punishment for crime, unconstitutional. The actual abolition of slavery \u2013 that is the full enforcement of the 13th Amendment took many decades beyond 1865 to be realized. Enforcement of the 13th amendment began during the Reconstruction period, but there were many setbacks between that time and full enforcement. Proponents of the 13th Amendment to the Constitution knew that without legislation that codified", + "score": 0.67138671875 + }, + { + "id": "427853", + "title": "United States Constitution", + "text": "that same section, which reiterates the Constitutional rule that direct taxes must be apportioned according to state populations. These clauses were explicitly shielded from Constitutional amendment prior to 1808. On January 1, 1808, the first day it was permitted to do so, Congress approved legislation prohibiting the importation of slaves into the country. On February 3, 1913, with ratification of the Sixteenth Amendment, Congress gained the authority to levy an income tax without apportioning it among the states or basing it on the United States Census. The third textually entrenched provision is Article One, Section 3, Clauses 1, which provides", + "score": 0.67138671875 + }, + { + "id": "12713352", + "title": "William Beanes", + "text": "Union\"), proposed 1777, negotiated throughout the American Revolutionary War, and finally adopted in 1781 after delays caused mainly by Maryland (held in effect until March 1789 when the new Congress of the United States began to assemble under the newly approved and ratified throughout 1788-1789, of the Constitution of September 17, 1787, and carried through with the inauguration of George Washington as first president on April 30, 1789) after acceding to the demand by Maryland that several of the original thirteen states give up and cede their western land claims beyond the Appalachian Mountains to the joint control of the", + "score": 0.6708984375 + }, + { + "id": "2297488", + "title": "Titles of Nobility Amendment", + "text": "that would become the Thirteenth Amendment, which abolished slavery. When it was proposed and adopted, no one protested that there already was a Thirteenth Amendment \u2013 either the 1810 or the 1861 proposals. The assertion that the Titles of Nobility Amendment has been ratified by the required number of states has never been upheld by any court in the United States. In the few instances in which courts have been confronted with the assertion that it was, those claims have been dismissed. In \"Campion v. Towns\", Docket No. CV-04-1516PHX-ROS, (D. Ariz. July 15, 2005) 96 A.F.T.R.2d 5646, 2005 u.s.dist. LEXIS", + "score": 0.6708984375 + }, + { + "id": "428681", + "title": "Thirteenth Amendment to the United States Constitution", + "text": "include the entire nation. Although the majority of Kentucky's slaves had been emancipated, 65,000\u2013100,000 people remained to be legally freed when the amendment went into effect on December 18. In Delaware, where a large number of slaves had escaped during the war, nine hundred people became legally free. In addition to abolishing slavery and prohibiting involuntary servitude, except as a punishment for crime, the Thirteenth Amendment nullified the Fugitive Slave Clause and the Three-Fifths Compromise. The population of a state originally included (for congressional apportionment purposes) all \"free persons\", three-fifths of \"other persons\" (i.e., slaves) and excluded untaxed Native Americans.", + "score": 0.66943359375 + }, + { + "id": "428738", + "title": "Fourteenth Amendment to the United States Constitution", + "text": "the Fourteenth Amendment to be a part of the Constitution and directing the Secretary of State to promulgate it as such. Both New Jersey and Ohio were named in the congressional resolution as having ratified the amendment, although Alabama was also named, making 29 states total. On the same day, one more State ratified: On July 27, Secretary Seward received the formal ratification from Georgia. The following day, July 28, Secretary Seward issued his official proclamation certifying the adoption of the Fourteenth Amendment. Secretary Seward stated that his proclamation was \"in conformance\" to the resolution by Congress, but his official", + "score": 0.66943359375 + }, + { + "id": "117623", + "title": "Emancipation Proclamation", + "text": "on January 31, 1865, and it was ratified by the states on December 6, 1865, ending legal slavery. The United States Constitution of 1787 did not use the word \"slavery\" but included several provisions about unfree persons. The Three-Fifths Compromise (in Article I, Section 2) allocated Congressional representation based \"on the whole Number of free Persons\" and \"three fifths of all other Persons\". Under the Fugitive Slave Clause (Article IV, Section 2), \"[n]o person held to service or labour in one state\" would be freed by escaping to another. allowed Congress to pass legislation to outlaw the \"Importation of Persons\",", + "score": 0.66943359375 + }, + { + "id": "428170", + "title": "Article Five of the United States Constitution", + "text": "began in 1917 with the Eighteenth Amendment. All amendments proposed since then, with the exception of the Nineteenth Amendment and the (still pending) Child Labor Amendment, have included a deadline, either in the body of the proposed amendment, or in the joint resolution transmitting it to the states. The ratification deadline \"clock\" begins running on the day final action is completed in Congress. An amendment may be ratified at any time after final congressional action, even if the states have not yet been officially notified. In \"Dillon v. Gloss\" (1921), the Supreme Court upheld Congress's power to prescribe time limitations", + "score": 0.66943359375 + }, + { + "id": "9428064", + "title": "Presidency of George Washington", + "text": "known as the Bill of Rights. On March 4, 1794, in response to the ruling in \"Chisholm v. Georgia,\" Congress approved an amendment to the United States Constitution clarifying judicial power over foreign nationals, and limiting the ability of citizens to sue states in federal courts and under federal law, and submitted it to the state legislatures for ratification. The Eleventh Amendment to the United States Constitution was ratified by the requisite number of states (then 12) on February 7, 1795, to become part of the Constitution. In 1790, the Pennsylvania Abolition Society engaged in an unprecedented lobbying campaign to", + "score": 0.6689453125 + }, + { + "id": "16145310", + "title": "F. Elwood Davis", + "text": "States Constitution. Presenting the case to state legislators and the House Judiciary subcommittee, Davis argued convincingly that the time had come for D.C. residents to be able to vote in Presidential elections. On March 29, 1961, after ratification by the Congress and 38 states, the 23rd Amendment became law and D.C. Residents were able to vote for the first time in the 1964 Presidential election. Propelled by earlier civic achievements and his stewardship in passage of the 23rd Amendment, Davis became President of the Board of Trade in 1965. In this capacity, Davis aggressively took on the important issues facing", + "score": 0.66796875 + }, + { + "id": "3099848", + "title": "Fugitive Slave Act of 1793", + "text": "Fugitive Slave Act of 1793 The Fugitive Slave Act of 1793 was an Act of the United States Congress to give effect to the Fugitive Slave Clause of the US Constitution (Article 4, Section 2, Clause 3), which was later superseded by the Thirteenth Amendment. The former guaranteed a right for a slaveholder to recover an escaped slave. The Act, \"An Act respecting fugitives from justice, and persons escaping from the service of their masters,\" created the legal mechanism by which that could be accomplished. It was passed by the House of Representatives on February 4, 1793 by a vote", + "score": 0.66748046875 + }, + { + "id": "2067943", + "title": "Civil liberties in the United States", + "text": "Constitution, ratified February 3, 1870, states that: The text of Amendment XIX to the United States Constitution, ratified August 18, 1919, states that: The text of Amendment XXIII to the United States Constitution, ratified January 23, 1964, states that: The text of Amendment XXVI to the United States Constitution, ratified July 1, 1971, states that: In the 1967 United States Supreme Court ruling in the case of \"Loving v. Virginia\" found a fundamental right to marriage, regardless of race. In the 2015 United States Supreme Court ruling in the case of \"Obergefell v. Hodges\" found a fundamental right to marriage,", + "score": 0.66748046875 + }, + { + "id": "17691184", + "title": "Third Amendment of the Constitution of India", + "text": "by the Legislatures of more than one-half of the States specified in Parts A and B of the First Schedule by resolutions to that effect passed by those Legislatures before the Bill making provision for such amendment is presented to the President for assent, as required by the said article. State Legislatures that ratified the amendment are listed below: Third Amendment of the Constitution of India The Third Amendment of the Constitution of India, officially known as The Constitution (Third Amendment) Act, 1954, re-enacted entry 33 of the Concurrent List in the Seventh Schedule of the Constitution with relation to", + "score": 0.6669921875 + }, + { + "id": "428737", + "title": "Fourteenth Amendment to the United States Constitution", + "text": "were: If rescission by Ohio and New Jersey were invalid, South Carolina would have been the 28th State. Rescission by Oregon did not occur until later. These rescissions caused significant controversy. However, ratification by other states continued during the course of the debate: On July 20, 1868, Secretary of State William H. Seward certified that if withdrawals of ratification by New Jersey and Ohio were ineffective, then the amendment had become part of the Constitution on July 9, 1868, with ratification by South Carolina. The following day, Congress adopted and transmitted to the Department of State a concurrent resolution declaring", + "score": 0.6669921875 + }, + { + "id": "2785457", + "title": "District of Columbia Voting Rights Amendment", + "text": "requirement that ratification by three-fourths (38) of the states be completed within seven years following its passage by the Congress (i.e., August 22, 1985) in order for the proposed amendment to become part of the Constitution. By placing the ratification deadline in the text of the proposed amendment the deadline could not be extended, as had been done regarding the Equal Rights Amendment. Ratification by the legislatures of at least 38 of the 50 states by August 22, 1985, was necessary for the District of Columbia Voting Rights Amendment to become part of the Constitution. During the seven-year period specified", + "score": 0.6669921875 + }, + { + "id": "785710", + "title": "Twenty-seventh Amendment to the United States Constitution", + "text": "campaign in early 1982, he was aware of ratification by only six states and he erroneously believed that Virginia's 1791 approval was the last action taken by the states. He discovered in 1983 that Ohio had approved it in 1873 as a means of protest against the Salary Grab Act and learned in 1984 that Wyoming had done the same 105 years later in 1978, as a protest against a congressional pay raise. Further, Watson did not know, until 1997, well after the amendment's adoption, that Kentucky had ratified the amendment in 1792. Neither did Kentucky lawmakers themselves\u2014in Watson's desire", + "score": 0.66650390625 + }, + { + "id": "428687", + "title": "Thirteenth Amendment to the United States Constitution", + "text": "enforced against blacks without white protectors. The labor of these convicts was then sold to farms, factories, lumber camps, quarries, and mines. After its ratification of the Thirteenth Amendment in November 1865, the South Carolina legislature immediately began to legislate Black Codes. The Black Codes created a separate set of laws, punishments, and acceptable behaviors for anyone with more than one black great-grandparent. Under these Codes, Blacks could only work as farmers or servants and had few Constitutional rights. Restrictions on black land ownership threatened to make economic subservience permanent. Some states mandated indefinitely long periods of child \"apprenticeship\". Some", + "score": 0.66650390625 + }, + { + "id": "6136245", + "title": "History of West Virginia", + "text": "was approved by Unionist voters in the state on March 26, 1863. It called for the gradual emancipation of slaves based on age after July 4, 1863. Slavery was officially abolished by West Virginia on February 3, 1865. To note, it took the ratification of the 13th Amendment to the U.S. Constitution accomplished on December 6, 1865, to abolish slavery nationwide. During the war and for years afterwards, partisan feeling ran high. The property of Confederates might be confiscated, and, in 1866, a constitutional amendment disfranchising all who had given aid and comfort to the Confederacy was adopted. The addition", + "score": 0.66650390625 + }, + { + "id": "1866223", + "title": "Slavery in the United States", + "text": "the exception of cases of peonage, beyond the period of Reconstruction, the federal government took almost no action to enforce the 13th Amendment until December 1941 when President Franklin Delano Roosevelt summoned his attorney general. Five days after Pearl Harbor, at the request of the president Attorney General Francis Biddle issued to all federal prosecutors, instructing them to actively investigate and try any case of involuntary servitude or slavery. Several months later, convict leasing was officially abolished. But aspects have persisted in other forms, while historians argue that other systems of penal labor, were all created in 1865 and convict", + "score": 0.66650390625 + }, + { + "id": "15408331", + "title": "Amendments to the Rome Statute of the International Criminal Court", + "text": "it will come into force only for those states parties which have ratified it, one year after doing so. As of September 2018, 37 states parties have ratified the document. However, the Rome Statute itself was amended on 26 September 2012 after the amendment came into force for the first state party to ratify it. Since 26 September 2012, the amendment has been part of the Statute and any state that becomes a party to the Statute can choose to also be a party to the amendment. Amendments on the crime of aggression were adopted on 11 June 2010 at", + "score": 0.66650390625 + }, + { + "id": "700785", + "title": "Equal Rights Amendment", + "text": "arrived. The ERA has been ratified by the following states: Although Article V is silent as to whether a state may rescind a previous ratification of a proposed\u2014but not yet ratified\u2014amendment to the U.S. Constitution, legislators in the following four states nevertheless voted to retract their earlier ratification of the ERA: The action of the 95th Congress in October 1978 to extend the ERA ratification deadline from March 22, 1979, to June 30, 1982, was not universally accepted. On December 23, 1981, a federal district court ruled in \"Idaho v. Freeman\" that Congress had no power to extend ERA's ratification", + "score": 0.666015625 + }, + { + "id": "428568", + "title": "Ninth Amendment to the United States Constitution", + "text": "indicated by Madison in his speech introducing the Bill of Rights (emphasis added): The First through Eighth Amendments address the means by which the federal government exercises its enumerated powers, while the Ninth Amendment addresses a \"great residuum\" of rights that have not been \"thrown into the hands of the government,\" as Madison put it. The Ninth Amendment became part of the Constitution on December 15, 1791 upon ratification by three-fourths of the states. The final form of the amendment ratified by the states is as follows: The Ninth Amendment has generally been regarded by the courts as negating any", + "score": 0.666015625 + }, + { + "id": "15388", + "title": "Abraham Lincoln", + "text": "to the state legislatures for ratification. Upon ratification, it became the Thirteenth Amendment to the United States Constitution on December 6, 1865. As the war drew to a close, Lincoln's presidential Reconstruction for the South was in flux; having believed the federal government had limited responsibility to the millions of freedmen. He signed into law Senator Charles Sumner's Freedmen's Bureau bill that set up a temporary federal agency designed to meet the immediate material needs of former slaves. The law assigned land for a lease of three years with the ability to purchase title for the freedmen. Lincoln stated that", + "score": 0.666015625 + }, + { + "id": "10335616", + "title": "Timeline of drafting and ratification of the United States Constitution", + "text": "Timeline of drafting and ratification of the United States Constitution The drafting of the Constitution of the United States began on May 25, 1787, when the Constitutional Convention met for the first time with a quorum at the Pennsylvania State House (now Independence Hall) in Philadelphia, Pennsylvania to revise the Articles of Confederation, and ended on September 17, 1787, the day the Constitution drafted by the convention's delegates to replace the Articles was adopted and signed. The ratification process for the Constitution began that day, and ended when the final state, Rhode Island, ratified it on May 29, 1790. In", + "score": 0.666015625 + }, + { + "id": "3413678", + "title": "Child Labor Amendment", + "text": "of the Constitution. Having been approved by Congress, the proposed amendment was sent to the state legislatures for ratification and was ratified by the following states: The following fifteen state legislatures rejected the Child Labor Amendment and did not subsequently ratify it: Connecticut (1925), Delaware (1925), Florida (1925), Georgia (1924), Louisiana (1924), Maryland (1927), Massachusetts (1925), Missouri (1925), North Carolina (1924), South Carolina (1925), South Dakota (1925, 1933 and 1937), Tennessee (1925), Texas (1925), Vermont (1925), and Virginia (1926). Although the act, on the part of state legislatures, of \"rejecting\" a proposed constitutional amendment has no legal recognition, such action", + "score": 0.666015625 + }, + { + "id": "428736", + "title": "Fourteenth Amendment to the United States Constitution", + "text": "to the governors of the several states for its ratification. State legislatures in every formerly Confederate state, with the exception of Tennessee, refused to ratify it. This refusal led to the passage of the Reconstruction Acts. Ignoring the existing state governments, military government was imposed until new civil governments were established and the Fourteenth Amendment was ratified. It also prompted Congress to pass a law on March 2, 1867, requiring that a former Confederate state must ratify the Fourteenth Amendment before \"said State shall be declared entitled to representation in Congress\". The first twenty-eight states to ratify the Fourteenth Amendment", + "score": 0.66357421875 + }, + { + "id": "2272554", + "title": "Article Seven of the United States Constitution", + "text": "Rhode Island remained outside the new government. The Congress of the Confederation chose March 4, 1789 as the day \"for commencing proceedings under the Constitution.\" Virginia and New York ratified the Constitution before the members of the new Congress assembled on the appointed day to bring the new government into operation. After twelve amendments, including the ten in the Bill of Rights, were sent to the states in June 1789, North Carolina ratified the Constitution. Finally, Rhode Island, after having rejected the Constitution in a March 1788 referendum, called a ratifying convention in 1790. Faced with the threat of being", + "score": 0.66357421875 + } + ], + "answer": "The Thirteenth Amendment (Amendment XIII) to the United States Constitution abolished slavery and involuntary servitude, except as punishment for a crime. In Congress, it was passed by the Senate on April 8, 1864, and by the House on January 31, 1865. By the end of February 1865, 18 states had ratified the amendment. At least 27 states had to ratify the amendment for it to come into force, and by December 6, 1865, the amendment was ratified by the required number of states." + }, + { + "qa_pairs": [ + { + "context": "Qatar is the smallest nation by area ever to have been awarded a FIFA World Cup\u00a0\u2013 the next smallest by area is Switzerland, host of the 1954 FIFA World Cup, which is more than three times as large as Qatar and only needed to host 16 teams instead of the current 32.", + "question": "Who is hosting the next men's FIFA world cup in 2022?", + "short_answers": [ + "Qatar" + ], + "wikipage": "2022 FIFA World Cup" + }, + { + "context": "No context provided", + "question": "Where will the next Rugby World Cup Sevens take place in 2022?", + "short_answers": [ + "Capetown, South Africa" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "2022 FIFA World Cup", + "url": "https://en.wikipedia.org/wiki/2022%20FIFA%20World%20Cup" + }, + { + "title": "2022 Rugby World Cup Sevens", + "url": "https://en.wikipedia.org/wiki/2022%20Rugby%20World%20Cup%20Sevens" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "It will take place at the Cape Town Stadium in Cape Town, South Africa between 9 and 11 September 2022. I", + "wikipage": "2022 Rugby World Cup Sevens" + }, + { + "content": "The 2022 Rugby World Cup Sevens will be the eighth edition of the Rugby World Cup Sevens organised by World Rugby. ", + "wikipage": "2022 Rugby World Cup Sevens" + }, + { + "content": "The 2022 FIFA World Cup (Arabic: 2022 \u0643\u0623\u0633 \u0627\u0644\u0639\u0627\u0644\u0645 \u0644\u0643\u0631\u0629 \u0627\u0644\u0642\u062f\u0645\u200e, Ka\u02bes al-\u02bf\u0101lam li-kurat al-qadam 2022) is scheduled to be the 22nd running of the FIFA World Cup competition, the quadrennial international men's football championship contested by the national teams of the member associations of FIFA. ", + "wikipage": "2022 FIFA World Cup" + }, + { + "content": "It is scheduled to take place in Qatar from 21 November to 18 December 2022.", + "wikipage": "2022 FIFA World Cup" + } + ], + "long_answer": "In 2022, the international men's football FIFA world cup will take place in Qatar from 21 November to 18 December 2022. In that same year, the Rugby Sevens World Cup will take place in Cape Town, South Africa between the 9th and 11th of September 2022. " + }, + { + "knowledge": [ + { + "content": "The 2022 FIFA World Cup (Arabic: 2022 \u0643\u0623\u0633 \u0627\u0644\u0639\u0627\u0644\u0645 \u0644\u0643\u0631\u0629 \u0627\u0644\u0642\u062f\u0645\u200e, Ka\u02bes al-\u02bf\u0101lam li-kurat al-qadam 2022) is scheduled to be the 22nd running of the FIFA World Cup competition, the quadrennial international men's football championship contested by the national teams of the member associations of FIFA.", + "wikipage": "2022 FIFA World Cup" + }, + { + "content": "It is scheduled to take place in Qatar from 21 November to 18 December 2022.", + "wikipage": "2022 FIFA World Cup" + }, + { + "content": "The 2022 Rugby World Cup Sevens will be the eighth edition of the Rugby World Cup Sevens organised by World Rugby.", + "wikipage": "2022 Rugby World Cup Sevens" + }, + { + "content": "It will take place at the Cape Town Stadium in Cape Town, South Africa between 9 and 11 September 2022.", + "wikipage": "2022 Rugby World Cup Sevens" + } + ], + "long_answer": "The 2022 FIFA World Cup is scheduled to be the 22nd running of the FIFA World Cup competition, the quadrennial international men's football championship contested by the national teams of the member associations of FIFA. It is scheduled to take place in Qatar from 21 November to 18 December 2022. The 2022 Rugby World Cup Sevens will be the eighth edition of the Rugby World Cup Sevens organised by World Rugby. It will take place at the Cape Town Stadium in Capetown, South Africa between 9 and 11 September 2022." + } + ], + "sample_id": "6991956743207247076", + "question": "Who is hosting the next world cup 2022?", + "docs": [ + { + "id": "5438140", + "title": "2018 and 2022 FIFA World Cup bids", + "text": "FIFA's headquarters in Zurich. Russia was chosen to host the 2018 World Cup, and Qatar was chosen to host the 2022 World Cup. This made Russia the first Eastern European country to host the World Cup, while Qatar would be the first Middle Eastern country to host the World Cup. Blatter noted that the committee had decided to \"go to new lands\" and reflected a desire to \"develop football\" by bringing it to more countries. In each round a majority of twelve votes was needed. If no bid received 12 votes in a round, the bid with the fewest votes", + "score": 0.79443359375, + "summary": "Qatar is hosting the 2022 World Cup.", + "extraction": "Qatar was chosen to host the 2022 World Cup." + }, + { + "id": "5438099", + "title": "2018 and 2022 FIFA World Cup bids", + "text": "non-European bids for the 2018 event were withdrawn, resulting in the exclusion of all European bids from consideration for the 2022 edition. By the time of the decision, bids for the 2018 World Cup included England, Russia, a joint bid from Belgium and Netherlands, and a joint bid from Portugal and Spain. Bids for the 2022 World Cup came from Australia, Japan, Qatar, South Korea, and the United States. Indonesia's bid was disqualified due to lack of governmental support, and Mexico withdrew its bid for financial reasons. On 2 December 2010, Russia and Qatar were selected as the locations for", + "score": 0.78564453125, + "summary": "Russia was selected as the location for the 2018 World Cup and Qatar was selected as the location for the 2022 World Cup.", + "extraction": "Qatar is hosting the next world cup in 2022." + }, + { + "id": "12049996", + "title": "2022 FIFA World Cup", + "text": "2022 FIFA World Cup The 2022 FIFA World Cup is scheduled to be the 22nd edition of the FIFA World Cup, the quadrennial international men's football championship contested by the national teams of the member associations of FIFA. It is scheduled to take place in Qatar in 2022. This will be the first World Cup ever to be held in the Arab world and the first in a Muslim-majority country. This will be the first World Cup held entirely in geographical Asia since the 2002 tournament in South Korea and Japan (the 2018 competition in Russia featured one geographically Asian", + "score": 0.7841796875, + "summary": "The 2022 FIFA World Cup will be hosted by Qatar.", + "extraction": "The next world cup is scheduled to take place in Qatar in 2022." + }, + { + "id": "12050023", + "title": "2022 FIFA World Cup", + "text": "be evidence that the awards to Qatar and Russia came only because of bought votes, then the awards could be cancelled.\" 2022 FIFA World Cup The 2022 FIFA World Cup is scheduled to be the 22nd edition of the FIFA World Cup, the quadrennial international men's football championship contested by the national teams of the member associations of FIFA. It is scheduled to take place in Qatar in 2022. This will be the first World Cup ever to be held in the Arab world and the first in a Muslim-majority country. This will be the first World Cup held entirely", + "score": 0.7822265625, + "summary": "The 2022 FIFA World Cup is scheduled to take place in Qatar.", + "extraction": "The next World Cup is scheduled to take place in Qatar in 2022." + }, + { + "id": "5438147", + "title": "2018 and 2022 FIFA World Cup bids", + "text": "Jack Warner, who had been suspended that day for a separate ethics violations pending an investigation, leaked an email from FIFA General Secretary J\u00e9r\u00f4me Valcke which suggested that Qatar had \"bought\" the rights to host the 2022 FIFA World Cup. Valcke subsequently issued a statement denying he had suggested it was bribery, saying instead that the country had \"used its financial muscle to lobby for support\". Qatar officials denied any impropriety. Theo Zwanziger, President of the German Football Association, also called on FIFA to re-examine the awarding of the Cup to Qatar. In February 2011, Blatter admitted that the Spanish", + "score": 0.767578125, + "summary": "Qatar is hosting the 2022 FIFA World Cup.", + "extraction": "Qatar had \"bought\" the rights to host the 2022 FIFA World Cup." + }, + { + "id": "5438137", + "title": "2018 and 2022 FIFA World Cup bids", + "text": "under its colonial name of the Dutch East Indies. Indonesia also had tournament hosting experience as the co-host of 2007 AFC Asian Cup. In the campaign presentation, PSSI president Nurdin Halid said he believed Indonesia stood a chance to win FIFA's approval to host the 2022 World Cup, despite the relatively poor infrastructure, coupled with the low quality of the national squad compared to other candidates. He said Indonesia had proposed a \"Green World Cup 2022\", hoping to capitalise on the current green and global warming movement worldwide: \"Our deforestation rate has contributed much to world pollution. By hosting the", + "score": 0.7666015625, + "summary": "Irrelevant.", + "extraction": "Indonesia is believed to have stood a chance to win FIFA's approval to host the 2022 World Cup." + }, + { + "id": "145471", + "title": "FIFA World Cup", + "text": "who will host the World Cup is usually made six or seven years in advance of the tournament. However, there have been occasions where the hosts of multiple future tournaments were announced at the same time, as was the case for the 2018 and 2022 World Cups, which were awarded to Russia and Qatar, with Qatar becoming the first Middle Eastern country to host the tournament. For the 2010 and 2014 World Cups, the final tournament is rotated between confederations, allowing only countries from the chosen confederation (Africa in 2010, South America in 2014) to bid to host the tournament.", + "score": 0.765625, + "summary": "The 2022 World Cup will be hosted by Qatar.", + "extraction": "The next world cup is hosted by Qatar in 2022." + }, + { + "id": "5438130", + "title": "2018 and 2022 FIFA World Cup bids", + "text": "Bin Hammam threw his weight behind his country's campaign. Speaking in Singapore, Bin Hammam said: \"I have one vote and, frankly speaking, I will vote for Qatar but if Qatar is not in the running I will vote for another Asian country.\" Qatar has already hosted the AFC Asian Cup in 1988, FIFA U-20 World Cup 1995 and the 2011 AFC Asian Cup. South Korea bid only for the 2022 World Cup. They were bidding to become the first Asian country to host the World Cup twice; however, the fact that they were co-hosts so recently in 2002 was expected", + "score": 0.76318359375, + "summary": "Qatar is hosting the next world cup in 2022.", + "extraction": "Qatar is hosting the next world cup in 2022." + }, + { + "id": "16681958", + "title": "2026 FIFA World Cup", + "text": "bidding to host the following tournament, before the rule was changed back to its prior state of two World Cups. However, the FIFA Council did make an exception to potentially grant eligibility to member associations of the confederation of the second-to-last host of the FIFA World Cup in the event that none of the received bids fulfill the strict technical and financial requirements. In March 2017, FIFA president Gianni Infantino confirmed that \"Europe (UEFA) and Asia (AFC) are excluded from the bidding following the selection of Russia and Qatar in 2018 and 2022 respectively.\" Therefore, the 2026 World Cup could", + "score": 0.76025390625, + "summary": "The document is irrelevant to the question.", + "extraction": "Qatar is hosting the next world cup in 2022." + }, + { + "id": "12050001", + "title": "2022 FIFA World Cup", + "text": "the vote in relation to allegations of corruption regarding their votes. The decision to host the 2022 World Cup in Qatar, which was graded as having \"high operational risk\", generated criticism from media commentators. It has been criticised as many to be part of the FIFA corruption scandals. The voting patterns were as follows: There have been allegations of bribery and corruption in the selection process involving members of FIFA's executive committee. These allegations are being investigated by FIFA. Qatar is the smallest nation by area ever to have been awarded a FIFA World Cup \u2013 the next smallest by", + "score": 0.7578125, + "summary": "The document mentions that Qatar is hosting the 2022 FIFA World Cup, but it also discusses allegations of corruption in the selection process.", + "extraction": "Qatar is hosting the next world cup in 2022." + }, + { + "id": "17612466", + "title": "2026 FIFA World Cup bids", + "text": "of the second-to-last host of the FIFA World Cup in the event that none of the received bids fulfill the strict technical and financial requirements. In March 2017, FIFA president Gianni Infantino confirmed that \"Europe (UEFA) and Asia (AFC) are excluded from the bidding following the selection of Russia and Qatar in 2018 and 2022 respectively.\" Therefore, the 2026 World Cup could be hosted by one of the remaining four confederations: CONCACAF (last hosted in 1994), CAF (last hosted in 2010), CONMEBOL (last hosted in 2014), or OFC (never hosted before), or potentially by UEFA in case no bid from", + "score": 0.75732421875, + "summary": "The document is irrelevant to the question of interest.", + "extraction": "Qatar is hosting the next world cup in 2022." + }, + { + "id": "17612473", + "title": "2026 FIFA World Cup bids", + "text": "an African (CAF) bid, a North American (CONCACAF) bid, a South American (CONMEBOL) bid, or an Oceania (OFC) bid as the only possible options. In March 2017, FIFA confirmed that \"Europe (UEFA) and Asia (AFC) are excluded from the bidding following the selection of Russia and Qatar in 2018 and 2022 respectively.\" Moroccan Minister of Youth and Sports, Moncef Belkhayat, stated that: \"The African Cup of Nations 2015 will be the first indicator of our ability to host a great event. Then we can confidently consider us as a candidate to host the World Cup 2026\". However, in November 2014,", + "score": 0.75732421875, + "summary": "Irrelevant.", + "extraction": "Qatar is hosting the next world cup 2022." + }, + { + "id": "5438105", + "title": "2018 and 2022 FIFA World Cup bids", + "text": "but withdrew theirs on 28 September 2009, while Indonesia had their bid rejected for lack of government support on 19 March 2010. Five of the remaining nine bids, South Korea, Qatar, Japan, Australia and United States were only for the 2022 World Cup, while all the others bid for both the 2018 and 2022 World Cups. However, since all of the bids for the 2018 World Cup were from European nations, and FIFA's rules dictate that countries belonging to confederations that hosted either of the two preceding tournaments are not eligible to host, all UEFA bids were forced to be", + "score": 0.75732421875, + "summary": "South Korea, Qatar, Japan, Australia, and the United States bid for the 2022 World Cup, but the document does not specify which country is hosting it.", + "extraction": "Qatar is hosting the next world cup 2022." + }, + { + "id": "9248761", + "title": "Qatar", + "text": "to host the tournament. However, the bid has been embroiled in much controversy, including allegations of bribery and interference in the investigation of the alleged bribery. European football associations have also objected to the 2022 World Cup being held in Qatar for a variety of reasons, from the impact of warm temperatures on players' fitness, to the disruption it might cause in European domestic league calendars should the event be rescheduled to take place during winter. In May 2014, Qatari football official Mohammed bin Hammam was accused of making payments totalling \u00a33m to officials in return for their support for", + "score": 0.75634765625, + "summary": "Qatar is hosting the 2022 World Cup, despite controversy and objections from European football associations.", + "extraction": "Qatar is hosting the next world cup in 2022." + }, + { + "id": "7584338", + "title": "FIFA World Cup hosts", + "text": "as other possible options. In March 2017, FIFA's president Gianni Infantino confirmed that \"Europe (UEFA) and Asia (AFC) had been excluded from the bidding following the selection of Russia and Qatar in 2018 and 2022 respectively.\" The bidding process was originally scheduled to start in 2015, with the appointment of hosts scheduled for the FIFA Congress on 10 May 2017 in Kuala Lumpur, Malaysia. On 10 June 2015, FIFA announced that the bid process for the 2026 FIFA World Cup was postponed. However, following the FIFA Council meeting on 10 May 2016, a new bid schedule was announced for May", + "score": 0.75634765625, + "summary": "The document mentions that Qatar is hosting the next World Cup in 2022.", + "extraction": "Qatar is hosting the next world cup in 2022." + }, + { + "id": "7584339", + "title": "FIFA World Cup hosts", + "text": "2020 as the last in a four-phase process. On 14 October 2016, FIFA said it would accept a tournament-sharing bid by CONCACAF members Canada, Mexico and the United States. On 10 April 2017, Canada, the United States, and Mexico announced their intention to submit a joint bid to co-host, with three-quarters of the games to be played in the U.S., including the final. On 11 August 2017, Morocco officially announced a bid to host. Therefore, the official 2026 FIFA World Cup bids were from two football confederations. The first one was from CONCACAF, which was triple bid by Canada, United", + "score": 0.755859375, + "summary": "The document discusses bids for the 2026 FIFA World Cup from Canada, Mexico, and the United States as well as Morocco. However, it is irrelevant to the question of who is hosting the next World Cup in 2022.", + "extraction": "The next world cup is not mentioned in the passage. The passage talks about bids submitted for the 2026 FIFA World Cup, but not for the 2022 World Cup. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "13805110", + "title": "Australia 2022 FIFA World Cup bid", + "text": "Australia 2022 FIFA World Cup bid Australia submitted an unsuccessful bid for the 2022 FIFA World Cup. On 2 December 2010 FIFA announced that the event would be held in Qatar. Australia also lodged a bid for the 2018 World Cup, but withdrew the bid on 10 June 2010. The 2018 and 2022 World Cups will be the 21st and 22nd editions of the FIFA World Cup. The bidding procedure to host both the 2018 and 2022 FIFA World Cup began in January 2009, and national associations had until 2 February 2009 to register their interest. The bid was presented", + "score": 0.75390625, + "summary": "Qatar is hosting the next world cup in 2022.", + "extraction": "Qatar is hosting the next world cup 2022." + }, + { + "id": "7584337", + "title": "FIFA World Cup hosts", + "text": "geographically to host the World Cup. Qatar was selected to host the 2022 FIFA World Cup, making it the first time a World Cup will be held in the Arab World and the second time in Asia since the 2002 tournament in South Korea and Japan. Also, the decision made it the smallest country geographically to host the World Cup. Bids: Under FIFA rules as of 2016, the 2026 Cup could not be in either Europe (UEFA) or Asia (AFC), leaving an African (CAF) bid, a North American (CONCACAF) bid, a South American (CONMEBOL) bid or an Oceanian (OFC) bid", + "score": 0.75341796875, + "summary": "Qatar is hosting the 2022 FIFA World Cup, making it the first time a World Cup will be held in the Arab World and the second time in Asia.", + "extraction": "Qatar was selected to host the 2022 FIFA World Cup." + }, + { + "id": "18073056", + "title": "2022 FIFA World Cup controversies", + "text": "the legitimacy of the World Cup being held in Qatar. According to then vice-President Jack Warner, an email has been publicised about the possibility that Qatar 'bought' the 2022 World Cup through bribery via Mohammed bin Hammam who was president of the Asian Football Confederation at the time. Qatar's officials in the bid team for 2022 have denied any wrongdoing. A whistleblower, revealed to be Phaedra Almajid, alleged that several African officials were paid $1.5m by Qatar She later retracted her claims of bribery, stating she had fabricated them in order to exact revenge on the Qatari bid team for", + "score": 0.75048828125, + "summary": "The document discusses controversies surrounding the legitimacy of the 2022 World Cup being held in Qatar, including bribery allegations. However, it does not directly answer the question of who is hosting the next world cup.", + "extraction": "Qatar is hosting the next world cup in 2022." + }, + { + "id": "5438125", + "title": "2018 and 2022 FIFA World Cup bids", + "text": "to the sense of realism. The Olympic bid was unsuccessful, coming third in the bidding process that concluded in October 2009. The Vice-President of the Japan Football Association, Junji Ogura, had previously admitted that if Tokyo were to fail in its bid, its chances of hosting either the 2018 or 2022 World Cup would not be very good. On 4 May 2010, Japan announced that it was withdrawing its bid for the 2018 tournament to focus on 2022, amidst rising speculation that the 2018 edition will be held in Europe. Qatar made a bid for only the 2022 World Cup.", + "score": 0.75048828125, + "summary": "Qatar is hosting the 2022 World Cup.", + "extraction": "Qatar made a bid for only the 2022 World Cup." + }, + { + "id": "5438120", + "title": "2018 and 2022 FIFA World Cup bids", + "text": "fund its World Cup bid preparation. Rudd met with Sepp Blatter to discuss the Commonwealth Government's support of the bid in Zurich in July 2009. At the 2008 FIFA Congress, held in Sydney, FIFA president Sepp Blatter suggested that Australia concentrate on hosting the 2022 tournament, but Lowy responded by recommitting Australia to its 2018 bid. However, Australia ultimately withdrew from the bidding for the 2018 FIFA World Cup in favour of the 2022 FIFA World Cup on 10 June 2010, following comments from the chief of the Asian Football Confederation that the 2018 tournament should be held in Europe.", + "score": 0.7470703125 + }, + { + "id": "5438139", + "title": "2018 and 2022 FIFA World Cup bids", + "text": "did not support the bid. On 19 March 2010, FIFA rejected Indonesia's bid to host the 2022 World Cup because the government stated that their concern is for the people of the country and so could not support the bid as FIFA requested. As a consequence, PSSI threw their support behind Australia's bid for the 2022 tournament. Former Mexican Football Federation President, Alberto de la Torre, announced their intention to bid for the cup in 2005, but was ineligible because of the rotation policy at that time. On 2 December 2010, FIFA president Sepp Blatter announced the winning bids at", + "score": 0.7470703125 + }, + { + "id": "16681959", + "title": "2026 FIFA World Cup", + "text": "be hosted by one of the remaining four confederations: CONCACAF (North America; last hosted in 1994), CAF (Africa; last hosted in 2010), CONMEBOL (South America; last hosted in 2014), or OFC (Oceania, never hosted before), or potentially by UEFA in case no bid from those four met the requirements. Co-hosting the FIFA World Cup\u2014which had been banned by FIFA after the 2002 World Cup\u2014was approved for the 2026 World Cup, though not limited to a specific number but instead evaluated on a case-by-case basis. Also by 2026, the FIFA general secretariat, after consultation with the Competitions Committee, will have the", + "score": 0.7470703125 + }, + { + "id": "13218314", + "title": "Sport in Qatar", + "text": "for 2022\". A 2014 investigation by The Guardian reported that migrant workers who had been constructing luxurious offices for the organizers of the 2022 World Cup had not been paid in over a year, and were \"working illegally from cockroach-infested lodgings.\" The Qatar 2022 organising committee have responded to various allegations by claiming that hosting the World Cup in Qatar would act as a \"catalyst for change\" in the region. International criticism of Qatar for worker abuse caused authorities to make a wide-ranging review of conditions, led by the Ministry of Labour. Qatar authorities have also sought to improve the", + "score": 0.74560546875 + }, + { + "id": "17612463", + "title": "2026 FIFA World Cup bids", + "text": "2026 FIFA World Cup bids The 2026 FIFA World Cup bidding process resulted in the F\u00e9d\u00e9ration Internationale de Football Association (FIFA) selecting the joint United States / Canada / Mexico bid as the location for the 2026 FIFA World Cup. Two bids to host the event were submitted to FIFA, a joint bid by Canada, Mexico and the United States, and one by Morocco. On 13 June 2018, at the 68th FIFA Congress in Moscow, the joint bid was selected by 134 votes to Morocco's 65. This will be the first tournament hosted by more than two countries, and only", + "score": 0.74462890625 + }, + { + "id": "7584336", + "title": "FIFA World Cup hosts", + "text": "banned in 2002), because there was only one organizing committee per joint bid, unlike Korea\u2013Japan, which had two different organizing committees. Countries that announced their interest included Australia, England, Indonesia, Japan, Qatar, Russia, South Korea, United States, the joint bid of Spain and Portugal and the joint bid of Belgium and Netherlands. The hosts for both World Cups were announced by the FIFA Executive Committee on 2 December 2010. Russia was selected to host the 2018 FIFA World Cup, making it the first time that the World Cup will be hosted in Eastern Europe and making it the biggest country", + "score": 0.744140625 + }, + { + "id": "12050000", + "title": "2022 FIFA World Cup", + "text": "government guarantee to support the bid. Indonesian officials had not ruled out a bid for the 2026 FIFA World Cup, until Qatar took the 2022 cup. During the bidding process, all non-UEFA nations gradually withdrew their 2018 bids, thus making the UEFA nations ineligible for the 2022 bid. In the end, there were five bids for the 2022 FIFA World Cup: Australia, Japan, Qatar, South Korea and the United States. The twenty-two member FIFA Executive Committee convened in Z\u00fcrich on 2 December 2010 to vote to select the hosts of both tournaments. Two FIFA executive committee members were suspended before", + "score": 0.74365234375 + }, + { + "id": "12050009", + "title": "2022 FIFA World Cup", + "text": "A number of groups and media outlets have expressed concern over the suitability of Qatar to host the event, with regard to interpretations of human rights, particularly worker conditions, the rights of fans in the LGBT community because the status of homosexuality is illegal in Qatar, climatic conditions and accusations of Qatar for supporting terrorism both diplomatically and financially. Hassan Abdulla al Thawadi, chief executive of the Qatar 2022 World Cup bid, said the Muslim state would also permit alcohol consumption during the event, drinking in public is not permitted as Qatar's legal system is based on Sharia. The selection", + "score": 0.7431640625 + }, + { + "id": "14533614", + "title": "Qatar 2022 FIFA World Cup bid", + "text": "Qatar 2022 FIFA World Cup bid The Qatar 2022 FIFA World Cup bid was a bid by Qatar to host the 2022 FIFA World Cup. With a population of 2 million people, Qatar will be the first Arab state to host the World Cup. Sheikh Mohammed bin Hamad bin Khalifa Al-Thani, son of Hamad bin Khalifa Al Thani the then Emir of Qatar, was the chairman of the bid committee. Qatar promoted their hosting of the tournament as representing the Arab World, and has drawn support from across the member states of the Arab League. They also positioned their bid", + "score": 0.74267578125 + }, + { + "id": "18073060", + "title": "2022 FIFA World Cup controversies", + "text": "actively support terrorism\", and that the German Football Association will talk with UEFA and the German Government in order to evaluate whether to boycott the tournament in Qatar in 2022. 2022 FIFA World Cup controversies The awarding of the 2022 FIFA World Cup to Qatar created a number of concerns and controversies regarding both Qatar's suitability as a host country and the fairness of the F\u00e9d\u00e9ration Internationale de Football Association (FIFA) bidding process. Criticism from a number of media outlets, sporting experts, and human rights groups highlighted problems such as Qatar's limited football history, the high expected cost, the local", + "score": 0.74169921875 + }, + { + "id": "16681949", + "title": "2026 FIFA World Cup", + "text": "2026 FIFA World Cup The 2026 FIFA World Cup (; ) will be the 23rd FIFA World Cup, the quadrennial international men's football championship contested by the national teams of the member associations of FIFA. The tournament will be jointly hosted by 16 cities in three North American countries; 60 matches, including the quarterfinals, semi-finals, and the final, will be hosted by the United States while neighboring Canada and Mexico will each host 10 matches. The tournament will be the first hosted by three nations. The United 2026 bid beat a rival bid by Morocco during a final vote at", + "score": 0.74169921875 + }, + { + "id": "13618226", + "title": "United States 2022 FIFA World Cup bid", + "text": "United States 2022 FIFA World Cup bid The United States Soccer Federation submitted a bid with the hope of hosting the 2022 FIFA World Cup. U.S. Soccer first said in February 2007 that it would put forth a bid for the 2018 World Cup. On January 28, 2009, U.S. Soccer announced that it would submit bids for both the 2018 and 2022 Cups. In October 2010 it withdrew from the 2018 bid process to focus on winning the 2022 edition. On December 2, 2010, it was announced that Qatar would be the host of the 2022 FIFA World Cup. Bill", + "score": 0.73974609375 + }, + { + "id": "5438103", + "title": "2018 and 2022 FIFA World Cup bids", + "text": "are ineligible. Likewise, no CONMEBOL member could have made a 2022 bid, and candidates from the same confederation as the successful 2018 applicant would be disregarded in the 2022 selection procedure. The United States, the last non-European candidate in the 2018 bidding cycle, withdrew its bid for that year; hence the 2018 tournament will have to be held in UEFA. This in turn meant that CONMBEBOL and UEFA were ineligible for 2022. For both the 2018 and 2022 editions of the World Cup, the FIFA Executive Committee voted to decide which candidate should host the tournament. The multiple round exhaustive", + "score": 0.73876953125 + }, + { + "id": "18073026", + "title": "2022 FIFA World Cup controversies", + "text": "2022 FIFA World Cup controversies The awarding of the 2022 FIFA World Cup to Qatar created a number of concerns and controversies regarding both Qatar's suitability as a host country and the fairness of the F\u00e9d\u00e9ration Internationale de Football Association (FIFA) bidding process. Criticism from a number of media outlets, sporting experts, and human rights groups highlighted problems such as Qatar's limited football history, the high expected cost, the local climate, and Qatar's human rights record. There have been numerous allegations of bribery between the Qatar bid committee and FIFA members and executives. Several FIFA members have since gone on", + "score": 0.7373046875 + }, + { + "id": "15122308", + "title": "FIFA's Dirty Secrets", + "text": "the 2018 and 2022 FIFA World Cups were announced. This led to fears from some people that it could ruin England's chances of hosting the former tournament, with some accusing the BBC of being unpatriotic; however, the BBC defended these claims. Russia ultimately won the right to host the FIFA World Cup in 2018, with Qatar emerging victorious for the 2022 tournament. The question of whether the documentary was a crucial factor in England losing the contest was brought up after the result was announced. The programme received 52 complaints from viewers. FIFA's Dirty Secrets \"FIFA's Dirty Secrets\" is an", + "score": 0.73681640625 + }, + { + "id": "13782787", + "title": "Indonesia 2022 FIFA World Cup bid", + "text": "Indonesia 2022 FIFA World Cup bid The Indonesia 2022 FIFA World Cup bid was the first official bid from the Football Association of Indonesia (PSSI) to host the FIFA World Cup. FIFA rejected the bid for lack of government support on 19 March 2010. Indonesia was one of four Asian countries bidding to bring the tournament to Asia for a second time, the 2002 tournament having been played in Japan and South Korea. Indonesia, under the name of the Dutch East Indies, had been the first Asian nation to compete in the World Cup, when they participated in the 1938", + "score": 0.736328125 + }, + { + "id": "18073041", + "title": "2022 FIFA World Cup controversies", + "text": "propose. Beckenbauer would later receive a 90-day ban from any football-related activity from FIFA after refusing to cooperate in the investigation of bribery. The notion of holding the Cup during Europe's winter was further boosted by UEFA President Michel Platini's indicating that he was ready to rearrange the European club competitions accordingly. Platini's vote for the summer 2022 World Cup went to Qatar. FIFA President Sepp Blatter also said that despite air-conditioned stadiums the event was more than the games itself and involved other cultural events. In this regard, he questioned if fans and players could take part in the", + "score": 0.736328125 + }, + { + "id": "5438100", + "title": "2018 and 2022 FIFA World Cup bids", + "text": "the 2018 and 2022 FIFA World Cups respectively. The selection process involved several controversies. Two members of the FIFA Executive Committee had their voting rights suspended following allegations that they would accept money in exchange for votes. More allegations of vote buying arose after Qatar's win was announced. Eleven of the 22 committee members who voted on the 2018 and 2022 tournaments have been fined, suspended, banned for life or prosecuted for corruption. In October 2007, FIFA ended its continental rotation policy. Instead countries that are members of the same confederation as either of the last two tournament hosts are", + "score": 0.736328125 + }, + { + "id": "17612474", + "title": "2026 FIFA World Cup bids", + "text": "Morocco asked to postpone the African Cup of Nations to summer due to the Ebola virus epidemic in West Africa, and lost its hosting rights in favor of Equatorial Guinea. Morocco lost bids to host the World Cup in 1994, 1998, 2006, and 2010 to the United States, France, Germany, and South Africa, respectively. Morocco successfully hosted the 2013 and 2014 FIFA Club World Cups and the 2018 African Nations Championship. On 11 August 2017, Morocco officially announced a bid to host the 2026 FIFA World Cup. If successful, it would have been the second African country, after the 2010", + "score": 0.73583984375 + }, + { + "id": "20097551", + "title": "United 2026 FIFA World Cup bid", + "text": "the U.S. to co-host a bid for the 2026 World Cup. On December 9, 2014, the Mexican Football Federation confirmed that it is bidding for the 2026 World Cup. If the campaign is successful, Mexico will be the first nation to have hosted the World Cup three times. On May 13, 2016, at the FIFA Congress in Mexico City, USSF board member John Motta told ESPN \"whatever happens, we will bid for the 2026 World Cup -- either jointly (with Mexico or Canada) or we will go it alone.\" The United States hosted the 1994 FIFA World Cup and unsuccessfully", + "score": 0.732421875 + }, + { + "id": "20844233", + "title": "2023 FIFA Women's World Cup bids", + "text": "2023 FIFA Women's World Cup bids The 2023 FIFA Women's World Cup bidding process resulted in the F\u00e9d\u00e9ration Internationale de Football Association (FIFA) selecting the joint by country bid as the location for the 2023 FIFA Women's World Cup These are the bids from countries vying to host the 2023 FIFA's Women's World Cup. The official announcement for which one of these countries will host the Women's World Cup will not be made until early 2019. As of December 2018, Australia and South Africa are the official bidders and four countries (Japan, Thailand, New Zealand and Colombia) have expressed interest", + "score": 0.73193359375 + }, + { + "id": "10915574", + "title": "2018 FIFA World Cup", + "text": "ongoing conflict in Ukraine has also caused calls for the tournament to be moved, particularly following the annexation of Crimea. In 2014, FIFA President Sepp Blatter stated that \"the World Cup has been given and voted to Russia and we are going forward with our work\". Allegations of corruption in the bidding processes for the 2018 and 2022 World Cups caused threats from England's FA to boycott the tournament. FIFA appointed Michael J. Garcia, a US attorney, to investigate and produce a report on the corruption allegations. Although the report was never published, FIFA released a 42-page summary of its", + "score": 0.7314453125 + }, + { + "id": "20844235", + "title": "2023 FIFA Women's World Cup bids", + "text": "the event of 2023. Having previously hosted the 2010 FIFA World Cup, it is hoping to play host to the first ever Women's World Cup held in the African continent. South Africa agreed to officially launch the bid after South Africa qualified for the Women's World Cup for the first time in 2019 on 3 December 2018. Japan bid on 2023 tournament after declining their initial intention to bid on 2019 FIFA Women's World Cup. Japan Football Association (JFA) Vice president Kozo Tashima says that the facilities will be renovated and ready for the World Cup. As of 2018, Japan", + "score": 0.7314453125 + }, + { + "id": "4368741", + "title": "History of FIFA", + "text": "2022 World Cup, allegations of bribery on the part of two members of the FIFA Executive Committee were tabled by Lord Triesman of the English FA. These allegations were based on information from a whistleblower involved with the Qatari bid. FIFA has since opened an internal inquiry into the matter, and a revote on the 2022 World Cup remains a possibility if the allegations are proven. FIFA president Sepp Blatter has admitted that there is a ground swell of popular support to re-hold the 2022 vote won by Qatar. In testimony to a UK parliamentary inquiry board in May 2011,", + "score": 0.7314453125 + }, + { + "id": "14533628", + "title": "Qatar 2022 FIFA World Cup bid", + "text": "Pe'er in 2008. In addition, an Israeli also participated in the Doha 2010 Indoor Championships. During the 2014 Protective Edge operation in the Gaza Strip between Israel and Hamas, Israel's economy minister Naftali Bennett alleged that Qatar supported Hamas and was \"a terror sponsor\", and called upon FIFA to give the 2022 World Cup to another country. Qatar 2022 FIFA World Cup bid The Qatar 2022 FIFA World Cup bid was a bid by Qatar to host the 2022 FIFA World Cup. With a population of 2 million people, Qatar will be the first Arab state to host the World", + "score": 0.7314453125 + }, + { + "id": "18073046", + "title": "2022 FIFA World Cup controversies", + "text": "quick two-week turnaround, although the monsoonal rainy season in its host country Guinea starts about that time. At the opening of the International Association of Public Transport (UITP), The International Association of Public Transport in Qatar, Jassim bin Saif Al Sulaiti, Minister of transport, said: \u201cQatar is currently working on the development of advanced transport infrastructure in the country which will not only help us to prepare for hosting the 2022 FIFA World Cup, but will be a legacy for our people and our country\". Also, he said \"the Doha Metro network with four integrated lines would cover 233 km", + "score": 0.73095703125 + }, + { + "id": "12024582", + "title": "Igor Shuvalov", + "text": "2018/2022. Russia, England, Belgium, Holland, Spain, and Portugal presented their bids in Zurich on 2 December 2010. Igor Shuvalov was part of the Russian delegation together with the Minister of Sports, Tourism, and Youth Policy, Vitaly Mutko, and football player Andrei Arshavin. Following the presentation, the 22 members of the FIFA Executive Committee held a secret ballot in which Russia was chosen as winner. In January 2011, the honorary president of the Russian Football Union, Vyacheslav Koloskov, suggested that Igor Shuvalov should head the organizing committee for the 2018 World Cup. As part of the government formed in May 2012,", + "score": 0.72998046875 + }, + { + "id": "13805111", + "title": "Australia 2022 FIFA World Cup bid", + "text": "by Frank Lowy, Ben Buckley, Quentin Bryce and Elle Macpherson. However, due to controversies of Qatar hosting, Australia's bid is possible if FIFA decides to strip Qatar's 2022 hosting rights. Football Federation Australia first confirmed in November 2007 that Australia would bid to host the 2018 FIFA World Cup. After FIFA in December 2008 announced they would be accepting bids for both the 2018 and 2022 FIFA World Cup, Australia, in February 2009, registered their intention to bid with FIFA for the 2022 FIFA World Cup. The bid was officially launched on 14 June 2009 at Parliament House in Canberra.", + "score": 0.72998046875 + }, + { + "id": "17287518", + "title": "2030 FIFA World Cup", + "text": "Furthermore, The Football Association and the Football Association of Wales confirmed the five national governing bodies are in discussions about the feasibility of bidding to host the 2030 FIFA World Cup. On 17 June 2018, the Royal Moroccan Football Federation announced its co-bidding for the 2030 World Cup. There are two possible joint bids one with Tunisia and Algeria, and the other with Spain and Portugal. On 29 September 2018, the executive board of the Union of North African Football Federations (UNAF) announced its interest to submit a joint North African bid for the 2030 FIFA World Cup. Current FIFA", + "score": 0.7294921875 + }, + { + "id": "10915540", + "title": "2018 FIFA World Cup", + "text": "As such, there were eventually four bids for the 2018 FIFA World Cup, two of which were joint bids: England, Russia, Netherlands/Belgium, and Portugal/Spain. The 22-member FIFA Executive Committee convened in Z\u00fcrich on 2 December 2010 to vote to select the hosts of both tournaments. Russia won the right to be the 2018 host in the second round of voting. The Portugal/Spain bid came second, and that from Belgium/Netherlands third. England, which was bidding to host its second tournament, was eliminated in the first round. The voting results were as follows: The English Football Association and others raised concerns of", + "score": 0.728515625 + }, + { + "id": "17612480", + "title": "2026 FIFA World Cup bids", + "text": "it has the rights to, from summer in the United States to winter (21 November \u2013 18 December), during the National Football League regular season. Due to the lack of a tender, FIFA lost revenue. According to the BBC's sports editor Dan Roan, \"As ever, it seemed, FIFA was looking after itself.\" 2026 FIFA World Cup bids The 2026 FIFA World Cup bidding process resulted in the F\u00e9d\u00e9ration Internationale de Football Association (FIFA) selecting the joint United States / Canada / Mexico bid as the location for the 2026 FIFA World Cup. Two bids to host the event were submitted", + "score": 0.72802734375 + }, + { + "id": "9248760", + "title": "Qatar", + "text": "Football Confederation's fifteenth Asian Cup was held in Qatar. It was the second time Qatar had hosted the tournament, with the other instance being the 1988 edition. On 2 December 2010, Qatar won their bid to host the 2022 FIFA World Cup, despite never previously qualifying for the FIFA World Cup Finals. Local organisers are planning to build 9 new stadiums and expand 3 existing stadiums for this event. Qatar's winning bid for the 2022 World Cup was greeted enthusiastically in the Persian Gulf region as it was the first time a country in the Middle East had been selected", + "score": 0.7275390625 + }, + { + "id": "7584335", + "title": "FIFA World Cup hosts", + "text": "October 2007 that it will no longer continue with its continental rotation policy, implemented after the 2006 World Cup host selection. The newest host selection policy is that any country may bid for a World Cup, provided that their continental confederation has not hosted either of the past two World Cups. For the 2018 World Cup bidding process, this meant that bids from Africa and South America were not allowed. For the 2022 World Cup bidding process, this meant that bids from South America and Europe were not allowed. Also, FIFA formally allowed joint bids once more (after they were", + "score": 0.7275390625 + }, + { + "id": "12050019", + "title": "2022 FIFA World Cup", + "text": "Richard Scudamore, chief executive of the Premier League, stated that they would consider legal action against FIFA because a move would interfere with the Premier League's popular Christmas and New Year fixture programme. On 19 March 2015, FIFA sources confirmed that the 2022 World Cup final would be played on 18 December. Qatar has faced growing pressure over its hosting of the World Cup in relation to allegations over the role of former top football official Mohammed bin Hammam played in securing the bid. A former employee of the Qatar bid team alleged that several African officials were paid $1.5", + "score": 0.7275390625 + }, + { + "id": "145472", + "title": "FIFA World Cup", + "text": "The rotation policy was introduced after the controversy surrounding Germany's victory over South Africa in the vote to host the 2006 tournament. However, the policy of continental rotation will not continue beyond 2014, so any country, except those belonging to confederations that hosted the two preceding tournaments, can apply as hosts for World Cups starting from 2018. This is partly to avoid a similar scenario to the bidding process for the 2014 tournament, where Brazil was the only official bidder. The 2026 FIFA World Cup was chosen to be held in the United States, Canada and Mexico, marking the first", + "score": 0.72705078125 + }, + { + "id": "7584334", + "title": "FIFA World Cup hosts", + "text": "as a host. Brazil was the only nation to submit a formal bid when the official bidding procedure for CONMEBOL member associations was opened in December 2006, as by that time, Colombia, Chile and Argentina had already withdrawn, and Venezuela was not allowed to bid. Brazil made the first unopposed bid since the initial selection of the 1986 FIFA World Cup (when Colombia was selected as host, but later withdrew for financial problems). The FIFA Executive Committee confirmed it as the host country on 30 October 2007 by a unanimous decision. Result: 2018 Bids: 2022 Bids: FIFA announced on 29", + "score": 0.72705078125 + }, + { + "id": "19433066", + "title": "2020 FIFA Futsal World Cup", + "text": "the event before, the tournament will be heading to a new location, later shortlisted to four. The Czech Republic, Egypt, Georgia, the Netherlands, and the United States expressed interest, but eventually did not bid. The host were originally to be appointed by December 2016, then delayed to December 2017. Costa Rica, Croatia, Kazakhstan, and the United Arab Emirates were later eliminated from contention. The hosts were selected by the FIFA Council on 26 October 2018 in Kigali, Rwanda from the final four candidates: Iran, Japan, Lithuania, and New Zealand. Lithuania were chosen over Iran, Japan and New Zealand as host", + "score": 0.72705078125 + }, + { + "id": "20097546", + "title": "United 2026 FIFA World Cup bid", + "text": "United 2026 FIFA World Cup bid United 2026 was a successful joint bid, led by the United States Soccer Federation, together with the Canadian Soccer Association and the Mexican Football Federation, to host the 2026 FIFA World Cup in the United States, Canada, and Mexico. While the soccer federations of Canada, Mexico, and the United States had individually announced plans to field a bid for the 2026 World Cup, the concept of a joint bid among the three North American countries was first proposed in 2016. The joint bid was officially unveiled on April 10, 2017, under which the tournament", + "score": 0.72705078125 + }, + { + "id": "20844236", + "title": "2023 FIFA Women's World Cup bids", + "text": "is still in the running. In 2015, Football Association of Thailand President Worawi Makudi announced Thailand's plans to consider bidding to host the 2023 tournament. However, Makudi has run into some legal trouble since his announcement which could jeopardize Thailand's chances of hosting the 2023 FIFA Women's World Cup. Makudi's legal troubles have not yet derailed the bid. Prior to their hosting of the 2015 FIFA U-20 World Cup, New Zealand officials expressed interest in bidding for the hosting rights of the 2023 FIFA Women's World Cup. FIFA's director of tournaments, Colin Smith, called New Zealand a \"major contender\" to", + "score": 0.72705078125 + }, + { + "id": "18073037", + "title": "2022 FIFA World Cup controversies", + "text": "his job in 2013, that he was open to either a winter tournament or moving the tournament to another country. FIFA executive committee member Theo Zwanziger said that awarding the 2022 World Cup to Qatar's desert state was a \"blatant mistake\", and that any potential shift to a winter event would be unmanagable due to the effect on major European domestic leagues. In October 2013, a taskforce was commissioned to consider alternative dates, and report after the 2014 World Cup in Brazil. In early 2014, FIFA Secretary-General Jerome Valcke appeared to preempt this, saying: \"Frankly, I think it will happen", + "score": 0.7265625 + }, + { + "id": "14487456", + "title": "Japan 2022 FIFA World Cup bid", + "text": "Japan 2022 FIFA World Cup bid The Japan 2022 FIFA World Cup bid is the second official bid from the Japan Football Association or the JFA. Had this bid been successful (the bid was won by Qatar), Japan would have been hosting their second World Cup Finals and it would have been their first solo hosting since they shared the 2002 FIFA World Cup with other co-host South Korea, becoming the sixth nation to host the tournament twice, after Italy, France, Mexico, Brazil and (West) Germany. On May 4, 2010, the Japanese Football Association Bid team decided to concentrate solely", + "score": 0.72607421875 + }, + { + "id": "7584340", + "title": "FIFA World Cup hosts", + "text": "States and Mexico, and the second one was from CAF with a bid by Morocco. The host was announced on 13 June 2018 at the 68th FIFA Congress in Moscow, Russia. The United Bid from Canada, Mexico and the United States was selected over the Morocco bid by 134 votes to 65 with 1 selecting neither and 3 abstentions. This will be the first World Cup to be hosted by more than two countries. Mexico becomes the first country to host three men's World Cups and its Estadio Azteca, should selected, will become the first stadium to stage three World", + "score": 0.72607421875 + }, + { + "id": "16681963", + "title": "2026 FIFA World Cup", + "text": "3 in Mexico, and 10 in the United States): FIFA president Gianni Infantino criticized the U.S. travel ban on several Muslim-majority nations. Infantino said, \"When it comes to FIFA competitions, any team, including the supporters and officials of that team, who qualify for a World Cup need to have access to the country, otherwise there is no World Cup. That is obvious.\" However, assurances were later given by the government that there would be no such discrimination. U.S. President Donald Trump threatened the countries that intended to support the Morocco bid to host the 2026 World Cup, tweeting: \"The US", + "score": 0.72607421875 + }, + { + "id": "14884973", + "title": "2021 FIFA Confederations Cup", + "text": "2021 FIFA Confederations Cup The 2021 FIFA Confederations Cup is scheduled to be the 11th edition of the FIFA Confederations Cup, a quadrennial international men's football tournament organized by FIFA. It is expected to be held in 2021, as a prelude to the 2022 FIFA World Cup. Germany are the title holders. As is customary, the tournament was originally to be held in Qatar \u2014 host country of the 2022 FIFA World Cup, as announced on 2 December 2010, after the country was awarded the hosting rights of the 2022 World Cup. However, concerns arose surrounding Qatar's high temperatures during", + "score": 0.72509765625 + }, + { + "id": "12050002", + "title": "2022 FIFA World Cup", + "text": "area is Switzerland, host of the 1954 FIFA World Cup, which is more than three times as large as Qatar and only needed to host 16 teams instead of the current 32. On 12 April 2018, CONMEBOL requested that FIFA expand the 2022 FIFA World Cup from 32 to 48 teams, four years before the 2026 FIFA World Cup as initially planned. FIFA President Gianni Infantino expressed willingness to consider the request. However, the FIFA congress rejected the request shortly before the beginning of the 2018 FIFA World Cup. Infantino said the global football governing body would not discuss the", + "score": 0.724609375 + }, + { + "id": "12049998", + "title": "2022 FIFA World Cup", + "text": "to host the event. A FIFA internal investigation and report cleared Qatar of any wrongdoing, but the chief investigator Michael J. Garcia has since described FIFA's report on his inquiry as \"materially incomplete and erroneous\". On 27 May 2015, Swiss federal prosecutors opened an investigation into corruption and money laundering related to the awarding of the 2018 and 2022 World Cups. On 6 August 2018, former FIFA president Sepp Blatter claimed that Qatar had used \"black ops\", suggesting that the bid committee had cheated to win the hosting rights. Qatar has faced strong criticism due to the treatment of foreign", + "score": 0.72412109375 + }, + { + "id": "18073030", + "title": "2022 FIFA World Cup controversies", + "text": "2022 World Cup infrastructure forced workers to stay by denying them promised salaries and withholding necessary worker ID permits, rendering them illegal aliens. \"The Guardian\" wrote that their investigation \"found evidence to suggest that thousands of Nepalese, who make up the single largest group of labourers in Qatar, face exploitation and abuses that amount to modern-day slavery, as defined by the International Labour Organization, during a building binge paving the way for 2022\". Nepalese workers in Qatar have been dying at a rate of one per day. A video report accompanying \"The Guardian\"'s article showed men living in labour camps", + "score": 0.72412109375 + }, + { + "id": "7584342", + "title": "FIFA World Cup hosts", + "text": "members of the Argentine Football Association and Uruguayan Football Association into a proposed joint bid from Uruguay and Argentina. The second bid has been a proposed bid by The Football Association of England. Under FIFA rules as of 2017, the 2030 World Cup cannot be held in Asia (AFC) because the Asian Football Confederation is excluded from the bidding following the selection of Qatar in 2022. Also in June 2017, UEFA's president Aleksander \u010ceferin stated that Europe (UEFA) will definitely fight for its right to host the 2030 World Cup. The Uruguay\u2013Argentina proposed bid would not coincide with the centennial", + "score": 0.72216796875 + }, + { + "id": "18094656", + "title": "Garcia Report", + "text": "should have known over the years before the bankruptcy of ISL that ISL had made bribes to other FIFA officials\". In August 2012, Garcia declared his intention to investigate the bidding process and decision to award the right to host the 2018 and 2022 FIFA World Cup to Russia and Qatar respectively by the FIFA Executive Committee. The decision of host venues had previously taken place in December 2010. In May 2011, while before a British parliamentary inquiry, the former chairman of England's failed 2018 bid, David Triesman, accused FIFA executive committee members Jack Warner, Worawi Makudi, Nicolas Leoz and", + "score": 0.72216796875 + }, + { + "id": "11100012", + "title": "2014 FIFA World Cup bids", + "text": "to formally put forward Australia's hosting proposal. Australia hosted the OFC Nations Cup twice (1998, and 2004), and four way co hosted once (1996). Australia attempted to host the 2022 FIFA World Cup, but lost out to Qatar. In October 2004, the football federations of Jordan/Iraq mulled a bid to host the World Cup. \"\"The situation at the moment would make any bid ludicrous,\"\" Prince Faisal al-Hussein of Jordan was quoted as saying in his interview to \"The Times\" and \"The Guardian\". \"\"What will things be like in five years' time?. It could be a very prosperous nation. If the", + "score": 0.7216796875 + }, + { + "id": "5438116", + "title": "2018 and 2022 FIFA World Cup bids", + "text": "bid: Spain would lead a twelve-stadium project with eight of the venues, and the opening and final games would be held in Lisbon and Madrid, respectively. Spain has previously hosted the 1982 World Cup, while Portugal organised the Euro 2004. Russia announced its intent to bid in early 2009, and submitted its request to FIFA in time. Russia's President Vladimir Putin took a keen interest in the bid and ordered Vitaly Mutko, the Minister of Sports, to \"prepare a bid for Russia to hold the 2018 World Cup\". According to a report earlier submitted by Vitaly Mutko, who also served", + "score": 0.720703125 + }, + { + "id": "5438129", + "title": "2018 and 2022 FIFA World Cup bids", + "text": "saying in April 2010, \"The Arabic world deserves a World Cup. They have 22 countries and have not had any opportunity to organise the tournament.\" Blatter also praised Qatar's progress, \"When I was first in Qatar there were 400,000 people here and now there are 1.6 million. In terms of infrastructure, when you are able to organise the Asian Games (in 2006) with more than 30 events for men and women, then that is not in question.\" Qatar's bid to host the 2022 World Cup received a huge boost on 28 July 2010 when Asian Football Confederation (AFC) President Mohammed", + "score": 0.72021484375 + }, + { + "id": "20296440", + "title": "Morocco 2026 FIFA World Cup bid", + "text": "Morocco 2026 FIFA World Cup bid The Morocco 2026 FIFA World Cup bid was Morocco's unsuccessful bid to host the 2026 FIFA World Cup. It competed with the United 2026 bid of Canada, Mexico, and the United States for hosting rights. The 2026 bid was Morocco's fifth bid to host the FIFA World Cup after four unsuccessful attempts in 1994, 1998, 2006 and 2010 lost out to the United States, France, Germany and South Africa. If successful, it would have been the second African country, after the 2010 tournament in South Africa, as well as the second Arab and Muslim", + "score": 0.71923828125 + }, + { + "id": "19433065", + "title": "2020 FIFA Futsal World Cup", + "text": "2020 FIFA Futsal World Cup The 2020 FIFA Futsal World Cup will be the 9th edition of the FIFA Futsal World Cup, the quadrennial international futsal championship contested by the men's national teams of the member associations of FIFA. It is due to be held from 12 September to 4 October 2020 in Lithuania. It will mark the first time Lithuania have ever hosted a FIFA tournament. Argentina are the defending champions. The following countries bid for the tournament: The eight bidders represent the highest ever for the FIFA Futsal World Cup. Since none of these countries have ever hosted", + "score": 0.71923828125 + }, + { + "id": "7584348", + "title": "FIFA World Cup hosts", + "text": "On 10 July 2018, Egypt's Sports Minister expressed interest in bidding to host. Cameroonian presidential candidate Joshua Osih\u2019s political program includes nominating his country along with two sub-Saharan African countries to host the 2030 World Cup, according to Cameroonian channel CRTV. On 12 September 2018, Prime Minister of Spain Pedro S\u00e1nchez discussed about the possibility for Spain to bid for the 2030 FIFA World Cup with FIFA President Gianni Infantino and Royal Spanish Football Federation President Luis Rubiales. On 2 November 2018, Prime Minister of Bulgaria Boyko Borisov stated that his Greek counterpart Alexis Tsipras proposed a joint bid by", + "score": 0.71826171875 + }, + { + "id": "17287520", + "title": "2030 FIFA World Cup", + "text": "the proposal again with Infantino during the 2018 FIFA World Cup. On 10 July 2018, Egypt's Sports Minister expressed interest in bidding to host. Cameroonian presidential candidate Joshua Osih's political program includes nominating his country along with two sub-Saharan African countries to host the 2030 World Cup, according to Cameroonian channel CRTV. On 12 September 2018, Prime Minister of Spain Pedro S\u00e1nchez discussed about the possibility for Spain to bid for the 2030 FIFA World Cup with FIFA President Gianni Infantino and Royal Spanish Football Federation President Luis Rubiales. On 2 November 2018, Prime Minister of Bulgaria Boyko Borisov stated", + "score": 0.71826171875 + }, + { + "id": "20097550", + "title": "United 2026 FIFA World Cup bid", + "text": "proposal\". At the time the bid was announced, Canada had hosted the men's 1987 Under-16 World Championship and the U-20 World Cups for both men and women; the country has since hosted the 2014 FIFA U-20 Women's World Cup and the FIFA Women's World Cup in 2015. In October 2013, Montagliani confirmed Canada's intention to bid for the 2026 tournament and the Canadian Soccer Association reiterated this in January 2014. In September 2012, Mexican Football Federation President Justino Compe\u00e1n confirmed plans for a Mexican bid. In October 2013, Liga MX President said that Mexico is interested in joining forces with", + "score": 0.7177734375 + }, + { + "id": "20097549", + "title": "United 2026 FIFA World Cup bid", + "text": "in three countries and the first since 2002, and the second overall, to have multiple host countries. The three soccer federations of Canada, Mexico, and the U.S. announced interest to submit a bid for the 2026 World Cup years before the federations intended to unify their efforts. In July 2012, Canadian Soccer Association president Victor Montagliani confirmed plans for a Canadian bid, saying: \"We have verbally told FIFA that when the bid process begins for the next available World Cup, which would be the 2026 World Cup, that the CSA will be one of the countries putting in a formal", + "score": 0.716796875 + }, + { + "id": "20844234", + "title": "2023 FIFA Women's World Cup bids", + "text": "in hosting the 2023 FIFA Women's World Cup. In 2017 it was first announced that the Australian Government was funding a feasibility study to host the 2023 Women's World Cup. Further funding was put into the bid in early 2018 by Federal Minister for Sport Bridget McKenzie as the government confirmed they were pledging an extra 4 million for it As at October 2018, a bid was being prepared by FFA. The bid was officially launched on 29 October 2018 with the campaign slogan \"#GetOnside\". On 4 June 2018, The South African Football Association announced that they will bid for", + "score": 0.71630859375 + }, + { + "id": "14533616", + "title": "Qatar 2022 FIFA World Cup bid", + "text": "and now there are 1.6 million. In terms of infrastructure, when you are able to organise the Asian Games (in 2006) with more than 30 events for men and women, then that is not in question\". On 2 December 2010, it was announced that Qatar will host the 2022 FIFA World Cup. Working against the Qatar bid was the extreme temperature in the desert country. The World Cup always takes place during the European off-season in June and July. During this period the average daytime high in most of Qatar exceeds 50 \u00b0C (120 \u00b0F), the average daily low temperatures", + "score": 0.71630859375 + }, + { + "id": "14487457", + "title": "Japan 2022 FIFA World Cup bid", + "text": "on winning the right to host the 2022 FIFA World Cup.. 12 stadiums are proposed. Japan pledged that if it had been granted the rights to host the 2022 World Cup games, it would develop technology enabling it to provide a live international telecast of the event in 3D, which would allow 400 stadiums in 208 countries to provide 360 million people with real-time 3D coverage of the games projected on giant screens, captured in 360 degrees by 200 HD cameras. Furthermore, Japan will broadcast the games in holographic format if the technology to do so is available by that", + "score": 0.71484375 + }, + { + "id": "10915539", + "title": "2018 FIFA World Cup", + "text": "procedure to host the 2018 and 2022 FIFA World Cup tournaments began in January 2009, and national associations had until 2 February 2009 to register their interest. Initially, nine countries placed bids for the 2018 FIFA World Cup, but Mexico later withdrew from proceedings, and Indonesia's bid was rejected by FIFA in February 2010 after the Indonesian government failed to submit a letter to support the bid. During the bidding process, the three remaining non-UEFA nations (Australia, Japan, and the United States) gradually withdrew from the 2018 bids, and the UEFA nations were thus ruled out of the 2022 bid.", + "score": 0.71484375 + }, + { + "id": "14533624", + "title": "Qatar 2022 FIFA World Cup bid", + "text": "to . Qatar says that this will not be a problem for it hosting the World Cup. A section from Qatar 2022 Bid official site explains: Qatar declared their intention to change the dates of the World Cup to winter immediately upon being award the Cup because of all the controversy surrounding the topic. An example of this is during the 2018 World Cup qualifier with China under air conditioning, which happened in 8 October 2015. Such cooling techniques will be able to reduce temperatures from , which would be comfortable for players and spectators during matches, the bid also", + "score": 0.71337890625 + }, + { + "id": "12050003", + "title": "2022 FIFA World Cup", + "text": "possibility of having a 48-team World Cup, and that they would first discuss the matter with the host country. The qualification process for the 2022 World Cup has not yet been announced. All FIFA member associations, of which there are currently 211, are eligible to enter qualification. Qatar, as hosts, qualified automatically for the tournament. However, Qatar is obliged by the AFC to participate in the Asian qualifying stage as the first two rounds also act as qualification for the 2023 AFC Asian Cup. If they reach the final stage, their choice on whether to continue with World Cup qualifying", + "score": 0.712890625 + }, + { + "id": "16681950", + "title": "2026 FIFA World Cup", + "text": "the 68th FIFA Congress in Moscow. It will be the first World Cup since South Korea/Japan in 2002 that will be hosted by more than one nation. With its past hosting of the 1970 and 1986 tournaments, Mexico will also become the first country to host or co-host three men's World Cups. The 2026 World Cup will also see the tournament expanded from 32 to 48 teams. Michel Platini, who was then the UEFA president, had suggested in October 2013 an expansion of the tournament to 40 teams, an idea that FIFA president Gianni Infantino also suggested in March 2016.", + "score": 0.71240234375 + }, + { + "id": "17612468", + "title": "2026 FIFA World Cup bids", + "text": "Lumpur, Malaysia, but was postponed due to the 2015 FIFA corruption case and the subsequent resignation of Sepp Blatter, and resumed following the FIFA Council meeting on 10 May 2016, amid corruption allegations around the previous tournaments, due to be held in 2018 (Russia), as well as in 2022 (Qatar). The bidding process originally consisted of four phases: The consultation phase focused on four areas: On 7 November 2017, FIFA published a guide to bidding process. It outlines the key elements of the reformed bidding process, the assessment mechanisms in place, recommendations on the protection of the process' integrity, the", + "score": 0.71240234375 + }, + { + "id": "20097552", + "title": "United 2026 FIFA World Cup bid", + "text": "bid for the 2022 World Cup, which was won by Qatar in 2010. On April 18, 2015, Brazilian legend Pel\u00e9 stated that the United States should host the 2026 World Cup. In December 2016 Victor Montagliani, CONCACAF president announced for the first time a possibility of a joint bid between the United States, Canada, and Mexico to host the 2026 World Cup. On April 10, 2017, the three bodies officially announced their intent to submit a joint bid for the 2026 World Cup. Bidding for the 2026 FIFA World Cup was postponed due to the 2015 FIFA corruption case and", + "score": 0.7119140625 + }, + { + "id": "12050018", + "title": "2022 FIFA World Cup", + "text": "November is controversial since it would interfere with the regular season schedules of some domestic leagues around the world. Commentators have noted the clash with the Western Christmas season is likely to cause disruption, whilst there is concern about how short the tournament is intended to be. FIFA executive committee member Theo Zwanziger said that awarding the 2022 World Cup to Qatar's desert state was a \"blatant mistake\". Frank Lowy, chairman of Football Federation Australia, said that if the 2022 World Cup were moved to November and thus upset the schedule of the A-League, they would seek compensation from FIFA.", + "score": 0.7119140625 + }, + { + "id": "16681961", + "title": "2026 FIFA World Cup", + "text": "Mexico becomes the first country to host three men's World Cups\u2014previously in 1970 and 1986, and the United States becomes the first country to host both men's and women's World Cup twice each\u2014having hosted the 1994 men's and the 1999 and 2003 women's World Cups. The 2026 World Cup's qualification process has yet to be decided. The FIFA Council is expected to decide which hosts, if any, will receive automatic qualifications to the tournament. The United Bid personnel anticipated that all three host countries would be awarded automatic places. During the bidding process, there were 49 venues in 43 cities", + "score": 0.71142578125 + }, + { + "id": "20844237", + "title": "2023 FIFA Women's World Cup bids", + "text": "host the Women's World Cup should they bid. Colombia's earlies interest in hosting the 2023 FIFA Women's World Cup came as early as 2016. Colombian Football Federation President Ramon J Franco has expressed an intent for Colombia to host the 2023 FIFA Women's World Cup. Colombia has hosted two previous soccer tournaments before but none as big as the 2023 FIFA Women's World Cup. 2023 FIFA Women's World Cup bids The 2023 FIFA Women's World Cup bidding process resulted in the F\u00e9d\u00e9ration Internationale de Football Association (FIFA) selecting the joint by country bid as the location for the 2023 FIFA", + "score": 0.71142578125 + }, + { + "id": "20296441", + "title": "Morocco 2026 FIFA World Cup bid", + "text": "country after the 2022 tournament in Qatar, as well as the first time in North Africa. Bidding for the 2026 FIFA World Cup was postponed due to the 2015 FIFA corruption case and the subsequent resignation of Sepp Blatter, then it was restarted following the FIFA Council meeting on 10 May 2016, wherein the bidding process will consist of four phases: With no rival bid having emerged since April 2017, the CONCACAF member federations of Canada, Mexico and the United States sent a joint request to FIFA to hasten the bid process. Canada, Mexico and the United States wanted FIFA", + "score": 0.71142578125 + }, + { + "id": "18811701", + "title": "2015 FIFA corruption case", + "text": "level of racism in football and because of its involvement in the Ukrainian crisis. After it was announced that Russia would host 2018 FIFA World Cup, Dr Rafa\u0142 Pankowski, a head of UEFA FARE Monitoring Centre, accused the Russian Football Union of downplaying racist chants in stadiums. The annexation of Crimea by the Russian Federation in 2014 led to several British and American politicians calling on FIFA to overturn its decision of hosting the 2018 World Cup in Russia. Criticism from a number of media outlets, sporting experts, and human rights groups also highlighted problems such as Qatar's limited football", + "score": 0.7099609375 + }, + { + "id": "10915580", + "title": "2018 FIFA World Cup", + "text": "three billion viewers on TV all around the world and 7 million fans visited the fan fests. FIFA, through several companies, sold the broadcasting rights for the 2018 FIFA World Cup to various local broadcasters. After having trailed the technology in limited matches at the 2013 FIFA Confederations Cup, and the 2014 FIFA World Cup (via private tests and public viewings in the host city of Rio de Janeiro), the 2018 World Cup was the first World Cup in which all matches were produced in 4K ultra high definition. Host Broadcasting Services stated that at least 75% of the broadcast", + "score": 0.70947265625 + }, + { + "id": "19433068", + "title": "2020 FIFA Futsal World Cup", + "text": "(Cido Arena) and Alytus (Alytus Arena) were named as additional candidates and are currently awaiting for a FIFA delegates inspection to determine their suitability. 2020 FIFA Futsal World Cup The 2020 FIFA Futsal World Cup will be the 9th edition of the FIFA Futsal World Cup, the quadrennial international futsal championship contested by the men's national teams of the member associations of FIFA. It is due to be held from 12 September to 4 October 2020 in Lithuania. It will mark the first time Lithuania have ever hosted a FIFA tournament. Argentina are the defending champions. The following countries bid", + "score": 0.708984375 + }, + { + "id": "7584351", + "title": "FIFA World Cup hosts", + "text": "idea for ASEAN to jointly host a World Cup. Under FIFA rules as of 2017, the 2030 World Cup cannot be held in Asia (AFC) as Asian Football Confederation members are excluded from the bidding following the selection of Qatar in 2022. Therefore, the earliest bid by an AFC member could be made for 2034. Later, Malaysia withdrew from involvement but Singapore and other ASEAN countries continued the campaign to submit a joint bid for the World Cup in 2034. In February 2017, ASEAN held talks on launching a joint bid during a visit by FIFA President Gianni Infantino to", + "score": 0.708984375 + }, + { + "id": "17612471", + "title": "2026 FIFA World Cup bids", + "text": "bids to host the final competition of the 2026 FIFA World Cup by 11 August 2017. The 68th FIFA Congress will decide on the selection of the candidate host associations. On 11 May 2017, the 67th FIFA Congress voted on the FIFA Council proposal to the fast-track the 2026 FIFA World Cup bid process and set the following deadlines: Endorsement of a set of principles submitted by the FIFA administration as part of the process to select the host of the 2026 FIFA World Cup, including an overview of the content to be requested from bidding member associations and high-level", + "score": 0.708984375 + }, + { + "id": "7584347", + "title": "FIFA World Cup hosts", + "text": "On 1 August 2018, it was reported that the FA was preparing a bid for England to host the World Cup in 2030. A decision is expected to be made in 2019, after the FA will conduct a feasibility work on a potential bid. The Scottish Football Association considered the potential British bid as a great opportunity to get funds to renovate and redevelop the Hampden Park in Glasgow, the Scotland national football team's home stadium. On 4 September 2018, it was announced that the Republic of Ireland is in talks exploring the possibility to join 2030 World Cup bid.", + "score": 0.7080078125 + }, + { + "id": "10915562", + "title": "2018 FIFA World Cup", + "text": "2018, at the Luzhniki Stadium in Moscow, preceding the opening match of the tournament between hosts Russia and Saudi Arabia. At the start of the ceremony, Russian president Vladimir Putin gave a speech, welcoming the countries of the world to Russia and calling football a uniting force. Brazilian World Cup-winning striker Ronaldo entered the stadium with a child in a Russia shirt. Pop singer Robbie Williams then sang two of his songs solo before he and Russian soprano Aida Garifullina performed a duet. Dancers dressed in the flags of the 32 competing teams appeared carrying a sign with the name", + "score": 0.7080078125 + }, + { + "id": "5662603", + "title": "Jack Warner (football executive)", + "text": "time has come. The fact is they invented this sport [...] They last held the World Cup 42 years ago. That is almost two to three generations. There are guys in England who have never seen a World Cup on English soil.\" Warner maintained that the choice of England would not be popular among mainland Europe though. During the bidding process to host the 2018 and 2022 FIFA World Cup's Warner continually supported the English bid, promising to vote in England's favour at the draw in December 2010. Warner approached the England bid team through David Beckham, offering to hold", + "score": 0.70751953125 + }, + { + "id": "18073039", + "title": "2022 FIFA World Cup controversies", + "text": "or the March executive meeting in 2015. As it stands it remains in the summer with no decision expected until end of 2014 or March 2015\". Another option to combat heat problems was changing the date of the World Cup to the northern hemisphere's winter, when the climate in Qatar would be cooler. However, this proved just as problematic as doing so would disrupt the calendar of a number of domestic leagues, particularly in Europe. Franz Beckenbauer, a member of FIFA's executive committee, said Qatar could be allowed to host the 2022 World Cup in winter. He justified his proposal", + "score": 0.70751953125 + } + ], + "answer": "The 2022 FIFA World Cup is scheduled to be the 22nd running of the FIFA World Cup competition, the quadrennial international men's football championship contested by the national teams of the member associations of FIFA. It is scheduled to take place in Qatar from 21 November to 18 December 2022. The 2022 Rugby World Cup Sevens will be the eighth edition of the Rugby World Cup Sevens organised by World Rugby. It will take place at the Cape Town Stadium in Capetown, South Africa between 9 and 11 September 2022." + }, + { + "qa_pairs": [ + { + "context": "The last ever radio recording of \"Dad's Army\" occurred in 1995, when Jimmy Perry wrote a radio sketch entitled \"The Boy Who Saved England\" for the \"Full Steam A-Hudd\" evening broadcast on Radio 2, transmitted on 3 June 1995 on the occasion of the closure of the BBC's Paris studios in Lower Regent Street. It featured Ian Lavender as Pike, Bill Pertwee as Hodges, Frank Williams as the Vicar and Jimmy Perry as General Haverlock-Seabag.", + "question": "Who played warden hodges in the original dad's army tv show, radio show, and film?", + "short_answers": [ + "Bill Pertwee" + ], + "wikipage": "Dad's Army" + }, + { + "context": "No context provided", + "question": "Who played warden hodges in the 2016 film dad's army?", + "short_answers": [ + "Martin Savage" + ], + "wikipage": null + }, + { + "context": "The last ever radio recording of \"Dad's Army\" occurred in 1995, when Jimmy Perry wrote a radio sketch entitled \"The Boy Who Saved England\" for the \"Full Steam A-Hudd\" evening broadcast on Radio 2, transmitted on 3 June 1995 on the occasion of the closure of the BBC's Paris studios in Lower Regent Street. It featured Ian Lavender as Pike, Bill Pertwee as Hodges, Frank Williams as the Vicar and Jimmy Perry as General Haverlock-Seabag.", + "question": "Who played warden hodges in the sitcom dad's army?", + "short_answers": [ + "William Desmond Anthony Pertwee", + "Bill Pertwee", + "William Desmond Anthony Pertwee, MBE" + ], + "wikipage": "Dad's Army" + }, + { + "context": "No context provided", + "question": "Who played warden hodges in the 2016 film dad's army?", + "short_answers": [ + "Martin Savage" + ], + "wikipage": null + }, + { + "context": "The last ever radio recording of \"Dad's Army\" occurred in 1995, when Jimmy Perry wrote a radio sketch entitled \"The Boy Who Saved England\" for the \"Full Steam A-Hudd\" evening broadcast on Radio 2, transmitted on 3 June 1995 on the occasion of the closure of the BBC's Paris studios in Lower Regent Street. It featured Ian Lavender as Pike, Bill Pertwee as Hodges, Frank Williams as the Vicar and Jimmy Perry as General Haverlock-Seabag.", + "question": "Who played warden hodges in the 1971 film dad's army?", + "short_answers": [ + "William Desmond Anthony Pertwee", + "Bill Pertwee", + "William Desmond Anthony Pertwee, MBE" + ], + "wikipage": "Dad's Army" + } + ], + "wikipages": [ + { + "title": "Martin Savage (actor)", + "url": "https://en.wikipedia.org/wiki/Martin%20Savage%20%28actor%29" + }, + { + "title": "Dad's Army (1971 film)", + "url": "https://en.wikipedia.org/wiki/Dad%27s%20Army%20%281971%20film%29" + }, + { + "title": "List of Dad's Army radio episodes", + "url": "https://en.wikipedia.org/wiki/List%20of%20Dad%27s%20Army%20radio%20episodes" + }, + { + "title": "Dad's Army", + "url": "https://en.wikipedia.org/wiki/Dad%27s%20Army" + }, + { + "title": "Dad's Army (2016 film)", + "url": "https://en.wikipedia.org/wiki/Dad%27s%20Army%20%282016%20film%29" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "It was written by Jimmy Perry and David Croft, and broadcast on the BBC from 1968 to 1977. ", + "wikipage": "Dad's Army" + }, + { + "content": "Dad's Army is a BBC sitcom about the British Home Guard during the Second World War.", + "wikipage": "Dad's Army" + }, + { + "content": "In 1971, in common with many British sitcoms of that era, Dad's Army was made into a feature film. ", + "wikipage": "Dad's Army 1971 film" + }, + { + "content": "Other major film appearances include V for Vendetta (2006), Rush (2013), and as Warden Hodges in Dad's Army (2016).", + "wikipage": "Martin Savage (actor)" + }, + { + "content": "Martin Savage is an English film, stage and television actor.", + "wikipage": "Martin Savage (actor)" + }, + { + "content": "Dad's Army is a 2016 British war comedy film, based on the BBC television sitcom Dad's Army. ", + "wikipage": "Dad's Army (2016 film)" + } + ], + "long_answer": "The BBC sitcom Dad's Army ran from 1968 to 1977. In the 1971 film version of the show, English comedy actor Bill Pertwee played warden hodges. Several years later, in 1995, he portrayed warden hodges on a radio recording of \"Dad's Army\". Another remake of the film was released in 2016 in which warden hodges was then played by English film and television actor Martin Savage. " + }, + { + "knowledge": [ + { + "content": "Dad's Army is a 1971 British war comedy film and the first film adaptation of the BBC television sitcom Dad's Army.", + "wikipage": "Dad's Army (1971 film)" + }, + { + "content": "Dad's Army is a 2016 British war comedy film, based on the BBC television sitcom Dad's Army.", + "wikipage": "Dad's Army (2016 film)" + }, + { + "content": "Martin Savage is an English film, stage and television actor.", + "wikipage": "Martin Savage (actor)" + }, + { + "content": "William Desmond Anthony Pertwee, MBE (21 July 1926 \u2013 27 May 2013) was an English comedy actor.", + "wikipage": "Bill Pertwee" + }, + { + "content": "Dad's Army is a BBC sitcom about the British Home Guard during the Second World War.", + "wikipage": "Dad's Army" + } + ], + "long_answer": "Several actors played Warden Hodges in Dad's Army. English comedy actor Bill Pertwee did in the original Dad's Army TV show, a BBC sitcom. He also did in the original Dad's Army radio show and film, a 1971 British war comedy film that was the first film adaptation of the sitcom. English film, stage, and television actor Martin Savage did in the 2016 film Dad's Army, which was also based on the BBC sitcom." + } + ], + "sample_id": "-2352037698769402666", + "question": "Who played warden hodges in dad's army?", + "docs": [ + { + "id": "1343766", + "title": "Bill Pertwee", + "text": "Burberry in London. Pertwee appeared in the radio comedy series \"Beyond Our Ken\" (1959\u20131964) and \"Round the Horne\" (1965\u20131967)& The Navy Lark. He was also a warm-up act for many television shows. His most prominent role was that of ARP Warden Hodges in \"Dad's Army\", which he played in both the original television series from 1968 to 1977, and the radio adaptations, as well as the radio sequel \"It Sticks Out Half a Mile\", set after the war. Pertwee was president of the Dad's Army Appreciation Society and the author of the book \"Dad's Army \u2013 The Making of a", + "score": 0.83056640625, + "summary": "Bill Pertwee played Warden Hodges in Dad's Army.", + "extraction": "Bill Pertwee played ARP Warden Hodges in \"Dad's Army\"." + }, + { + "id": "14007193", + "title": "Dad's Army Appreciation Society", + "text": "Dad's Army Appreciation Society The Dad's Army Appreciation Society is an organisation dedicated to the British television show \"Dad's Army\". It is run by a small group of individuals and has over 1,700 members. The society was founded in 1993 by Bill Pertwee (who played Warden Hodges), Frank Williams (who played the Vicar) and fans of the show. The society, in association with the Bressingham Steam and Gardens, set up the Dad's Army Collection, which was officially opened on 14 May 2000 by \"Dad's Army\" creators Jimmy Perry and David Croft. Also, Thetford (where much of the show was filmed)", + "score": 0.8193359375, + "summary": "Bill Pertwee played Warden Hodges in Dad's Army.", + "extraction": "Bill Pertwee played Warden Hodges in Dad's Army." + }, + { + "id": "14007197", + "title": "Dad's Army Appreciation Society", + "text": "\"Guest Appearances\" and \"Letters from Members\". The Society is also publishing an updated version of the 'Dad's Army Companion' to coincide with the 50th anniversary celebrations. The Video and Audio Library features a large selection of video and audio items that can be borrowed by members. Dad's Army Appreciation Society The Dad's Army Appreciation Society is an organisation dedicated to the British television show \"Dad's Army\". It is run by a small group of individuals and has over 1,700 members. The society was founded in 1993 by Bill Pertwee (who played Warden Hodges), Frank Williams (who played the Vicar) and", + "score": 0.787109375, + "summary": "Bill Pertwee played Warden Hodges in Dad's Army and was one of the founders of the Dad's Army Appreciation Society.", + "extraction": "Bill Pertwee played Warden Hodges in Dad's Army." + }, + { + "id": "8295283", + "title": "The Recruit (Dad's Army)", + "text": "tells him to clear off. The boy states that he is going to \"tell his Uncle Willie,\" who turns out to be the Chief Warden, Hodges. Hodges confronts Mainwaring and his platoon about the way they treated his nephew. After a war of words breaks out between Hodges and the platoon, his nephew states that \"they are as bad as the Wardens,\" which prompts Hodges to turn his anger on his nephew and they both storm out of the church hall. After having a laugh, Mainwaring turns to the vicar and the verger and states that \"this never would have", + "score": 0.78271484375, + "summary": "Irrelevant.", + "extraction": "Warden Hodges played the role of Chief Warden and confronted Mainwaring and his platoon about the way they treated his nephew in the Dad's Army episode \"The Recruit\"." + }, + { + "id": "1416670", + "title": "John Le Mesurier", + "text": "sequel to \"Dad's Army\", in which Wilson had become the bank manager of the Frambourne-on-Sea branch, while Arthur Lowe's character, Captain George Mainwaring, was trying to apply for a loan to renovate the local pier. The death of Lowe in April 1982 meant that only a pilot episode was recorded, and the project was suspended. It was revived in 1982 with Lowe's role replaced by two other \"Dad's Army\" cast members: Pike, played by Ian Lavender, and Hodges, played by Bill Pertwee. A pilot and twelve episodes were subsequently recorded, and broadcast in 1984. Le Mesurier also teamed up with", + "score": 0.78076171875, + "summary": "Bill Pertwee played Warden Hodges in \"Dad's Army.\"", + "extraction": "Bill Pertwee played Warden Hodges in Dad's Army." + }, + { + "id": "1343764", + "title": "Bill Pertwee", + "text": "Bill Pertwee William Desmond Anthony Pertwee, (21 July 1926 \u2013 27 May 2013) was an English comedy actor. He played the role of the antagonist Chief ARP Warden Hodges in the sitcom \"Dad's Army\". Pertwee was born in Amersham, Buckinghamshire on 21 July 1926. His mother was Brazilian and his English father, James Francis Carter Pertwee, travelled the country as a salesman until he became ill and died in 1938, when Bill Pertwee was 12. The family moved home many times during Pertwee's childhood and he lived in Hereford, Glasbury, Colnbrook, Newbury, Erith, Belvedere, Blackheath, Storrington, Westcliff-on-Sea, Wilmington and Worthing.", + "score": 0.779296875, + "summary": "Bill Pertwee played Warden Hodges in Dad's Army.", + "extraction": "Bill Pertwee played the role of Chief ARP Warden Hodges in the sitcom \"Dad's Army\"." + }, + { + "id": "1764689", + "title": "Roy Hudd", + "text": "played Bud Flanagan in the BBC drama \"We\u2019re Doomed! The Dad\u2019s Army Story\", about the creation of the titular long-running sitcom. In 2016 he appeared in an episode of \"Benidorm\". In 2017 he appeared in the ITV series \"Broadchurch\". Hudd has appeared in many pantomime and variety performances. In 1977 he starred as Fagin in the West End revival of Lionel Bart's musical \"Oliver!\" at the Albery Theatre. In 1982 he played Bud Flanagan in \"Underneath the Arches\" at the Prince of Wales Theatre, for which he won a Society of West End Theatre Award. In 2000 he starred in", + "score": 0.76953125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about Warden Hodges in Dad's Army." + }, + { + "id": "1343772", + "title": "Bill Pertwee", + "text": "(who portrayed the Third Doctor in \"Doctor Who\") and Sean Pertwee, being a second cousin of Michael's and Jon's father, the screenwriter and actor Roland Pertwee. He was godfather to one of the sons of his \"Dad's Army\" co-star Ian Lavender. Bill Pertwee William Desmond Anthony Pertwee, (21 July 1926 \u2013 27 May 2013) was an English comedy actor. He played the role of the antagonist Chief ARP Warden Hodges in the sitcom \"Dad's Army\". Pertwee was born in Amersham, Buckinghamshire on 21 July 1926. His mother was Brazilian and his English father, James Francis Carter Pertwee, travelled the country", + "score": 0.7666015625, + "summary": "Bill Pertwee played warden Hodges in Dad's Army.", + "extraction": "Bill Pertwee played the role of Chief ARP Warden Hodges in the sitcom \"Dad's Army\"." + }, + { + "id": "2422886", + "title": "Home Guard (United Kingdom)", + "text": "volunteers otherwise ineligible for military service, either owing to age or by being in professions that were exempt from conscription (\"Dad's Army\" deals almost exclusively with the former), and as such the series mainly featured older British actors, including Arthur Lowe, John Le Mesurier, Arnold Ridley and John Laurie. Among relative youngsters in the regular cast were Ian Lavender, Clive Dunn (who played the elderly Jones), Frank Williams, James Beck (who died suddenly during production of the programme's sixth series in 1973) and Bill Pertwee. In 2004, \"Dad's Army\" was voted into fourth place in a BBC poll to find", + "score": 0.75830078125, + "summary": "Arthur Lowe played Captain George Mainwaring in Dad's Army. Irrelevant to the question of who played Warden Hodges.", + "extraction": "Arnold Ridley and John Laurie were among the older British actors who appeared in \"Dad's Army\". However, the passage does not provide the answer to the question \"Who played warden hodges in dad's army?\"" + }, + { + "id": "8225742", + "title": "Keep Young and Beautiful (Dad's Army)", + "text": "the ARP, it'll be us three cause we're the oldest.\" Frazer then agrees to perform a makeover on Jones and Godfrey, as well as himself, in order to make them look younger. In the meantime, Mainwaring worries that he too might be transferred into the ARP, so he buys himself a wig, much to the amusement of the platoon, while Sergeant Wilson has acquired a corset (or \"gentleman's abdominal support\", as he calls it). Chief Warden Hodges is also worried of being put into the Home Guard so he purchases some grey 'hair dye' courtesy of Private Walker, which is", + "score": 0.75390625, + "summary": "Irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "9338346", + "title": "Neville Hughes", + "text": "Neville Hughes Neville Hughes (1 June 1945 \u2013 28 June 2015 ?) was an actor in the 1960s and 1970s. Hughes was born in 1945 in St. Clears, Wales. After joining RADA in 1965, and working in repertory theatre, Hughes made his television debut in \"The Man and the Hour\", the very first episode of \"Dad's Army\" in 1968. Following this he then appeared in the role of Rev Peter Hope in \"Crossroads\" for four years. Other lesser roles followed including \"The Avengers\", \"Department S\", \"The Protectors\", \"Emergency \u2013 Ward 10\", \"Father Brown\" and \"Rebecca\". He also appeared in the", + "score": 0.75341796875, + "summary": "Neville Hughes played various roles in TV shows including \"Dad's Army\" but there is no mention of him playing Warden Hodges specifically.", + "extraction": "Irrelevant." + }, + { + "id": "12980977", + "title": "Dad's Army", + "text": "Army\") or by being in professions exempt from conscription. \"Dad's Army\" deals almost exclusively with men over military age, and featured older British actors, including Arthur Lowe, John Le Mesurier, Arnold Ridley and John Laurie. Younger members of the cast included Ian Lavender, Clive Dunn (who played the oldest guardsman, Lance Corporal Jones, despite being one of the youngest cast members), and James Beck (who died suddenly during production of the sixth series in 1973). Other regular cast members included Frank Williams as the vicar, and Bill Pertwee as the chief ARP warden. In 2004, \"Dad's Army\" was voted fourth", + "score": 0.7509765625, + "summary": "Bill Pertwee played the chief ARP warden in Dad's Army.", + "extraction": "Bill Pertwee played the chief ARP warden in Dad's Army." + }, + { + "id": "6923412", + "title": "Parsley Sidings", + "text": "Horace Hepplewhite (played by Arthur Lowe); his son, Bertrand (Ian Lavender); station porter Percy Valentine (Kenneth Connor); Mr Bradshaw, the signalman (also played by Kenneth Connor); and station tannoy announcer Gloria Simpkins (Liz Fraser, who was also in the \"Carry On\" films, and appeared in the Dad's Army feature film). The guest cast in some episodes included Bill Pertwee (also from \"Dad's Army\", appearing in episode 11), Roger Delgado (The Master In Doctor Who in the Jon Pertwee era) with the announcer for the programme being Keith Skues. The series was produced by Edward Taylor, and was broadcast on BBC", + "score": 0.7451171875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "7841573", + "title": "The Test (Dad's Army)", + "text": "and when he bats, the ball ends up smashing a church window. On Saturday, at the cricket changing rooms, Hodges is keen to introduce E.C. Egan (played by Fred Trueman), a world-class professional fast bowler, to Gerald, one of his ARP Wardens. He tells them that he won't tell Mainwaring until he bats. Hodges produces an ARP application form for Egan to sign, to make it legal. When Egan asks what to do if the siren goes off, Hodges replies \"Resign\". The platoon arrive, with Wilson wearing a yellow, blue and brown striped blazer, Frazer in his funeral attire, Godfrey", + "score": 0.74365234375, + "summary": "The document is irrelevant to the question as it does not mention who played warden Hodges in Dad's Army.", + "extraction": "Irrelevant. The passage does not provide any information about who played Warden Hodges in Dad's Army." + }, + { + "id": "9024606", + "title": "Geoffrey Lumsden", + "text": "Captain Square in \"Dad's Army\", the pompous commander of the Eastgate platoon of the Home Guard who was a rival of Captain Mainwaring. Other TV appearances included \"Rookery Nook\", \"Upstairs, Downstairs\", \"It Ain't Half Hot Mum\" and \"Edward & Mrs. Simpson\". Lumsden died in London in 1984 aged 69. Geoffrey Lumsden Geoffrey Forbes Lumsden (26 December 1914 \u2013 4 March 1984) was a British character actor who had a lengthy career on television. Lumsden was born in London in 1914 and attended Repton School. By the time he had left school, both his parents had died. While living with his", + "score": 0.73876953125, + "summary": "Geoffrey Lumsden played Captain Square in \"Dad's Army\".", + "extraction": "Irrelevant. The passage does not provide information about who played Warden Hodges in Dad's Army." + }, + { + "id": "11954867", + "title": "Edward Hodge", + "text": "Edward Hodge General Sir Edward Cooper Hodge (19 April 1810 \u2013 10 December 1894) was a British Army officer. Hodge was the son of Major Edward Hodge (1782\u20131815) of the 7th Hussars, who distinguished himself in the Peninsula War and in the Waterloo Campaign. As a Lieutenant-Colonel, Edward Cooper Hodge commanded the 4th (Royal Irish) Regiment of Dragoon Guards at the Battle of Balaclava. He was subsequently placed in command of the 5th Dragoon Guards, and later rose to the rank of General. Hodge was the author of a diary, edited by the Marquess of Anglesey and published as \"Little", + "score": 0.7373046875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the TV show Dad's Army or the character Warden Hodges." + }, + { + "id": "7647581", + "title": "The Armoured Might of Lance Corporal Jones", + "text": "Chief Warden is coming to discuss co-operation. Mainwaring is disgusted to learn from Wilson that the new Chief Warden is that 'common fellow' Mr Hodges. Mainwaring believes that Hodges' occupation (a greengrocer) doesn't entitle him to be Chief Warden. Wilson agrees by saying that he has dirty finger nails. When Hodges arrives, he and Mainwaring have a brief argument about who should get the church hall every Wednesday evening. Some time afterwards, Walker talks to Jones about his delivery van. He reckons that he should lend it to Mainwaring as platoon transport. Jones is suspicious, so Walker admits that it", + "score": 0.73681640625, + "summary": "Bill Pertwee played Warden Hodges in Dad's Army.", + "extraction": "Mr Hodges played Warden Hodges in Dad's Army." + }, + { + "id": "8746350", + "title": "Robert Dorning", + "text": "Under the Sun\" (1982) and \"Mona Lisa\" (1986). In 1958 Dorning began a lengthy television career appearing in many classic comedies such as \"Hancock's Half Hour\" (1959\u201360), \"Bootsie and Snudge\" (1960), \"Steptoe and Son\" (1965) and \"Rising Damp\" (1978). Dorning played Mr. West, the bank inspector, in the classic \"Dad's Army\" episode \"Something Nasty in the Vault\" (1969) in which a bomb lands on Mainwaring's bank. Writer Jimmy Perry initially envisaged Jon Pertwee as the pompous bank manager and Home Guard officer Captain Mainwaring with Robert Dorning as Sergeant Wilson but eventually gave the roles to Arthur Lowe and John", + "score": 0.73388671875, + "summary": "Robert Dorning played Mr. West, the bank inspector, in one episode of \"Dad's Army\" called \"Something Nasty in the Vault\" (1969).", + "extraction": "Robert Dorning played Mr. West, the bank inspector, in \"Dad's Army\", but there is no mention of who played Warden Hodges. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "7177546", + "title": "Sergeant Wilson", + "text": "he had previously been awarded them as a Captain in the First World War. In a feature film \"Dad's Army\", released in 2016, Wilson is played by Bill Nighy. Wilson will be played by Robert Bathurst in a series of re-enactments of otherwise lost episodes of \"Dad's Army\". Sergeant Wilson The Honourable Arthur Wilson, also known as Sergeant Wilson, is a fictional Home Guard platoon sergeant and bank chief clerk. He was portrayed in the BBC television sitcom \"Dad's Army\" by John Le Mesurier. Wilson was born in 1887, and is carefree, cheerful and well-spoken, although more complex than he", + "score": 0.73388671875, + "summary": "John Le Mesurier played Warden Hodges in Dad's Army. (Irrelevant)", + "extraction": "John Le Mesurier played Warden Hodges in Dad's Army. (The given passage does not provide information about Warden Hodges, but it does mention the actor who played Sergeant Wilson in the TV sitcom.)" + }, + { + "id": "12980985", + "title": "Dad's Army", + "text": "the platoon's lack of participation in the Second World War, opposition to their activities has to come from another quarter and this is generally provided by Air Raid Precautions (ARP) Warden Hodges, and sometimes by the verger of the local church (St Aldhelm's) or by Captain Square and the neighbouring Eastgate Home Guard platoon. The group does have some encounters related to the enemy, such as downed German planes, a Luftwaffe pilot who parachutes into the town's clock tower, a U-boat crew and discarded parachutes that may have been German; a Viennese ornithologist appears in \"Man Hunt\" and IRA suspects", + "score": 0.7333984375, + "summary": "Warden Hodges is a character who opposes the activities of the platoon in Dad's Army. No information is given on who played the character.", + "extraction": "Bill Pertwee played Warden Hodges in Dad's Army." + }, + { + "id": "18501615", + "title": "Eustace Maude, 7th Viscount Hawarden", + "text": "Eustace Maude, 7th Viscount Hawarden Major Eustace Wyndham Maude, 7th Viscount Hawarden (20 September 1877 \u2013 6 April 1958) was a British Army officer, peer and colonial official. Maude was the son of Ludlow Eustace Maude and Clara Louisa Madden, and the great-grandson of Cornwallis Maude, 1st Viscount Hawarden. He was educated at Bloxham School and the Royal Military College, Sandhurst. He commissioned into the 3rd Battalion, Hampshire Regiment on 4 April 1900. He was promoted to Major in 1910 while serving with the Queen's Royal Regiment (West Surrey) in Egypt. He succeeded to the title Viscount Hawarden on 26", + "score": 0.72900390625 + }, + { + "id": "17333029", + "title": "Douglas Fielding", + "text": "Douglas Fielding Douglas Fielding (born 6 June 1946) is a British actor of film and television, best known for playing the role of Sergeant Alec Quilley, previously Police Constable, in the police procedural drama \"Z-Cars\" (1969\u20131978). He later played the first regular policeman Roy Quick in the BBC soap opera \"EastEnders\" from 1985 until 1986. He made his television debut in 1968 playing Young Hodge in an episode of \"Mystery and Imagination\". He has also appeared in other successful television shows including \"Softly, Softly\", \"Callan\", \"Blake's 7\", \"Angels\", \"Juliet Bravo\", \"The Bill\", \"ChuckleVision\", \"Family Affairs\", and \"Doctors\". In 2000 he", + "score": 0.72802734375 + }, + { + "id": "6804135", + "title": "Captain Mainwaring", + "text": "Flag patterned arrowhead to reflect the opening credits of the TV series and the sculpture has been designed so that one can sit next to Captain Mainwaring and have one's photo taken. In the 2016 film based on the sitcom, Mainwaring is played by Toby Jones. In 2019, the three episodes of Dads Army that are missing from the BBC archives are being re-shot by UKTV Channel GOLD, in which actor Kevin McNally will take on the mantle of Captain Mainwaring. Captain Mainwaring Captain George Mainwaring () is a fictional character portrayed by Arthur Lowe in the BBC television sitcom", + "score": 0.7275390625 + }, + { + "id": "6513563", + "title": "Rick Warden", + "text": "Rick Warden Richard George Warden (born 29 September 1971) is an English television and movie actor. Warden studied at Dr Challoner's Grammar School and received a B.A. honours in history at Churchill College, Cambridge, 1994. He married actress Lucy Barker on 1 May 2004. He is probably best known for his appearances in the HBO miniseries \"Band of Brothers\" as 1st Lt. Harry Welsh, the BBC docudrama \"Dunkirk\" as Major Phillip Newman RAMC, and the HBO/BBC2 historical drama, \"Rome\", as Quintus Valerius Pompey and Indian Summers as Ronnie Keane. He also appeared in \"Evol\" (2006) (with his wife) and in", + "score": 0.7275390625 + }, + { + "id": "624992", + "title": "David Jason", + "text": "his sense of timing. The programme ended in 1969, and the character then appeared for a time in the Thames Television children's programme \"Magpie\". Jason was going to be cast in the role of Lance Corporal Jones in the Jimmy Perry and David Croft BBC comedy \"Dad's Army\". Croft had been very impressed with the actor and knew that he had the ability to play a man much older than his real age. However, Bill Cotton over-ruled him, casting Clive Dunn. Jason appeared in the BBC comedy series \"Hugh and I\", which starred Hugh Lloyd and Terry Scott as two", + "score": 0.72705078125 + }, + { + "id": "6804106", + "title": "Captain Mainwaring", + "text": "Captain Mainwaring Captain George Mainwaring () is a fictional character portrayed by Arthur Lowe in the BBC television sitcom \"Dad's Army\". He is the bank manager and Home Guard platoon commander, in the fictional seaside town of Walmington-on-Sea during the Second World War. He has become widely accepted and regarded as a classic British comic character owing to the popularity of both \"Dad's Army\" and Lowe's portrayal of him. Mainwaring was born in 1885 to Edmund Mainwaring and is a pompous, blustering figure with an overdeveloped sense of his importance, fuelled by his social status in Walmington-on-Sea as the bank", + "score": 0.7265625 + }, + { + "id": "2426731", + "title": "Courtney Hodges", + "text": "Courtney Hodges General Courtney Hicks Hodges (January 5, 1887 \u2013 January 16, 1966) was a decorated senior officer of the United States Army, most prominent for his role in World War II, in which he commanded the U.S. First Army in the Western Europe Campaign. In his career Hodges was a notable \"mustang\" officer, rising from private to general. Hodges was born in Perry, Georgia where his father published a small-town newspaper. He attended North Georgia Agricultural College (now known as the University of North Georgia) before transferring to West Point. He would have graduated with the Class of 1909,", + "score": 0.7255859375 + }, + { + "id": "7962662", + "title": "Janet Davies (actress)", + "text": "Janet Davies (actress) Janet Kathleen Davies (14 September 1927 \u2013 22 September 1986) was an English actress best known for her recurring role as Mrs. Pike in the long-running sitcom \"Dad's Army\". Although mainly remembered for her role in \"Dad's Army\", appearing in 30 episodes of the series, she also featured in many other television and film roles including \"Dixon of Dock Green\", \"The Fall and Rise of Reginald Perrin\", \"All Creatures Great and Small\", \"Last of the Summer Wine\", \"Z-Cars\", \"The Citadel\", \"Pride and Prejudice\", \"Open All Hours\", \"Are You Being Served?\", and in the films \"The Ghost Goes", + "score": 0.7255859375 + }, + { + "id": "11247299", + "title": "David Hodge (Glasgow)", + "text": "David Hodge (Glasgow) David Hodge (13 September 1909 \u2013 9 December 1991) was Lord Provost of Glasgow from 1977 to 1980. He was a member of the Scottish Labour Party. Hodge was born in Glasgow, to David Hodge Sr., an employee at the gasworks, and Sarah Hodge (\"n\u00e9e\" Crilly). In his youth he played football for Greenock Morton F.C. before embarking on a career as an insurance agent. In the war he served in RAF Coastal Command. In 1971, Hodge joined the Glasgow City Council. He later served as chairman of the magistrates committee and then as chairman of the", + "score": 0.724609375 + }, + { + "id": "12981006", + "title": "Dad's Army", + "text": "event the revised cast recorded a 13-episode series. This might have led to more episodes and a second series, had it not been for the sudden death of John Le Mesurier in November 1983. The last ever radio recording of \"Dad's Army\" occurred in 1995, when Jimmy Perry wrote a radio sketch entitled \"The Boy Who Saved England\" for the \"Full Steam A-Hudd\" evening broadcast on Radio 2, transmitted on 3 June 1995 on the occasion of the closure of the BBC's Paris studios in Lower Regent Street. It featured Ian Lavender as Pike, Bill Pertwee as Hodges, Frank Williams", + "score": 0.7236328125 + }, + { + "id": "9759692", + "title": "Mavis Pugh", + "text": "Clegg, an actor who would later appear in \"Dad's Army\", \"Are You Being Served?\" and \"You Rang, M'Lord?\", but is perhaps best known as Mr La-di-da Gunner Graham in the BBC sitcom \"It Ain't Half Hot Mum\", and they married in 1959. Pugh did not begin her television career until she was in her sixth decade, with an appearance in the 1974 \"Dad's Army\" episode \"The Captain's Car\". Two years later she appeared in one episode of \"It Ain't Half Hot Mum\", titled \"Ticket to Blighty\", and in \"Are You Being Served?\" in the episode \"Fifty Years On\". She also", + "score": 0.72314453125 + }, + { + "id": "5851876", + "title": "Frank Williams (actor)", + "text": "Frank Williams (actor) Frank Williams (born 2 July 1931) is an English actor best known for playing Timothy Farthing, the vicar in the BBC comedy \"Dad's Army\". He and Ian Lavender are the last surviving major cast members. He reprised the role of Farthing in the 2016 film adaptation of the series. Born in London, Williams was educated at Ardingly College, West Sussex and Hendon School (then Hendon County School). He appeared regularly in the TV series \"The Army Game\" (1957\u20131960) as Captain Pocket. His film credits include the Norman Wisdom films \"The Square Peg\" (1958), \"The Bulldog Breed\" (1960)", + "score": 0.72265625 + }, + { + "id": "4407971", + "title": "Ian Lavender", + "text": "the series, and in the spinoff film released in 1971. He appeared in 1974 in one episode of \"Man About the House\" (While The Cat's Away) as Mark. In 1983, he revived the role of Private Pike in the BBC Radio sitcom \"It Sticks Out Half a Mile\". The sitcom was a radio sequel to \"Dad's Army\", but ran for only one series. Lavender has continued to be associated with \"Dad's Army\", and still takes part in occasional fan conventions and cast reunions. He made a variety of appearances during 2008 in connection with the 40th anniversary of the series.", + "score": 0.72265625 + }, + { + "id": "15741386", + "title": "A History of the Adjutants General of Maryland", + "text": "II Memorial Commission; Maryland Club, South River Club, Sons of the American Revolution, Howard County Hunt Club, Bachelors Cotillion. Communicant, St. Andrew Episcopal Church in Glenwood, Howard County, and St. John Episcopal Church, Ellicott City. Warren D. Hodges was born in Lawrence, Kan. and attended the University of Kansas, where he played baseball and football before joining the Army in 1942. He later earned a degree from the University of Nebraska. He was also a graduate of several military command schools. Hodges served during World War II in France and Germany, where he was wounded, and was later assigned to", + "score": 0.72216796875 + }, + { + "id": "7841579", + "title": "The Test (Dad's Army)", + "text": "drops his bat, but with Wilson's help he retrieves it and makes it back to the crease. Godfrey hits his next ball, bowled by Hodges, over square leg, and Mainwaring is delighted to see that it's going to be a six, meaning that the platoon have won by 1 wicket. Hodges comments that he should never have declared. Mainwaring reminds him that they'll be ready for anything, whether it comes from the wardens or the Nazis. As they cheer the wardens, and Godfrey and Wilson, the siren goes, and the platoon take up their positions. The wardens score 152 for", + "score": 0.7216796875 + }, + { + "id": "14726150", + "title": "Michael Hodges", + "text": "Michael Hodges Admiral Sir Michael Henry Hodges, (29 September 1874 \u2013 3 November 1951) was a senior Royal Navy officer who went on to be Second Sea Lord and Chief of Naval Personnel. Hodges joined the Royal Navy as a cadet in the training ship HMS \"Britannia\" in 1887. In late 1899, during the Second Boer War, he was landed in South Africa as a member of 's naval brigade and sent to defend the town of Ladysmith. He was promoted to commander on 26 June 1902, and the following day posted to as flag officer to the Board of", + "score": 0.72119140625 + }, + { + "id": "14726154", + "title": "Michael Hodges", + "text": "Michael Hodges Admiral Sir Michael Henry Hodges, (29 September 1874 \u2013 3 November 1951) was a senior Royal Navy officer who went on to be Second Sea Lord and Chief of Naval Personnel. Hodges joined the Royal Navy as a cadet in the training ship HMS \"Britannia\" in 1887. In late 1899, during the Second Boer War, he was landed in South Africa as a member of 's naval brigade and sent to defend the town of Ladysmith. He was promoted to commander on 26 June 1902, and the following day posted to as flag officer to the Board of", + "score": 0.72119140625 + }, + { + "id": "7572988", + "title": "David Daker", + "text": "Sir Ronald Bates, the tyrannical owner of a fast food chain. In film, he played young Kevin's father in \"Time Bandits\" (1 \"Porridge\". 981) and the desk sergeant in \"I Bought a Vampire Motorcycle\" (1990). David Daker Colin David Daker (born 29 September 1935 in Bilston, Staffordshire) is an English actor. He is best known for his role as Harry Crawford in the hit series \"Boon\". He also played Tommy Mackay in \"Only Fools and Horses\" and Jarvis in \"Porridge\". He has made two appearances in \"Minder\", the first in the second episode of the second series (\"Who's Wife Is", + "score": 0.72119140625 + }, + { + "id": "12981010", + "title": "Dad's Army", + "text": "featuring the characters from the show at a Christmas party, among whom was Mainwaring's unseen wife Elizabeth \u2013 or rather, what the children thought she looked like (Mainwaring remarks \"Good grief. What a remarkable likeness!\"). Arthur Lowe made a second appearance as Captain Mainwaring on \"Blue Peter\" with the \"Dad's Army\" van which would appear in the forthcoming London-Brighton run and showed presenter John Noakes the vehicle's hidden anti-Nazi defences. During its original television run, \"Dad's Army\" was nominated for a number of British Academy Television Awards, although only won \"Best Light Entertainment Production Team\" in 1971. It was nominated", + "score": 0.720703125 + }, + { + "id": "1857704", + "title": "Arthur Lowe", + "text": "Arthur Lowe Arthur Lowe (22 September 1915 \u2013 15 April 1982) was an English actor. His career spanned over thirty years, including starring roles in numerous theatre and television productions. He played Captain Mainwaring () in the British sitcom \"Dad's Army\" from 1968 until 1977, was nominated for seven BAFTAs and became one of the most recognised faces on television. Lowe began his working life shortly before the Second World War (1939\u20131945) and he featured in many theatrical performances. It was not until he landed the part of Leonard Swindley in the British television soap \"Coronation Street\" that he became", + "score": 0.72021484375 + }, + { + "id": "7841581", + "title": "The Test (Dad's Army)", + "text": "from the pavilion. Frazer says he not too sure of the rules but will play. Mainwaring decides to accept the challenge and appoints himself Captain. The Home Guard men begin a practice session with Mainwaring giving them the benefit of his wisdom - but is immediately bowled out by Pike. His bowling is just as bad with Jones scoring a six of one of his deliveries. Meanwhile, Hodges appoints a famous bowler, E. C. Egan, as a temporary ARP warden so that he can play on their team. When Egan asks what he should do if the siren goes off,", + "score": 0.72021484375 + }, + { + "id": "6804134", + "title": "Captain Mainwaring", + "text": "manager named Mainwaring and his chief clerk named Wilson, both of whom are in the Home Guard. When he hears the names Mainwaring and Wilson, Gary begins singing the \"Dad's Army\" theme song. In June 2010, a statue of Captain Mainwaring by sculptor Sean Hedges-Quinn was erected in the Norfolk town of Thetford, where most of the TV series \"Dad's Army\" was filmed. The statue shows Captain Mainwaring sitting upright on a simple bench in Home Guard uniform, with his swagger stick across his knees. The statue is mounted at the end of a winding brick pathway with a Union", + "score": 0.7197265625 + }, + { + "id": "12981001", + "title": "Dad's Army", + "text": "created by Roger Redfarn, who shared the same agent as the sitcom writers. Most of the principal cast transferred with it, with the exception of John Laurie (he was replaced by Hamish Roughead). Following James Beck\u2019s death two years earlier, Walker was played by John Bardon. \"Dad\u2019s Army: A Nostalgic Music and Laughter Show of Britain\u2019s Finest Hour\" opened at Billingham in Teesside on 4 September 1975 for a two-week tryout. After cuts and revisions, the show transferred to London\u2019s West End and opened at the Shaftesbury Theatre on 2 October 1975. On the opening night there was a surprise", + "score": 0.7197265625 + }, + { + "id": "5361300", + "title": "Terrence Hardiman", + "text": "Terrence Hardiman Terrence Hardiman (born 6 April 1937) is an English actor. He is best known for playing \"The Demon Headmaster\" in the children's television series of the same name, and also for portraying Luftwaffe Police Major Reinhardt in the 1970s drama series \"Secret Army\". Born in Forest Gate, Essex, Hardiman is often seen playing authority figures, and has played Nazi era German military personnel (\"Secret Army\", \"Colditz\", \"Wish Me Luck\" and \"Enemy at the Door\") and British officers (\"When the Boat Comes In\"), police inspectors (\"Juliet Bravo\" and \"Softly, Softly\"), doctors (\"Home to Roost\", \"The Royal\"), barristers (\"Crown Court\"", + "score": 0.7197265625 + }, + { + "id": "14007195", + "title": "Dad's Army Appreciation Society", + "text": "Bressingham Steam and Gardens. Events have included a gathering in 1997 at The Oval attended by a number of the original cast (including Clive Dunn and Ian Lavender) as well as the shows writers, Jimmy Perry and David Croft, and a 1998 gathering at Cambridge (New Zealand) attended by Stephen Lowe, the son of the show's Arthur Lowe who played Captain George Mainwaring. More recently, a 2009 gathering was held at Whitmore Hall at which Frank Williams was able to attend and speak to the society's members, and before his death Colin Bean (who played Private Sponge in the series)", + "score": 0.7197265625 + }, + { + "id": "5361301", + "title": "Terrence Hardiman", + "text": "and \"The Brittas Empire\"), judges (\"The Bill\" and \"The Courtroom\"), Father Abbot Radulfus (\"Cadfael\"), and of course an evil headmaster (\"The Demon Headmaster\"). He also played Prime Minister Ramsay MacDonald, in Richard Attenborough's \"Gandhi\". Hardiman's television work has included him playing barrister Stephen Harvesty in Granada Television's \"Crown Court\" from 1972 to 1983. Hardiman's portrayal of Major Reinhardt, in \"Secret Army\", the (fictional) head of the Luftwaffe (German Air force) police, often provided a foil to Clifford Rose's more brutal S.S. Chief, Kessler. As with many of the characters in \"Secret Army\", Reinhardt was not a one dimensional villain, but", + "score": 0.71875 + }, + { + "id": "5759852", + "title": "Michael Knowles (actor)", + "text": "starred in the sitcom \"Come Back Mrs. Noah\" (1977\u201378). Knowles did the voice of the \"Head of the Air Force\" in the animated movie \"The BFG\", based on the novel by Roald Dahl for Cosgrove Hall. His television career started in 1969 with the role of Capt. Cutts in \"Dad's Army\", a series he later adapted (with Harold Snoad) for radio. With Snoad, he wrote \"It Sticks Out Half a Mile\", a radio sequel to \"Dad's Army\". He is also credited as one of the writers for \"Are You Being Served\", appearing in two episodes. Michael Knowles (actor) Michael Knowles", + "score": 0.7177734375 + }, + { + "id": "1857715", + "title": "Arthur Lowe", + "text": "as the mischievous Catholic priest Father Charles Clement Duddleswell and in \"Potter\" (1979\u201380) as the busybody Redvers Potter. By now he was making many television advertisement commercials, but his later stage career mainly involved touring the provinces, appearing in plays and pantomimes with his wife, Joan. In 1981 he reprised his role as Captain Mainwaring for the pilot episode of \"It Sticks Out Half a Mile\", a radio sequel to \"Dad's Army\". At Christmas 1981 Lowe appeared in pantomime with his wife. His last film role was in Lindsay Anderson's \"Britannia Hospital\". In January 1982 Richard Burton had his private", + "score": 0.71728515625 + }, + { + "id": "12980987", + "title": "Dad's Army", + "text": "was still willing to have a crack at the Wehrmacht. For instance, in the episode \"The Battle of Godfrey's Cottage\", the platoon believes the enemy has invaded Britain. Mainwaring, Godfrey, Frazer and Jones (along with Godfrey's sisters, who are completely unaware of the invasion) decide to stay at the cottage to delay the German advance, buying the regular army time to arrive with reinforcements; \"It'll probably be the end of us, but we're ready for that, aren't we, men?\", says Mainwaring. \"Of course\", replies Frazer. Other actors who appeared in small roles include Harold Bennett, Timothy Carlton, Nigel Hawthorne, Geoffrey", + "score": 0.71728515625 + }, + { + "id": "14328777", + "title": "John Macleod (songwriter)", + "text": "label. In 1975 he worked again with his brother Norman, and brother-in-law actor Bill Pertwee, on the music for the Dad's Army stage show, producing an EMI single \"Get Out And Get Under The Moon\", and writing the B-side number \"Hooligans!\" \u2013 after Bill Pertwee's character Warden Hodge's catch phrase. John Macleod (songwriter) John Macleod (sometimes spelled McLeod) is a Canadian-born English songwriter and musician. He moved to Britain in the 1940s, and lived in the Halifax area with his wife before moving to Brighton. In the 1950s, he was a member of the vocal group the Maple Leaf Four,", + "score": 0.716796875 + }, + { + "id": "7305857", + "title": "Robert Bathurst", + "text": "and joined the cast of the long-running ITV drama \"Wild at Heart\". He also has a recurring role in the sitcom Toast of London. Bathurst is to star as Andy in the upcoming Sky1 television film television film adaptation of the M. C. Beaton novel \"Agatha Raisin and the Quiche of Death\". In September 2016, Bathurst reprised his role of David Marsden in \"Cold Feet\". In 2019 Bathurst will portray Sergeant Wilson in a series of re-enactments of otherwise lost episodes of the sitcom Dad's Army. Bathurst met artist Victoria Threlfall through mutual friends and they married in 1985. They", + "score": 0.716796875 + }, + { + "id": "5621461", + "title": "Toby Jones", + "text": "to watch him close up. He carries the emotional complexities in every tiny gesture that his character makes so that you immediately can see what his character is like. A character like Roger is full of contradictions, a city banker with an air of entitlement but also a little insecurity picking away at him. Toby can portray that in his walk alone. That's what's great about him, he can portray cold he can portray warm and he can portray both of those things at once.\" He plays Captain Mainwaring in the film \"Dad's Army\", released in February 2016. In July", + "score": 0.716796875 + }, + { + "id": "12980990", + "title": "Dad's Army", + "text": "to the end credits of the film \"The Way Ahead\" (1944) which had covered the training of a platoon during the war. In both instances, each character is shown as they walk across a smoke-filled battlefield. One of the actors in \"Dad's Army\", John Laurie, also appeared in that film and his performance in the end credits of \"The Way Ahead\" appears to be copied in the sitcom. Coincidentally, the film's lead character (played by David Niven) is named Lt. Jim Perry. The show's theme tune, \"\" was Jimmy Perry's idea, intended as a gentle pastiche of wartime songs. It", + "score": 0.71533203125 + }, + { + "id": "6308810", + "title": "Ronald Lacey", + "text": "Ronald Lacey Ronald William Lacey (28 September 1935 \u2013 15 May 1991) was an English actor. He made numerous television and film appearances over a 30-year period and is perhaps best remembered for his roles as Harris in \"Porridge\", Gestapo agent Major Arnold Ernst Toht in \"Raiders of the Lost Ark\" and the Bishop of Bath and Wells in \"Blackadder II\". Lacey attended Harrow Weald Grammar School. After a brief stint of national service and at the London Academy of Music and Dramatic Art, he began his acting career in 1961 in a TV play, \"The Secret Agent\". His first", + "score": 0.71533203125 + }, + { + "id": "12907604", + "title": "Warren Chetham-Strode", + "text": "which ran from 1955\u20131959. 'The story of a public school seen through the eyes of a Headmaster and his Wife'. Patrick Barr played Robert Barlowe the headmaster and Pauline Jameson, Kate, his wife. Evans, the Head Boy, was Edward Hardwicke, John Charlesworth was Finlay, Barry McGregor was Shepherd and boys in the background were pupils from Barking Abbey School. Geoffrey Wincott played Dogget, the School Porter and Anthony Shaw was the Governor, General Naseby. He was married on 16 July 1927 to the writer Moira Verschoyle with whom he had one son Michael Edward Chetham -Strode. Warren Chetham-Strode Reginald Warren", + "score": 0.71533203125 + }, + { + "id": "5876501", + "title": "Andrew Hayden-Smith", + "text": "2014 and 2015, Hayden-Smith joined the cast of the Channel 4 series \"Cucumber\" and E4 series \"Banana\", both from writer, Russell T Davies Hayden-Smith is a regular continuity announcer, mainly on ITV2 but also does voiceover work for other channels, and is a contributor to Attitude.co.uk. In July 2016, Hayden-Smith joined the cast of Channel 4 soap opera, \"Hollyoaks\", as new regular police officer, DS Gavin Armstrong, the chief inspector investigating the murder of Patrick Blake (Jeremy Sheffield). Andrew Hayden-Smith Andrew Hayden-Smith (born Andrew John Smith, 5 November 1983 in Gateshead, England) is an English actor and voiceover artist and", + "score": 0.71484375 + }, + { + "id": "12405343", + "title": "Eric Longworth", + "text": "most recent public appearance was at the Dad's Army 40th Birthday celebrations at the Imperial War Museum in London shortly before his death. He died on 20 August 2008 in Peterborough, Cambridgeshire, one month after his 90th birthday. His funeral was held on 5 September. Eric Longworth Eric Longworth (20 July 1918 \u2013 20 August 2008) was a British actor, best known for his semi-regular part in the popular BBC comedy \"Dad's Army\" as Mr. Gordon, the town clerk of Walmington-on-Sea. Eric Groves Longworth was born in Shaw and Crompton, Lancashire. He had decided from an early age to become", + "score": 0.71435546875 + }, + { + "id": "8903817", + "title": "Leonard Swindley", + "text": "Lowe walked in and read for the producers. Lowe, who went on to become most recognised as Captain Mainwaring in sitcom Dad's Army, was already an established actor by the time of his Coronation Street casting, having been in several feature films, but it was his turn as pompous Mr. Swindley that made him a household name in the early 60s. In December 1961, only a year after the show's launch, a strike of the actor's union Equity meant that Lowe, who was not under contract with the show at that point, was forced to leave the series along with", + "score": 0.71435546875 + }, + { + "id": "1857709", + "title": "Arthur Lowe", + "text": "the Expression\" (1966) and its sequel \"Turn Out the Lights\" (1967). Leonard Swindley was not a role Lowe relished and he longed to move on. During the months he was not playing Swindley, he remained busy on stage or making one-off guest appearances in other TV series such as \"Z-Cars\" (1962) and \"The Avengers\" (1967). In 1968, Lowe was cast in his best remembered role, as Captain Mainwaring in the BBC sitcom \"Dad's Army\" (1968\u20131977). His colleagues on the show later remarked that the role resembled Lowe, pompous and bumbling; Lowe had a clause written into his contract, specifying that", + "score": 0.71435546875 + }, + { + "id": "7962663", + "title": "Janet Davies (actress)", + "text": "Gear\" (1966) and \"Interlude\" (1968). Davies was upset that she did not appear in the film version of \"Dad\u2019s Army\" (1971) in which her character was played by Liz Fraser. When she was not acting, Davies exploited her typing and shorthand training by working with various theatrical agencies. She was married to the actor Ian Gardiner, who was best known for having played Reginald Molehusband in a Central Office of Information public information film in the 1960s. She died on 22 September 1986, aged 59, from breast cancer which had metastasised to her lungs. Davies was born in Wakefield, West", + "score": 0.71435546875 + }, + { + "id": "8343687", + "title": "Never Too Old", + "text": "be no good against real soldiers. After Hodges leaves, Mainwaring, Wilson, Jones, Fraser, Pike and Godfrey all agree that no-one is getting past them and that there are hundreds of men just like them who are willing to fight for their freedom. Wilson suggests that they make a toast to the Home Guard. Mainwaring agrees and the platoon raise their glasses as they turn towards the camera to say in unison: \"To Britain's Home Guard\". Edward Sinclair, who had played the Verger since first appearing in \"The Showing Up of Corporal Jones\" in series 1, died not long after the", + "score": 0.71337890625 + }, + { + "id": "2426735", + "title": "Courtney Hodges", + "text": "the deputy commander of the First Army. In August 1944, Hodges succeeded Bradley as the commander of First Army, taking over when Bradley moved up to command the 12th Army Group. Hodges served under the command of Bradley and General Dwight D. Eisenhower until Nazi Germany's surrender in May 1945. Hodges's troops were the first ones to reach and liberate the French capital of Paris in large numbers, and then he led them through France, Belgium, and Luxembourg on their way to Germany. During the failed British attack on Arnhem, Operation Market Garden, supply priority was given to the Anglo-Canadian", + "score": 0.71337890625 + }, + { + "id": "8186983", + "title": "Asleep in the Deep (Dad's Army)", + "text": "Home Guard unit in an air raid shelter during a raid. Jones and his section arrive, Frazer complaining that the \"shrapnel was coming down like hail\". Pike makes a fool of himself by explaining why he gets 'hundreds and thousands' for his sweet ration to Mainwaring, but to Pike's dismay his sweets all go on the floor when a bomb falls nearby. They are joined by ARP Warden Hodges, who mentions that a bomb has fallen on the local pumping station. Godfrey and Walker are on duty there, so some of the platoon, with Hodges, go to rescue them. When", + "score": 0.71337890625 + }, + { + "id": "1343767", + "title": "Bill Pertwee", + "text": "Television Legend\". In July 2008 he and other surviving members of the \"Dad's Army\" cast gathered together at the Imperial War Museum on the 40th anniversary of the show's first broadcast in 1968. He also made appearances on \"This Morning\". In 1975 Bill Pertwee took part in the Dad's Army stage show and with Norman Macleod released the Dad's Army single \"Get Out And Get Under The Moon\", with Pertwee's B-side song \"Hooligans\" on EMI. Pertwee appeared in two \"Carry On\" films \u2013 \"Carry On Loving\" (1970) and \"Carry On Girls\" (1973). His appearance in \"Carry On at Your Convenience\"", + "score": 0.71337890625 + }, + { + "id": "8072974", + "title": "Larry Martyn", + "text": "\"Rising Damp\", \"The Detectives\" and \"Grange Hill\". He also played alongside Frankie Howerd in two of his BBC shows, \"Up Pompeii!\" and \"Whoops Baghdad\". Martyn played the role of the lovable spiv Private Walker in the radio version of \"Dad's Army\" after the death of James Beck. His film roles included \"Carry On at Your Convenience,\" where he had a small part as the promanade rifle-range owner, and \"Carry On Behind\", where he played an inept electrician who helps wire up the public address system at the caravan site the film was set in. Martyn died on 7 August 1994", + "score": 0.712890625 + }, + { + "id": "7527113", + "title": "Douglas Hodge", + "text": "Douglas Hodge Douglas Hodge (born 25 February 1960) is an English actor, director, and musician who trained for the stage at the Royal Academy of Dramatic Art. Hodge is a council member of the National Youth Theatre for whom, in 1989, he co-wrote \"Pacha Mama's Blessing\" about the Amazon rain forests staged at the Almeida Theatre. Hodge has achieved great success on stage in plays by Harold Pinter, including \"No Man's Land\" at the Comedy Theatre in February 1993; \"Moonlight\" at the Almeida Theatre in September 1993; \"A Kind of Alaska\", \"The Lover\" and \"The Collection\" at the Donmar Warehouse", + "score": 0.712890625 + }, + { + "id": "4900254", + "title": "Michael Sheard", + "text": "Michael Sheard Michael Sheard (18 June 1938 \u2013 31 August 2005) was a Scottish character actor who featured in a large number of films and television programmes, and was known for playing villains. His most prominent television role was as strict deputy headmaster Maurice Bronson in the children's series \"Grange Hill\", which he played between 1985 and 1989. He appeared as Admiral Ozzel in \"The Empire Strikes Back\" (1980). Sheard was born Michael Perkins in Aberdeen, Scotland, the son of Donald Perkins, a church minister. He was trained at the Royal Academy of Dramatic Art in London. During his national", + "score": 0.712890625 + }, + { + "id": "8458962", + "title": "James Cossins", + "text": "\"Whatever Happened to the Likely Lads?\", \"Minder\", \"Bergerac\", \"The Sweeney\", \"Shadows\", \"All Creatures Great and Small\", \"Citizen Smith\", \"Just William\", \"The Good Life\", \"L for Lester\", Neville Dennis in \"Callan\" \"Rules of the Game\" (1972), \"Z-Cars\", and as the regular character Bruce Westrop (in 1979) in \"Emmerdale Farm\". He also played Major Bagstock in \"Dombey and Son\" (1983), and appeared in the first series of \"All in Good Faith\" in 1985. He played a magistrate in episodes of four different British sitcoms, \"Whatever Happened to the Likely Lads?\", \"The Good Life\", \"Citizen Smith\" and \"Minder\". His later appearances were limited", + "score": 0.712890625 + }, + { + "id": "5361303", + "title": "Terrence Hardiman", + "text": "role which shows his versatility more than the succession of officers he usually portrays. Hardiman's other recurring role was as Brother Cadfael's ecclesiastical superior, Abbot Radulfus, in the television series. Joining him throughout the series as Prior Robert was Michael Culver, who had played his predecessor Major Brandt in \"Secret Army\". A notable small role Hardiman played was a version of the Sergeant Wilson character from \"Dad's Army\", in an episode of time travel comedy \"Goodnight Sweetheart\", called \"Don't Get Around Much Any More\", in which Nicholas Lyndhurst's character Gary Sparrow goes back in time to a bank in the", + "score": 0.712890625 + }, + { + "id": "12986354", + "title": "Clive Dunn", + "text": "Captain Mainwaring and who was an active Conservative. When Dunn was appointed an Officer of the Order of the British Empire (OBE) in 1975, it was reported that Lowe would only accept a higher-rated honour from the Queen. The playwright Tom Stoppard has been rumoured to have written a play based on this clash of personalities and politics in 1970s Britain. After \"Dad's Army\" ended, Dunn capitalised on his skill in playing elderly character roles by playing the lead character Charlie Quick, in the slapstick children's TV series \"Grandad\", from 1979 to 1984 (he played the caretaker at a village", + "score": 0.712890625 + }, + { + "id": "7527126", + "title": "Douglas Hodge", + "text": "(2005); ITV's 2007 adaptation of \"Mansfield Park\", as Sir Thomas Bertram; and the made-for-TV film \"Lift\", directed by James Hawes, a 2007 Hartswood Films production for BBC Four, as Paul Sykes, \"a constantly exasperated, highly-strung middle-aged businessman with commitments.\". In 2010, he appeared in the episode \"The Restaurant\" of the third series of the popular BBC sitcom \"Outnumbered\" as Brick Bolenger, an American therapist who is married to Auntie Angela (played by Samantha Bond). The character is involved in a story line of the fourth series in 2011, but never appears on screen. In 2012, Hodge had a prominent role", + "score": 0.71240234375 + }, + { + "id": "15743624", + "title": "Nicholas Vere-Hodge", + "text": "Force Volunteer Reserve. After the war, he played for the Royal Air Force cricket team against the Army at Lord's Cricket Ground, in a match which did not have first-class status. He died in Salisbury, Wiltshire on 7 December 2005. Nicholas Vere-Hodge Nicholas Vere-Hodge , , , (31 October 1912 \u2013 7 December 2005) was an English cricketer and Royal Air Force officer. In cricket, Vere-Hodge was a right-handed batsman who fielded occasionally as a wicket-keeper. He was born in Woodford Green, Essex. He made his first-class debut for Essex in the 1936 County Championship against Kent. He made 22", + "score": 0.7119140625 + }, + { + "id": "3503250", + "title": "Budgie (TV series)", + "text": "criminal Irish pal, Grogan. Guest stars included Georgina Hale as Budgie's wife Jean, George Tovey as his father, Jack Bird, and Adrienne Posta as a stripper. John Rhys-Davies had an early semi-regular role as a corpulent gangster working for Endell, with the colourful name of Laughing Spam Fritter. Two series, each of 13 episodes, were made. Although colour equipment had been introduced two years earlier, the first four episodes were made in monochrome because of industrial action. A further series may have been planned for 1973, although this coincided with Adam Faith being seriously injured in a car crash, and", + "score": 0.7119140625 + }, + { + "id": "5148269", + "title": "Philip Madoc", + "text": "Philip Madoc Philip Madoc (5 July 1934 \u2013 5 March 2012) was a Welsh actor. He performed many stage, television, radio and film roles. On television, he played David Lloyd George in \"The Life and Times of David Lloyd George\" and the lead role in the detective series \"A Mind to Kill\". His guest roles included multiple appearances in the cult series \"The Avengers\" and \"Doctor Who\", as well as a famous episode of the sitcom \"Dad's Army\". He was also known to be an accomplished linguist. Madoc was born Philip Arvon Jones near Merthyr Tydfil and attended Cyfarthfa Castle", + "score": 0.7119140625 + }, + { + "id": "7793493", + "title": "Absent Friends (Dad's Army)", + "text": "claims to be the suspect's twin brother. Mainwaring isn't convinced, and marches him back to the church hall. The ARP Wardens win the darts match, and Walker is reluctant to stay any longer. He would prefer to go back to the church hall, because he didn't like the look on Mainwaring's face when he left. Hodges decides to come too, taking Mrs Pike with him. Not long after the small group return with the suspect, Godfrey returns to the hall, unbeknownst to the men, and falls asleep. Suddenly, a rough man grabs Godfrey by the collar, and asks him where", + "score": 0.71142578125 + }, + { + "id": "5754665", + "title": "John Clegg (actor)", + "text": "Hot Mum\" and \"Are You Being Served?\". He also once had a one-man show playing Rudyard Kipling at the Edinburgh Festival Fringe. John Clegg (actor) John Walter Lawrence Clegg (born 9 July 1934) is an Indian-born English actor best known for playing the part of 'Mr. La-di-da' Gunner \"Paderewski\" Graham in the BBC sitcom \"It Ain't Half Hot Mum\". His first television role was DC Greaves in \"Dixon of Dock Green\" in 1961. He has most recently been seen in the film \"Death in Holy Orders\" in 2003 as the character Father John Betterton. Clegg married actress Mavis Pugh in", + "score": 0.71142578125 + }, + { + "id": "10268211", + "title": "Big Breadwinner Hog", + "text": "violent aspects of later episodes but, despite this, viewer complaints continued and, from episode 5 onwards, some ITV regions moved transmission to a later timeslot; two ITV regions (Southern Television and Anglia Television) stopped transmission of the serial completely. The serial was directed by Mike Newell (later of \"Four Weddings and a Funeral\") and Michael Apted. It gave an early role to John Challis, later Boycie of \"Only Fools and Horses\", and an important role for Priscilla Morgan, wife of \"Dad's Army\" star Clive Dunn. Peter Egan is also better known these days for sitcoms like \"Ever Decreasing Circles\" (1984\u201389),", + "score": 0.71142578125 + }, + { + "id": "12986353", + "title": "Clive Dunn", + "text": "the \"Dad's Army\" cast when he took on the role of the elderly butcher whose military service in earlier wars made him the most experienced member of the Walmington-on-Sea Home Guard, as well as one of the most decrepit. Jack Haig and David Jason had previously been considered for the role. His relative youth, compared with most of the cast, meant that he was handed much of the physical comedy in the show, which many of the other cast members were no longer capable of. Dunn's staunch socialist beliefs often caused him to fall out with Arthur Lowe, who played", + "score": 0.7109375 + }, + { + "id": "7452639", + "title": "Private Godfrey", + "text": "similarly categorised: \"I must have dropped off!\". Although Private Godfrey rarely wore his ribbons, he was awarded the usual trilogy of First World War campaign medals (commonly known as \"Pip, Squeak and Wilfred\"), in addition to his Military Medal for bravery. He is portrayed by Michael Gambon in the 2016 \"Dad's Army\" film and Bernard Cribbins is currently set to portray Private Godfrey in a series of re-enactments of otherwise lost episodes of Dad's Army. Private Godfrey Private Charles Godfrey MM is a fictional Home Guard platoon member and variously retired assistant in the sports department of the Civil Service", + "score": 0.7109375 + }, + { + "id": "6308816", + "title": "Ronald Lacey", + "text": "55. Ronald Lacey Ronald William Lacey (28 September 1935 \u2013 15 May 1991) was an English actor. He made numerous television and film appearances over a 30-year period and is perhaps best remembered for his roles as Harris in \"Porridge\", Gestapo agent Major Arnold Ernst Toht in \"Raiders of the Lost Ark\" and the Bishop of Bath and Wells in \"Blackadder II\". Lacey attended Harrow Weald Grammar School. After a brief stint of national service and at the London Academy of Music and Dramatic Art, he began his acting career in 1961 in a TV play, \"The Secret Agent\". His", + "score": 0.7109375 + }, + { + "id": "7698689", + "title": "Glyn Hodges", + "text": "Glyn Hodges Glyn Peter Hodges (born 30 April 1963), is a Welsh football manager and former professional footballer. He is currently assistant manager at AFC Wimbledon. During his playing career he played for Wimbledon, Newcastle United, Watford, Crystal Palace, Sheffield United, Derby County, Hull City, Nottingham Forest and Scarborough. He also played 18 times for the Wales national side, scoring twice. Hodges started his playing career with Wimbledon and made more than 200 appearances for the Crazy Gang during seven years at the club. He had a brief spell with Newcastle United before returning south to join Watford in 1987", + "score": 0.71044921875 + }, + { + "id": "14698145", + "title": "John Hodges (footballer)", + "text": "John Hodges (footballer) John Hodges (born 22 January 1980) is an English retired footballer who played as a goalkeeper. He began his career with Leicester City but did not make a first team appearance before being allowed to leave by new Leicester manager Peter Taylor. Hodges joined Plymouth Argyle on a free transfer in the summer of 2000, as back-up for first choice goalkeeper Jon Sheffield. He made his league debut on 24 October 2000 against Brighton & Hove Albion, and went on to make another three appearances for the club during November, including two against Chester City in the", + "score": 0.7099609375 + }, + { + "id": "14273334", + "title": "Edwin Hodge", + "text": "Edwin Hodge Edwin Martel Basil Hodge (born January 26, 1985) is an American actor He is recognized for portraying Dante Bishop in \"The Purge\" film series, and is the only actor to appear in all of the first three films. Hodge was born on January 26, 1985, in Jacksonville, North Carolina, to Aldis Hodge and Yolette Evangeline Richardson, but he was raised in New York. Hodge's mother is from the state of Florida and his father from Dominica. He is the brother of actor Aldis Hodge. Hodge guest starred on an episode of the TNT series \"Leverage\" which stars his", + "score": 0.70947265625 + }, + { + "id": "6381377", + "title": "Jo Warne", + "text": "the episode \"The House that Bled To Death\", episode 8 of \"The Bill\", and Series 8 of \"Bodger and Badger\" as Mrs. Bobbins. Between 1991\u20131996 she played Julie Corrigan's mother in \"Grange Hill\" and in 1997 took small roles in episodes of \"Where The Heart Is\" and \"Chalk\". Her film credits included roles in \"Nutcracker\" (1982), \"Little Dorrit\" (1987) and \"Consuming Passions\" (1988). Jo Warne Jo Warne (born 1938) is an English actress, who played Peggy Mitchell in the BBC soap opera \"EastEnders\", making her first appearance on 30 April 1991. She appeared in ten \"EastEnders\" episodes between April and", + "score": 0.70947265625 + }, + { + "id": "5863109", + "title": "Michael Medwin", + "text": "Hammersmith. He also played Lloyd Dallas in one of the casts of the long-running production of \"Noises Off\" in the early 1980s. He is probably best known for his role as radio boss Don Satchley in the BBC television detective series \"Shoestring\", and playing Scrooge's nephew Fred in the musical film version \"Scrooge\", as well as for his role in \"The Army Game\", a British television comedy series of the late 1950s and early 1960s. With Bernard Bresslaw, Leslie Fyson and Alfie Bass, he took the theme tune from \"The Army Game\" into the UK Singles Chart in 1958, where", + "score": 0.70947265625 + }, + { + "id": "4615216", + "title": "John Laurie", + "text": "John Laurie John Paton Laurie (25 March 1897 \u2013 23 June 1980) was a Scottish actor. Throughout a long career, Laurie performed a wide range of theatre and film work. He is perhaps best remembered to modern audiences for his role as Private Frazer in the sitcom \"Dad's Army\" (1968\u20131977). Laurie appeared in scores of feature films with directors such as Alfred Hitchcock, Michael Powell, and Laurence Olivier, generally playing bit-parts rather than leading roles. He was also a stage actor (particularly in Shakespearean roles) and speaker of verse, especially of Robert Burns. John Paton Laurie was born on 25", + "score": 0.70947265625 + }, + { + "id": "2983961", + "title": "The Thin Blue Line (TV series)", + "text": "Moore, Melvyn Hayes, Trevor Peacock, Owen Teale, Colin McFarlane, Alan Cox, Alexander Armstrong, Nicola Stapleton, Perry Fenwick and Rupert Vansittart. The writer, Ben Elton, is a self-described fan of \"Dad's Army\", and as such many of the characters were influenced by the show. Fowler's relationship with Grim is very similar to that of Captain Mainwaring to Warden Hodges, in that they are both on the same side yet enemies. Also, Constable Goody is rather like Private Pike in being a 'stupid boy' who irritates Fowler. Constable Gladstone's habit of interrupting a briefing with a story about life in Trinidad is", + "score": 0.70947265625 + }, + { + "id": "1416684", + "title": "John Le Mesurier", + "text": "on Joan Le Mesurier's affair with Tony Hancock\u2014with Le Mesurier played by Alex Jennings\u2014and the 2011 \"Hattie\" on Jacques's affair with John Schofield\u2014with Le Mesurier played by Robert Bathurst. In \"We're Doomed! The Dad's Army Story\", a 2015 comedy drama about the making of \"Dad's Army\", Le Mesurier was portrayed by Julian Sands. John Le Mesurier John Le Mesurier (, born John Elton Le Mesurier Halliley; 5 April 191215 November 1983) was an English actor. He is perhaps best remembered for his comedic role as Sergeant Arthur Wilson in the BBC television situation comedy \"Dad's Army\" (1968\u201377). A self-confessed \"jobbing", + "score": 0.70947265625 + }, + { + "id": "9482546", + "title": "Lewis Hodges", + "text": "Lewis Hodges Air Chief Marshal Sir Lewis Macdonald Hodges, (1 March 1918 \u2013 4 January 2007) was a pilot for Special Operations Executive (SOE) in the Second World War, and later achieved high command in the Royal Air Force and NATO. Hodges was born in Richmond in Surrey, England. He was educated at St Paul's School in Barnes and joined the Royal Air Force College Cranwell in 1937. Known as \"Bob\" Hodges, he was commissioned into the RAF as a pilot officer in December 1938, joining Bomber Command and flying Vickers Wellesleys with No. 78 Squadron at RAF Finningley, and", + "score": 0.70947265625 + }, + { + "id": "12980993", + "title": "Dad's Army", + "text": "Guards conducted by Captain (later Lieutenant Colonel) Trevor L. Sharpe, ending with the air-raid warning siren sounding all-clear. It is accompanied by a style of credits that became a trademark of David Croft: the caption \"You have been watching\", followed by vignettes of the main cast. The series also contains genuine wartime and period songs between scenes, usually brief quotations that have some reference to the theme of the episode or the scene. Many appear on the CD soundtrack issued by CD41, being the same versions used in the series. The television series lasted nine series and was broadcast over", + "score": 0.70947265625 + }, + { + "id": "12264829", + "title": "James Hodge", + "text": "the daughter of Michel Venture a shipowner from Marseille. They had a daughter and a son. His wife died in 1944. Before the First World War Hodge served as a private in the Inns of Court Officer Training Corps. He later obtained a commission in the Army Pay Department and went to France in 1914. He also served in Salonika and Egypt.He was subsequently appointed Inspector of Pay Offices with the rank of Lieutenant-Colonel. Hodge was Liberal MP for Preston from 1922 to 1924. Preston was a two-member seat at that time. In the 1922 general election the Labour candidate", + "score": 0.708984375 + }, + { + "id": "19734767", + "title": "Ronald Baddiley", + "text": "Ronald Baddiley Ronald Baddiley (31 August 1922 \u2013 29 November 1986) was an English actor. He was best known for his roles in the early days of the long-running British radio drama \"The Archers\", and as Under-Secretary, Sir Gregory Pitkin, CBE in the BBC comedy \"The Men from the Ministry\". Baddiley was born on 31 August 1922, in Doncaster in Yorkshire, England, UK. In December 1950 he married Noreen Richards \u2013 she later performed alongside him in several episodes of radio serial \"The Archers\". Baddiley voiced the character of Percy Hood in BBC radio drama \"The Archers\" and first appeared", + "score": 0.708984375 + }, + { + "id": "12182500", + "title": "Jehoida Hodges", + "text": "Jehoida Hodges Joseph Jehoida Hodges (15 July 1876 \u2013 13 September 1930) was a Welsh international rugby union player. He was a member of the winning Welsh team who beat the 1905 touring All Blacks. He played club rugby for London Welsh and Newport RFC. Hodges, along with fellow Welsh internationals George Boots, and later George Travers is recognised with adopting forward formation play in scrums and line outs. Although forwards were responsible for these areas of play there was little defined tactics or specialisation before the early twentieth century. Hodges helped bring tactical formations and therefore a level of", + "score": 0.708984375 + }, + { + "id": "8794696", + "title": "A Brush with the Law", + "text": "A Brush with the Law A Brush with the Law is the eleventh episode of the fifth series of the British comedy series \"Dad's Army\" that was originally transmitted on 15 December 1972. Mainwaring is charged with showing a light and is taken to court by a cheerful Warden. As if that wasn't enough, the magistrate is none other than his old nemesis Captain Square. The Verger tries to warn off the Warden, but the Warden will not back down. The platoon tries to help by testifying as witnesses to Mainwaring's innocence, but things go from bad to worse when", + "score": 0.70849609375 + }, + { + "id": "4900259", + "title": "Michael Sheard", + "text": "August, he took part in a telephone on the Iain Lee show on LBC, and talked about his career in film and television. Michael Sheard Michael Sheard (18 June 1938 \u2013 31 August 2005) was a Scottish character actor who featured in a large number of films and television programmes, and was known for playing villains. His most prominent television role was as strict deputy headmaster Maurice Bronson in the children's series \"Grange Hill\", which he played between 1985 and 1989. He appeared as Admiral Ozzel in \"The Empire Strikes Back\" (1980). Sheard was born Michael Perkins in Aberdeen, Scotland,", + "score": 0.70849609375 + }, + { + "id": "5639244", + "title": "John R. Hodge", + "text": "1952, and his final assignment before retiring was as Chief of Army Field Services, 1952-1953. Hodge retired from military service in June 30, 1953 and died in Washington, D.C. in 1963. John R. Hodge John Reed Hodge (June 12, 1893 \u2013 November 12, 1963) was a highly decorated officer of the United States Army with the rank of general. His final assignment before retiring was as Chief of Army Field Services, 1952-1953. Born in Golconda, Illinois, Hodge attended Southern Illinois Teachers College and the University of Illinois. After completing an officer indoctrination program at the U.S. Army Officer Candidate School", + "score": 0.70849609375 + }, + { + "id": "16096490", + "title": "Harold Hodges", + "text": "Harold Hodges Harold Augustus Hodges (22 January 1886 \u2013 22 March 1918) was an English sportsman and soldier who played international rugby union for England. He also played first-class cricket for Nottinghamshire. Hodges, a prop, was capped twice for England in the 1906 Home Nations Championship. He took part in their losses to Wales and Ireland. At club level, he played for Nottingham and while studying at Trinity College in 1908 was captain of the Oxford University RFC. In 1911, he made his first-class cricket debut, against Derbyshire at the Miners Welfare Ground in Blackwell. He made his highest first-class", + "score": 0.70849609375 + }, + { + "id": "13042511", + "title": "George Baird Hodge", + "text": "George Baird Hodge George Baird Hodge (April 8, 1828 \u2013 August 1, 1892) was an attorney, Confederate politician, colonel and acting general from the Commonwealth of Kentucky. He commanded a cavalry brigade at various times and was paroled as a brigadier general at the end of the war but his appointment as a brigadier general by Confederate President Jefferson Davis was rejected twice by the Confederate States Senate. Hodge was born in Fleming County, Kentucky to William and Sarah (Baird) Hodge. He received an appointment to the United States Naval Academy at Annapolis, Maryland and was graduated as a midshipman,", + "score": 0.70849609375 + }, + { + "id": "2241153", + "title": "It Sticks Out Half a Mile", + "text": "costing \u00a35,000, at Frambourne. In order to finance this plan Pike has to approach bank manager Wilson (Le Mesurier), who just happens to be his \"uncle\" (publicly a friend of his mother's, but strongly hinted to the audience to be Pike's father), for a loan. Wilson is blackmailed by Pike (who is no longer the young innocent of \"Dad's Army\") over past indiscretions with a woman named Smith and Wilson suspects the only reason Hodges approached Pike was to get to the bank's money through him. Nevertheless, Pike and Wilson put aside their wartime quarrel with Hodges - more or", + "score": 0.70751953125 + }, + { + "id": "12981009", + "title": "Dad's Army", + "text": "made a final appearance in \"Dad's Army\" garb for a 1982 television commercial advertising Wispa chocolate bars. Clive Dunn made occasional appearances as Lance Corporal Jones at 1940s themed events in the 1980s and 1990s and on television on the BBC Saturday night entertainment show \"Noel's House Party\" on 27 November 1993. Arthur Lowe twice appeared on the BBC children's programme \"Blue Peter\". The first time was with John Le Mesurier, in which the two appeared in costume and in character as Captain Mainwaring and Sergeant Wilson when walking around looking at and discussing a mural which schoolchildren had painted", + "score": 0.70751953125 + } + ], + "answer": "Several actors played Warden Hodges in Dad's Army. English comedy actor Bill Pertwee did in the original Dad's Army TV show, a BBC sitcom. He also did in the original Dad's Army radio show and film, a 1971 British war comedy film that was the first film adaptation of the sitcom. English film, stage, and television actor Martin Savage did in the 2016 film Dad's Army, which was also based on the BBC sitcom." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who's the highest paid NBA player in the 2017-2018 season?", + "short_answers": [ + "Stephen Curry" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who's the highest paid NBA player in the 2016-2017 season?", + "short_answers": [ + "LeBron James", + "Lebron James" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who's the highest paid NBA player in the 2017-2018 season?", + "short_answers": [ + "Stephen Curry" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who's the highest paid NBA player in the 2016-2017 season?", + "short_answers": [ + "LeBron James", + "Lebron James" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Highest-paid NBA players by season", + "url": "https://en.wikipedia.org/wiki/Highest-paid%20NBA%20players%20by%20season" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The only player to have won NBA championships with three franchises (the Cleveland Cavaliers, the Miami Heat, and the Lakers) as NBA Finals MVP,[2] James has competed in ten NBA Finals, eight of them consecutively with the Heat and the Cavaliers from 2011\u20132018. ", + "wikipage": "LeBron James" + }, + { + "content": "Wardell Stephen \"Steph\" Curry II (/\u02c8st\u025bf\u0259n/ STEF-\u0259n; born March 14, 1988[1]) is an American professional basketball player for the Golden State Warriors of the National Basketball Association (NBA).", + "wikipage": "Stephen Curry" + }, + { + "content": " The regular season began on October 25, 2016, with the 2016 NBA champion Cleveland Cavaliers hosting a game against the New York Knicks.", + "wikipage": "2016\u201317 NBA season" + }, + { + "content": "The regular season ended on April 12, 2017, and the playoffs began on April 15, 2017 and ended on June 12, 2017, with the Golden State Warriors going 16-1 in the playoffs and beating the Cleveland Cavaliers in five games during their third consecutive matchup in the NBA Finals. ", + "wikipage": "2016\u201317 NBA season" + }, + { + "content": "The regular season began on October 17, 2017, earlier than previous seasons to reduce the number of \"back-to-back\" games teams were scheduled to play,[1] with the 2017 Eastern Conference champion (and Finals runner\u2013up) Cleveland Cavaliers hosting a game against the Boston Celtics at Quicken Loans Arena in Cleveland, Ohio.", + "wikipage": "2017\u201318 NBA season" + }, + { + "content": "The playoffs began on April 14, 2018[3] and ended on June 8 with the Golden State Warriors defeating the Cleveland Cavaliers in the 2018 NBA Finals.", + "wikipage": "2017\u201318 NBA season" + }, + { + "content": "He plays the point guard position.", + "wikipage": "Stephen Curry" + } + ], + "long_answer": "The highest paid NBA player can vary from season to season. During the 2016-2017 season from October 2016 to June 2017, the Cleveland Cavaliers player Lebron James was ranked as the highest paid NBA player. In the 2017-2018 season from October 2017 to June 2018 however, the Golden State Warriors point guard Stephen Curry became the highest paid NBA player. " + }, + { + "knowledge": [ + { + "content": "The highest-paid NBA players by season has recently eclipsed $40 million.", + "wikipage": "Highest-paid NBA players by season" + }, + { + "content": "Stephen Curry became the first player to eclipse $40 million per year when he signed a record 5-year contract worth $201 million in 2017, starting with $34,682,550 in the 2017-18 season and ending with the largest earnings in the 2021-22 season with a record payout of $45,780,966.", + "wikipage": "Highest-paid NBA players by season" + } + ], + "long_answer": "The highest paid NBA player in the 2016-2017 season was LeBron James. Recently, the highest-paid NBA players by season has eclipsed $40 million. Stephen Curry became the first player to eclipse $40 million per year when he signed a record 5-year contract worth $201 million in 2017, starting with $34,682,550 in the 2017-18 season." + } + ], + "sample_id": "3783314997423605362", + "question": "Who's the highest paid nba player 2017?", + "docs": [ + { + "id": "16017941", + "title": "Highest-paid NBA players by season", + "text": "has earned on a 1 year contract, Jordan also holds the record for the second largest 1 year contract at $30,140,000 in the 1996-97 season. Kobe Bryant become just the second player to reach this milestone when the 2013\u201314 season began. LeBron James became the third in the 2016\u201317 season. Stephen Curry became the first player to eclipse $40-Million per year when he signed a record 5-year contract worth $201-Million in 2017, starting with $34,682,550 in the 2017-18 season and ending with the largest earnings in the 2021-22 season with a record payout of $45,780,966. Beginning in the 1984\u201385 NBA", + "score": 0.72705078125, + "summary": "Stephen Curry is the highest-paid NBA player in the 2017-18 season, earning $34,682,550.", + "extraction": "Stephen Curry became the first player to eclipse $40-Million per year when he signed a record 5-year contract worth $201-Million in 2017" + }, + { + "id": "6569336", + "title": "NBA salary cap", + "text": "future seasons based on league revenues. For the 2015\u201316 season, the salary cap was $70 million and the luxury tax limit was $84.74 million. For the 2016\u201317 season, the salary cap was set at $94.14 million and the luxury tax limit was $113.29 million. For the 2017\u201318 season, the cap is set at $99 million for the salary cap and $119 million for the luxury tax.The NBA's salary caps are considered \"soft\" salary caps. There are two kinds of salary caps: soft and hard. Soft salary caps allow teams to go above the salary cap however will subject the teams", + "score": 0.705078125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about the highest paid NBA player in 2017." + }, + { + "id": "10890534", + "title": "Harry Boykoff", + "text": "(41.3%) was the fourth-highest in the league. While playing for the Celtics, he was the highest paid NBA player, at around $15,000 per year. He became so proficient at blocking shots that because of his play, the rules of the game were changed to prevent shots being blocked on their way down toward the basket (goaltending). Even with his outstanding record, Boykoff remained humble. He was quoted as saying: I'm not an athlete, I'm just a big guy and a lucky one. Later in life Boykoff appeared in films and television shows such as \"\", \"Frasier\", \"Town & Country\", \"The", + "score": 0.7021484375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about the highest paid NBA player in 2017." + }, + { + "id": "16017940", + "title": "Highest-paid NBA players by season", + "text": "Highest-paid NBA players by season The highest-paid NBA players by season over the past twelve seasons have received contracts with salaries noted in the twenty-million-dollar range. In this twelve-year span, Kevin Garnett received $28,000,000, which was the highest salary payment of any NBA player, during the 2003\u201304 season. Garnett has been the highest-paid NBA player per year in seven of the past twelve NBA seasons. Michael Jordan was the first NBA player to sign a contract worth over thirty million dollars in a season. During the 1997\u201398 season, Jordan earned $33,140,000, which still stands as the most any NBA player", + "score": 0.693359375, + "summary": "Kevin Garnett received the highest salary payment of any NBA player in the 2003-04 season. However, the document does not mention who the highest-paid NBA player was in 2017.", + "extraction": "Kevin Garnett received $28,000,000, which was the highest salary payment of any NBA player, during the 2003\u201304 season." + }, + { + "id": "6569382", + "title": "NBA salary cap", + "text": "signed the contract once the NBA's free agency moratorium ended on July 6, 2017. Shortly thereafter, James Harden agreed on a DVPE with the Rockets. At the time of signing, his current contract had two years remaining with total pay of $59 million; the extension will add another $170 million over four seasons, ending in 2022\u201323. The next supermax signing was that of John Wall, who agreed later in July to a four-year, $170 million extension that will start in 2019\u201320. In late September, Russell Westbrook became the fourth and final supermax signing of the 2017 offseason, signing a five-year,", + "score": 0.689453125, + "summary": "James Harden is the highest paid NBA player in 2017 with a total pay of $229 million over six seasons.", + "extraction": "Russell Westbrook became the highest paid NBA player in 2017 after signing a five-year contract in late September." + }, + { + "id": "6569381", + "title": "NBA salary cap", + "text": "allowing them to sign DVPE contracts should they otherwise qualify. The most recent player to qualify for a supermax contract is Anthony Davis, who has played his entire NBA career to date with the New Orleans Pelicans. He qualified by being named to the All-NBA first team in , enabling the Pelicans to offer him a five-year extension worth up to $230 million, effective with the 2019\u201320 season. The first player to sign a supermax contract was Stephen Curry, who agreed to a new five-year DVPE deal with the Warriors, worth $201 million, that runs through the 2021\u201322 season. Curry", + "score": 0.68603515625, + "summary": "Stephen Curry was the highest paid NBA player in 2017 with a five-year DVPE contract worth $201 million. Anthony Davis also qualified for a supermax contract worth up to $230 million.", + "extraction": "Stephen Curry is the highest paid NBA player in 2017 with a five-year DVPE deal worth $201 million." + }, + { + "id": "11667096", + "title": "James Harden", + "text": "assists in a 110\u2013107 overtime loss; the loss saw the Rockets go down 3\u20132 in the series. The Rockets were eliminated by the Spurs with a 114\u201375 loss in Game 6. Harden capped his stellar season by tying a season low with 10 points on 2-of-11 shooting before fouling out with 3:15 left. On July 8, 2017, Harden signed a four-year contract extension with the Rockets for approximately $160 million, giving him a total six-year deal with $228 million guaranteed\u2014the richest contract in NBA history. The deal will keep Harden the face of the Rockets through the 2022\u201323 season. On", + "score": 0.67724609375, + "summary": "James Harden signed the richest contract in NBA history with the Rockets for approximately $160 million in July 2017, making him the highest paid NBA player in 2017.", + "extraction": "James Harden is the highest paid NBA player in 2017 with a total six-year deal of $228 million guaranteed." + }, + { + "id": "11747083", + "title": "Russell Westbrook", + "text": "as the only players to claim three consecutive playoff triple-doubles. With a loss to the Rockets in Game 5, the Thunder bowed out of the playoffs with a 4\u20131 series defeat. Westbrook had 47 points in Game 5 and came up just one assist shy of his fourth straight triple-double. On June 26, 2017, he was named the recipient of the NBA Most Valuable Player Award at the first-ever NBA Awards Show. On September 29, 2017, Westbrook signed a five-year, $205 million contract extension with the Thunder. The deal starts with the 2018\u201319 season and delivers Westbrook the biggest guaranteed", + "score": 0.66650390625, + "summary": "The highest paid NBA player in 2017 was not mentioned in the document.", + "extraction": "Russell Westbrook signed a five-year, $205 million contract extension with the Thunder on September 29, 2017, which makes him the highest paid NBA player in 2017." + }, + { + "id": "12347569", + "title": "Donatas Motieju\u0304nas", + "text": "for DeMarcus Cousins led to a diminishing role for Motiej\u016bnas. He initially appeared in 21 consecutive games after signing with New Orleans, but from February 25 through April 4, he logged 11 DNPs out of a 20-game span. On August 9, 2017, Motiej\u016bnas signed a one-year, $2.2 million contract with the Shandong Golden Stars of the Chinese Basketball Association. It was reported that he was the highest paid foreigner of the whole league. On February 1, 2018, Motiej\u016bnas recorded a triple double leading his team to an important 127\u2013103 victory versus the Jiangsu Dragons by scoring 29 points, grabbing 15", + "score": 0.66357421875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the highest paid NBA player in 2017. It only mentions that Motiej\u016bnas was the highest paid foreigner in the Chinese Basketball Association in 2017." + }, + { + "id": "6569365", + "title": "NBA salary cap", + "text": "for a salary up to his previous salary. The maximum amount of money a player can sign for is based on the number of years that player has played and the total of the salary cap. The maximum salary of a player with 6 or fewer years of experience is either $25,500,000 or 25% of the total salary cap (projected for 2017\u201318), whichever is greater. For a player with 7\u20139 years of experience, the maximum is $30,600,000 or 30% of the cap, and for a player with 10+ years of experience, the maximum is $35,700,000 or 35% of the cap.", + "score": 0.6611328125, + "summary": "The document provides information on the NBA salary cap and the maximum salary a player can receive based on their years of experience. It does not mention the highest paid NBA player in 2017.", + "extraction": "irrelevant" + }, + { + "id": "16606893", + "title": "Forbes' list of the world's highest-paid athletes", + "text": "Forbes' list of the world's highest-paid athletes This is a list of the highest-paid athletes in the world as ranked by \"Forbes\" magazine. The following list shows the highest-paid athletes of all time, as of 2017: The list is only about living athletes. For example Gaius Appuleius Diocles a Lusitania Chariot racer earned 35,863,120 sesterces, allegedly, over $15 billion in today\u2019s dollars. This means he would be the best paid athlete of all time. The 2018 list: The 2017 list: The 2016 list: The 2015 list was released on 10 June 2015. The 2014 list was released on 11 June", + "score": 0.654296875, + "summary": "The document lists Forbes' highest-paid athletes of all time as of 2017, but does not specifically answer the question of who the highest-paid NBA player was in 2017. Therefore, the answer is \"irrelevant\".", + "extraction": "irrelevant" + }, + { + "id": "15424303", + "title": "Bismack Biyombo", + "text": "for the 2016\u201317 season, Biyombo became an unrestricted free agent on June 7, 2016. Biyombo later revealed that he wished to re-sign with the Raptors, but with the re-signing of DeMar DeRozan, the Raptors did not have the salary cap space to make it possible. On July 7, 2016, Biyombo signed a four-year, $72 million contract with the Orlando Magic. After exceeding the flagrant foul limit during the 2016 playoffs, Biyombo was forced to serve an NBA-mandated one-game suspension to begin the 2016\u201317 season. He made his debut for the Magic in the team's second game of the season on", + "score": 0.65283203125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "20744800", + "title": "NBA 2K19", + "text": "NBA 2K19 NBA 2K19 is a basketball simulation video game developed by Visual Concepts and published by 2K Sports, based on the National Basketball Association (NBA). It is the 20th installment in the \"NBA 2K\" franchise and the successor to \"NBA 2K18\". Giannis Antetokounmpo of the Milwaukee Bucks is the cover athlete for the standard edition, while LeBron James of the Los Angeles Lakers is the cover athlete for the 20th Anniversary Edition. Antetokounmpo and James grace the cover in North America, while current NBA Rookie of the Year Award winner Ben Simmons of the Philadelphia 76ers, an Australian native,", + "score": 0.65234375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "374848", + "title": "San Francisco 49ers", + "text": "the time. However, Kirk Cousins' new contract average of $28 million per year surpassed Garoppolo's $27.5 million in March 2018, and the Atlanta Falcons' Matt Ryan set the record at $30 million annually. However, Aaron Rodgers' new contract average of $33.5 million per year set the new record for highest paid NFL player in August 2018. During the third week matchup between the 49ers and Kansas City Chiefs, Jimmy Garoppolo tore his ACL, and was ruled out for the rest of the 2018 season. The 49ers have won five Super Bowls, their first three under Bill Walsh. Walsh retired after", + "score": 0.65234375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "7715494", + "title": "Chris Paul", + "text": "a 112\u2013102 win. He also had 10 assists and seven rebounds. In Game 5 of the Western Conference Finals, Paul injured his hamstring late in the game as the Rockets went up 3\u20132 in the series against the Warriors. With Paul out for Games 6 and 7, the Rockets were eliminated from the playoffs with back-to-back losses. On July 8, 2018, Paul signed a four-year, $160 million maximum contract extension with the Rockets. Paul received a two-game suspension early in the 2018\u201319 season for his involvement in an on-court fight against the Los Angeles Lakers on October 20. Additionally, Paul", + "score": 0.65234375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "16963385", + "title": "Travis Frederick", + "text": "required him to make more protection calls. He was named to his second Pro Bowl. On August 13, 2016, Frederick signed a six-year, $56.4 million contract extension with the Cowboys, making him the highest-paid center in the league. Before the start of the 2016 season, Frederick was named one of the five team captains. That year, Frederick helped pave the way for rookie running back Ezekiel Elliott to the NFL rushing yards leader and his first Pro Bowl while protecting rookie quarterback Dak Prescott to his first Pro Bowl as well. He was named to his third straight Pro Bowl", + "score": 0.65234375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "16123638", + "title": "Kevin Zeitler", + "text": "signed a five-year, $60 million contract with the Cleveland Browns, making him the highest paid guard in the NFL. Kevin Zeitler Kevin Zeitler ( ; born March 8, 1990) is an American football guard for the Cleveland Browns of the National Football League (NFL). He played college football for the University of Wisconsin-Madison, and earned consensus All-American honors. He was selected by the Cincinnati Bengals in the first round of the 2012 NFL Draft. Zeitler was born in Waukesha, Wisconsin. He attended Wisconsin Lutheran High School in Milwaukee, Wisconsin, and played for Wisconsin Lutheran Vikings high school football team. A", + "score": 0.65234375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "13817875", + "title": "Andrew Luck", + "text": "Top 100 Players of 2016. On June 29, the Colts announced Luck had signed a six-year extension worth $140 million, with $87 million guaranteed, making him the highest paid player in the league. In a 41\u201310 win over the New York Jets in Week 13, Luck passed for 278 yards and four touchdowns, which earned him the AFC Offensive Player of the Week award. In the 2016 season, Luck threw for 4,240 yards and 31 touchdowns, and a career-high 63.5 completion percentage, despite missing one game due to a concussion. He was also ranked 51st by his peers on the", + "score": 0.65185546875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "18124753", + "title": "Nikola Jokic\u0301", + "text": "and 10 rebounds in a 112\u2013106 overtime loss to the Minnesota Timberwolves. It was his seventh 30-point game of the season. The loss ruled the Nuggets out of the playoffs with a 46\u201336 record. It was the first final-day play-in game in the NBA in 21 years, with Minnesota also vying for a spot in the playoffs. On July 9, 2018, Joki\u0107 signed a five-year, $148 million maximum contract extension with the Nuggets. On October 20, 2018, in the Nuggets' second game of the season, Joki\u0107 recorded 35 points, 12 rebounds and 11 assists in a 119\u201391 win over the", + "score": 0.6513671875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about the highest paid NBA player in 2017." + }, + { + "id": "19683154", + "title": "Tom King (basketball)", + "text": "Tom King (basketball) Thomas Van Dyke King (March 9, 1924 \u2013 November 12, 2015) was an American professional basketball player. He played a season for the Detroit Falcons of the Basketball Association of America (BAA), the league that would later become the modern NBA. After a college career at the University of Michigan, King signed with the Falcons in 1946. King (who would later prove successful in business) negotiated roles as publicity director, business manager and travelling secretary for the team. This combination of duties netted him an annual salary of $16,500, making him the highest paid player in the", + "score": 0.65087890625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the highest paid NBA player in 2017." + }, + { + "id": "18191438", + "title": "Mark Termini", + "text": "contract for LeBron James, which made him the highest paid player in the NBA for the first time in his career. They also finalized a four-year, $57 million deal for Klutch Sports Group client J.R. Smith just before the start of the 2016-17 season. Termini is often quoted in the media on issues related to sports economics and sports law. He has written on these topics as well. A former basketball standout in high school and college, Termini scored 1,161 career points when he played for Case Western Reserve University from 1974 through 1978. He averaged 21.7 points per game", + "score": 0.65087890625 + }, + { + "id": "6569377", + "title": "NBA salary cap", + "text": "Player Extension\" (DVPE), came to be called the \"Kevin Durant Rule\" because it was seen as a reaction to a wave of veteran superstars leaving their teams in free agency, capped off by Durant's departure from the Thunder to the Golden State Warriors in the 2016 offseason. The contract is also commonly called \"The Supermax\". The 2011 CBA allowed all of the teams that were trying to lure Durant to offer him the same initial salary of $26.5 million. For a veteran player to qualify for such an extension, he must be entering his eighth or ninth season in the", + "score": 0.6484375 + }, + { + "id": "8064573", + "title": "Stephen Curry", + "text": "$201 million extension with the Warriors, becoming the first NBA player to sign a supermax contract worth over $200 million. He officially signed the contract on July 25. On December 1, he scored 23 points and passed Jason Kidd for eighth place on the career three-pointers made list in a 133\u2013112 win over the Orlando Magic. On December 4, in a 125\u2013115 win over the New Orleans Pelicans, Curry hit five three-pointers to become the fastest NBA player to achieve the milestone of 2,000 career three-pointers, achieving that mark in just 597 games, 227 less than the previous fastest player", + "score": 0.6484375 + }, + { + "id": "13773734", + "title": "Kirk Cousins", + "text": "starter from then until the 2017 season. During his time with the Redskins, he set numerous franchise records and appeared in the 2017 Pro Bowl. After two years of being unable to agree with the Redskins on a long-term deal, signing two franchise tags in the process, he signed a three-year, fully guaranteed $84 million contract as a free agent with the Vikings in 2018. At the time, this deal made him the highest paid player on a per-year basis in NFL history. Cousins is the son of Don Cousins, a senior pastor at Discovery Church in Orlando, Florida, and", + "score": 0.6484375 + }, + { + "id": "11603938", + "title": "Jason Levien", + "text": "at the UC Berkeley School of Law where he taught sports law. In 2005, he negotiated a $33 million deal with the Miami Heat on behalf of Udonis Haslem. In 2007, Levien negotiated a $55 million deal with the Sacramento Kings on behalf of the Kings' leading scorer, Kevin Martin. On July 31, 2008, Levien negotiated what was the largest contract in the history of the Chicago Bulls, a six-year, $80 million agreement for his client, Luol Deng. Levien also represented Omri Casspi and Yotam Halperin, two of the first Israeli players drafted into the NBA, Ukrainian-born center, Kyrylo Fesenko,", + "score": 0.64599609375 + }, + { + "id": "18191436", + "title": "Mark Termini", + "text": "teams using preemptive media comments to chill offers for restricted free agents. This resulted in the NBA sending a memo to its teams warning of potential exposure if they used this long-unchallenged tactic. Just prior to the 2015-16 season, Termini and Paul negotiated a five-year, $82 million contract for restricted free agent Tristan Thompson. That deal made Thompson the sixth-highest-paid power forward in the NBA for the 2015-16 season In 2015, Termini also negotiated a four-year, $33 million free agent contract for his client Kosta Koufos, along with deals for several other Klutch clients including Cory Joseph (four years, $30", + "score": 0.6455078125 + }, + { + "id": "17154886", + "title": "Kentavious Caldwell-Pope", + "text": "Caldwell-Pope was suspended for two games without pay by the NBA for pleading guilty to operating a motor vehicle while intoxicated. On July 7, 2017, the Pistons renounced the rights to Caldwell-Pope, making him an unrestricted free agent. On July 13, 2017, Caldwell-Pope signed a one-year, $18 million contract with the Los Angeles Lakers. He made his debut for the Lakers on October 22, 2017, scoring 20 points as a starter in a 119\u2013112 loss to the New Orleans Pelicans. On November 27, 2017, he scored a season-high 29 points against the Los Angeles Clippers. On December 13, 2017, Caldwell-Pope", + "score": 0.6455078125 + }, + { + "id": "9747600", + "title": "Rob Pelinka", + "text": "24th by the Cleveland Cavaliers who traded him to his hometown Minnesota Timberwolves. Pelinka negotiated Harden a $200 million contract with Adidas that Nike opted not to match in August. In January 2016, Avery Bradley left Mitchell Butler to sign with Pelinka after being disappointed with the results of a contract extension. During the lead-up to the 2016 NBA draft, Buddy Hield, the consensus college player of the year in 2015\u201316, signed with Pelinka. Marquese Chriss also signed with Pelinka. Hield was drafted 6th and Chriss was selected 8th. On February 21, 2017, media sources reported that the Los Angeles", + "score": 0.64501953125 + }, + { + "id": "17638252", + "title": "Aaron Donald", + "text": "to his fourth straight Pro Bowl. He was also later named a first-team All-Pro for the third time. He finished the 2017 season with 41 tackles, 11 sacks, and five forced fumbles. After a stellar 2017 season, Donald was named the NFL Defensive Player of the Year. A week prior to the start of the 2018 season, after holding out all offseason, Donald signed a six-year, $135 million contract extension with $87 million guaranteed, keeping him under contract through the 2026 season. The deal made him the highest paid defensive player in NFL history, although less than 24 hours later", + "score": 0.64501953125 + }, + { + "id": "7642029", + "title": "New York Yankees", + "text": "Marlins for reigning National League Most Valuable Player Giancarlo Stanton. A right fielder who bats right-handed, Stanton hit 59 home runs and drove in 132 runs--both major league highs--in 2017; his contract is the largest player contract in the history of professional sports in North America. On December 12, the Yankees traded third baseman Chase Headley and right-handed pitcher Bryan Mitchell to the San Diego Padres for outfielder Jabari Blash; following the move, Yankees GM Brian Cashman stated that the trade \"create[d] payroll flexibility\".On September 28, 2018 the Yankees tied the record for the most HR's in a season with", + "score": 0.64453125 + }, + { + "id": "17647161", + "title": "Devonta Freeman", + "text": "back by his fellow players on the NFL Top 100 Players of 2017. On August 9, 2017, Freeman signed a five-year, $41.25 million contract extension with the Falcons to become the highest paid running back in the NFL. In Week 1, against the Chicago Bears, he was limited to 37 rushing yards on 12 carries but had a touchdown in the 23\u201317 victory. In Week 2, in the 34\u201323 victory over the Green Bay Packers, he had 84 rushing yards and two touchdowns in the first game in the new Mercedes-Benz Stadium. Freeman's first touchdown was the first ever touchdown", + "score": 0.64453125 + }, + { + "id": "16403168", + "title": "Josh Norman", + "text": "he and the team failed to come to an agreement on a long term deal, making him an unrestricted free agent. On April 22, 2016, two days after his release from the Panthers, Norman signed a five-year, $75 million deal with the Washington Redskins. The contract made him the highest paid cornerback in NFL history at the time, surpassing the contract Darrelle Revis signed with the New York Jets in 2015. During the team's training camp, Norman announced that he would appear regularly during that season's \"Fox NFL\" broadcast. In Week 3, Norman faced off against Odell Beckham Jr. and", + "score": 0.64453125 + }, + { + "id": "18553709", + "title": "2017 NBA All-Star Game", + "text": "2017 NBA All-Star Game The 2017 NBA All-Star Game was an exhibition basketball game that was played on February 19, 2017 in New Orleans, Louisiana at the Smoothie King Center. It was the 66th edition of the event. The West won the game 192-182. The MVP of the game was Anthony Davis, who scored 52 points, the most ever scored by a player in an All-Star Game. It was initially planned to be held at Spectrum Center in Charlotte, home of the Charlotte Hornets. If the game had remained in Charlotte, it would have been the second time that Charlotte", + "score": 0.64404296875 + }, + { + "id": "20712837", + "title": "2018 NBA Awards", + "text": "2018 NBA Awards The 2018 NBA Awards were the 2nd annual awards show by the National Basketball Association (NBA), held on June 25, 2018 at Barker Hangar in Santa Monica, California and hosted by Anthony Anderson. James Harden of the Houston Rockets was awarded the NBA Most Valuable Player Award. During the ceremony, it was revealed during \"EJ's Neat-O Stat of the Night\" that the cover athlete of NBA Live 19 will be Joel Embiid. The full list of finalists were announced on May 16, 2018 during the \"TNT NBA Tip-Off\" pre-game show and posted to Twitter. Winners are in", + "score": 0.64404296875 + }, + { + "id": "8611740", + "title": "Arn Tellem", + "text": "marketing and management company for seven straight years. Tellem and his team repped four lottery selections and six first-round picks overall. At the 2008 draft, they had six lottery picks and seven of the first 15 players selected, including Russell Westbrook, Danilo Gallinari and Derrick Rose, the No. 1 overall pick. Tellem negotiated contracts of four years and $60 million for Ben Wallace; and maximum salary deals of five years and $67.4 million for Joe Johnson; six years and $86.4 million for Gasol; seven years and $126 million for O'Neal; four years and $50 million for Antawn Jamison; five years", + "score": 0.6435546875 + }, + { + "id": "17262066", + "title": "Ryan Jensen (American football)", + "text": "four-year, $42 million contract with the Tampa Bay Buccaneers with $22 million guaranteed; making him the highest paid center in the NFL. Ryan Jensen (American football) Ryan Jensen, (born May 27, 1991) is an American football center for the Tampa Bay Buccaneers of the National Football League (NFL). He was drafted by the Baltimore Ravens in the sixth round of the 2013 NFL Draft. He was selected to the All-State first team while in high school. He also was named to the all-conference. In his sophomore season, he was selected to the All-Rocky Mountain Athletic Conference Second-team along with being", + "score": 0.6435546875 + }, + { + "id": "17642972", + "title": "Joel Embiid", + "text": "$148 million designated rookie scale maximum contract extension with the 76ers, with the ability to earn an additional $30 million if he earns an All-NBA first-, second- or third-team selection, or is named MVP in 2017\u201318. In the 76ers' season opener against the Washington Wizards on 18 October, Embiid had 18 points and 13 rebounds in a 120\u2013115 loss. Five days later, he scored 30 points in a 97\u201386 win over the Detroit Pistons. On 30 October, he had 22 points, nine rebounds, five assists and two steals in 25 minutes in a 115\u2013107 win over the Houston Rockets, becoming", + "score": 0.64306640625 + }, + { + "id": "17016887", + "title": "Giannis Antetokounmpo", + "text": "a career-high 14 assists in a 109\u2013100 win over the Brooklyn Nets, becoming the first Bucks player with four triple-doubles in a season. On April 1, he recorded his fifth triple-double of the season with 18 points, 11 rebounds and 11 assists in a 113\u2013110 win over the Orlando Magic. Two days later, he scored a career-high 34 points in a 102\u201398 loss to the Chicago Bulls. On September 19, 2016, Antetokounmpo agreed to a four-year, $100 million contract extension with the Bucks. In the Bucks' season opener on October 26, Antetokounmpo scored a game-high 31 points in a 107\u201396", + "score": 0.64208984375 + }, + { + "id": "1833207", + "title": "Kobe Bryant", + "text": "the playoffs. Bryant resumed practicing in November 2013, after the 2013-2014 season had already begun. On November 25, he signed a two-year contract extension with the Lakers at an estimated value of $48.5 million. He remained the league's highest-paid player, although he accepted a discounted deal; he had been eligible to receive an extension starting at $32 million per year. Bryant's contract became a polarizing topic, with detractors arguing that stars should take less money to allow their team more financial freedom, while supporters countered that the NBA's biggest stars were being paid less than their true value. Bryant resumed", + "score": 0.64208984375 + }, + { + "id": "6700605", + "title": "John \"Hot Rod\" Williams", + "text": "occurred in 1989, when he averaged 16.8 points, 8.1 rebounds and 2.04 blocked shots per game while mostly serving as the team's sixth man. Following the 1989-90 season, he re-signed with the Cavaliers to a 7-year, $26.5 million contract, making him one of the five highest paid players in the NBA in the early 1990s. At the time, this was an unprecedented salary for a sixth man like Williams. Prior March 22, 2009, he ranked as the Cavaliers' all-time leader in blocked shots (1,200) (surpassed by \u017dydr\u016bnas Ilgauskas). Williams spent nine seasons with the Cavaliers before being traded to the", + "score": 0.64111328125 + }, + { + "id": "16935137", + "title": "Showtime (basketball)", + "text": "Lakers fans and the Los Angeles media. Buss was not afraid to spend money on players. In 1981, Abdul-Jabbar was the highest-paid player in NBA at $870,000 a season, when Buss signed Johnson to a 25-year, $25 million contract. The most important component of Showtime was the Lakers' fast break. In a typical sequence, rebounders such as Kareem Abdul-Jabbar, Kurt Rambis, and A. C. Green would quickly release an outlet pass to Johnson, who would race down the court and distribute the ball to players such as Jamaal Wilkes, James Worthy, Byron Scott, and Michael Cooper for a finishing layup", + "score": 0.64111328125 + }, + { + "id": "17154888", + "title": "Kentavious Caldwell-Pope", + "text": "On July 6, 2018, Caldwell-Pope re-signed with the Lakers, on a reported one-year, $12 million contract. On December 16, 2018, he scored a season-high 25 points in a 128\u2013110 loss to the Washington Wizards. Kentavious Caldwell-Pope Kentavious Tannell Caldwell-Pope (born February 18, 1993) is an American professional basketball player for the Los Angeles Lakers of the National Basketball Association (NBA). He was one of the top high school basketball players in the class of 2011, and played college basketball for the Georgia Bulldogs for two years before declaring for the 2013 NBA draft. He was selected with the eighth overall", + "score": 0.64111328125 + }, + { + "id": "16903373", + "title": "Connor McDavid", + "text": "the season with 30 goals, 70 assists, and 100 points, and won the Art Ross Trophy as the NHL's leading scorer. He was the third-youngest player to ever win the award; only Sidney Crosby and Wayne Gretzky were younger when they won. McDavid had 11 more points than the next highest scorers, Crosby and Patrick Kane. On July 5, 2017, McDavid signed an eight-year, $100 million extension with the Oilers. The average annual value of $12.5 million per year is the highest in the NHL, surpassing the $10.5 million contracts held by Carey Price, Jonathan Toews and Patrick Kane. McDavid", + "score": 0.640625 + }, + { + "id": "19409879", + "title": "NBA 2K18", + "text": "NBA 2K18 NBA 2K18 is a basketball simulation video game developed by Visual Concepts and published by 2K Sports. It is the 19th installment in the \"NBA 2K\" franchise, the successor to \"NBA 2K17\", and the predecessor to \"NBA 2K19\". It was released on September 19, 2017 for Microsoft Windows, Xbox One, PlayStation 4, Xbox 360, iOS, Android, PlayStation 3, and Nintendo Switch. Pre-ordering gives it on September 15, 2017. Kyrie Irving of the Boston Celtics serves as cover athlete for the regular edition of the game, Shaquille O'Neal is the cover athlete for the special editions, and DeMar DeRozan", + "score": 0.64013671875 + }, + { + "id": "14166107", + "title": "Antonio Brown", + "text": "the AFC Championship against the Patriots, Brown had seven receptions for 77 yards as the Steelers lost 36\u201317. For his accomplishments in the 2017 season, he was ranked fourth on the NFL Top 100 Players of 2017. On February 27, 2017, Brown signed a new five-year contract with the Steelers through the 2021 season. The contract is a four-year extension worth $68 million ($19 million guaranteed at signing) with a $17 million annual price tag, making Brown the highest paid wide receiver in the NFL. During Week 1 against the Cleveland Browns, Brown posted a performance with 182 receiving yards", + "score": 0.63916015625 + }, + { + "id": "3620838", + "title": "Glenn Robinson", + "text": "a contract holdout that lasted until the beginning of training camp after it was rumored that he desired a 13-year, $100 million contract. Robinson eventually signed a rookie-record 10-year, $68 million deal that stands as the richest NBA rookie contract, as a salary cap for rookies was implemented the following season. During his first year in the NBA, Robinson was twice named the Schick NBA Rookie of the Month and was named to the NBA All-Rookie First Team after leading all rookies with an average of 21.9 points per game. Robinson finished third in Rookie of the Year voting behind", + "score": 0.63916015625 + }, + { + "id": "20165660", + "title": "2017\u201318 Oklahoma City Thunder season", + "text": "2017\u201318 Oklahoma City Thunder season The 2017\u201318 Oklahoma City Thunder season was the 10th season of the franchise in Oklahoma City and the 52nd in the National Basketball Association (NBA). This season was headlined by the acquisitions of All-Stars Paul George and Carmelo Anthony in trades with the Indiana Pacers and New York Knicks respectively, in addition to the reigning MVP Russell Westbrook signing a five-year extension worth $205 million. The trio was dubbed the \"Big Three\" as well as \"OK3\". Thunder clinched their playoff berth for the eight time in the last nine seasons with a win over the", + "score": 0.638671875 + }, + { + "id": "19423218", + "title": "2017 NBA Playoffs", + "text": "2017 NBA Playoffs The 2017 NBA Playoffs began on April 15, 2017. It concluded with the Golden State Warriors defeating the Cleveland Cavaliers 4 games to 1 in the NBA Finals, their third consecutive meeting at the Finals. Kevin Durant was named the NBA Finals MVP in his first year on the team. The Warriors set the record for the longest playoff winning streak (15) and the best record (16-1) in NBA playoff history. The Golden State Warriors began the finals with a playoff record of 12\u20130. The first two finals' games were blowouts by Golden State, game three was", + "score": 0.63818359375 + }, + { + "id": "19409888", + "title": "NBA 2K18", + "text": "O'Neal as the cover athlete. O'Neal was previously the cover athlete of \"NBA 2K6\" and \"NBA 2K7\". In Canada, DeMar DeRozan of the Toronto Raptors is the cover athlete. Like \"NBA 2K17\", a free title for PlayStation Network and Xbox Live, called \"The Prelude\", was made available prior to the release of the main game; in it, the player creates their MyPlayer for use in the main game's MyCareer mode. A companion app, titled \"MyNBA2K18\", for iOS and Android is available alongside the game; it features Kristaps Porzi\u0146\u0123is as its cover athlete. Like previous games in the series, \"NBA 2K18\"", + "score": 0.63818359375 + }, + { + "id": "13773759", + "title": "Kirk Cousins", + "text": "94th on the NFL Top 100 Players of 2018. On March 15, 2018, Cousins signed with the Minnesota Vikings on a fully guaranteed three-year contract worth $84 million. This is the first fully guaranteed, and as of signing, the highest paying contract in NFL history. In his Vikings debut in the season opener against the San Francisco 49ers, he passed for 244 yards and two touchdowns in the 24\u201316 victory. During Week 2 against the Packers, Cousins finished with 425 passing yards, 4 touchdowns, and an interception as the game ended in a 29-29 tie. In Week 4, in a", + "score": 0.6376953125 + }, + { + "id": "14196623", + "title": "Harry Hough", + "text": "Harry Hough Harry Douglass Hough (June 1, 1883 in Trenton, New Jersey - April 20, 1935) was a professional basketball player and college coach. In 1908 the Pittsburgh South Side team paid him $300 a month to play for them, making him the highest paid basketball player in the world. He also served as the head coach at the University of Pittsburgh Panthers basketball team during the 1907-08 season guiding his team to a 10-6 record, while also attending the university's chemistry department. He also coached at Princeton University for a brief period. In the 1909-10 season, playing for Pittsburgh", + "score": 0.63720703125 + }, + { + "id": "1811627", + "title": "LeBron James", + "text": "As a result of James's endorsement money and NBA salary, he has been listed as one of the world's highest-paid athletes. In 2013, he surpassed Kobe Bryant as the highest paid basketball player in the world, with earnings of $56.5 million. In 2014, James realized a profit of more than $30 million as part of Apple's acquisition of Beats Electronics; he had originally struck a deal to get a small stake in the company at its inception in exchange for promoting its headphones. In 2015, he was ranked the sixth highest earning sportsperson, and third highest in 2016 (after Cristiano", + "score": 0.63720703125 + }, + { + "id": "13213591", + "title": "Timofey Mozgov", + "text": "win the championship after being down 3\u20131. The Cavaliers defeated the defending champion Golden State Warriors in a rematch of the previous Finals. Mozgov and teammate, Sasha Kaun, became the first Russians to win an NBA championship. On July 8, 2016, Mozgov signed a four-year, $64 million contract with the Los Angeles Lakers. He made his debut for the Lakers in their season opener on October 26, 2016, recording 12 points and eight rebounds in a 120\u2013114 win over the Houston Rockets. On March 14, 2017, the Lakers shut down a healthy Mozgov for the rest of the season to", + "score": 0.63720703125 + }, + { + "id": "18867635", + "title": "Josh Richardson", + "text": "Thunder. On September 18, 2017, Richardson signed a four-year, $42 million contract extension with the Heat. On December 1, 2017, he scored a career-high 27 points in a 105\u2013100 win over the Charlotte Hornets. On December 16, 2017, he set a new career high with 28 points in a 90\u201385 win over the Los Angeles Clippers. On February 7, 2018, he had a 30-point effort in a 109\u2013101 loss to the Houston Rockets. On October 18, 2018, Richardson scored a game-high 28 points in a 113\u2013112 win over the Washington Wizards. On October 29, he scored a career-high 31 points", + "score": 0.63671875 + }, + { + "id": "2082733", + "title": "Red Auerbach", + "text": "Bird, a talented young player from unheralded Indiana State, had a year of college eligibility remaining, he had drafted Bird as a junior eligible in the 1978 NBA draft and waited for a year until the future Hall-of-Fame forward Bird arrived, finally setting aside his team salary rules when it became clear that his choices were paying Bird a record-setting rookie salary or watch him simply re-enter the 1979 draft. Bird then became the highest-paid Celtic as a rookie, with a $650,000-per year deal. Auerbach knew that the brilliant, hardworking Bird would be the cornerstone of a new Celtics generation.", + "score": 0.63671875 + }, + { + "id": "19423232", + "title": "2017 NBA Playoffs", + "text": "Finals for the 15th consecutive year. 2017 NBA Playoffs The 2017 NBA Playoffs began on April 15, 2017. It concluded with the Golden State Warriors defeating the Cleveland Cavaliers 4 games to 1 in the NBA Finals, their third consecutive meeting at the Finals. Kevin Durant was named the NBA Finals MVP in his first year on the team. The Warriors set the record for the longest playoff winning streak (15) and the best record (16-1) in NBA playoff history. The Golden State Warriors began the finals with a playoff record of 12\u20130. The first two finals' games were blowouts", + "score": 0.63623046875 + }, + { + "id": "18191435", + "title": "Mark Termini", + "text": "Lanza, former NBA Players Association General Counsel, called Termini \"one of the finest contract attorneys in the country\" following the contract. By signing a shorter deal than the four year maximum contract, James was able to take advantage of the rising NBA salary cap two years later. During the 2014 offseason, contract negotiations for Klutch Sports Group client Eric Bledsoe and the Phoenix Suns continued into September. A restricted free agent, Bledsoe finally signed a 5-year, $70 million deal on September 24. Paul and Termini advised the new National Basketball Players Association leaders to formally warn the NBA about their", + "score": 0.6357421875 + }, + { + "id": "803109", + "title": "Milwaukee Bucks", + "text": "the young roster of the Bucks went through a step backward, to a 33\u201349 record in the 2015\u201316 season, though Giannis Antetokounmpo had an encouraging stretch in the final half of the season, accumulating 5 triple-doubles. On June 18, 2016, ground was broken for the Bucks' new arena. On September 19, 2016, the Bucks and Giannis Antetokounmpo agreed to a 4-year, $100 million contract extension. In addition, the team would add new young improvements to the roster in drafting Thon Maker and Malcolm Brogdon, and made trades to bring in Tony Snell and Michael Beasley. When the 2016\u201317 season began,", + "score": 0.6357421875 + }, + { + "id": "11747075", + "title": "Russell Westbrook", + "text": "Westbrook and held off all trade talks in order to work out an extension. On August 4, 2016, Westbrook signed a three-year, $85.7 million contract extension with the Thunder. In the Thunder's second game of 2016\u201317 on October 28, Westbrook recorded his 38th career regular-season triple-double with 51 points, 13 rebounds and 10 assists in a 113\u2013110 overtime win over the Phoenix Suns, marking the first 50-point triple-double since Kareem Abdul-Jabbar had one in 1975. Westbrook also took a career-high 44 shots. Two days later, he recorded 33 points, 12 rebounds and 16 assists in a 113\u201396 win over the", + "score": 0.634765625 + }, + { + "id": "19765839", + "title": "2017 St. Louis Cardinals season", + "text": "person was responsible for hacking into the Astros' database. Correa has been placed on baseball's permanently ineligible list. Former Cubs' center fielder and free agent Dexter Fowler signed with the Cardinals on December 9, 2016, for $82.5 mil. over 5 years. The contract includes a full no-trade clause. Yadier Molina reached an agreement for a 3-year contract extension on April 2, for a reported $60 million, making him the highest-paid catcher in baseball. He wasn't interested in exercising his 2018 mutual option, which would have been worth $15 million. The average annual value of Giants' catcher Buster Posey's contract is", + "score": 0.634765625 + }, + { + "id": "20360914", + "title": "2017\u201318 NCAA Division I men's basketball corruption scandal", + "text": "Knox was listed among several players who had met or dined with Dawkins, or whose families had done so. Markelle Fultz, who played a season at Washington before leaving to become the top pick in the 2017 NBA draft, allegedly received $10,000 from ASM. Melton would ultimately not be the only USC player implicated. The ASM documents claim that two other current USC players, or individuals closely associated with them, had received payments from the company. Kyle Kuzma, a 2017 first-round NBA draft pick, was listed in the ASM documents as having received $9,500 from the agency while at Utah.", + "score": 0.6337890625 + }, + { + "id": "4987999", + "title": "Jerry Reinsdorf", + "text": "employer of the highest paid Major League Baseball player and highest paid professional basketball player (Jordan) at the same time. Reinsdorf had just re-signed Jordan after the 1995\u201396 NBA season. However, Jordan had been underpaid most of his career, and Reinsdorf, who did not feel he could justify the $30 million salary from a business standpoint, immediately realized he was going to soon feel buyer's remorse. Even his most successful baseball team was not highly paid: when the White Sox won the 2005 World Series, Reinsdorf had the 13th highest payroll of the 30 Major League Baseball teams. After Reinsdorf", + "score": 0.6328125 + }, + { + "id": "9747597", + "title": "Rob Pelinka", + "text": "Johnson signed a one-year deal with the Lakers for the 4th year veteran's minimum salary of $916,099 after, teaming with Pelinka clients Bryant as well as Kaman, who signed with the Lakers the prior week. Trevor Ariza switched agents to sign with Pelinka one year before his contract with the Washington Wizards was due to expire. On November 25, Bryant signed a two-year contract extension with the Lakers at an estimated value of $48.5 million that will make him the first NBA player to play 20 years with the same franchise. He remained the league's highest-paid player, despite accepting the", + "score": 0.63232421875 + }, + { + "id": "5933046", + "title": "Leonard Davis (American football)", + "text": "Dallas Cowboys for a seven-year, $49.6 million contract with $18.75 million guaranteed, who were looking to replace the retired Marco Rivera. At the time, the contract was criticized in the media, for the amount of salary cap space being assigned to a player that would play guard and that had an average performance in previous years. According to \"Forbes\", Davis was the highest-paid NFL player and 19th overall athlete in the 12-month period ending in June 2007, earning $25.4 million. He was named the starter at right guard and would flourish in Dallas by going to the Pro Bowl in", + "score": 0.63232421875 + }, + { + "id": "16091812", + "title": "Rudy Gobert", + "text": "the Houston Rockets after missing 18 games with the injury. He was limited to just 15 minutes but chipped in six points and three rebounds. On January 16, he had a season-best game with 18 points, 18 rebounds and 5 blocks in a 109\u201382 win over the Los Angeles Lakers. On February 27, he recorded 12 points, a season-high 19 rebounds and six blocks in a 98\u201396 loss to the Brooklyn Nets. On October 31, 2016, Gobert signed a four-year, $102 million contract extension with the Jazz, which at the time made him the best paid French athlete ever (in", + "score": 0.6318359375 + }, + { + "id": "19433745", + "title": "2018 NBA All-Star Game", + "text": "2018 NBA All-Star Game The 2018 NBA All-Star Game was the 67th edition of an exhibition basketball game that was played on February 18, 2018. It was held at Staples Center in Los Angeles, home of the Los Angeles Lakers and Los Angeles Clippers. It was the sixth time that Los Angeles had hosted the All-Star Game and the first time since 2011. Team LeBron won against Team Stephen 148-145. The MVP of the game was LeBron James, scoring 29 points, 10 rebounds, 8 assists, winning his third NBA All-Star Game Most Valuable Player (MVP) award. The game was televised", + "score": 0.6318359375 + }, + { + "id": "15616985", + "title": "Anthony Scaramucci", + "text": "game-winning 8th-inning home run. The jersey was purchased in a private auction for $365,000, the highest price ever paid for a modern-day jersey, which Scaramucci described as having \"tremendous artistic symbolism\". The new owners want the jersey accessible to fans, so it will be displayed on a rotating basis among the 9/11 Memorial Museum, Citi Field, and the National Baseball Hall of Fame. On October 2, 2017, two months after he was fired as White House Communications Director, Scaramucci launched the online media venture the Scaramucci Post. At a press conference, Scaramucci said that \"...we have no idea what the", + "score": 0.63134765625 + }, + { + "id": "15397573", + "title": "Tim Hardaway Jr.", + "text": "points on April 9 against Cleveland as part of a week in which Hardaway averaged 22 points in a 3\u20130 week for the Hawks. Following the 2016\u201317 season, the Hawks extended Hardaway a qualifying offer, making him a restricted free agent (giving the Hawks the right to match any offer that he signed). On July 6, 2017, Hardaway received a four-year, $71 million offer sheet from the Knicks; Atlanta had 48 hours to match the offer or lose Hardaway. The contract of $16.50M, $17.32M, $18.15M and $18.97M has a player option in year 4 and includes a 15% bonus of", + "score": 0.63134765625 + }, + { + "id": "18615127", + "title": "Ante Z\u030ciz\u030cic\u0301", + "text": "2 blocks. \u017di\u017ei\u0107 was selected with the 23rd overall pick in the 2016 NBA draft, by the Boston Celtics. On 1 July 2017, \u017di\u017ei\u0107 signed with the Boston Celtics. Before even suiting up for a single regular season game for the Celtics, \u017di\u017ei\u0107 was traded to the Cleveland Cavaliers alongside Isaiah Thomas, Jae Crowder, and the Brooklyn Nets' unprotected 2018 first round pick for Kyrie Irving on August 22, 2017. However, eight days after the trade was first confirmed, the Celtics would also add a 2020 second round pick from the Miami Heat in order to fully complete the deal", + "score": 0.63134765625 + }, + { + "id": "6569380", + "title": "NBA salary cap", + "text": "up to $209 million over five years, a financial commitment that the Kings were apparently unwilling to make. Following the announcement of the 2016\u201317 All-NBA team, four players were eligible to sign DVPE contracts during the 2017 offseason. All four were named to one of the three All-NBA teams for that season; two were already eligible under the new criteria. Harden and Westbrook would not have qualified under the standard DVPE criteria because both signed extensions to their contracts in the 2016 offseason, Harden for two years and Westbrook for one. The players' union and owners negotiated a special dispensation", + "score": 0.63134765625 + }, + { + "id": "20139863", + "title": "Timofey Kuznetsov", + "text": "Timofey Kuznetsov Timofey Kuznetsov (born 1991) is a Russian professional poker player who specializes in online no-limit Texas hold 'em and pot-limit Omaha hold'em cash games. Kuznetsov plays under the alias \"Trueteller\" on PokerStars and has earned over $2,400,000., as well as a further $2,050,000 under the same alias on the now defunct Full Tilt Poker. In November 2015, he played Phil Ivey in a 30 hour session. He won over $100,000 in two weeks playing online in March 2017. Kuznetsov finished 4th in the 2015 $500,000 Super High Roller Bowl winning over $2,100,000. In 2018, Kuznetsov along with Linus", + "score": 0.63037109375 + }, + { + "id": "8218072", + "title": "Pittsburgh South Side", + "text": "the Central League in 1905. Joseph \"Joe\" Meech Leithead (born July 17, 1882; died July 2, 1958 ) played and served as coach and captain of the Pittsburgh South Side team from 1899 through 1907. The South Side team made national headlines when they made Harry Hough the highest-paid basketball player in the world on December 31, 1907. They signed him to a contract that paid him $300 per month to play eight league games per month (that's roughly $6,819 a month or $81,800 a year in 2009 dollars past to present currency converter). South Side Team 1905-06 Joe Leithead", + "score": 0.6298828125 + }, + { + "id": "19559814", + "title": "2016\u201317 Calgary Flames season", + "text": "other players such as Alex Chiasson and Linden Vey were also brought in. The next biggest task Treliving faced was signing rising stars Johnny Gaudreau and Sean Monahan to contracts. On August 19, 2016, Monahan and the Flames agreed to a 7-year deal worth $44.625 million. On October 10, 2016, two days before the start of the regular season, Gaudreau and the Flames agreed to a 6-year deal worth $40.5 million. Gaudreau will be tied with defenceman and 2016\u201317 captain Mark Giordano as the highest-paid Flames player. The Flames open their season with their first two losses 7-4 and 5-3", + "score": 0.6298828125 + }, + { + "id": "15727494", + "title": "2011 NBA lockout", + "text": "pick Kenyon Martin, a free agent, signed a one-year contract with the Xinjiang Flying Tigers of the Chinese Basketball Association that would make him the highest paid player in the league's history at $500,000 a month. Unlike players who signed more lucrative contracts overseas, three-time NBA champion Tony Parker opted to play for the minimum wage of $2,000 per month with ASVEL Basket, the French team he partly owns. Parker joined several foreign players, such as Leandro Barbosa, Boris Diaw, Rudy Fern\u00e1ndez, Andrei Kirilenko and Mehmet Okur, who opted to play in their home countries until the lockout ended. An", + "score": 0.6298828125 + }, + { + "id": "5419230", + "title": "Martell Webster", + "text": "with 24 of them scored in the third quarter. He is one of the last ever high school players to be chosen in an NBA draft due to new draft eligibility rules introduced in 2006. In October 2008, Webster signed a four-year, $20 million contract extension. On February 20, 2009, it was announced by Trail Blazers athletic trainer Jay Jensen that Webster would likely miss the rest of the 2008\u201309 NBA season with a left foot injury, having only played 5 minutes during the season. On January 23, 2010, he scored a season-high 28 points in a win against the", + "score": 0.62939453125 + }, + { + "id": "18597686", + "title": "NBA 2K17", + "text": "NBA 2K17 NBA 2K17 is a basketball simulation video game developed by Visual Concepts and published by 2K Sports. It is the 18th installment in the \"NBA 2K\" franchise and the successor to \"NBA 2K16\". It was released worldwide on September 20, 2016, for Microsoft Windows, PlayStation 4, PlayStation 3, Xbox One, and Xbox 360. Players who pre-ordered the game received it on September 16, 2016. Paul George of the Indiana Pacers is the cover athlete for the regular edition of the game, while Kobe Bryant is the cover athlete for the 'Legend Edition'. In Italy, the cover athlete is", + "score": 0.62939453125 + }, + { + "id": "8993125", + "title": "Matthew Stafford", + "text": "10 interceptions \u2014 his sixth consecutive season with at least 4,000 passing yards. He also reached the 30,000 career passing yards milestone. He was ranked 31st by his peers on the NFL Top 100 Players of 2017. On August 28, 2017, Stafford signed a 5-year, $135 million extension with $92 million guaranteed, making him the highest-paid player in NFL history at the time. On September 10, in Week 1 against the Arizona Cardinals, Stafford finished with 292 passing yards, four touchdowns, and an interception as the Lions rallied and won by a score of 35\u201323. It was his 27th fourth", + "score": 0.62939453125 + }, + { + "id": "14991169", + "title": "Priority Sports and Entertainment", + "text": "with $560 million in contract value under management. In 2015, \"Forbes\" ranked Priority #20 on the list, with $947.52 million in contract value under management and $33.2 million in commissions. Priority Sports & Entertainment, fueled by its heavily sought-after client Gordon Hayward, was the big winner in 2017's NBA free agency, leading all agencies in the total dollars negotiated so far. Priority led the pack with $354.6 million negotiated for nine players. Priority Sports finished #2 among all agencies in the 2107 NFL \"free agency\" signing period, negotiating over $243 million in contracts (QB Kirk Cousins, WR Mike Evans, C", + "score": 0.62939453125 + }, + { + "id": "9605590", + "title": "Joey Votto", + "text": "Giancarlo Stanton's contract with the Miami Marlins (13 years, $325 million), Alex Rodriguez's contracts with New York (10 years, $275 million) and Texas (10 years, $252 million) and Albert Pujols' deal with the Los Angeles Angels of Anaheim (10 years, $240 million). It is the longest guaranteed contract in MLB history. The contract made Votto the highest paid athlete from Canada. On May 13, Votto went 4-for-5 with three home runs and six RBIs, including a walk-off grand slam against the Washington Nationals in a 9\u20136 win. It was the first time in major league history that a player hit", + "score": 0.62841796875 + }, + { + "id": "1825309", + "title": "Paul Kariya", + "text": "as the players and owners agreed on a new collective agreement in July 2005. With NHL play set to resume for the 2005\u201306 season, Kariya became an unrestricted free agent in August 2005. Entertaining offers from ten different teams, Kariya signed a two-year, $9 million contract with the Nashville Predators on August 5, 2005, making him the highest-paid player in team history. Four days later, he was officially introduced as a member of the Predators at a news conference. Predators general manager David Poile heralded the acquisition as \"unquestionably the biggest signing in [the] club's history\". He ultimately chose the", + "score": 0.62841796875 + }, + { + "id": "11449989", + "title": "Sergio Llull", + "text": "Llull once again extended his contract with Real Madrid, this time through the 2020\u201321 season. The 6-year contract extension was at a per season salary of \u20ac2.7 million euros net income per season, and his contract included a record buyout option of \u20ac25 million euros (USD$28.4 million as of October 30, 2018 exchange rate), the highest buyout amount ever in European club basketball history. Llull was named the EuroLeague MVP of the 2016\u201317 season. In May 2018, Real Madrid won the 2017\u201318 EuroLeague season championship, after defeating Fenerbah\u00e7e Do\u011fu\u015f in the final game, by a score of 85\u201380. Llull missed", + "score": 0.62841796875 + }, + { + "id": "1652089", + "title": "Tris Speaker", + "text": "of the drop in his batting average; Speaker refused and offered $12,000 ($ today). On April 8, 1916, Lannin traded Speaker to the Cleveland Indians. In exchange, Boston received Sad Sam Jones, Fred Thomas and $50,000 ($ today). The angry Speaker held out until he received $10,000 (equal to $ today) of the cash that Boston collected. With an annual salary of $40,000 (equal to $ today), Speaker was the highest paid player in baseball. Speaker hit over .350 in nine of his eleven years with Cleveland. In , he led the league in hits, doubles, batting average, slugging percentage", + "score": 0.6279296875 + }, + { + "id": "20712838", + "title": "2018 NBA Awards", + "text": "boldface. Fan Awards nominees and categories were announced on the league's official website on April 18, 2018. Winners are in boldface. 2018 NBA Awards The 2018 NBA Awards were the 2nd annual awards show by the National Basketball Association (NBA), held on June 25, 2018 at Barker Hangar in Santa Monica, California and hosted by Anthony Anderson. James Harden of the Houston Rockets was awarded the NBA Most Valuable Player Award. During the ceremony, it was revealed during \"EJ's Neat-O Stat of the Night\" that the cover athlete of NBA Live 19 will be Joel Embiid. The full list of", + "score": 0.6279296875 + }, + { + "id": "18010217", + "title": "Kristaps Porzin\u0327g\u0327is", + "text": "31 points and 12 rebounds in a 105\u201384 loss to the Oklahoma City Thunder. On 30 October 2017, he scored a career-high 38 points in a 116\u2013110 win over the Denver Nuggets. Less than a week later, on 5 November, Porzi\u0146\u0123is set a new career high with 40 points in a 108\u2013101 win over the Indiana Pacers. He became the first player in the NBA since 1983\u201384 to post at least 40 points, five rebounds, five blocks and make two 3-pointers. Porzi\u0146\u0123is was subsequently named Eastern Conference Player of the Week for games played from Monday, 30 October through Sunday,", + "score": 0.62744140625 + }, + { + "id": "2200021", + "title": "Tom Brady", + "text": "throwing for 154 passing yards, two touchdowns, and three interceptions in a Wild Card Round loss to the Baltimore Ravens, 33\u201314, his first career home playoff loss, and the first playoff loss at home by a Patriots quarterback since 1978 (Steve Grogan). On September 10, 2010, Brady signed a four-year, $72 million contract extension, making him the highest-paid player in the NFL. The extension included $48.5 million in guaranteed money. Brady became the quickest quarterback to achieve 100 regular season wins by helping his team defeat the Miami Dolphins 41\u201314 on October 4, 2010. In a 31\u201328 win over the", + "score": 0.62744140625 + }, + { + "id": "2674594", + "title": "Dwight Howard", + "text": "signed a three-year, $70 million contract with the Atlanta Hawks. With the retirement of Tim Duncan, Howard entered the 2016\u201317 season as the NBA's active leader in rebounds (12,089) and blocked shots (1,916). He made his debut for the Hawks in their season opener on October 27, 2016, recording 11 points, 19 rebounds and three blocks in a 114\u201399 win over the Washington Wizards. Howard posted the most rebounds for anyone in their Atlanta debut, breaking the mark of 18 that Shareef Abdur-Rahim set at Houston on October 30, 2001. On November 2, he recorded a season-high 31 points and", + "score": 0.62744140625 + }, + { + "id": "11037835", + "title": "Serge Ibaka", + "text": "debut for the Raptors ten days later, scoring 15 points in a 107\u201397 win over the Boston Celtics. On 21 March 2017, against the Chicago Bulls, Ibaka was ejected after an altercation with Bulls' center Robin Lopez. The next day, Ibaka received a one-game suspension. On 7 July 2017, Ibaka re-signed with the Raptors to a reported three-year, $65 million contract. On 4 November 2018, he made his first 14 shots on the way to a career-high 34 points in a 121\u2013107 win over the Los Angeles Lakers. He finished the game 15 of 17 from the field and became", + "score": 0.62744140625 + }, + { + "id": "15135172", + "title": "Liz Cambage", + "text": "with the Dallas Wings. In June 2012, Cambage signed with Zheijang Chouzhou basketball club in China, reportedly for a salary of $400,000 (Australian dollars). This made her one of the highest-paid female basketballers in the world. In February 2018, Cambage signed a multi-year contract with the Dallas Wings. On 17 July 2018, in a game against the New York Liberty, Cambage scored a WNBA record 53 points. Her team, the Dallas Wings, won the game 104\u201387. Cambage would be voted into the 2018 WNBA All-Star Game, making it her second all-star appearance. Following her 53 point performance, she scored 35", + "score": 0.626953125 + }, + { + "id": "20167376", + "title": "Cavaliers\u2013Warriors rivalry", + "text": "to come back from a 3\u20131 deficit. LeBron James became only the third player in NBA history to have a triple double in a Finals Game 7 and became the first unanimous Finals MVP after leading in all five categories of points, rebounds, assists, steals and blocks. On July 4, 2016, Oklahoma City Thunder superstar Kevin Durant signed with the Warriors in free agency. He averaged 25.1 PPG, 8.3 RPG, 4.8 APG, 1.1 SPG, and 1.6 BPG. After finishing 67\u201315, the first team in NBA history to win at least 67 games in three straight seasons, the Warriors went 12\u20130", + "score": 0.62646484375 + }, + { + "id": "18006792", + "title": "Norman Powell", + "text": "116\u2013104 win over the Brooklyn Nets. He had three more 21-point games over the next three months. On April 24, 2017, in Game 5 of the Raptors' first-round playoff series against the Milwaukee Bucks, Powell scored a playoff career-high 25 points to help the Raptors take a 3\u20132 series lead with a 118\u201393 win. On October 8, 2017, Powell signed a four-year, $42 million contract extension with the Raptors. The deal, which started with the 2018\u201319 season, included a player option on the fourth year. On November 5, 2018, against the Utah Jazz, Powell partially dislocated his left shoulder joint,", + "score": 0.62646484375 + }, + { + "id": "4089544", + "title": "Carol Blazejowski", + "text": "scorer for the USA team with 18.7 points per game. Blazejowski was named to the team representing the USA at the William Jones Cup competition in Taipei, Taiwan. The USA team won all six games en route to the gold medal. Blazejowski was named to the Jones Cup All-Tournament Team. Blazejowski was named to the team scheduled to represent the USA at the 1980 Olympics, but the USA chose not to participate in the Olympics that year. In 1980, Blazejowski became the highest-paid player in the Women's Pro Basketball League, signing a three-year contract for a reported $150,000 with the", + "score": 0.62646484375 + }, + { + "id": "20744805", + "title": "NBA 2K19", + "text": "price. The game was nominated for \"Best Sports/Racing Game\" at The Game Awards 2018. NBA 2K19 NBA 2K19 is a basketball simulation video game developed by Visual Concepts and published by 2K Sports, based on the National Basketball Association (NBA). It is the 20th installment in the \"NBA 2K\" franchise and the successor to \"NBA 2K18\". Giannis Antetokounmpo of the Milwaukee Bucks is the cover athlete for the standard edition, while LeBron James of the Los Angeles Lakers is the cover athlete for the 20th Anniversary Edition. Antetokounmpo and James grace the cover in North America, while current NBA Rookie", + "score": 0.6259765625 + }, + { + "id": "20133317", + "title": "2018 NBA Finals", + "text": "Eastern Conference semifinals, and defeated the Boston Celtics in seven games in the Eastern Conference Finals. This was the Golden State Warriors' fourth consecutive trip to the NBA Finals. During the 2017\u201318 offseason, the Warriors resigned their core players, including Stephen Curry to a five-year contract worth $201 million, and Kevin Durant to a two-year, $53 million contract. Golden State also resigned Andre Iguodala, Shaun Livingston, Zaza Pachulia, and David West. A major free agent acquired during the offseason was guard Nick Young. The Warriors finished the 2017\u201318 regular season with a 58\u201324 record, winning the Pacific Division and securing", + "score": 0.6259765625 + }, + { + "id": "16617872", + "title": "Jusuf Nurkic\u0301", + "text": "six assists and five blocks in a 114\u2013109 win over the Oklahoma City Thunder. On 9 March 2017, he had a career-high 28 points and 20 rebounds in a 114\u2013108 overtime win over the Philadelphia 76ers. He also had eight assists and six blocks, becoming the first NBA player to post at least 28 points, 20 rebounds, 8 assists and 6 blocks in a game since Charles Barkley pulled the feat in November 1986. On 28 March 2017, he set a new career high with 33 points to go with 16 rebounds in a 122\u2013113 win over his former team,", + "score": 0.62548828125 + }, + { + "id": "9936757", + "title": "Mike Conley Jr.", + "text": "and without Conley and Marc Gasol, they were swept by the San Antonio Spurs in the first round of the playoffs. On April 23, Conley was awarded the NBA Sportsmanship Award for the second time. On July 14, 2016, Conley re-signed with the Grizzlies. His reported five-year, $153 million deal was the greatest contract by total value in NBA history at that point in time. On November 16, 2016, he scored 30 points and hit a career high-tying seven three-pointers in a 111\u2013107 win over the Los Angeles Clippers. On November 29, he was ruled out for six to eight", + "score": 0.62548828125 + }, + { + "id": "14196624", + "title": "Harry Hough", + "text": "South Side in the Central Basketball League Hough made 963 free throws, the most free throws recorded by any professional player in a single season. Harry Hough Harry Douglass Hough (June 1, 1883 in Trenton, New Jersey - April 20, 1935) was a professional basketball player and college coach. In 1908 the Pittsburgh South Side team paid him $300 a month to play for them, making him the highest paid basketball player in the world. He also served as the head coach at the University of Pittsburgh Panthers basketball team during the 1907-08 season guiding his team to a 10-6", + "score": 0.62548828125 + }, + { + "id": "18553723", + "title": "2017 NBA All-Star Game", + "text": "on January 26, 2017. The West reserves include Russell Westbrook of the Oklahoma City Thunder, Klay Thompson and Draymond Green of the Golden State Warriors, DeMarcus Cousins of the Sacramento Kings, Marc Gasol of the Memphis Grizzlies, DeAndre Jordan of the Los Angeles Clippers, and Gordon Hayward of the Utah Jazz. Jordan and Hayward were selected as all-stars for the first time in their respective careers. The East reserves include Kyle Lowry of the Toronto Raptors, Isaiah Thomas of the Boston Celtics, John Wall of the Washington Wizards, Paul George of the Indiana Pacers, Kevin Love of the Cleveland Cavaliers,", + "score": 0.625 + }, + { + "id": "6569374", + "title": "NBA salary cap", + "text": "extensions, but both failed to meet the criteria. The only player in the NBA who was attempting to qualify for a full 30% contract in 2013\u201314 was Paul George, who signed a provisional 30%/5 year contract in September 2013. George, who had made the All-NBA third team in 2012\u201313, qualified by again making the All-NBA third team. The 2017 CBA changed the qualification criteria for \"5th Year, 30% Max\" contracts. Players who come off rookie contracts at the end of the 2017\u201318 season, or later, must meet any of the following criteria to qualify: These criteria are identical to those", + "score": 0.625 + }, + { + "id": "18553724", + "title": "2017 NBA All-Star Game", + "text": "Paul Millsap of the Atlanta Hawks, and Kemba Walker of the Charlotte Hornets, who was selected as an all-star for the first time in his career. Carmelo Anthony of the New York Knicks was named as a replacement for Kevin Love due to Love suffering a knee injury. Embiid was unable to participate due to a knee injury. 2017 NBA All-Star Game The 2017 NBA All-Star Game was an exhibition basketball game that was played on February 19, 2017 in New Orleans, Louisiana at the Smoothie King Center. It was the 66th edition of the event. The West won the", + "score": 0.625 + }, + { + "id": "18898385", + "title": "Jonathon Simmons", + "text": "Conference Finals. On June 21, 2017, the Spurs tendered a $1.6 million qualifying offer to make Simmons a restricted free agent. On July 13, 2017, the Spurs withdrew their qualifying offer. On July 15, 2017, Simmons signed a three-year, $20 million contract with the Orlando Magic. On October 29, 2017, he led the Magic with 27 points off the bench on 9-of-15 shooting in a 120\u2013113 loss to the Charlotte Hornets. On December 9, 2017, he scored a career-high 29 points in a 117\u2013110 loss to the Atlanta Hawks. On February 6, 2018, he scored 22 of his career-high 34", + "score": 0.625 + } + ], + "answer": "The highest paid NBA player in the 2016-2017 season was LeBron James. Recently, the highest-paid NBA players by season has eclipsed $40 million. Stephen Curry became the first player to eclipse $40 million per year when he signed a record 5-year contract worth $201 million in 2017, starting with $34,682,550 in the 2017-18 season." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who is the individual that was the leader of a 300 mile march to sacramento california?", + "short_answers": [ + "Chavez", + "C\u00e9sar Estrada Ch\u00e1vez", + "Cesar Chavez" + ], + "wikipage": null + }, + { + "context": "The Delano grape strike was a labor strike organized by the Agricultural Workers Organizing Committee (AWOC), a predominantly Filipino and AFL-CIO-sponsored labor organization, against table grape growers in Delano, California to fight against the exploitation of farm workers. The strike began on September 8, 1965, and one week later, the predominantly Mexican National Farmworkers Association (NFWA) joined the cause. In August 1966, the AWOC and the NFWA merged to create the United Farm Workers (UFW) Organizing Committee.", + "question": "Who is the group that organized a strike and 300 mile march to sacramento california?", + "short_answers": [ + "Agricultural Workers Organizing Committee" + ], + "wikipage": "Delano grape strike" + } + ], + "wikipages": [ + { + "title": "Floods in California", + "url": "https://en.wikipedia.org/wiki/Floods%20in%20California" + }, + { + "title": "Delano grape strike", + "url": "https://en.wikipedia.org/wiki/Delano%20grape%20strike" + }, + { + "title": "Cesar Chavez", + "url": "https://en.wikipedia.org/wiki/Cesar%20Chavez" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Cesar Chavez (born Cesario Estrada Chavez /\u02c8t\u0283\u0251\u02d0v\u025bz/; Spanish: [t\u0283a\u03b2es]; March 31, 1927 \u2013 April 23, 1993) was an American labor leader and civil rights activist.", + "wikipage": "Cesar Chavez" + } + ], + "long_answer": "The 300 mile march organized by the Agricultural Workers Organizing Committee (AWOC) beginning on September 8, 1965 was led by American labor leader and civil rights activist Cesar Chavez." + }, + { + "knowledge": [ + { + "content": "As the strike began to flag in winter, Chavez decided on a march of 300 miles to the state capitol at Sacramento.", + "wikipage": "Cesar Chavez Growing success: 1966\u20131967" + }, + { + "content": "This would pass through dozens of farmworker communities and attract attention for their cause.[109]", + "wikipage": "Cesar Chavez Growing success: 1966\u20131967" + } + ], + "long_answer": "The Delano grape strike was a labor strike organized by the Agricultural Workers Organizing Committee (AWOC), a predominantly Filipino and AFL-CIO-sponsored labor organization, against table grape growers in Delano, California to fight against the exploitation of farm workers. As the strike began to flag in winter, Cesar Chavez decided on a march of 300 miles to the state capitol at Sacramento. This would pass through dozens of farmworker communities and attract attention for their cause." + } + ], + "sample_id": "4499452346514611435", + "question": "Who conducted a 300 mile march to sacramento california?", + "docs": [ + { + "id": "594240", + "title": "Civil rights movement", + "text": "director of the Selma Movement, to initiate and organize a plan to march from Selma to Montgomery, the state capital. On March 7, 1965, acting on Bevel's plan, Hosea Williams of the SCLC and John Lewis of SNCC led a march of 600 people to walk the 54 miles (87 km) from Selma to the state capital in Montgomery. Six blocks into the march, at the Edmund Pettus Bridge where the marchers left the city and moved into the county, state troopers and local county law enforcement, some mounted on horseback, attacked the peaceful demonstrators with billy clubs, tear gas,", + "score": 0.74169921875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "20375737", + "title": "Michael Semanchik", + "text": "Oceanside, where he is now the pastor of a local chapel. Brian Banks joined the march at Malibu to lend his support so that other wrongfully-convicted prisoners could be released. The march reached its destination in fifty-one days, four days earlier than the original 55-day schedule. In December of the same year, the California Innocence Project recreated the final (Sacramento) leg of the original march, from Raley Field to the governor's office at the Capitol. Although Gov. Brown did not grant clemency to any of the twelve, the march resulted in extensive press coverage. The Innocence March was selected by", + "score": 0.73779296875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "14601660", + "title": "Conquest of California", + "text": "battalion was a volunteer unit of between 534 and 559 Latter-day Saints men, who were led by Mormon company officers and commanded by regular United States Army senior officers. During its service, the battalion made a grueling march of some 1,900 miles from Council Bluffs, Iowa to San Diego. This remains one of the longest single military marches in U.S. history. The Mormon Battalion arrived in San Diego on January 29, 1847. For the next five months until their discharge on July 16, 1847 in Los Angeles, the battalion trained and did garrison duties in several locations in southern California.", + "score": 0.732421875, + "summary": "The document is irrelevant to the question.", + "extraction": "The Mormon Battalion conducted a 1,900 mile march from Council Bluffs, Iowa to San Diego. However, the passage does not mention any march to Sacramento, California. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "6151690", + "title": "1st Cavalry Regiment (United States)", + "text": "men, which ventured west to New Mexico, some of whom did not reach California. This command was concentrated at Bent's Fort on the Arkansas River, from which point it marched for Santa F\u00e9 on 1 August 1846. The force occupied Santa F\u00e9 without much opposition, and, after leaving part of his force there, Kearny marched into California, arriving in December. On the morning of 6 December 1846, Kearny's 150-man command met and defeated an equal number of California lancers at San Pasqual, about 40 miles from San Diego, under Major Andr\u00e9s Pico. The action was severe, with the 1st Dragoons", + "score": 0.72998046875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "17947542", + "title": "Battle of Sacramento (Kentucky)", + "text": "Battle of Sacramento (Kentucky) The Battle of Sacramento was an engagement of the American Civil War that took place in Sacramento, Kentucky on December 28, 1861. Confederate cavalry under Colonel Nathan Bedford Forrest, numbering between 200 and 300, attacked, encircled and defeated a Union force of 500 under Major Eli H. Murray which had been watering south of the town after moving across the bank of the Green River. Though exact casualty information is disputed, with differing accounts from each side, several eyewitnesses attested to the personal courage of Forrest, and the Confederate commander was praised by his superiors for", + "score": 0.72705078125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "13208598", + "title": "California Agricultural Labor Relations Act of 1975", + "text": "in order to push Brown and the California State Legislature to act. The UFW considered more mass picketing, more rallies, and more boycotts, but the union was worried that it had lost the support of farm workers and the public and that such events would point out the weakness of the union rather than its strength. Instead, the UFW settled on a 110-mile (180 km) march by a small group of UFW leaders from San Francisco to the E & J Gallo Winery in Modesto. The organizers envisioned a small but dramatic march that would not require large numbers of", + "score": 0.72705078125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention anyone conducting a 300 mile march to Sacramento, California." + }, + { + "id": "3105817", + "title": "Selma to Montgomery marches", + "text": "sent Joseph A Califano Jr., who at the time served as Special Assistant to the Secretary of Defense, to outline the progress of the march. In a series of letters, Califano reported on the march at regular intervals for the four days. On Sunday, March 21, close to 8,000 people assembled at Brown Chapel A.M.E. Church to commence the trek to Montgomery. Most of the participants were black, but some were white and some were Asian and Latino. Spiritual leaders of multiple races, religions, and creeds marched abreast with Dr. King, including Rev. Fred Shuttlesworth, Greek Orthodox Archbishop Iakovos, Rabbis", + "score": 0.72509765625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "2360469", + "title": "Stephen W. Kearny", + "text": "with a little over 800 men was ordered to capture El Paso, in the state of Chihuahua, Mexico and then join up with General John E. Wool; the third command of about 300 dragoons mounted on mules, he led under his command to California along the Gila River trail. The Mormon Battalion, mostly marching on foot under Lt. Col. Philip St. George Cooke, was directed to follow Kearny with wagons to blaze a new southern wagon route to California. Kearny set out for California on September 25, 1846 with a force of 300 men. En route he encountered Kit Carson,", + "score": 0.72509765625, + "summary": "Stephen W. Kearny conducted a 300 mile march to Sacramento, California.", + "extraction": "Stephen W. Kearny conducted a 300 mile march to California." + }, + { + "id": "7717656", + "title": "Delano grape strike", + "text": "chanted, \"Huelga!\" the Spanish word for strike, in favor of supporting the Delano grape farmers. On March 17, 1966 Cesar Estrada Chavez embarked on a three-hundred mile pilgrimage from Delano, California to the state\u2019s capital of Sacramento. This was an attempt to pressure the growers and the state government to answer the demands of the Mexican American and Filipino American farm workers which represented the Filipino-dominated Agricultural Workers Organizing Committee and the Mexican-dominated National Farm Workers Association, led by Cesar Chavez. The pilgrimage was also intended to bring widespread public attention to the farm worker\u2019s cause. Shortly after this, the", + "score": 0.7236328125, + "summary": "Cesar Estrada Chavez conducted a 300 mile pilgrimage from Delano to Sacramento, California in March 1966 to pressure growers and the state government to answer the demands of Mexican American and Filipino American farm workers.", + "extraction": "Cesar Estrada Chavez conducted a three-hundred mile pilgrimage from Delano, California to the state's capital of Sacramento." + }, + { + "id": "18441096", + "title": "Fry's Army", + "text": "initially attempted to garner the support of the Southern Pacific Railroad for his effort in the form of provision of free railroad passage. The railroad unsurprisingly refused this request and on March 16, 1894, Fry and a reduced force of 600 disciplined supporters set out on foot to make the several thousand mile trek from Los Angeles on the west coast to Washington, DC on the east. The group seized a Southern Pacific train at Ontario, California and proceeded with it some 20 miles eastward to Colton, California, where several thousand pounds of hardtack, bacon, and beans were gathered by", + "score": 0.72216796875, + "summary": "irrelevant", + "extraction": "Irrelevant." + }, + { + "id": "3105760", + "title": "Selma to Montgomery marches", + "text": "Protected by 1,900 members of the Alabama National Guard under federal command, and many FBI agents and Federal Marshals, the marchers averaged 10 miles (16 km) a day along U.S. Route 80, known in Alabama as the \"Jefferson Davis Highway\". The marchers arrived in Montgomery on March 24 and at the Alabama State Capitol on March 25. With thousands having joined the campaign, 25,000 people entered the capital city that day in support of voting rights. The route is memorialized as the \"Selma To Montgomery Voting Rights Trail\", and is designated as a U.S. National Historic Trail. At the turn", + "score": 0.72119140625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "7583908", + "title": "U.S. Route 80 in Alabama", + "text": "Selma and the death of Jimmie Lee Jackson in Marion, Martin Luther King Jr. began working with other activists to create a march from Selma to the state capitol in Montgomery. The march was to follow the route of US 80 between the two cities. Despite King being unable to attend due to illness and preferring to postpone the event, the first attempt at the march started without him on March 7, 1965 with 525 individuals in attendance. The march continued east on US 80 until reaching the south side of the Edmund Pettus Bridge over the Alabama River. The", + "score": 0.71923828125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "18703535", + "title": "Jack Weinberg", + "text": "leaders including Jack Weinberg, Bettina Aptheker, Jerry Rubin, Stephen Smale, Steve Weissman, Frank Bardacke, and Robert Scheer. Also in the truck was the poet Allen Ginsberg chanting the \"Heart Sutra\". However, the City of Oakland had refused to grant the march a permit, and so Oakland police blocked Telegraph Avenue at the Oakland border with a phalanx of some 375 policemen. When the march neared the border, it came to a halt while the leaders considered what to do. Weinberg and Bardacke got out of the truck, crossed the police line, and met with Oakland Police Chief Edward M. Toothman.", + "score": 0.71923828125, + "summary": "Jack Weinberg conducted a 300 mile march to Sacramento California is irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "17947546", + "title": "Battle of Sacramento (Kentucky)", + "text": "of two new companies from Huntsville, Alabama. On the morning of the battle, Forrest and his cavalry corps were approaching Sacramento when they were informed by a sympathizer named Mollie Morehead that the Union force led by Eli H. Murray was watering their horses nearby. Forrest, who had been wintering in camp near Hopkinsville with his family since Christmas, had already taken scouting reports that morning which stated that the enemy force had been nearby moving along the banks of the Green River, and was keen to attack. Despite cold weather and light rain, Forrest led his forces in pursuit.", + "score": 0.7177734375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "20375734", + "title": "Michael Semanchik", + "text": "participated in an event they called The Innocence March. Determined to gain clemency from Governor Jerry Brown for twelve convicted prisoners whom they deemed to be \"100 percent innocent\" (including Guy Miles, Kim Long, William Richards and Michael Hanline, who were, at the time, still incarcerated), as well as to gain public awareness of the plight of wrongfully convicted prisoners, they walked a 700-mile route from the CIP's offices in San Diego to the Capitol at Sacramento to formally present their petition on behalf of the twelve to the governor. Semanchik said at the time, in a television interview, \"I", + "score": 0.71630859375, + "summary": "Michael Semanchik participated in The Innocence March, a 700-mile route from San Diego to Sacramento, to gain clemency for twelve convicted prisoners they deemed innocent, including Guy Miles, Kim Long, William Richards, and Michael Hanline.", + "extraction": "Michael Semanchik did not conduct a 300 mile march to Sacramento, California. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "3105793", + "title": "Selma to Montgomery marches", + "text": "Service (WATS) lines and the services of the Medical Committee on Human Rights, organized by SNCC during the Mississippi Summer Project of 1964. Governor Wallace denounced the march as a threat to public safety; he said that he would take all measures necessary to prevent it from happening. \"There will be no march between Selma and Montgomery,\" Wallace said on March 6, 1965, citing concern over traffic violations. He ordered Alabama Highway Patrol Chief Col. Al Lingo to \"use whatever measures are necessary to prevent a march\". On March 7, 1965, an estimated 525 to 600 civil rights marchers headed", + "score": 0.7158203125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about the Selma to Montgomery marches, not a 300 mile march to Sacramento, California." + }, + { + "id": "3105753", + "title": "Selma to Montgomery marches", + "text": "Selma to Montgomery marches The Selma to Montgomery marches were three protest marches, held in 1965, along the 54-mile (87 km) highway from Selma, Alabama to the state capital of Montgomery. 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. By highlighting racial injustice, they contributed to passage that year of the Voting Rights Act, a landmark federal achievement of the Civil Rights Movement. Southern state", + "score": 0.71533203125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "2153162", + "title": "California Republic", + "text": "from the Oregon Country and his meeting with Fr\u00e9mont on June 7, found \"Portsmouth\" moored at Sausalito. He carried a request for money, materiel and supplies for Fr\u00e9mont's group. The requested resupplies were taken by the ship's launch up the Sacramento River to a location near Fr\u00e9mont's camp. William B. Ide, a future leader of the Revolt, writes of receiving an unsigned written message on June 8, 1846: \"Notice is hereby given, that a large body of armed Spaniards on horseback, amounting to 250 men, have been seen on their way to the Sacramento Valley, destroying crops and burning houses,", + "score": 0.71484375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "20383144", + "title": "Dolores (2017 film)", + "text": "to recruit more and more individuals to work for them. In fact, there were more women involved in the UFW than in any other union in the United States combined. The following year, 1966, the UFW saw its first major success following the March to Sacramento. The march from Delano to Sacramento California was the largest gathering of farmworkers in California history. As a result of the march, the Schenley Contract was negotiated. This contract was the first between farm workers and growers. During Robert F. Kennedy's run for president he became a huge supporter of the UFM and disenfranchised", + "score": 0.71484375, + "summary": "The document mentions a march from Delano to Sacramento, California in 1966, but does not specify who conducted it.", + "extraction": "The UFW conducted a 300 mile March from Delano to Sacramento California." + }, + { + "id": "20405805", + "title": "Alissa Bjerkhoel", + "text": "released. The march reached its destination in fifty-one days, four days earlier than the original 55-day schedule. In December of the same year, the California Innocence Project recreated the final (Sacramento) leg of the original march, from Raley Field to the governor's office at the Capitol. Although Gov. Brown did not grant clemency to any of the twelve, the march resulted in extensive press coverage. The Innocence March was selected by San Diego Magazine as one of the \"27 Reasons to Love SD [San Diego] Now.\" Several of the prisoners named in the petition (including Guy Miles and Kim Long)", + "score": 0.71435546875, + "summary": "irrelevant", + "extraction": "The passage is irrelevant to the question as there is no mention of who conducted a 300 mile march to Sacramento, California." + }, + { + "id": "3177585", + "title": "Salt March", + "text": "British salt monopoly. It gained worldwide attention which gave impetus to the Indian independence movement and started the nationwide Civil Disobedience Movement. Mahatma Gandhi started this march with 78 of his trusted volunteers. Walking ten miles a day for 24 days, the march spanned over 240 miles. The march was the most significant organised challenge to British authority since the Non-cooperation movement of 1920\u201322, and directly followed the Purna Swaraj declaration of sovereignty and self-rule by the Indian National Congress on 26 January 1930. Gandhi led the Dandi March from his base, Sabarmati Ashram, 240 miles (384 km) to the", + "score": 0.7138671875 + }, + { + "id": "13571949", + "title": "Squatters' riot", + "text": "Richard Moran. Along with others who had opposed the sheriff's decision to execute the writ, McClatchy and Moran were jailed aboard a ship that served as the city's prison brig, the \"La Grange\". On August 14, Maloney and Robinson mobilized their military force of approximately forty or fifty and marched through downtown Sacramento, intent on freeing the Madden residence from government confiscation; however, Hardin Bigelow believed that they were marching towards the \"La Grange\" to free McClatchy and Moran, and mobilized a military force. Fearing a full-scale uprising, Bigelow marched with his fellow settlers and confronted Maloney and Robinson at", + "score": 0.7138671875 + }, + { + "id": "2360471", + "title": "Stephen W. Kearny", + "text": "worn-out mounts were replaced by untrained mules purchased from a mule herder's herd being driven to Santa Fe, New Mexico from California. On a trip across the Colorado Desert to San Diego Kearny encountered marine Major Archibald H. Gillespie and about 30 men with news of an ongoing Californio revolt in Los Angeles. On a wet December 6, 1846 day Kearny's forces encountered Andr\u00e9s Pico (Californio Governor Pio Pico's brother) and a force of about 150 Californio Lancers. With most of his men mounted on weary untrained mules, his command executed an uncoordinated attack of Pico's force. They found most", + "score": 0.7119140625 + }, + { + "id": "6625822", + "title": "Battle of the Sacramento River", + "text": "with the caravan of 312 wagons. On 25 February, they reached the Laguna de Encenillas, where they learned of the Mexican defenses prepared for them. Governor Trias had built up a force under the command of General Jose A. Heredia, consisting of 1200 cavalry (Gen. Garcia Conde: Vera Cruz Dragoons, Durango & Chihuahua Lancers), 1500 infantry (Chihuahua Activos), 119 artillerymen (10 field guns & 6 culverins) and 1000 rancheros. They had constructed a redoubt near the Hacienda Sacramento where the El Paso road crosses the river, and at Hacienda el Torreon two miles to the west. At sunrise on February", + "score": 0.71044921875 + }, + { + "id": "3105794", + "title": "Selma to Montgomery marches", + "text": "southeast out of Selma on U.S. Highway 80. The march was led by John Lewis of SNCC and the Reverend Hosea Williams of SCLC, followed by Bob Mants of SNCC and Albert Turner of SCLC. The protest went according to plan until the marchers crossed the Edmund Pettus Bridge, where they encountered a wall of state troopers and county posse waiting for them on the other side. County Sheriff Jim Clark had issued an order for all white males in Dallas County over the age of twenty-one to report to the courthouse that morning to be deputized. Commanding officer John", + "score": 0.70947265625 + }, + { + "id": "17811892", + "title": "California Innocence Project", + "text": "the Innocence March, a 712-mile, two-month-long walk from the California Western School of Law in San Diego to Sacramento, where they presented Governor of California Jerry Brown with clemency petitions for \"The California 12\". In each of these inmates' cases, attorneys had exhausted all legal recourse despite compelling evidence of innocence. Some of these clients had been found innocent by a judge, yet remained incarcerated. The Innocence March ended June 20, 2013, at the steps of the California State Capitol building in Sacramento. Following a rally attended by more than 100 supporters, attorneys from the California Innocence Project met with", + "score": 0.708984375 + }, + { + "id": "10117285", + "title": "Sherman's March (2007 film)", + "text": "of destruction during the Civil War. The opening sequence poses the question that reflects the film's theme: The documentary chronicles General William Tecumseh Sherman's historic \"March to the Sea\" through Georgia, South Carolina and North Carolina during the fall of 1864. It shows Sherman marching 62,000 Union troops over 650 miles in less than 100 days, and losing only 600 men along the way. The march introduces a new concept to the already brutal Civil War: total war, where the distinctions between combatants and civilians is blurred. While hated by white Southerners as a destroyer, Sherman is hailed by black", + "score": 0.70849609375 + }, + { + "id": "3004810", + "title": "George Meany", + "text": "disagreed about the March on Washington for Jobs and Freedom, a major event in the history of the civil rights movement in the United States. Meany opposed AFL-CIO endorsement of the march. In an AFL-CIO executive council meeting on August 12, Reuther's motion for a strong endorsement of the march was supported by only A. Philip Randolph of the Brotherhood of Sleeping Car Porters, the titular leader of the march. The AFL-CIO endorsed a civil rights law and allowed individual unions to endorse the march. When Meany heard Randolph's speech after the march, he was visibly moved. Thereafter, he supported", + "score": 0.70751953125 + }, + { + "id": "18441091", + "title": "Fry's Army", + "text": "Fry's Army Fry's Army was the informal name given to a short-lived radical protest movement organized in Los Angeles, California in 1894 and headed by trade union and socialist political activist Lewis C. Fry. Fry's Army was one of about 40 \"Industrial Armies\" organized in 1894 to organized and transport unemployed workers for a march on Washington, D.C., the best remembered of which was the Ohio-based movement known as Coxey's Army. Beginning with an enrollment of 850 people, the \"army\" made a difficult cross-country journey by foot following the refusal of railroads to transport the protestors. Two trains were stolen", + "score": 0.70654296875 + }, + { + "id": "5565895", + "title": "4th Infantry Regiment (United States)", + "text": "Confederate States of America, the regiment moved from its dispersed posts in the Department of the Pacific to Southern California to suppress any secessionist uprising. Charged with the supervision of Los Angeles, San Bernardino, San Diego, and Santa Barbara Counties, on 14 August 1861, Major William Scott Ketchum made a rapid march on 26 August and encamped near San Bernardino, California, with Companies D and G, later reinforced at the beginning of September by a detachment of ninety First U.S. Dragoons and a howitzer. Except for frequent sniping at his camp, this move stifled a secessionist uprising and prevented secessionist", + "score": 0.7060546875 + }, + { + "id": "6275489", + "title": "California in the American Civil War", + "text": "on August 14, 1861, Major William Scott Ketchum steamed from San Francisco to San Pedro and made a rapid march to encamp near San Bernardino on August 26 and with Companies D and G of the 4th Infantry Regiment later reinforced at the beginning of September by a detachment of ninety First U.S. Dragoons and a howitzer. Except for frequent sniping at his camp, Ketchum's garrison stifled any secessionist uprising from Belleville and a show of force by the Dragoons in the streets of San Bernardino at the end of election day quelled a secessionist political demonstration during the September", + "score": 0.7060546875 + }, + { + "id": "9752672", + "title": "Rabbis' march (1943)", + "text": "Rabbis' march (1943) The Rabbis' March was a demonstration in support of American and allied action to stop the destruction of European Jewry. It took place in Washington, D.C. on October 6, 1943, three days before Yom Kippur. It was organized by Hillel Kook, nephew of the chief rabbi of Mandatory Palestine and head of the Bergson Group, and involved more than 400 rabbis, mostly members of the Union of Orthodox Rabbis of the United States and Canada, from New York and cities throughout the eastern United States. Though the delegation was reluctantly received by Vice President Henry Wallace, President", + "score": 0.7060546875 + }, + { + "id": "6625821", + "title": "Battle of the Sacramento River", + "text": "Battle of the Sacramento River The Battle of the Sacramento River was a battle that took place on February 28, 1847 during the Mexican\u2013American War. About fifteen miles north of Chihuahua, Mexico at the crossing of the river Sacramento, American forces numbering less than 1,000 men defeated a superior Mexican army which led to the occupation of Chihuahua. On February 8, Colonel Alexander Doniphan's force of 924 soldiers and 300 civilians left El Paso del Norte for Chihuahua, despite learning that John E. Wool had abandoned his march there. Major Samuel Owens had the civilians formed into a battalion along", + "score": 0.7060546875 + }, + { + "id": "13154840", + "title": "California Battalion", + "text": "was ambiguous as to his status. The rank of Commodore and Brigadier General were roughly equivalent (both one star titles) so it was not clear who had superior rank. In late 1846 Fr\u00e9mont, acting under orders from Commodore Robert F. Stockton to retake the California cities as he marched overland to Los Angeles, led the California Battalion, now expanded to about 400 men, to capture Santa Barbara, California. Fr\u00e9mont led his unit over the Santa Ynez Mountains at San Marcos Pass, in a rainstorm on the night of 24 December 1846. In spite of losing many of his horses, mules,", + "score": 0.7041015625 + }, + { + "id": "3049341", + "title": "Henry Warner Slocum", + "text": "over a causeway, be cut off. But Sherman rejected Slocum's plan, and Hardee escaped, to fight again at Bentonville. The Carolinas Campaign was launched leaving Savannah in late January 1865. Slocum's troops marched a total of 425 miles (684 km) in 50 days. The march had been far more demanding than the March to the Sea, as the terrain was more difficult and there was much more rain. The Confederate forces opposing Sherman's army were even smaller than during the Savannah campaign. In mid-April, Confederate Gen. Johnston met with Confederate President Jefferson Davis in Greensboro, North Carolina. He confessed: Our", + "score": 0.70263671875 + }, + { + "id": "2524263", + "title": "Southern Christian Leadership Conference", + "text": "seat of Perry County. In response, James Bevel, who was directing SCLC's Selma actions, called for a march from Selma to Montgomery, and on March 7 close to 600 protesters attempted the march to present their grievances to Governor Wallace. Led by Reverend Hosea Williams of SCLC and John Lewis of SNCC, the marchers were attacked by State Troopers, deputy sheriffs, and mounted possemen who used tear-gas, horses, clubs, and bull whips to drive them back to Brown Chapel. News coverage of this brutal assault on nonviolent demonstrators protesting for the right to vote \u2014 which became known as \"Bloody", + "score": 0.70263671875 + }, + { + "id": "13866395", + "title": "3rd California Infantry Regiment", + "text": "9, 1865, Companies C and D were consolidated, leaving only three companies in the battalion. The battalion was finally mustered out July 27, 1866. 3rd California Infantry Regiment The 3rd Regiment California Volunteer Infantry was an infantry regiment in the Union Army during the American Civil War. This regiment was organized at Stockton and at Benicia Barracks, from October 31 to December 31, 1861, to serve three years. The regiment was first commanded by Colonel Patrick Edward Connor. After the formation of the regiment at Stockton, four companies were sent to Humboldt County during the month of November, 1861. During", + "score": 0.70263671875 + }, + { + "id": "10621259", + "title": "Great Peace March for Global Nuclear Disarmament", + "text": "arrived in Washington, D.C. on November 15, 1986, a journey of about 3,700 miles, nine months, and many campsites. The March was conceived by Los Angeles businessman David Mixner, who formed People Reaching Out for Peace (PRO-Peace), a non-profit organization. Due to bankruptcy, PRO-Peace folded while the March was in Barstow, California. A few weeks of round-the-clock meetings followed to assess resources, reorganize, and to form a grassroots, self-governed organization. Once reorganized, the March continued its eastward trek. Participants in the march included bookseller John Windle. The Great March for Climate Action planned for 2014 is inspired in part by", + "score": 0.7021484375 + }, + { + "id": "2415910", + "title": "Jean Baptiste Charbonneau", + "text": "were hired as scouts by General Stephen W. Kearny. Charbonneau's experience with military marches, such as with James William Abert in August 1845, along the Canadian River, and his fluency in Indian languages qualified him for the position. Kearny directed him to join Colonel Philip St. George Cooke on an arduous march from Santa Fe, New Mexico, to San Diego, California, a distance of . Their mission was to build the first wagon road to Southern California and to guide some 20 huge Murphy supply wagons to the west coast for the military during the Mexican\u2013American War. A contingent of", + "score": 0.70166015625 + }, + { + "id": "2260578", + "title": "Drum Barracks", + "text": "California and the home to the California Column, commanded by Colonel James Henry Carleton. Between 2,000 and 7,000 soldiers were stationed at Camp Drum, and Wilmington became a thriving community with a population greater than Los Angeles during the war. In 1862, Texas Volunteers had taken control of large portions of New Mexico Territory (which included present-day Arizona) for the Confederacy, and Colonel Carleton was ordered to retake control of the territory. Approximately 2,350 soldiers from the California Column marched from Camp Drum and fought the Battle of Picacho Pass, the westernmost battle of the Civil War. In 1864, the", + "score": 0.701171875 + }, + { + "id": "13866393", + "title": "3rd California Infantry Regiment", + "text": "3rd California Infantry Regiment The 3rd Regiment California Volunteer Infantry was an infantry regiment in the Union Army during the American Civil War. This regiment was organized at Stockton and at Benicia Barracks, from October 31 to December 31, 1861, to serve three years. The regiment was first commanded by Colonel Patrick Edward Connor. After the formation of the regiment at Stockton, four companies were sent to Humboldt County during the month of November, 1861. During the month of July, 1862, Colonel Connor was sent, with his regiment, to the District of Utah, in which it was on duty for", + "score": 0.701171875 + }, + { + "id": "3049338", + "title": "Henry Warner Slocum", + "text": "launched on November 15 and concluded with the capture and occupation of Savannah on December 21, 1864 (36 days). There were 25 days of actual marching. Slocum's army traversed approximately 300 miles (480 km). Slocum's Army of Georgia moved, on average, 12 to 15 miles per day and passed through 31 counties in Georgia. The Union column traversed 15 major creeks, streams and rivers that required pontoon bridges. During the march, Slocum's troops employed individuals who were newly freed from slavery as pontoon builders and road-building detachments. The average distance of each crossing was 230 feet. Between Sherman's two armies,", + "score": 0.7001953125 + }, + { + "id": "1021936", + "title": "Concow, California", + "text": "back to Round Valley on the Nome Cult Trail on what became a 20-day forced death march now remembered as the KonKow Trail of Tears. Despite efforts by the soldiers and the Pence resolution mandated donations of food and shelter provisions, horses and wagons, each day those who could not make the march through the hot arid early September Sacramento Valley - where afternoon temperatures top 90 \u00b0F (32\u00b0 C) or over the 6,000 foot (1,800 m) crest of the North Coast Ranges - were left behind without food or water and were soon killed by a pack of wild", + "score": 0.7001953125 + }, + { + "id": "3376305", + "title": "J. Neely Johnson", + "text": "erected a barricade along Sacramento Street to repel city officers from removing them. After a week, the Vigilantes marched on the city jail and overpowered its guards to arrest Casey, along with another criminal: Charles Cora, who had fatally shot a U.S. Marshal the previous year. Johnson traveled to San Francisco from Sacramento along with his brother William and the newly commissioned chief of the California Militia, Major General William Tecumseh Sherman to meet the Vigilante Committee ringleaders. Sherman recalled in his 1875 \"Memoirs\" Johnson angrily confronting Coleman and other Vigilante ringleaders in their makeshift headquarters and exclaiming, \"Coleman, what", + "score": 0.7001953125 + }, + { + "id": "969359", + "title": "Selma, Alabama", + "text": "violence and economic retaliation. Jimmie Lee Jackson, who was unarmed, was killed in a cafe in nearby Marion after state police broke up a peaceful protest in the town. Activists planned a larger, more public march, from Selma to the state capital of Montgomery, to publicize their cause. It was initiated and organized by James Bevel, SCLC's Director of Direct Action who was directing SCLC's Selma Movement. This march represented one of the political and emotional peaks of the modern Civil Rights Movement. On March 7, 1965, approximately 600 civil rights marchers departed Selma on U.S. Highway 80, heading east", + "score": 0.69970703125 + }, + { + "id": "11071184", + "title": "Ben Gold", + "text": "hunger march in Wilmington, Delaware. Hunger marches had been occurring throughout the United States since 1931. Catholic social activist Dorothy Day herself encouraged Gold to participate in a march from New York City to Washington, D.C. Gold was one of 315 marchers who left New York City on November 29, 1932, bound for Washington. The marchers reached Wilmington on December 2, their number having increased by several hundred. Their permit to march in the city was withdrawn. That night, the police herded most of the marchers into a warehouse downtown, but Gold, most of the women and most of the", + "score": 0.69921875 + }, + { + "id": "1869884", + "title": "Battle of Monterey", + "text": "neither ship interfered in the American activities. The Bear Flag revolutionaries were soon combined with John C. Fr\u00e9mont's 60 man exploratory force to form the U.S. sponsored California Battalion under the command of Fr\u00e9mont. The California Battalion, which varied from 160 to 400 men, drew regular army wages and were used to garrison and maintain order in the towns that had surrendered. The Americans held northern California but General Jose Maria Castro and Governor Pio Pico planned resistance in the south. Battle of Monterey The Battle of Monterey, at Monterey, California, occurred on 7 July 1846, during the Mexican\u2013American War.", + "score": 0.69873046875 + }, + { + "id": "10065284", + "title": "Second National March on Washington for Lesbian and Gay Rights", + "text": "led by Cesar Chavez, Eleanor Smeal, Jesse Jackson, Whoopi Goldberg and several other celebrities, who were followed by people with AIDS and their supporters, a number of whom were in wheelchairs. Members of ACT UP brought their brand of theatrical and photogenic direct action to the march, and were featured prominently in the media of the event. Speakers at the rally included: The 200,000 person estimate, widely quoted from the New York Times, was made several hours before the march actually began; similarly, most of the pictures the mainstream media used were taken early in the morning, or of the", + "score": 0.69873046875 + }, + { + "id": "6625937", + "title": "Army of the West (1846)", + "text": "combined force now numbering 500, Kearny and Stockton moved north to attack Pico's Californians near Los Angeles. U.S. forces took control of the city on January 10, 1847 after having won the battles of Rio San Gabriel and La Mesa. On January 13, the Californians surrendered to John C. Fremont, ending the major fighting in California. Kearny moved to Monterey and stayed on until May as military governor of California. In late 1846, General Stephen W. Kearny began his march west to California. He left three companies of Dragoons to form, with volunteer troops, a strong garrison in New Mexico.", + "score": 0.69873046875 + }, + { + "id": "404571", + "title": "Sacramento, California", + "text": "World War II, the Sacramento Assembly Center (also known as the Walerga Assembly Center) was established to house Japanese Americans forcibly \"evacuated\" from the West Coast under Executive Order 9066. The camp was one of fifteen temporary detention facilities where over 110,000 Japanese Americans, two-thirds of them U.S. citizens, were held while construction on the more permanent War Relocation Authority camps was completed. The assembly center was built on the site of a former migrant labor camp, and inmates began arriving from Sacramento and San Joaquin Counties on May 6, 1942. It closed after only 52 days, on June 26,", + "score": 0.69775390625 + }, + { + "id": "20497348", + "title": "Carl Browne", + "text": "San Francisco socialist William McDevitt published a posthumous pamphlet by Browne, entitled \"When Coxey Marcht [marched] on Washington.\" Carl Browne Carl Browne (1849\u20131914) was an American cattle rancher, cartoonist, journalist, and politician. A former close political associate of controversial San Francisco politician Denis Kearney, Browne is best remembered as a top leader of the Coxey's Army protest movement of 1894. Carl Browne was born July 4, 1849 in Newton, Iowa. His father was a soldier who had seen action in both the Mexican\u2013American War and the American Civil War, in which he fought as a member of the Union army.", + "score": 0.69775390625 + }, + { + "id": "13208599", + "title": "California Agricultural Labor Relations Act of 1975", + "text": "participants. Just a few hundred marchers left San Francisco on February 22, 1975. But more than 15,000 people joined them en route by the time they reached Modesto on March 1. The spontaneous, spectacular success of the Modesto march garnered significant media attention, and proved that the UFW still had the support of farm workers. The dramatic success of the Modesto march energized the farm labor movement in California. Governor Brown quickly began pushing for labor law reform. Grower resistance never emerged, as many employers were reluctant to continue the fight against the UFW. \"The grape boycott scared the heck", + "score": 0.697265625 + }, + { + "id": "20224369", + "title": "Nichidatsu Fujii's movement", + "text": "Nichidatsu Fujii's movement In 1981, Nichidatsu Fujii dispatched his followers to march and chant around the globe in support of the U.N. 2nd. special session for disarmament. In the U.S. marchers began in New Orleans, L.A. and San Francisco, in Canada marchers began in Montreal and Toronto. The San Francisco March began on Oct. 21, 1981 with a ceremony on Alcatraz. 13 marchers, being Buddhist followers of Nipponzan-My\u014dh\u014dji, Native Americans, U.S. and German citizens, began the S.F. march. marching about 20 mile per day they were hosted each night by community groups in every town and on Native reservations. many", + "score": 0.697265625 + }, + { + "id": "20622718", + "title": "Kisan Long March, Maharashtra", + "text": "Kisan Long March, Maharashtra Kisan Rally or Kisan Long March was a large scale protest march by farmers in the Indian state of Maharashtra, organized by the All India Kisan Sabha, the peasants front of the Communist Party of India (Marxist). Around 40,000 to 50,000 farmers marched a distance of 180km from Nashik to Mumbai to gherao the Maharashtra Vidhan Sabha. The peaceful march came to a conclusion on March 12, 2018, after all the demands put forth by the protesters were met by the Maharashtra government. The farming sector in the state of Maharashtra was badly affected by numerous", + "score": 0.697265625 + }, + { + "id": "749579", + "title": "James Meredith", + "text": "in 1968. In 1966 Meredith organized and led a solo, personal March Against Fear for 220 miles from Memphis, Tennessee, to Jackson, Mississippi, beginning on June 6, 1966. Inviting only black men to join him, he wanted to highlight continuing racial oppression in the Mississippi Delta, as well as to encourage blacks to register and vote following passage of the federal Voting Rights Act of 1965, which authorized federal oversight and enforcement of rights. The governor Paul Johnson promised to allow the march and provide State Highway Police protection. Meredith wanted blacks in Mississippi to overcome fear of violence. Despite", + "score": 0.69677734375 + }, + { + "id": "15953150", + "title": "125th Pennsylvania Infantry Regiment", + "text": "125th Pennsylvania endured the same days of heavy rain which stalled the movement of the Army's \"Center Grand Division\" (III and V Corps) toward Banks' Ford. All participants in the Mud March moved very slowly or became stuck fast, and Burnside's aspirations for success at Fredericksburg expired with his command. On April 27\u201328, the initial three corps of the Army of the Potomac began their march under the leadership of General Henry W. Slocum. They crossed the Rappahannock and Rapidan rivers as planned and began to concentrate on April 30 around the hamlet of Chancellorsville, which was little more than", + "score": 0.69677734375 + }, + { + "id": "13217789", + "title": "Salad Bowl strike", + "text": "Modesto. The march would be dramatic, but not require large numbers of participants. Although just a few hundred marchers left San Francisco on February 22, 1975, more than 15,000 people had joined them by the time they reached Modesto on March 1. The dramatic success of the Modesto march energized the farm labor movement in California, and Governor Brown quickly began pushing for labor law reform. The march may have been the capstone, but it was the Delano grape boycott's success which brought the growers to the table. \"The grape boycott scared the heck out of the farmers, all of", + "score": 0.6962890625 + }, + { + "id": "2699960", + "title": "Army of the Tennessee", + "text": "March, most of the fighting fell to Slocum's forces. Thereafter, Johnston slipped away to the northwest, and Sherman rendezvoused near Goldsboro with forces Grant had ordered east from Tennessee under John Schofield. The Army of the Tennessee had marched roughly in 50 days from Savannah to Goldsboro, and it seemed that nothing could long prevent Sherman from concentrating with Grant in Virginia. Sherman later wrote that this was \"one of the longest and most important marches ever made by an organized army in a civilized country.\" Observing Sherman's swift progress, Joe Johnston concluded \"that there had been no such army", + "score": 0.69580078125 + }, + { + "id": "11025931", + "title": "Ronald Joseph Moore", + "text": "Ronald Joseph Moore Ronald Joseph Moore (10 September 1915 \u2013 15 August 1992) was the leader of 'Moore's March', a forced march through the Western Desert by survivors of a Long Range Desert Group patrol following the Battle of Kufra at Gebel Sherif on 31 January 1941 during which Moore's patrol was ambushed by the Italian Auto-Saharan Company, and posted \"missing, believed killed\". Moore led three other soldiers on a ten-day, trek: Guardsmen J. Easton and A. Winchester and RAOC fitter A. Tighe. Easton was injured and later died, the first Scots Guardsman to die in North Africa. An Italian", + "score": 0.69580078125 + }, + { + "id": "14601656", + "title": "Conquest of California", + "text": "Antonio Carrillo and approved by American Lieutenant-Colonel John C. Fr\u00e9mont and Mexican Governor Andr\u00e9s Pico at Campo de Cahuenga in the Cahuenga Pass of Los Angeles. It was later ratified by Fr\u00e9mont's superiors, Commodore Robert F. Stockton and General Stephen Kearny (brevet rank). In July 1846, Colonel Jonathan D. Stevenson of New York was asked to raise a volunteer regiment of ten companies of 77 men each to go to California with the understanding that they would muster out and stay in California. They were designated the 1st Regiment of New York Volunteers and took part in the Pacific Coast", + "score": 0.69580078125 + }, + { + "id": "18441102", + "title": "Fry's Army", + "text": "After changing the spelling of his first name to Louis, Lewis C. Frye would twice run for Governor of Missouri, appearing on the ballot as the nominee of the Socialist Labor Party of America in the elections of 1896 and 1900. Fry's Army Fry's Army was the informal name given to a short-lived radical protest movement organized in Los Angeles, California in 1894 and headed by trade union and socialist political activist Lewis C. Fry. Fry's Army was one of about 40 \"Industrial Armies\" organized in 1894 to organized and transport unemployed workers for a march on Washington, D.C., the", + "score": 0.69580078125 + }, + { + "id": "3203039", + "title": "Benjamin Grierson", + "text": "major diversionary thrust deep into the Confederacy, ordered by Grant as part of his Vicksburg Campaign. Grierson departed from La Grange, Tennessee, on April 17, in command of 1,700 men of the 6th and 7th Illinois and the 2nd Iowa Cavalry regiments. Over 17 days, his command marched 800 miles, repeatedly engaged the Confederates, disabled two railroads, captured many prisoners and horses, and destroyed vast amounts of property, finally ending in Baton Rouge on May 2. Historian John D. Winters in \"The Civil War in Louisiana\" (1963) reports that Grierson's raid \"struck fear in the hearts of the citizens and", + "score": 0.69580078125 + }, + { + "id": "16849420", + "title": "Joaquim Jose\u0301 Ina\u0301cio, Viscount of Inhau\u0301ma", + "text": "del Sacramento), the second most important town in Cisplatina. By late February 1826, Sacramento was besieged by enemy forces. Joaquim In\u00e1cio was sent ashore and placed in charge of the \"Santa Rita\" battery, composed of sailors and cannons from the Brazilian ships. He took an active part in successfully repelling enemy attacks upon Sacramento on 7 February, 26 February and 14 March. On the night of 10 March 1826 and in the midst of the siege of Sacramento, Joaquim In\u00e1cio boarded a small, unarmed boat accompanied by a single army officer and passed unnoticed through a line of nineteen enemy", + "score": 0.6953125 + }, + { + "id": "20299878", + "title": "Sacramento River massacre", + "text": "Sacramento River massacre The Sacramento River massacre refers to the killing of several hundred Wintu people on the banks of the Sacramento River on 5 April 1846 by an expedition band led by Captain John C. Fr\u00e9mont of Virginia. The expansionist movement of the 1840s motivated many Americans to work to push America's borders out into land claimed by Spain, Mexico, Britain, and Native American tribes. \"Manifest Destiny\", a term coined by journalist John O'Sullivan, captured the idea that the young American nation was destined to rule all of the North American continent. Democratic Senator Thomas Hart Benton of Missouri", + "score": 0.6953125 + }, + { + "id": "18370631", + "title": "Ruby Duncan", + "text": "County Welfare Rights and the Nevada Welfare Rights Organization. She began organizing small demonstrations and finally organized two marches of welfare mothers and their children down the Las Vegas Strip. In the first march, Duncan organized upwards of 6000 people to march together down the Las Vegas Strip with the goal of shutting down revenues to the Casinos for at least an hour to show the government how serious the welfare mothers were and to make the injustice public. The welfare mothers invited celebrities and well known activists like Jane Fonda, Donald Sutherland, Ralph Abernathy, Cesar Chavez, Dr. Benjamin Spock,", + "score": 0.6953125 + }, + { + "id": "15548403", + "title": "Clayborn Temple", + "text": "Leadership Conference (SCLC) helped to plan a strategic march with Dr. King leading the way. On Thursday, March 28, marchers began gathering at Clayborn Temple in anticipation of Dr. King. Nearly 15,000 marchers participated. Students from Memphis schools left the classroom to join the march. He arrived around 11:05 am, and they began the march with King and the sanitation workers, who had been marching this same path for weeks, in the front, while youths ran about throughout the march, pressing to get to the front. After marching only half a mile, the youth's agitation, derived from a rumor that", + "score": 0.6953125 + }, + { + "id": "774103", + "title": "Cesar Chavez", + "text": "San Francisco to the E & J Gallo Winery in Modesto. Just a few hundred marchers left San Francisco on February 22, 1975. By the time they reached Modesto on March 1, however, more than 15,000 people had joined the march en route. The success of the Modesto march garnered significant media attention, and helped convince Brown and others that the UFW still had significant popular support. On June 4, 1975, Governor Brown signed into law the California Agricultural Labor Relations Act (ALRA), which established collective bargaining for farmworkers. The act set up the California Agricultural Labor Relations Board (ALRB)", + "score": 0.69482421875 + }, + { + "id": "19593802", + "title": "Border Angels", + "text": "from the U.S. The journey traveled through roads and trails on both sides of the border. Micaela Saucedo, who participated in numerous annual marches, said: \"We do this to make people aware that we really need immigration reform in both countries and we don't want more deaths on the border.\" 2012\u2014The march began at Cesar Chavez Park in San Diego and was in commemoration of the principles of the legendary farm workers' leader. The activists traveled from Holtville, California, to Yuma, Arizona, Los Angeles, Bakersfield, Stockton, Modesto and Sacramento. 2015 \u2014The group began at Friendship Park and then spent the", + "score": 0.6943359375 + }, + { + "id": "3105789", + "title": "Selma to Montgomery marches", + "text": "King told his staff on February 10 that \"to get the bill passed, we need to make a dramatic appeal through Lowndes and other counties because the people of Selma are tired.\" By the end of the month, 300 blacks were registered in Selma, compared to 9500 whites. On February 18, 1965, C. T. Vivian led a march to the courthouse in Marion, the county seat of neighboring Perry County, to protest the arrest of James Orange. State officials had received orders to target Vivian, and a line of Alabama state troopers waited for the marchers at the Perry County", + "score": 0.6943359375 + }, + { + "id": "8863955", + "title": "National Mobilization Committee to End the War in Vietnam", + "text": "where another rally would be held in a parking lot, followed by civil disobedience on the steps of the Pentagon itself. The action was known as the \"March on the Pentagon.\" Hoping to attract young, educated college students, Mobe coordinator David Dellinger appointed Jerry Rubin, who led the large Vietnam Day Committee at the University of California, Berkeley, to organize the march. The initial D.C. rally, which was galvanized by a concert performance from counterculture folk singer Phil Ochs, drew approximately 70,000 participants at the Lincoln Memorial. Following Ochs' concert, as well as speeches from Dellinger and Dr. Spock, around", + "score": 0.6943359375 + }, + { + "id": "5873859", + "title": "Eugene Carson Blake", + "text": "to be the impetus for the 40-year Consultation on Church Union ecumenical effort to unite ten mainline denominations. In 1963, Martin Luther King, Jr., Eugene Carson Blake, and eight other civil rights leaders called for a March on Washington for Jobs and Freedom on August 28, 1963. Dr. King, Dr.Blake, and the other organizers met with President John F. Kennedy at the White House before the March, and subsequently participated in the demonstration, marching down Constitution Avenue with linked arms. At the Lincoln Memorial after the March, Dr. Blake spoke following A. Philip Randolph and before John Lewis. Martin Luther", + "score": 0.69384765625 + }, + { + "id": "7214678", + "title": "Hillel Kook", + "text": "irregularities Among those trying to stop the Bergson Group's rescue activities were Stephen Wise, Nahum Goldmann and Congressman Blum. A State Department protocol shows Goldmann telling the State Department that Hillel Kook did not represent organized Jewry, and suggested either deporting him or drafting him for the war effort. One of the Committee's more memorable activities was a protest Kook organized known as the \"Rabbis' march\". The protest took place in Washington, D.C. on October 6, 1943, three days before Yom Kippur. While the Bergson Group was largely secular, Kook successfully used his family's rabbinic heritage to convince between 400", + "score": 0.69384765625 + }, + { + "id": "7598857", + "title": "California Column", + "text": "engaged the Confederates in two small skirmishes. The first was a skirmish with Confederates attempting to burn forage gathered at Stanwix Station near the end of March 1862. The second clash came in mid-April when the column marched on Tucson from Casa Blanca, at Picacho Pass. Their subsequent rapid approach to Tucson nearly trapped the Confederate rearguard. It was not until late June that a scout named John W. Jones was able to outrun pursuing Apaches and get a message to Canby: \"The Column from California is really coming.\" On the march to the Rio Grande, 140 men of Company", + "score": 0.69384765625 + }, + { + "id": "2342227", + "title": "Jackson's Valley Campaign", + "text": "Jackson's Valley Campaign Jackson's Valley Campaign, also known as the Shenandoah Valley Campaign of 1862, was Confederate Maj. Gen. Thomas J. \"Stonewall\" Jackson's spring 1862 campaign through the Shenandoah Valley in Virginia during the American Civil War. Employing audacity and rapid, unpredictable movements on interior lines, Jackson's 17,000 men marched 646 miles (1,040 km) in 48 days and won several minor battles as they successfully engaged three Union armies (52,000 men), preventing them from reinforcing the Union offensive against Richmond. Jackson suffered a tactical defeat (his sole defeat of the war) at the First Battle of Kernstown (March 23, 1862)", + "score": 0.69384765625 + }, + { + "id": "18602981", + "title": "Harvey Sweetland Lewis", + "text": "experience. Lewis explained to a reporter from the Times of India he was grateful for the reminder about the significance of nonviolence. In 2009, Lewis retraced Dr. Martin Luther King Jr.'s historic Selma to Montgomery march which was attempted on three different occasions in March 1965. King and his followers were finally able to commence the nonviolent march on March 21, accompanied by nearly 4,000 U.S. Army and Alabama National Guard soldiers under federal orders from President Johnson. They covered the 54-mile route over a span of five days. While the first march started with 600 people, nearly 25,000 followers", + "score": 0.693359375 + }, + { + "id": "10700114", + "title": "Sudan Freedom Walk", + "text": "Sudan Freedom Walk On April 5, 2006 Sudan activist and former slave Simon Deng and a band of supporters completed an arduous 300-mile trek on foot from New York City to Washington, D.C. as part of the historic Sudan Freedom Walk. The three-week-long event was Simon's personal protest against the ongoing genocide and slave trade in Sudan \u2014 most notably, in the nation's western Darfur region, where more than 300,000 civilians have been slaughtered and over 2 million displaced since 2003 alone. The Sudan Freedom Walk came to a close after three weeks with a rally before the steps of", + "score": 0.693359375 + }, + { + "id": "6656411", + "title": "Texas Farm Workers Union", + "text": "California counterpart the United Farm Workers, the TFWU pressed the state of Texas to establish a Texas Agricultural Board. This effort failed in Texas where no Agricultural Board was established. In late February 1977 union members began a 420-mile (670 km) march from San Juan, Texas to the capital at Austin just 11 years after the first Texas farm worker march on Austin. This second march ended on April 2 at the state capitol building. That same year, Orendain led forty union members on a well publicized 1,600-mile (2,560 km) march from Austin to Washington, DC. The journey started in", + "score": 0.693359375 + }, + { + "id": "8080622", + "title": "National Welfare Rights Organization", + "text": "planning a series of demonstrations that were to be coordinated with a welfare recipients\u2019 march from Cleveland to Columbus, Ohio that had already been planned. This march had been thought up by representatives of the United Farm Workers Organizing Committee led by C\u00e9sar Ch\u00e1vez. The PRAC\u2019s efforts led to poverty rights demonstrations with thousands of participants in sixteen major cities on June 30, 1966, with extensive newspaper coverage in New York City, Washington, Chicago, Los Angeles, Baltimore, and Boston. Although there was no formal tie between the participating groups, the NWRO refers to the June 30 demonstrations as \"the birth", + "score": 0.693359375 + }, + { + "id": "8037717", + "title": "History of New Mexico", + "text": "with General Wool; the third, of about 300 dragoons mounted on mules, Kearny led under his command to California. The Mormon Battalion, mostly marching on foot under Lt. Col. Philip St. George Cooke, was directed to follow Kearny with wagons to establish a new southern route to California. When Kearny encountered Kit Carson, traveling East and bearing messages that California had already been subdued, he sent nearly 200 of his dragoons back to New Mexico. In California about 400 men of the California Battalion under John C. Fremont and another 400 men under Commodore Robert Stockton of the U.S. Navy", + "score": 0.69287109375 + }, + { + "id": "1872771", + "title": "March on Washington for Jobs and Freedom", + "text": "period of time, and earlier efforts to organize such a demonstration included the March on Washington Movement of the 1940s. A. Philip Randolph\u2014the president of the Brotherhood of Sleeping Car Porters, president of the Negro American Labor Council, and vice president of the AFL-CIO\u2014was a key instigator in 1941. With Bayard Rustin, Randolph called for 100,000 black workers to march on Washington, in protest of discriminatory hiring by U.S. military contractors and demanding an Executive Order. Faced with a mass march scheduled for July 1, 1941, President Franklin D. Roosevelt issued Executive Order 8802 on June 25. The order established", + "score": 0.69287109375 + }, + { + "id": "16037671", + "title": "Occupy movement in the United States", + "text": "began a march to the California State Capitol at 10:00 AM without a proper permit to demonstrate at that location. Some arrests were made later that night. As of November 9, 2011, 84 people who may be considered part of the occupation have been arrested. Some arrests occurred after people remained in C\u00e9sar Ch\u00e1vez Park after park hours and after being ordered by police to leave the park. Protesters had asked Sacramento's city council for permission to remain in the park after hours, but were denied this access. American anti-war activist Cindy Sheehan has participated in Occupy Sacramento, and was", + "score": 0.69287109375 + }, + { + "id": "14601659", + "title": "Conquest of California", + "text": "in California on February 18, 1847 at about the same time that the ship \"Sweden\" arrived with another detachment of soldiers. These soldiers were added to the existing companies of Stevenson's 1st New York Volunteer Regiment. These troops essentially took over nearly all of the Pacific Squadron's onshore military and garrison duties and the California Battalion's garrison duties. In January 1847, Lieutenant William Tecumseh Sherman and about 100 regular U.S. Army soldiers arrived in Monterey. American forces in the pipeline continued to dribble into California. The Mormon Battalion served from July 1846 to July 1847 during the Mexican\u2013American War. The", + "score": 0.6923828125 + }, + { + "id": "3105809", + "title": "Selma to Montgomery marches", + "text": "police. At a mass meeting on the night of the 16th, Forman \"whipped the crowd into a frenzy\" demanding that the President act to protect demonstrators, and warned, \"If we can't sit at the table of democracy, we'll knock the fucking legs off.\" \"The New York Times\" featured the Montgomery confrontations on the front page the next day. Although Dr. King was concerned by Forman's violent rhetoric, he joined him in leading a march of 2000 people in Montgomery to the Montgomery County courthouse. According to historian Gary May, \"City officials, also worried by the violent turn of events ...", + "score": 0.6923828125 + }, + { + "id": "13154833", + "title": "California Battalion", + "text": "(roughly half were soldiers the rest Indians and mountain men) and initially from the Bear Flag Republic members from Sutter's Fort who had started the rebellion in California. There were volunteers from several nationalities including several Californios and a company of Indians from Sutter's Fort who were more than happy to get rid of the dysfunctional Mexican and Californios government. The first job given to the California Battalion and was to assist in the capture of San Diego and Pueblo de Los Angeles. On 26 July 1846 Lt. Col. J. C. Fr\u00e9mont's California Battalion of about 160 boarded the sloop", + "score": 0.6923828125 + }, + { + "id": "19375761", + "title": "Darlene Ka-Mook Nichols", + "text": "Native Americans from 80 different Tribal nations in the city of Davis, California and marched 5,800 kilometers (3,600 miles) from Alcatraz to Washington, D.C. in a span of 5 months. The Longest Walk came to an end on 15 July 1978 when approximately 2,000 people entered the United States nation's capital, traveled to Meridian Hill Park and stopped at the Washington Monument. The Longest Walk was a resounding success, as the demonstration brought international attention and outrage against the federal paternalism the nation's Native Americans were facing, and resulted in the bills being defeated. Nichols originally served as a staunch", + "score": 0.6923828125 + }, + { + "id": "20029303", + "title": "Bob Mants", + "text": "Bob Mants Robert C. \"Bob\" Mants, Jr. (April 25, 1943 \u2013 December 7, 2011) was an American civil rights activist, serving as a field secretary for the Student Nonviolent Coordinating Committee (SNCC). He helped lead the voting rights march from Selma to Montgomery; he was standing in the second rank (with Albert Turner, behind Hosea Williams and John Lewis) on Bloody Sunday. After Selma, Mants moved to Lowndes County, working for civil rights for the remainder of his life. Lowndes County contained the majority of the distance covered by the Selma to Montgomery march, and was then notorious for its", + "score": 0.6923828125 + }, + { + "id": "4176169", + "title": "Battle of San Pasqual", + "text": "march; the longest march in U.S. Army history; the force was travel weary and mounted mules and half-broken horses which were rounded up around Warner Ranch that were owned by California Capt. Jose Maria Flores. General Kearny's Army, most originating from Fort Scott:Edwin Legrand Sabin \"Kit Carson Days, 1809\u20131868: Adventures in the Path of Empire,\" Volume 2, pages 524 \u2013 531, Nebraska Press, 1995. https://books.google.com Both Emory and Johnston kept journals during their journey from Santa Fe. After turning back the Americans trying to recapture Los Angeles in the Battle of Dominguez Rancho, Capt. Jose Maria Flores sent about", + "score": 0.69189453125 + }, + { + "id": "13154836", + "title": "California Battalion", + "text": "unfortunately, had no water. Gillespie was caught in a trap, badly outnumbered by the besiegers. John Brown, an American, called by the Californios Juan Flaco, meaning \"Lean John\", succeeded in breaking through the Californio lines and riding to San Francisco Bay (a distance of almost 400 miles) in an amazing 52 hours where he delivered to Stockton a dispatch from Gillespie notifying him of the situation. Gillespie, on 30 September, finally accepted the terms of capitulation and departed for San Pedro with his forces, weapons and flags plus two cannon (the others were spiked and left behind), accompanied by the", + "score": 0.69189453125 + }, + { + "id": "20524903", + "title": "La Raza (newspaper)", + "text": "the National Chicano Moratorium March in Los Angeles on August 29, 1970. The march, which stands as the largest demonstration ever conducted by people of Mexican descent in the U.S., was carried out by 20,000-30,000 individuals in protest of Mexican-American casualties in the Vietnam War. The march is most infamous, though, as the scene of the death of Ruben Salazar. Salazar, a journalist for the \"Los Angeles Times\" and the director of KMEX News, was the most prominent Chicano voice in LA media. He was killed after being struck by a tear gas projectile fired by LA County deputy sheriff", + "score": 0.69140625 + }, + { + "id": "16008734", + "title": "Occupy Sacramento", + "text": "Occupy Sacramento Occupy Sacramento was a collaboration occurring in Sacramento, California. Occupy Sacramento included peaceful protests and demonstrations. On October 6, 2011 a group of 200 protesters began demonstrating at C\u00e9sar E. Ch\u00e1vez Plaza, located directly in front of Sacramento City Hall, as part of the \"Occupy\" protests. Those in attendance began a march to the California State Capitol at 10:00 AM without a proper permit to demonstrate at that location. Some arrests were made later that night. As of October 2012, Occupy Sacramento had continued to engage in organized meetings, events and protests. From October to December 2011, at", + "score": 0.6904296875 + }, + { + "id": "10171616", + "title": "95th Illinois Infantry Regiment", + "text": "23 and then were transferred to Memphis. With the main Union effort in the Western Theater being concentrated against Atlanta, Union high command was worried that the Confederates under General Nathan B. Forrest would leave Mississippi and Tennessee and threaten the supply lines in Georgia. Therefore, General Sherman ordered Samuel Sturgis to lead a force of about 8,000 infantry and cavalry out of Memphis to find and distract Forrest's Cavalry Corps somewhere in northern Mississippi. The expedition, including the 95th Illinois, started from Memphis on June 1, 1864, and snaked its way into northeastern Mississippi. On June 13 General Benjamin", + "score": 0.6904296875 + }, + { + "id": "3105830", + "title": "Selma to Montgomery marches", + "text": "J.L. Chestnut, reflecting the view of many Selma activists, feared that the president had \"outfoxed\" and \"co-opted\" King and the SCLC. James Forman quipped that by quoting \"We Shall Overcome\", Johnson had simply \"spoiled a good song\". Such grassroots activists were more determined than ever to remain independent in their political organizing. Before the march to Montgomery concluded, SNCC staffers Stokely Carmichael and Cleveland Sellers committed themselves to registering voters in Lowndes County for the next year. Their efforts resulted in the creation of the Lowndes County Freedom Organization, a proto-typical black power organization. The bill was signed by President", + "score": 0.6904296875 + }, + { + "id": "2297094", + "title": "Sherman's March to the Sea", + "text": "Sherman's March to the Sea Sherman's March to the Sea (also known as the Savannah Campaign) was a military campaign of the American Civil War conducted through Georgia from November 15 until December 21, 1864, by Maj. Gen. William Tecumseh Sherman of the Union Army. The campaign began with Sherman's troops leaving the captured city of Atlanta on November 15 and ended with the capture of the port of Savannah on December 21. His forces followed a \"scorched earth\" policy, destroying military targets as well as industry, infrastructure, and civilian property and disrupting the Confederacy's economy and its transportation networks.", + "score": 0.68994140625 + }, + { + "id": "3105807", + "title": "Selma to Montgomery marches", + "text": "students, led by Gwen Patton and Sammy Younge Jr., decided to open a \"Second Front\" by marching to the Alabama State Capitol and delivering a petition to Governor Wallace. They were quickly joined by James Forman and much of the SNCC staff from Selma. The SNCC members distrusted King more than ever after the \"turnaround\", and were eager to take a separate course. On March 11, SNCC began a series of demonstrations in Montgomery, and put out a national call for others to join them. James Bevel, SCLC's Selma leader, followed them and discouraged their activities, bringing him and SCLC", + "score": 0.68994140625 + }, + { + "id": "3105810", + "title": "Selma to Montgomery marches", + "text": "apologized for the assault on SNCC protesters and invited King and Forman to discuss how to handle future protests in the city.\" In the negotiations, Montgomery officials agreed to stop using the county posse against protesters, and to issue march permits to blacks for the first time. Governor Wallace did not negotiate, however. He continued to have state police arrest any demonstrators who ventured onto Alabama State property of the capitol complex. On March 11, seven Selma solidarity activists sat-in at the East Wing of the White House until arrested. Dozens of other protesters also tried to occupy the White", + "score": 0.689453125 + }, + { + "id": "3914442", + "title": "March Against Fear", + "text": "fashion, as they already had commitments in other cities. During the latter days of the march, Stokely Carmichael, the new chairman of SNCC, introduced the idea of Black Power to a broad audience. Rev. Martin Luther King, Jr. participated and continued to attract admiring crowds; his leadership and reputation brought numerous people out to see him, inspiring some to join the march. As the march headed south, the number of participants grew from. Finally, an estimated 15,000 mostly black marchers entered the capital of Jackson on June 26, making it the largest civil rights march in the history of the", + "score": 0.689453125 + }, + { + "id": "12170396", + "title": "Morgan's Grove", + "text": "in July 1775 at the request of the Continental Congress. By this time, William Morgan was a colonel in the Continental Army, and, under Morgan's command, the troops began the Bee-Line March on July 17, 1775, marching from Morgan's Grove to Boston in 24 days, covering . The troops joined George Washington's forces on August 11, 1775, and were the first units from the South to join the fight. During the Civil War a number of Confederate and Federal units camped in the area, including General John B. Gordon and General George Armstrong Custer in the Valley Campaigns of 1864.", + "score": 0.689453125 + }, + { + "id": "20375736", + "title": "Michael Semanchik", + "text": "covered about 20 miles by the end of each day, often in inclement weather and sometimes walking along railroad tracks and even through forests. Guy Miles' 80-year-old uncle marched twelve miles of the route with the group despite a leg injury. Semanchik said, \"To see the kind of support that his family still has for him, that makes you want to walk 10,000 miles \u2013 whatever it takes.\" The team of attorneys met Miles himself at San Quentin prison during their journey. Adam Riojas, a CIP client freed after 14 years in prison, accompanied the marchers from San Diego to", + "score": 0.689453125 + }, + { + "id": "2454715", + "title": "John Lewis (civil rights leader)", + "text": "March. Discussing the occasion, historian Howard Zinn wrote: \"At the great Washington March of 1963, the chairman of the Student Nonviolent Coordinating Committee (SNCC), John Lewis, speaking to the same enormous crowd that heard Martin Luther King's \"I Have a Dream\" speech, was prepared to ask the right question: 'Which side is the federal government on?' That sentence was eliminated from his speech by organizers of the March to avoid offending the Kennedy Administration. But Lewis and his fellow SNCC workers had experienced, again and again, the strange passivity of the national government in the face of Southern violence.\" At", + "score": 0.68896484375 + }, + { + "id": "18703534", + "title": "Jack Weinberg", + "text": "in leadership of the Vietnam Day Committee (VDC), a coalition that organized rallies and marches opposing the Vietnam War. On Friday night, October 15, 1965, the VDC held an anti-war march that began at the UC Berkeley campus and was intended to end at the Oakland Army Terminal. The march left the UC campus at 7:52 p.m. after an all-day rally there. Marchers carried anti-U.S. foreign policy signs and chanted anti-war slogans. There were 10,000-14,000 people in the march. At the head of the march was a banner carried by a line of marchers, then a sound truck containing VDC", + "score": 0.68896484375 + } + ], + "answer": "The Delano grape strike was a labor strike organized by the Agricultural Workers Organizing Committee (AWOC), a predominantly Filipino and AFL-CIO-sponsored labor organization, against table grape growers in Delano, California to fight against the exploitation of farm workers. As the strike began to flag in winter, Cesar Chavez decided on a march of 300 miles to the state capitol at Sacramento. This would pass through dozens of farmworker communities and attract attention for their cause." + }, + { + "qa_pairs": [ + { + "context": "Anakin has also been voiced by Mat Lucas for the 2003 micro-series \"\", and by Matt Lanter in the CGI animated film \"\", the and for Anakin's small roles in the animated series \"Rebels\" and \"Forces of Destiny\". James Earl Jones reprised the voice role for Vader's appearances in \"Rebels\". Both Lanter and Jones contributed their voices for the second-season finale of \"Rebels\", at times with identical dialogue spoken by both actors blended together in different ways.", + "question": "Who voices Darth Vader in Star Wars Episodes III-VI, IX Rogue One, and Rebels?", + "short_answers": [ + "James Earl Jones" + ], + "wikipage": "Darth Vader" + }, + { + "context": "Darth Vader features in the 1981 radio drama adaptation of \"Star Wars\", voiced by the actor Brock Peters. Vader makes his first appearance on the planet Ralltiir, where he treats Princess Leia with suspicion. In later extended scenes, he is heard interrogating and torturing Leia on board his Star Destroyer and aboard the Death Star.", + "question": "Who voices Darth Vader in the Star Wars radio drama?", + "short_answers": [ + "Brock Peters" + ], + "wikipage": "Darth Vader" + }, + { + "context": "No context provided", + "question": "Who voices Darth Vader's vocal effects in Star Wars?", + "short_answers": [ + "Ben Burtt" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Darth Vader", + "url": "https://en.wikipedia.org/wiki/Darth%20Vader" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Darth Vader is a fictional character in the Star Wars franchise. ", + "wikipage": "Darth Vader" + }, + { + "content": "Burtt is notable for popularizing the Wilhelm scream in-joke and creating many of the iconic sound effects heard in the Star Wars film franchise, including the 'voice' of R2-D2, the lightsaber hum, the sound of the blaster guns, the heavy-breathing sound of Darth Vader and creating the Ewoks\u2019 language, ewokese. ", + "wikipage": "Ben Burtt" + }, + { + "content": "Benjamin Burtt Jr. (born July 12, 1948) is an American sound designer, film editor, director, screenwriter, and voice actor.", + "wikipage": "Ben Burtt" + }, + { + "content": "Both Spencer Wilding and Daniel Naprous portrayed Vader in Rogue One (2016), with Jones reprising his role as the character's voice.", + "wikipage": "Darth Vader" + }, + { + "content": "Spencer Lee Wilding[1] (born 26 July 1972) is a Welsh actor and special creature performer in the UK.", + "wikipage": "Spencer Wilding" + }, + { + "content": "He became well known as the voice of Darth Vader in the original Star Wars film trilogy, released between 1977 and 1983. ", + "wikipage": "James Earl Jones" + }, + { + "content": "James Earl Jones makes an uncredited cameo appearance, reprising his role from previous films as the voice of Darth Vader.", + "wikipage": "Star Wars: Episode III \u2013 Revenge of the Sith" + } + ], + "long_answer": "The Star Wars franchise' fictional character Darth Vader is voiced by different voice actors. One of the iconic sound effects heard in the Star Wars film franchise, the heavy-breathing sound of Darth Vader was created by American sound designer and voice actor Ben Burtt. In the 1981 Star Wars radio drama, Darth Vader is featured and voiced by the actor Brock Peters. Although Spencer Wilding and Daniel Naprous portrayed Vader in 2016 Star Wars Rogue One film, voice actor James Earl Jones reprised the voice role for Vader's appearances in the Star Wars Episodes III-VI and Star Wars Rebels film." + }, + { + "knowledge": [ + { + "content": "James Earl Jones (born January 17, 1931) is an American actor whose career spans more than seven decades.", + "wikipage": "James Earl Jones" + }, + { + "content": "Brock Peters (born George Fisher; July 2, 1927 \u2013 August 23, 2005) was an American actor and singer, best known for playing the role of Tom Robinson in the 1962 film To Kill a Mockingbird and for his role as the villainous \"Crown\" in the 1959 film version of Porgy and Bess.", + "wikipage": "Brock Peters" + }, + { + "content": "Benjamin Burtt Jr. (born July 12, 1948) is an American sound designer, film editor, director, screenwriter, and voice actor.", + "wikipage": "Ben Burtt" + } + ], + "long_answer": "Several actors have done the voice of Darth Vader in Star Wars. American actor James Earl Jones voiced Vader in Star Wars Episodes III-VI, IX, Rogue One, and Rebels. American actor and singer Brock Peters voiced Vader in the 1981 radio drama adaptation of Star Wars. Voice actor Ben Burtt voiced Darth Vader's vocal effects in Star Wars." + } + ], + "sample_id": "2240932998074597895", + "question": "Who does the voice of darth vader in star wars?", + "docs": [ + { + "id": "650651", + "title": "Darth Vader", + "text": "been voiced by Mat Lucas for the 2003 micro-series \"\", and by Matt Lanter in the CGI animated film \"\", the and for Anakin's cameos in \"Star Wars Rebels\". For Vader's appearances in the \"Star Wars Rebels\" animated series, James Earl Jones has reprised the voice role. Both Lanter and Jones contributed their voices for the second-season finale of \"Rebels\", at times with identical dialogue spoken by both actors blended together in different ways. Darth Vader appears in seven of the live-action \"Star Wars\" films, \"\" animated film and . He also has a recurring role in \"Star Wars\" Expanded", + "score": 0.77783203125, + "summary": "James Earl Jones voices Darth Vader in the \"Star Wars Rebels\" animated series.", + "extraction": "James Earl Jones has reprised the voice role." + }, + { + "id": "3767067", + "title": "David Prowse", + "text": "David Prowse David Charles Prowse, MBE (born 1 July 1935) is a retired English bodybuilder, weightlifter and character actor in British film and television. Worldwide, he is best known for physically portraying Darth Vader in the original \"Star Wars\" trilogy (with the character's voice being performed by James Earl Jones), and in 2015 starred in a documentary concerning that role, entitled \"I Am Your Father\". Prior to his role as Vader, Prowse had established himself as a prominent figure in British culture as the first Green Cross Code man, a character used in British road safety advertising aimed at children.", + "score": 0.77197265625, + "summary": "James Earl Jones does the voice of Darth Vader in Star Wars.", + "extraction": "The voice of Darth Vader in Star Wars was performed by James Earl Jones." + }, + { + "id": "12260150", + "title": "James Earl Jones", + "text": "USAF Command General, in \"By Dawn's Early Light\" (1990 HBO film), the feared neighbor Mr. Mertle in \"The Sandlot\" (1993), Reverend Stephen Kumalo in \"Cry, the Beloved Country\" (1995), Raymond Lee Murdock in \"A Family Thing\" (1996), and Vice Admiral James Greer in \"The Hunt for Red October\" (1990), \"Patriot Games\" (1992) and \"Clear and Present Danger\" (1994), among many other roles. Jones is also known as the voice of Darth Vader in the 1977 film \"Star Wars: A New Hope\" and its sequels \"The Empire Strikes Back\" (1980) and \"Return of the Jedi\" (1983). Darth Vader was portrayed in", + "score": 0.763671875, + "summary": "James Earl Jones is the voice of Darth Vader in the Star Wars movies.", + "extraction": "James Earl Jones is known as the voice of Darth Vader in the 1977 film \"Star Wars: A New Hope\" and its sequels \"The Empire Strikes Back\" (1980) and \"Return of the Jedi\" (1983)." + }, + { + "id": "650684", + "title": "Darth Vader", + "text": "Wars Holiday Special\", a television special broadcast by CBS in 1978, features a brief appearance by Darth Vader, who appears on-screen speaking with Imperial officer \"Chief Bast\" in footage cut from the original 1977 film. The sequence is dubbed with new dialogue, performed by James Earl Jones. In the story, Vader colludes with Boba Fett to entrap the Rebels. Darth Vader features in the 1981 radio drama adaptation of \"Star Wars\", voiced by the actor Brock Peters. Vader makes his first appearance on the planet Ralltiir, where he treats Princess Leia Organa with suspicion. In later extended scenes, he is", + "score": 0.763671875, + "summary": "James Earl Jones does the voice of Darth Vader in the 1978 Star Wars Holiday Special.", + "extraction": "James Earl Jones performs the voice of Darth Vader in the \"Star Wars Holiday Special\"." + }, + { + "id": "4678540", + "title": "Hasbro Darth Vader Voice Changer", + "text": "Hasbro Darth Vader Voice Changer The Darth Vader Voice Changer is a toy released by Hasbro in 2004 as part of the tail end of its Original Trilogy Collection line of toys focusing on characters from \"Star Wars\", \"The Empire Strikes Back\", and \"Return of the Jedi\". The voice changer allows the wearer to talk in a voice somewhat like James Earl Jones as Darth Vader, the Dark Lord of the Sith, and also included numerous built-in phrases and Vader's breathing sound from the movies. Variations of the helmet also exist. In 2008, a similar Clone Trooper Voice Changer was", + "score": 0.76318359375, + "summary": "The document discusses a Hasbro Darth Vader voice changer toy released in 2004 as part of the Star Wars Original Trilogy Collection line. It allows the wearer to talk in a voice similar to James Earl Jones as Darth Vader. However, it does not mention who does the voice of Darth Vader in the Star Wars movies.", + "extraction": "James Earl Jones does the voice of Darth Vader in Star Wars." + }, + { + "id": "12260151", + "title": "James Earl Jones", + "text": "costume by David Prowse in the film trilogy, with Jones dubbing Vader's dialogue in postproduction because Prowse's strong West Country accent was deemed unsuitable for the role by George Lucas. At his own request, Jones was uncredited for the original releases of the first two \"Star Wars\" films, though he later would be credited for the first film in its 1997 \"Special Edition\" re-release. As he explained in a 2008 interview: Although uncredited, Jones' voice is possibly heard as Vader at the conclusion of \"\" (2005). When specifically asked whether he had supplied the voice, possibly from a previous recording,", + "score": 0.75927734375, + "summary": "James Earl Jones does the voice of Darth Vader in the Star Wars films.", + "extraction": "James Earl Jones dubbed Darth Vader's dialogue in postproduction because David Prowse's accent was unsuitable, so James Earl Jones does the voice of Darth Vader in Star Wars." + }, + { + "id": "650644", + "title": "Darth Vader", + "text": "Orson Welles to voice Vader (after dismissing using Prowse's own voice due to his English West Country accent, leading to the rest of the cast nicknaming him \"Darth Farmer\"). After deciding that Welles's voice would be too recognizable, he cast the lesser-known James Earl Jones instead. Jones initially felt his contributions to the films were too small to warrant recognition and his role was uncredited at his request until the release of \"Return of the Jedi\" (1983). When Jones was specifically asked if he had supplied Vader's voice for \"Revenge of the Sith\"\u2014either newly or from a previous recording\u2014Jones answered,", + "score": 0.7587890625, + "summary": "James Earl Jones does the voice of Darth Vader in Star Wars.", + "extraction": "James Earl Jones supplied the voice of Darth Vader in Star Wars." + }, + { + "id": "19844849", + "title": "I Am Your Father", + "text": "I Am Your Father I Am Your Father is a 2015 Spanish documentary film written and directed by Toni Bestard \"()\" and Marcos Cabot\u00e1 \"()\". The film deals with actor David Prowse many years after he played the role of Darth Vader in the original \"Star Wars\" trilogy. David Prowse is a bodybuilder and actor who famously portrayed the role of Darth Vader in \"Star Wars\", \"The Empire Strikes Back\", and \"Return of the Jedi\". Unlike most of the other \"Star Wars\" stars, however, he is relatively obscure, since James Earl Jones dubbed Vader's voice and Sebastian Shaw portrayed an", + "score": 0.75537109375, + "summary": "James Earl Jones does the voice of Darth Vader in the original \"Star Wars\" trilogy, but the documentary film \"I Am Your Father\" focuses on actor David Prowse who played the physical role of Darth Vader.", + "extraction": "James Earl Jones dubbed Vader's voice." + }, + { + "id": "11023431", + "title": "Matt Sloan (voice actor)", + "text": "called \"Welcome to the Basement\" with his friend Craig Johnson. Furthermore, he leads regularly with his friend Aaron Yonda in the web series \"Beer and Board Games\". As a voice actor, Sloan played Darth Vader in \"Soulcalibur IV\". Sloan went on to reprise his role as the voice of Darth Vader in the LucasArts video games \"\", and \"\". He also appeared as the voice of Darth Vader during an episode of \"Deal or No Deal\". Sloan also played Vader for the comedy short promoting TomTom devices. He returned as Vader for \"\". In 2012, Sloan voiced Darth Vader in", + "score": 0.74169921875, + "summary": "Matt Sloan voiced Darth Vader in various LucasArts video games, including \"Soulcalibur IV\". He also appeared as the voice of Darth Vader in an episode of \"Deal or No Deal\" and a comedy short promoting TomTom devices.", + "extraction": "Matt Sloan played Darth Vader in \"Soulcalibur IV\" and has reprised his role as the voice of Darth Vader in various LucasArts video games, an episode of \"Deal or No Deal\", a comedy short promoting TomTom devices, and \"\". Therefore, the answer to the question \"Who does the voice of Darth Vader in Star Wars?\" is Matt Sloan." + }, + { + "id": "12260152", + "title": "James Earl Jones", + "text": "Jones told \"Newsday\": \"You'd have to ask Lucas about that. I don't know.\" Jones reprised his voice role of Vader for the character's appearances in the animated TV series \"Star Wars Rebels\", and the live-action film \"Rogue One: A Star Wars Story\" (2016). His other voice roles include Mufasa in the 1994 Disney film \"The Lion King\" and its direct-to-video sequel, \"\". Archive recordings from the film would later be used for the English version of the 2006 video game \"Kingdom Hearts II\" since Jones himself did not reprise the role. He more recently voiced Mufasa in the 2015 TV", + "score": 0.74169921875, + "summary": "James Earl Jones has voiced Darth Vader in various Star Wars productions, including the animated TV series \"Star Wars Rebels\" and the live-action film \"Rogue One: A Star Wars Story\" (2016). However, he is unsure who currently voices the character.", + "extraction": "James Earl Jones reprised his voice role of Vader for the character's appearances in the animated TV series \"Star Wars Rebels\", and the live-action film \"Rogue One: A Star Wars Story\" (2016)." + }, + { + "id": "1953557", + "title": "Brock Peters", + "text": "this role that he can be heard at the end of Miles Davis' soundtrack album, \"Jack Johnson\", saying: \"I'm Jack Johnson. Heavyweight champion of the world. I'm black. They never let me forget it. I'm black all right! I'll never let them forget it!\" Between 1981 and 1996, Peters provided the voice of Darth Vader for the radio adaptation of the original \"Star Wars\" trilogy for National Public Radio. He also played the role of a Colonial prosecutor trying to make a murder case against Starbuck in an episode of the original \"Battlestar Galactica\". He appeared in the films \"\"", + "score": 0.7392578125, + "summary": "Brock Peters provided the voice of Darth Vader for the radio adaptation of the original \"Star Wars\" trilogy for National Public Radio between 1981 and 1996.", + "extraction": "Brock Peters provided the voice of Darth Vader for the radio adaptation of the original \"Star Wars\" trilogy for National Public Radio." + }, + { + "id": "7627668", + "title": "To\u0304ru O\u0304hira", + "text": "which he became an announcer and producer. In 1955, with the opening of the Tokyo Broadcasting System, he enlisted in its theatrical company. He left the company in 1958 to become a voice artist. His breakthrough performance was the dubbing voice of Darth Vader in the \"Star Wars\" series. He reprised this role for \"\" and a crossover appearance in \"Soulcalibur IV\"- notable because the game was originally in Japanese, meaning that \u014chira was Vader's \"original\" voice in the game, unlike with the films. In addition, he was usually cast in either astringent villain roles or gag characters, such as", + "score": 0.73876953125, + "summary": "To\u0304ru O\u0304hira was the voice actor for Darth Vader in the \"Star Wars\" series.", + "extraction": "To\u0304ru O\u0304hira was the dubbing voice of Darth Vader in the \"Star Wars\" series." + }, + { + "id": "650666", + "title": "Darth Vader", + "text": "endears her to her master, and, by the end of the film, Anakin reveals a newfound affection for his apprentice. Vader appears in the first anthology film \"Rogue One\", played by Spencer Wilding and Daniel Naprous, with James Earl Jones once again voicing the character. In this film, Vader meets with Imperial weapons engineer Orson Krennic, who asks him for an audience with the Emperor regarding the Death Star which Krennic lost command of to Tarkin. Vader refuses, however, and uses the Force to choke him as a way of putting him in his place and orders him to ensure", + "score": 0.73828125, + "summary": "James Earl Jones does the voice of Darth Vader in \"Rogue One\".", + "extraction": "James Earl Jones once again voicing the character." + }, + { + "id": "650645", + "title": "Darth Vader", + "text": "\"You'd have to ask Lucas about that. I don't know\". Hayden Christensen and Gene Bryant alternately portray Vader in \"Revenge of the Sith\". During the production of \"Revenge of the Sith\", Christensen asked Lucas if a special Vader suit could be constructed to fit his own body, rather than have a different actor don one of the original sets of Vader armor worn by Prowse. Brock Peters provided the voice of Darth Vader in the NPR/USC radio series. Both Spencer Wilding and Daniel Naprous portrayed Vader in \"Rogue One\" (2016), with Jones reprising his role as the character's voice. Vader's", + "score": 0.73779296875, + "summary": "The voice of Darth Vader is provided by James Earl Jones in Rogue One (2016).", + "extraction": "Jones reprising his role as the character's voice." + }, + { + "id": "12260135", + "title": "James Earl Jones", + "text": "Awards, including two in the same year in 1990. 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. Jones has been said to possess \"one of the best-known voices in show business, a stirring basso profondo that has lent gravel and gravitas\" to his projects, including live-action acting, voice acting, and commercial voice-overs. In 1970, he won a Grammy Award for \"Great American Documents\". As a child, Jones had a stutter. In his episode of", + "score": 0.736328125, + "summary": "James Earl Jones does the voice of Darth Vader in \"Star Wars\".", + "extraction": "James Earl Jones does the voice of Darth Vader in the \"Star Wars\" film series." + }, + { + "id": "13821237", + "title": "Tibor Kristo\u0301f", + "text": "at the age 67. Tibor Krist\u00f3f Tibor Krist\u00f3f (February 20, 1942 Miskolc \u2013 September 2, 2009) was a Hungarian actor and voice actor. Besides his own career in Hungarian films and television, Krist\u00f3f provided the Hungarian language voices of many prominent English-speaking Hollywood actors in major American-produced films. He provided the Hungarian language voice of Morgan Freeman in the films, \"The Bucket List\" and \"Wanted\". He also provided the Hungarian voice over for actors Sean Connery and Peter Gilmore. He also provided the voice of Darth Vader in George Lucas' Star Wars films, including \"\". He died on September 2,", + "score": 0.72998046875, + "summary": "Tibor Krist\u00f3f provided the Hungarian voice of Darth Vader in the Star Wars films.", + "extraction": "Tibor Krist\u00f3f provided the Hungarian language voice of Darth Vader in George Lucas' Star Wars films." + }, + { + "id": "650646", + "title": "Darth Vader", + "text": "character has also been portrayed in several video games; in games such as \"\" and \"\", visual effects artist C. Andrew Nelson appears in short sequences in the Vader costume, voiced by Scott Lawrence. Matt Sloan, who appeared in the YouTube parody \"Chad Vader\", provided the voice of Darth Vader in \"The Force Unleashed \". As a result of his video game appearances, Nelson was cast to appear as Vader in brief sequences inserted into the 1998 special edition of \"The Empire Strikes Back\", in which Vader is seen boarding his shuttle. During production of \"Return of the Jedi\", the", + "score": 0.72998046875, + "summary": "Scott Lawrence and Matt Sloan have both voiced Darth Vader in different Star Wars video games. C. Andrew Nelson appeared briefly in the Vader costume for some of these games, and was later cast to play Vader in a few scenes added to the special edition of \"The Empire Strikes Back\".", + "extraction": "Scott Lawrence voiced Darth Vader in some video games, including \"Star Wars: Empire at War\" and \"Star Wars: The Force Unleashed\"." + }, + { + "id": "5219071", + "title": "Star Wars: Battlefront II (2005 video game)", + "text": "\"\" animated series. Obi-Wan Kenobi is portrayed by James Arnold Taylor, who played the role in the 2002 game \"Star Wars: The Clone Wars\" as well as the cartoon series. Scott Lawrence, known for his role as Sturgis Turner in the television series \"JAG\", also returns to voice Darth Vader, a role he has portrayed since the 1990s. Other veteran \"Star Wars\" voice actors such as Tom Kane, Steve Blum and T.C. Carson also provide voice overs. Temuera Morrison portrays his signature roles Boba Fett, Jango Fett and the game's clone trooper narrator, but does not provide the in-game clone", + "score": 0.72900390625, + "summary": "Scott Lawrence voices Darth Vader in Star Wars: Battlefront II (2005 video game).", + "extraction": "Scott Lawrence returns to voice Darth Vader, a role he has portrayed since the 1990s." + }, + { + "id": "13821236", + "title": "Tibor Kristo\u0301f", + "text": "Tibor Krist\u00f3f Tibor Krist\u00f3f (February 20, 1942 Miskolc \u2013 September 2, 2009) was a Hungarian actor and voice actor. Besides his own career in Hungarian films and television, Krist\u00f3f provided the Hungarian language voices of many prominent English-speaking Hollywood actors in major American-produced films. He provided the Hungarian language voice of Morgan Freeman in the films, \"The Bucket List\" and \"Wanted\". He also provided the Hungarian voice over for actors Sean Connery and Peter Gilmore. He also provided the voice of Darth Vader in George Lucas' Star Wars films, including \"\". He died on September 2, 2009, in Budapest, Hungary,", + "score": 0.72900390625, + "summary": "Tibor Krist\u00f3f provided the Hungarian voice of Darth Vader in the Star Wars films.", + "extraction": "Tibor Krist\u00f3f provided the voice of Darth Vader in George Lucas' Star Wars films." + }, + { + "id": "7627667", + "title": "To\u0304ru O\u0304hira", + "text": "T\u014dru \u014chira One of his best known roles was the dub voice of Darth Vader in \"Star Wars\", on the series' home video releases. He was also known for his many narration roles, most notably in the \"Super Sentai\" series. He was a very influential figure in the dubbing industry during the Sousei period. After graduating from Tokyo Metropolitan University J\u014dnan Senior High School (in which he was also the supervisor of the school's volleyball team), he went on to graduate from the Meiji University Department of Political Science and Economics. In 1954, he joined the Nippon Broadcasting System, in", + "score": 0.72802734375, + "summary": "T\u014dru \u014chira was the dub voice of Darth Vader in \"Star Wars\" on the series' home video releases.", + "extraction": "T\u014dru \u014chira is the dub voice of Darth Vader in \"Star Wars\"." + }, + { + "id": "645841", + "title": "Hayden Christensen", + "text": "the Sith\", Christensen asked Lucas if a special Vader suit could be constructed to fit his own body, rather than have a different actor don one of the original sets of Vader armor worn by David Prowse. Lucas agreed, and a suit was engineered to fit Christensen's frame, even including extensions to allow for the actor to attain Vader's height. His voice as the \"robotic\" Vader, however, was dubbed over by James Earl Jones, who first made the voice famous in the original trilogy. Stock footage of Christensen was used in the 2004 DVD-release edition of \"Return of the Jedi\",", + "score": 0.72119140625 + }, + { + "id": "18020695", + "title": "The Convention Conundrum", + "text": "to set up his own Comic-Con, and tries to convince several celebrities to appear, including Stan Lee, Bill Nye the Science Guy, Leonard Nimoy, and Wil Wheaton. Since he has restraining orders from Lee, Nimoy, and Nye, he asks Leonard to contact them. He then discovers James Earl Jones, whom he reveres for voicing the \"Star Wars\" villain Darth Vader, and is going to a sushi restaurant, where Sheldon meets him. Unlike many celebrities Sheldon has met, James Earl Jones welcomes his company, and the two spend the night doing various activities; they go to an ice-cream parlor, a carnival,", + "score": 0.72021484375 + }, + { + "id": "4387140", + "title": "Ben Burtt", + "text": "beeps and whistles are Burtt's vocalizations, also made using an ARP 2600 synthesizer, as are some of the squawks made by the tiny holographic monsters on the \"Millennium Falcon\" spacecraft. In \"\" (2005) he provided the voice for Lushros Dofine, captain of the \"Invisible Hand\" cruiser. The heavy-breathing of Darth Vader was created by recording his own breathing in an old Dacor scuba regulator. Burtt used the voice of an elderly lady with a very low voice that he had met in a photoshop for the voice of \"E.T. the Extra-Terrestrial\". The woman's low voice was the result of very", + "score": 0.71875 + }, + { + "id": "11023432", + "title": "Matt Sloan (voice actor)", + "text": "both \"\" and \"Kinect Star Wars\". In 2015, Sloan returned to voice Vader in \"Disney Infinity 3.0\", \"Star Wars Battlefront, Star Wars Battlefront II\" and \"\", as well as providing his voice for a sketch in the final episode of \"The Daily Show\" with Jon Stewart. Matt Sloan (voice actor) Matthew Paul Sloan, (born March 24, 1973) is an American director, playwright, voice actor and comedian from Madison, Wisconsin. He and his friend Aaron Yonda are notable as the co-creators of the web series \"\", in which he voices the title character. Additionally, he appears in season one as the", + "score": 0.716796875 + }, + { + "id": "11023430", + "title": "Matt Sloan (voice actor)", + "text": "Matt Sloan (voice actor) Matthew Paul Sloan, (born March 24, 1973) is an American director, playwright, voice actor and comedian from Madison, Wisconsin. He and his friend Aaron Yonda are notable as the co-creators of the web series \"\", in which he voices the title character. Additionally, he appears in season one as the main antagonist, and has a minor appearance in the first few episodes of the second series as said antagonist's father. Since \"Chad Vader\", he has gone on to voice Darth Vader in various \"Star Wars\" media. He hosts a movie reviewing and discussion show on YouTube", + "score": 0.7158203125 + }, + { + "id": "650685", + "title": "Darth Vader", + "text": "heard interrogating and torturing Leia on board his Star Destroyer and aboard the Death Star. Vader appears in \"Star Tours \u2013 The Adventures Continue\", where he is voiced by Jones. Vader is featured as a combatant in the popular series \"Death Battle\", in which he is pitted against Marvel Comics villain Doctor Doom. In \"Attack of the Clones\", Anakin Skywalker feels \"smothered\" by Obi-Wan Kenobi and is incapable of controlling his own life. By \"Revenge of the Sith\", however, his \"father-son\" friction with his master has matured into a more equal, brotherly relationship. Once he becomes Darth Vader, each evil", + "score": 0.71484375 + }, + { + "id": "3767073", + "title": "David Prowse", + "text": "in the 1974 film \"The Best of Benny Hill\", in which he was credited. Amongst his many non-speaking roles, Prowse played a major speaking role in \"Portrait of Brenda\", the penultimate episode of \"The Saint\" broadcast in 1969. In May 2010, he played Frank Bryan in \"The Kindness of Strangers\", an independent British film produced by Queen Bee Films. The film screened at the 2010 Cannes Film Festival. Prowse played the physical form of Darth Vader in the original \"Star Wars\" trilogy. Prowse spoke the dialogue during filming, but Lucas claimed he wanted a \"darker voice\"\u2014a deeper, more reverberating voice,", + "score": 0.71484375 + }, + { + "id": "5072928", + "title": "Star Wars: Episode III \u2013 Revenge of the Sith (video game)", + "text": "his voice in the game's and the 2008 \"Clone Wars\" series. Terrence C. Carson voices Mace Windu and Nick Jameson voices Chancellor Palpatine/Darth Sidious. Scott Lawrence, best known for his role as United States Naval JAG lawyer Cmdr. Sturgis Turner on the CBS series \"JAG\" provides the voice for Darth Vader. Yoda and Cin Drallig are both voiced by Tom Kane, who also provides additional voices. Finally, Serra Keto is voiced by Kari Wahlgren. The game received average to mixed reviews upon release. GameRankings and Metacritic gave it a score of 71.85% and 73 out of 100 for the DS", + "score": 0.7119140625 + }, + { + "id": "7627669", + "title": "To\u0304ru O\u0304hira", + "text": "Pete in Disney cartoons. He was also a close friend of Kyosen \u014chashi, and the mentor of Shir\u014d Yasutomi. On April 12, 2016, \u014chira died from pneumonia at the age of 86. T\u014dru \u014chira One of his best known roles was the dub voice of Darth Vader in \"Star Wars\", on the series' home video releases. He was also known for his many narration roles, most notably in the \"Super Sentai\" series. He was a very influential figure in the dubbing industry during the Sousei period. After graduating from Tokyo Metropolitan University J\u014dnan Senior High School (in which he was", + "score": 0.70849609375 + }, + { + "id": "3767074", + "title": "David Prowse", + "text": "and had James Earl Jones provide the voice instead, deeming Prowse's West Country accent unsuitable for the character. Prowse claims he was originally told that he would be seen and heard at the end of \"Return of the Jedi\" when Vader's mask was removed. Instead, actor Sebastian Shaw was used. In the 2004 documentary \"Empire of Dreams\", actress Carrie Fisher, who played Princess Leia in the original trilogy films, quipped that they nicknamed Prowse \"Darth Farmer\" (a jibe regarding his urban Bristolian accent). In the lightsaber fight scenes between Vader and Luke Skywalker (Mark Hamill), Prowse, who wasn't a very", + "score": 0.70703125 + }, + { + "id": "630860", + "title": "Star Wars (film)", + "text": "on a shieldless microphone. Burtt discovered the latter accidentally as he was looking for a buzzing, sparking sound to add to the projector-motor hum. For Chewbacca's growls, Burtt recorded and combined sounds made by dogs, bears, lions, tigers, and walruses to create phrases and sentences. Lucas and Burtt created the robotic voice of R2-D2 by filtering their voices through an electronic synthesizer. Darth Vader's breathing was achieved by Burtt breathing through the mask of a scuba regulator implanted with a microphone. In February 1977, Lucas screened an early cut of the film for Fox executives, several director friends, along with", + "score": 0.7001953125 + }, + { + "id": "18020696", + "title": "The Convention Conundrum", + "text": "a strip club, and a sauna. Sheldon asks Jones questions about himself and he confirms that he was functionally mute for eight years, he was a pre-med in college, and that sound designer Ben Burtt used scuba equipment to create the sound of Darth Vader's breathing. They also sing at a karaoke club and prank Carrie Fisher by knocking on her door and running away. At the end of the night, James Earl Jones learns that Sheldon and his friends failed to get Comic-Con tickets and invites them along as his guests. Meanwhile, Leonard, Raj, and Howard attempt to solve", + "score": 0.697265625 + }, + { + "id": "16746464", + "title": "Constantino Romero", + "text": "in 1995 and \"A Little Night Music\" by Stephen Sondheim. Another play in which he appeared was \"The Little Shop of Horrors\", giving voice to the carnivorous plant. He was known as a voice over actor for some famous actors. Among his notable appearances in Spanish versions of foreign-language films, he was the voice of William Shatner in \"Star Trek\", of Arnold Schwarzenegger in \"The Terminator \"film series, of Sean Connery in \"Outland,\" and of James Earl Jones' role as Darth Vader. His voice also appears in the Spanish dubs of several Disney films, including \"The Lion King\" as Mufasa,", + "score": 0.6953125 + }, + { + "id": "14303030", + "title": "Jayce Lewis", + "text": "villain Darth Vader, a welcomed piece of film by the \"Star Wars\" community after 37 years of debate about the voice casting choices of the original production. Prowse and Lewis are close friends and have worked with each other for over 15 years. In October 2016. Jayce announced the opening of his newly built recording studio, Northstone Studios. The studio was renovated from a disused outbuilding connected to the Court Colman Manor in Bridgend, South Wales. It took Lewis a total of nine months to build at a cost of \u00a360,000 with an undisclosed investment from local government; Creative Industry", + "score": 0.69482421875 + }, + { + "id": "3767071", + "title": "David Prowse", + "text": "in 1972's \"Vampire Circus\", a Minotaur in the 1972 \"Doctor Who\" serial \"The Time Monster\", and an android named Copper in \"The Tomorrow People\" in 1973. He appeared in an episode of \"\", \"The Beta Cloud\" in 1976 right before he was cast as Darth Vader. Around that time, he appeared as the Black Knight in the Terry Gilliam film \"Jabberwocky\" (1977). He had a small role as Hotblack Desiato's bodyguard in the 1981 BBC TV adaptation of \"The Hitchhiker's Guide to the Galaxy\". He appeared in the first series of \"Ace of Wands\" on LWT and as a bodyguard", + "score": 0.693359375 + }, + { + "id": "12243031", + "title": "Ian McDiarmid", + "text": "in the prequel films: \"The Phantom Menace\", \"Attack of the Clones\", and \"\". The prequels had him play two faces to his character; he re-created his diabolical interpretation of Palpatine from \"Return of the Jedi\" when playing Darth Sidious, the Chancellor's Sith alter ego, but created a pleasant, charming character in Palpatine's public persona. In the 2004 re-release of \"The Empire Strikes Back\", a brief scene between Darth Vader and a hologram of Emperor Palpatine was updated to include McDiarmid. The Emperor was originally voiced by Clive Revill for that scene, and visually portrayed by Marjorie Eaton. With this addition", + "score": 0.68896484375 + }, + { + "id": "6137030", + "title": "Star Wars: The Interactive Video Board Game", + "text": "an implicit warning to the players of what he is about to do. In the video, he wants to divert Death Star II to attempt to destroy another planet, while on its final destination to the Endor so that its construction can be completed in secret. The live-action video on the VHS tape was filmed in 1996 on an original \"Star Wars\" set, twenty years after the original film. For the new scenes, Hasbro cast the reprised roles of David Prowse as Vader's body actor and James Earl Jones as Vader's voice actor. Some of the crew from \"A New", + "score": 0.68896484375 + }, + { + "id": "115686", + "title": "Dubbing (filmmaking)", + "text": "the final version. The ADR process does not always take place in a post-production studio. The process may be recorded on location, with mobile equipment. ADR can also be recorded without showing the actor the image they must match, but by having them listen to the performance, since some actors believe that watching themselves act can degrade subsequent performances. Sometimes, a different actor than the original actor on set is used during ADR. One famous example is the \"Star Wars\" character Darth Vader portrayed by David Prowse; in post-production, James Earl Jones dubbed the voice of Vader. Other examples include:", + "score": 0.6884765625 + }, + { + "id": "612449", + "title": "Return of the Jedi", + "text": "until 1996 that a radio version of \"Return of the Jedi\" was heard. Anthony Daniels returned as C-3PO, but Mark Hamill and Billy Dee Williams did not reprise their roles as they had for the first two radio dramas. They were replaced by newcomer Joshua Fardon as Luke Skywalker and character actor Arye Gross as Lando Calrissian. John Lithgow voiced Yoda, whose voice actor in the films has always been Frank Oz. Bernard Behrens returned as Obi-Wan Kenobi and Brock Peters reprised his role as Darth Vader. Veteran character actor Ed Begley, Jr. played Boba Fett. Edward Asner also guest-starred", + "score": 0.6875 + }, + { + "id": "3767079", + "title": "David Prowse", + "text": "of the charity Save the Children. In 2008, he was one of the cast members featured on Justin Lee Collins's \"Bring Back...Star Wars\". In the film, Prowse commented that he had a dispute with George Lucas after he allegedly leaked reports of Darth Vader's death to the press. Prowse had previously suggested that Darth Vader could be Luke Skywalker\u2019s father in a speech he gave to UC Berkeley in 1978. However, this was shortly after the release of \"Star Wars\" and nearly two years before \"The Empire Strikes Back\" (which he considers to be his favourite of the trilogy) was", + "score": 0.6865234375 + }, + { + "id": "668179", + "title": "Star Wars: Episode III \u2013 Revenge of the Sith", + "text": "provides the uncredited voice of Darth Vader; when specifically asked if he had supplied the voice\u2014either newly or from a previous recording\u2014Jones answered, \"You'd have to ask Lucas about that. I don't know\". Director and \"Star Wars\" creator George Lucas has a cameo as Baron Papanoida, a blue-faced alien in attendance at the Coruscant Opera House. Lucas' son Jett portrays a young Jedi-in-training named Zett Jukassa. Lucas' daughter Amanda appears as a character called Terr Taneel, seen in the security hologram; while his other daughter Katie plays a blue-skinned Pantoran named Chi Eekway, visible when Palpatine arrives at the Senate", + "score": 0.6845703125 + }, + { + "id": "14086899", + "title": "Star Wars: The Force Unleashed II", + "text": "Nathalie Cox reprises her role as Juno Eclipse, as does Cully Fredrickson as General Rahm Kota. Matt Sloan, who portrays Darth Vader in the webseries and voices Vader in the original \"The Force Unleashed\" returns to the role in \"The Force Unleashed II\". Veteran \"\" voice actors Tom Kane and Dee Bradley Baker are also included amongst the cast. Kane voices Jedi Master Yoda, a role he has provided several times within the Star Wars franchise. Baker voices bounty hunter Boba Fett, a clone and adopted son of Jango Fett. Baker provides the voice of all of the clone troopers", + "score": 0.68310546875 + }, + { + "id": "650643", + "title": "Darth Vader", + "text": "U.S. Patent and Trademark Office under Trademark #77419252 and is officially described in the documentation as \"\"The sound of rhythmic mechanical human breathing created by breathing through a scuba tank regulator.\"\" Commentators have often pointed to the influence of Akira Kurosawa's films such as \"The Hidden Fortress\" (1958) on George Lucas, and Vader's Samurai-inspired costume design is held up as a significant example of the Japanese influences on \"Star Wars\". Darth Vader was portrayed by bodybuilder David Prowse in the original film trilogy, and by stunt performer Bob Anderson during the character's intense lightsaber fight scenes. Lucas originally intended for", + "score": 0.68115234375 + }, + { + "id": "5465914", + "title": "Return of the Ewok", + "text": "stock. \"Everyone contributed their time and talent for absolutely nothing,\" Tomblin said. Players of Chelsea Football Club also make an appearance in the film, alongside Davis' mother, father and sister; Ashley, Sue and Kim. David Tomblin also appears as himself and provides the voices of Darth Vader and Boba Fett. Michele Gruska is heard as the voice of Sy Snootles with Deep Roy and Simon Williamson playing Droopy McCool and Max Rebo respectively. For many years, the only confirmed copy of \"Return of the Ewok\" was a video copy in Warwick Davis' own home entertainment center. This copy has been", + "score": 0.6796875 + }, + { + "id": "12213713", + "title": "Palpatine", + "text": "Palpatine Sheev Palpatine (also known by his Sith identity Darth Sidious and publicly as Senator Palpatine, then Supreme Chancellor Palpatine, and later Emperor Palpatine) is a fictional character and is the primary antagonist of \"Episodes I-VI\" in the \"Star Wars\" franchise, mainly portrayed by Ian McDiarmid. In the original trilogy, he is depicted as the extremely aged, pale-faced and cloaked Emperor of the Galactic Empire and the Sith master of Darth Vader. In the prequel trilogy, he is portrayed as a charismatic Senator in early old age from Naboo who uses machiavellian deception and political manipulation to rise to the", + "score": 0.67724609375 + }, + { + "id": "15311080", + "title": "The Force (advertisement)", + "text": "a clothes dryer, and to wake the dog and a doll. After he is unsuccessful in those attempts, he is startled to discover that he can start the car, though his father actually does it using a remote control. The film was directed by Lance Acord and produced by Park Pictures featuring the musical track \"Imperial March\" composed by John Williams. Max Page had never seen any of the \"Star Wars\" movies, saying he was too scared. He met James Earl Jones, the voice of Vader in the \"Star Wars\" movies, in New York City on February 7. On May", + "score": 0.6767578125 + }, + { + "id": "668194", + "title": "Star Wars: Episode III \u2013 Revenge of the Sith", + "text": "pleading\" Christensen persuaded Lucas to have the Vader costume used in the film created specifically to fit him. The new costume featured shoe lifts and a muscle suit. It also required Christensen (who is tall) to look through the helmet's mouthpiece. In 2004, Gary Oldman was originally approached to provide the voice of General Grievous; however, complications arose during contract negotiations after Oldman learned the film was to be made outside of the Screen Actors Guild, of which he is a member. He backed out of the role rather than violate the union's rules. Matthew Wood, who voiced Grievous, disputed", + "score": 0.67529296875 + }, + { + "id": "13141673", + "title": "Gianni Bonagura", + "text": "a character actor, with the exception of the role of Dr. Watson in the 1968 RAI television series \"Sherlock Holmes\". Bonagura also worked as a voice actor. He occasionally dubbed over the voices of Danny De Vito, Mel Brooks and Ian Holm. One of his most popular dubbing roles includes providing the Italian voice of Palpatine's alter ego, Darth Sidious in \"\". In his animated roles, he dubbed the voices of Uncle Waldo in \"The Aristocats\" and Mr. Snoops in \"The Rescuers\". Bonagura died in Milan on October 8th 2017 just 19 days before his 92nd birthday. Gianni Bonagura Gianfelice", + "score": 0.67431640625 + }, + { + "id": "5282793", + "title": "Bob Anderson (fencer)", + "text": "that for \"The Empire Strikes Back\" and \"Return of the Jedi\" he staged the lightsaber duels and also wore the Vader costume in fight scenes. David Prowse, who played Vader, said he did his own swordplay in the first \"Star Wars\" film but afterward, \"having one of the principals do his own stunts made [the filmmakers] very weird from an insurance point of view.\" Anderson continued to work in cinema for the next 30 years, and was responsible for the swordsmanship in many films, including \"Highlander\", \"The Princess Bride\", \"The Three Musketeers\", \"The Mask of Zorro\", \"\" and \"The Lord", + "score": 0.67431640625 + }, + { + "id": "17439811", + "title": "Phineas and Ferb: Star Wars", + "text": "announced at Comic-Con International 2013. Povenmire said, \"May The 'Ferb' Be With You and with all of us who for decades have dreamt of a chance to work with the great characters and stories of Star Wars.\" None of the original \"Star Wars\" actors reprised their roles for this special. Voice actor Christopher Corey Smith voiced Luke Skywalker as well the Toydarian, Blatto, the son of Watto from \"\"; actor Ross Marquand played Han Solo; voice actress April Winchell played Princess Leia; writer Eddie Pittman provided one line as Darth Vader; regular Perry the Platypus voice actor Dee Bradley Baker", + "score": 0.6728515625 + }, + { + "id": "5282792", + "title": "Bob Anderson (fencer)", + "text": "the sword master for \"Barry Lyndon\". Anderson subsequently went on to be involved in all three of the original \"Star Wars\" films. Anderson did not receive much recognition for his work for years after their initial release. Mark Hamill in 1983 revealed, \"Bob Anderson was the man who actually did Vader's fighting. It was always supposed to be a secret, but I finally told George I didn't think it was fair any more. Bob worked so bloody hard that he deserves some recognition. It's ridiculous to preserve the myth that it's all done by \"one\" man.\" Anderson in 1994 specified", + "score": 0.67236328125 + }, + { + "id": "651591", + "title": "The Empire Strikes Back", + "text": "being used effectively, and Kershner agreed. After several takes, the director told the actor to improvise on the spot, and Ford changed Solo's line to \"I know.\" During production, great secrecy surrounded the fact that Darth Vader was Luke's father. Like the rest of the crew, Prowse\u2014who spoke all of Vader's lines during filming\u2014was given a false page that contained dialogue with the revelatory line being \"Obi-Wan killed your father.\" Hamill was informed just moments before cameras rolled on his close-up, and did not tell anyone, including his wife; according to Hamill, Ford did not learn the truth until he", + "score": 0.6708984375 + }, + { + "id": "3547515", + "title": "Darth Bane", + "text": "as an apparition to Yoda on the Sith home planet Moraband. He is voiced by Mark Hamill, who portrayed Luke Skywalker in the films. Prior to taking on the role of Bane, Hamill did not know of the character or how Bane fit into the overall arc of Star Wars. His son Nathan Hamill knew about the history of the character and was able to explain it to his father once he took on the role. For the portrayal, Dave Filoni recorded Hamill to reading his line using multiple inflections, each portraying different emotions, and then blended all together into", + "score": 0.66943359375 + }, + { + "id": "10060971", + "title": "Jamie Glover", + "text": "his voice to documentaries, commercials, audiobooks and computer games. He joined the \"Star Wars\" universe in various voice-roles; he played General Maximilian Veers in \"\", taking over the role from his father who played the same character in \"The Empire Strikes Back\". In \"Battlefront II\", he dubbed over archive footage of his father as Veers for the archive footage sequences in the game from \"Empire Strikes Back\". He returned to reprise his role as Veers in \"\". He also did voice work in \"\", and has a major role in \"\" as Darth Malgus. He also works in radio drama,", + "score": 0.66943359375 + }, + { + "id": "12243025", + "title": "Ian McDiarmid", + "text": "Ian McDiarmid Ian McDiarmid (; born 11 August 1944) is a Scottish character actor and director. He has appeared in 47 films since 1976. He portrayed Emperor Palpatine in the \"Star Wars\" film series. He has received an Olivier Award for Best Actor and a Tony Award for Best Featured Actor in a Play for his performances. McDiarmid was born in Carnoustie, Scotland. He became a theatre aficionado when he was five years old, when his father took him to see an act named Tommy Morgan at a theatre in Dundee. In 2004, he stated, \"It sort of fascinated me,", + "score": 0.66845703125 + }, + { + "id": "12213737", + "title": "Palpatine", + "text": "comics produced since the originating 1977 film \"Star Wars\" were rebranded as \"Star Wars Legends\" and declared non-canon to the franchise by Lucasfilm. \"Star Wars Legends\" literature elaborates on Palpatine's role in \"Star Wars\" fiction outside of the films. Palpatine/Darth Sidious is a central character in Genndy Tartakovsky's \"\" micro-series, which is set between \"Attack of the Clones\" and \"Revenge of the Sith\". The character's likeness in the series is based on that in \"The Phantom Menace\" and \"Attack of the Clones\", and he is voiced by Nick Jameson. In the first chapter, Palpatine is informed by Obi-Wan Kenobi that", + "score": 0.66796875 + }, + { + "id": "12243032", + "title": "Ian McDiarmid", + "text": "to \"The Empire Strikes Back\", McDiarmid has now appeared in every live-action film version in which Palpatine appears. He has also worked with the \"Star Wars\" expanded universe as the voice of Palpatine in the video game adaptations of \"The Empire Strikes Back\" and \"Return of the Jedi\", \"\" and \"\". McDiarmid made a small appearance during Celebration Europe. On 23\u201326 August 2012, he attended Celebration VI in Orlando, Florida and had his own show titled \"The Phantom Menace: Ian McDiarmid\", hosted by James Arnold Taylor, in which he talked about his experience working on \"Star Wars\" and how he", + "score": 0.6669921875 + }, + { + "id": "11182047", + "title": "Virtual actor", + "text": "\"Rogue One: a Star Wars story\" (2016) whose plot ends minutes before that of \"\" (1977), digitally recreated the appearances of Peter Cushing in the role Grand Moff Tarkin (played and voiced by Guy Henry), and Carrie Fisher as Princess Leia (played by Ingvild Deila. Fisher's only line was added using archival voice footage of Carrie Fisher saying the word \"Hope\".). The virtual versions replicated the characters' appearances as seen in the aforementioned \"Star Wars Episode IV: A New Hope\". Cushing had died in 1994, while Fisher died a few days after the film's release. Industrial Light and Magic created", + "score": 0.66650390625 + }, + { + "id": "5770836", + "title": "Robert Earl Jones", + "text": "Robert Earl Jones Robert Earl Jones (February 3, 1910 \u2013 September 7, 2006), sometimes credited as Earl Jones, was an African American actor and prizefighter. One of the first prominent African-American film stars, Jones was a living link with the Harlem Renaissance of the 1920s and 1930s, having worked with Langston Hughes early in his career. Jones was best known for his leading roles in films such as \"Lying Lips\" (1939) and later in his career for supporting roles in films such as \"The Sting\" (1973), \"Trading Places\" (1983), \"The Cotton Club\" (1984), and \"Witness\" (1985). He was the father", + "score": 0.666015625 + }, + { + "id": "18360471", + "title": "Rogue One", + "text": "Vader's flagship. Vader boards the Rebel command ship and attempts to regain the schematics, but a small starship escapes with them. Aboard the fleeing ship, [[Princess Leia]] declares that the plans will provide a new hope for the rebellion. [[Jimmy Smits]], [[Genevieve O'Reilly]], and [[Anthony Daniels]] reprise their roles from previous films as [[Bail Organa]], [[Mon Mothma]], and [[C-3PO]], respectively. [[James Earl Jones]] also reprises his role from previous films as the voice of [[Darth Vader]], who is physically portrayed by [[Spencer Wilding]] during the meeting with Krennic and aboard the Star Destroyer, and by Daniel Naprous for the brutal", + "score": 0.666015625 + }, + { + "id": "6541702", + "title": "Ian Abercrombie", + "text": "productions of the Hollywood Theater of the Ear. Abercrombie voiced Ambrose in Oscar-nominated \"Rango\" (2011). He also portrayed Ganthet on \"\", completing his work on the latest episode of Cartoon Network show just before his death. Abercrombie voiced Chancellor Palpatine/Darth Sidious in the 2008 film \"\", the , and two spin-off video games (\"\" and \"\"). Supervising director Dave Filoni said that Ian was very excited that Darth Sidious finally was going to be seen in person and not as a hologram anymore; during Celebration VI, Filoni also mentioned that before his death, Ian did record for most of Season", + "score": 0.6650390625 + }, + { + "id": "3042334", + "title": "Anthony Daniels", + "text": "Anthony Daniels Anthony Daniels (born 21 February 1946) is an English actor and mime artist. He is best known for playing C-3PO in the \"Star Wars\" film series. He is the only actor to have appeared in all of the major films in the series, as well as its many spin-offs (TV shows, video games, etc.). Daniels was the voice of Legolas in the Ralph Bakshi animated adaptation of \"The Lord of the Rings\" (1978). He has appeared intermittently on British television in various dramas, including playing a pathologist in \"Prime Suspect\" starring Helen Mirren. Daniels is currently an adjunct", + "score": 0.6650390625 + }, + { + "id": "15983370", + "title": "Bad Lip Reading", + "text": "Lip Reading video would go on to become an annual event for the channel, with each video being released shortly before the Super Bowl each year. In December of 2015, Bad Lip Reading simultaneously released three new videos, one for each of the three films in the original Star Wars trilogy. These videos found BLR using guest voices for the first time, featuring Jack Black as Darth Vader, Maya Rudolph as Princess Leia, and Bill Hader in multiple roles. The \"Empire Strikes Back\" BLR video featured a scene of Yoda singing to Luke about an unfortunate encounter with a seagull", + "score": 0.6650390625 + }, + { + "id": "3786759", + "title": "Changes in Star Wars re-releases", + "text": "his eyebrows to reflect Anakin burning on Mustafar at the end of \"\". At the end of \"Return of the Jedi\", Darth Vader is redeemed by killing the Emperor to save Luke Skywalker's life, then dies of his injuries shortly after, and appears to Luke as Anakin Skywalker alongside the Force ghosts of Yoda and Obi-Wan Kenobi. In the 1983 theatrical release, Sebastian Shaw plays this Force ghost in addition to an unmasked Vader. Later, Hayden Christensen was cast as Anakin in the prequel trilogy films \"Attack of the Clones\" and \"Revenge of the Sith\". To reflect this, the 2004", + "score": 0.6640625 + }, + { + "id": "18828617", + "title": "Silvio Spaccesi", + "text": "\"Star Wars\" original trilogy and Santa Claus in \"The Nightmare Before Christmas\". He was also the Italian voice of Orville in the 1977 Disney film \"The Rescuers\" and the second voice of Barney Rubble in \"The Flintstones\". Spaccesi often dubbed actors such as Gustav Knuth, Charles Durning, Frank Oz and Jack Warden in a select number of their films. Spaccesi passed away in Rome on June 2nd 2015 at the age of 88 just a few days after the death of his partner Rosaura Marchi. Silvio Spaccesi Silvio Spaccesi (August 1, 1926 \u2013 June 2, 2015) was an Italian actor", + "score": 0.66357421875 + }, + { + "id": "18048233", + "title": "Bernard Dhe\u0301ran", + "text": "Bernard Dh\u00e9ran Bernard Yves Raoul Dh\u00e9ran (17 June 1926 - 27 January 2013) was a French actor, who was active in film, television and theatre in a career spanning over six decades. Dh\u00e9ran was well remembered in French cinema's as the French dub of David Niven, Anthony Hopkins, Christopher Plummer, Ian McKellen and Leslie Nielsen. He was also recognized in dubbing as the voice of Count Dooku in the animated series \"\", he also dubbed Christopher Lee's performance in \"\" and \"\". In 1961, Dh\u00e9ran was inducted into Soci\u00e9taires of the Com\u00e9die-Fran\u00e7aise. He died at his home in Marrakech on", + "score": 0.66357421875 + }, + { + "id": "12390308", + "title": "Yves Corbeil", + "text": "versions in several movies in the roles of Fred Flintstone in \"The Flintstones\" as well as Mr. Freeze in \"Batman and Robin\", Darth Sidious in \"Star Wars\" as well as the Terminator in \"Terminator 3\" and various characters in The Simpsons. Among the actors he provided the French voice included Morgan Freeman, Arnold Schwarzenegger, Tim Allen, John Goodman and Gene Hackman. Corbeil also worked as a teacher in Saint-J\u00e9r\u00f4me, Quebec in humanity sciences and religion in the 1960s. He also participated in various theatrical plays throughout his career. He is also participating in various advertisements for Corbeil Home Appliances. Yves", + "score": 0.6630859375 + }, + { + "id": "650629", + "title": "Darth Vader", + "text": "Darth Vader Darth Vader is a fictional character in the \"Star Wars\" franchise. He is the main antagonist of the original trilogy, but, as Anakin Skywalker, is the main protagonist of the prequel trilogy. \"Star Wars\" creator George Lucas has collectively referred to the first six episodic films of the franchise as \"the tragedy of Darth Vader.\" Originally a Jedi prophesied to bring balance to the Force, Anakin Skywalker is lured to the dark side of the Force by Palpatine, who is secretly a Sith Lord. After fighting a lightsaber battle with his former mentor Obi-Wan Kenobi in which he", + "score": 0.66259765625 + }, + { + "id": "2225982", + "title": "Stan Freberg", + "text": "voice of a dispatcher. Contrary to popular belief George Lucas called upon Freberg, not Mel Blanc, to audition for the voice of the character C-3PO for the 1977 film \"Star Wars\". After he and many others auditioned for the part, Freberg suggested that Lucas use mime actor Anthony Daniels' voice. Freberg began making satirical recordings for Capitol Records, beginning with the February 10, 1951, release of \"John and Marsha\", a soap opera parody that consisted of the title characters (both played by Freberg) doing nothing but repeating each other's names (with intonations to match the moods). Some radio stations refused", + "score": 0.66259765625 + }, + { + "id": "12260134", + "title": "James Earl Jones", + "text": "James Earl Jones James Earl Jones (born January 17, 1931) is an American actor. His career has spanned more than 60 years, and he has been described as \"one of America's most distinguished and versatile\" actors and \"one of the greatest actors in American history\". Since his Broadway debut in 1957, Jones has won many awards, including a Tony Award for his role in \"The Great White Hope\", which also earned him a Golden Globe Award and an Academy Award nomination for Best Actor in a Leading Role for the film version of the play. Jones has won three Emmy", + "score": 0.662109375 + }, + { + "id": "1551766", + "title": "Star Wars Holiday Special", + "text": "speech and sings a song in celebration. Chewie remembers his adventures during the events of the original film. Finally, the Wookiee family sits around a table and bows their heads. Kenny Baker, who played in the films, was not involved in the special. The droid was performed entirely by a radio-controlled unit, operated by Mick Garris (Lucas's receptionist). In the credits, R2-D2 is credited by announcer Art James as playing himself. Because James Earl Jones was originally uncredited in \"Star Wars\", the special marked the first time he was credited as the voice of Darth Vader. Malla's mask was repurposed", + "score": 0.6611328125 + }, + { + "id": "18926837", + "title": "Artur Vader", + "text": "Artur Vader Artur Vader (February 16, 1920 \u2013 May 25, 1978) was the Chairman of the Presidium of the Supreme Soviet of the Estonian Soviet Socialist Republic from 1970 - 1978. He was born in Gorbovo, Liozna Raion, Vitebsk Oblast, Byelorussian SSR. He was the First Secretary of the Tallinn city committee of the Communist Party of Estonia from 1952 to 1959. Between 1963 and 1964 he served as chairman of the Committee of Party and State Control, and the Chairman of the Council of Ministers of the Estonian SSR, and the second secretary of the Central Committee of the", + "score": 0.66064453125 + }, + { + "id": "8941085", + "title": "Chad Vader: Day Shift Manager", + "text": "Sloan, and this led to him becoming the new voice actor for Darth Vader. His voice appears in the games \"\", \"Soulcalibur IV\", and \"\". It is also noted that in \"\", if the player kills 12 Stormtroopers as Darth Vader during the introduction sequence, they will receive an achievement called \"Worst Day Shift Manager Ever\". The first episode of Season 2 was released on the internet on February 1, 2009 and subsequent episodes have been periodically released. Season 3 started being released on the internet from early 2010. It started being broadcast on Blip since April 2010. The series", + "score": 0.65966796875 + }, + { + "id": "18926838", + "title": "Artur Vader", + "text": "Communist Party of Estonia. Vader was appointed the chairman of the Presidium of the Supreme Soviet of the Estonian SSR in 1970. He gained the status of a candidate member of the Central Committee of the CPSU in 1966 and would keep that position until 1971. Artur Vader Artur Vader (February 16, 1920 \u2013 May 25, 1978) was the Chairman of the Presidium of the Supreme Soviet of the Estonian Soviet Socialist Republic from 1970 - 1978. He was born in Gorbovo, Liozna Raion, Vitebsk Oblast, Byelorussian SSR. He was the First Secretary of the Tallinn city committee of the", + "score": 0.6591796875 + }, + { + "id": "5770841", + "title": "Robert Earl Jones", + "text": "not come to know his son until the mid-1950s. Jones married two other times, to Jumelle Jones from 1938 to 1950, and Ruth Williams from 1960 until her death in 1981. He fathered a second child. Jones died on September 7, 2006, in Englewood, New Jersey, from natural causes at the age of 96. Robert Earl Jones Robert Earl Jones (February 3, 1910 \u2013 September 7, 2006), sometimes credited as Earl Jones, was an African American actor and prizefighter. One of the first prominent African-American film stars, Jones was a living link with the Harlem Renaissance of the 1920s and", + "score": 0.65771484375 + }, + { + "id": "5082217", + "title": "Saving Star Wars", + "text": "Saving Star Wars Saving Star Wars is a 2004 independent film by Woodworks Films that was written and produced by Gary Wood. The title is a play on the titles of the World War II movie \"Saving Private Ryan\" and \"Star Wars\". The first preview of the film was at a film festival called Reel Competition, where it was rated highly by the film-goers. It features David Prowse, the actor who played Darth Vader in the Star Wars trilogy. In addition, one of the principal actors, Jim Peterson, now teaches film, theatre, and alchemy at Carmel High School (Carmel, Indiana).", + "score": 0.65771484375 + }, + { + "id": "5839245", + "title": "Richard LeParmentier", + "text": "officer who is choked by Darth Vader in \"Star Wars\" (1977), after Vader finds his \"lack of faith disturbing\". Mark Newbold, writing on the official \"Star Wars\" website, described the role as leaving \"an indelible imprint on the \"Star Wars\" galaxy, helping to illustrate the fearsome powers of Lord Vader as well as the arrogance and malice of a bloated and over-confident Empire.\" LeParmentier had auditioned for the role of Han Solo, one of the film's main characters. The auditions for \"Star Wars\" were also used for Brian DePalma's \"Carrie\" and LeParmentier was cast as the high school principal in", + "score": 0.65673828125 + }, + { + "id": "650693", + "title": "Darth Vader", + "text": "to Vader and Palpatine, respectively, in a satirical article comparing politicians to various \"Star Wars\" and \"Star Trek\" characters. Many films and television series have paid homage to Darth Vader. The 1982 compilation movie \"Cosmic Princess\", compiled from parts of \"\" episodes, contains several \"Star Wars\" references including a character named \"Vader\". Marty McFly in \"Back to the Future\" (1985), dressed in a radiation suit, calls himself \"Darth Vader from the planet Vulcan\" to convince the past version of his father to ask his mother to a dance. Rick Moranis plays \"Dark Helmet\" in the \"Star Wars\" parody \"Spaceballs\" (1987).", + "score": 0.65673828125 + }, + { + "id": "651623", + "title": "The Empire Strikes Back", + "text": "was written by Brian Daley, and was produced for and broadcast on the National Public Radio network in the U.S. during 1983. It was based on characters and situations created by George Lucas, and on the screenplay by Leigh Brackett and Lawrence Kasdan. Its director was John Madden, with sound mixing and post-production work done by Tom Voegeli. Mark Hamill, Billy Dee Williams, and Anthony Daniels reprised their roles as Luke Skywalker, Lando Calrissian, and C-3PO respectively, with John Lithgow voicing Yoda. This radio play was designed to last for five hours of radio time, usually presented in more than", + "score": 0.65673828125 + }, + { + "id": "3042345", + "title": "Anthony Daniels", + "text": "Wars Weekends as he gave his \"inside the saga\" story. Daniels is an adjunct professor at Carnegie Mellon University's Entertainment Technology Center. Anthony Daniels Anthony Daniels (born 21 February 1946) is an English actor and mime artist. He is best known for playing C-3PO in the \"Star Wars\" film series. He is the only actor to have appeared in all of the major films in the series, as well as its many spin-offs (TV shows, video games, etc.). Daniels was the voice of Legolas in the Ralph Bakshi animated adaptation of \"The Lord of the Rings\" (1978). He has appeared", + "score": 0.65625 + }, + { + "id": "16319232", + "title": "Erik Bauersfeld", + "text": "Erik Bauersfeld Erik Bauersfeld (June 28, 1922 \u2013 April 3, 2016) was an American radio dramatist and voice actor. His most notable role was providing the voices of Admiral Ackbar and Bib Fortuna in the third film of the original Star Wars trilogy, \"Return of the Jedi\" (1983). He reprised his role as the voice of Admiral Ackbar in \"\" (2015). Bauersfeld was attracted to radio work at a very young age. During World War II, he served in the United States Navy. His post-secondary education included time studying at Cooper Union in New York, and then at the University", + "score": 0.65625 + }, + { + "id": "12260163", + "title": "James Earl Jones", + "text": "year of living with ovarian cancer. In April 2016, Jones spoke publicly for the first time in nearly 20 years about his long-term health challenge with type 2 diabetes. He has been dealing with diabetes since the mid 1990s. James Earl Jones James Earl Jones (born January 17, 1931) is an American actor. His career has spanned more than 60 years, and he has been described as \"one of America's most distinguished and versatile\" actors and \"one of the greatest actors in American history\". Since his Broadway debut in 1957, Jones has won many awards, including a Tony Award for", + "score": 0.65576171875 + }, + { + "id": "650630", + "title": "Darth Vader", + "text": "is dismembered, Vader is transformed into a cyborg. He then serves the Galactic Empire as Darth Vader until he redeems himself by saving his son, Luke Skywalker, and killing Palpatine, sacrificing his own life in the process. He is also the father of Princess Leia Organa, the secret husband of Padm\u00e9 Amidala, and grandfather of Kylo Ren, the main villain of the \"Star Wars\" sequel trilogy. The character has been portrayed by numerous actors. His cinematic appearances span the first six \"Star Wars\" films, as well as \"Rogue One\", and his character is referenced in both \"\" and \"\". He", + "score": 0.65478515625 + }, + { + "id": "17904174", + "title": "Vision and Voice", + "text": "Vision and Voice Vision and Voice is the first live performance recording by Polish death metal band Vader. It was released in VHS format on December 1, 1998 by Metal Mind. The album consists Vader concert filmed and recorded on March 25, 1998 at Studio \u0141\u0119g in Krak\u00f3w, Poland. The DVD edition entitled More Vision and the Voice was released on June 3, 2002 by Metal Mind. Apart from main concert recorded in Krak\u00f3w the re-release includes tree video-clips, eight bootleg live tracks from No Mercy Festival 2001, interview with Piotr \"Peter\" Wiwczarek, band and individual members biographies, discography, photo", + "score": 0.65478515625 + }, + { + "id": "15557501", + "title": "Brian Muir (sculptor)", + "text": "Brian Muir (sculptor) Brian Muir (born 15 April 1952) is a British sculptor who most famously created Darth Vader's helmet and armour using Ralph McQuarrie's design. He was also responsible for sculpting the stormtrooper armour in \"Star Wars\" (the helmet was sculpted by Liz Moore) and the heads for the Death Star Droid, CZ3, and some finishing work on the C-3PO full suit. Apart from \"Star Wars\", he worked on many other movies, such as \"Alien\" (for which he co-created the Space Jockey) and \"Raiders of the Lost Ark\" (for which he worked on the Ark of the Covenant prop).", + "score": 0.65478515625 + }, + { + "id": "2215977", + "title": "Corey Burton", + "text": "the original show. However, he turned down the offer to reprise the role in \"\", so the part was given to Frank Welker, the voice of Megatron/Galvatron. For \"Star Wars\", Burton voiced Count Dooku in \"\", \"\" and several \"Star Wars\" video games. For the \"Kingdom Hearts\" series, Burton voiced Ansem the Wise/DiZ in \"\", \"Kingdom Hearts Birth by Sleep\" and \"\" due to the late Christopher Lee's failing health. For the cinematic version of \"Kingdom Hearts 358/2 Days\" which was part of \"Kingdom Hearts HD 1.5 Remix\", Burton played the role of DiZ in one of the new cutscenes", + "score": 0.65478515625 + }, + { + "id": "12257781", + "title": "Mark Hamill", + "text": "Mark Hamill Mark Richard Hamill (; born September 25, 1951) is an American stage, screen and voice actor. He is primarily known for playing Luke Skywalker in the \"Star Wars\" film series and to a lesser degree for his voice-over work in animations and video games as the Joker, beginning with \"\" in 1992. Hamill has acted in several theater productions, including \"The Elephant Man\", and is the cowriter of \"The Black Pearl\" comic book miniseries. Hamill was born in Oakland, California, to Virginia Suzanne (n\u00e9e Johnson) and U.S. Navy Captain William Thomas Hamill. He is one of seven children,", + "score": 0.654296875 + }, + { + "id": "6153898", + "title": "Jess Harnell", + "text": "Disney's Carousel of Progress. From 1994 to 1996, he supplied the voices of Sewer Urchin, the Human Bullet and Chief Louder in the animated series \"The Tick\". Also, in 1996, he was Hunter on \"Road Rovers\". One of Harnell's next appearances was as the principal stormtrooper in the 1997 Star Wars fan film \"Troops\", a parody of the Cops TV series set in the \"Star Wars\" expanded universe. Harnell voiced Rudy's father, Joe Tabootie on the Nickelodeon show \"ChalkZone\", Crash Bandicoot in \"Crash Tag Team Racing\", \"Crash of the Titans\", \"\", and Crash Bandicoot N Sane Trilogy Lo-Lo in \"\",", + "score": 0.65380859375 + }, + { + "id": "19472830", + "title": "La\u0301szlo\u0301 Verse\u0301nyi", + "text": "L\u00e1szl\u00f3 Vers\u00e9nyi L\u00e1szl\u00f3 Vers\u00e9nyi (19 June 1931, Poroszl\u00f3, Hungary \u2013 26 January 2016) was a Hungarian voice actor and actor at the National Theater in Budapest. He graduated from high school in 1948, and, in 1958, started to act at the National Theatre. In 1986, he won first prize in an international competition of musical libretto for Dany und sein Haus. He provided the Hungarian dubbing of roles such as KITT from \"Knight Rider\", Higgins from \"Magnum, P.I.\", Dr. Bullard from \"Midsomer Murders\", and Yoda from the \"Star Wars\" series. He also played a role in the Hungarian soap opera", + "score": 0.65380859375 + }, + { + "id": "3042338", + "title": "Anthony Daniels", + "text": "the role for various promotional work such as hosting \"The Making of Star Wars\", \"Star Wars Connections\" and \"The Science of Star Wars\"; for appearances on \"The Muppet Show\", \"Sesame Street\" and an anti-smoking public service announcement; the \"Star Wars Holiday Special\"; in advertising for \"Star Wars\" licensed products such as Kenner toys; and even a breakfast cereal based on the character. Daniels voiced C-3PO in the \"Star Wars\" radio serial based on the original trilogy. He is the only cast member of the original \"Star Wars\" trilogy to voice his character in all three parts of NPR's dramatisations of", + "score": 0.6533203125 + }, + { + "id": "651601", + "title": "The Empire Strikes Back", + "text": "\"Empire of Dreams: The Story of the Star Wars Trilogy\". Also included are featurettes, teasers, trailers, TV spots, still galleries, video game demos, and a preview of \"\". For the DVD release, Lucas and his team made changes that were mostly implemented to ensure continuity between \"The Empire Strikes Back\" and the recently released prequel trilogy films. The most noticeable of these changes was replacing the stand-in used in the holographic image of the Emperor (with Clive Revill providing the voice) with actor Ian McDiarmid providing some slightly altered dialogue. With this release, Lucas also supervised the creation of a", + "score": 0.6533203125 + }, + { + "id": "3767082", + "title": "David Prowse", + "text": "later developed into all aspects of business and management. On 1 October 2015, Lewis created a mini documentary titled \"The Force's Mouth\", giving Prowse the chance to finally hear his voice as Darth Vader. Prowse has been married since 1963 to Norma E. Scammell and is the father of three children. He is a prominent supporter of Bristol Rugby Club. On 13 May 2009, Prowse publicly declared his support for the United Kingdom Independence Party (UKIP) in the 2009 European Parliament election. Prowse said that \"I've looked right and left and right again and the only party I can safely", + "score": 0.65283203125 + }, + { + "id": "5481626", + "title": "Chef (South Park)", + "text": "Star Wars' \"Darth Vader). He is fitted with a suit and mask like those of Vader, except with the helmet taking on the appearance of Chef's trademark hat, and wields a red, glowing spatula, parodying Vader's red lightsaber. Darth Chef's voice was provided by British comedian and filmmaker Peter Serafinowicz, who voiced Darth Maul in \"\". Darth Chef has not made an appearance in subsequent episodes, but has appeared with other characters in the background of the \"South Park\" opening sequence, and is mentioned in the episode \"Stunning and Brave\", when PC Principal says the kids drove him to kill", + "score": 0.65283203125 + }, + { + "id": "4621807", + "title": "Dee Bradley Baker", + "text": "Annie Award nomination for Voice Acting in a Television Production in 2012. He reprised the role of Captain Rex in \"Star Wars Rebels\", beginning with its second season. He also provided the voice of Boba Fett for \"Star Tours \u2013 The Adventures Continue\". In the 2011 \"Family Guy\" episode \"It's a Trap!\", a parody of the \"Star Wars\" film \"Return of the Jedi\", he voiced Klaus as Admiral Ackbar. In the video game world, Baker reprised his roles in Cartoon Network and Nickelodeon's multitude of show-related game releases. He also voiced Gravemind in \"Halo 2\" and \"Halo 3\" and the", + "score": 0.65234375 + }, + { + "id": "19472831", + "title": "La\u0301szlo\u0301 Verse\u0301nyi", + "text": "\"Szomsz\u00e9dok\". L\u00e1szl\u00f3 Vers\u00e9nyi L\u00e1szl\u00f3 Vers\u00e9nyi (19 June 1931, Poroszl\u00f3, Hungary \u2013 26 January 2016) was a Hungarian voice actor and actor at the National Theater in Budapest. He graduated from high school in 1948, and, in 1958, started to act at the National Theatre. In 1986, he won first prize in an international competition of musical libretto for Dany und sein Haus. He provided the Hungarian dubbing of roles such as KITT from \"Knight Rider\", Higgins from \"Magnum, P.I.\", Dr. Bullard from \"Midsomer Murders\", and Yoda from the \"Star Wars\" series. He also played a role in the Hungarian soap", + "score": 0.65234375 + }, + { + "id": "12243033", + "title": "Ian McDiarmid", + "text": "landed the role of Palpatine. Ian McDiarmid also voiced a pig version of Palpatine for a promo video on \"Angry Birds Star Wars II\", entitled \"Join the Pork Side\". McDiarmid took an early role as Mickey Hamilton, a killer intent on avenging the death of his wife and child in \"The Professionals\" for London Weekend Television. In 1990, he starred in the \"Inspector Morse\" episode \"Masonic Mysteries\" as the psychopathic con man Hugo DeVries. In 1997, McDiarmid played the villain, Ronald Hinks, in the \"Touching Evil\" two-part episode \"Through the Clouds/The Lost Boys\". He played the role of police detective", + "score": 0.65185546875 + }, + { + "id": "5818780", + "title": "Michael Dobson (actor)", + "text": "Michael Dobson (actor) Michael Richard Dobson (born August 12, 1966) is an English-Canadian actor, voice actor and voice director who works for Ocean Studios and various other studios in British Columbia, Canada. He is best known for voicing Starscream in the \"Transformers Unicron Trilogy\" (\"\", \"\", and \"\"), Supreme Kai and Nappa in the Ocean dub of \"Dragon Ball Z\", Cobra Commander in \"\" and \"\", Blob in \"\", Leonardo in \"\", Bulk Biceps in \"\", Bull Dog in \"Krypto the Superdog\" and Pythor in \"\", as well as voicing many other characters in animated shows and anime dubs. He", + "score": 0.6513671875 + }, + { + "id": "5837195", + "title": "Darth Vader's Psychic Hotline", + "text": "Darth Vader's Psychic Hotline Darth Vader's Psychic Hotline is a fan film that made its debut on the Internet on April 16, 2002, created by fans of the \"Star Wars\" franchise. It is a spoof of \"Star Wars\" and Miss Cleo-type psychic hotline infomercials, with Darth Vader taking calls and giving advice to various \"Star Wars\" characters. While the film primarily spoofs the \"Star Wars\" universe in the format of an infomercial, there are several other notable targets, including subtle references to \"Star Trek\", \"Babylon 5\", \"Back to the Future\", \"Red Dwarf\", \"Battlestar Galactica\", and \"Close Encounters of the Third", + "score": 0.650390625 + }, + { + "id": "215954", + "title": "Jim Henson", + "text": "enigmatic Jedi Master Yoda. Henson suggested to \"Star Wars\" creator George Lucas, himself a Muppets fan, that he use Frank Oz as the puppeteer and voice of Yoda. Oz voiced Yoda in \"The Empire Strikes Back\" and each of the five subsequent \"Star Wars\" films. The naturalistic, lifelike Yoda became one of the most popular characters of the \"Star Wars\" franchise. Lucas even lobbied unsuccessfully to have Oz nominated for an Academy Award for Best Supporting Actor. In 1982, Henson founded the Jim Henson Foundation to promote and develop the art of puppetry in the United States. Around that time,", + "score": 0.650390625 + }, + { + "id": "2402546", + "title": "Sebastian Shaw (actor)", + "text": "did not due to the popularity of Mario Puzo's book of that name. He was said to have been working on another novel shortly after \"The Christening\" was completed, but no others were ever published. In 1982, Shaw was chosen for the small but crucial role of redeemed, unmasked and dying Anakin Skywalker in \"Return of the Jedi\", the third and final film in the original \"Star Wars\" trilogy. Although David Prowse played the costumed scenes and James Earl Jones voiced Darth Vader, just as they had in the first two films, Shaw was cast in a single scene with", + "score": 0.650390625 + } + ], + "answer": "Several actors have done the voice of Darth Vader in Star Wars. American actor James Earl Jones voiced Vader in Star Wars Episodes III-VI, IX, Rogue One, and Rebels. American actor and singer Brock Peters voiced Vader in the 1981 radio drama adaptation of Star Wars. Voice actor Ben Burtt voiced Darth Vader's vocal effects in Star Wars." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who do some say lived to be the oldest person in the world?", + "short_answers": [ + "Jeanne Calment" + ], + "wikipage": null + }, + { + "context": "The longest human lifespan which is undisputed is that of Sarah Knauss of the United States (1880\u20131999), who lived to age 119 years, 97 days.", + "question": "Who lived to be the oldest person in the world whose age is undisputed?", + "short_answers": [ + "Sarah Knauss" + ], + "wikipage": "Oldest people" + }, + { + "context": "No context provided", + "question": "Who lived to be the oldest person in the world as of 1997?", + "short_answers": [ + "Jeanne Calment", + "Jeanne Louise Calment" + ], + "wikipage": null + }, + { + "context": "German supercentenarians are citizens, residents or emigrants from Germany who have attained or surpassed 110 years of age. , the Gerontology Research Group (GRG) had validated the longevity claims of 59 German supercentenarians, including 49 residents and 10 emigrants. There are currently at least 5 Germans known to be alive over age 110, including 1 emigrant. The oldest German is emigrant Louise Schaaf, born 16 October 1906, aged living in Illinois, United States. Augusta Holtz, an emigrant to the United States, was the oldest German citizen whose age was validated; she lived 115 years and 79 days, from 1871 to 1986.", + "question": "Who lived to be the oldest person in the world as of 1986?", + "short_answers": [ + "Augusta Holtz" + ], + "wikipage": "List of German supercentenarians" + }, + { + "context": "No context provided", + "question": "Who lived to be the oldest person in the world as of 1985?", + "short_answers": [ + "Mathew Beard" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "List of German supercentenarians", + "url": "https://en.wikipedia.org/wiki/List%20of%20German%20supercentenarians" + }, + { + "title": "Oldest people", + "url": "https://en.wikipedia.org/wiki/Oldest%20people" + }, + { + "title": "List of the verified oldest people", + "url": "https://en.wikipedia.org/wiki/List%20of%20the%20verified%20oldest%20people" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The oldest person ever whose age has been independently verified is Jeanne Calment (1875\u20131997) of France, who lived to the age of 122 years, 164 days.", + "wikipage": "List of the verified oldest people" + }, + { + "content": "Mathew Beard (July 9, 1870? \u2013 February 16, 1985) was an American supercentenarian claimant, farmer and claimed veteran of the Spanish\u2013American War in 1898.", + "wikipage": "Mathew Beard" + }, + { + "content": "Beard is verified to be the first person in history to become 114 years old, although the oldest living person at the time of Beard's death at age 114 years, 222 days was believed to be the now debunked Japanese man Shigechiyo Izumi who claimed to be five years older and died over a year later, and the fourth-youngest of only seven verified men who have become at least 114 years old.", + "wikipage": "Mathew Beard" + }, + { + "content": "Jeanne Louise Calment (French: [\u0292an lwiz kalm\u0251\u0303] (About this soundlisten); 21 February 1875 \u2013 4 August 1997) was a French supercentenarian and the oldest human whose age is well-documented, with a lifespan of 122 years and 164 days.", + "wikipage": "Jeanne Calment" + }, + { + "content": "Sarah DeRemer Knauss (n\u00e9e Clark; September 24, 1880 \u2013 December 30, 1999) was an American supercentenarian. ", + "wikipage": "Sarah Knauss" + } + ], + "long_answer": "American supercentenarian claimant Mathew Beard was verified to be the first person in history to become 114 years old when he died in 1985. The following year in 1986, Augusta Holtz was validated as the oldest German citizen as she lived 115 years and 79 days by the time of her death in 1986. Skipping forward to 1997, French supercentenarian Jeanne Calment became the oldest human whose age is well-documented at the time of her death in August 1997. However, when it comes to the oldest person in the world whose age is undisputed is Sarah Knauss of the United States who lived to the age of 119 years and 97 days on December 30, 1999." + }, + { + "knowledge": [ + { + "content": "Jeanne Louise Calment (French: [\u0292an lwiz kalm\u0251\u0303] (About this soundlisten); 21 February 1875 \u2013 4 August 1997) was a French supercentenarian and the oldest human whose age is well-documented, with a lifespan of 122 years and 164 days.[1]", + "wikipage": "Jeanne Calment" + }, + { + "content": "She is the oldest person ever from the United States and the second-oldest fully documented person ever.", + "wikipage": "Sarah Knauss" + }, + { + "content": "A supercentenarian (sometimes hyphenated as super-centenarian) is someone who has reached the age of 110.", + "wikipage": "Supercentenarian" + } + ], + "long_answer": "A supercentenarian is someone who has reached the age of 110. Sarah Knauss, whose age is undisputed, was the oldest person ever from the United States and the second-oldest fully documented person ever. Jeanne Calment was a French supercentenarian and the oldest human whose age is well-documented, with a lifespan of 122 years and 164 days, and was the oldest person in the world as of 1997. In 1985, the oldest living person was Mathew Beard and in 1986 it was Augusta Holtz, who lived 115 years and 79 days, from 1871 to 1986." + } + ], + "sample_id": "-2587736270657707397", + "question": "Who lived to be the oldest person in the world?", + "docs": [ + { + "id": "7098585", + "title": "Oldest people", + "text": "Oldest people This is a list of tables of the oldest people in the world in ordinal ranks. To avoid including false or unconfirmed claims of extreme old age, names here are restricted to those people whose ages have been validated by an international body that specifically deals in longevity research, such as the Gerontology Research Group (GRG) or \"Guinness World Records\" (GWR), and others who have otherwise been . According to this criterion, the longest human lifespan is that of Jeanne Calment of France (1875\u20131997), who lived to the age of 122 years, 164 days. She met Vincent van", + "score": 0.7734375, + "summary": "The document states that the oldest person in the world was Jeanne Calment of France, who lived to be 122 years and 164 days old.", + "extraction": "The oldest person in the world was Jeanne Calment of France, who lived to the age of 122 years, 164 days." + }, + { + "id": "2147401", + "title": "Jeanne Calment", + "text": "Jeanne Calment Jeanne Louise Calment (; 21 February 1875 \u2013 4 August 1997) was a French woman from Arles widely reported to have been a supercentenarian and the oldest human whose age was well-documented, with a lifespan of 122 years and 164 days. According to various records, Calment outlived both her daughter and grandson. She became the oldest living person on 11 January 1988 at 112, one hundred years after encountering Vincent van Gogh, who visited her uncle's shop. She was declared the oldest person ever on 17 October 1995 at 120. Although Calment came from a long-living family, there", + "score": 0.7705078125, + "summary": "Jeanne Calment lived to be the oldest person in the world with a lifespan of 122 years and 164 days. She was a French woman from Arles and was declared the oldest person ever on 17 October 1995.", + "extraction": "Jeanne Calment lived to be the oldest person in the world with a lifespan of 122 years and 164 days." + }, + { + "id": "17362965", + "title": "Susannah Mushatt Jones", + "text": "17, 2015. On July 3, 2015, three days before her 116th birthday, she was presented with a certificate from \"Guinness World Records\" recognizing her as the oldest person alive. Jones died in her sleep on the evening of May 12, 2016, aged 116 years, 311 days. Following her death, Emma Morano became the world's oldest living person as well as the last living person who was born in the 1800s. Susannah Mushatt Jones Susannah Mushatt Jones (July 6, 1899 \u2013 May 12, 2016) was an African American supercentenarian who was, at the age of 116 years and 311 days, the", + "score": 0.7666015625, + "summary": "Susannah Mushatt Jones lived to be the oldest person in the world, reaching the age of 116 years and 311 days. She was recognized by Guinness World Records as the oldest person alive in July 2015 and passed away on May 12, 2016.", + "extraction": "Susannah Mushatt Jones lived to be the oldest person in the world, as she died at the age of 116 years and 311 days, on May 12, 2016." + }, + { + "id": "7098589", + "title": "Oldest people", + "text": "men from 1973 to present, according to GRG research. Oldest people This is a list of tables of the oldest people in the world in ordinal ranks. To avoid including false or unconfirmed claims of extreme old age, names here are restricted to those people whose ages have been validated by an international body that specifically deals in longevity research, such as the Gerontology Research Group (GRG) or \"Guinness World Records\" (GWR), and others who have otherwise been . According to this criterion, the longest human lifespan is that of Jeanne Calment of France (1875\u20131997), who lived to the age", + "score": 0.759765625, + "summary": "The document lists the oldest people in the world based on validated ages by research groups like Gerontology Research Group (GRG) and Guinness World Records. The longest human lifespan is that of Jeanne Calment of France (1875-1997).", + "extraction": "Jeanne Calment of France lived to be the oldest person in the world, with a lifespan of 122 years and 164 days, according to the Gerontology Research Group (GRG)." + }, + { + "id": "8035491", + "title": "Emma Tillman", + "text": "Julie Winnefred Bertrand, and on January 24, 2007 she became the world's oldest living person with the death of 115-year-old Emiliano Mercado del Toro (a native of Puerto Rico). She died in an East Hartford nursing home on January 28, 2007, aged 114 years, 67 days. She holds the record for the shortest period spent as the world's oldest person. After her death, Yone Minagawa of Japan became the world's oldest person. On March 9, 2007, Tillman was discussed as a major subject of a lecture by Felicia Nimue Ackerman, a professor of philosophy at Brown University, titled \"Nature vs.", + "score": 0.751953125, + "summary": "Emma Tillman is irrelevant to the question of who lived to be the oldest person in the world.", + "extraction": "Emma Tillman is not mentioned in the passage, so the answer is \"irrelevant\"." + }, + { + "id": "12968350", + "title": "Tuti Yusupova", + "text": "oldest verified living person at the time. After her funeral, her birth certificate and passport were declared conclusive evidence by Baxadir Yangibayev, Chairman of the Council of Ministers in the Republic of Karakalpakstan, where she lived and died. He said he would pass this information on to Guinness World Records. Tuti Yusupova Tuti Tojiboyevna Yusupova (, ; 1 July 1880? \u2013 28 March 2015) was an Uzbekistani longevity claimant. At the alleged age of , she was claimed to be the oldest living person in the world and oldest person ever, her claimed age exceeding that of the currently recognised", + "score": 0.7451171875, + "summary": "Tuti Yusupova was claimed to be the oldest living person in the world and lived to an alleged age of over 134 years old. However, it is unclear if she was officially recognized by Guinness World Records as the oldest person ever.", + "extraction": "Tuti Tojiboyevna Yusupova lived to be the oldest person in the world with an alleged age exceeding that of the currently recognized oldest verified living person at the time." + }, + { + "id": "4306708", + "title": "Shirali Muslimov", + "text": "Shirali Muslimov Shirali Farzali Muslimov (also Mislimov) (, pronounced ; ; allegedly March 26, 1805 \u2013 September 2, 1973) was an Azerbaijani shepherd with Talysh ethnicity from the village of Barzavu in the Lerik region of Azerbaijan, a mountainous area near the Iranian border. He claimed to be the oldest person who ever lived when he died on September 2, 1973 at the alleged age of 168. This is 46 years older than French woman Jeanne Calment, who lived 122 years. According to legend, Muslimov worked hard every day, up to 167 years, did not smoke or drink, but ate", + "score": 0.74267578125, + "summary": "Shirali Muslimov is claimed to be the oldest person who ever lived, allegedly dying at the age of 168.", + "extraction": "Shirali Muslimov claimed to be the oldest person who ever lived when he died on September 2, 1973 at the alleged age of 168. Therefore, Shirali Muslimov lived to be the oldest person in the world." + }, + { + "id": "2147412", + "title": "Jeanne Calment", + "text": "she was indexed in fourteen census documents until 1975. After her death, 116-year-old Marie-Louise Meilleur became the oldest recognized living person. Both before and after Calment's death, there have been several claims to have surpassed her age (see Unverified longevity claims), but none of these have been proven and Calment therefore continues to hold the record for the oldest verified person ever. In November 2018, Russian gerontologist Valery Novoselov and mathematician Nikolay Zak advanced the hypothesis that Calment's daughter Yvonne usurped her identity in 1934, by claiming that the daughter died instead of the mother, thus avoiding payment of estate", + "score": 0.7421875, + "summary": "Jeanne Calment is recognized as the oldest verified person ever, living until the age of 122. After her death, Marie-Louise Meilleur became the oldest recognized living person.", + "extraction": "Jeanne Calment lived to be the oldest verified person ever." + }, + { + "id": "2147410", + "title": "Jeanne Calment", + "text": "1874, although this was discounted by subsequent census research. Upon White's death on 14 February 1991, Calment, then a week shy of 116, became recognized as the oldest living person, though there are unverified claims that older people were alive at the time (see Longevity claims and Longevity myths). At the age of 114, she appeared briefly in the 1990 film \"Vincent and Me\" as herself, becoming the oldest person ever to appear in a motion picture. A documentary film about her life, entitled \"Beyond 120 Years with Jeanne Calment\", was released in 1995. In 1996, \"Time's Mistress\", a four-track", + "score": 0.7421875, + "summary": "Jeanne Calment lived to be the oldest person in the world, recognized as such upon the death of the previous holder of the title in 1991 when she was almost 116 years old.", + "extraction": "Jeanne Calment lived to be the oldest person in the world." + }, + { + "id": "12968345", + "title": "Tuti Yusupova", + "text": "Tuti Yusupova Tuti Tojiboyevna Yusupova (, ; 1 July 1880? \u2013 28 March 2015) was an Uzbekistani longevity claimant. At the alleged age of , she was claimed to be the oldest living person in the world and oldest person ever, her claimed age exceeding that of the currently recognised claimant Jeanne Louise Calment by 12 years. She was born and died in the same village, but lived in four states: the Khanate of Khiva, the Khorezm People's Soviet Republic, the Soviet Union and independent Uzbekistan. Her father's name was Tojiboy () and her mother's name was Uljon (). She", + "score": 0.7412109375, + "summary": "Tuti Yusupova was an Uzbekistani woman who was claimed to be the oldest living person in the world and oldest person ever, with a claimed age exceeding that of Jeanne Louise Calment by 12 years. She was born on July 1, 1880 (exact year of birth is uncertain) and died on March 28, 2015.", + "extraction": "Tuti Yusupova lived to be the oldest person in the world, with a claimed age exceeding that of the currently recognized claimant Jeanne Louise Calment by 12 years." + }, + { + "id": "7098587", + "title": "Oldest people", + "text": "years old upon her death in 1997. As women live longer than men on average, combined records for both sexes are predominated by women. The longest undisputed lifespan for a man is that of Jiroemon Kimura of Japan (1897\u20132013), who died at age 116 years, 54 days. Since the death of 117-year-old Chiyo Miyako of Japan on 22 July 2018, 115-year-old Kane Tanaka, also of Japan, born 2 January 1903, is the oldest living person in the world whose age has been documented. Since the death of 113-year-old Francisco N\u00fa\u00f1ez Olivera of Spain on 29 January 2018, 113-year-old Masaz\u014d Nonaka", + "score": 0.73828125, + "summary": "The oldest person in the world whose age has been documented is currently 115-year-old Kane Tanaka of Japan, born in 1903. However, the longest undisputed lifespan for a man was Jiroemon Kimura of Japan, who died at age 116 years, 54 days.", + "extraction": "The oldest living person in the world whose age has been documented is Kane Tanaka, born on January 2, 1903." + }, + { + "id": "2167716", + "title": "Supercentenarian", + "text": "Norway. In 1902, Margaret Ann Neve, born in 1792, became the first verified female supercentenarian. Jeanne Calment of France, who died in 1997 aged 122 years, 164 days, had the longest human lifespan documented. The oldest man ever verified is Jiroemon Kimura of Japan, who died in 2013 aged 116 years and 54 days. Over 1,500 supercentenarians have been documented in history. It is likely that more have lived, but the majority of claims to have lived to this age do not have sufficient documentary support to be validated. This is slowly changing as those born after birth registration was", + "score": 0.73779296875, + "summary": "Jeanne Calment of France lived to be the oldest person in the world, documented at 122 years and 164 days.", + "extraction": "Jeanne Calment of France lived to be the oldest person in the world, dying at the age of 122 years and 164 days in 1997." + }, + { + "id": "2178654", + "title": "Marie-Louise Meilleur", + "text": "then in a nursing home in Corbeil. Out of her twelve children, only four survived her. She had 85 grandchildren, 80 great-grandchildren, 57 great-great-grandchildren, and four great-great-great-grandchildren. Meilleur smoked tobacco into her nineties. She quit smoking aged 102 in 1982 when she caught a cold. In 1986 when asked the secret to long life she said hard work. Hard work never kills a person. She became the oldest living person in August 4, 1997, after the death of 122-year-old Frenchwoman Jeanne Calment. Around her 117th birthday she was too weak to talk and she could only hear if someone shouted", + "score": 0.736328125, + "summary": "Marie-Louise Meilleur became the oldest living person in August 4, 1997, after the death of Jeanne Calment at the age of 122.", + "extraction": "Marie-Louise Meilleur became the oldest living person in August 4, 1997, after the death of 122-year-old Frenchwoman Jeanne Calment. Therefore, Marie-Louise Meilleur lived to be the oldest person in the world." + }, + { + "id": "8223901", + "title": "Moloko Temo", + "text": "Moloko Temo Moloko \"Koko\" Temo (4 July 1874? \u2013 3 June 2009) was a South African woman who claimed to be the oldest living person in the world at 134 years of age. She claimed an age at least six years older than that of any other living claimant, but her claim has never been verified by Guinness World Records. Temo claimed she was born on 4 July 1874, making her 134 years old. Official records were not kept at that time. Her claim is documented by a government passport identity document issued to her in 1988. Blind since the", + "score": 0.73583984375, + "summary": "Moloko Temo claimed to be the oldest person in the world at 134 years of age. However, her claim was never verified by Guinness World Records.", + "extraction": "Moloko \"Koko\" Temo lived to be the oldest living person in the world at 134 years of age, according to her claim." + }, + { + "id": "18361867", + "title": "Bir Narayan Chaudhary", + "text": "Bir Narayan Chaudhary Bir Narayan Majhi Chaudhari (; 1856? \u2013 20 April 1998) was a Nepali man who claimed to be the oldest person ever. He died in 1998 at the self-professed age of 141. Bir was unable to substantiate his longevity claims with documentation. Since he did not have a birth certificate, \"The Guinness Book of Records\" did not identify him as the oldest person in the world. According to Bir, he was born shortly after the Crimean War in 1856, the son of landowner Guhi Maaji. A cattle rancher in the village of Khanar, near Kathmandu, Chaudhari was", + "score": 0.73486328125, + "summary": "Bir Narayan Chaudhary claimed to be the oldest person ever, having been born in 1856 and dying in 1998 at the age of 141. However, since he could not substantiate his longevity claims with documentation, he was not recognized by \"The Guinness Book of Records\" as the oldest person in the world.", + "extraction": "Bir Narayan Chaudhary claimed to be the oldest person ever and died in 1998 at the self-professed age of 141. However, since he did not have a birth certificate, \"The Guinness Book of Records\" did not identify him as the oldest person in the world. Therefore, it is unclear who lived to be the oldest person in the world according to the given passage. The answer is \"irrelevant\"." + }, + { + "id": "2256602", + "title": "Hendrikje van Andel-Schipper", + "text": "Hendrikje van Andel-Schipper Hendrikje \"Henny\" van Andel-Schipper (n\u00e9e Schipper) () (29 June 1890 \u2013 30 August 2005) was the oldest person ever in the history of the Netherlands (breaking the previous record of Catharina van Dam on 26 September 2003), and from 29 May 2004 was thought to be the oldest recognized person in the world until her death (although her case was later superseded by Mar\u00eda Capovilla of Ecuador). She became the oldest living person in the Netherlands on 16 February 2001, at the age of 110 years 232 days. Van Andel-Schipper was born as Hendrikje Schipper in Smilde,", + "score": 0.73291015625, + "summary": "Hendrikje van Andel-Schipper lived to be the oldest recognized person in the world from May 2004 until her death in August 2005. She was born on June 29, 1890, and became the oldest living person in the Netherlands on February 16, 2001.", + "extraction": "Hendrikje van Andel-Schipper lived to be the oldest recognized person in the world until her death." + }, + { + "id": "19701077", + "title": "Mbah Gotho", + "text": "Mbah Gotho Saparman Sodimejo, known more commonly as Mbah Gotho (died 30 April 2017) was an Indonesian man who unverifiably claimed to be the oldest person ever recorded. In May 2010, \"Solopos\" reported that enumerators of that year's census had recorded his age next birthday as 142, which would have made him 19 years older than the official oldest recorded person, Jeanne Calment, who died in 1997. The \"Liputan 6\" website reported that Mbah Gotho's estimated age was 140, and that he could not remember his date of birth but claimed to remember the construction of a sugar factory built", + "score": 0.73193359375, + "summary": "Mbah Gotho, an Indonesian man who claimed to be the oldest person ever recorded, died on April 30, 2017. He was said to be 142 years old in May 2010, which would have made him older than the official oldest recorded person, Jeanne Calment. However, his claim could not be verified.", + "extraction": "Jeanne Calment, who died in 1997." + }, + { + "id": "2178652", + "title": "Marie-Louise Meilleur", + "text": "Marie-Louise Meilleur Marie-Louise F\u00e9bronie Meilleur (n\u00e9e Chass\u00e9; August 29, 1880 \u2013 April 16, 1998) was a French Canadian supercentenarian. Meilleur is the oldest validated Canadian ever and upon the death of longevity world record holder Jeanne Calment, became the world's oldest recognized living person. She was succeeded as the oldest living person by American woman Sarah Knauss who died on December 30, 1999, at 119 years 97 days old. She was born in Kamouraska, Quebec, where she married her first husband, \u00c9tienne Leclerc, at age 20 in 1900 who was a fisherman. \u00c9tienne Leclerc died of pneumonia on February 24,", + "score": 0.73193359375, + "summary": "Marie-Louise Meilleur was the oldest validated Canadian ever and became the world's oldest recognized living person after the death of Jeanne Calment. She was succeeded by Sarah Knauss. She was born on August 29, 1880 and died on April 16, 1998.", + "extraction": "Marie-Louise Meilleur became the world's oldest recognized living person." + }, + { + "id": "8223904", + "title": "Moloko Temo", + "text": "general elections. Moloko Temo Moloko \"Koko\" Temo (4 July 1874? \u2013 3 June 2009) was a South African woman who claimed to be the oldest living person in the world at 134 years of age. She claimed an age at least six years older than that of any other living claimant, but her claim has never been verified by Guinness World Records. Temo claimed she was born on 4 July 1874, making her 134 years old. Official records were not kept at that time. Her claim is documented by a government passport identity document issued to her in 1988. Blind", + "score": 0.72802734375, + "summary": "Moloko \"Koko\" Temo claimed to be the oldest living person in the world at 134 years of age, but her claim has never been verified by Guinness World Records. She was born on 4 July 1874, but official records were not kept at that time.", + "extraction": "Moloko Temo claimed to be the oldest living person in the world at 134 years of age, but her claim has never been verified by Guinness World Records. Therefore, there is no verified information about who lived to be the oldest person in the world in this passage. The answer is \"irrelevant\"." + }, + { + "id": "18317690", + "title": "Violet Brown", + "text": "and she was the last known subject of Queen Victoria. Brown's first child, Harland Fairweather, died on 19 April 2017, at the age of 97 years and 4 days. He is believed to have been the oldest person with a living parent. Brown died on 15 September 2017 at a hospital in Montego Bay, Saint James Parish, at the age of 117, after being diagnosed with dehydration and irregular heartbeat a week prior. Following her death Nabi Tajima became the oldest living person and the last living person born in the 19th century. Violet Brown Violet Brown (n\u00e9e Mosse; 10", + "score": 0.72802734375, + "summary": "Violet Brown lived to be the oldest person in the world, passing away at the age of 117 on September 15, 2017.", + "extraction": "Violet Brown lived to be the oldest person in the world, dying at the age of 117 on September 15, 2017." + }, + { + "id": "4979098", + "title": "Elizabeth Bolden", + "text": "Elizabeth Bolden Elizabeth Bolden (n\u00e9e Jones; August 15, 1890 \u2013 December 11, 2006) was an American supercentenarian who, at the time of her death at age 116 years, 118 days, was recognized by Guinness World Records as the then world's oldest living person. Elizabeth Jones was born in 1890 in Somerville, Tennessee, the daughter of freed slaves. Jones married Louis Bolden in 1908, and their first child, a son, Ezell, was born on September 21, 1909. Elizabeth and Lewis Bolden had three sons and four daughters and raised cotton and subsistence crops on farmland near Memphis until the 1950s. Only", + "score": 0.72705078125 + }, + { + "id": "10639435", + "title": "Mary Ramsey Wood", + "text": "United States Census records and modern longevity research, this longevity claim is highly likely to be false. If Mary Ramsey Wood had lived to be 120, as claimed, she would have been the world's oldest person at that time, and would be the oldest American on record even today. That distinction, however, according to \"Guinness World Records\", belongs to Sarah Knauss, who died at age 119. In addition to the longevity records, census data may show a discrepancy between Mary Wood's claimed age at death and her actual age. Three U.S. census records for Hillsboro list a Mary Wood with", + "score": 0.72705078125 + }, + { + "id": "6634918", + "title": "Mari\u0301a Capovilla", + "text": "and no longer walked except when helped by two people. Still, Capovilla was able to sit in her chair and fan herself, and had been doing fine until she succumbed to a bout of pneumonia in the last week of August 2006, just 18 days before she would have celebrated her 117th birthday. Capovilla was named the World's Oldest Person by Guinness World Records on 9 December 2005, thus superseding both Hendrikje van Andel-Schipper of the Netherlands thought to be the world's oldest person from 29 May 2004 to 30 August 2005, when she died, and Elizabeth Bolden of the", + "score": 0.7265625 + }, + { + "id": "4979101", + "title": "Elizabeth Bolden", + "text": "been the oldest known American. After the death of Hendrikje van Andel on August 30, 2005, she was thought to be the world's oldest living person until December 9, 2005, when Mar\u00eda Capovilla was authenticated as older. She became the oldest living person following Capovilla's death on August 27, 2006. This was officially confirmed on September 17, 2006 by Guinness World Records. At the time of her death aged 116 years 118 days she was the seventh-oldest undisputed person ever documented. After her death, Emiliano Mercado Del Toro became the world's oldest person and Julie Winnefred Bertrand became the world's", + "score": 0.7265625 + }, + { + "id": "2981905", + "title": "Charlotte Hughes (supercentenarian)", + "text": "Charlotte Hughes (supercentenarian) Charlotte Marion Hughes, n\u00e9e Milburn (1 August 1877 \u2013 17 March 1993) was the longest-lived person ever documented in the United Kingdom at 115 years, 228 days. Born in Hartlepool in the 40th year of Queen Victoria's reign, she lived under the rule of five more monarchs and 24 British Prime Ministers. Hughes grew up in Middlesbrough in Yorkshire, where her father ran a music shop. She worked as a teacher in an elementary school from the age of 13 and married Noel Hughes, a retired army captain, after she retired at age 63. She was married", + "score": 0.7255859375 + }, + { + "id": "4979102", + "title": "Elizabeth Bolden", + "text": "oldest woman. Elizabeth Bolden Elizabeth Bolden (n\u00e9e Jones; August 15, 1890 \u2013 December 11, 2006) was an American supercentenarian who, at the time of her death at age 116 years, 118 days, was recognized by Guinness World Records as the then world's oldest living person. Elizabeth Jones was born in 1890 in Somerville, Tennessee, the daughter of freed slaves. Jones married Louis Bolden in 1908, and their first child, a son, Ezell, was born on September 21, 1909. Elizabeth and Lewis Bolden had three sons and four daughters and raised cotton and subsistence crops on farmland near Memphis until the", + "score": 0.7255859375 + }, + { + "id": "16995352", + "title": "Adelina Domingues", + "text": "age of 71, with Adelina outliving him by four years. Domingues died at a nursing home in the San Diego, California area in August 2002, at age 114 years and 183 days. Domingues claimed she was actually 115 years old, but her family and Cape Verdean diplomats did some research and discovered her baptismal information, from which they concluded that Domingues was 114 years old when she died. Adelina Domingues Adelina Domingues was a Cape Verdean American supercentenarian who was the world's oldest person from the May 28, 2002 death of fellow 114-year-old American woman Grace Clawson until her own", + "score": 0.724609375 + }, + { + "id": "5370587", + "title": "Benito Marti\u0301nez", + "text": "only time he went to the hospital was a few days before he died. No actual record exists of either his birth or his life prior to his immigration to Cuba, making him ineligible for consideration for the title of oldest living person, by the Guinness World Records, held at the time of his death by Elizabeth Bolden (August 15, 1890 \u2013 December 11, 2006), an African-American woman aged 116. Nonetheless, Abrogan maintained his claim until his death, and in his later years was the star attraction of the country's recently formed 120-Club, an organization promoting healthy lives for Cuba's", + "score": 0.72265625 + }, + { + "id": "2256608", + "title": "Hendrikje van Andel-Schipper", + "text": "world's oldest living person. In June 2008, Gert Holstege, a professor at the University of Groningen, said following a post-mortem analysis of Van Andel-Schipper's brain that there was little indication of the kinds of problems in the brain, some related to Alzheimer's disease, that are normally found in individuals who survive to extreme ages. According to Holstege, hers was the first known brain of such an advanced age \"that did not have these problems\". On 9 December 2005, Guinness World Records recognized the claim of then 116-year-old Mar\u00eda Capovilla of Ecuador to be the world's oldest person, supplanting Van Andel-Schipper", + "score": 0.72216796875 + }, + { + "id": "5370584", + "title": "Benito Marti\u0301nez", + "text": "Benito Mart\u00ednez Benito Mart\u00ednez Abrog\u00e1n (June 19, 1880? \u2013 October 11, 2006) was a Haitian Cuban who claimed to be the world's oldest living person. He claimed to have been born on June 19, 1880, near Cavaellon, Haiti; however, he had no documents to verify this and was thus never an officially eligible candidate for this record. The Cuban government sent officials to Haiti to investigate, but found nothing to either prove or disprove the claim. Cuban government medical experts attested that he was at least 119 years old at the time of his death, but the reasons for this", + "score": 0.72216796875 + }, + { + "id": "18317687", + "title": "Violet Brown", + "text": "Violet Brown Violet Brown (n\u00e9e Mosse; 10 March 1900 \u2013 15 September 2017) was a Jamaican supercentenarian who was the oldest verified living person in the world for five months, following the death of Emma Morano on 15 April 2017 until her own death at the age of on 15 September 2017. She was the fifth-oldest person in history at the time of her death and along with Nabi Tajima of Japan, was one of the last two living people known to have been born in the 19th century. Brown was one of four children born in Duanvale, Trelawny, British", + "score": 0.72216796875 + }, + { + "id": "14450317", + "title": "Besse Cooper", + "text": "after contracting stomach flu. Cooper became Georgia's oldest resident on January 19, 2009, following the death of 113-year-old Beatrice Farve. On January 31, 2011, Eunice Sanborn died, and Cooper became the oldest living person in the United States. She was thought to be the world's oldest living individual until May 18, 2011, when Brazil's Maria Gomes Valentim was verified as older. On June 21, 2011, Maria Gomes Valentim died, and Cooper became the world's oldest living person. Cooper reportedly attributed her longevity to \"minding her own business\" and avoiding junk food. At the time of her 116th birthday in August", + "score": 0.7216796875 + }, + { + "id": "7671469", + "title": "Du Pinhua", + "text": "was the world's \"champion of longevity\". Du Pinhua Du Pinhua (, 22 April 1886? \u2013 11 December 2006) was a Chinese claimant to the world's oldest person title. She lived in Leshan. According to the \"Shanghai Great World Guinness Book of Records\" (unaffiliated with the similarly named \"Guinness World Records\" in London), Pinhua was proclaimed the world's oldest person in 2002. The claim disappeared for almost four years before resurfacing in April 2006, when it was claimed that Du celebrated her 120th birthday. Her age had not been internationally recognized. Guinness in London and the Gerontology Research Group both said", + "score": 0.7216796875 + }, + { + "id": "5956664", + "title": "Habib Miyan", + "text": "Habib Miyan Habib Miyan born as Rahim Khan (1869 (claimed) \u2013 19 August 2008), of Rajasthan, Jaipur, India, was an Indian man who claimed to have lived to 138 years of age, though this claim is disputed. He holds the Guinness World record for the Longest retirement pension, although they did not recognise his claim to be the world's oldest person and the Gerontology Research Group accepted Edna Parker to be the world's oldest person at the time, at 115 years old. The Limca Book of Records lists him as the oldest man of Jaipur. His age is certified as", + "score": 0.7216796875 + }, + { + "id": "10525318", + "title": "Zaro Aga", + "text": "Zaro Aga Zaro Aga (, ) was a Kurdish man who claimed to be one of the longest-living humans ever. He claimed birth between 1774 and 1777, and died on 29 June 1934 in Istanbul, Turkey. He was allegedly aged 157 when he died, and thus claimed to be one of the longest-living humans ever. There is a debate as to his actual age when he died. According to the death certificate provided by his Turkish doctor, Zaro Aga's age was 157. He died in Istanbul, although some confusion about the place of death exists, probably because the body was", + "score": 0.720703125 + }, + { + "id": "17003574", + "title": "Jeralean Talley", + "text": "Jeralean Talley Jeralean Talley (n\u00e9e Kurtz; May 23, 1899 \u2013 June 17, 2015) was an American supercentenarian who was, at the age of 116 years, 25 days, the world's verified oldest living person. She was previously thought to be the oldest living American, from the death of Elsie Thompson on March 21, 2013 until Gertrude Weaver was verified to be older in July 2014. Upon Weaver's death on April 6, 2015, Talley was recognized as the oldest living person in the world. Talley received letters from U.S. President Barack Obama on her 114th and 116th birthdays acknowledging her status. Talley", + "score": 0.720703125 + }, + { + "id": "17362959", + "title": "Susannah Mushatt Jones", + "text": "Susannah Mushatt Jones Susannah Mushatt Jones (July 6, 1899 \u2013 May 12, 2016) was an African American supercentenarian who was, at the age of 116 years and 311 days, the world's oldest living person and the last living American born in the 19th century. She received tributes from the United States House of Representatives and from the Alabama House of Representatives \"for a remarkable lifetime of exceptional achievement lived during three centuries\". Susannah Mushatt was born to Callie and Mary Mushatt on July 6, 1899, in Lowndes County, Alabama. She was the third child and oldest daughter of eleven children.", + "score": 0.72021484375 + }, + { + "id": "5370588", + "title": "Benito Marti\u0301nez", + "text": "senior citizens. Benito Mart\u00ednez Benito Mart\u00ednez Abrog\u00e1n (June 19, 1880? \u2013 October 11, 2006) was a Haitian Cuban who claimed to be the world's oldest living person. He claimed to have been born on June 19, 1880, near Cavaellon, Haiti; however, he had no documents to verify this and was thus never an officially eligible candidate for this record. The Cuban government sent officials to Haiti to investigate, but found nothing to either prove or disprove the claim. Cuban government medical experts attested that he was at least 119 years old at the time of his death, but the reasons", + "score": 0.7197265625 + }, + { + "id": "2981908", + "title": "Charlotte Hughes (supercentenarian)", + "text": "moved to a nursing home in Redcar due to becoming too frail to look after herself. She also spent her final years in a wheelchair, though she remained mentally alert and sharp to the end of her life. Charlotte Hughes (supercentenarian) Charlotte Marion Hughes, n\u00e9e Milburn (1 August 1877 \u2013 17 March 1993) was the longest-lived person ever documented in the United Kingdom at 115 years, 228 days. Born in Hartlepool in the 40th year of Queen Victoria's reign, she lived under the rule of five more monarchs and 24 British Prime Ministers. Hughes grew up in Middlesbrough in Yorkshire,", + "score": 0.7197265625 + }, + { + "id": "4233907", + "title": "Emiliano Mercado del Toro", + "text": "over as the world's oldest person and Tomoji Tanabe took over as the world's oldest man. Emiliano Mercado del Toro Emiliano Mercado del Toro (August 21, 1891 \u2013 January 24, 2007) was a Puerto Rican supercentenarian and military veteran who was, at age 115, the world's oldest person for six weeks, and the world's oldest man from November 19, 2004 (death of Fred H. Hale, Sr.) until his own death on January 24, 2007. Mercado became the oldest documented living person on December 11, 2006, following the death of 116-year-old Elizabeth Bolden. At the time of his death in January", + "score": 0.71923828125 + }, + { + "id": "17273158", + "title": "Emma Morano", + "text": "29 November 2016 were broadcast live in Italy. Morano died at her home in Verbania, Italy, on 15 April 2017 at the age of 117. At the time she was the oldest person alive and the fifth-oldest person in recorded history. She was recognised as the last living person born before 1900 whose age had been independently verified. Upon Morano's death, Violet Brown became the world's oldest living person. Emma Morano Emma Martina Luigia Morano (29 November 1899 \u2013 15 April 2017) was an Italian supercentenarian who, before her death at the age of 117 years and 137 days, was", + "score": 0.71923828125 + }, + { + "id": "17383608", + "title": "Luo Meizhen", + "text": "China announced that 125-year-old Luo Meizhen was the oldest living person in China. This also made her a likely claimant to be the oldest living person in the world. However, the lack of official birth records meant that Guinness World Records was unable to accept the claim of longevity. After a few months of illness, Luo died of natural causes at the claimed age of 127 on 4 June 2013. She had several great-great-grandchildren by the time of her death. Luo Meizhen Luo Meizhen (, 9 July 1885? \u2013 4 June 2013) was a Chinese claimant for the world's oldest", + "score": 0.71875 + }, + { + "id": "2995765", + "title": "Christian Mortensen", + "text": "Christian Mortensen Christian Mortensen (August 16, 1882 \u2013 April 25, 1998) was a Danish-American supercentenarian. When he died, his age of 115 years, 252 days was the longest verified lifespan of any male in modern history until 28 December 2012, when Jiroemon Kimura of Japan surpassed this record. Mortensen was the first man confirmed to reach age 115 (in 1997). Mortensen was baptized in Fruering Church on December 26, 1882. Besides his baptismal record, other records include the 1890 and 1901 census enumerations in Denmark, and church confirmation in 1896. Christian Mortensen was born the son of a tailor in", + "score": 0.71875 + }, + { + "id": "4306712", + "title": "Shirali Muslimov", + "text": "frequent consumption of yogurt. http://yourenotfromaroundhere.com/blog/long-livers-lerik-azerbaijan/ Shirali Muslimov Shirali Farzali Muslimov (also Mislimov) (, pronounced ; ; allegedly March 26, 1805 \u2013 September 2, 1973) was an Azerbaijani shepherd with Talysh ethnicity from the village of Barzavu in the Lerik region of Azerbaijan, a mountainous area near the Iranian border. He claimed to be the oldest person who ever lived when he died on September 2, 1973 at the alleged age of 168. This is 46 years older than French woman Jeanne Calment, who lived 122 years. According to legend, Muslimov worked hard every day, up to 167 years, did not", + "score": 0.7177734375 + }, + { + "id": "2147411", + "title": "Jeanne Calment", + "text": "CD of Calment speaking over a background of rap, was released. On 17 October 1995, Calment reached 120 years and 238 days to become the \"oldest person ever\" according to Guinness, surpassing Shigechiyo Izumi of Japan, whose claim (120 years 237 days old at the time of his death on 21 February 1986, which was Calment's 111th birthday) was discounted in February 2011, more than thirteen years after Calment's death. Exceeding any other longevity case reported, Calment establishes the record as the most verifiable supercentenarian ever recorded. For example, beginning with the 1876 census (Calment is listed as a one-year-old),", + "score": 0.7177734375 + }, + { + "id": "7671465", + "title": "Du Pinhua", + "text": "Du Pinhua Du Pinhua (, 22 April 1886? \u2013 11 December 2006) was a Chinese claimant to the world's oldest person title. She lived in Leshan. According to the \"Shanghai Great World Guinness Book of Records\" (unaffiliated with the similarly named \"Guinness World Records\" in London), Pinhua was proclaimed the world's oldest person in 2002. The claim disappeared for almost four years before resurfacing in April 2006, when it was claimed that Du celebrated her 120th birthday. Her age had not been internationally recognized. Guinness in London and the Gerontology Research Group both said at the time that Mar\u00eda Capovilla", + "score": 0.716796875 + }, + { + "id": "10690061", + "title": "Margaret Ann Neve", + "text": "Margaret Ann Neve Margaret Ann Neve (\"n\u00e9e\" Harvey; 18 May 1792 \u2013 4 April 1903) was the first recorded female supercentenarian and the second validated human to reach the age of 110 after Geert Adriaans Boomgaard. She lived at Saint Peter Port on the island of Guernsey in the English Channel. She was also the first proven individual whose life spanned three centuries (18th to the 20th centuries). By Margaret's birth her family was already well-established on the island. Her father John Harvey was born in Cornwall in 1771 to John (1736-1778) and Margaret Ann Parker (d.1790). John Harvey was", + "score": 0.71484375 + }, + { + "id": "15222838", + "title": "Nicolas Savin", + "text": "by the Japanese-born Jiroemon Kimura (1897\u20132013), who died at the verified age of 116. The record for the longest verified lifespan of a human is currently 122 years, held by the Frenchwoman Jeanne Calment (1875\u20131997) and that was challanged in 2018. In 2003 the Russian historian V. Totfalushin found a document in the Russian State Historical Archives which casts doubts on Savin\u2019s claimed age and provides some interesting details about him. The document is an excerpt from the official memo by the Russian Minister of Internal Affairs on the status of the surviving veterans of the Grande Arm\u00e9e still residing", + "score": 0.71435546875 + }, + { + "id": "6385617", + "title": "Katherine Plunket", + "text": "Science and Art in the National Museum of Ireland. In 1970 it was part of the collections which were transferred to the Irish National Botanic Gardens at Glasnevin. Although it was not known at the time, Plunket became the oldest recognised person in the world at 8:00 a.m. on 4 December 1928, after the death of Delina Filkins, at the age of 108 years and 12 days, spanning a little over three years. As well as being the longest-lived Irish person, Plunket lived longer than anyone who died in Ireland or Britain, and at 109 received a telegram from King", + "score": 0.71435546875 + }, + { + "id": "7671468", + "title": "Du Pinhua", + "text": "small. What I then knew of her was that she was a follower of Buddhism, that she followed a mode of vegetarianism, that she was amicable, that she was never annoyed, and that she was smiling all the time.\" Du died at 1:00 AM on 11 December 2006, after suffering a fall. She died on the same day as Elizabeth Bolden, who was the oldest fully verified person at the time. Official Chinese sources say that before Du Pinhua \u201cthe oldest man of the world\u201d was an American aged 115, and then a 114-year-old Japanese woman. After \"confirmation\", Du Pinhua", + "score": 0.7138671875 + }, + { + "id": "17003578", + "title": "Jeralean Talley", + "text": "17, 2015, Talley died after a week of hospitalization. She had prayed not to suffer before death, and reportedly died peacefully during her sleep at her home in Inkster. Regarding her great age, she had been quoted as saying \"There's nothing I can do about it.\" Following her death, Susannah Mushatt Jones became the oldest person in the world and one of the only two remaining people verified to have been born in the 1800s. Jeralean Talley Jeralean Talley (n\u00e9e Kurtz; May 23, 1899 \u2013 June 17, 2015) was an American supercentenarian who was, at the age of 116 years,", + "score": 0.7138671875 + }, + { + "id": "4233898", + "title": "Emiliano Mercado del Toro", + "text": "Emiliano Mercado del Toro Emiliano Mercado del Toro (August 21, 1891 \u2013 January 24, 2007) was a Puerto Rican supercentenarian and military veteran who was, at age 115, the world's oldest person for six weeks, and the world's oldest man from November 19, 2004 (death of Fred H. Hale, Sr.) until his own death on January 24, 2007. Mercado became the oldest documented living person on December 11, 2006, following the death of 116-year-old Elizabeth Bolden. At the time of his death in January 2007, at the age of 115 years and 156 days, Mercado was the second oldest fully", + "score": 0.71337890625 + }, + { + "id": "10690068", + "title": "Margaret Ann Neve", + "text": "lowered to half mast as a show of respect. She was one of the last few living people from the 18th century. Margaret Ann Neve Margaret Ann Neve (\"n\u00e9e\" Harvey; 18 May 1792 \u2013 4 April 1903) was the first recorded female supercentenarian and the second validated human to reach the age of 110 after Geert Adriaans Boomgaard. She lived at Saint Peter Port on the island of Guernsey in the English Channel. She was also the first proven individual whose life spanned three centuries (18th to the 20th centuries). By Margaret's birth her family was already well-established on the", + "score": 0.71337890625 + }, + { + "id": "6634919", + "title": "Mari\u0301a Capovilla", + "text": "United States, thought to be the world's oldest person from 30 August 2005 to 9 December 2005. Guinness noted that \"\"Mar\u00eda Esther de Capovilla has beaten the odds \u2013 not only to live past 116, but to have the records to prove it.\"\" Their spokesman, Sam Knights, added in a telephone interview from London that \"\"while a lot of the time it's difficult for people to prove their age, there was no problem with any of the documents we were shown in Mrs. Capovilla's case\"\". Capovilla was finally added to the Guinness website on 12 April 2006. At the time", + "score": 0.712890625 + }, + { + "id": "8921303", + "title": "Edna Parker", + "text": "220 days. Her death was reported around the world. Parker is buried in Shelbyville's Miller Cemetery. After her death, a Portuguese woman Maria de Jesus became the world's oldest person. Edna Parker Edna Ruth Parker ( Scott) (April 20, 1893 \u2013 November 26, 2008) was an American supercentenarian who, for fifteen months, was recognized as the oldest person in the world. She featured in two documentaries and was included in a Boston University DNA database of supercentenarians. Parker was born in 1893, on a farm in Shelby County, Indiana, and raised eating a typical farm diet of meat and starch.", + "score": 0.71240234375 + }, + { + "id": "1772339", + "title": "Maximum life span", + "text": "homicide, whereas maximum life span is determined by \"rate of aging\". Longevity refers only to the characteristics of the especially long lived members of a population, such as infirmities as they age or \"compression of morbidity\", and not the specific life span of an individual. The longest-living person whose dates of birth and death were verified to the modern norms of \"Guinness World Records\" and the Gerontology Research Group was Jeanne Calment (1875-1997), a French woman who lived to 122. Reduction of infant mortality has accounted for most of the increased average life span longevity, but since the 1960s mortality", + "score": 0.7119140625 + }, + { + "id": "2147409", + "title": "Jeanne Calment", + "text": "the time that she had met Van Gogh 100 years before, in 1888, as a thirteen-year-old girl in her uncle's shop, where he bought some canvas, later describing him as \"ugly\" (\"laid\"), \"blighted by alcohol\" (\"br\u00fbl\u00e9 par l'alcool\"), and visiting brothels (\"il fr\u00e9quentait des maisons de tol\u00e9rance\"). After her 1988 interview, at age 112, Calment was given the Guinness World Records title for the world's \u2018Oldest person (living)\u2019 upon the death of Florence Knapp on 11 January 1988. In 1989, however, the title was withdrawn and given to Carrie C. White of Florida, who claimed to have been born in", + "score": 0.71142578125 + }, + { + "id": "1484090", + "title": "Sarah Knauss", + "text": "of deeds. Their only child Kathryn was born in 1903 and died in 2005 at the age of 101 years. Sarah's husband died in 1965 at 86 years old. At age 116, Knauss was recognized as being the new United States national longevity record holder, then thought to have been Carrie C. White (reportedly 1874\u20131991). In 1998, she became the world's oldest person when 117-year-old Canadian Marie-Louise Meilleur died. When her family members mentioned her newfound fame, Knauss responded with a smile and \"So what?\" Prior to her death, there were seven living generations in her family. Knauss died of", + "score": 0.71142578125 + }, + { + "id": "14450315", + "title": "Besse Cooper", + "text": "Besse Cooper Besse Berry Cooper (n\u00e9e Brown; August 26, 1896 \u2013 December 4, 2012) was an American supercentenarian and suffragettewho was the world's oldest living person from June 21, 2011, until her death. She was the eighth person verified to have reached the age of 116. Cooper was born Besse Berry Brown in Sullivan County, Tennessee, on August 26, 1896, the third of eight children born to Richard Brown (1861\u20131932) and Angeline Berry (1866\u20131927). As a child, she was a keen scholar who read avidly. She graduated from East Tennessee State Normal School (now East Tennessee State University) in 1916.", + "score": 0.7099609375 + }, + { + "id": "14450319", + "title": "Besse Cooper", + "text": "Besse Cooper Besse Berry Cooper (n\u00e9e Brown; August 26, 1896 \u2013 December 4, 2012) was an American supercentenarian and suffragettewho was the world's oldest living person from June 21, 2011, until her death. She was the eighth person verified to have reached the age of 116. Cooper was born Besse Berry Brown in Sullivan County, Tennessee, on August 26, 1896, the third of eight children born to Richard Brown (1861\u20131932) and Angeline Berry (1866\u20131927). As a child, she was a keen scholar who read avidly. She graduated from East Tennessee State Normal School (now East Tennessee State University) in 1916.", + "score": 0.7099609375 + }, + { + "id": "2147408", + "title": "Jeanne Calment", + "text": "continued the payments until Calment's death. Calment's comment on this situation was reported to be, \"In life, one sometimes makes bad deals.\" During all these years, Calment used to say to them that she \"competed with Methuselah\". In 1985, she moved into a nursing home, having lived on her own until age 110. On 20 June 1986 Jeanne Calment became the oldest living person in France at the age of 111 when Eugenie Roux died. Her international fame escalated in 1988, when the centenary of Vincent van Gogh's visit to Arles provided an occasion to meet reporters. She said at", + "score": 0.7099609375 + }, + { + "id": "2256611", + "title": "Hendrikje van Andel-Schipper", + "text": "a common character trait. They tend to focus on something positive when something bad happens. Hendrikje van Andel-Schipper Hendrikje \"Henny\" van Andel-Schipper (n\u00e9e Schipper) () (29 June 1890 \u2013 30 August 2005) was the oldest person ever in the history of the Netherlands (breaking the previous record of Catharina van Dam on 26 September 2003), and from 29 May 2004 was thought to be the oldest recognized person in the world until her death (although her case was later superseded by Mar\u00eda Capovilla of Ecuador). She became the oldest living person in the Netherlands on 16 February 2001, at the", + "score": 0.708984375 + }, + { + "id": "6634915", + "title": "Mari\u0301a Capovilla", + "text": "Mar\u00eda Capovilla Mar\u00eda Esther Heredia Lecaro de Capovilla, known internationally as Mar\u00eda Capovilla (14 September 1889 \u2013 27 August 2006), was an Ecuadorian supercentenarian, and, at the time of her death at age 116 years, 347 days, was recognized by Guinness World Records as the world's oldest living person. Born as Mar\u00eda Esther Heredia Lecaro in Guayaquil, she was the daughter of a colonel, and lived a life among the upper-class elite, attending social functions and art classes. She never smoked or drank hard liquor. In 1917, she married Antonio Capovilla (1864-1949), who was a military officer. An ethnic Italian,", + "score": 0.70849609375 + }, + { + "id": "9895951", + "title": "Hryhoriy Nestor", + "text": "Hryhoriy Nestor Hryhoriy Nestor (; also Grigory Nestor) (15 March 1891? or 1 July 1911 \u2013 14 December 2007) claimed to be the oldest man in the world. At the time of his death, he would have been 116 years old, if his age were verified, an age that only one man, Jiroemon Kimura, has verifiably reached. Nestor claimed to have been born on 15 March 1891 in Western Ukraine, and at his death resided in Stariy Yarychiv in the Kamianka-Buzka region of Lviv Oblast. He never married, and claimed that this was one of the secrets of his longevity.", + "score": 0.7080078125 + }, + { + "id": "6368746", + "title": "Maurice Floquet", + "text": "Maurice Floquet Maurice No\u00ebl Floquet (Poissons, 25 December 1894 \u2013 Montauroux, 10 November 2006) was, at age 111, France's oldest man on record and was one of the last surviving French veterans of World War I. He was, at the age of 111 years and 320 days, France's longest-lived soldier of all time and the oldest French man ever. He held the record of France's oldest living man for more than three years. France's oldest-ever person was a woman, Jeanne Calment, aged 122 years 164 days when she died, who still remains the oldest verified person ever, having lived more", + "score": 0.7080078125 + }, + { + "id": "19293181", + "title": "Yisrael Kristal", + "text": "2016, after the death of Japanese supercentenarian Yasutaro Koide. On March 11, 2016, Kristal was officially recognized as the world's oldest man by \"Guinness World Records\". His status was verified after documents confirming his age were uncovered in Poland (formerly, the family's oldest document was from his wedding at age 25, but Guinness regulations require documentation from the first 20 years of a person's life to claim the record; the newly found documents were discovered by Jewish Records Indexing \u2013 Poland). Yisrael Kristal Yisrael Kristal (born Izrael Icek Kryszta\u0142; ; September 15, 1903 \u2013 August 11, 2017) was a Polish-Israeli", + "score": 0.7060546875 + }, + { + "id": "9895953", + "title": "Hryhoriy Nestor", + "text": "provided copies to Guinness, the Gerontology Research Group or even Ukrainian scientists. Note the passport shown in videos was issued by authorities after 1991, and so does not serve as proof of birth. Hryhoriy Nestor Hryhoriy Nestor (; also Grigory Nestor) (15 March 1891? or 1 July 1911 \u2013 14 December 2007) claimed to be the oldest man in the world. At the time of his death, he would have been 116 years old, if his age were verified, an age that only one man, Jiroemon Kimura, has verifiably reached. Nestor claimed to have been born on 15 March 1891", + "score": 0.7060546875 + }, + { + "id": "14372554", + "title": "Alexander Imich", + "text": "longevity to this. Imich died on June 8, 2014 at 9:03 AM from natural causes at the age of 111. He was succeeded as the world's oldest man by Sakari Momoi of Japan (born February 5, 1903, one day after Imich). Alexander Imich Alexander Imich (February 4, 1903 \u2013 June 8, 2014) was a Polish Jewish-born American chemist, parapsychologist, and writer, who was the president of the Anomalous Phenomena Research Center in New York City. He was born in 1903 in Cz\u0119stochowa, Poland (then a part of Russian Empire) to a Jewish family. Imich, a supercentenarian, became the oldest living", + "score": 0.70556640625 + }, + { + "id": "6499375", + "title": "Longevity claims", + "text": "who is aged , but under 130 years are included in the list. This table contains supercentenarian claims with either a known death date or no confirmation for more than 2 years that they were still alive. Only claims greater than that of Jeanne Calment who died at the age of 122 years, 164 days, but under 130 years are included. They are listed in order of age as of the date of death or date last reported alive. Longevity claims Longevity claims are unsubstantiated cases of asserted human longevity. Those asserting lifespans of 110 years or more are referred", + "score": 0.7041015625 + }, + { + "id": "6368752", + "title": "Maurice Floquet", + "text": "European man. Maurice Floquet Maurice No\u00ebl Floquet (Poissons, 25 December 1894 \u2013 Montauroux, 10 November 2006) was, at age 111, France's oldest man on record and was one of the last surviving French veterans of World War I. He was, at the age of 111 years and 320 days, France's longest-lived soldier of all time and the oldest French man ever. He held the record of France's oldest living man for more than three years. France's oldest-ever person was a woman, Jeanne Calment, aged 122 years 164 days when she died, who still remains the oldest verified person ever, having", + "score": 0.70361328125 + }, + { + "id": "7098588", + "title": "Oldest people", + "text": "of Japan, born 25 July 1905, is the world's oldest verified living man. Systematic verification of longevity has only been practiced in recent decades and only in certain parts of the world. All ten of these people are women. This table lists the sequence of the world's oldest known living person from 1955 to present, according to GRG research. Due to the life expectancy difference between sexes, nearly all the oldest living people have been women; a sequence of the oldest living men is provided below the main list. This table lists the sequence of the world's oldest known living", + "score": 0.7021484375 + }, + { + "id": "15822553", + "title": "Susanna Bokoyni", + "text": "where she performed a tight rope act. In 1972, the nonagenarian Bokoyni moved to Newton, New Jersey and settled at the Merriam House Retirement Home. On 24 August 1984, she died at age 105 at Newton Memorial Hospital. She was interred at Glenwood Cemetery in Vernon, New Jersey. Susanna Bokoyni Susanna Bokoyni (24 April 1879 \u2013 24 August 1984), also known as \"Princess Susanna\", was a Hungarian centenarian and circus performer who was listed in Guinness World Records as the longest-lived dwarf on record. The second-longest lived is Rozika Ovitz Ovitz, a Holocaust survivor from Rozavlea, Romania, who died at", + "score": 0.7021484375 + }, + { + "id": "16995350", + "title": "Adelina Domingues", + "text": "Adelina Domingues Adelina Domingues was a Cape Verdean American supercentenarian who was the world's oldest person from the May 28, 2002 death of fellow 114-year-old American woman Grace Clawson until her own death less than three months later. Domingues was born in 1888 in Cape Verde. Her family was not very well off financially at the time of her birth. Domingues's Italian father was a harbor pilot by profession, and her mother was Portuguese by ethnicity. She married a ship captain in 1907, and also moved to the United States that year. Her husband died from cancer in 1950. Domingues", + "score": 0.69921875 + }, + { + "id": "14372549", + "title": "Alexander Imich", + "text": "Alexander Imich Alexander Imich (February 4, 1903 \u2013 June 8, 2014) was a Polish Jewish-born American chemist, parapsychologist, and writer, who was the president of the Anomalous Phenomena Research Center in New York City. He was born in 1903 in Cz\u0119stochowa, Poland (then a part of Russian Empire) to a Jewish family. Imich, a supercentenarian, became the oldest living man after the death of Arturo Licata, of Italy, on April 24, 2014. Until his own death a little more than a month later, at the age of 111 years, 124 days, Imich was certified by \"Guinness World Records\" as the", + "score": 0.69873046875 + }, + { + "id": "2256609", + "title": "Hendrikje van Andel-Schipper", + "text": "from the revised title, she became thought to become the world's oldest living person on 29 May 2004 upon the death of Ramona Trinidad Iglesias-Jordan, she would have become the world's oldest living person at the age of . Hendrikje van Andel-Schipper had stated that the secret to her longevity was a serving of herring every day and drinking orange juice. She later jokingly added \"breathing.\" On another occasion, she gave the following advice: \"Don't smoke and don't drink too much alcohol. Just a small \"advocaat\" with cream on Sundays and holidays. And you must remain active.\" The complete genome", + "score": 0.69873046875 + }, + { + "id": "18248773", + "title": "Leandra Becerra Lumbreras", + "text": "not conclusively prove her age. Since she did not have her birth certificate, the Guinness World Records could not verify Lumbreras' claim and instead recognized Misao Okawa (1898-2015) as the world's oldest living person, and Jeanne Calment (1875-1997) as the longest-lived person in history. After her death on March 19, 2015, some media outlets reported that the Mexican government had confirmed that she was 127 at the time of her death, but no officials have so far confirmed this. A baptism record has been found of a Leandra Becerra Lumbreras of June 4, 1904. This person was born in Joya", + "score": 0.6982421875 + }, + { + "id": "6835173", + "title": "Leila Denmark", + "text": "Leila Denmark Leila Alice Denmark (n\u00e9e Daughtry; February 1, 1898 \u2013 April 1, 2012) was an American pediatrician in Atlanta, Georgia. She was the world's oldest practicing pediatrician until her retirement in May 2001 at the age of 103, after 73 years. She was a supercentenarian, living to the age of 114 years, 60 days. On December 10, 2011, at age 113 years 312 days, she became one of the 100 oldest people ever. (This record has since been surpassed) At her death she was the 5th-oldest verified living person in the world and the 3rd-oldest verified living person in", + "score": 0.69775390625 + }, + { + "id": "17362964", + "title": "Susannah Mushatt Jones", + "text": "Barron. Jones celebrated her 114th birthday six days late. Her family, friends and Brooklyn District Attorney Charles Hynes praised her accomplishments. On her 115th birthday, her niece, Lois Judge, told WABC-TV that Jones \"gets tired easily these days, but it has been a good day today.\" Jones did not speak at the celebration. Her great-great niece, a baby named Susannah after her, was also present. Jones became the world's oldest living person and one of two remaining people verified to have been born in the 1800s (along with Italian woman Emma Morano) upon the death of Jeralean Talley on June", + "score": 0.6962890625 + }, + { + "id": "13913469", + "title": "Gergely Andra\u0301s Molna\u0301r", + "text": "went on to become the oldest man in Europe and lived until 110 years of age). Gergely Andr\u00e1s Moln\u00e1r Gergely Andr\u00e1s Moln\u00e1r (16 November 1897 \u2013 22 March 2006) was, at age 108, one of the last Hungarian World War I veterans. There he served on the Russian front in the Annex II. He later served for six years in World War II. Moln\u00e1r received the highest honors for his country being awarded the First degree in National Defence. He was born in Kiskundorozsma. At the time of his death he was the oldest living person in Hungary. He was", + "score": 0.6962890625 + }, + { + "id": "14722772", + "title": "Rudolf Schrader", + "text": "bicycle at the age of 103. He died in Berwyn, Illinois on January 18, 1981, at the age of 105 years, 307 days, making him the longest lived Olympian. He held that title for over 32 years, until he was surpassed in age by Olympic shooter Walter Walsh of the United States in March 2013. Rudolf Schrader Rudolf Schrader (also spelled Rudolph) (March 17, 1875 \u2013 January 18, 1981) was an American gymnast who competed at the 1904 Summer Olympics in St. Louis. As a member of the Turnverein Vorw\u00e4rts club he placed seventh in the team all-around and participated", + "score": 0.6953125 + }, + { + "id": "17273153", + "title": "Emma Morano", + "text": "Emma Morano Emma Martina Luigia Morano (29 November 1899 \u2013 15 April 2017) was an Italian supercentenarian who, before her death at the age of 117 years and 137 days, was the world's oldest living person whose age had been verified, and the last living person to have been verified as being born before 1900. She remains the oldest Italian person ever and the second-oldest European person ever behind Frenchwoman Jeanne Calment. Emma Martina Luigia Morano was born on 29 November 1899 in Civiasco, Vercelli, Piedmont, Kingdom of Italy, to Giovanni Morano and Matilde Bresciani, the eldest of eight children", + "score": 0.69482421875 + }, + { + "id": "17383606", + "title": "Luo Meizhen", + "text": "Luo Meizhen Luo Meizhen (, 9 July 1885? \u2013 4 June 2013) was a Chinese claimant for the world's oldest person. Her claim was supported by a report from the Gerontological Society of China (GSC) but has not gained widespread acceptance due to the lack of reliable birth records in Guangxi at the time of her birth. Luo Meizhen's official identity documents claimed that she was born in Guangxi on 9 July 1885. However, these documents were issued later in life. Her birth date could not be authoritatively verified as birth records were not kept in the region until 1949.", + "score": 0.69482421875 + }, + { + "id": "15822552", + "title": "Susanna Bokoyni", + "text": "Susanna Bokoyni Susanna Bokoyni (24 April 1879 \u2013 24 August 1984), also known as \"Princess Susanna\", was a Hungarian centenarian and circus performer who was listed in Guinness World Records as the longest-lived dwarf on record. The second-longest lived is Rozika Ovitz Ovitz, a Holocaust survivor from Rozavlea, Romania, who died at age 98. Bokoyni was born in Hungary on 24 April 1879. Doctors told her family that she would not live past age seven. At age 16, she became a dancer at Budapest's Orpheum Theater. She later toured with Rose's Parisian Midget Follies and Buffalo Bill's Wild West Show", + "score": 0.6943359375 + }, + { + "id": "8921297", + "title": "Edna Parker", + "text": "Edna Parker Edna Ruth Parker ( Scott) (April 20, 1893 \u2013 November 26, 2008) was an American supercentenarian who, for fifteen months, was recognized as the oldest person in the world. She featured in two documentaries and was included in a Boston University DNA database of supercentenarians. Parker was born in 1893, on a farm in Shelby County, Indiana, and raised eating a typical farm diet of meat and starch. She attended Franklin Senior High School, then took classes at Franklin College to obtain a teaching certificate. Parker taught at a two-room schoolhouse in Smithland for a few years, until", + "score": 0.69384765625 + }, + { + "id": "12968348", + "title": "Tuti Yusupova", + "text": "anniversary. If her age is correct, she would be more than a decade older than the oldest verified person, French woman Jeanne Calment, who died in 1997, aged 122 years, 164 days. In 2010, a documentary was filmed about her, \"Witness to Three Centuries\" (\"\"). Known as \"Tuti-Momo,\" she was deeply respected in her town of To\u2018rtko\u2018l. \"In the run-up to visits, weddings and other events, we always come to her and ask for blessings\", said village chairman Ikrom Bekniyozov. \"It is a tradition that has developed over the years. You can't have something more unique in your village than", + "score": 0.693359375 + }, + { + "id": "4417839", + "title": "Zheng Ji (biochemist)", + "text": "Zheng Ji turned 110 in May 2010 and at the time was claimed to be the oldest professor living in the world. He spent the greater part of his life teaching at the medical school and biology department of Nanjing University. Zheng Ji died on 29 July 2010. Zheng Ji (biochemist) Zheng Ji () (6 May 1900 \u2013 29 July 2010) was a nutritionist and a pioneering biochemist from Nanxi, Sichuan province, China. He was reputed to be the world's oldest professor and the founder of modern nutrition science in China. He lived to the age of 110. In 1924", + "score": 0.69287109375 + }, + { + "id": "15222837", + "title": "Nicolas Savin", + "text": "a small Russian cottage with a bronze statue of Napoleon in his study. Voyenski attributes Savin's long life to his tea-drinking and active lifestyle: the old man enjoyed painting and continued gardening until he fell sick in November 1894. After receiving the sacraments, Savin died on 29 November 1894. If Savin was indeed aged 126 when he died, in Russia, where he had resided for more than eighty years, he would be the longest-lived man on record, and the longest-lived human of any gender. However, as this age has not been verified, the record for the oldest man is held", + "score": 0.69287109375 + }, + { + "id": "256921", + "title": "Life expectancy", + "text": "used in the context of manufactured objects, but the related term shelf life is used for consumer products, and the terms \"mean time to breakdown\" (MTTB) and \"mean time between failures\" (MTBF) are used in engineering. The oldest confirmed recorded age for any human is 122 years, reached by Jeanne Calment who lived between 1875 and 1997. This is referred to as the \"maximum life span\", which is the upper boundary of life, the maximum number of years any human is known to have lived. Theoretical study shows that the maximum life expectancy at birth is limited by the human", + "score": 0.6923828125 + }, + { + "id": "6368750", + "title": "Maurice Floquet", + "text": "2005. On 25 December 2004 (his 110th birthday), Floquet was promoted by president Jacques Chirac to the rank of officer in the L\u00e9gion d'honneur. In May 2006, Floquet became France's oldest verified man on record, when he surpassed Algerian-born \u00c9mile Fourcade (1884\u20131995), who lived to age 111 years and 153 days. By all accounts, Floquet enjoyed watching sports on TV and, being a little vain, didn't like to wear his eyeglasses. He was allowed one full glass of red wine every day \u2014 and champagne on special occasions. In October 2006, Floquet sent letters to Henry Allingham (then Britain's oldest", + "score": 0.6923828125 + }, + { + "id": "9646541", + "title": "Walter Breuning", + "text": "men born in the 1890s who lived into the 2010s. Before he died, Breuning shared a prayer with his pastor. He said \"Talked to Him this morning. Reminded Him of our agreement.\" His pastor asked what the agreement was. Breuning said, \"If I'm not going to get better, I'm supposed to go now.\" Walter Breuning Walter Breuning (September 21, 1896 \u2013 April 14, 2011) was an American supercentenarian who was the oldest recognized living man between July 18, 2009 and April 14, 2011. Breuning is the third-oldest verified American man ever behind Danish-born Christian Mortensen and Mathew Beard as well", + "score": 0.6904296875 + }, + { + "id": "3348992", + "title": "Hal Haig Prieste", + "text": "him for donating it. At the time of his death at 104, Prieste was the world's oldest former Olympic medalist, and the first known Olympian whose lifespan covered three centuries (1896\u20132001). Hal Haig Prieste Hal Haig \"Harry\" Prieste (November 23, 1896 \u2013 April 19, 2001) was an Armenian-American athlete who participated in the 1920 Summer Olympics in Antwerp as a diver. He was born Haig Prieste in Fresno, California to Armenian immigrant parents. Their original surname was Keshishian. \"Haig\" is the name of the mythical progenitor of the Armenians. Prieste first took \"Harry\" as his American name, but later switched", + "score": 0.6904296875 + }, + { + "id": "16324291", + "title": "Chandra Bahadur Dangi", + "text": "the shortest man in the world and a citizen of Nepal, he wanted to use his status to popularise his country. In 2012, at the age of 72, Dangi met the world\u2019s shortest woman, Jyoti Amge of Nagpur, India. The pair posed together for the 57th edition of \"The Guinness Book of Records\" in 2013. On 13 November 2014, as part of Guinness World Records Day, Dangi met the world's tallest living man, Sultan K\u00f6sen, at an event in London. Chandra died in American Samoa on 3 September 2015 at the age of 75, at the Lyndon B. Johnson Tropical", + "score": 0.68994140625 + }, + { + "id": "17273157", + "title": "Emma Morano", + "text": "show. On her 116th birthday, Morano received congratulations from Pope Francis. She surpassed the age of Venere Pizzinato in August 2014 and Dina Manfredini (who died in the United States) in August 2015, to become the oldest Italian person ever. On 13 May 2016, upon the death of American woman Susannah Mushatt Jones, Morano became the world's oldest living person and also the last living person verified to have been born before 1900. On 29 July 2016, she was presented with a certificate from \"Guinness World Records\" recognizing her as the oldest person alive. Festivities celebrating her 117th birthday on", + "score": 0.689453125 + }, + { + "id": "8660859", + "title": "John Campbell Ross", + "text": "the age of 108, on 12 June 2007, upon the death of Frank Scarrabelotti. Following the death of 112-year-old E. Beatrice Riley, he was verified as the oldest living person in Australia. Ross celebrated his 110th birthday with chocolates and cake and a commemorative letter from the Prime Minister of Australia, Kevin Rudd. As a civilian, Ross worked for Victorian Railways until he retired in 1964. Ross died peacefully in his sleep at approximately 4 am. at the Golden Oaks Nursing Home in Bendigo on 3 June 2009, aged 110 years, 84 days. John Campbell Ross John Campbell Ross (11", + "score": 0.689453125 + }, + { + "id": "2570725", + "title": "Shigechiyo Izumi", + "text": "Shigechiyo Izumi Izumi drank brown sugar \"sh\u014dch\u016b\" (a Japanese alcoholic beverage often distilled from barley or rice), and took up smoking at age 70. After a brief hospitalization, Izumi died of pneumonia at 21:15 JST on 21 February 1986. He was one of only two people (the other being Jeanne Calment) verified to have lived past their 120th birthday, although subsequent research has discounted the verification. In April 1987, 14 months after Izumi's death, the Department of Epidemiology at the Tokyo Metropolitan Institute of Gerontology reported that research into Izumi's family registration records indicated Izumi might have been 105 when", + "score": 0.689453125 + }, + { + "id": "1674790", + "title": "Alphaeus Philemon Cole", + "text": "Alphaeus Philemon Cole Alphaeus Philemon Cole (Jersey City, New Jersey July 12, 1876 \u2013 New York City, November 25, 1988) was an American artist, engraver and etcher. He was born in Jersey City, New Jersey and died in New York City. He was the son of noted engraver Timothy Cole. At the time of his death, at age 112 years and 136 days, Alphaeus was the world's oldest verified living man. Cole studied art first under Isaac Craig, in Italy, then in Paris from 1892 to 1901 with Jean Paul Laurens and Jean-Joseph Benjamin-Constant at the Acad\u00e9mie Julian, and later", + "score": 0.689453125 + }, + { + "id": "2981907", + "title": "Charlotte Hughes (supercentenarian)", + "text": "admitted to personally liking Thatcher, and described the Prime Minister as \"A very nice woman.\" For her 110th birthday, she flew on Concorde to New York City, one of only two supercentenarian air passengers ever recorded. She stayed at The Waldorf-Astoria Hotel for four days on an all-expenses paid visit and met the mayor Ed Koch. She became the oldest person in the United Kingdom when Scotland's Kate Begbie died in 1988, and broke the national longevity record, held until then by Anna Eliza Williams, in early 1992. Hughes lived in her own home in Marske-by-the-Sea until 1991, when she", + "score": 0.6884765625 + }, + { + "id": "10118121", + "title": "Jim Hutchinson", + "text": "matches and was not re-engaged at the end of the season. Hutchinson was born in New Tupton, Derbyshire. He died in Doncaster aged 103 years 344 days. Jim Hutchinson James Metcalf Hutchinson (29 November 1896 \u2013 7 November 2000) was an English first-class cricketer who played more than 250 first-class games for Derbyshire between 1920 and 1931. Until September 2018, when John Manners took the record, Hutchinson's unique claim to fame was that, of all first-class cricketers around the world, he was the longest-lived whose age had been incontestably established. All but one of Hutchinson's 256 first-class matches were for", + "score": 0.68798828125 + }, + { + "id": "8921300", + "title": "Edna Parker", + "text": "as part of a study of the genetics of extreme longevity. In January 2007, Parker became the oldest person in the United States, and seven months later, following the death of Yone Minagawa of Japan on August 13, 2007, she became the oldest person in the world. The occasion is recorded as a \"Moment of Indiana History\". Parker featured in an episode of Mark Dolan's documentary \"The World's ... and Me\" in 2008, and in another documentary called How to Live Forever, released in 2009. On her 114th birthday, she received a letter from Vice-President Dick Cheney, who thanked her", + "score": 0.68798828125 + }, + { + "id": "9646540", + "title": "Walter Breuning", + "text": "Great Falls hospital at 3:30 pm local time on April 14, 2011. He had been hospitalized since the beginning of the month with an undisclosed illness. At the time of his death, he was the third-oldest living person in the world, and the oldest male. After his death, Jiroemon Kimura took over as the world's oldest man, and he would later become the oldest male ever. With his death, Kimura also became the last living man born in the 1890s (and later, with the death of James Sisnett, the 19th century). He and Kimura were also the only two verified", + "score": 0.68798828125 + } + ], + "answer": "A supercentenarian is someone who has reached the age of 110. Sarah Knauss, whose age is undisputed, was the oldest person ever from the United States and the second-oldest fully documented person ever. Jeanne Calment was a French supercentenarian and the oldest human whose age is well-documented, with a lifespan of 122 years and 164 days, and was the oldest person in the world as of 1997. In 1985, the oldest living person was Mathew Beard and in 1986 it was Augusta Holtz, who lived 115 years and 79 days, from 1871 to 1986." + }, + { + "qa_pairs": [ + { + "context": "The Oriental Orthodox (other than the Armenians), the Eastern Orthodox, and the Eastern Catholics who follow the same traditions have a twelve-day interval between the two feasts. Christmas and Epiphany are celebrated by these churches on 25 December and 6 January using the Julian calendar, which correspond to 7 January and 19 January using the Gregorian calendar. The Twelve Days, using the Gregorian calendar, end at sunset on 18 January.", + "question": "When does the 12th day of christmas begin for Eastern Christianity?", + "short_answers": [ + "18 January" + ], + "wikipage": "Twelve Days of Christmas" + }, + { + "context": "The traditions of the Twelve Days of Christmas have been nearly forgotten in the United States. Contributing factors include the popularity of the stories of Charles Dickens in nineteenth-century America, with their emphasis on generous giving; introduction of secular traditions in the 19th and 20th centuries, e. g., the American Santa Claus; and increase in the popularity of secular New Year's Eve parties. Presently, the commercial practice treats the Solemnity of Christmas, 25 December, the first day of Christmas, as the last day of the \"Christmas\" marketing season, as the numerous \"after-Christmas sales\" that commence on 26 December demonstrate. The commercial calendar has encouraged an erroneous assumption that the Twelve Days \"end\" on Christmas Day and must therefore begin on 14 December.", + "question": "When does the 12th day of christmas begin according to the commercial calendar?", + "short_answers": [ + "Christmas Day", + "25 December" + ], + "wikipage": "Twelve Days of Christmas" + }, + { + "context": "The Twelve Days of Christmas, also known as Twelvetide, is a festive Christian season celebrating the Nativity of Jesus. In most Western ecclesiastical traditions, \"Christmas Day\" is considered the \"First Day of Christmas\" and the Twelve Days are 25 December through 5 January, inclusive. For many Christian denominations\u2014for example, the Anglican Communion and Lutheran Church\u2014the Twelve Days are identical to Christmastide, but for others, e.g., the Roman Catholic Church, Christmastide lasts longer than the Twelve Days of Christmas.", + "question": "When does the 12th day of christmas begin in most Western ecclesiastical traditions?", + "short_answers": [ + "5 January" + ], + "wikipage": "Twelve Days of Christmas" + }, + { + "context": "No context provided", + "question": "When does the 12 days of christmas begin?", + "short_answers": [ + "Christmas Day", + "December 25" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When does the final and 12th day of christmas begin?", + "short_answers": [ + "January 5" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Twelve Days of Christmas", + "url": "https://en.wikipedia.org/wiki/Twelve%20Days%20of%20Christmas" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "In most Western ecclesiastical traditions, the 12th day of christmas is January 5th. The 12 days of christmas begin December 25 to January 5. According to the commercial calendar, the first day of Christmas (December 25) is considered the last day of the \"Christmas\" marketing season, as demonstrated by the numerous \"after-Christmas sales\" that commence on 26 December. When it comes to Eastern Christianity i.e. Oriental Orthodox (other than the Armenians), the Eastern Orthodox, and the Eastern Catholics, Christmas and Epiphany are celebrated by these churches on 25 December and 6 January using the Julian calendar, which correspond to 7 January and 19 January using the Gregorian calendar. The Twelve Days, using the Gregorian calendar, end at sunset on 18 January." + }, + { + "knowledge": [], + "long_answer": "The start and end, or 12th day, of the Twelve Days of Christmas are held to be on a number of different dates. In most Western ecclesiastical traditions, Christmas Day is considered the First Day of Christmas and the Twelve Days are 25 December through 5 January, with January 5 being the final and 12th day of Christmas. In Eastern Christianity, the 12th day is held to be on 18 January. Conversely, the commercial calendar holds that the Twelve Days are 14 December to 25 December, with Christmas Day being the 12th day." + } + ], + "sample_id": "-8113348361974619629", + "question": "When does the 12th day of christmas begin?", + "docs": [ + { + "id": "2373319", + "title": "Twelve Days of Christmas", + "text": "on Christmas Eve and letting it burn some more on each of the twelve nights. For some, the Twelfth Night remains the night of the most festive parties and exchanges of gifts. Some households exchange gifts on the first (25 December) and last (5 January) days of the Twelve Days. As in former times, the Twelfth Night to the morning of Epiphany is the traditional time during which Christmas trees and decorations are deposed. Twelve Days of Christmas The Twelve Days of Christmas, also known as Twelvetide, is a festive Christian season celebrating the Nativity of Jesus. In most Western", + "score": 0.77880859375, + "summary": "The 12th day of Christmas is on January 5th and marks the end of the festive season.", + "extraction": "The 12th day of Christmas begins on January 5th, according to the passage. Some households exchange gifts on the first (25 December) and last (5 January) days of the Twelve Days." + }, + { + "id": "2373317", + "title": "Twelve Days of Christmas", + "text": "Eve parties. Presently, the commercial practice treats the Solemnity of Christmas, 25 December, the first day of Christmas, as the last day of the \"Christmas\" marketing season, as the numerous \"after-Christmas sales\" that commence on 26 December demonstrate. The commercial calendar has encouraged an erroneous assumption that the Twelve Days \"end\" on Christmas Day and must therefore begin on 14 December. Many American Christians still celebrate the traditional liturgical seasons of Advent and Christmas, especially Amish, Anglo-Catholics, Episcopalians, Lutherans, Mennonites, Methodists, Moravians, Orthodox Christians, Presbyterians, and Roman Catholics. In Anglicanism, the designation of the \"Twelve Days of Christmas\" is used", + "score": 0.77490234375, + "summary": "The document discusses the misconception that the 12 days of Christmas end on December 25th because of the commercial marketing season. The beginning of the 12th day is not mentioned.", + "extraction": "The Twelve Days \"end\" on Christmas Day and must therefore begin on 14 December." + }, + { + "id": "2373300", + "title": "Twelve Days of Christmas", + "text": "Twelve Days of Christmas The Twelve Days of Christmas, also known as Twelvetide, is a festive Christian season celebrating the Nativity of Jesus. In most Western ecclesiastical traditions, \"Christmas Day\" is considered the \"First Day of Christmas\" and the Twelve Days are 25 December \u2013 5 January, inclusive. For many Christian denominations; for example, the Anglican Communion and Lutheran Church, the Twelve Days are identical to Christmastide, but for others, e.g., the Roman Catholic Church, \"Christmastide\" lasts longer than the Twelve Days of Christmas. Because the Armenian Apostolic Church and Armenian Catholic Church celebrate the Birth and Baptism of Christ", + "score": 0.77294921875, + "summary": "The 12th day of Christmas begins on January 5th, according to most Western ecclesiastical traditions.", + "extraction": "The 12th day of Christmas begins on January 5th." + }, + { + "id": "3131030", + "title": "Twelfth Night (holiday)", + "text": "Day. Bruce Forbes writes:In 567 the Council of Tours proclaimed that the entire period between Christmas and Epiphany should be considered part of the celebration, creating what became known as the twelve days of Christmas, or what the English called Christmastide. On the last of the twelve days, called Twelfth Night, various cultures developed a wide range of additional special festivities. The variation extends even to the issue of how to count the days. If Christmas Day is the first of the twelve days, then Twelfth Night would be on January 5, the eve of Epiphany. If December 26, the", + "score": 0.77099609375, + "summary": "Twelfth Night falls on January 5th if Christmas Day is considered the first day of the twelve days of Christmas.", + "extraction": "If Christmas Day is the first of the twelve days, then Twelfth Night would be on January 5, the eve of Epiphany." + }, + { + "id": "3131029", + "title": "Twelfth Night (holiday)", + "text": "Twelfth Night (holiday) Twelfth Night is a festival in some branches of Christianity marking the coming of the Epiphany. Different traditions mark the date of Twelfth Night on either 5 January or 6 January; the Church of England, Mother Church of the Anglican Communion, celebrates Twelfth Night on the 5th and \"refers to the night before Epiphany, the day when the nativity story tells us that the wise men visited the infant Jesus\". In Western Church traditions, the Twelfth Night concludes the Twelve Days of Christmas; although, in others, the Twelfth Night may refer to the eve of the Twelfth", + "score": 0.76513671875, + "summary": "The date of Twelfth Night varies between January 5th and 6th, and it marks the end of the Twelve Days of Christmas in Western Church traditions. It is the night before Epiphany, which is the day the wise men visited Jesus.", + "extraction": "The Twelfth Night concludes the Twelve Days of Christmas." + }, + { + "id": "3131031", + "title": "Twelfth Night (holiday)", + "text": "day after Christmas, is the first day, then Twelfth Night falls on January 6, the evening of Epiphany itself. A belief has arisen in modern times, in some English-speaking countries, that it is unlucky to leave Christmas decorations hanging after Twelfth Night, a tradition originally attached to the festival of Candlemas (2 February), which celebrates the Presentation of Jesus at the Temple. Other popular Twelfth Night customs include singing Christmas carols, chalking the door, having one's house blessed, merrymaking, as well as attending church services. In medieval and Tudor England, Candlemas traditionally marked the end of the Christmas season, although", + "score": 0.7509765625, + "summary": "Twelfth Night falls on January 6, the evening of Epiphany itself.", + "extraction": "Twelfth Night falls on January 6, the evening of Epiphany itself." + }, + { + "id": "9457967", + "title": "The Twelve Days of Christmas (song)", + "text": "day of St. Stephen Protomartyr), to the day before Epiphany, or the Feast of the Epiphany (6 January, or the Twelfth Day). Twelfth Night is defined by the \"Oxford English Dictionary\" as \"the evening of the fifth of January, preceding Twelfth Day, the eve of the Epiphany, formerly the last day of the Christmas festivities and observed as a time of merrymaking.\" The best known English version was first printed in English in 1780 in a little book intended for children, \"Mirth without Mischief\", as a Twelfth Night \"memories-and-forfeits\" game, in which a leader recited a verse, each of the", + "score": 0.73876953125, + "summary": "The 12th day of Christmas begins on the day before Epiphany, or the Feast of the Epiphany (6 January).", + "extraction": "The 12th day of Christmas is the day before Epiphany or the Feast of the Epiphany, which is on January 6th or also known as Twelfth Day." + }, + { + "id": "3131041", + "title": "Twelfth Night (holiday)", + "text": "In the course of the evening, the fool's antics cause a fight to break out, but Mervyn restores order. Three bowls of gin punch are disposed of, and at eleven o'clock the young men make the necessary arrangements to see the young ladies safely home across the fields. (drawn from Hone's Every-Day Book, references as found): Twelfth Night (holiday) Twelfth Night is a festival in some branches of Christianity marking the coming of the Epiphany. Different traditions mark the date of Twelfth Night on either 5 January or 6 January; the Church of England, Mother Church of the Anglican Communion,", + "score": 0.7333984375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage doesn't provide any information about when the 12th day of Christmas begins." + }, + { + "id": "2373315", + "title": "Twelve Days of Christmas", + "text": "still celebrate some aspects of the Twelve Days of Christmas. Boxing Day, 26 December, is a national holiday in many Commonwealth nations. Victorian era stories by Charles Dickens, and others, particularly \"A Christmas Carol\", hold key elements of the celebrations such as the consumption of plum pudding, roasted goose and wassail. These foods are consumed more at the beginning of the Twelve Days in the UK. Twelfth Night is the last day for decorations to be taken down, and it is held to be bad luck to leave decorations up after this. This is in contrast to the custom in", + "score": 0.732421875, + "summary": "The document mentions the Twelve Days of Christmas and various celebrations associated with it, but does not provide information on when the 12th day begins.", + "extraction": "The passage is not helpful for answering the question \"When does the 12th day of Christmas begin?\" as it does not provide a direct answer." + }, + { + "id": "2373310", + "title": "Twelve Days of Christmas", + "text": "Roman Calendar that occur within the Octave of Christmas and therefore also within the Twelve Days of Christmas are the Feast of St. Stephen, Proto-Martyr on 26 December; Feast of St. John, Apostle and Evangelist on 27 December; the Feast of the Holy Innocents on 28 December; Memorial of St. Thomas Becket, Bishop and Martyr on 29 December; and the Feast of the Holy Family of Jesus, Mary, and Joseph on the Sunday within the Octave of Christmas or, if there is no such Sunday, on 30 December. Outside the Octave, but within the Twelve Days of Christmas, there are", + "score": 0.72900390625, + "summary": "The 12th day of Christmas is not mentioned in the document, therefore it is irrelevant.", + "extraction": "The 12th day of Christmas is not mentioned in the passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "3131034", + "title": "Twelfth Night (holiday)", + "text": "there is a tradition that an edible decoration would be the last part of Christmas to be removed in the Twelfth Night and shared amongst the family. The Theatre Royal, Drury Lane in London has had a tradition since 1795 of providing a Twelfth Night cake. The will of Robert Baddeley made a bequest of \u00a3100 to provide cake and punch every year for the company in residence at the theatre on 6 January. The tradition still continues. In Ireland, it is still the tradition to place the statues of the Three Kings in the crib on Twelfth Night or,", + "score": 0.72802734375, + "summary": "The Twelfth Night is celebrated on January 6th and involves sharing an edible decoration among family. The Theatre Royal, Drury Lane has a tradition of providing a Twelfth Night cake since 1795. In Ireland, the statues of the Three Kings are placed in the crib on Twelfth Night.", + "extraction": "The 12th day of Christmas is on January 6th, which is also known as Twelfth Night." + }, + { + "id": "9457961", + "title": "The Twelve Days of Christmas (song)", + "text": "The Twelve Days of Christmas (song) \"The Twelve Days of Christmas\" (Roud 68) is an English Christmas carol that enumerates in the manner of a cumulative song a series of increasingly grand gifts given on each of the twelve days of Christmas (the twelve days that make up the Christmas season, starting with Christmas Day). The song, published in England in 1780 without music as a chant or rhyme, is thought to be French in origin. \"The Twelve Days of Christmas\" has a Roud Folk Song Index number of 68. The tunes of collected versions vary. The standard tune now", + "score": 0.72607421875, + "summary": "The 12th day of Christmas begins on the last day of the Christmas season, but the document does not specify a specific date.", + "extraction": "The 12th day of Christmas begins on the 5th of January, as the 12 days of Christmas make up the Christmas season, starting with Christmas Day." + }, + { + "id": "2669503", + "title": "Little Christmas", + "text": "the wise men (or Magi) brought gifts of gold, frankincense and myrrh to the baby Jesus. Tradition names them Caspar, Melchior and Balthazar. The custom of blessing homes on Epiphany developed because the feast commemorates the time that the three kings visited the home of Jesus, Mary and Joseph. The Twelve Days of Christmas begin on Christmas Day (December 25) and end on January 5, eve of the traditional date of the Epiphany. In other parts of the world, it is sometimes referred to as \"Old Christmas\" or \"Old Christmas Day\", so called for the same reasons as in Ireland.", + "score": 0.72607421875, + "summary": "The 12th day of Christmas begins on January 5th, eve of Epiphany.", + "extraction": "The 12th day of Christmas begins on January 5, eve of the traditional date of the Epiphany." + }, + { + "id": "2918796", + "title": "Christmastide", + "text": "Western Christian phrase \"Merry Christmas and a Happy New Year!\" and the Eastern Christian greeting \"Christ is born!\", to which others respond, \"Glorify Him!\" Christmastide begins very early on 25 December. Historically, the ending of Christmastide was 5 January. This traditional date is still followed by the Anglican Church and Lutheran Church, where Christmastide, commonly called the Twelve Days of Christmas, lasts 12 days, from 25 December to 5 January, the latter date being named as Twelfth Night. However, the ending is defined differently by some Christian denominations. In 1969, the Roman Rite of the Catholic Church expanded Christmastide by", + "score": 0.72216796875, + "summary": "Christmastide, also known as the Twelve Days of Christmas, begins on 25 December and traditionally ends on 5 January, known as Twelfth Night, according to the Anglican and Lutheran Churches. However, the ending is defined differently by some Christian denominations.", + "extraction": "Christmastide, commonly called the Twelve Days of Christmas, lasts 12 days, from 25 December to 5 January." + }, + { + "id": "3131037", + "title": "Twelfth Night (holiday)", + "text": "knocking loudly at doors. In some countries, the Twelfth Night and Epiphany mark the start of the Carnival season, which lasts through Mardi Gras Day. Twelfth Night in the Netherlands became so secularized, rowdy and boisterous that public celebrations were banned from the church. In some places, particularly southwest England, Old Twelfth Night is still celebrated on 17 January. This continues the custom on the date determined by the Julian calendar. Shakespeare's play \"Twelfth Night, or What You Will\" was written to be performed as a Twelfth Night entertainment. The earliest known performance took place at Middle Temple Hall, one", + "score": 0.7216796875, + "summary": "The document mentions that in some places, particularly southwest England, Old Twelfth Night is still celebrated on 17 January.", + "extraction": "Old Twelfth Night is still celebrated on 17 January." + }, + { + "id": "10753650", + "title": "25 Days of Christmas", + "text": "pertained to Christmas and some that did not. \"Countdown to the 25 Days of Christmas\" returned in 2008 on November 16. In 2018, Freeform announced that the block will be renamed to \"Kickoff to Christmas\", and will last throughout the whole month of November. In 2010, it started later in the month, on November 20. In 2012 the countdown began at an earlier date of November 18. The \"Countdown to the 25 Days of Christmas\" ran again in 2014. In 2014 the countdown event which started on Sunday, November 23 was even with previous years. The highest rated programs of", + "score": 0.720703125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the 12th day of Christmas." + }, + { + "id": "2918795", + "title": "Christmastide", + "text": "closely related season of Epiphanytide. There are several celebrations within Christmastide, including Christmas Day (25 December), St. Stephen's Day (26 December), Childermas (28 December), the Feast of the Holy Family on New Year's Eve (31 December), the Feast of the Circumcision of Christ, the Solemnity of Mary, Mother of God and New Year's Day (1 January), as well as Epiphany Eve or Twelfth Night (the evening of 5 January). Customs of the Christmas season include carol singing, gift giving, seeing Nativity plays, attending church services, and eating special food, such as Christmas cake. Traditional examples of Christmas greetings include the", + "score": 0.72021484375, + "summary": "The evening of 5 January is known as Epiphany Eve or Twelfth Night, which marks the beginning of the 12th day of Christmas.", + "extraction": "Twelfth Night (the evening of 5 January)." + }, + { + "id": "77630", + "title": "Christmas", + "text": "as Advent. In Italy, former Saturnalian traditions were attached to Advent. Around the 12th century, these traditions transferred again to the Twelve Days of Christmas (December 25 \u2013 January 5); a time that appears in the liturgical calendars as Christmastide or Twelve Holy Days. The prominence of Christmas Day increased gradually after Charlemagne was crowned Emperor on Christmas Day in 800. King Edmund the Martyr was anointed on Christmas in 855 and King William I of England was crowned on Christmas Day 1066. By the High Middle Ages, the holiday had become so prominent that chroniclers routinely noted where various", + "score": 0.71630859375, + "summary": "The 12 Days of Christmas begin on December 25 and end on January 5, according to the liturgical calendars during Christmastide or Twelve Holy Days.", + "extraction": "The 12th day of Christmas begins on January 5th." + }, + { + "id": "3816578", + "title": "Epiphany (holiday)", + "text": "is December 25\u201326, and Twelfth Night is January 5\u20136), and was a traditional time for mumming and the wassail. The yule log was left burning until this day, and the charcoal left was kept until the next Christmas to kindle next year's yule log, as well as to protect the house from fire and lightning. In the past, Epiphany was also a day for playing practical jokes, similar to April Fool's Day. Today in England, Twelfth Night is still as popular a day for plays as when Shakespeare's \"Twelfth Night\" was first performed in 1601, and annual celebrations involving the", + "score": 0.71044921875, + "summary": "The document mentions Twelfth Night as January 5-6, but does not mention when the 12th day of Christmas begins.", + "extraction": "January 5-6" + }, + { + "id": "2918797", + "title": "Christmastide", + "text": "a variable number of days: \"Christmas Time runs from... up to and including the Sunday after Epiphany or after 6 January.\" Before 1955, the 12 Christmastide days in the Roman Rite (25 December to 5 January) were followed by the 8 days of the Octave of Epiphany, 6\u201313 January, and its 1960 Code of Rubrics defined \"Christmastide\" as running \"from I vespers of Christmas to none of 5th January inclusive\". In 567, the Council of Tours \"proclaimed the twelve days from Christmas to Epiphany as a sacred and festive season, and established the duty of Advent fasting in preparation for", + "score": 0.7001953125, + "summary": "Christmastide runs from Christmas Day up to and including the Sunday after Epiphany or after 6 January. The 12 Christmastide days in the Roman Rite are from 25 December to 5 January. \"Christmastide\" is defined as running from I vespers of Christmas to none of 5th January inclusive.", + "extraction": "\"Christmastide\" begins from \"I vespers of Christmas to none of 5th January inclusive\", according to its definition in the 1960 Code of Rubrics. Therefore, the 12th day of Christmas begins on January 5th." + }, + { + "id": "2373301", + "title": "Twelve Days of Christmas", + "text": "on the same day, they do not have a series of twelve days between a feast of Christmas and a feast of Epiphany. The Oriental Orthodox, other than the Armenians, the Eastern Orthodox, and the Eastern Catholics who follow the same traditions do have the interval of twelve days between the two feasts. If they use the Julian Calendar, they celebrate Christmas on what is for them 25 December, but is 7 January of the Gregorian Calendar, and they celebrate Epiphany on what is for them 6 January, but is 19 January of the Gregorian Calendar. For the Eastern Orthodox,", + "score": 0.6982421875 + }, + { + "id": "2373314", + "title": "Twelve Days of Christmas", + "text": "originated with these colonials. A homemade wreath would be fashioned from local greenery and fruits, if available, were added. Making the wreaths was one of the traditions of Christmas Eve; they would remain hung on each home's front door beginning on Christmas Night (1st night of Christmas) through Twelfth Night or Epiphany morning. As was already the tradition in their native England, all decorations would be taken down by Epiphany morning and the remainder of the edibles would be consumed. A special cake, the king cake, was also baked then for Epiphany. Many in the UK and other Commonwealth nations", + "score": 0.6962890625 + }, + { + "id": "658936", + "title": "Liturgical year", + "text": "purple; blue in some traditions, such as Methodist, Episcopalian, and Lutheran. The Christmas season immediately follows Advent. The traditional Twelve Days of Christmas begin with Christmas Eve on the evening of December 24 and continue until the feast of Epiphany. The actual Christmas season continues until the Feast of the Baptism of Christ, which in the present form of the Roman Rite is celebrated on the Sunday after January 6, or the following Monday if that Sunday is Epiphany. In the pre-1970 form, this feast is celebrated on January 13, unless January 13 is a Sunday, in which case the", + "score": 0.6962890625 + }, + { + "id": "3131038", + "title": "Twelfth Night (holiday)", + "text": "of the Inns of Court, on Candlemas night, 2 February 1602. The play has many elements that are reversed, in the tradition of Twelfth Night, such as a woman Viola dressing as a man, and a servant Malvolio imagining that he can become a nobleman. Ben Jonson's \"The Masque of Blackness\" was performed on 6 January 1605 at the Banqueting House in Whitehall. It was originally entitled \"The Twelvth Nights Revells\". The accompanying Masque, \"The Masque of Beauty\" was performed in the same court the Sunday night after the Twelfth Night in 1608. Robert Herrick's poem \"Twelfe-Night, or King and", + "score": 0.69140625 + }, + { + "id": "2918801", + "title": "Christmastide", + "text": "Leaving the decorations up beyond Candlemas is considered to be inauspicious. On Christmas Eve or Christmas Day, the start of Christmastide, it is customary for most households in Christendom to attend a service of worship or Mass, in which they receive Holy Communion. During the season of Christmastide, in many Christian households, a gift is given for each of the Twelve Days of Christmastide, while in other Christian households, gifts are only given on Christmas Day or Twelfth Night, the first and last days of the festive season, respectively. The practice of giving gifts during Christmastide, according to Christian tradition,", + "score": 0.689453125 + }, + { + "id": "3816551", + "title": "Epiphany (holiday)", + "text": "\"kereszt, kereszt-s\u00e9g\" (baptism). Many in the West observe a twelve-day festival, starting on December 25, and ending on January 5, known as Christmastide or the Twelve Days of Christmas. However, for the Catholic Church today, \"Christmas Time runs from First Vespers (Evening Prayer I) of the Nativity of the Lord up to and including the Sunday after Epiphany or after January 6\", a period not limited to twelve days. Some Christian cultures, especially those of Latin America and some in Europe, extend the season to as many as forty days, ending on Candlemas (February 2). On the Feast of the", + "score": 0.689453125 + }, + { + "id": "3816639", + "title": "Epiphany (holiday)", + "text": "as King or Queen and presided over the day's festivities. January 6 was the old-calendar Christmas Day and many of the festivities connected with it lasted well over a century after the new calendar was introduced in 1752. Wales shares other Twelfth Night customs with its neighbor, England, including the yule log, and the wassail to wish farmers a good harvest in the coming year, but here the yule log's ashes were saved then buried along with the seeds planted in the ensuing spring to ensure a good harvest, while the wassail bowl was taken to the house of newlyweds", + "score": 0.689453125 + }, + { + "id": "106939", + "title": "December", + "text": "Hydrids (December 4\u201315), and the Ursids (December 17-to December 25/26, peaking around December 22). \"This list does not necessarily imply either official status or general observance.\" Last Week of November: November 25 \u2013 December 1 First Sunday: December 2 Fourth Sunday before Christmas Day: December 2 First Monday in December and following 7 days: December 3-9 First Friday: December 7 Sunday two weeks before Christmas: December 9 Second Monday: December 10 December 15, unless the date falls on a Sunday, then December 16: December 15 Second-final Sunday before Christmas Day: December 16 Thursday before Christmas: December 20 Winter Solstice: December", + "score": 0.68701171875 + }, + { + "id": "3131060", + "title": "Twelfth Night", + "text": "John Manningham, who wrote: Clearly, Manningham enjoyed the Malvolio story most of all, and noted the play's similarity with Shakespeare's earlier play, as well as its relationship with one of its sources, the \"Inganni\" plays. It may have been performed earlier as well, before the Court at Whitehall Palace on Twelfth Night (6 January) of 1601. \"Twelfth Night\" was also performed at Court on Easter Monday, 6 April 1618, and again at Candlemas in 1623. The play was also one of the earliest Shakespearean works acted at the start of the Restoration; Sir William Davenant's adaptation was staged in 1661,", + "score": 0.68505859375 + }, + { + "id": "3131032", + "title": "Twelfth Night (holiday)", + "text": "later, Twelfth Night came to signal the end of Christmastide, with a new but related season of Epiphanytide running until Candlemas. A popular Twelfth Night tradition was to have a bean and pea hidden inside a Twelfth-night cake; the \"man who finds the bean in his slice of cake becomes King for the night while the lady who finds a pea in her slice of cake becomes Queen for the night.\" Following this selection, Twelfth Night parties would continue and would include the singing of Christmas carols, as well as feasting. Food and drink are the centre of the celebrations", + "score": 0.68408203125 + }, + { + "id": "9457966", + "title": "The Twelve Days of Christmas (song)", + "text": "Christmas\". Its final verse, as published in de Coussemaker, \"Chants Populaires des Flamands de France\" (1856), runs as follows: According to de Coussemaker, the song was recorded \"in the part of [French] Flanders that borders on the Pas de Calais\". The exact origins and the meaning of the song are unknown, but it is highly probable that it originated from a children's memory and forfeit game. The twelve days in the song are the twelve days starting with Christmas Day, or in some traditions, the day after Christmas (26 December) (Boxing Day or St. Stephen's Day, as being the feast", + "score": 0.68310546875 + }, + { + "id": "3853224", + "title": "Wassailing", + "text": "Later, in the twelfth century, Danish-speaking inhabitants of England turned \"was hail\", and the reply \"drink hail\", into a drinking formula, a toast, adopted widely by the indigenous population of England. In recent times, the toast has come to be synonymous with Christmas. Traditionally, the wassail is celebrated on Twelfth Night (variously on either January 5 or 6). Some people still wassail on \"Old Twelvey Night\", January 17, as it would have been before the introduction of the Gregorian Calendar in 1752. In the middle ages, the wassail was a reciprocal exchange between the feudal lords and their peasants as", + "score": 0.68115234375 + }, + { + "id": "6567907", + "title": "Christmas controversies", + "text": "such as Louis Duchesne, and Thomas Talley maintain that the Christian feast of Christmas was already being celebrated and that Aurelian established \"Dies Natalis Solis Invicti\" in order to compete with the Christian feast of Christmas. The Christian Council of Tours of 567 established Advent as the season of preparation for Christmas, as well as the season of Christmastide, declaring \"the twelve days between Christmas and Epiphany to be one unified festal cycle\", thus giving significance to both December 25 and January 6, a solution that would \"coordinate the solar Julian calendar with the lunar calendars of its provinces in", + "score": 0.6806640625 + }, + { + "id": "2659000", + "title": "King cake", + "text": "and obligations. The \"king cake\" takes its name from the biblical kings. In Western Christian liturgical tradition, the Solemnity of Epiphany\u2014commemorated on January 6\u2014celebrates the visit of the Magi to the Christ Child. The Eve of Epiphany (the night of January 5) is popularly known as Twelfth Night (the Twelve Days of Christmas are counted from Christmas Eve until this night). The season for king cake extends from the end of the Twelve Days of Christmas (Twelfth Night and Epiphany Day), up until the end of Shrovetide: Mardi Gras, \"Fat Tuesday,\" or Shrove Tuesday; the day before the start of", + "score": 0.68017578125 + }, + { + "id": "14330242", + "title": "Sveriges Television's Christmas calendar", + "text": "on the radio and on TV (with a few differences in adaptation, depending on the medium), but since then, it has been a different series on the radio and on TV. In the beginning, the series began on Advent Sunday, but nowadays, it always starts on 1 December; it has always ended on Christmas Eve (24 December). Thus, for instance, the 1967 series \"Gumman som blev liten som en tesked\" had only 22 episodes, since the Advent Sunday of that year was 3 December. Along with each series, there is always the opportunity to buy a paper calendar with a", + "score": 0.67724609375 + }, + { + "id": "3131052", + "title": "Twelfth Night", + "text": "by Matteo Bandello. \"Twelfth Night\" is a reference to the twelfth night after Christmas Day, called the Eve of the Feast of Epiphany. It was originally a Catholic holiday and therefore, like other Christian feast days, an occasion for revelry. Servants often dressed up as their masters, men as women and so forth. This history of festive ritual and Carnivalesque reversal, based on the ancient Roman festival of Saturnalia at the same time of year (characterized by drunken revelry and inversion of the social order; masters became slaves for a day, and vice versa), is the cultural origin of the", + "score": 0.67626953125 + }, + { + "id": "2642234", + "title": "Ordinary Time", + "text": "on January 7 or 8, the Feast of the Baptism of the Lord is moved to the following day, the second Monday of the year. Therefore, Ordinary Time starts on the second Monday or Tuesday of the year (January 9 or 10) in those years and dioceses. The Christmas season includes the Feast of the Baptism of the Lord, so Ordinary Time begins the next day, Monday or Tuesday, not on Sunday. However, the Sunday after the Feast of the Baptism of the Lord is always counted as the \"Second Sunday of Ordinary Time\". Ordinary Time continues through the day", + "score": 0.67626953125 + }, + { + "id": "8645857", + "title": "Christmas and holiday season", + "text": "4th century, the calendars of both churches included both feasts. The earliest suggestions of a fast of Baptism of Jesus on January 6 during the 2nd century comes from Clement of Alexandria, but there is no further mention of such a feast until 361 when Emperor Julian attended a feast on January 6 in the year 361. In the Christian tradition the Christmas season is a period \"beginning\" on Christmas Day (December 25). In some churches (e.g. the Lutheran Churches and the Anglican Communion) the season continues through Twelfth Night, the day before the Epiphany, which is celebrated either on", + "score": 0.67626953125 + }, + { + "id": "4088719", + "title": "Christmas Sunday", + "text": "Christmas Sunday Christmas Sunday is a name for the Sunday after Christmas. In the United Kingdom, if Christmas Day falls on a Saturday, 26 December is sometimes referred to as \"Christmas Sunday\", and Boxing Day moves to 27 December, although this practice has now fallen out of common usage and 26 December is usually referred to as Boxing Day even when it falls on a Sunday. This change is believed to result from the legalisation of Sunday trading in England and Wales in 1994. In Western Christianity, the first Sunday after Christmas is called the \"First Sunday of Christmas\". Christmas", + "score": 0.6748046875 + }, + { + "id": "3245230", + "title": "Advent calendar", + "text": "in the form of a television or radio show, starting on December 1 and ending on Christmas Eve (December 24). Such a show first aired on radio in 1957 in the form of the Swedish radio series \"Barnens adventskalender\"; the first televised show of the genre aired in 1960 in the form of the Swedish program \"Titteliture\". The first \"julekalender\" aired in Denmark was \"Historier fra hele verden\" in 1962. The televised \"julkalender\" or \"julekalendar\" has now extended into the other Nordic countries; in Finland, for example, the show is called \"Joulukalenteri\". Over the years, there have been several kinds", + "score": 0.6748046875 + }, + { + "id": "1355715", + "title": "Christmas music", + "text": "ending all holiday music at or even before midnight on December 26, and not playing a single Christmas song again until the next November. (Several radio stations actually promote this, with ads that proudly proclaim to listeners weary of the Christmas music that the station's regular format will indeed return on December 26, as soon as Christmas Day is over.) It is not uncommon for broadcasters to market the twelve-day period \"preceding\" Christmas (December 14 to 25) as the \"Twelve Days of Christmas\", contrary to the traditional definition. One reason for this is that much popular Christmas music is so", + "score": 0.673828125 + }, + { + "id": "12345264", + "title": "Serbian Christmas traditions", + "text": "ritual, only this time without the loaf. In the end, they would collect Christmas straw from the threshing floor; it was put in hens' nests to prevent them from laying eggs outside the nests. This custom was considered as especially joyful for children. The last of the Twelve Days of Christmas, January 18 (January 5 on the Julian calendar), is the eve of the Epiphany. Its folk name is \"Krstovdan\" \u2013 the Day of the Cross. This is a strict fast day; the adults should eat almost nothing. It was believed that the north, south, east, and west winds crossed", + "score": 0.6728515625 + }, + { + "id": "9457962", + "title": "The Twelve Days of Christmas (song)", + "text": "associated with it is derived from a 1909 arrangement of a traditional folk melody by English composer Frederic Austin, who first introduced the familiar prolongation of the verse \"five gold rings\" (now often \"five golden rings\"). \"The Twelve Days of Christmas\" is a cumulative song, meaning that each verse is built on top of the previous verses. There are twelve verses, each describing a gift given by \"my true love\" on one of the twelve days of Christmas. There are many variations in the lyrics. The lyrics given here are from Frederic Austin's 1909 publication that first established the current", + "score": 0.67138671875 + }, + { + "id": "16141010", + "title": "12 Dates of Christmas", + "text": "12 Dates of Christmas 12 Dates of Christmas is a television film starring Amy Smart and Mark-Paul Gosselaar. It premiered on ABC Family on December 11, 2011 in their 25 Days of Christmas programming block. It is directed by James Hayman. Kate finds herself reliving Christmas Eve (including a blind date with a man named Miles) over and over again. She must discover how to break the cycle \u2013 should she attempt to win back her ex-boyfriend Jack, or should she pursue Miles, or something else? \"Angels Are Singing\" is a song performed by American recording artist Jordin Sparks, and", + "score": 0.67138671875 + }, + { + "id": "2373309", + "title": "Twelve Days of Christmas", + "text": "Birth, inclusively counting the first day and last day. This day, or some day proximate to it, is also celebrated by the Pope and Roman Catholics as World Day of Peace. In many nations, e. g., the United States, the Solemnity of Epiphany is transferred to the first Sunday after 1 January, which can occur as early as 2 January. That solemnity, then, together with customary observances associated with it, usually occur within the Twelve Days of Christmas, even if these are considered to end on 5 January rather than 6 January. Other Roman Catholic liturgical feasts on the General", + "score": 0.66943359375 + }, + { + "id": "6623393", + "title": "Nativity Fast", + "text": "of the Vigil at dawn on Christmas morning will often lead directly into the celebration of the Divine Liturgy. When the Vigil is separate from the Divine Liturgy, the Lenten fast continues even after the Vigil, until the end of the Liturgy the next morning. On December 25, the Afterfeast of the Nativity of Christ begins. From that day to January 4 (the day before Theophany Eve) is a fast-free period. The Eve of the Theophany (January 5) is another strict fast day (\"paramony\"). In the Coptic Orthodox Church, an additional fast is observed on the three days before the", + "score": 0.66943359375 + }, + { + "id": "5532614", + "title": "Sunday within the Octave of Christmas", + "text": "Sunday within the octave, except that it moves to Friday, December 30, if Christmas itself is a Sunday. In the Ordinary Form promulgated after the Second Vatican Council, this celebration was replaced with the Feast of the Holy Family, which the Tridentine Calendar had assigned to the first Sunday after January 6. Sunday within the Octave of Christmas The Sunday within the Octave of Christmas is a liturgical celebration in the Tridentine rite of the Roman Catholic Church which, in missals before 1962, takes place on either December 29, December 30, or December 31. If one of these three days", + "score": 0.6689453125 + }, + { + "id": "1735746", + "title": "Twelfth Night (band)", + "text": "Twelfth Night (band) Twelfth Night are an English neo-progressive rock band of the 1980s, reformed between 2007 and 2012 and again in 2014. The BBC has described them as Reading's biggest band of the 1980s. The seeds of Twelfth Night were sown when guitarist Andy Revell and drummer Brian Devoil joined forces on 23 February 1978 to win a talent competition at Reading University. The road crew included Geoff Mann as backdrop painter, and Rick Battersby as dry ice engineer. Devoil's previous musical experience was of various local bands in Reading, including \"Trash\" with whom he recorded a single \"\"Priorities\"\"", + "score": 0.66845703125 + }, + { + "id": "95507", + "title": "Christmas tree", + "text": "white and gold. First introduced by North American Lutherans in 1957, the practice has rapidly spread to other Christian denominations, including Anglicans, Catholics, Methodists, and the Reformed. \"Chrismon\" (plural \"Chrismons\") was adopted for the type of Christmas decoration and explained as a portmanteau of \"Christ-monogram\" (a Christogram). Both setting up and taking down a Christmas tree are associated with specific dates. Traditionally, Christmas trees were not brought in and decorated until Christmas Eve (24 December) or, in the traditions celebrating Christmas Eve rather than the first day of Christmas, 23 December, and then removed the day after Twelfth Night (5", + "score": 0.66796875 + }, + { + "id": "6623387", + "title": "Nativity Fast", + "text": "on Sundays and higher-ranking feast days. The liturgical Forefeast of the Nativity begins on December 20, and concludes with the Paramony on December 24. During this time hymns of the Nativity are chanted every day. In the Russian usage, the hangings in the church are changed to the festive color (usually white) at the beginning of the Forefeast. Two Sundays before Nativity (hence, between 11 and 17 December of each year), the Church calls to remembrance the ancestors of the church, both before the giving of the Law of Moses and after, like Adam, \"and on through Seth, Enoch, Noah,", + "score": 0.66748046875 + }, + { + "id": "2373318", + "title": "Twelve Days of Christmas", + "text": "liturgically in the Episcopal Church in the US, having its own invitatory antiphon in the \"Book of Common Prayer\" for Matins. Christians who celebrate the Twelve Days may give gifts on each of them, with each of the Twelve Days representing a wish for a corresponding month of the new year. They may feast on traditional foods and otherwise celebrate the entire time through the morning of the Solemnity of Epiphany. Contemporary traditions include lighting a candle for each day, singing the verse of the corresponding day from the famous \"The Twelve Days of Christmas\", and lighting a yule log", + "score": 0.6669921875 + }, + { + "id": "3245226", + "title": "Advent calendar", + "text": "Advent calendar An Advent calendar is a special calendar used to count the days of Advent in anticipation of Christmas. Since the date of the First Sunday of Advent varies, falling between November 27 and December 3 inclusive, many Advent calendars, especially those that are reusable, often begin on December 1, although those that are produced for a specific year often include the last few days of November that are part of the liturgical season. The Advent calendar was first used by German Lutherans in the 19th and 20th centuries. Traditional Advent calendars feature the manger scene, Saint Nicholas and", + "score": 0.66650390625 + }, + { + "id": "2373306", + "title": "Twelve Days of Christmas", + "text": "steps that Jesus took into the Jordan River were the first steps on the way to the Cross. That night the All-Night Vigil is served for the Feast of the Theophany. Within the Twelve Days of Christmas, there are celebrations both secular and religious. Christmas Day, if it is considered to be part of the Twelve Days of Christmas and not as the day preceding the Twelve Days, is celebrated by Christians as the liturgical feast of the Nativity of the Lord. It is a public holiday in many nations, including some where the majority of the population is not", + "score": 0.6640625 + }, + { + "id": "1670140", + "title": "Biblical Magi", + "text": "Rico and the Dominican Republic, children cut grass or greenery on January 5 and put it in a box under their bed for the Kings' camels. Children receive gifts on January 6, which is called \"D\u00eda de Reyes\", and is traditionally the day in which the Magi arrived bearing gifts for the Christ child. Christmas starts in December and ends in January after Epiphany, although in Puerto Rico there are eight more days of celebration (\"las octavitas\"). In 2009 a campaign started in Spain over the fact that Balthazar is commonly played by a white person in blackface. A tradition", + "score": 0.6640625 + }, + { + "id": "16141012", + "title": "12 Dates of Christmas", + "text": "handful of funny moments and the requisite romantic ones. There's little that's remarkable about the story itself, but that doesn't mean the mostly predictable ending won't leave you feeling warm and fuzzy nonetheless.\" 12 Dates of Christmas 12 Dates of Christmas is a television film starring Amy Smart and Mark-Paul Gosselaar. It premiered on ABC Family on December 11, 2011 in their 25 Days of Christmas programming block. It is directed by James Hayman. Kate finds herself reliving Christmas Eve (including a blind date with a man named Miles) over and over again. She must discover how to break the", + "score": 0.6640625 + }, + { + "id": "5532613", + "title": "Sunday within the Octave of Christmas", + "text": "Sunday within the Octave of Christmas The Sunday within the Octave of Christmas is a liturgical celebration in the Tridentine rite of the Roman Catholic Church which, in missals before 1962, takes place on either December 29, December 30, or December 31. If one of these three days is a Sunday, the celebration occurs on that day. If a Sunday should occur between December 25 and December 28 inclusive, the Mass of the Sunday within the Octave of Christmas is celebrated on December 30, which falls within the Christmas season. In the 1962 missal, the celebration is always on the", + "score": 0.66357421875 + }, + { + "id": "77595", + "title": "Christmas", + "text": "Christmas Christmas is an annual festival commemorating the birth of Jesus Christ, observed primarily on December 25 as a religious and cultural celebration among billions of people around the world. A feast central to the Christian liturgical year, it is preceded by the season of Advent or the Nativity Fast and initiates the season of Christmastide, which historically in the West lasts twelve days and culminates on Twelfth Night; in some traditions, Christmastide includes an octave. Christmas Day is a public holiday in many of the world's nations, is celebrated religiously by a majority of Christians, as well as culturally", + "score": 0.66259765625 + }, + { + "id": "3816611", + "title": "Epiphany (holiday)", + "text": "Culture therefore moved from the venue from the Palace to the historic Sacra Infermeria, also known as the Mediterranean Conference Centre. \"Qag\u0127aq tal-G\u0127asel\" or \"tal-Qastanija\" (Maltese honey rings) are typically served at Epiphany in Malta. The evening of January 5 marks the Twelfth Night of Christmas and is when the figurines of the three wise men are added to the nativity scene. Traditionally in Mexico, as with many other Latin American countries, Santa Claus doesn't hold the cachet that he does in the United States. Rather, it is the three wise men who are the bearers of gifts, who leave", + "score": 0.66259765625 + }, + { + "id": "1378846", + "title": "Christmas Eve", + "text": "Theotokos, and commemorates the role of the Virgin Mary in the Nativity of Jesus. The third day is referred to simply as \"the Third Day of the Nativity\". The Saturday and Sunday following 25 December have special Epistle and Gospel readings assigned to them. 29 December celebrates the Holy Innocents. Byzantine Christians observe a festal period of twelve days, during which no one in the Church fasts, even on Wednesdays and Fridays, which are normal fasting days throughout the rest of the year. During this time one feast leads into another: 25\u201331 December is the afterfeast of the Nativity; 2\u20135", + "score": 0.66162109375 + }, + { + "id": "19516195", + "title": "Christmas gift", + "text": "With the Christmas season lasting twelve days according to the kalendar of many Christian Churches, a gift is given for each of the twelve days of Christmastide in some cultures, while in other Christian households, gifts are only given on Christmas Day or Twelfth Night, the first and last days of the Christmas season, respectively. The tradition was also embraced by retailers, for whom the weeks and, eventually, the entire month before Christmas became a very profitable period. Around the turn of the 20th century retailers started directing marketing efforts at children in the hopes that they would entice the", + "score": 0.6611328125 + }, + { + "id": "11330303", + "title": "Christmas Price Index", + "text": "chose the items in the popular Christmas carol \"The Twelve Days of Christmas\" as its market basket: a partridge in a pear tree, two turtle doves, three French hens, four calling birds, five gold(en) rings, six geese, seven swans, eight maids, nine dancing ladies, ten leaping lords, eleven pipers, and twelve drummers. According to tradition, the purchasing of the items begins on December 26 and ends on January 6. PNC compiles both a \"Christmas Price Index\" and \"The True Cost of Christmas.\" The \"Christmas Price Index\" is calculated by adding the cost of the items in the song. The \"True", + "score": 0.6611328125 + }, + { + "id": "17271131", + "title": "The Twelve Gifts of Christmas", + "text": "day: A pair of Teakwood shower clogs. Tenth day: A chromium combination manicure, scissors, and cigarette lighter. Eleventh day: An automatic vegetable slicer that works when you see it on television, but not when you get it home. Twelfth day: \"Although it may seem strange, I'm going to exchange\" all the gifts, which he then lists off. Sherman ends the song by saying \"MERRY CHRISTMAS EVERYBODY\". The Twelve Gifts of Christmas \"The Twelve Gifts of Christmas\" is a song parody written and performed by Allan Sherman based on the classic Christmas song \"The Twelve Days of Christmas\". The song reached", + "score": 0.6611328125 + }, + { + "id": "4325250", + "title": "Christmas traditions", + "text": "and home, although it has a religious dimension also. The Christmas season starts from December or even in late November, when shops began advertising potential Christmas gifts. Christmas decorations and songs become more prominent as Christmas nears, and children count days to Christmas with Advent calendars. Schools and some other places have the day before Christmas Eve (\"aatonaatto\", December 23) as a holiday, but at the latest on the Christmas Eve (\"jouluaatto\", December 24), shops close early and stay closed until December 26. The main Christmas festivities are held on Christmas Eve on December 24, while Christmas Day (\"joulup\u00e4iv\u00e4\") and", + "score": 0.66064453125 + }, + { + "id": "5456380", + "title": "The Twelfth", + "text": "reduction of Protestant political influence in what is now the Republic of Ireland has meant the only remaining yearly parade is in Rossnowlagh, which was held on the Twelfth until the 1970s, when it was moved to the weekend before. In July 2010, former T\u00e1naiste Michael McDowell said that the Twelfth should be made a national holiday in the Republic of Ireland as well as in Northern Ireland.. The Twelfth The Twelfth (also called the Glorious Twelfth or Orangemen's Day) is an Ulster Protestant celebration held on 12 July. It began during the late 18th century in Ulster. It celebrates", + "score": 0.66064453125 + }, + { + "id": "2373304", + "title": "Twelve Days of Christmas", + "text": "Nativity has its own liturgical commemoration in honour of \"The Righteous Ones: Joseph the Betrothed, David the King and James the Brother of the Lord\". Another of the more prominent festivals that are included among the Twelve Great Feasts is that of the Circumcision of Christ on 1 January. On this same day is the feast day of Saint Basil the Great, and so the service celebrated on that day is the Divine Liturgy of Saint Basil. On 2 January begins the Forefeast of the Theophany. The Eve of the Theophany on 5 January is a day of strict fasting,", + "score": 0.66015625 + }, + { + "id": "2918794", + "title": "Christmastide", + "text": "Christmastide Christmastide (also Christmas Time or the Christmas season) is a season of the liturgical year in most Christian churches. In some Christian denominations, Christmastide is identical to Twelvetide, a similar concept. For most Christian denominations, such as the United Methodist Church and the Roman Catholic Church, Christmastide begins on Christmas Eve at sunset or First Vespers, which is liturgically the beginning of Christmas Day. Most of Christmas Eve, understood as 24 December, is thus not part of Christmastide, but of Advent, the season in the Church Year that precedes Christmastide; in many liturgical calendars, Christmastide is followed by the", + "score": 0.66015625 + }, + { + "id": "2999243", + "title": "Cumulative song", + "text": "tree. On the second day of Christmas my true love sent to me Two turtle doves and a partridge in a pear tree. On the third day of Christmas, my true love sent to me Three french hens, two turtle doves and a partridge in a pear tree. and so on until On the twelfth day of Christmas, my true love sent to me Twelve drummers drumming, eleven pipers piping, ten lords a-leaping, nine ladies dancing, eight maids a-milking, seven swans a-swimming, six geese a-laying, five gold(en) rings, four calling birds, three french hens, two turtle doves and", + "score": 0.65966796875 + }, + { + "id": "2373312", + "title": "Twelve Days of Christmas", + "text": "faithful Christians would refrain from participating in the idolatrous practices and debauchery associated with the new year celebrations. The Fourth Council of Toledo (633) ordered a strict fast on those days, on the model of the Lenten fast. In England in the Middle Ages, this period was one of continuous feasting and merrymaking, which climaxed on Twelfth Night, the traditional end of the Christmas season. In Tudor England, Twelfth Night itself was forever solidified in popular culture when William Shakespeare used it as the setting for one of his most famous stage plays, titled \"Twelfth Night\". Often a Lord of", + "score": 0.6591796875 + }, + { + "id": "19516190", + "title": "Christmas gift", + "text": "Christmas gift A Christmas gift or Christmas present is a gift given in celebration of Christmas. Christmas gifts are often exchanged on Christmas Day itself, December 25, or on the last day of the twelve-day Christmas season, Twelfth Night (January 5). The practice of giving gifts during Christmastide, according to Christian tradition, is symbolic of the presentation of the gifts by the Three Wise Men to the infant Jesus. The tradition of gift-giving in general is an old one, but it became associated with Christian feast of Christmas more recently. In ancient Rome, gift giving may have occurred near the", + "score": 0.6591796875 + }, + { + "id": "6799477", + "title": "Glorious Twelfth", + "text": "Glorious Twelfth The Glorious Twelfth is the twelfth day of August, the start of the shooting season for red grouse (\"Lagopus lagopus scotica\"), and to a lesser extent the ptarmigan (\"Lagopus muta\") in Great Britain and Northern Ireland. This is one of the busiest days in the shooting season, with large amounts of game being shot. The date itself is traditional; the current legislation enshrining it in England and Wales is the Game Act 1831 (and in Northern Ireland, the Wildlife (Northern Ireland) Order 1985). Not all game (as defined by the 1831 act) have the same start to their", + "score": 0.65673828125 + }, + { + "id": "8892525", + "title": "The Twelfth of Never", + "text": "The Twelfth of Never \"The Twelfth of Never\" is a popular song written in 1956 and first recorded by Johnny Mathis the following year. The song's title comes from the popular expression \"the 12th of Never\", which is used as the date of a future occurrence that will never come to pass. In the case of the song, \"the 12th of Never\" is given as the date on which the singer will stop loving his beloved, thus indicating that he will \"always\" love her. The song draws a similar link between the cessation of love and a number of other", + "score": 0.65673828125 + }, + { + "id": "1735769", + "title": "Twelfth Night (band)", + "text": "Leicester Musician. The Cryptic Clues line-up was officially billed as Twelfth Night in a one-off gig in London in May 2014. Devoil, Revell and Spencer, with guests, recorded a new studio version of the band's most famous song Sequences in 2018, with an album release due by the end of the year. Twelfth Night (band) Twelfth Night are an English neo-progressive rock band of the 1980s, reformed between 2007 and 2012 and again in 2014. The BBC has described them as Reading's biggest band of the 1980s. The seeds of Twelfth Night were sown when guitarist Andy Revell and drummer", + "score": 0.65625 + }, + { + "id": "1735765", + "title": "Twelfth Night (band)", + "text": "and a new compilation album, \"Voices in the Night\" was released in 2007. Quite unexpectedly in June 2007, Clive Mitten and Andy Sears announced a one-off gig performing Twelfth Night material to take place in November 2007. By July, it had been confirmed that they would be billed as Twelfth Night, and in September, a 2nd gig was added and both Andy Revell and Brian Devoil were revealed as part of the line-up, with Mark Spencer (formerly the vocalist in 80s prog band LaHost, Andy Sears' one time flatmate, and an old friend of the band) replacing Rick Battersby. The", + "score": 0.6552734375 + }, + { + "id": "658928", + "title": "Liturgical year", + "text": "both the celebration of Jesus' birth, and his expected second coming at the end of time. This season lasts until Christmas Eve on December 24. Christmastide follows, beginning with First Vespers of Christmas on the evening of December 24 and ending with the Feast of the Baptism of the Lord. Traditionally, the end of Christmastide was February 2, or the Feast of the Presentation of the Lord, also known as Candlemas. This feast recounts the 40 days of rest Mary took before being purified and presenting her first-born son to the Temple in Jerusalem. Lent is the period of purification", + "score": 0.65478515625 + }, + { + "id": "11068708", + "title": "Twelfth Night XII", + "text": "Twelfth Night XII Twelfth Night is a studio album released by UK neo-progressive band Twelfth Night in 1986. Although officially untitled, it is known informally as both \"XII\" and \"The Virgin Album\". The number \"XII\" was printed vertically on the album cover with the words \"Twelfth Night\" inserted horizontally between the two \"I's\". Some discographies quote the album's title as \"X\", apparently misinterpreting the \"I's\" as simply horizontal lines framing the band's name. The long-awaited first full-length album with Andy Sears on vocals and after the band had signed a major contract at last, was released without a title, something", + "score": 0.65478515625 + }, + { + "id": "3960591", + "title": "Feast of Fools", + "text": "a special \"festival of the subdeacons\", which John Beleth, a liturgical writer of the twelfth century sometimes thought to have been an Englishman by birth, assigns to the day of the Circumcision. He is the earliest to draw attention to the fact that, as the deacons had a special celebration on St Stephen's day 26 December, the priests on St John the Evangelist's day 27 December, and again the choristers and mass-servers on the Feast of the Holy Innocents on 28 December, so the subdeacons were accustomed to hold their feast about the same time of year, but more particularly", + "score": 0.65478515625 + }, + { + "id": "6623380", + "title": "Nativity Fast", + "text": "dawn til dusk from the 1st December until the 25th of December on the Gregorian calendar. Sometimes the fast is called Philip's Fast (or the Philippian Fast), as it traditionally begins on the day following the Feast of St. Philip the Apostle (November 14). Some churches, such as the Melkite Greek Catholic Church, have abbreviated the fast to start on December 10, following the Feast of the Conception by Saint Anne of the Most Holy Theotokos. Through the discipline of fasting, when practiced with prayer, repentance, and almsgiving, it is believed that by tempering the bodily desire for food, other", + "score": 0.65478515625 + }, + { + "id": "16988763", + "title": "Christmas in Sweden", + "text": "last purchases of Christmas gifts. Many preschools and schools start their Christmas vacation between December 17 to 22. Many workplaces start the vacation later, between December 20 and 23. The start of the vacation depends on what day of the week Christmas Eve is on. The last days before Christmas Eve, between December 20 and 23, the greatest preparations are made like, preparing most of the food, buying and decorating the Christmas tree and wrapping presents. During the last days there are usually a lot of people in stores and shopping malls to buy things for the Christmas celebrations. After", + "score": 0.654296875 + }, + { + "id": "16992820", + "title": "The 12 Disasters of Christmas", + "text": "The 12 Disasters of Christmas The 12 Disasters of Christmas (alternatively written as 12 Disasters of Christmas; released on DVD as 12 Disasters) is a Canadian-American science fiction action television film produced for Syfy in 2012 and directed by Steven R. Monroe. In a small town called Calvary, a rain of ice spears puts everyone on notice. Just before Jacey's (Magda Apanowicz) grandmother dies, she gives a mystical ring to her explaining that she is the chosen one to stop the end of the world prophesied by the Maya for December 21, 2012. Jacey was born right at Christmas, her", + "score": 0.654296875 + }, + { + "id": "10753649", + "title": "25 Days of Christmas", + "text": "to 25 Days of Christmas) (): The following non-original (originally premiered theatrically, or direct to video, or on some other TV network or cable channel) Non-Christmas movies are currently being featured during 25 Days of Christmas (including Countdown to 25 Days of Christmas) (): In 2007, due to popular ratings from the previous year, ABC Family launched the first official countdown to the programming block, which began on November 21. Although this was the first official early start, in previous years holiday programming had unofficially begun during the last week of November, showing mostly older original films, some of which", + "score": 0.65380859375 + }, + { + "id": "16141011", + "title": "12 Dates of Christmas", + "text": "serves as the theme song of \"12 Dates of Christmas\". It was released as a digital download on November 27, 2011 on iTunes and Amazon.com. In \"Us Weekly\", John Griffiths wrote, \"This holiday romance steals a page from \"Groundhog Day\" and runs with it... It's a sweet, wacky... and nicely woven journey, with the endearing Smart adding an extra twinkle.\" On Common Sense Media, Emily Ashby said, \"... \"12 Dates of Christmas\" works in a sappy-sweet, opposites-attract love plot that just happens to take place on Christmas Eve. This holiday tie-in bolsters what's otherwise a lukewarm story marked by a", + "score": 0.65380859375 + }, + { + "id": "3131039", + "title": "Twelfth Night (holiday)", + "text": "Queene\", published in 1648, describes the election of king and queen by bean and pea in a plum cake, and the homage done to them by the draining of wassail bowls of \"lamb's-wool\", a drink of sugar, nutmeg, ginger and ale. Charles Dickens' 1843 \"A Christmas Carol\" briefly mentions Scrooge and the Ghost of Christmas Present visiting a children's Twelfth Night party. In Chapter 6 of Harrison Ainsworth's 1858 novel \"Mervyn Clitheroe\", the eponymous hero is elected King of festivities at the Twelfth Night celebrations held in Tom Shakeshaft's barn, by receiving the slice of plum cake containing the bean;", + "score": 0.6533203125 + }, + { + "id": "18483493", + "title": "The Great Christmas Light Fight", + "text": "The Great Christmas Light Fight The Great Christmas Light Fight (originally titled \"Lights, Camera, Christmas!\"in development) is an American reality television competition show that premiered on December 9, 2013 on ABC. New episodes air every Monday at 8 pm EST with another new episode airing immediately following for the first three weeks of December annually as part of its seasonal programming lineup (now branded since 2017 as \"25 Days of Christmas\").. On October 18, 2018 it was announced that the series had been renewed for a sixth and seventh season in 2018 and 2019 respectively. The sixth season premiered on", + "score": 0.6533203125 + }, + { + "id": "16299251", + "title": "12 Again", + "text": "episodes premiering. Series 2 began on Friday 21 September 2012 at 5pm, with brand new episodes premiering every Friday until Friday 14 December 2012. 12 Again 12 Again is a show that premiered on CBBC on 13 February 2012. It is presented by Iain Stirling, and each episode is 30 minutes long. The show sees various celebrities talking about what their life was like at the age of 12, usually covering news stories, what they would gossip about, favourite television programmes, favourite music, their favourite celebrities and what they would have done differently if they were 12 again. On Monday", + "score": 0.65283203125 + }, + { + "id": "1897121", + "title": "Nativity of Jesus", + "text": "tradition (including the Catholic Church, the Western Rite Orthodox, the Anglican Communion, and many Protestants) begin observing the season of Advent four Sundays before Christmas, the traditional feast-day of his birth, which falls on December 25. Christians of the Eastern Orthodox Church and Oriental Orthodox Church observe a similar season, sometimes called Advent but also called the \"Nativity Fast\", which begins forty days before Christmas. Some Eastern Orthodox Christians (e.g. Greeks and Syrians) celebrate Christmas on December 25. Other Orthodox (e.g. Copts, Ethiopians, Georgians, and Russians) celebrate Christmas on (the Gregorian) January 7 (Koiak 29 on coptic calendar) as a", + "score": 0.65283203125 + }, + { + "id": "6188911", + "title": "Ancient Church of the East", + "text": "several gestures towards reunification with the Assyrian Church of the East. The most prominent of these is undoubtedly the declaration made in June 2010 stating that the Ancient Church of the East would now celebrate Christmas on December 25, in accordance with the Gregorian Calendar. Previously, the church recognized The Julian date (currently corresponding to January 7 on the Gregorian Calendar) each year as Christmas Day, as the Church of the East had for thousands of years. The decision was to be implemented later that year, on December 25, 2010. This was the first time since the schism that the", + "score": 0.65283203125 + }, + { + "id": "9426671", + "title": "Feast of the Annunciation", + "text": "as Christmas is to the winter solstice; because of this the Annunciation and Christmas were two of the four \"quarter days\" in medieval and early modern England, which marked the divisions of the fiscal year (the other two were Midsummer Day, or the Nativity of St. John the Baptist, on 24 June, and Michaelmas, the feast day of St. Michael, on 29 September). When the calendar system of Anno Domini was first introduced by Dionysius Exiguus in AD 525, he assigned the beginning of the new year to 25 March, because according to Christian doctrine, the age of grace began", + "score": 0.65185546875 + }, + { + "id": "2373307", + "title": "Twelve Days of Christmas", + "text": "Christian. On this see the articles on \"Christmas\" and \"Christmas traditions\". 26 December is \"St. Stephen's Day\", a feast day in the Western Church. In Great Britain and its former colonies, it is also the secular holiday of Boxing Day. In some parts of Ireland it is denominated \"Wren Day\". New Year's Eve on 31 December is the feast of Pope St. Sylvester I and is known also as \"Silvester\". The transition that evening to the new year is an occasion for secular festivities in many nations, and in several languages is known as \"St. Sylvester Night\" (\"Notte di San", + "score": 0.6513671875 + }, + { + "id": "8521005", + "title": "On the 2nd Day of Christmas", + "text": "On the 2nd Day of Christmas On the 2nd Day of Christmas is a 1997 Lifetime television movie starring Mary Stuart Masterson and Mark Ruffalo, directed by James Frawley. Small-time thieves 29-year-old Trish (Mary Stuart Masterson) and her 6-year-old niece Patsy (Lauren Suzanne Pratt) are at a diner, planning their next heist. Patsy tells her Aunt Trish that it's wrong that they are pick-pocketing people, but Trish believes it's okay in some way, and tells her that they only steal from \"those who can afford it\". Trish's former beau Mel (David Hewlett) comes to the diner to talk to Trish,", + "score": 0.6513671875 + }, + { + "id": "4325298", + "title": "Christmas traditions", + "text": "on Epiphany. Nowadays, although Santa Claus (\"Pai Natal\") is more popular, in some regions people still believe that it is the \"Menino Jesus\" (Baby Jesus) who brings presents to children. In Serbia and Montenegro, Christmas (Serbian: \u0411\u043e\u0436\u0438\u045b, \"Bo\u017ei\u0107\" or more formally \u0420\u043e\u0436\u0434\u0435\u0441\u0442\u0432\u043e \u0425\u0440\u0438\u0441\u0442\u043e\u0432\u043e, Rozhdestvo Hristovo, \"Nativity of Christ\") is celebrated for three consecutive days, beginning with Christmas Day. The Serbian Orthodox Church uses the traditional Julian calendar, per which Christmas Day (December 25) falls on January 7. This day is called the first day of Christmas, and the following two are accordingly called the second, and the third day of", + "score": 0.6513671875 + }, + { + "id": "8645858", + "title": "Christmas and holiday season", + "text": "January 6 or on the Sunday between January 2 and 8. In other churches (e.g. the Roman Catholic Church) it continues until the feast of the Baptism of the Lord, which falls on the Sunday following the Epiphany, or on the Monday following the Epiphany if the Epiphany is moved to January 7 or 8. If the Epiphany is kept on January 6, the Church of England's use of the term \"Christmas season\" corresponds to the Twelve Days of Christmas, and ends on Twelfth Night. This short Christmas season is preceded by Advent, which begins on the fourth Sunday before", + "score": 0.65087890625 + }, + { + "id": "3131035", + "title": "Twelfth Night (holiday)", + "text": "at the latest, the following Day, Little Christmas. In colonial America, a Christmas wreath was always left up on the front door of each home, and when taken down at the end of the Twelve Days of Christmas, any edible portions would be consumed with the other foods of the feast. The same held true in the 19th\u201320th centuries with fruits adorning Christmas trees. Fresh fruits were hard to come by, and were therefore considered fine and proper gifts and decorations for the tree, wreaths, and home. Again, the tree would be taken down on Twelfth Night, and such fruits,", + "score": 0.650390625 + }, + { + "id": "9457964", + "title": "The Twelve Days of Christmas (song)", + "text": "indicated in \"italics\";
(b) items that do not appear at all in Austin's version are indicated in bold italics. A similar cumulative verse from Scotland, \"The Yule Days\", has been likened to \"The Twelve Days of Christmas\" in the scholarly literature. It has thirteen days rather than twelve, and the number of gifts does not increase in the manner of \"The Twelve Days\". Its final verse, as published in Chambers, \"Popular Rhymes, Fireside Stories, and Amusements of Scotland\" (1842), runs as follows: \"Pippin go aye\" (also spelled \"papingo-aye\" in later editions) is a Scots word for peacock or parrot. In", + "score": 0.650390625 + }, + { + "id": "11068710", + "title": "Twelfth Night XII", + "text": "invited Andy Revell, Andy Sears and Brian Devoil to meet with Peter Mew for a re-mastering session at Abbey Road Studios, and it was finally issued on CD in July 2005. All songs written by Twelfth Night. As above, plus: Twelfth Night XII Twelfth Night is a studio album released by UK neo-progressive band Twelfth Night in 1986. Although officially untitled, it is known informally as both \"XII\" and \"The Virgin Album\". The number \"XII\" was printed vertically on the album cover with the words \"Twelfth Night\" inserted horizontally between the two \"I's\". Some discographies quote the album's title as", + "score": 0.650390625 + }, + { + "id": "19429701", + "title": "Chorale cantata cycle", + "text": "cycle that was still extant in Leipzig in 1830. In 1724 the period of the Sundays after Trinity included St. John's Day (24June), Visitation (2July, that year coinciding with Trinity IV), St. Michael's Day (29September) and Reformation Day (31October). That year the last Sunday after Trinity, that is the last Sunday before Advent, was Trinity XXV: A new liturgical year starts with the first Sunday of Advent: when a cantata cycle is listed without taking the chronology of composition into account, this is where the list starts. The period from Advent 1724 to Epiphany 1725 included Christmas (25December), New Year", + "score": 0.650390625 + }, + { + "id": "10232948", + "title": "Gavin & Stacey", + "text": "write one if we can make it better. We have to be true to ourselves.\" Corden and Jones completed the final draft of the Christmas Special by September 2008, although they ruled out writing the third series at the time due to pressures of other work, and repeating the wish not to produce a sub-standard script. After the 2008 Christmas special premiere, BBC Three aired a making-of documentary about the special, titled \"12 Days of Christmas\". Corden and Jones eventually announced there would be a third series produced, on 21 December 2008 just before the 2008 Christmas special aired, as", + "score": 0.650390625 + }, + { + "id": "8645869", + "title": "Christmas and holiday season", + "text": "two weeks later; the second Monday in December has since become known as Green Monday. Another notable day is Free Shipping Day, a promotional day that serves as the last day in which a person can order a good online and have it arrive via standard shipping (the price of which the sender pays) prior to Christmas Eve; this day is usually on or near December 16. Four of the largest 11 online shopping days in 2005 were December 11 to 16, with an increase of 12% over 2004 figures. In 2011, Cyber Monday was slightly busier than Green Monday", + "score": 0.64990234375 + }, + { + "id": "6623384", + "title": "Nativity Fast", + "text": "jurisdiction, but the rules strictly state that from the December 20 to December 24 (inclusively), no fish may be eaten. The Eve of Nativity (December 24) is a strict fast day, called \"Paramony\" (lit. \"preparation\"), on which no solid food should be eaten until the first star is seen in the evening sky (or at the very least, until after the Vesperal Divine Liturgy that day). If Paramony falls on a Saturday or Sunday, the day is not observed as a strict fast, but a meal with wine and oil is allowed after the Divine Liturgy, which would be celebrated", + "score": 0.64990234375 + }, + { + "id": "10072561", + "title": "12 Days of Brumalia", + "text": "12 Days of Brumalia The 12 Days of Brumalia was an internet event presented by The Residents and Residents.com that resulted in an album of the same name. For 12 days, starting on December 25, a new song was posted on Residents.com web site along with an illustration and a quote. On the 13th day, The Residents presented the epic musical work, \"The Feast of Epiphany\". Homer Flynn of The Cryptic Corp has stated \"The Brumalia songs were a present for those who visited the site every day. It is not for those who didn't. It is not a gift", + "score": 0.64990234375 + }, + { + "id": "658937", + "title": "Liturgical year", + "text": "feast of the Holy Family is celebrated instead. Until the suppression of the Octave of the Epiphany in the 1960 reforms, January 13 was the Octave day of the Epiphany, providing the date for the end of the season. Traditionally, the end of Christmastide was February 2, or the Feast of the Presentation of the Lord, also known as Candlemas. This feast recounts the 40 days of rest Mary took before being purified and presenting her first-born son to the Temple in Jerusalem. In medieval times, Candlemas eve (Feb. 1st) marked the day when all Christmas decorations, including the Christmas", + "score": 0.6494140625 + } + ], + "answer": "The start and end, or 12th day, of the Twelve Days of Christmas are held to be on a number of different dates. In most Western ecclesiastical traditions, Christmas Day is considered the First Day of Christmas and the Twelve Days are 25 December through 5 January, with January 5 being the final and 12th day of Christmas. In Eastern Christianity, the 12th day is held to be on 18 January. Conversely, the commercial calendar holds that the Twelve Days are 14 December to 25 December, with Christmas Day being the 12th day." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "When did alabama became a right to work state by adopting statutes?", + "short_answers": [ + "1953" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When did alabama became a right to work state by constitutional provision?", + "short_answers": [ + "2016" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Alabama", + "url": "https://en.wikipedia.org/wiki/Alabama" + }, + { + "title": "Right-to-work law", + "url": "https://en.wikipedia.org/wiki/Right-to-work%20law" + }, + { + "title": "Union affiliation by U.S. state", + "url": "https://en.wikipedia.org/wiki/Union%20affiliation%20by%20U.S.%20state" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "In the context of labor law in the United States, the term \"right-to-work laws\" refers to state laws that prohibit union security agreements between employers and labor unions. ", + "wikipage": "Right-to-work law" + } + ], + "long_answer": "In the context of labor law in the United States, the term \"right-to-work laws\" refers to state laws that prohibit union security agreements between employers and labor unions. The state of Alabama became a right to work state by adopting statutes in 1953 and by constitutional provision in 2016." + }, + { + "knowledge": [ + { + "content": "Alabama (/\u02cc\u00e6l\u0259\u02c8b\u00e6m\u0259/) is a state in the Southeastern region of the United States, bordered by Tennessee to the north; Georgia to the east; Florida and the Gulf of Mexico to the south; and Mississippi to the west.", + "wikipage": "Alabama" + }, + { + "content": "In the context of labor law in the United States, the term \"right-to-work laws\" refers to state laws that prohibit union security agreements between employers and labor unions.", + "wikipage": "Right-to-work law" + } + ], + "long_answer": "Alabama is a state in the Southeastern region of the United States. In the context of labor law in the United States, the term \"right-to-work laws\" refers to state laws that prohibit union security agreements between employers and labor unions. Alabama became a \"right-to-work\" state in 1953 by adopting statutes. By constitutional provision, Alabama became a \"right-to-work\" state in 2016." + } + ], + "sample_id": "-8374334863981745899", + "question": "When did alabama became a right to work state?", + "docs": [ + { + "id": "7403171", + "title": "William M. Rainach", + "text": "on a farm near Summerfield. In the 1954 legislative session, Rainach led the successful attempt to pass Louisiana's first right-to-work law, which was strongly opposed by organized labor. The law was passed but repealed in 1956. Right-to-work was reinstituted in Louisiana in 1976 in the second administration of Governor Edwin Washington Edwards. For some twenty years, Louisiana and Oklahoma had been the only southern states that could compel an unwilling worker in a unionized workplace to join the union against his choice. Oklahoma adopted a right-to-work law in 2001. The right-to-work issue in the legislature was overshadowed thereafter by looming", + "score": 0.75146484375, + "summary": "Irrelevant.", + "extraction": "Alabama is irrelevant to the given passage. The passage discusses the history of right-to-work laws in Louisiana and Oklahoma, but does not mention Alabama at all." + }, + { + "id": "8263120", + "title": "Clark Gaudin", + "text": "a virtual handful of Louisiana legislators who supported a state right-to-work law in his 1967-1968 term. By 1976, after his reelection, the legislature passed right-to-work on the theory that it would encourage economic growth by allowing workers the choice of whether they should join a union. Gaudin accused opponents of the legislation of taking cues from labor officials such as the AFL-CIO president Victor Bussie of Baton Rouge. Louisiana was the last traditional southern state to adopt such legislation. In gaining passage, Gaudin worked with Representative Bruce Lynn, a fellow Republican and a banker from Caddo Parish. Lynn was elected", + "score": 0.73876953125, + "summary": "Irrelevant.", + "extraction": "Alabama is not mentioned in the passage, so the answer is \"irrelevant\"." + }, + { + "id": "9037754", + "title": "Victor Bussie", + "text": "national average. Bussie said the decline of labor unions in Louisiana began in 1976, when the state Legislature narrowly approved right-to-work legislation that was pushed by Edward J. Steimel, the founding executive director of the Louisiana Association of Business and Industry. Bussie once called right-to-work \"the most misnamed, deceitful, misleading piece of legislation ever introduced.\" Bussie and unions argued that right-to-work was meant to weaken unions so businesses could lower wages. Right-to-work proponents said that the legislation was needed to keep unions from forcing employees to join and pay dues. The fight culminated with the 1976 passage of the legislation", + "score": 0.73095703125, + "summary": "Alabama is irrelevant to this document which discusses the decline of labor unions in Louisiana and the passing of right-to-work legislation in 1976.", + "extraction": "Alabama is not mentioned in the given text. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "18177922", + "title": "Jim Leslie (journalist)", + "text": "new Louisiana state superintendent of education through the defeat of incumbent Louis J. Michot. In the summer of 1976, Leslie was involved with the forces led by Edward J. Steimel of the Louisiana Association of Business and Industry which passed a right-to-work law through the Louisiana State Legislature in line with Section 14b of the Taft-Hartley Act, which permits states to outlaw closed shops that require employees of companies to join or pay dues to a labor union. As Leslie came to the Prince Murat Inn at the state capital for a celebration of the legislative breakthrough, he parked in", + "score": 0.73046875, + "summary": "Irrelevant.", + "extraction": "Alabama is not mentioned in the passage, so the answer is \"irrelevant\"." + }, + { + "id": "9037749", + "title": "Victor Bussie", + "text": "State Legislators. Ultimately, Victor Bussie lost the case, as the Louisiana Supreme Court ruled that the statement in question, even if it was actually made, was an opinion, not a statement of fact. The Louisiana State Legislature passed a right-to-work law in the 1952 session at the urging of then Governor Robert F. Kennon. Gardner was a freshman member of the Louisiana House at the time and voted for right-to-work. In 1956, however, when Gardner was mayor, the legislature repealed the law at the urging of Governor Earl Long. Organized labor took the leading role in the repeal, a reflection", + "score": 0.72265625, + "summary": "Louisiana passed a right-to-work law in the 1952 session, but the document is irrelevant to when Alabama became a right to work state.", + "extraction": "Alabama is not mentioned in the passage, so the answer is \"irrelevant\"." + }, + { + "id": "18094984", + "title": "George W. D'Artois", + "text": "the matter confidential. Leslie again returned the check and threatened to go public if the proper check was not issued to him. On July 9, 1976, Leslie was in Baton Rouge to celebrate with colleagues at the Prince Murat Inn the passage of the Louisiana right to work law, a victory, narrowly won in the state Senate, often attributed to the lobbying from the new interest group, the Louisiana Association of Business and Industry, founded by Edward J. Steimel. The law meant that employees in unionized plants need not be required to join a trade union or to pay union", + "score": 0.71435546875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about the Louisiana right to work law and does not mention anything about Alabama becoming a right to work state." + }, + { + "id": "7632651", + "title": "Rick Snyder", + "text": "work for less money.\" The law effectively provides that payment of union dues cannot be required as a condition of employment. After a required four-day wait between the houses of the legislature passing each other's bills, Snyder signed the legislation into law on December 11, 2012, making Michigan the 24th right-to-work state in the United States as part of a plan to attract business and jobs to the state. The Employee Free Choice Act, as it was named, has received mixed results in polls. A Market Research Group poll conducted in March 2012 showed Snyder's approval rating rising to 50%", + "score": 0.7099609375, + "summary": "Irrelevant.", + "extraction": "Alabama is not mentioned in the passage, so the answer is \"irrelevant\"." + }, + { + "id": "17348242", + "title": "1958 California Proposition 18", + "text": "would pay off with Edmund G. Brown winning the governorship of California and political control of California being held firmly in the hands of the Democratic party. 1958 California Proposition 18 California Proposition 18 was on the November 4, 1958 California ballot measure as an initiated constitutional amendment. This measure is more commonly referred as the \"right to work\" law and would have added a new provision, Section 1-A to Article 1 of the State Constitution. The amendment would \u201cprohibit employers and employee organizations from entering into collective bargaining or other agreements which establish membership in a labor organization, or", + "score": 0.70947265625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "15138", + "title": "Alabama", + "text": "but Alabama was slow to comply. During the 1960s, under Governor George Wallace, Alabama resisted compliance with federal demands for desegregation. The civil rights movement had notable events in Alabama, including the Montgomery Bus Boycott (1955\u201356), Freedom Rides in 1961, and 1965 Selma to Montgomery marches. These contributed to Congressional passage and enactment of the Civil Rights Act of 1964 and Voting Rights Act of 1965 by the U.S. Congress. Legal segregation ended in the states in 1964, but Jim Crow customs often continued until specifically challenged in court. According to \"The New York Times\", by 2017, many of Alabama's", + "score": 0.7060546875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "2383573", + "title": "Right-to-work law", + "text": "of employment, either before or after hiring. Right-to-work laws do not aim to provide general guarantee of employment to people seeking work, but rather are a government ban on contractual agreements between employers and union employees requiring workers to pay for the costs of union representation. Right-to-work laws (either by statutes or by constitutional provision) exist in 27 U.S. states, mostly in the Southern, Western, and Midwestern states. Business interests represented by the United States Chamber of Commerce have lobbied extensively to pass right-to-work legislation. Such laws are allowed under the 1947 federal Taft\u2013Hartley Act. A further distinction is often", + "score": 0.7060546875, + "summary": "Alabama is one of the 27 U.S. states with right-to-work laws, but the document does not provide information on when Alabama became a right-to-work state.", + "extraction": "Alabama became a right-to-work state is not mentioned in the passage. The answer is irrelevant." + }, + { + "id": "17348234", + "title": "1958 California Proposition 18", + "text": "1958 California Proposition 18 California Proposition 18 was on the November 4, 1958 California ballot measure as an initiated constitutional amendment. This measure is more commonly referred as the \"right to work\" law and would have added a new provision, Section 1-A to Article 1 of the State Constitution. The amendment would \u201cprohibit employers and employee organizations from entering into collective bargaining or other agreements which establish membership in a labor organization, or payment of dues or charges of any kind, as a condition of employment or continued employment.\u201d That is, making union membership voluntary, rather than compulsory, for employment.", + "score": 0.7041015625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about the California Proposition 18, which is not related to Alabama becoming a right to work state." + }, + { + "id": "12519343", + "title": "James R. Bennett", + "text": "he served as a member of the Alabama House of Representatives. Prior to his appointment as Alabama's 49th Secretary of State, he served from 1983 to 1993 as a member of the Alabama Senate. He became secretary of state of Alabama, having been appointed to fill a vacancy in 1993 and subsequently elected to two terms in his own right in 1994, as a Democrat, and 1998, as a Republican. Following his tenure as secretary of state, he was appointed as commissioner of the Alabama Department of Labor in the Cabinet of Governor Bob Riley in July 2003 and reappointed", + "score": 0.7021484375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about when Alabama became a right to work state." + }, + { + "id": "3458607", + "title": "William Wyatt Bibb", + "text": "the larger previous Mississippi Territory in 1817. Alabama became the 22nd state on December 14, 1819. Bibb was elected governor, defeating Marmaduke Williams. Bibb received 8,342 votes, while Williams received 7,140 votes. Bibb's primary duties were establishing the state government. Huntsville was designated to be the site of the constitutional convention. The capital was chosen to be the newly created town of Cahawba in 1820 on the Alabama frontier, it then moved to Tuscaloosa in 1826, and finally to the central city of Montgomery in 1846, where a State Capitol building was later begun (later the site of the historic", + "score": 0.701171875, + "summary": "Alabama became a state on December 14, 1819. However, there is no information related to when Alabama became a right to work state.", + "extraction": "Irrelevant. The passage does not provide any information about when Alabama became a right to work state." + }, + { + "id": "3177957", + "title": "Lurleen Wallace", + "text": "Alabama abounded. \"The New York Times\" predicted that Martin \"not only has a chance to win the governorship, but at least for the moment must be rated as the favorite.\" Political writer Theodore H. White incorrectly predicted that Alabama, instead of Arkansas and Florida as it developed, would in 1966 become the first former Confederate state to elect a Republican governor. Briefly, a consensus developed that Martin might even lend coattails to Republican candidates in legislative, county, and municipal elections though there was no GOP nominee for lieutenant governor. The defections of three legislators and a member of the Democratic", + "score": 0.7001953125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about when Alabama became a right to work state." + }, + { + "id": "510816", + "title": "History of Alabama", + "text": "by Southern Democrats into the 1980s as part of the \"Solid South.\" Alabama produced a number of national leaders. The New Deal farm programs increased the price of cotton, and World War II finally brought prosperity, as the state developed a manufacturing and service base. Cotton faded in importance and mechanization beginning in the 1930s reduced the need for farm labor. Following years of struggles after passage of the Civil Rights Act of 1964 and Voting Rights Act of 1965, segregation was abolished and African Americans could again exercise their constitutional right to vote. Beginning in the late 1990s, conservative", + "score": 0.69677734375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about when Alabama became a right to work state." + }, + { + "id": "4987368", + "title": "Second Bill of Rights", + "text": "for the right to a useful and remunerative job included the National Labor Relations Act of 1935 and the Fair Labor Standards Act of 1938. After the war was the Employment Act of 1946, which created an objective for the government to eliminate unemployment; and the Civil Rights Act of 1964, which prohibited unjustified discrimination in the workplace and in access to public and private services. They remained some of the key elements of labor law. The rights to food and fair agricultural wages was assured by numerous Acts on agriculture in the United States and by the Food Stamp", + "score": 0.6962890625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about when Alabama became a right to work state." + }, + { + "id": "6973349", + "title": "Alabama Legislature", + "text": "federal elections, the Voting Rights Act of 1965 authorizing federal oversight and enforcement of fair registration and elections, and the 1966 US Supreme Court ruling that poll taxes at any level were unconstitutional, African Americans began to register and vote again in numbers proportional to their population. They were elected again to the state legislature and county and city offices for the first time since the late 19th century. Federal court cases increased political representation for all residents of the state in a different way. Although required by its state constitution to redistrict after each decennial census, the Alabama legislature", + "score": 0.6962890625, + "summary": "Irrelevant.", + "extraction": "Alabama legislature\nis irrelevant to the question. The passage talks about federal oversight and enforcement of fair registration and elections, the abolishment of poll taxes, and the increased political representation for all residents of Alabama. However, it does not provide any information on when Alabama became a right-to-work state." + }, + { + "id": "2383595", + "title": "Right-to-work law", + "text": "to choose whether or not to join their respective unions. New Hampshire adopted a right-to-work bill in 1947, but it was repealed in 1949 by the state legislature and governor. The legislature of Missouri passed a right-to-work bill in 2017, but the law was defeated in a 2018 referendum before it could take effect. Right-to-work law In the context of US labor politics, \"right-to-work laws\" refers to laws (currently effective in 27 states) that prohibit union security agreements between companies and labor unions. Under these laws, employees in unionized workplaces are banned from negotiating contracts which require all members who", + "score": 0.6943359375, + "summary": "Irrelevant.", + "extraction": "Alabama is not mentioned in the given passage. The answer is \"irrelevant\"." + }, + { + "id": "2383579", + "title": "Right-to-work law", + "text": "dues as a condition of continued employment. Twenty-three states, as well as the District of Columbia, do not have right-to-work laws. On November 18, 2016, the Sixth Circuit Court of Appeals upheld the right of local governments to enact local right-to-work laws in Kentucky, Ohio, and the other states of its jurisdiction. In August 2018, 67% of Missouri voters rejected a right-to-work law with 33% voting in favor. The first arguments concerning the right to work centered on the rights of a dissenting minority with respect to an opposing majoritarian collective bargain. President Franklin Roosevelt's New Deal had prompted many", + "score": 0.6943359375, + "summary": "Alabama becoming a right-to-work state is not mentioned in the document.", + "extraction": "Alabama is irrelevant to the given passage. The passage talks about right-to-work laws in different states and a court decision upholding the right of local governments to enact such laws. There is no information about when Alabama became a right-to-work state." + }, + { + "id": "2383577", + "title": "Right-to-work law", + "text": "Taft\u2013Hartley Act also authorizes individual states (but not local governments, such as cities or counties) to outlaw the union shop and agency shop for employees working in their jurisdictions. Any state law that outlaws such arrangements is known as a \"right-to-work state.\" In the early development of the right-to-work policy, segregationist sentiment was used as an argument, as many people in the South felt that it was wrong for blacks and whites to belong to the same unions. Vance Muse, one of the early developers of the policy in Texas, used that argument in the development of anti-union laws in", + "score": 0.69384765625, + "summary": "Irrelevant.", + "extraction": "Alabama became a right-to-work state is not mentioned in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "9037752", + "title": "Victor Bussie", + "text": "which he calls the \"right-to-work-for-less.\" Supporters of the measure, however, insist that it merely protects employees' freedom to refuse to pay compulsory \"fees\" to a union which they do not wish to join. Twenty-one other states, including all southern states, have such laws. Bussie claims that the effect of the law has been \"to drive down wages, \u2026 particularly in the construction industry.\" Data furnished by the United States Department of Labor and the Louisiana Department of Labor show that construction wages in the state have sharply increased relative to the national average since passage of right-to-work. In 1976, Louisiana", + "score": 0.69287109375 + }, + { + "id": "14597274", + "title": "Alabama Baptist Convention", + "text": "and formed the Southern Baptist Convention in 1845. It was another sign of the severe sectional tensions that developed in the nation before the outbreak of war. In 1871, the ABSC established a Sabbath-school Board. In 1875 this became the State Mission Board, originally located in Talladega. In 1880, it relocated to Selma in 1880. In the postwar years, women became increasingly active, in 1879 creating the women's central missions' committee, the predecessor of the Women's Missionary Union (WMU). In 1886, E. B. Teague introduced a resolution at the state convention to move Howard College to Birmingham. In 1887, the", + "score": 0.6923828125 + }, + { + "id": "510890", + "title": "History of Alabama", + "text": "more difficult, as the offices had offered both services. The article is largely copied from History of Alabama Alabama became a state of the United States of America on December 14, 1819. The United States arranged for Indian Removal after 1830, relocating most Southeast tribes to west of the Mississippi River to what was then called Indian Territory (now Oklahoma). These actions affected the Cherokee, Creek (Muscogee), and Chickasaw, among others. After this, European-American arrived in large numbers, bringing or buying African Americans in the domestic slave trade. In antebellum Alabama, wealthy planters created large cotton plantations based in the", + "score": 0.6923828125 + }, + { + "id": "11754172", + "title": "Karen Tallian", + "text": "right to work legislation, which prohibits unions from collective bargaining based on a membership that must pay mandatory dues, into law on 1 February 2012, over the objections of both unions and Senate and House Democrats. Throughout the process and as a ranking minority member of the Pensions & Labor Committee, Tallian was a critic of the Republican proposals. She argued that the legislation would lead to lower wages and that the promised favorable atmosphere for business lacked evidence. She voted against the legislation in committee. The Republican-controlled Indiana House and Senate both passed versions of the right to work", + "score": 0.69140625 + }, + { + "id": "3918167", + "title": "United States labor law", + "text": "the Supreme Court found that minimum wage legislation was constitutional, letting the New Deal go on. In labor law, the National Labor Relations Act of 1935 guaranteed every employee the right to unionize, collectively bargain for fair wages, and take collective action, including in solidarity with employees of other firms. The Fair Labor Standards Act of 1938 created the right to a minimum wage, and time-and-a-half overtime pay if employers asked people to work over 40 hours a week. The Social Security Act of 1935 gave everyone the right to a basic pension and to receive insurance if they were", + "score": 0.69140625 + }, + { + "id": "510810", + "title": "History of Alabama", + "text": "History of Alabama Alabama became a state of the United States of America on December 14, 1819. The United States arranged for Indian Removal after 1830, relocating most Southeast tribes to west of the Mississippi River to what was then called Indian Territory (now Oklahoma). These actions affected the Cherokee, Creek (Muscogee), and Chickasaw, among others. After this, European-American arrived in large numbers, bringing or buying African Americans in the domestic slave trade. In antebellum Alabama, wealthy planters created large cotton plantations based in the fertile central Black Belt of the upland region, which depended on the labor of enslaved", + "score": 0.69140625 + }, + { + "id": "510856", + "title": "History of Alabama", + "text": "of the Fourteenth Amendment to grant suffrage, intensified Congressional hostility to the Presidential plan. In 1867, the congressional plan of Reconstruction was completed and Alabama was placed under military government. The freedmen were enrolled as voters. Only whites who could swear the Ironclad oath could be voters; that is they had to swear they had never voluntarily supported the Confederacy. This provision was insisted upon by the whites in the northern hill counties so they could control local government. As a result, Republicans controlled 96 of the 100 seats in the state constitutional convention. The new Republican party, made up", + "score": 0.6904296875 + }, + { + "id": "5562624", + "title": "Constitution of Mississippi", + "text": "195 deal with railroads (Sections 187, 196, and 197 also dealt with railroads and similar companies, but were later repealed). Section 198A, added in 1960, declares Mississippi to be a right-to-work state (though several other states have similar provisions, this is one of only five such provisions included in a state Constitution). Sections 201\u2013212 discuss the State Board of Education, the State and county school board superintendents, and generally the establishment and maintenance of free public schools, including those for disabled students. Sections 205 and 207, as well as later-added 213B, were later repealed. Section 207 required schools to be", + "score": 0.68994140625 + }, + { + "id": "510846", + "title": "History of Alabama", + "text": "Moore, as previously instructed by the legislature, called a state convention. Many prominent men had opposed secession. In North Alabama, there was an attempt to organize a neutral state to be called Nickajack. With President Lincoln's call to arms in April 1861, most opposition to secession ended. On January 11, 1861, the State of Alabama adopted the ordinances of secession from the Union (by a vote of 61-39). Alabama joined the Confederate States of America, whose government was first organized at Montgomery on February 4, 1861. The CSA set up its temporary capital in Montgomery and selected Jefferson Davis as", + "score": 0.68994140625 + }, + { + "id": "10984087", + "title": "National Right to Work Legal Defense Foundation", + "text": "National Right to Work Legal Defense Foundation The National Right to Work Legal Defense Foundation, established in 1968, is a nonprofit, charitable organization whose stated mission is to \"eliminate coercive union power through strategic litigation, public information, and education programs\". The Right to Work principle\u2013the guiding concept of the National Right to Work Legal Defense Foundation\u2013affirms the right of every American to work for a living without being compelled to belong to a union. Right-to-work laws are statutes in effect and enforced in twenty-seven U.S. states that prohibit union security agreements between employers and workers' unions. In order to build", + "score": 0.689453125 + }, + { + "id": "5789246", + "title": "Seal of Alabama", + "text": "Seal of Alabama The Great Seal of the State of Alabama is the state seal of the U.S. state of Alabama. The first seal was designed in 1817 by William Wyatt Bibb, the governor of the Alabama Territory and the subsequent first governor of the state. When Alabama became a state in 1819, the state legislature adopted the design as the official state seal. The seal prominently features a map showing one of the state's most valuable resources\u2014its major rivers. The map was shown affixed to a living tree, with no motto. The design was replaced with a new seal", + "score": 0.689453125 + }, + { + "id": "12536854", + "title": "Alabama State Bar", + "text": "organization, regulation and government of the Alabama State Bar, thereby creating an \"integrated bar\" as we now know it. As a result of this Act, the first meeting of the Alabama State Bar Commission was held on January 8, 1924, when the Board of Commissioners appointed the first Board of Examiners and adopted rules regulating requirements for admission to practice law and governing the conduct of attorneys in Alabama. In 1923, the Legislature passed legislation integrating the Alabama State Bar Association with state government. Integration made membership in a traditionally voluntary association mandatory, thereby allowing the Alabama Supreme Court to", + "score": 0.689453125 + }, + { + "id": "5103414", + "title": "James D. Martin", + "text": "in Alabama abounded. \"The New York Times\" predicted that Martin \"not only has a chance to win the governorship, but at least for the moment must be rated as the favorite.\" Political writer Theodore H. White incorrectly predicted that Alabama, instead of Arkansas and Florida as it developed, would in 1966 become the first former Confederate state to elect a Republican governor since Reconstruction. A consensus developed that Martin might lend coattails to Republican candidates in legislative, county, and municipal elections. The defections of three legislators and a member of the Democratic State Executive Committee reinforced such possibilities. \"The New", + "score": 0.68798828125 + }, + { + "id": "510836", + "title": "History of Alabama", + "text": "1814) ended the Creek War. By the terms of the treaty, the Creek, Red Sticks and neutrals alike, ceded about one-half of the present state of Alabama to the United States. Due to later cessions by the Cherokee, Chickasaw and Choctaw in 1816, they retained only about one-quarter of their former territories in Alabama. In 1819, Alabama was admitted as the 22nd state to the Union. Its constitution provided for equal suffrage for white men, a standard it abandoned in its constitution of 1901, which reduced suffrage of poor whites and most blacks, disenfranchising tens of thousands of voters. One", + "score": 0.6875 + }, + { + "id": "15953283", + "title": "Alabama HB 56", + "text": "Alabama HB 56 Alabama HB 56 (AL Act 2011-535), titled the Beason-Hammon Alabama Taxpayer and Citizen Protection Act is an anti-illegal immigration bill, signed into law in the U.S. state of Alabama in June 2011. The law, written in large part by Kansas Secretary of State Kris Kobach, and cosponsored by Alabama Representative Micky Hammon and Alabama State Senator Scott Beason, was passed by the Alabama House of Representatives and Alabama Senate with widespread legislative support. It was then signed into law on June 9, 2011, by Governor Robert J. Bentley. The Alabama law requires that if police have \"reasonable", + "score": 0.68701171875 + }, + { + "id": "15124", + "title": "Alabama", + "text": "rebuilt on the same site in 1851. This second capitol building in Montgomery remains to the present day. It was designed by Barachias Holt of Exeter, Maine. By 1860, the population had increased to 964,201 people, of which nearly half, 435,080, were enslaved African Americans, and 2,690 were free people of color. On January 11, 1861, Alabama declared its secession from the Union. After remaining an independent republic for a few days, it joined the Confederate States of America. The Confederacy's capital was initially at Montgomery. Alabama was heavily involved in the American Civil War. Although comparatively few battles were", + "score": 0.68701171875 + }, + { + "id": "2383593", + "title": "Right-to-work law", + "text": "the absence of a state income tax in Texas. Another \"Wall Street Journal\" editorial in 2012, by the president and the labor policy director of the Mackinac Center for Public Policy, reported 71% employment growth in right-to-work states from 1980 to 2011, while employment in non-right-to-work states grew just 32% during the same period. The 2012 editorial also stated that since 2001, compensation in right-to-work states had increased 4 times faster than in other states. In January 2012, in the immediate aftermath of passage of Indiana's right-to-work law, a Rasmussen Reports telephone survey found that 74% of Likely U.S. Voters", + "score": 0.6865234375 + }, + { + "id": "12091331", + "title": "Alabama International Trade Center", + "text": "a statewide network of 10 management and technical assistance centers. The Small Business Administration (SBA) is a United States government agency that provides support to small businesses. The SBA was created by way of the Small Business Act of July 30, 1953. The Alabama International Trade Center is a founding member of the Export Alabama Trade Alliance. Export Alabama is a group of government agencies, business and professional associations, and economic development entities in Alabama that share the fundamental goal of helping Alabama companies to grow their business internationally. The list of Export Alabama partners includes: As part of the", + "score": 0.6865234375 + }, + { + "id": "13360416", + "title": "LGBT rights in Alabama", + "text": "Montgomery, Huntsville and Tuscaloosa, have more limited protections. According to a 2017 Public Religion Research Institute (PRRI) poll, Alabama is the only state in the United States where a majority of residents are opposed to same-sex marriage. Same-sex sexual activity has been legal in Alabama since 2003, when the United States Supreme Court decision in \"Lawrence v. Texas\" struck down all state sodomy laws. The state's sodomy law, although unenforceable, has not been repealed by the Alabama Legislature. Alabama has a no promo homo law, which states that \"course materials and instruction that relate to sexual education or sexually transmitted", + "score": 0.685546875 + }, + { + "id": "15121", + "title": "Alabama", + "text": "capital from 1817 to 1819. Alabama was admitted as the 22nd state on December 14, 1819, with Congress selecting Huntsville as the site for the first Constitutional Convention. From July 5 to August 2, 1819, delegates met to prepare the new state constitution. Huntsville served as temporary capital from 1819 to 1820, when the seat of government moved to Cahaba in Dallas County. Cahaba, now a ghost town, was the first permanent state capital from 1820 to 1825. The Alabama Fever land rush was underway when the state was admitted to the Union, with settlers and land speculators pouring into", + "score": 0.685546875 + }, + { + "id": "10185214", + "title": "History of Mobile, Alabama", + "text": "in 1813, when it was captured by American forces and added to the Mississippi Territory, then later re-zoned into the Alabama Territory in August 1817. Finally on December 14, 1819, Mobile became part of the new 22nd state, Alabama, one of the earlier states of the U.S. Forty-one years later, Alabama left the Union and joined the Confederate States of America in 1861. It returned in 1865 after the American Civil War. Mobile had spent decades as French, then British, then Spanish, then American, spanning 160 years, up to the Civil War. Spanish explorers were sailing into the area of", + "score": 0.68505859375 + }, + { + "id": "3392422", + "title": "Right to work", + "text": "Connecticut interior designers. Paul Lafargue, in \"The Right to be Lazy\" (1883), wrote: \"And to think that the sons of the heroes of the Terror have allowed themselves to be degraded by the religion of work, to the point of accepting, since 1848, as a revolutionary conquest, the law limiting factory labor to twelve hours. They proclaim as a revolutionary principle the Right to Work. Shame to the French proletariat! Only slaves would have been capable of such baseness.\" In the 1980 book \"Free to Choose\", economists Milton and Rose Friedman said, \"[An] essential part of economic freedom is freedom", + "score": 0.6845703125 + }, + { + "id": "12536852", + "title": "Alabama State Bar", + "text": "to serve until the first annual meeting set for the first Tuesday in December 1879. W. L. Bragg of Montgomery was elected the first president of the Alabama State Bar Association. Thus, the state bar was founded and on February 12, 1879, an Act incorporating the Alabama State Bar Association was approved by the governor. On December 4, 1879, the first annual meeting of the bar was held in Montgomery and E. W. Pettus of Dallas County was elected president. At the suggestion of Thomas Goode Jones of Montgomery, at the annual meeting in 1881, a committee was created and", + "score": 0.68408203125 + }, + { + "id": "3060171", + "title": "Frank Keating", + "text": "Worker's Compensation Court, and took other measures to control Oklahoma's rising worker's compensation costs. He would have to wait two years to see his vision for a right to work fulfilled. The Legislature decided to propose anti-union right to work measures as a 2001 constitutional amendment. Keating's six-year battle came to an end when, on September 21, 2001, Oklahomans approved the measure. As he had done in first term, Keating sought to grant broad-based tax cuts. To further reduce taxes, Keating won passage of an income tax break and of the creation of Oklahoma's earned income credit system to benefit", + "score": 0.68359375 + }, + { + "id": "2458657", + "title": "Music of Alabama", + "text": "Julia Tutwiler and composed by Edna Gockel Gussen. It was adopted as the state song in 1931. A State Senate bill (SB-458) was passed 32-1 in 2000 to move \"Alabama\" to the status of State Anthem, with \"Stars Fell On Alabama\", a song written in 1933 whose most popular release was by Jimmy Buffett in 1972 becoming the new State Song, and \"My Home's in Alabama\" (1980) by the Country group Alabama would become the State Ballad, but the bill failed in the State House. Other grass roots efforts to make \"Sweet Home Alabama\" (1974) by Lynyrd Skynyrd the state", + "score": 0.68310546875 + }, + { + "id": "7590950", + "title": "Women's Political Council", + "text": "and three days later ordered the state to desegregate the buses. The boycott had demonstrated African-American organizing power and highlighted civil rights issues in the city. Its success helped further steps in the drive for civil rights. Robinson and Burks left Montgomery in 1960, after several Alabama State College professors were fired for civil rights activities. Robinson left Alabama State College in 1960 after several teachers had been fired for their participation in the boycott. She taught for one year at Grambling State College in Grambling, Louisiana, then moved to Los Angeles, where she taught English in the public schools", + "score": 0.68212890625 + }, + { + "id": "16168123", + "title": "Edward J. Steimel", + "text": "of the Louisiana AFL-CIO. The two clashed over right-to-work legislation which Steimel had championed through the Louisiana State Legislature in the summer of 1976. In the afterglow of the victory by the right-to-work forces, the public relations executive Jim Leslie of Shreveport was assassinated in a motel parking lot in Baton Rouge, but Leslie's still unsolved murder is not believed to have been related to wrangling over right-to-work but instead a dispute with the Shreveport Public Works Commissioner George W. D'Artois. In 1976, Steimel supported U.S. President Gerald R. Ford, Jr., in the campaign against the Democrat Jimmy Carter, whom", + "score": 0.681640625 + }, + { + "id": "11265628", + "title": "History of the University of West Alabama", + "text": "a women's college with some State support until 1907, when the State assumed full control. It remained under its own board of trustees, however, until the Alabama Legislature created a State Board of Trustees for all the normal schools in 1911. In 1919 this board was abolished and all state normal schools were placed under the supervision of the State Board of Education. During these early years the school offered both secondary education and normal school programs for the training of teachers. In 1929 the school at Livingston became State Teachers College, Livingston, Alabama, with authority to confer the degree", + "score": 0.681640625 + }, + { + "id": "6973353", + "title": "Alabama Legislature", + "text": "were excluded from voting for decades. Most blacks did not regain the power to vote until after passage of the Voting Rights Act of 1965. Before that, many left the state in the Great Migration to northern and midwestern cities. Since the late 20th century, the white majority in the state has voted increasingly Republican. After the 2010 elections, for the first time in 136 years, both houses of the state legislature were dominated by Republicans. The Alabama Legislature convenes in regular annual sessions on the first Tuesday in February, except during the first year of the four-year term, when", + "score": 0.68017578125 + }, + { + "id": "13450849", + "title": "Same-sex marriage in Alabama", + "text": "or foreign countries. On April 13, 1998, the Alabama State Senate approved the bill in a 30\u20130 vote. Governor Fob James signed it into law. On March 8, 2006, the Alabama State House voted 85\u20137 in favor of Amendment 774, a constitutional amendment to the Constitution of Alabama which bans same-sex marriage and a \"union replicating marriage of or between persons of the same sex\" in the state. On March 11, 2006, the Alabama State Senate approved the bill in a 30\u20130 vote. On June 6, 2006, Alabama voters endorsed adding the amendment to the state's Constitution with 81% voting", + "score": 0.68017578125 + }, + { + "id": "13450845", + "title": "Same-sex marriage in Alabama", + "text": "Same-sex marriage in Alabama Same-sex marriage has been legal in the U.S. state of Alabama since June 26, 2015, after the U.S. Supreme Court's ruling in \"Obergefell v. Hodges\". However, as of December 2018, eight counties in Alabama do not issue marriage licenses to any couples in order to avoid issuing them to same-sex couples. Before the Supreme Court's decision in \"Obergefell v. Hodges\" on June 26, 2015 which held that the United States Constitution requires every state to recognize and license same-sex marriage, the legal status of same-sex marriage in Alabama had been the subject of a long legal", + "score": 0.67919921875 + }, + { + "id": "3918173", + "title": "United States labor law", + "text": "1974 created rights to well regulated occupational pensions, although only where an employer had already promised to provide one: this usually depended on collective bargaining by unions. But in 1976, the Supreme Court in \"Buckley v Valeo\" held anyone could spend unlimited amounts of money on political campaigns, apparently as a part of the First Amendment right to \"freedom of speech\". From this point, big business was able to lobby all politicians to stop any further progression of labor rights. After the Republican President Reagan took office in 1981, he dismissed all air traffic control staff who went on strike", + "score": 0.67919921875 + }, + { + "id": "4175716", + "title": "Constitution of Alabama", + "text": "1960s. In 1956, following the Supreme Court decision, the legislature passed a constitutional amendment stating that the state did not guarantee a public education for the state's children. It supported the formation of private schools to evade desegregation. In 1991, a state district judge ruled that this amendment ran counter to the federal Constitution. The state supreme court threw out the underlying case in 2002, but did so in a manner that left the status unclear of the 1956 amendment. Critics say that the continued existence of segregationist language is an embarrassment to the state in the 21st century. In", + "score": 0.6787109375 + }, + { + "id": "8609745", + "title": "Alabama in the American Civil War", + "text": "Alabama in the American Civil War The State of Alabama was central to the Civil War, with the secession convention at Montgomery, birthplace of the Confederacy, inviting other states to form a Southern Republic, during January-March 1861, and develop constitutions to legally run their own affairs. The 1861 Alabama Constitution granted citizenship to current U.S. residents, but prohibited import duties (tariffs) on foreign goods, limited a standing military, and as a final issue, opposed emancipation by any nation, but urged protection of African slaves, with trial by jury, and reserved the power to regulate or prohibit the African slave trade.", + "score": 0.6787109375 + }, + { + "id": "8202768", + "title": "R. Harmon Drew Sr.", + "text": "industrial development, and the expansion of vocational technical education. With strong support in the Minden area, Drew easily defeated McConnell, 6,774 votes (57.7 percent) to 4,965 (42.3 percent). The fiscally prudent Drew warned his colleagues of the limits of excessive spending. He worked for passage in 1976 of the state's right-to-work law, along with such colleagues as John Hainkel and Clark Gaudin. An early sign that the legislation could pass was the 49-44 House vote sending the legislation to the more favorable House Education Committee, on the basis of its application to state college and university employees, instead of the", + "score": 0.6787109375 + }, + { + "id": "13639247", + "title": "Human rights in the United States", + "text": "U.S. workers work longer hours on average than any other industrialized country, having recently surpassed Japan. U.S. workers rank high in terms of production. During the 19th and 20th centuries, safer conditions and workers' rights were gradually mandated by law, but this trend has reversed to some extent towards pro-business policies since the 1980s. In 1935, the National Labor Relations Act recognized and protected \"the rights of most workers in the private sector to organize labor unions, to engage in collective bargaining, and to take part in strikes and other forms of concerted activity in support of their demands.\" However,", + "score": 0.67822265625 + }, + { + "id": "3428468", + "title": "Jim Folsom Jr.", + "text": "to be from the same (Cullman) county. In 1993, Hunt was convicted of state ethics law violations regarding the funding of Hunt's second inaugural ceremonies. Like most states, Alabama's constitution prohibits convicted felons from serving in office. As a result, Hunt was forced to resign on April 22, 1993 and Folsom automatically became governor. Only weeks after Folsom assumed the office, state officials were approached by Mercedes-Benz about the possibility of locating its first manufacturing plant outside its native Germany in Alabama. Over the following months, Folsom led Alabama's efforts to recruit the facility, culminating in an October 1993 announcement", + "score": 0.677734375 + }, + { + "id": "3431383", + "title": "International Association of Machinists and Aerospace Workers", + "text": "1945. In 1947 Congress passed the Taft Hartley Act, officially known as the Labor-Management Relations Act, which placed restrictions on union activities. This act also contained provisions that made closed shops illegal and outlawed boycotts. The second section of the Taft Hartley Act was controversial because it allowed states to pass right-to-work laws, which enabled them to regulate the number of union shops. Furthermore, the machinists worked with AFL unions to repeal the act. The limitations imposed on union political activity by this act led to the creation of the Machinists' Non- Partisan Political League. In 1948, Lodge 751 went", + "score": 0.677734375 + }, + { + "id": "7415012", + "title": "Richard Alvin Tonry", + "text": "he was an unabashed supporter of organized labor and was particularly close to Louisiana AFL-CIO leader Victor Bussie. Tonry led the push to kill a right-to-work bill in the 1976 legislative session, but those efforts failed and the bill became law without the signature of Governor Edwin W. Edwards, like Tonry, a strong supporter of organized labor and close friend of Bussie. Thus Louisiana became the last southern state to adopt a right-to-work bill. Shortly after taking his state House seat, Tonry declared his candidacy for the United States Congress from Louisiana's 1st congressional district after the 36-year Democratic incumbent,", + "score": 0.6767578125 + }, + { + "id": "13545253", + "title": "John J. Doles", + "text": "Jones' 7,872. Jones led in Webster Parish but trailed badly in Bossier Parish. In 1954, Senator Doles supported right-to-work legislation endorsed by the Kennon administration. He was physically attacked though uninjured on the Senate floor by a representative of organized labor. In a tumultuous session, right-to-work passed, but it was repealed two years later in 1956 in the last Long administration through the work of Victor Bussie, the newly installed president of the Louisiana AFL-CIO. Twenty years later, in 1976, right-to-work was resurrected in the second term of Governor Edwin Washington Edwards. After his Senate service, Doles returned to his", + "score": 0.67626953125 + }, + { + "id": "10270480", + "title": "Alabama Republican Party", + "text": "and party offices with its main goal being to broaden public support for the party. It would only slowly have that desired effect. In 1978, the party would begin its long steady build-up to competing for seats in the legislature by winning a few seats in suburban Birmingham, Mobile, and Montgomery. In 1980, Jeremiah Denton became the first popularly elected Republican U. S. Senator in Alabama history after first winning that new statewide primary. In 1982, Emory Folmar who would serve as Mayor of Montgomery (1977-1999) would make the party's first serious run for Governor since Martin in 1966. However,", + "score": 0.67626953125 + }, + { + "id": "13450896", + "title": "Same-sex marriage in Alabama", + "text": "most popular. Same-sex marriage in Alabama Same-sex marriage has been legal in the U.S. state of Alabama since June 26, 2015, after the U.S. Supreme Court's ruling in \"Obergefell v. Hodges\". However, as of December 2018, eight counties in Alabama do not issue marriage licenses to any couples in order to avoid issuing them to same-sex couples. Before the Supreme Court's decision in \"Obergefell v. Hodges\" on June 26, 2015 which held that the United States Constitution requires every state to recognize and license same-sex marriage, the legal status of same-sex marriage in Alabama had been the subject of a", + "score": 0.6748046875 + }, + { + "id": "12536853", + "title": "Alabama State Bar", + "text": "charged with the responsibility of adopting a code of legal ethics for the bar, the first code of legal ethics in the country. The Alabama Code of Ethics was adopted by the bar at its annual meeting in 1887 and was the foundation of the canons of ethics adopted by the American Bar Association. The state bar, as a voluntary body, continued in its efforts toward the improvement of the legal profession, but it was not until August 9, 1923, that the efforts of the bar culminated in the approval of an Act of the Alabama Legislature providing for the", + "score": 0.67431640625 + }, + { + "id": "4348474", + "title": "Scott Walker (politician)", + "text": "because my focal point (is) private sector unions have overwhelmingly come to the table to be my partner in economic development.\" While campaigning for re-election in 2014, Walker again said he had no plans to pursue right-to-work legislation focused on private unions. Once the legislation was initiated in the state legislature, Walker stated: \"I haven't changed my position on it, it just wasn't a priority for me. But should they pass it within the next two weeks, which is their target, I plan on signing it.\" On March 9, 2015, Walker signed legislation making Wisconsin a right-to-work state. The law", + "score": 0.67431640625 + }, + { + "id": "15365921", + "title": "Tobacco in Alabama", + "text": "44th among the states. Also, approximately 850 adult non-smokers die each year from exposure to secondhand smoke. The American Lung Association, an organization which campaigns against the use of tobacco, is a member of the Coalition for a Tobacco-Free Alabama and works towards reducing the tobacco usage in the state. They try to discourage tobacco usage by working to create smoke-free environments and advocating an increase of tobacco taxes. While Alabama does not have a statewide smoking ban, smoking is prohibited in many public places and meetings because of the Alabama Clean Indoor Act which was enacted in 2003. State", + "score": 0.673828125 + }, + { + "id": "10721854", + "title": "Philip Joseph (politician)", + "text": "of the rebel government\" during the Civil War. Joseph remained involved in politics and was a clerk of the Alabama state legislature from 1872-74. He also continued working as a journalist and founded the Montgomery \"Watchman\" in February 1873, and edited the weekly for the following year. He frequently wrote in favor of the proposed Civil Rights Act, which became law in 1875. In 1874 he ran unsuccessfully for a seat in the Alabama legislature and was a leading figure at the black convention in Montgomery. In 1875 he testified before the US Congress about efforts to break up black", + "score": 0.67333984375 + }, + { + "id": "8609746", + "title": "Alabama in the American Civil War", + "text": "The secession convention invited all slaveholding states to secede, but only 7 Cotton States of the Lower South formed the Confederacy with Alabama, while the majority of slave states were in the Union and voted to make U.S. slavery permanent by passing the Corwin Amendment, signed by President Buchanan and backed by President Lincoln on March 4, 1861. Even before secession, the governor of Alabama defied the United States government by seizing the two federal forts at the Gulf Coast (forts Morgan and Gaines) and the arsenal at Mount Vernon in January 1861 to distribute weapons to Alabama towns. The", + "score": 0.67333984375 + }, + { + "id": "1884768", + "title": "Stokely Carmichael", + "text": "lynchings of African Americans. In 1965, working as a SNCC activist in the black-majority Lowndes County, Carmichael helped to increase the number of registered black voters from 70 to 2,600\u2014300 more than the number of registered white voters. Black voters had essentially been disfranchised by Alabama's constitution passed by white Democrats in 1901. After Congressional passage in August of the Voting Rights Act of 1965, the federal government was authorized to oversee and enforce their rights. But there was still tremendous resistance by whites in the area, which endangered activists. Black residents and voters organized and widely supported the Lowndes", + "score": 0.6728515625 + }, + { + "id": "9687215", + "title": "Mississippi Democratic Party", + "text": "Southern Truman loyalists as turncoats generally failed, although the 1948 Mississippi state Democratic sample ballot warned that a vote for Truman electors was \"a vote for Truman and his vicious anti-Southern program\" and that a Truman victory would mean \"our way of life in the South will be gone forever.\" On election day of 1948, the Thurmond-Wright ticket carried Mississippi, South Carolina, Louisiana, and Alabama, all previously solid Democratic states. Truman won the national election anyway, without their electoral votes. The States' Rights Party movement faded from the landscape, and its Mississippi leaders resumed their place in the ranks of", + "score": 0.6728515625 + }, + { + "id": "6973351", + "title": "Alabama Legislature", + "text": "vote, the United States Supreme Court ruled in \"Reynolds v. Sims\" (1964) that both houses of any state legislature need to be based on population, with apportionment of seats redistricted as needed according to the decennial census. This was a challenge brought by citizens of Birmingham. When this ruling was finally implemented in Alabama by court order in 1972, it resulted in the districts including major industrial cities gaining more seats in the legislature. In May 2007, the Alabama Legislature officially apologized for slavery, making it the fourth Deep South state to do so. Alabama has had a total of", + "score": 0.67236328125 + }, + { + "id": "9037751", + "title": "Victor Bussie", + "text": "In the 1976 legislative session, right-to-work was again passed by a nearly all Democratic body, a reflection of the growing presence of LABI, which sought to reverse what it claimed had been \"socialism\" in the heyday of Bussie's influence. Bussie convinced state Senator Gaston Gerald of East Baton Rouge Parish, the chairman of the Senate Labor and Industrial Relations Committee, to work against right-to-work. Gerald hence proposed a state constitutional amendment on the issue, which would have raised the legislative bar for passage and required voter approval. Bussie thereafter never wavered in his call to repeal the Louisiana right-to-work law,", + "score": 0.67236328125 + }, + { + "id": "4031881", + "title": "Fred A. Hartley Jr.", + "text": "the 1935 Wagner Act (officially known as the National Labor Relations Act) and represented the first major revision of a New Deal act passed by the post-war Congress. The act placed limits on labor tactics such as the secondary boycott, and gave each state the option to enact right-to-work laws if it so chose (24 states have done so). This provision, known as Section 14 (b), was one of the most controversial of the entire act. President Harry S. Truman vetoed the Act, but enough Democrats joined with the Republicans to override the Presidential veto on June 23, 1947. It", + "score": 0.671875 + }, + { + "id": "14994585", + "title": "Alabama v. Georgia", + "text": "Territory (a process which would not end until the completion of the Trail of Tears forcible removals in 1838). The Compact of 1802 specified that Georgia's western boundary would be as follows: In 1817, what is now the modern state of Mississippi was created from the western half of the Mississippi Territory, the remaining territory renamed the Alabama Territory. The territory became the modern state of Alabama in 1819. The state of Alabama entered into a dispute with the state of Georgia over the specific meaning of the Compact of 1802. Alabama argued that the contour of the land on", + "score": 0.67138671875 + }, + { + "id": "15130", + "title": "Alabama", + "text": "By 1941, whites constituted a slight majority of those disenfranchised by these laws: 600,000 whites vs. 520,000 African-Americans. Nearly all African Americans had lost the ability to vote. Despite numerous legal challenges that succeeded in overturning certain provisions, the state legislature would create new ones to maintain disenfranchisement. The exclusion of blacks from the political system persisted until after passage of federal civil rights legislation in 1965 to enforce their constitutional rights as citizens. The rural-dominated Alabama legislature consistently underfunded schools and services for the disenfranchised African Americans, but it did not relieve them of paying taxes. Partially as a", + "score": 0.67138671875 + }, + { + "id": "10984090", + "title": "National Right to Work Legal Defense Foundation", + "text": "they then claim those in Right To Work states who refuse to pay dues are \"free-riders\" and that Right To Work laws therefore deprive unions of their property. The Foundation has represented employees in the following cases decided by the Supreme Court of the United States: National Right to Work Legal Defense Foundation The National Right to Work Legal Defense Foundation, established in 1968, is a nonprofit, charitable organization whose stated mission is to \"eliminate coercive union power through strategic litigation, public information, and education programs\". The Right to Work principle\u2013the guiding concept of the National Right to Work Legal", + "score": 0.67138671875 + }, + { + "id": "2749907", + "title": "Alabama Territory", + "text": "Alabama Territory The Territory of Alabama (sometimes Alabama Territory) was an organized incorporated territory of the United States. The Alabama Territory was carved from the Mississippi Territory on August 15, 1817 and lasted until December 14, 1819, when it was admitted to the Union as the twenty-second state. The Alabama Territory was designated by two interdependent Acts of the Congress of the United States on March 1 and 3, 1817, but it did not become effective until October 10, 1817. The delay was due to a provision in the Congressional Act which stated that the act would only take effect", + "score": 0.67041015625 + }, + { + "id": "16789401", + "title": "Alabama Trust Fund", + "text": "million for the rights to develop offshore tracts. In 1982, voters approved the creation of the Alabama Heritage Trust Fund (AHTF) with the revenues from this first sale of drilling rights. The AHTF income would be used to finance a $520 million bond issue for capital outlay projects. On 14 August 1984, the state received more than $347 million from leases awarded on offshore tracts. In 1985, the voters of the state approved Amendment 450 creating the ATF as an irrevocable, permanent trust fund. The ATF was established to capture future revenues from sales of offshore drilling rights and from", + "score": 0.67041015625 + }, + { + "id": "13450848", + "title": "Same-sex marriage in Alabama", + "text": "stayed its ruling pending action by the U.S. Supreme Court. Previously, the state banned the licensing of same-sex marriages and the recognition of such marriages from other jurisdictions by executive order of the Governor in 1996, by statute in 1998, and by constitutional amendment in June 2006. On August 29, 1996, Governor Fob James issued Executive Order 24 banning same-sex marriage and recognition of same-sex marriages performed in other states or foreign countries. On April 9, 1998, the Alabama State House voted 79\u201312 in favor of a ban on same-sex marriage and recognition of same-sex marriages performed in other states", + "score": 0.67041015625 + }, + { + "id": "15127", + "title": "Alabama", + "text": "Organized insurgent, resistance groups tried to suppress the freedmen and Republicans. Besides the short-lived original Ku Klux Klan, these included the Pale Faces, Knights of the White Camellia, Red Shirts, and the White League. Reconstruction in Alabama ended in 1874, when the Democrats regained control of the legislature and governor's office through an election dominated by fraud and violence. They wrote another constitution in 1875, and the legislature passed the Blaine Amendment, prohibiting public money from being used to finance religious-affiliated schools. The same year, legislation was approved that called for racially segregated schools. Railroad passenger cars were segregated in", + "score": 0.66943359375 + }, + { + "id": "10598638", + "title": "Douglas Arant", + "text": "of a Junior Bar Association as a means of bringing together younger lawyers from all over the state to focus on professional issues of significant interest to them. The Alabama State Junior Bar, now the Young Lawyers Section of the Alabama State Bar, became a reality in 1937. Arant regularly attended meetings of the Junior Bar and came to know many of the young lawyers throughout the state. He helped organize of the Legal Aid Society of Birmingham, which he served as president. He was also an active, longtime member of St. Mary\u2019s on the Highlands Episcopal Church and the", + "score": 0.66943359375 + }, + { + "id": "15777055", + "title": "1920 Alabama coal strike", + "text": "1920 Alabama coal strike The 1920 Alabama coal strike, or the Alabama miners' strike, was a statewide strike of the United Mine Workers of America against coal mine operators. The strike was marked by racial violence, and ended in significant defeat for the union. The strike was officially authorized by UMW president John L. Lewis to begin on September 7, and as many as 15,000 of the 27,000 coal miners in the state stopped work. UMW vice-president Van Bittner was sent to the state to oversee the effort. One main union demand was for union recognition, and one fundamental obstacle", + "score": 0.6689453125 + }, + { + "id": "18660888", + "title": "Vance Muse", + "text": "Wilson, as well as the New Deal policies of Franklin D. Roosevelt. During and after World War II, Muse was instrumental in passing a number of anti-union laws in the American South, and wished to propose a Right-to-work amendment to the United States Constitution. Vance Muse Vance Muse (born January 6, 1890, Moran, Texas; died October 15, 1950, Houston, Texas) was an American businessman and conservative lobbyist from who invented the Right-to-work movement against the unionization of American workers, and helped pass the first anti-union laws in Texas. Muse was editor of \"The Christian American\" and worked for the Southern", + "score": 0.6689453125 + }, + { + "id": "8947341", + "title": "Trade unions in Afghanistan", + "text": "Trade unions in Afghanistan Trade unions in Afghanistan have a brief and turbulent history, beginning in 1967 and effectively ending with the Islamic state of the Mujahideen. There has been no reported trade union activity since the military intervention and removal of the Taliban regime. Afghanistan has not ratified the ILO conventions; the Freedom of Association and Protection of the Right to Organise Convention, 1948 and the Right to Organise and Collective Bargaining Convention, 1949. The first trade unions in Afghanistan were formed in 1967. The People\u2019s Democratic Party of Afghanistan established the Central Council of Afghan Trade Unions (CCATU)", + "score": 0.66845703125 + }, + { + "id": "15123", + "title": "Alabama", + "text": "it increased to more than 300,000 people by 1830. Most Native American tribes were completely removed from the state within a few years of the passage of the Indian Removal Act by Congress in 1830. From 1826 to 1846, Tuscaloosa served as Alabama's capital. On January 30, 1846, the Alabama legislature announced it had voted to move the capital city from Tuscaloosa to Montgomery. The first legislative session in the new capital met in December 1847. A new capitol building was erected under the direction of Stephen Decatur Button of Philadelphia. The first structure burned down in 1849, but was", + "score": 0.66796875 + }, + { + "id": "3458062", + "title": "William Hugh Smith", + "text": "into a strong Unionist. In 1862, he fled behind Union lines; he spent the rest of the war recruiting soldiers for the 1st Alabama Union Cavalry Regiment. He went with this regiment on General William Tecumseh Sherman's famous \"March to the Sea\". After the war, Smith chaired the first statewide Republican convention in 1867. He was installed as Governor of Alabama by the U.S. Congress in July 1868. Although he had been elected in February 1868, Smith would not voluntarily take office due to voters failing to ratify the 1868 constitution. A conservative once in office, he supported restoration of", + "score": 0.66796875 + }, + { + "id": "11563477", + "title": "1971 Alabama Crimson Tide football team", + "text": "pitch to a tailback. From the time Bryant arrived at Alabama through the 1970 season, the Crimson Tide ran a pro-style offense. By 1969, Bryant began to recruit larger linemen and tailbacks, and after a pair of six win seasons in 1969 and 1970, Bryant saw the success of the wishbone for the Longhorns and decided to implement the offense for the 1971 season. In spring 1971, Alabama assistants Mal Moore and Jimmy Sharpe traveled to Austin where they saw first hand how the wishbone operated during Texas' final week of spring practice. During the second summer session at the", + "score": 0.66796875 + }, + { + "id": "2769503", + "title": "No Child Left Behind Act", + "text": "schools to identify gifted students and provide them with an appropriate education, including grade advancement. Research tells us an IQ of 120 is needed. In other states, such as Michigan, state funding for gifted and talented programs was cut by up to 90% in the year after the Act became law. \"There's a fallacy in the law and everybody knows it,\" said Alabama State Superintendent Joe Morton on Wednesday, August 11, 2010. According to the No Child Left Behind Act, by 2014, every child is supposed to test on grade level in reading and math. \"That can't happen,\" said Morton.", + "score": 0.66748046875 + }, + { + "id": "13116579", + "title": "Harry Toulmin (Unitarian minister)", + "text": "state of Alabama was created from part of the Tombigbee District in 1819, Toulmin was chosen to represent Baldwin County at the state's constitutional convention in July 1819. He served on the Committee of Fifteen that drafted the first Constitution of Alabama. The document was influenced by the Kentucky Constitution of 1800, which contained more democratic provisions than some of the older state constitutions. After the constitutional convention, he was elected to the Alabama Legislature. In 1821, his fellow legislators chose him to write a digest of the state's laws. The final product, \"Digest of the Laws of the State", + "score": 0.66748046875 + }, + { + "id": "13445123", + "title": "Herman \"Wimpy\" Jones", + "text": "Like Rainach, Jones opposed desegregation at the height of the civil rights movement. He was a favorite of organized labor and supported voting by eighteen-year-olds, an issue not much discussed at the time, some fifteen years before the ratification of the 26th Amendment to the United States Constitution. Unlike Rainach, Jones was noncommittal on the recurring issue of right-to-work legislation, having urged in 1958 a state constitutional amendment on the matter to gauge voter support. \"It is a very controversial issue and ought to be decided by the people. We should get the [right-to-work] thing settled once and for all.\"", + "score": 0.66748046875 + }, + { + "id": "15217988", + "title": "Jase Bolger", + "text": "who supported right-to-work when other Michigan Republicans were lukewarm on the idea. The day Bolger was elected Speaker of the Michigan House of Representatives he stated that fellow Republicans should join him in reviewing the potential for right-to-work legislation. During Bolger's term as Speaker, right-to-work legislation was introduced and passed by the House on December 6, 2012. The legislation was eventually signed by Governor Rick Snyder on December 11, 2012. Nearly six years after passage, workers in Michigan earn 8.06% less than the states that border Michigan and kept collective bargaining. Bolger worked with Senate Majority Leader Randy Richardville and", + "score": 0.66748046875 + }, + { + "id": "12536851", + "title": "Alabama State Bar", + "text": "legal practitioner in Alabama. It proposes model rules of professional responsibility (which govern the daily business and ethical practice of lawyers) for adoption by the supreme court. A meeting prior to the formation of a bar association of Alabama was held in Montgomery on December 13, 1878. Afterwards, on January 15, 1879, delegates from the bar of each county met at a preliminary conference in the Hall of the House of Representatives for organizing the State Bar Association. At this conference, ending January 20, 1879, the constitution and by-laws of the Alabama State Bar Association were adopted and officers elected", + "score": 0.6669921875 + }, + { + "id": "661834", + "title": "Taft\u2013Hartley Act", + "text": "Taft\u2013Hartley, prevents unions from negotiating contracts or legally binding documents requiring companies to fire workers who refuse to join the union. Currently all of the states in the Deep South and a number of states in the Midwest, Great Plains, and Rocky Mountains regions have right-to-work laws (with six states\u2014Alabama, Arizona, Arkansas, Florida, Mississippi, and Oklahoma\u2014going one step further and enshrining right-to-work laws in their states' constitutions). The amendments required unions and employers to give 80 days' notice to each other and to certain state and federal mediation bodies before they may undertake strikes or other forms of economic action", + "score": 0.6669921875 + }, + { + "id": "13360417", + "title": "LGBT rights in Alabama", + "text": "diseases should include [...] an emphasis, in a factual manner and from a public health perspective, that homosexuality is not a lifestyle acceptable to the general public and that homosexual conduct is a criminal offense under the laws of the state.\" (Ala. Code \u00a7 16-40A-2) Same-sex marriage has been legal in Alabama since June 26, 2015, when the United States Supreme Court ruled in the case of \"Obergefell v. Hodges\" that same-sex couples have a nationwide constitutional right to marry. In September 2014, a same-sex couple filed suit in district court challenging Alabama's statutory and constitutional ban on same-sex marriage.", + "score": 0.6669921875 + }, + { + "id": "7736308", + "title": "WSFA", + "text": "News as a correspondent and hosted \"Today\" from 1971 until his death in 1974 By the time Liberty bought WSFA in 1959, it had developed an image as a news-intensive station. Wanting to repeat WSFA's success, Liberty began developing strong news departments at its other stations as well. On January 15, 2007, it added an entertainment/lifestyle magazine-type program known as \"Alabama LIVE!\" The show that airs weekday mornings at 11. The show reflects on its slogan of \"Coverage. Community. Commitment.\" because it incorporates special features and guest interviews usually not conducted in traditional newscasts. WSFA established a news share agreement", + "score": 0.66650390625 + }, + { + "id": "14259848", + "title": "Blue Cross and Blue Shield of Alabama", + "text": "area - and pay is just one consideration. The corporate culture also ranks high among reviewers. BCBSAL was founded in 1936 as the Hospital Service Corporation. In 1952, the company changed its name to Blue Cross-Blue Shield of Alabama. In 1970, the name was changed back to Blue Cross and Blue Shield of Alabama L. By that year, it had increased its enrollment to over 1 million people. By 1994, the company increased enrollment to 2 million members statewide and by 2016, it increased to over 3 million nationwide. Even though other companies are available, over 90% of the Alabama", + "score": 0.66650390625 + }, + { + "id": "18468393", + "title": "Alabama Chapter of the Communist Party USA", + "text": "to Birmingham were Tom Johnson and Harry Jackson. Both Johnson and Jackson were veteran white Communists, and both had been active trade union organizers in the North. While Johnson had worked in Cleveland, Jackson had previously spent years as a longshoreman in San Francisco. Consequently in 1929, the Party opened an office in downtown Birmingham at 2117 \u00bd Second Ave. North. However, it was closed shortly after. From 1928 to 1951, the Alabama Chapter CPUSA played its most important roles in terms of organizing and fighting against unemployment and the development of the Alabama Sharecroppers Union, a court case involving", + "score": 0.66650390625 + }, + { + "id": "15442337", + "title": "King County Labor Council", + "text": "stayed away from politics and only endorsed \"moderate pro-labor Democrats,\" rejecting leftist coalitions. In 1955 the AFL and CIO merged, which greatly expanded the SCLC bringing the CIO's more politically active approach to the council. During this time, the council combated statewide \"Right-to-Work\" open shop efforts enabled by passage of the national Taft-Hartley Act of 1947. The SCLC was a leading player in the defeat of these measures. [AFL-CIO] In response to Right to Work attacks the SCLC started a \"pro-labor public relations campaign\" in 1959. The campaign was a way for labor leaders to get their voice heard by", + "score": 0.666015625 + }, + { + "id": "19610037", + "title": "Alabama State Treasurer", + "text": "Alabama State Treasurer The Alabama State Treasurer acts as the head banker for the State of Alabama, handling deposits, withdrawals, redemptions of state warrants, and investments of state funds. The position was created in 1819 when Alabama became a state. Its constitution established the Office of the Treasurer of State, a position that would be elected by the legislature. Individuals serving as state treasurer were elected annually by the General Assembly from 1819 to 1861. Beginning in 1861, the treasurer was elected biennially from until 1868 and was elected by popular vote for a term of two years in 1868.", + "score": 0.666015625 + }, + { + "id": "2383594", + "title": "Right-to-work law", + "text": "disagreed with the question, \"Should workers who do not belong to a union be required by law to pay union dues if the company they work is unionized?\" but \"most also don't think a non-union worker should enjoy benefits negotiated by the union.\" In Michigan in January through March 2013, a poll found that 43 percent of those polled thought the law would help Michigan's economy, while 41 percent thought it would hurt. The following 27 states have right-to-work laws: In addition, the territory of Guam also has right-to-work laws, and employees of the US federal government have the right", + "score": 0.66552734375 + }, + { + "id": "4784215", + "title": "WSES", + "text": "Tuscaloosa to be consolidated back into the Birmingham television market in September 1998 (at the start of the 1998\u201399 television season). That move benefited all of the major Birmingham stations, as it not only increased their viewership in Tuscaloosa and Anniston, but also resulted in Birmingham's placement in Nielsen's national market rankings jumping twelve spots from 51st to 39th place. On September 1, 1996, when W58CK became an ABC affiliate, WCFT and WJSU concurrently ended separate operations as well and became full-powered satellite stations of W58CK, with Allbritton assuming control of WJSU's operations under the originally proposed LMA, which was", + "score": 0.66552734375 + } + ], + "answer": "Alabama is a state in the Southeastern region of the United States. In the context of labor law in the United States, the term \"right-to-work laws\" refers to state laws that prohibit union security agreements between employers and labor unions. Alabama became a \"right-to-work\" state in 1953 by adopting statutes. By constitutional provision, Alabama became a \"right-to-work\" state in 2016." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who sings \"I'll Be Seeing You\" in the movie The Notebook?", + "short_answers": [ + "Jimmy Durante." + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who sings a version of \"I'll Be Seeing You\" in The Notebook?", + "short_answers": [ + "Billie Holiday" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who sings the version of \"I'll Be Seeing You\" that is heard second in The Notebook?", + "short_answers": [ + "Jimmy Durante" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who sings the version of \"I'll Be Seeing You that is heard first in The Notebook?", + "short_answers": [ + "Billie Holiday" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "The Notebook (novel)", + "url": "https://en.wikipedia.org/wiki/The%20Notebook%20%28novel%29" + }, + { + "title": "I'll Be Seeing You (song)", + "url": "https://en.wikipedia.org/wiki/I%27ll%20Be%20Seeing%20You%20%28song%29" + }, + { + "title": "Jimmy Durante", + "url": "https://en.wikipedia.org/wiki/Jimmy%20Durante" + }, + { + "title": "The Notebook (2004 film) - Wikiquote", + "url": "https://en.wikipedia.org/wiki/The_Notebook" + }, + { + "title": "Notebook (2006 film)", + "url": "https://en.wikipedia.org/wiki/Notebook%20%282006%20film%29" + }, + { + "title": "The Notebook", + "url": "https://en.wikipedia.org/wiki/The%20Notebook" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The Notebook is a 1996 romantic novel by American novelist Nicholas Sparks. The novel was later adapted into a popular film of the same name, in 2004.", + "wikipage": "The Notebook (novel)" + }, + { + "content": "Durante also recorded a cover of the well-known song \"I'll Be Seeing You\", which became a trademark song on his 1960s TV show and was featured in the 2004 film The Notebook.", + "wikipage": "Jimmy Durante" + }, + { + "content": "James Francis Durante (/d\u0259\u02c8r\u00e6nti/ d\u0259-RAN-tee, Italian: [du\u02c8rante]; February 10, 1893 \u2013 January 29, 1980) was an American actor, comedian, singer, vaudevillian, and pianist.", + "wikipage": "Jimmy Durante" + } + ], + "long_answer": "In the 2006 romantic novel (The Notebook) that was later adapted into a film in 2004, American actor and singer Jimmy Durante's 1960's song \"I'll Be Seeing You\" is heard second in movie. The first time this song is heard in the movie is in a version sang by Billie Holiday." + }, + { + "knowledge": [ + { + "content": "The Notebook is a 2004 American romantic drama film directed by Nick Cassavetes, written by Jeremy Leven and Jan Sardi, based on the 1996 novel of the same name by Nicholas Sparks.", + "wikipage": "The Notebook" + } + ], + "long_answer": "The Notebook is a 2004 American romantic drama film based on the 1996 novel of the same name. The song, \"I'll Be Seeing You\", is heard twice in the movie. The first time the song is heard it is sung by Billie Holiday. The second time the song is heard it is sung by Jimmy Durante." + } + ], + "sample_id": "-4814171382648920164", + "question": "Who sings i'll be seeing you in the notebook?", + "docs": [ + { + "id": "8745185", + "title": "I'll Be Seeing You (song)", + "text": "His Orchestra from 1940 charted in 1944 and peaked at No. 4. I'll Be Seeing You (song) \"I'll Be Seeing You\" is a popular song, with music by Sammy Fain and lyrics by Irving Kahal. Published in 1938, it was inserted into the Broadway musical \"Right This Way\", which closed after fifteen performances. The resemblance between the main tune's first four lines and a passage within the theme of the last movement of Gustav Mahler's Third Symphony (1896) was pointed out by Deryck Cooke in 1970. The recording by Bing Crosby became a hit in 1944, reaching number one for", + "score": 0.748046875, + "summary": "The document provides information about the song \"I'll Be Seeing You\", including its composers and the fact that it was charted in 1944. However, it does not provide information about who sings the song in The Notebook. Therefore, the answer to the question is \"irrelevant\".", + "extraction": "Irrelevant. The passage mentions the song \"I'll Be Seeing You\" and some information about its history and recordings, but it does not mention who sings it in the movie \"The Notebook\"." + }, + { + "id": "8745184", + "title": "I'll Be Seeing You (song)", + "text": "I'll Be Seeing You (song) \"I'll Be Seeing You\" is a popular song, with music by Sammy Fain and lyrics by Irving Kahal. Published in 1938, it was inserted into the Broadway musical \"Right This Way\", which closed after fifteen performances. The resemblance between the main tune's first four lines and a passage within the theme of the last movement of Gustav Mahler's Third Symphony (1896) was pointed out by Deryck Cooke in 1970. The recording by Bing Crosby became a hit in 1944, reaching number one for the week of July 1. Frank Sinatra's version with Tommy Dorsey and", + "score": 0.744140625, + "summary": "The song \"I'll Be Seeing You\" was composed by Sammy Fain and Irving Kahal, and was published in 1938. Bing Crosby's recording of the song became a hit in 1944. No information is given about who sings the song in the movie \"The Notebook.\"", + "extraction": "irrelevant" + }, + { + "id": "12008896", + "title": "I'll See You Again", + "text": "I'll See You Again \"I'll See You Again\" is a song by the English songwriter Sir No\u00ebl Coward. It originated in Coward's 1929 operetta \"Bitter Sweet\", but soon became established as a standard in its own right and remains one of Coward's best-known compositions. He told how the waltz theme had suddenly emerged from a mix of car-horns and klaxons during a traffic-jam in New York. The song has been covered by a wide range of singers and groups, including Westlife, Mario Lanza, Carmen McRae, Rosemary Clooney, Eddie Fisher, Vera Lynn, Bryan Ferry and the Pasadena Roof Orchestra. Anna Moffo", + "score": 0.740234375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention the movie \"The Notebook\" or the song \"I'll Be Seeing You\"." + }, + { + "id": "8745226", + "title": "I'll Be Seeing You (1944 film)", + "text": "I'll Be Seeing You (1944 film) I'll Be Seeing You is a 1944 American drama film made by Selznick International Pictures, Dore Schary Productions, and Vanguard Pictures, and distributed by United Artists. It stars Joseph Cotten, Ginger Rogers, and Shirley Temple, with Spring Byington, Tom Tully, and John Derek. George Cukor was the original director, but was replaced by William Dieterle. It was produced by Dore Schary, with David O. Selznick as executive producer. The screenplay was by Marion Parsonnet, based on a radio play by Charles Martin. The soundtrack includes the song \"I'll Be Seeing You\", which had become", + "score": 0.72412109375, + "summary": "\"Irrelevant\" - The document mentions the movie \"I'll Be Seeing You\" but does not provide information about who sings the song in \"The Notebook\".", + "extraction": "irrelevant" + }, + { + "id": "12008897", + "title": "I'll See You Again", + "text": "and Sergio Franchi recorded the song in duet on the 1963 RCA Victor Red Seal Album \"The Dream Duet\"' It was memorably arranged by Axel Stordahl for Frank Sinatra in his final Capitol Records album \"Point of No Return\". I'll See You Again \"I'll See You Again\" is a song by the English songwriter Sir No\u00ebl Coward. It originated in Coward's 1929 operetta \"Bitter Sweet\", but soon became established as a standard in its own right and remains one of Coward's best-known compositions. He told how the waltz theme had suddenly emerged from a mix of car-horns and klaxons during", + "score": 0.71875, + "summary": "The document is irrelevant to the question.", + "extraction": "Irrelevant. The passage does not mention the movie \"The Notebook\" or the song \"I'll be seeing you\"." + }, + { + "id": "18571619", + "title": "I'll See You in My Dreams (2015 film)", + "text": "appears again and he manages to trap it, and afterwards Carol finally breaks down in tears over losing Bill. Lloyd comforts her and plays for her a poignant song that he wrote, \"I'll See You in My Dreams.\" Later, Carol meets with her friends, and Sally insists that they should all go on a cruise together. Though the other friends are reluctant at first, Carol impulsively agrees, leading the others to join in. The film ends with Carol adopting an elderly dog and driving home with him, taking another chance at love. The official theatrical trailer was released on April", + "score": 0.7119140625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "964718", + "title": "Jimmy Durante", + "text": "best-seller and provided Durante's re-introduction to yet another generation, almost three decades later. From the \"Jimmy Durante's Way of Life\" album came the gravelly interpretation of the song \"As Time Goes By\", which accompanied the opening credits of the romantic comedy hit \"Sleepless in Seattle\", while his version of \"Make Someone Happy\" launched the film's closing credits. Both are included on the film's best-selling soundtrack. Durante also recorded a cover of the well known song \"I'll Be Seeing You\", which became a trademark song on his 60's TV show. This song was also featured in the 2004 film \"The Notebook\".", + "score": 0.71044921875, + "summary": "Jimmy Durante sings \"I'll Be Seeing You\" in his 60's TV show and it was also featured in the 2004 film \"The Notebook\".", + "extraction": "Jimmy Durante sings \"I'll Be Seeing You\" in The Notebook." + }, + { + "id": "4337218", + "title": "You Won't See Me", + "text": "duet with Shelby Lynne as part of her 2007 \"\" album. Murray is a self-confessed Beatles fanatic, and has covered several other songs of theirs as singles, including \"Day Tripper\" and \"I'm Happy Just to Dance with You\". The soulful backing vocals were devised by Anne's backup singer, Diane Brooks, and the bass line was devised by her bass player, Skip Beckwith. You Won't See Me \"You Won't See Me\" is a song by the Beatles, from the album \"Rubber Soul\". Though credited to Lennon\u2013McCartney, it was written by Paul McCartney. Canadian singer Anne Murray covered \"You Won't See Me\"", + "score": 0.708984375, + "summary": "Canadian singer Anne Murray covered \"You Won't See Me\" as part of her 2007 album. Irrelevant to the question.", + "extraction": "Irrelevant." + }, + { + "id": "8317052", + "title": "I'll See You in My Dreams (1924 song)", + "text": "I'll See You in My Dreams (1924 song) \"I'll See You in My Dreams\" is a popular song. It was written by Isham Jones, with lyrics by Gus Kahn, and was published in 1924. Originally recorded by Isham Jones and the Ray Miller Orchestra, it charted for 16 weeks during 1925, spending seven weeks at number 1 (US). Other popular versions in 1925 were by Marion Harris; Paul Whiteman; Ford & Glenn; and Lewis James, with three of these four reaching the Top 10. The song was chosen as the title song of the 1951 film \"I'll See You in", + "score": 0.708984375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "1460933", + "title": "John Mellencamp", + "text": "included, in a re-recorded version, on Mellencamp's 2017 album \"Sad Clowns & Hillbillies\".) Meanwhile, the piano-heavy \"Seeing You Around\" has the sound of a 1940s standard (the movie takes place during World War II) and is made all the more authentically '40s-sounding by Redbone's gruff, baritone vocals. Mellencamp's band provided the backing on both tracks and performed all the music that is in the movie. Said Carter in 2015: \"The way John Mellencamp and I met was he invited me to come and sing this song he had written for the movie that Meg Ryan has coming out called \"Ithaca\".", + "score": 0.70703125, + "summary": "Redbone sings \"I'll be seeing you\" in the Notebook.", + "extraction": "Redbone sings \"I'll be seeing you\" in the Notebook." + }, + { + "id": "6318857", + "title": "To See You", + "text": "in Paris being recorded for a St. Valentine's Day special on PBS in 1998. The songs are written, arranged and orchestrated by Harry Connick Jr. Track #6 \"Learn to Love\", appears in the movie \"Kissing a Fool\" from 1998. Track #2 \"To See You\" appears in the compilation album \"Songs from the Heart\", which was marketed for Valentine's Day. Come By Me made the first position in the Jazz charts in 1997, and was number 53 on the \"Billboard\" 200. To See You To See You is American artist Harry Connick Jr.'s album of love songs, recorded with a symphony", + "score": 0.70703125, + "summary": "The document discusses Harry Connick Jr.'s album To See You, which includes love songs recorded with a symphony. It does not mention who sings \"I'll Be Seeing You\" in The Notebook, so the answer is irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "9061254", + "title": "When Will I See You Again", + "text": "When Will I See You Again \"When Will I See You Again\" is a song released in 1974 by American soul group The Three Degrees, from their third album \"The Three Degrees\". The song was written and produced by Kenny Gamble and Leon Huff. Sheila Ferguson sang the lead, accompanied by Fayette Pinkney and Valerie Holiday. \"Billboard\" named the song #67 on their list of 100 Greatest Girl Group Songs of All Time. Sheila Ferguson recalled that \"the song was played to me by Kenny Gamble at the piano in 1973 and I threw a tantrum. I screamed and yelled", + "score": 0.7060546875, + "summary": "The Three Degrees, an American soul group, sings \"When Will I See You Again\" released in 1974. Sheila Ferguson sang the lead. \"I'll Be Seeing You\" is not mentioned in the document.", + "extraction": "Irrelevant. The passage does not mention the movie \"The Notebook\" or the song \"I'll be seeing you\"." + }, + { + "id": "10741570", + "title": "When Will I See You Again (Thomas Anders album)", + "text": "When Will I See You Again (Thomas Anders album) When Will I See You Again is the title of the fourth studio album by singer-songwriter & producer Thomas Anders. It was released in 1993, and was produced by Ralf Stemmann and Christian De Walden (Amanda Lear). It features a remake of The Three Degrees' classics \"When Will I See You Again\". \"I'll Love You Forever\", \"The Love In Me\" and \"When Will I See You Again\" (duet with The Three Degrees) were released as singles. \"Marathon Of Life\" was written by Ralf Stemmann for the Swedish movie \"Stockholm Marathon\", where", + "score": 0.70556640625, + "summary": "irrelevant", + "extraction": "Irrelevant. The passage does not provide any information about the movie or the song \"I'll Be Seeing You\" from the movie \"The Notebook\"." + }, + { + "id": "15643462", + "title": "Next Time You See Me", + "text": "features Parker's smooth vocal approach propelled by a horn-driven rhythm section. The song begins with a chorus: The backing is provided by the Bill Harvey Band with Parker on vocals, Harvey on tenor sax, Joe Scott on trumpet, Pluma Davis on trombone, Connie McBooker on piano, Pat Hare on guitar, Hamp Simmons on bass, and Sonny Freeman on drums. In 1957, the song became a number five hit in the Billboard R&B chart as well as reaching number 74 in the pop Hot 100. Several blues and other artists have recorded \"Next Time You See Me\", including Frankie Lymon from", + "score": 0.70361328125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "17311351", + "title": "When Will I See You Again (Johnny Mathis album)", + "text": "this album was released, \"The Things I Might Have Been\" had been recorded as a solo by Kitty Wells, Willie Nelson, and Roy Clark and as a duet by Kris Kristofferson and Rita Coolidge. From the liner notes of the original album: When Will I See You Again (Johnny Mathis album) When Will I See You Again is an album by American pop singer Johnny Mathis that was released in March 1975 by Columbia Records and was again predominantly composed of covers of recent hit songs by other artists. The album made its first appearance on \"Billboard\" magazine's Top LP's", + "score": 0.70361328125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "15392257", + "title": "Scotty McCreery", + "text": "on November 28, 2012. He also sang \"Winter Wonderland\" at the CMA Country Christmas show aired on ABC on December 20, 2012. He performed Santa Claus Is Back in Town and Mary, Did You Know? at the \"Christmas in Washington\" gala, an annual seasonal celebration benefiting the Children's National Medical Center attended by the President. McCreery's second album, \"See You Tonight\", was released on October 15, 2013. The album was produced by Frank Rogers. Its first single, \"See You Tonight\", was released in May, and became McCreery's first song to reach the top ten on \"Billboard\"'s Hot Country Songs chart.", + "score": 0.70361328125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "15162731", + "title": "I'll Be Seeing You (Richard Poon album)", + "text": "I'll Be Seeing You (Richard Poon album) I'll Be Seeing You is the third studio album by Filipino pop-jazz singer Richard Poon, released in the Philippines in October 2010 by MCA Records. The album consists mostly of cover versions of classics hits such as \"The Way You Look Tonight\", \"Fever\" and \"L-O-V-E\". It features the singer's Sessionistas co-performers, Nina and Sitti. It also features a limited edition 2011 photo calendar of Poon. Poon is known for making pop music out of what is basically in the jazz genre category. He expresses not being bothered by people and listeners, who criticize", + "score": 0.70263671875, + "summary": "The document is irrelevant to the question.", + "extraction": "Irrelevant." + }, + { + "id": "15162735", + "title": "I'll Be Seeing You (Richard Poon album)", + "text": "the album in mall shows, performing in SM Supermalls. \"Panalangin\", a cover of Apo Hiking Society's hit, was released as the first single along with album. It was performed by Poon on the album's launch on \"ASAP XV\" in October 2010. I'll Be Seeing You (Richard Poon album) I'll Be Seeing You is the third studio album by Filipino pop-jazz singer Richard Poon, released in the Philippines in October 2010 by MCA Records. The album consists mostly of cover versions of classics hits such as \"The Way You Look Tonight\", \"Fever\" and \"L-O-V-E\". It features the singer's Sessionistas co-performers, Nina", + "score": 0.7021484375, + "summary": "Richard Poon sings \"I'll Be Seeing You\" in his album of the same name released in October 2010.", + "extraction": "irrelevant" + }, + { + "id": "4337215", + "title": "You Won't See Me", + "text": "You Won't See Me \"You Won't See Me\" is a song by the Beatles, from the album \"Rubber Soul\". Though credited to Lennon\u2013McCartney, it was written by Paul McCartney. Canadian singer Anne Murray covered \"You Won't See Me\" in 1974. The song is about a crisis in McCartney's relationship with his then girlfriend, Jane Asher. She was rejecting him by not returning phone calls and ignoring him. The more biting tone of the song marks a change away from his earlier, happier love songs. Musically influenced by the Four Tops' then-current hit \"It's the Same Old Song\", \"You Won't See", + "score": 0.701171875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "17201168", + "title": "See You Again (Carrie Underwood song)", + "text": "See You Again (Carrie Underwood song) See You Again is a power ballad song released by American country music recording artist Carrie Underwood. It was written by Underwood, Hillary Lindsey, and David Hodges. It was released as the fourth and final single from Underwood's fourth studio album, \"Blown Away\", on April 15, 2013. Underwood announced the single on her official Twitter account. Underwood debuted the song on the twelfth season of \"American Idol\" on April 4, 2013. \"See You Again\" is Underwood's eighteenth consecutive Top 10 single on the \"Billboard\" Hot Country Songs chart and is also her seventeenth single", + "score": 0.7001953125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "10741571", + "title": "When Will I See You Again (Thomas Anders album)", + "text": "Anders played a small part. \"I'll Love You Forever\" was covered by Norwegian singer Wencke Myhre in 1994 and by Filipino trio \"Vanna Vanna\" in 1995. The Three Degrees \u2013 Out of the Past Into the Future (1993) When Will I See You Again (Thomas Anders album) When Will I See You Again is the title of the fourth studio album by singer-songwriter & producer Thomas Anders. It was released in 1993, and was produced by Ralf Stemmann and Christian De Walden (Amanda Lear). It features a remake of The Three Degrees' classics \"When Will I See You Again\". \"I'll", + "score": 0.69970703125 + }, + { + "id": "8317055", + "title": "I'll See You in My Dreams (1924 song)", + "text": "of \"I'll See You in My Dreams\" to become a chart hit is by Pat Boone. It is the title track of his 1962 LP. The song peaked at number 32 on the \"Billboard\" Hot 100 and number nine on the Adult Contemporary chart. It also became a hit in the United Kingdom, where it reached number 27. The record's B-side, \"Pictures in the Fire,\" charted concurrently with \"I'll See You in My Dreams,\" reaching number 77 on the U.S. \"Billboard\" Hot 100, number 63 on \"Cash Box,\" and number 15 on the Adult Contemporary chart. I'll See You in", + "score": 0.6982421875 + }, + { + "id": "7721022", + "title": "Irving Kahal", + "text": "(1930) effectively becoming his signature tune, and featured by Frank Sinatra on his magisterial album \"Songs For Swingin' Lovers\". The Fain/Kahal catalogue also includes \"Let a Smile Be Your Umbrella\" (1928) with Francis Wheeler, \"Wedding Bells Are Breaking Up That Old Gang of Mine\" (1929) with Willie Raskin, \"By a Waterfall\" (1930), \"When I Take My Sugar to Tea\" (1931) with Pierre Norman, \"I Can Dream, Can't I?\" (1938) and \"I'll Be Seeing You\", which was written in 1938, but became a hit in 1943 especially among the families of servicemen sent overseas. In 1970, Irving Kahal was inducted into", + "score": 0.69775390625 + }, + { + "id": "17201170", + "title": "See You Again (Carrie Underwood song)", + "text": "of three songs written for the 2010 feature film \"\". Of the three songs that Underwood, Hodges, and Lindsey co-wrote for the film, the workers behind the project opted to choose \"There's a Place For Us.\" Underwood pushed to include \"See You Again\" on her fourth studio album, \"Blown Away\", during the writing process of the album. See You Again is written in the key of A-flat major, with a vocal range from F3 to D5. The song has received positive reviews from music critics. Billboard.com described the song to be \"truly a taste of heaven.\" Kevin John Coyne of", + "score": 0.697265625 + }, + { + "id": "17201173", + "title": "See You Again (Carrie Underwood song)", + "text": "was officially certified as Platinum. On June 7, 2013, \"Good Morning America\" gave a first look for the music video for \"See You Again\". The full video premiered soon after on ABCNews.com. The music video was directed by Eric Welch. It showed the aftermaths of the Sandy Hook Elementary School shooting, the September 11 attacks and the 2013 Moore, Oklahoma, tornado, along with various reunions. See You Again (Carrie Underwood song) See You Again is a power ballad song released by American country music recording artist Carrie Underwood. It was written by Underwood, Hillary Lindsey, and David Hodges. It was", + "score": 0.69580078125 + }, + { + "id": "17311348", + "title": "When Will I See You Again (Johnny Mathis album)", + "text": "101 as a recording by Maureen McGovern that also got as high as number 28 Easy Listening. \"You're As Right As Rain\" first appeared on the 1972 Stylistics album \"Round 2\". \"When Will I See You Again\" by The Three Degrees enjoyed two weeks at number one on the UK singles chart and a week in that position on \"Billboard\"'s Easy Listening chart, peaked at number two pop and number four R&B, and received Platinum certification from the RIAA. The Platters had the biggest hit version of \"Only You (And You Alone)\", which spent seven weeks at number one R&B", + "score": 0.69482421875 + }, + { + "id": "17311344", + "title": "When Will I See You Again (Johnny Mathis album)", + "text": "When Will I See You Again (Johnny Mathis album) When Will I See You Again is an album by American pop singer Johnny Mathis that was released in March 1975 by Columbia Records and was again predominantly composed of covers of recent hit songs by other artists. The album made its first appearance on \"Billboard\" magazine's Top LP's & Tapes chart in the issue dated April 19, 1975, and remained there for 13 weeks, peaking at number 99. It entered the UK album chart on July 26, 1975, and reached number 13 during its 10 weeks there. On September 1,", + "score": 0.6943359375 + }, + { + "id": "8317053", + "title": "I'll See You in My Dreams (1924 song)", + "text": "My Dreams\", a musical biography of Kahn.
Popular recordings of it were made by many leading artists including Cliff Edwards, Louis Armstrong, Bing Crosby (recorded November 27, 1947), Doris Day, Ella Fitzgerald, Mario Lanza, Tony Martin, Anita O'Day, The Platters, Ezio Pinza, Sue Raney, Jerry Lee Lewis (1958, instrumental), Andy Williams, and Linda Scott. A \"Texas Swing\" version of the song was recorded by Bob Wills and his Texas Playboys. The song was also recorded by Django Reinhardt and the Quintet of the Hot Club of France, and inspired Merle Travis to record it as a guitar instrumental. Many", + "score": 0.6923828125 + }, + { + "id": "5617221", + "title": "We'll Meet Again", + "text": "in London on the 60th Anniversary of VE Day in 2005. We'll Meet Again \"We'll Meet Again\" is a 1939 British song made famous by singer Vera Lynn with music and lyrics composed and written by Ross Parker and Hughie Charles. The song is one of the most famous of the Second World War era, and resonated with soldiers going off to fight and their families and sweethearts. The song gave its name to the 1943 musical film \"We'll Meet Again\" in which Dame Vera Lynn played the lead role (\"see\" 1943 in music). Lynn's recording is featured in the", + "score": 0.6923828125 + }, + { + "id": "10855576", + "title": "Homer Banks", + "text": "Banks died in Memphis of cancer, aged 61. With Carl Hampton, he co-wrote \"I've Got A Feeling (We'll Be Seeing Each Other Again)\", which was recorded by Al Wilson. The song was produced by Marc Gordon and arranged by H.B. Barnum. The B side \"Be Concerned\" was produced by Herbert Santifer. The record made it to no 43 on the Billboard HOT 100 on July 26, 1976. Homer Banks Homer Banks (August 2, 1941 \u2013 April 3, 2003) was an American songwriter, singer and record producer, best known for his songs for Stax Records in the 1960s and 1970s. Many", + "score": 0.69140625 + }, + { + "id": "8209537", + "title": "I've Grown Accustomed to Her Face", + "text": "the D23 Expo, once again using the Rosemary Clooney soundtrack. Barbra Streisand performed several lines in her \"Color Me Barbra Medley\" from the TV special and album \"Color Me Barbra\". Subsequently, on her 2016 album \"\", Streisand performs the song (combined with \"I'll Be Seeing You\" from the 1938 musical \"Right This Way\"), as a duet with actor Chris Pine. Stewie Griffin sings his version in the Family Guy episode \"Running Mates\" Sideshow Bob sings his own version of this song (\"The Very Reason That I Live\") in \"The Simpsons\" (in the Season 14 episode \"The Great Louse Detective\"). Henry", + "score": 0.69091796875 + }, + { + "id": "4337217", + "title": "You Won't See Me", + "text": "part of the song. MacDonald commented that Starr added an overdubbed hi-hat part in addition to the hi-hat part played in the basic rhythm track, and that Evans's organ part was a single A note held throughout the final verse and chorus. In 1974, \"You Won't See Me\" became a big hit for Anne Murray, reaching number 8 on the \"Billboard\" Hot 100 chart and number 1 on the \"Billboard\" Easy Listening chart. Lennon is said to have told Murray that her version of \"You Won't See Me\" was his favorite Beatles cover. Murray later re-recorded the song as a", + "score": 0.6904296875 + }, + { + "id": "5476886", + "title": "George Michael (sportscaster)", + "text": "1974) he played \"When Will I See You Again\" by the Three Degrees for the first time ever on any radio station. The playing of this on his show broke the song into the mainstream, and within two months was a huge international hit, reaching number one in the U.K., and number two in the United States. George was personal friends with the owners of Philadelphia International Records and the song's writers Kenny Gamble and Leon Huff. The aircheck of this can be heard on WFIL's tribute site www.famous56.com, where he says, \"I don't know if this song will be", + "score": 0.6904296875 + }, + { + "id": "15162734", + "title": "I'll Be Seeing You (Richard Poon album)", + "text": "a wide market\". He contended that tunes written today are simpler, still catchy, but has short-term appeal, whereas songs then had complex melodic lines bound to stand the test of time. Among the reinvented tracks are his take on APO Hiking Society\u2019s \u201cPanalangin\u201d, Peggy Lee's \u201cFever\" with Asia's Soul Siren Nina, and the well-loved standard, \"The Way You Look Tonight\". He also wrote a new song for the album, entitled \"Teddy Bear\". Poon launched \"I'll Be Seeing You\" on Sunday noontime variety show, \"ASAP XV\", performing the lead single \"Panalangin\", which is an Apo Hiking Society original. He also promoted", + "score": 0.6884765625 + }, + { + "id": "15680211", + "title": "I Will Be with You (T'Pau song)", + "text": "For Goodbye Rides Again\", which was a re-working of the \"Bridge of Spies\" track \"Thank You For Goodbye\". The CD single bonus track \"Walk Away Rene\" featured Rogers on lead vocals. I Will Be with You (T'Pau song) \"I Will Be With You\" is a song by British band T'Pau, released in 1988 from the seventh and final single from their debut studio album \"Bridge of Spies\". IT was written by Carol Decker and Ron Rogers, and produced by Roy Thomas Baker. \"I Will Be with You\" reached No. 14 in the UK and remained in the charts for six", + "score": 0.68798828125 + }, + { + "id": "11597831", + "title": "I'll Be Seeing You (2004 film)", + "text": "I'll Be Seeing You (2004 film) I'll Be Seeing You, also known as \"Mary Higgins Clark's I'll Be Seeing You\", is a 2004 television film based on the novel by Mary Higgins Clark starring Alison Eastwood and Mark Humphrey. Patricia Collins is asked to identify the body of a young woman who looks exactly like her. During her search to find out more information about her double, she investigates her father's mysterious disappearance. The closer she gets to the answers, the more dangerous her situation becomes. A young woman who resembles a resident of the area, Patricia Collins, is killed", + "score": 0.6875 + }, + { + "id": "17674385", + "title": "See You Tonight (song)", + "text": "10 climb in the chart's 24-year-history at 44 weeks. The song was certified Gold on February 14, 2014. As of May 2014, the song has sold 693,000 copies in the US. See You Tonight (song) \"See You Tonight\" is a song co-written and recorded by American country music singer Scotty McCreery. It is his fourth official single, and the first from his second studio album, also titled of the same name. Written by McCreery along with Ashley Gorley and Zach Crowell, the song is about a male who goes to visit his girlfriend because he has to \"see [her] tonight,\"", + "score": 0.6875 + }, + { + "id": "7798169", + "title": "There You'll Be", + "text": "out to \"I'm Like a Bird\" by singer Nelly Furtado. The song also nominated for an Academy Award for Best Original Song, but also lost to Randy Newman's \"If I Didn't Have You\" from Disney/Pixar's \"Monsters, Inc.\". On June 1, 2001, the song was used in an episode of \"Top of the Pops\". There You'll Be \"There You'll Be\" is a love song by American country pop recording artist Faith Hill. Written by Diane Warren, produced by Trevor Horn and Byron Gallimore, and arranged by David Campbell, it was released in May 2001 and was featured on the \"Pearl Harbor\"", + "score": 0.68701171875 + }, + { + "id": "6255435", + "title": "Al Wilson (singer)", + "text": "sold well over one million copies and was awarded a gold disc by the R.I.A.A. in December 1973. \"The La La Peace Song\", released in 1974, was another success, although O. C. Smith also recorded a version and sales suffered as a result. Two years later in 1976, Wilson recorded \"I've Got a Feeling, We'll Be Seeing Each Other Again\" for Playboy Records, produced by his manager, Marc Gordon. Although it reached #3 on the R&B chart, Wilson tried to leave Playboy Records, but was unable to get a release from his recording contract. Two years later, the label folded.", + "score": 0.68701171875 + }, + { + "id": "6394654", + "title": "You'll See", + "text": "the song onstage, but Madonna denied usage of the track. Credits adapted from the album's liner notes. You'll See \"You'll See\" is a song by American singer Madonna from her ballads compilation, \"Something to Remember\" (1995). The album was released with the intention of toning down the image of Madonna, who was being heavily criticized at the time. She wrote and produced the song with Canadian musician David Foster. \"You'll See\" was released on October 30, 1995, by Maverick Records as the lead single from the album. An acoustic pop ballad, \"You'll See\" features instrumentation from percussion, tremolo guitar and", + "score": 0.6865234375 + }, + { + "id": "6457336", + "title": "You'll Be in My Heart", + "text": "\"You'll Be in My Heart\", was also written and performed by Phil Collins in various other languages besides English, namely German, French, Spanish and Italian. In the Hungarian, Norwegian, Brazilian Portuguese, Japanese, Mandarin, Cantonese, Malay, Swedish and Portuguese versions, the whole soundtracks were performed by the Hungarian singer Akos, the Norwegian singer Tor Endresen, the Brazilian singer Ed Motta, Japanese singer Masayuki Sakamoto, Chinese singer Wakin Chau, Malaysian singer Zainal Abidin, Swedish singer Pelle Ankarberg and Portuguese singer Lu\u00eds Represas, respectively. The Portuguese version, however, includes the original credits' song. Because of the multiple recordings, a Spanish version of the", + "score": 0.685546875 + }, + { + "id": "8121710", + "title": "Norma Deloris Egstrom from Jamestown, North Dakota", + "text": "last single for Capitol, nearly three decades after she released her first on the label. The album received a modestly positive review in \"Stereo Review\" in October 1973. The reviewer, Peter Reilly, wrote: \"By the standards Peggy Lee herself has set (no others can take her measure), the new album isn\u2019t particularly outstanding. But, as always, there are three or four stunning bands \u2013 'I\u2019ll Be Seeing You,' 'I\u2019ll Get By' and 'Someone Who Cares' here \u2013 that reach the highest level of her accomplishments, and that is high indeed.\" To the ire of Lee's fans, the 2004 EMI reissue", + "score": 0.685546875 + }, + { + "id": "15643461", + "title": "Next Time You See Me", + "text": "Next Time You See Me \"Next Time You See Me\" is a blues song recorded in 1956 by Junior Parker (as \"Little Junior Parker\" as he was then known). The song was Parker's first record chart appearance after joining Duke Records and one of his most successful singles in both the R&B and pop charts. \"Next Time You See Me\" has been performed and recorded by numerous blues and other artists. \"Next Time You See Me\" is a mid-tempo twelve-bar blues shuffle with breaks. As with most of Junior Parker's songs, it is \"more melodic than the average blues\" and", + "score": 0.685546875 + }, + { + "id": "6387160", + "title": "The Five Satins", + "text": "consisting of Parris, Lewis Peeples (who was in a previous incarnation of the Five Satins), Sylvester Hopkins, Richie Freeman and Wes Forbes. The group would be briefly known as \"Fred Parris and the Scarlets\", until the Baker-led group split up. At this point, they reverted to the Five Satins name. According to old radio survey repository ARSA, the following 45 sides charted in some markets: \"I'll Be Seeing You\" (Ember 1061), 3/60; \"Your Memory\" (Cub 9071), 7/1960; \"The Time\" (Ember 1066), 10/60; \"These Foolish Things/A Beggar With A Dream\" (Cub 9077), 12/60; \"Till The End\" (United Artists 368), 11/61; \"The", + "score": 0.6845703125 + }, + { + "id": "7798165", + "title": "There You'll Be", + "text": "There You'll Be \"There You'll Be\" is a love song by American country pop recording artist Faith Hill. Written by Diane Warren, produced by Trevor Horn and Byron Gallimore, and arranged by David Campbell, it was released in May 2001 and was featured on the \"Pearl Harbor\" soundtrack. The song was also featured on Hill's greatest hits albums \"There You'll Be\" and \"The Hits\". Upon release, \"There You'll Be\" became Hill's highest-charting single in the United Kingdom and Ireland, reaching numbers three and four, respectively. The song also reached number one in Canada and Sweden and became a top 10", + "score": 0.68359375 + }, + { + "id": "5022586", + "title": "Nick Whitaker", + "text": "the children's film \"Bug Off\". Whitaker has also appeared in the Disney Channel movies \"High School Musical\" and \"Read It and Weep\", and he had a minor role as one of the basketball players in \"Hatching Pete\". In \"Read It and Weep\" he plays Lenny Bartlett, the older brother of Jamie Bartlett, who is the main character. In the movie he sings the song \"I Will Be Around\". Unofficial MP3's of the song are currently being circulated on various movie and Disney fan sites due to the lack of any official releases. Nick Whitaker Nick Whitaker (born October 1, 1988)", + "score": 0.68359375 + }, + { + "id": "17674382", + "title": "See You Tonight (song)", + "text": "See You Tonight (song) \"See You Tonight\" is a song co-written and recorded by American country music singer Scotty McCreery. It is his fourth official single, and the first from his second studio album, also titled of the same name. Written by McCreery along with Ashley Gorley and Zach Crowell, the song is about a male who goes to visit his girlfriend because he has to \"see [her] tonight,\" as substitutes like phone calls and pictures are not enough. Giving it 3.5 stars out of 5, Billy Dukes of Taste of Country said that McCreery \"has never sounded more comfortable\".", + "score": 0.68310546875 + }, + { + "id": "18698746", + "title": "See You Again", + "text": "See You Again \"See You Again\" is a song recorded by American rapper Wiz Khalifa, featuring American singer Charlie Puth. The track was commissioned for the of the 2015 action film \"Furious 7\" as a tribute to actor Paul Walker, who died in a single-vehicle accident on November 30, 2013 in Valencia, California. Later on, the song was included as a bonus track on the international release of Puth's debut album, \"Nine Track Mind\". The artists co-wrote the song with its co-producers, DJ Frank E and Andrew Cedar, with additional production from Puth and mixing provided by Manny Marroquin. \"See", + "score": 0.68212890625 + }, + { + "id": "5617219", + "title": "We'll Meet Again", + "text": "We'll Meet Again \"We'll Meet Again\" is a 1939 British song made famous by singer Vera Lynn with music and lyrics composed and written by Ross Parker and Hughie Charles. The song is one of the most famous of the Second World War era, and resonated with soldiers going off to fight and their families and sweethearts. The song gave its name to the 1943 musical film \"We'll Meet Again\" in which Dame Vera Lynn played the lead role (\"see\" 1943 in music). Lynn's recording is featured in the final scene of Stanley Kubrick's 1964 film \"Dr. Strangelove\", and was", + "score": 0.681640625 + }, + { + "id": "15208583", + "title": "Rose Garden (Lynn Anderson song)", + "text": "version. A recording by the girl group The Three Degrees, best known for their 1974 hit \"When Will I See You Again\", also predated Lynn Anderson's hit version. Anderson wanted to record the song but her producer (and husband) Glenn Sutton felt it was a \"man's song\", in part because of the line \"I could promise you things like big diamond rings\". According to Anderson, Sutton agreed to record it as a potential album cut when there was time left during one of her scheduled recording sessions. After arranging a more up-tempo, lighthearted melody, Sutton and the studio musicians, which", + "score": 0.681640625 + }, + { + "id": "16850833", + "title": "O'Landa Draper", + "text": "album introduces new songs such as \"All about Him\", \"Clean Me Up\" and old favorites such as \"My Soul Doth Magnify the Lord\". The song \"I'll See You Again\" is a song dedicated to Draper and his legacy. The album was nominated for the Grammy Award for Best Gospel Choir or Chorus Album in 2002. Gospel Artist Hezekiah Walker in a tribute to Draper, performed \"I've Got a Reason to Praise the Lord\" in his live recording album \"Family Affair\" in 1999. He renamed the song \"I've Got a Reason (Draper's Legacy).\" In 2010, the Brat Pack, a Gospel group", + "score": 0.68115234375 + }, + { + "id": "18203829", + "title": "Ithaca (film)", + "text": "a fiddle-driven folk song that describes an idyllic location where there's \"bubble gum and cigarette trees,\" no clocks, every day is spring, and anything you need is \"gratis.\" Meanwhile, the piano-heavy \"Seeing You Around\" has the sound of a 1940s standard (the time period the movie takes place in) and is made all the more authentically '40s-sounding by Redbone's gruff, baritone vocals. Mellencamp's band provided the backing on both tracks and performed all the music that is in the movie. Said Carter in 2015: \"The way John Mellencamp and I met was he invited me to come and sing this", + "score": 0.68115234375 + }, + { + "id": "13452393", + "title": "Emiel Pijnaker", + "text": "Emiel Pijnaker Emiel Pijnaker is a film producer, composer and singer. He is a producer on such upcoming feature films as \"Van Gogh\", \"New Amsterdam\" and \"Shakespeare\". Emiel is also the lead singer and founder of Dutch rock band Yellow Pearl. They have had several hit singles on the song charts, including 'For You And Me' and \u2018See You Again.\u2019 The music video for 'See You Again' appeared on MTV\u2019s European television affiliates for 14 weeks. Emiel's song \u2018For You and Me\u2019, enjoyed such popularity that it was included on three compilation albums from record labels SONY BMG (\"Love Songs", + "score": 0.6806640625 + }, + { + "id": "17311350", + "title": "When Will I See You Again (Johnny Mathis album)", + "text": "of the song went Gold, spent three weeks at number one on the \"Billboard\" Hot 100 and two weeks in the Easy Listening top spot, and peaked at number 31 UK. Neil Sedaka's \"Laughter in the Rain\" also spent two weeks at number one Easy Listening in addition to enjoying a week in that position on the pop chart and peaking at number 15 in the UK. Another number one Easy Listening hit that Mathis covers here, \"You and Me Against the World\" by Helen Reddy, also made it to number nine on the Hot 100. And by the time", + "score": 0.68017578125 + }, + { + "id": "13439174", + "title": "Yellow Pearl (band)", + "text": "players Mark Beumers. The band's biggest hits were \"For you and Me\" (recorded and produced by Han Nuijten ) and \"See You Again\". \"For you and Me\" was an instant radio hit and was put on rotation on several playlists including 3FM. The song was featured on the CD Hitzone 27 which received the golden status in November 2004. \"See you Again\" was a top 10 hit in the Single Top 100. The band is one of the few acts that has performed twice in a sold out Paradiso (Amsterdam) (Dutch rock temple) within a 6 months period. First they", + "score": 0.68017578125 + }, + { + "id": "12478814", + "title": "Vera Lynn", + "text": "is best known for her 1939 recording of the popular song \"We'll Meet Again\", written by Ross Parker and Hughie Charles; the nostalgic lyrics (\"We'll meet again, don't know where, don't know when, but I know we'll meet again some sunny day\") were very popular during the war and made the song one of its emblematic hits. During the Phoney War, the \"Daily Express\" asked British servicemen to name their favourite musical performers: Vera Lynn came out on top and as a result became known as \"the Forces' Sweetheart\". In 1941, during the darkest days of the Second World War,", + "score": 0.6796875 + }, + { + "id": "14446217", + "title": "We'll Be Together Again", + "text": "in the final episode of the CBS soap opera Love of Life on February 1, 1980. The song played during the closing credits as the show's longtime director Larry Auerbach walked through the empty sets. The Lou Rawls version was used in the final episode of \"Search for Tomorrow\", which aired on NBC on December 26, 1986. It played during the closing credits, ending as the show's star Mary Stuart, who played the serial's central character Joanne, said goodbye to the audience and thanking them for watching the show. The version by Ray Charles and Betty Carter is used in", + "score": 0.6787109375 + }, + { + "id": "11087456", + "title": "Like You'll Never See Me Again", + "text": "Like You'll Never See Me Again \"Like You'll Never See Me Again\" is a song by American singer-songwriter Alicia Keys from her third studio album \"As I Am\" (2007). Written and produced by Keys and Kerry Brothers, Jr., it was released in November 2007 as the album's second single. The song was first heard on October 25, 2007 on Atlanta's V103 WVEE radio station. Upon its release, the song peaked at number twelve on the \"Billboard\" Hot 100 and became Keys' second consecutive R&B chart-topper, remaining atop the Hot R&B/Hip-Hop Songs chart for seven weeks. It was ranked number forty-seven", + "score": 0.67822265625 + }, + { + "id": "8317023", + "title": "I'll See You in My Dreams (1951 film)", + "text": "was released by Columbia Records, containing songs sung by Day (some of them duets with Thomas) in the film. I'll See You in My Dreams (1951 film) I'll See You in My Dreams is a 1951 musical film starring Doris Day and Danny Thomas, directed by Michael Curtiz. The film is a biography of lyricist Gus Kahn, and includes a number of songs written by Kahn, including the title song. The story, which thoroughly suppresses Kahn's Jewish origins, is told from the point of view of Kahn's wife Grace, who was still alive when the film was made (Kahn died", + "score": 0.677734375 + }, + { + "id": "4715242", + "title": "J'attendrai", + "text": "was often called \"J'attendrai\" even when recorded instrumentally, such the two versions recorded by Django Reinhardt and St\u00e9phane Grappelli in 1938, or referred to as the original source when sung in other languages, such as Richard Tauber's British \"Au revoir\" (1945, with lyrics by Bruce Sievier) and Bing Crosby's and Hildegarde's American \"I\u2019ll Be Yours\" (both 1945 with lyrics by Anna Sosenko). The Crosby version was recorded on December 18, 1945 for Decca Records with Camarata and His Orchestra. There were also German versions (\"Komm zur\u00fcck\", lyrics by Ralph Maria Siegel), sung by both Rudi Schuricke and Horst Winter on", + "score": 0.677734375 + }, + { + "id": "12841970", + "title": "See You in September", + "text": "1966 and fell short of UK Singles Chart, \"See You in September\" was recorded the same month by The Symbols, a male quartet from East London signed by Edward Kassner of President Records specifically to cover the Happenings' hit. Featuring Keith Mansfield on orchestral arrangement/conducting duties, the Symbols' version reached #19 on the Radio London Fab 40, without ranking on the UK Singles Chart. Distribution problems reportedly also factoring into its lack of chart impact, although the Symbols remained with President providing the label with successful remakes of older American hits \"Bye Bye Baby\" and \"The Best Part of Breaking", + "score": 0.6767578125 + }, + { + "id": "1317021", + "title": "Chantal Kreviazuk", + "text": "performed alongside Jay Rock and Kendrick Lamar on \"Saturday Night Live\" on November 15, 2014. In November 2014, Kreviazuk released a new single called \"I Will Be\", speaking to her desire to want to help those who feel alone and isolated. She sang the song live on December 12 on the Toronto radio station 104.5 CHUM FM. Kreviazuk's work has appeared on many soundtracks for films and television shows. In 1998, Kreviazuk scored her only international hit to date with a cover of \"Leaving on a Jet Plane\", a song written by John Denver and popularized by Peter, Paul and", + "score": 0.67626953125 + }, + { + "id": "14032697", + "title": "I See You (Theme from Avatar)", + "text": "performed \"I See You\" and \"Bleeding Love\" at China's 2013 New Year Gala. Credits adapted from \"The Guardian\". In Ireland, \"I See You\" debuted at number 47 for the week of 15 January 2010. Two weeks later on 28 January 2010, the song re-entered the chart at number 48. In the United States, the song peaked at number 24 on the US Adult Contemporary chart. I See You (Theme from Avatar) \"I See You (Theme from \"Avatar\")\" (also referred to as \"I See You\") is the official theme song recorded by British singer Leona Lewis for the 2009 film \"Avatar\",", + "score": 0.67578125 + }, + { + "id": "5802983", + "title": "I'll See You in My Dreams (2003 film)", + "text": "by a crew of musicians, filmmakers and actors who call themselves O Pato Profissional Produ\u00e7\u00f5es. They claim this to be the first Portuguese zombie movie. Portuguese metal band Moonspell recorded a song for this movie, also titled \"I'll See You in My Dreams,\" originally written by Isham Jones, with lyrics by Gus Kahn. Upon completion of the movie, the cast and crew volunteered to stay longer, and shoot a promotional music video based on this song. I'll See You in My Dreams (2003 film) I'll See You in My Dreams is a 2003 Portuguese short horror film directed by Miguel", + "score": 0.67578125 + }, + { + "id": "11087464", + "title": "Like You'll Never See Me Again", + "text": "are dead!\". Production Musicians Like You'll Never See Me Again \"Like You'll Never See Me Again\" is a song by American singer-songwriter Alicia Keys from her third studio album \"As I Am\" (2007). Written and produced by Keys and Kerry Brothers, Jr., it was released in November 2007 as the album's second single. The song was first heard on October 25, 2007 on Atlanta's V103 WVEE radio station. Upon its release, the song peaked at number twelve on the \"Billboard\" Hot 100 and became Keys' second consecutive R&B chart-topper, remaining atop the Hot R&B/Hip-Hop Songs chart for seven weeks. It", + "score": 0.67578125 + }, + { + "id": "10287899", + "title": "See You Again (Miley Cyrus song)", + "text": "See You Again (Miley Cyrus song) \"See You Again\" is the debut single by American recording artist Miley Cyrus. It was released on December 22, 2007 as the first single from \"\" (2007), the second soundtrack album from the Disney Channel original series \"Hannah Montana\" and the debut studio album of Cyrus. It was written by Cyrus (credited as Destiny Hope Cyrus) with the song's producers Antonina Armato and Tim James. It was released as the lead single from the album by Hollywood Records. Later, it was remixed by Rock Mafia and released on August 11, 2008 by Hollywood Records,", + "score": 0.67529296875 + }, + { + "id": "18606533", + "title": "I'm Not Gonna Miss You", + "text": "I'm Not Gonna Miss You \"I'm Not Gonna Miss You\" is a song recorded by American country music artist Glen Campbell and The Wrecking Crew. Co-written by Campbell and producer Julian Raymond, the song was released on September 30, 2014 for the soundtrack to the documentary \"\", which focuses on the singer's diagnosis of Alzheimer's disease and his final tour. \"I'm Not Gonna Miss You\" is the last song to be recorded by Campbell. The song was nominated for Best Original Song at the 87th Academy Awards. During the ceremony, the song was performed by Tim McGraw. It also won", + "score": 0.67529296875 + }, + { + "id": "14769484", + "title": "If Ever I See You Again", + "text": "1991). If Ever I See You Again \"If Ever I See You Again\" is the title of a 1978 hit single by Roberta Flack. The song was composed by Joseph \"Joe\" Brooks and served as the title song for the eponymous 1978 film \"If Ever I See You Again\", which Brooks directed and also starred in with Shelley Hack as his leading lady. Male vocalist Jamie Carr sang the theme song on the film's soundtrack. Brooks' directorial debut, \"You Light Up My Life\", had become successful largely on the strength of its title song, which as recorded by Debby Boone", + "score": 0.67529296875 + }, + { + "id": "16833650", + "title": "See You Tonight", + "text": "See You Tonight See You Tonight is the third studio album by American country music singer Scotty McCreery. It was released on October 15, 2013, by Motown Records. The album is produced by Frank Rogers, making it McCreery's first studio album not to be produced by Mark Bright. The album garnered a positive reception from critics who praised McCreery's improved musicianship over a plethora of well-balanced songs. \"See You Tonight\" debuted at number 6 on the \"Billboard\" 200 and spawned two singles: \"See You Tonight\" and \"Feelin' It\". As of April 2015, the album has sold 269,900 copies in the", + "score": 0.6748046875 + }, + { + "id": "12841961", + "title": "See You in September", + "text": "See You in September \"See You in September\" is a song written by Sid Wayne and Sherman Edwards. The song was first recorded by the Pittsburgh vocal group The Tempos. This first version peaked at number 23 in the summer of 1959. The most popular version of \"See You In September\" was the version by The Happenings in 1966, when it reached number three. Sid Wayne would recall the song's inception: \"I was in the habit of going from my home on Long Island every day to Brill Building, on Tin Pan Alley [to] meet with different songwriters there. We'd", + "score": 0.67333984375 + }, + { + "id": "16833655", + "title": "See You Tonight", + "text": "second single, \"Feelin' It\", was released to country radio on April 14, 2014. See You Tonight See You Tonight is the third studio album by American country music singer Scotty McCreery. It was released on October 15, 2013, by Motown Records. The album is produced by Frank Rogers, making it McCreery's first studio album not to be produced by Mark Bright. The album garnered a positive reception from critics who praised McCreery's improved musicianship over a plethora of well-balanced songs. \"See You Tonight\" debuted at number 6 on the \"Billboard\" 200 and spawned two singles: \"See You Tonight\" and \"Feelin'", + "score": 0.67333984375 + }, + { + "id": "4898752", + "title": "I Will Remember You (Sarah McLachlan song)", + "text": "I Will Remember You (Sarah McLachlan song) \"I Will Remember You\" is a song written by Sarah McLachlan, S\u00e9amus Egan and Dave Merenda. The song first appeared on the soundtrack for the movie \"The Brothers McMullen\" in 1995 and 1996 where it peaked at #65 on the Billboard Hot 100 chart & #10 in Canada and was featured on her remix album \"Rarities, B-Sides and Other Stuff\". The original inspiration came from Seamus Egan's instrumental song, \"Weep Not for the Memories\", which appeared on his album \"A Week in January\" (1990). McLachlan and Merenda added lyrics and modified the melody", + "score": 0.6728515625 + }, + { + "id": "11428714", + "title": "Lily Walsh", + "text": "first appearance also had a background in theater as she appeared in the play Annie at the age of 10. Her early years were greatly involved in stories with Holden Snyder (Jon Hensley), with whom she is one half of the show's most popular and well-received love stories. Byrne is also an accomplished singer, having written and performed the song \"Find My Way Back\" as part of her album \"The Other Side\" in tribute of Holden and Lily and her co-star Hensley. The song made its television debut on the December 5, 2005 episode as a montage of clips played", + "score": 0.67236328125 + }, + { + "id": "19233878", + "title": "You Won't See Me Cry", + "text": "\"Billboard\" Radio Songs chart. In Canada, on July 4, 1992, the song reached number one on RPM after nine weeks on the chart. It stayed there for a single week before being succeeded by Mariah Carey's song \"I'll Be There.\" You Won't See Me Cry \"You Won't See Me Cry\" is a song by American group Wilson Phillips from their second studio album, \"Shadows and Light\" (1992). The song was released on April 28, 1992 by SBK Records. It was released as the lead single from the album, reaching number one in Canada and Finland, number 18 in the United", + "score": 0.67236328125 + }, + { + "id": "6523086", + "title": "Ghost in the Shell (1995 film)", + "text": "of Bulgarian harmony and traditional Japanese notes; the haunting chorals are a wedding song sung to dispel all evil influences. Symphony conductor Sarah Penicka-Smith notes that the song's lyrics are fitting for the union between Kusanagi and Project 2501 at the climax of the movie. Kawai originally wanted to use Bulgarian folk music singers, but used Japanese folk singers instead. \"See You Everyday\" is different from the rest of the soundtrack, being a pop song sung in Cantonese by Fang Ka Wing. The ending credits theme of the film's English version is \"One Minute Warning\" by Passengers, a collaboration between", + "score": 0.671875 + }, + { + "id": "4982390", + "title": "David Hodges", + "text": "and Verse was writer/producer Steven Solomon. Third and Verse has gone on to sign Gabe Dixon, Cameron Walker, Jake Scott, David Ryan Harris, and others. The company's success ranges from placements in films and commercials to cuts in multiple genres including pop, country, and rock. In August 2013, Hodges's single with Carrie Underwood entitled \"See You Again\" went to #1 at country radio. The song was certified platinum and is part of her multi-platinum album \"Blown Away\". He also wrote Colbie Caillat's \"When The Darkness Comes\" for Sony Screen Gem's film \"The Mortal Instruments\". In October 2014, David also helped", + "score": 0.671875 + }, + { + "id": "18698752", + "title": "See You Again", + "text": "in one of his interviews that the song's hook was originally written for Sam Smith. The song was chosen to be played at the end of the film. Following O'Conner's retirement send-off to be with his wife and family, the characters Brian O'Conner and Dominic Toretto drove on a mountain road and parted ways upon reaching a fork. \"See You Again\" is a hip hop and pop-rap ballad. It was written in the key of B major with a time signature of and has a tempo of 80 beats per minute (Andante/Andantino). In the United States, \"See You Again\" debuted", + "score": 0.67138671875 + }, + { + "id": "10287902", + "title": "See You Again (Miley Cyrus song)", + "text": "Miley Stewart, a girl with a secret double life as the popstar Hannah Montana, on the Disney Channel television series \"Hannah Montana\", she developed fame as a teen idol and released the series' first soundtrack while being credited to Hannah Montana. In late 2006, Cyrus began execution for her debut album. Cyrus' debut studio album \"Meet Miley Cyrus\" was attached to the series' second soundtrack, \"Hannah Montana 2\", and released as the second disc of the \"\" (2007) double-disc album. \"See You Again\" was written by Cyrus, who was credited to her birth name Destiny Hope Cyrus, Antonina Armato, and", + "score": 0.67138671875 + }, + { + "id": "8317054", + "title": "I'll See You in My Dreams (1924 song)", + "text": "other guitarists including Chet Atkins and Thom Bresh followed in Merle's footsteps. Michel Lelong, a French guitarist, published the first tab of this Travis' arrangement for the American publisher/guitarist Stefan Grossman's Guitare Workshop during the 1980s, following by Thom Bresh (Merle Travis 's son) for Homespun Tapes, and Marcel Dadi for Stefan Grossman 's Guitar Worshop. It was recorded by Mario Lanza on his \"Coca-Cola Show\" of 1951-2 and is available on a compilation album mastered from those same shows, and featuring the same title, \"I'll See You in My Dreams\", released by BMG in 1998. The most recent version", + "score": 0.67138671875 + }, + { + "id": "19648033", + "title": "Peter Marsh (musician)", + "text": "Vangelis and was recorded at Nemo Studios. Marsh sang on the 1980 Vangelis album See You Later, which has been described as \"a futuristic look through Vagelis' eyes at life after a nuclear holocaust, the inside cover depicting a man wearing a gas mask and carrying a body.\" According to Mark J.T.Griffin \"The mood of the work has an uncanny resemblance to the brooding atmosphere of the movie \"Blade Runner\". On the first track of the album, \"I Can't Take It Anymore\", Marsh's voice is synthesied through a Roland VP330 vocoder. Marsh also sang on \"My Love\", a Vangelis single", + "score": 0.6708984375 + }, + { + "id": "15455122", + "title": "I'll Remember You", + "text": "I'll Remember You \"l'll Remember You\" is a song written by Kui Lee in 1964. Many artists including Elvis Presley (1966), Andy Williams, Tony Bennett, Herb Alpert, and Roger Williams covered it, and it was also performed by Tommy Sands in the 1968 \"Hawaii Five-O\" episode \"No Blue Skies\". Perhaps the most famous version was by his friend Don Ho, who was an aspiring singer at Honey's Nightclub, where Lee worked as a doorman and which was owned by Don Ho's mother. Frank Sinatra's daughter, Nancy Sinatra, visited 'Honey's' with friends. Hearing Don Ho perform and watching his ease with", + "score": 0.6708984375 + }, + { + "id": "14769476", + "title": "If Ever I See You Again", + "text": "If Ever I See You Again \"If Ever I See You Again\" is the title of a 1978 hit single by Roberta Flack. The song was composed by Joseph \"Joe\" Brooks and served as the title song for the eponymous 1978 film \"If Ever I See You Again\", which Brooks directed and also starred in with Shelley Hack as his leading lady. Male vocalist Jamie Carr sang the theme song on the film's soundtrack. Brooks' directorial debut, \"You Light Up My Life\", had become successful largely on the strength of its title song, which as recorded by Debby Boone had", + "score": 0.6708984375 + }, + { + "id": "10869796", + "title": "You'll Be There", + "text": "You'll Be There \"You'll Be There\" is a song written by Cory Mayo and recorded by American country music singer George Strait. It was released in March 2005 as the lead single from the album, \"Somewhere Down in Texas\". It peaked at number 4 on the U.S. \"Billboard\" Hot Country Singles & Tracks chart and number 54 on the U.S. \"Billboard\" Hot 100 chart. The song is an ode to a person who has died. The narrator talks about their journey to get to Heaven and that they'll see each other on the \"other side\" when the time comes. In", + "score": 0.67041015625 + }, + { + "id": "12478825", + "title": "Vera Lynn", + "text": "be heard on \"Is There Anybody Out There? The Wall Live 1980\u201381\"). The 1982 film Pink Floyd - The Wall opens with The Little Boy That Santa Claus Forgot performed by Vera Lynn. In the flash animation internet series \"Salad Fingers\" by David Firth, the seventh episode titled \"Shore Leave\" ends with Salad Fingers singing \"We'll Meet Again\". The 2017 film \"\" featured Vera Lynn's song \"We'll Meet Again\" as the mission survivors leave Skull Island. One of two new boats for the Woolwich Ferry service, which were delivered via Tilbury in autumn 2018, was named \"Dame Vera Lynn\" in", + "score": 0.669921875 + }, + { + "id": "10287919", + "title": "See You Again (Miley Cyrus song)", + "text": "balance of pop punk and rock music, which stood out to their record label, Fearless Records. Because of it, Fearless Records decided to reserve a spot for them on their upcoming compilation \"Punk Goes Pop 2\" (2009), where they performed a cover version of \"See You Again\", produced by Mike Green. Breathe Carolina included their version of \"See You Again\" in their set list for the Warped Tour 2009. The cover later appeared on the deluxe edition of the band's second studio album \"Hello Fascination\" (2010). See You Again (Miley Cyrus song) \"See You Again\" is the debut single by", + "score": 0.669921875 + }, + { + "id": "1467797", + "title": "Hayley Westenra", + "text": "stadium audiences and numerous worldwide TV audiences. She sang several songs including \"Amazing Grace\", \"The Prayer\" in English & Italian with Russell Watson, \"Pokarekare Ana\" in M\u0101ori with Russell Watson, \"We Are The Champions\" with other stars, Japanese translated song \"Nada Sousou\" (\"Tears For You\") and \"The Moon Represents My Heart (\u6708\u4eae\u4ee3\u8868\u6211\u7684\u5fc3)\" in Mandarin Chinese with SuJianXin. On 29 August, Westenra led the traditional singing of \"Abide with Me\" at the Rugby league Challenge Cup final at Wembley Stadium. On 7 November 2009, Westenra performed again at the Festival of Remembrance, singing \"We'll Meet Again\", made famous by Dame Vera", + "score": 0.669921875 + }, + { + "id": "6394631", + "title": "You'll See", + "text": "You'll See \"You'll See\" is a song by American singer Madonna from her ballads compilation, \"Something to Remember\" (1995). The album was released with the intention of toning down the image of Madonna, who was being heavily criticized at the time. She wrote and produced the song with Canadian musician David Foster. \"You'll See\" was released on October 30, 1995, by Maverick Records as the lead single from the album. An acoustic pop ballad, \"You'll See\" features instrumentation from percussion, tremolo guitar and piano, while lyrically it speaks of independence after the end of a love affair. The song received", + "score": 0.669921875 + }, + { + "id": "3673614", + "title": "Colonel Tom Parker", + "text": "live around the world,\" although Parker had not taken into account the fact that many countries, including parts of Europe and America, would not see the concert live due to the time of the broadcast. Two weeks after the Las Vegas press conference Parker received a letter from \"Honolulu Advertiser\" columnist Eddie Sherman. Sherman had read in news accounts that there was to be no charge for admittance to the concerts, a donation to charity being required instead. He suggested to Parker that, as Presley had recorded and was still performing the song \"I'll Remember You\" written by Kui Lee,", + "score": 0.669921875 + }, + { + "id": "20429634", + "title": "I've Got A Feeling (We'll Be Seeing Each Other Again)", + "text": "I've Got A Feeling (We'll Be Seeing Each Other Again) I've Got A Feeling (We'll Be Seeing Each Other Again) was a hit for Al Wilson in 1976. It was written by Carl Hampton and Homer Banks. The single was released on Playboy Records P 6062 in 1976. The A side \"I've Got A Feeling (We'll Be Seeing Each Other Again)\" was written by Carl Hampton and Homer Banks and produced by Marc Gordon and arranged by H.B. Barnum. The B side \"Be Concerned\" was produced by Herbert Santifer. The record peaked at no 43 on the Billboard HOT 100", + "score": 0.66943359375 + }, + { + "id": "17359756", + "title": "Ray Miller (bandleader)", + "text": "\u2014 especially after Mole and Trumbauer joined in 1924 \u2014 and held residencies at the New York Hippodrome and Arcadia Ballroom, and in Atlantic City. The orchestra's most successful recordings included \"The Sheik of Araby\" (OKeh, 1922), \"I'll See You In My Dreams\" (Brunswick, 1925), and \"When It's Springtime in the Rockies\" (Brunswick, 1930). \"I'll See You In My Dreams\" was written by Isham Jones, who performed it with the band. On October 17, 1924, the orchestra became the first jazz band to play at the White House, where they performed with Al Jolson at a campaign rally for President", + "score": 0.66943359375 + }, + { + "id": "3337321", + "title": "See You Later", + "text": "\"Not A Bit \u2013 All Of It\" has vocals by Cherry Vanilla. \"Suffocation\" employs the CR-5000 and a saw wave synthesizer melody, followed by an eerie brass and megaphone emergency announcements in Italian. The second (slower) half of the piece features vocals by Jon Anderson and a narrative in Italian, by Krisma (Maurizio Arcieri and Christina Moser). \"See You Later\" has Vangelis on electric piano and staccato male atonal choir. About halfway through, there is a child narrative in French, with Anderson's vocals used in the finale. All songs composed and written by Vangelis. A test 8-track test pressing (but", + "score": 0.66943359375 + }, + { + "id": "8317021", + "title": "I'll See You in My Dreams (1951 film)", + "text": "I'll See You in My Dreams (1951 film) I'll See You in My Dreams is a 1951 musical film starring Doris Day and Danny Thomas, directed by Michael Curtiz. The film is a biography of lyricist Gus Kahn, and includes a number of songs written by Kahn, including the title song. The story, which thoroughly suppresses Kahn's Jewish origins, is told from the point of view of Kahn's wife Grace, who was still alive when the film was made (Kahn died some ten years earlier). \"I'll See You in My Dreams\" was a big hit, Warner Brothers' second-highest-grossing film of", + "score": 0.66943359375 + }, + { + "id": "15162733", + "title": "I'll Be Seeing You (Richard Poon album)", + "text": "it's like I have so many pictures, I'm not comfortable]. \"Pero\" [But], I\u2019m thankful that they won in the end, \"kasi maganda naman kinalabasan\" [because the outcome looks good] and people are noticing it.\u201d Aside from the limited edition 2011 photo calendar, the album comes with a special discount from Hush Puppies. \"I'll Be Seeing You\" consists of classics pop hits that were re-invented by Poon. He stated that his genre is one of the hardest to deal with, especially with complicated big band arrangements that \"will make you bleed at least financially\". He adds \"I\u2019m happy to hit such", + "score": 0.6689453125 + }, + { + "id": "9655844", + "title": "See Ya (Atomic Kitten song)", + "text": "See Ya (Atomic Kitten song) \"See Ya\" is a song by Atomic Kitten, released as the second single from their debut album \"Right Now\". The song was written by Stuart Kershaw, Andy McCluskey, and Atomic Kitten-member Liz McClarnon. It was produced by Engine and Pete Craigie, with additional production by Cutfather & Joe. The single peaked at number six on the UK Singles Chart, selling 86,773 copies and becoming the group's seventh best-selling single in the country. The single also reached number 50 in Ireland and was a minor hit in Flemish Belgium. The single was released around the time", + "score": 0.6689453125 + }, + { + "id": "2600325", + "title": "Bitter Sweet", + "text": "tells her that he accepts the fact that her love for Carl has never died. He begs her to let him make her happy again. She reluctantly accepts his proposal; she sings to Carl, \"I shall love you till I die \u2013 good bye\" (\"I'll See You Again\" (reprise)). After the opening night in Manchester the reviewer in \"The Manchester Guardian\" wrote that the future of the show seemed rosy: \"If a wealth of light melody, a spice of wit, and much beauty of setting can assure it, Mr Coward need have no misgivings\". In London, James Agate praised the", + "score": 0.66845703125 + }, + { + "id": "4898756", + "title": "I Will Remember You (Sarah McLachlan song)", + "text": "\"The Office\" entitled \"Livin' the Dream\". This song opened the series finale of \"Melrose Place\" \"Ashes to Ashes\" in 1999. I Will Remember You (Sarah McLachlan song) \"I Will Remember You\" is a song written by Sarah McLachlan, S\u00e9amus Egan and Dave Merenda. The song first appeared on the soundtrack for the movie \"The Brothers McMullen\" in 1995 and 1996 where it peaked at #65 on the Billboard Hot 100 chart & #10 in Canada and was featured on her remix album \"Rarities, B-Sides and Other Stuff\". The original inspiration came from Seamus Egan's instrumental song, \"Weep Not for the", + "score": 0.66748046875 + }, + { + "id": "10110459", + "title": "Rostrum Records", + "text": "of original material since 2009 entitled \"\"Recreational Love\"\" on July 17, 2015. Wiz Khalifa co-wrote and performed \"See You Again (feat. Charlie Puth)\" for the soundtrack of the 2015 action film \"Furious 7\" as a tribute to the late Paul Walker. \"See You Again\" was an enormous global commercial success, becoming Khalifa's biggest hit to date. It peaked at number one on the Billboard Hot 100 for 12 non-consecutive weeks, tying Eminem's \"Lose Yourself\" for the longest-running rap number-one hit in the country. Later in 2015, Rostrum Records signed Goodbye Tomorrow, an anonymous hip hop collective from Chicago, IL. Rostrum", + "score": 0.66748046875 + }, + { + "id": "10287918", + "title": "See You Again (Miley Cyrus song)", + "text": "Now\", \"Party in the U.S.A.\" and a cover of Roberta Flack's \"The First Time Ever I Saw Your Face\". It was the first performance of the song in nearly six years. English electropop singer Little Boots recorded a cover version of \"See You Again\" that surfaced the Internet in December 2008. In an interview with Digital Spy, Little Boots said, \"That's a wicked song! The line 'My best friend Lesley said, \"Oh she's just being Miley\"' is awesome. Me and my friend have been obsessing over that lyrics for ages now, it's getting ridiculous!\" Breathe Carolina's act consisted of a", + "score": 0.66748046875 + }, + { + "id": "9213627", + "title": "Tamara Drasin", + "text": "was Marishka Tarasov; in \"Roberta,\" she was Princess Stephanie of Russian nobility; and in \"Right This Way\" and \"Leave It to Me!\", she portrayed Frenchwomen. In all, Drasin appeared in seven musicals, from 1927 to 1938. Besides \"Smoke Gets in Your Eyes\" and another ballad, \"The Touch of Your Hand\", in \"Roberta\", Drasin introduced three other standards: \"I Can Dream, Can't I?\" and \"I'll Be Seeing You\" in \"Right This Way\" and \"Get Out of Town\" in \"Leave It to Me!.\" As \"I'll Be Seeing You\" was becoming one of the homefront anthems of World War II, Drasin died in", + "score": 0.6669921875 + }, + { + "id": "13144064", + "title": "Never Say Never (The Fray song)", + "text": "Tree Hill\", \"The Vampire Diaries\", \"Ghost Whisperer\", \"So You Think You Can Dance\", \"Grey's Anatomy\", \"\" and \"Brothers & Sisters\". The song was also chosen for the soundtrack of the film \"\" and appeared in the movie when the film's two main characters Sam and Mikaela say goodbye before Sam heads off to college. It also appeared in the film trailer for \"Brothers\". \"Glee\" covered the song in their season four premiere episode \"The New Rachel\" by Jake Puckerman (Jacob Artist). After a slow climb over several weeks, \"Never Say Never\" finally made its way up to #48 on the", + "score": 0.66650390625 + } + ], + "answer": "The Notebook is a 2004 American romantic drama film based on the 1996 novel of the same name. The song, \"I'll Be Seeing You\", is heard twice in the movie. The first time the song is heard it is sung by Billie Holiday. The second time the song is heard it is sung by Jimmy Durante." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "What religious group wrote most of the New Testament?", + "short_answers": [ + "Jewish disciples of Christ", + "Jewish Christians" + ], + "wikipage": null + }, + { + "context": "The books of the New Testament were all or nearly all written by Jewish Christians\u2014that is, Jewish disciples of Christ, who lived in the Roman Empire, and under Roman occupation. Luke, who wrote the Gospel of Luke and the Book of Acts, is frequently thought of as an exception; scholars are divided as to whether Luke was a Gentile or a Hellenistic Jew. A few scholars identify the author of the Gospel of Mark as probably a Gentile, and similarly for the Gospel of Matthew, though most assert Jewish-Christian authorship.", + "question": "Who wrote part of the New Testament and is generally thought *not* to be a Jewish Christian?", + "short_answers": [ + "Luke" + ], + "wikipage": "New Testament" + }, + { + "context": "No context provided", + "question": "Who wrote the gospels of the New Testament?", + "short_answers": [ + "Matthew, Mark, Luke, John" + ], + "wikipage": null + }, + { + "context": "The Pauline epistles are the thirteen books in the New Testament traditionally attributed to Paul of Tarsus. The anonymous Epistle to the Hebrews is, despite unlikely Pauline authorship, often functionally grouped with these thirteen to form a corpus of fourteen \"Pauline\" epistles.", + "question": "Who wrote the Pauline epistles of the New Testament?", + "short_answers": [ + "Paul of Tarsus" + ], + "wikipage": "New Testament" + }, + { + "context": "The author of the Epistle of James identifies himself in the opening verse as \"James, a servant of God and of the Lord Jesus Christ\". From the middle of the 3rd century, patristic authors cited the \"Epistle\" as written by James the Just. Ancient and modern scholars have always been divided on the issue of authorship. Many consider the epistle to be written in the late 1st or early 2nd centuries.", + "question": "Who wrote the Epistle of James in the New Testament?", + "short_answers": [ + "James, a servant of God" + ], + "wikipage": "New Testament" + }, + { + "context": "The author of the First Epistle of Peter identifies himself in the opening verse as \"Peter, an apostle of Jesus Christ\", and the view that the epistle was written by St. Peter is attested to by a number of Church Fathers: Irenaeus (140\u2013203), Tertullian (150\u2013222), Clement of Alexandria (155\u2013215) and Origen of Alexandria (185\u2013253). Unlike The Second Epistle of Peter, the authorship of which was debated in antiquity, there was little debate about Peter's authorship of this first epistle until the 18th century. Although 2 Peter internally purports to be a work of the apostle, many biblical scholars have concluded that Peter is not the author. For an early date and (usually) for a defense of the Apostle Peter's authorship see Kruger, Zahn, Spitta, Bigg, and Green.", + "question": "Who wrote the First Epistle of Peter?", + "short_answers": [ + "Peter, an apostle of Jesus Christ" + ], + "wikipage": "New Testament" + } + ], + "wikipages": [ + { + "title": "New Testament", + "url": "https://en.wikipedia.org/wiki/New%20Testament" + }, + { + "title": "Life of Jesus in the New Testament", + "url": "https://en.wikipedia.org/wiki/Life%20of%20Jesus%20in%20the%20New%20Testament" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "The books of the New Testament were all or nearly all written by Jewish Christians (Jewish disciples of Christ) who lived in the Roman Empire, however, not all the authors were Jewish Christians. It is believed that disciples Matthew, Mark, Luke, John wrote the gospels of the New Testament. The other books like the Pauline epistles are traditionally attributed to Paul of Tarsus, the Epistle of James is attributed to James (a servant of God), while Peter, an apostle of Jesus Christ wrote the First Epistle of Peter. A number of scholars are divided as to whether Luke (who wrote the Gospel of Luke) was a Gentile or a Hellenistic Jew. " + }, + { + "knowledge": [], + "long_answer": "The New Testament of the Bible is primarily written in parts with the majority of it written by Jewish disciples of Christ. Matthew, Mark, Luke, John wrote the gospels. The First Epistle of Peter was written by Peter, an apostle of Jesus Christ, Epistle of James was written by James, a servant of God, and the Pauline Epistles was written by Paul of Tarsus." + } + ], + "sample_id": "1029755223764707835", + "question": "Who wrote the book of the new testament?", + "docs": [ + { + "id": "302108", + "title": "New Testament", + "text": "authorship has been attributed either to John the Apostle (in which case it is often thought that John the Apostle is John the Evangelist, i.e. author of the Gospel of John) or to another John designated \"John of Patmos\" after the island where the text says the revelation was received (1:9). Some ascribe the writership date as circa 81\u201396 AD, and others at around 68 AD. The work opens with letters to seven churches and thereafter takes the form of an apocalypse, a literary genre popular in ancient Judaism and Christianity. The order in which the books of the New", + "score": 0.740234375, + "summary": "The authorship of the New Testament has been attributed to either John the Apostle or another John, known as \"John of Patmos.\" The writing is believed to have taken place around 68-96 AD and includes letters to seven churches followed by an apocalypse.", + "extraction": "The book of the New Testament has been attributed to either John the Apostle or another John designated \"John of Patmos\"." + }, + { + "id": "302114", + "title": "New Testament", + "text": "letter composed under the guise of a presumably lost letter of the Apostle Paul, the Epistle to the Laodiceans. The books of the New Testament were all or nearly all written by Jewish Christians\u2014that is, Jewish disciples of Christ, who lived in the Roman Empire, and under Roman occupation. Luke, who wrote the Gospel of Luke and the Book of Acts, is frequently thought of as an exception; scholars are divided as to whether Luke was a Gentile or a Hellenistic Jew. A few scholars identify the author of the Gospel of Mark as probably a Gentile, and similarly for", + "score": 0.73974609375, + "summary": "The books of the New Testament were written by Jewish Christians, except for Luke who may have been a Gentile or a Hellenistic Jew. The author of the Gospel of Mark is also thought to possibly be a Gentile according to some scholars.", + "extraction": "Irrelevant." + }, + { + "id": "2742347", + "title": "Pseudepigrapha", + "text": "misrepresented. Such works include the following: Some Christian scholars maintain that nothing known to be pseudepigraphical was admitted to the New Testament canon. However, reputable biblical scholars, such as Dr. Bart D. Ehrman, have demonstrated that only seven of Paul's epistles are convincingly genuine. All of the other 20 books in the New Testament appear to be written by unknown people who were not the well-known biblical figures to whom the early Christian leaders originally attributed authorship. Even the Catholic Church has admitted that the New Testament Gospels are pseudepigraphical. The Catholic Encyclopedia notes, The first four historical books of", + "score": 0.71826171875, + "summary": "Unknown people wrote most of the books in the New Testament, with only seven of Paul's epistles being convincingly genuine. The Catholic Church also admits that the New Testament Gospels are pseudepigraphical.", + "extraction": "Unknown people who were not the well-known biblical figures to whom the early Christian leaders originally attributed authorship wrote the 20 books in the New Testament." + }, + { + "id": "302121", + "title": "New Testament", + "text": "The Gospel of Luke and the Acts of the Apostles were both written by the same author, and are thus referred to as the Lucan texts. The most direct evidence comes from the prefaces of each book; both were addressed to Theophilus, and the preface to the Acts of the Apostles references \"my former book\" about the ministry of Jesus. Furthermore, there are linguistic and theological similarities between the two works, suggesting that they have a common author. The Pauline epistles are the thirteen books in the New Testament traditionally attributed to Paul of Tarsus. The anonymous Epistle to the", + "score": 0.71142578125, + "summary": "The Gospel of Luke and the Acts of the Apostles were written by the same author, and the Pauline epistles are attributed to Paul of Tarsus.", + "extraction": "The author of the book of the New Testament is not mentioned in the passage. The passage is irrelevant." + }, + { + "id": "38287", + "title": "Bible", + "text": "Testament overlaps with the Hebrew Bible and the Greek Septuagint; the Hebrew Bible is known in Judaism as the Tanakh. The New Testament is a collection of writings by early Christians, believed to be mostly Jewish disciples of Christ, written in first-century Koine Greek. These early Christian Greek writings consist of Gospels, letters, and apocalyptic writings. Among Christian denominations there is some disagreement about what should be included in the canon, primarily about the Apocrypha, a list of works that are regarded with varying levels of respect. Attitudes towards the Bible also differ amongst Christian groups. Roman Catholics, high church", + "score": 0.7109375, + "summary": "The New Testament was written by early Christians, mostly believed to be Jewish disciples of Christ, in first-century Koine Greek.", + "extraction": "The New Testament is a collection of writings by early Christians, believed to be mostly Jewish disciples of Christ, written in first-century Koine Greek." + }, + { + "id": "38330", + "title": "Bible", + "text": "a form of Koine Greek, which was the common language of the Eastern Mediterranean from the Conquests of Alexander the Great (335\u2013323 BCE) until the evolution of Byzantine Greek (c. 600). The original autographs, that is, the original Greek writings and manuscripts written by the original authors of the New Testament, have not survived. But historically \"copies\" exist of those original autographs, transmitted and preserved in a number of manuscript traditions. There have been some minor variations, additions or omissions, in some of the texts. When ancient scribes copied earlier books, they sometimes wrote notes on the margins of the", + "score": 0.70654296875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "302086", + "title": "New Testament", + "text": "are incorporated (along with readings from the Old Testament) into the various Christian liturgies. The New Testament has influenced religious, philosophical, and political movements in Christendom and left an indelible mark on literature, art, and music. The New Testament is a collection of Christian works written in the common (Koine) Greek language of the first century, at different times by various writers, and the modern consensus is that it provides important evidence regarding Judaism in the first century AD. In almost all Christian traditions today, the New Testament consists of 27 books. The canon or list of the books of", + "score": 0.7001953125, + "summary": "The New Testament is a collection of Christian works written in Greek by various writers at different times, with 27 books in almost all Christian traditions. The document is relevant to the question.", + "extraction": "The New Testament is a collection of Christian works written in the common (Koine) Greek language of the first century, at different times by various writers, and the modern consensus is that it provides important evidence regarding Judaism in the first century AD." + }, + { + "id": "4269305", + "title": "Forged (book)", + "text": "entire books of the Bible were then alleged to have been written by them. In addition to the eleven books of the New Testament Ehrman identifies as forgeries, there are eight originally anonymous New Testament texts that had names of apostles ascribed to them later and are falsely attributed. These are not forgeries since the texts are anonymous but have had false authors ascribed to them by others. Forged (book) Forged: Writing in the Name of God \u2013 Why the Bible's Authors Are Not Who We Think They Are is a book written by the noted biblical scholar Bart D.", + "score": 0.69775390625, + "summary": "The book \"Forged: Writing in the Name of God\" by Bart D. Ehrman discusses alleged forgeries and falsely attributed authors in the New Testament, including 11 identified forgeries and eight texts with later-added apostle names.", + "extraction": "Bart D. Ehrman identifies eleven books of the New Testament as forgeries." + }, + { + "id": "302128", + "title": "New Testament", + "text": "traditionally been identified with John the Apostle to whom the Gospel and the epistles of John were attributed. It was believed that he was exiled to the island of Patmos during the reign of the Roman emperor Domitian, and there wrote Revelation. Justin Martyr (c. 100\u2013165 AD) who was acquainted with Polycarp, who had been mentored by John, makes a possible allusion to this book, and credits John as the source. Irenaeus (c. 115\u2013202) assumes it as a conceded point. According to the \"Zondervan Pictorial Encyclopedia of the Bible\", modern scholars are divided between the apostolic view and several alternative", + "score": 0.697265625, + "summary": "The New Testament has traditionally been attributed to John the Apostle, who is believed to have written the Gospel, epistles, and Revelation while exiled on the island of Patmos during the reign of Domitian. Justin Martyr and Irenaeus credit John as the source of Revelation.", + "extraction": "John the Apostle was traditionally identified as the author of the book of the New Testament." + }, + { + "id": "38328", + "title": "Bible", + "text": "by Jeremiah. The New Testament is the name given to the second and final portion of the Christian Bible. Jesus is its central figure. The term \"New Testament\" came into use in the second century during a controversy among Christians over whether or not the Hebrew Bible should be included with the Christian writings as sacred scripture. The New Testament presupposes the inspiration of the Old Testament. Some other works which were widely read by early churches were excluded from the New Testament and relegated to the collections known as the Apostolic Fathers (generally considered orthodox) and the New Testament", + "score": 0.69580078125, + "summary": "Jeremiah wrote the Bible. The New Testament includes writings about Jesus and came into use in the second century during a controversy among Christians. It presupposes the inspiration of the Old Testament and some other works were excluded.", + "extraction": "irrelevant" + }, + { + "id": "1682532", + "title": "Culture of Israel", + "text": "the New Testament were all or nearly all written by Jewish Christians\u2014that is, Jewish disciples of Jesus, during the first and early second centuries Luke, who wrote the Gospel of Luke and the Book of Acts, is frequently thought of as an exception; scholars are divided as to whether Luke was a Gentile or a Hellenistic Jew. The Gospels were written between 68-110 CE, Acts between 95-110, Epistles between 51-110 CE and Revelation in c. 95 CE. Josephus was a scholar, historian and hagiographer who was born in 37 CE in Jerusalem, Judea. He recorded Jewish history, with special emphasis", + "score": 0.6953125, + "summary": "The New Testament was written by Jewish Christians during the first and early second centuries. Luke, who wrote the Gospel of Luke and the Book of Acts, is uncertain if he was a Gentile or a Hellenistic Jew. The Gospels were written between 68-110 CE, Acts between 95-110, Epistles between 51-110 CE, and Revelation in c. 95 CE. Josephus was a scholar, historian, and hagiographer who recorded Jewish history.", + "extraction": "The New Testament were all or nearly all written by Jewish Christians during the first and early second centuries. Therefore, it is not possible to attribute the authorship of the New Testament to a single person." + }, + { + "id": "14683739", + "title": "Development of the New Testament canon", + "text": "includes an explicit list of canonical books. Many Evangelical Christian groups (which have their origin in c. 1730 England) do not accept the theory that the Christian Bible was not known until various local and Ecumenical Councils, which they deem to be \"Roman-dominated\", made their official declarations. These groups believe that the New Testament supports that Paul (2 Timothy 4:11\u201313), Peter (2 Peter 3:15\u201316), and ultimately John (Revelation 22:18\u201319) finalized the canon of the New Testament. Some note that Peter, John, and Paul wrote 20 (or 21) of the 27-books of the NT and personally knew all the other NT", + "score": 0.69287109375, + "summary": "According to some Evangelical Christian groups, Paul, Peter, and John finalized the canon of the New Testament.", + "extraction": "Peter, John, and Paul finalized the canon of the New Testament according to some Christian groups who believe that the New Testament supports this claim." + }, + { + "id": "4269303", + "title": "Forged (book)", + "text": "Forged (book) Forged: Writing in the Name of God \u2013 Why the Bible's Authors Are Not Who We Think They Are is a book written by the noted biblical scholar Bart D. Ehrman. Although it has long been recognised that numerous Epistles of the New Testament bear names of authors who are unlikely to have written them, traditional Christian teaching has been that it was an accepted practice in antiquity for a writer to attribute his work to a well-known figure from the past, or a teacher who has greatly influenced him. \"Forged\" demonstrates that this is incorrect and the", + "score": 0.69287109375, + "summary": "The book \"Forged: Writing in the Name of God\" was written by Bart D. Ehrman and discusses how many Epistles of the New Testament were likely not written by the authors whose names they bear.", + "extraction": "The book \"Forged\" was written by Bart D. Ehrman, but the passage is irrelevant to who wrote the book of the New Testament." + }, + { + "id": "13309550", + "title": "Lectionary 102", + "text": "parchment leaves, two at beginning and two at end, written in 24 lines per page, from the 13th century. They are classified now as \"Lectionary 2307\", and they were designated by siglum \u2113 \"2307\" (formerly as \u2113 \"102b\"). The manuscript was written by Stephanus, a priest. It was bought in 1606 in Taranto. It was added to the list of New Testament manuscripts by Scholz, who examined some parts of it. The manuscript is not cited in the critical editions of the Greek New Testament (UBS3). Currently the codex is located in the Biblioteca Ambrosiana (S. 62 sup.) in Milan.", + "score": 0.6904296875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "302120", + "title": "New Testament", + "text": "that Luke the Evangelist, an associate of St. Paul who was probably not an eyewitness to Jesus' ministry, wrote the Gospel of Luke and Acts of the Apostles. Scholars are also divided on the traditional claim that Mark the Evangelist, an associate of St. Peter who may have been an eyewitness to Jesus' ministry, wrote the Gospel of Mark. Scholars are more divided over the traditional claim that Matthew the Apostle wrote the Gospel of Matthew and that John the Apostle wrote the Gospel of John. Opinion, however, is widely divided on this issue and there is no widespread consensus.", + "score": 0.68994140625, + "summary": "Scholars are divided on who wrote the books of the New Testament, with some attributing the Gospel of Luke and Acts of the Apostles to Luke the Evangelist, while there is uncertainty around the authorship of the other gospels.", + "extraction": "Matthew the Apostle, Mark the Evangelist, Luke the Evangelist, and John the Apostle are all traditional candidates for having written a book of the New Testament. However, the passage states that scholars are divided over the traditional claim that Matthew and John wrote their respective Gospels, while Luke was the one who wrote the Gospel of Luke and Acts of the Apostles. The passage is unclear about whether Mark wrote the Gospel of Mark, but it notes that scholars are divided on this issue. Therefore, the" + }, + { + "id": "2975260", + "title": "John Robinson (bishop of Woolwich)", + "text": "the New Testament was written before AD 64, partly basing his judgement on the spare textual evidence that the New Testament reflects knowledge of the destruction of the Temple in Jerusalem in AD 70. In relation to the four gospels' dates of authorship, Robinson placed Matthew as being written sometime between AD 40 and the AD 60s, Mark sometime between AD 45 and AD 60, Luke sometime during the AD 50s and 60s and John sometime between AD 40 and AD 65 or later. Robinson also argued that the letter of James was penned by a brother of Jesus Christ", + "score": 0.68896484375, + "summary": "The New Testament was written before AD 64 with the four gospels being authored by Matthew, Mark, Luke, and John between AD 40 and AD 65 or later. James was written by a brother of Jesus Christ.", + "extraction": "The New Testament was written by various authors, and John Robinson, the bishop of Woolwich, placed the dates of the gospels' authorship as Matthew between AD 40 and the AD 60s, Mark between AD 45 and AD 60, Luke during the AD 50s and 60s, and John between AD 40 and AD 65 or later." + }, + { + "id": "4554007", + "title": "Codex Ephraemi Rescriptus", + "text": "by Johann Jakob Wettstein for Richard Bentley, who intended to prepare a new edition of the \"Novum Testamentum Graece\". According to Bentley's correspondence, it took two hours to read one page, and Bentley paid Wettstein \u00a350. This collation was used by Wettstein in his own Greek New Testament of 1751\u20131752. Wettstein also made the first description of the codex. Wettstein only occasionally examined the text of the Old Testament but he did not publish them. Various editors made occasional extracts from the manuscript but Tischendorf was the first who read it completely (Old and New Testament). Tischendorf gained an international", + "score": 0.68603515625, + "summary": "Irrelevant. The document discusses the Codex Ephraemi Rescriptus and its collation by Johann Jakob Wettstein, but does not mention the author of the book of the New Testament.", + "extraction": "Irrelevant. The passage does not provide information about who wrote the book of the New Testament." + }, + { + "id": "18737322", + "title": "The Brand New Testament", + "text": "His office and accesses the scheduled dates of death of every human in the world and releases the information to them via their portable telephones. Everyone with a cell phone receives a text message informing them exactly when they will die. Ea then locks God's computer and escapes the apartment through a washing machine which provides a tunnel to the outside world. Wandering the streets of Brussels, Ea decides to follow in the footsteps of her brother Jesus and write a Brand New Testament as her contribution to the human race. She selects six apostles to narrate their life stories.", + "score": 0.68505859375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "38329", + "title": "Bible", + "text": "Apocrypha (including both orthodox and heretical works). The New Testament is a collection of 27 books of 4 different genres of Christian literature (Gospels, one account of the Acts of the Apostles, Epistles and an Apocalypse). These books can be grouped into: The Gospels Narrative literature, account and history of the Apostolic age Pauline Epistles Pastoral epistles General epistles, also called catholic epistles Apocalyptic literature, also called Prophetical The New Testament books are ordered differently in the Catholic/Orthodox/Protestant tradition, the Slavonic tradition, the Syriac tradition and the Ethiopian tradition. The mainstream consensus is that the New Testament was written in", + "score": 0.6845703125, + "summary": "The New Testament is a collection of 27 books of Christian literature written by various authors.", + "extraction": "The New Testament is a collection of 27 books of 4 different genres of Christian literature (Gospels, one account of the Acts of the Apostles, Epistles and an Apocalypse). However, the passage does not provide a direct answer to the question \"Who wrote the book of the new testament?\" as it is a collection of books written by multiple authors." + }, + { + "id": "1394932", + "title": "Matthew Bible", + "text": "from numerous sources in at least five different languages. The entire New Testament (first published in 1526, later revised, 1534 and 1535), the Pentateuch, Jonah and in David Daniell's view, the Book of Joshua, Judges, Ruth, First and Second Samuel, First and Second Kings, and First and Second Chronicles, were the work of William Tyndale. Tyndale worked directly from the Hebrew and Greek, occasionally consulting the Vulgate and Erasmus\u2019s Latin version, and he used Luther's Bible for the prefaces, marginal notes and the biblical text. The use of the pseudonym \"Thomas Matthew\" resulted possibly from the need to conceal from", + "score": 0.68115234375, + "summary": "William Tyndale wrote the New Testament in the Matthew Bible, first published in 1526 and later revised in 1534 and 1535.", + "extraction": "William Tyndale wrote the Book of Joshua, Judges, Ruth, First and Second Samuel, First and Second Kings, and First and Second Chronicles of the New Testament." + }, + { + "id": "187809", + "title": "History of Christianity", + "text": "the early 3rd century, Origen of Alexandria may have been using the same 27 books as in the modern New Testament, though there were still disputes over the canonicity of Hebrews, James, II Peter, II and III John, and Revelation. Such works that were sometimes \"spoken against\" were called \"Antilegomena\". In contrast, the major writings and most of what is now the New Testament were \"Homologoumena\", or universally acknowledged for a long time, since the middle of the 2nd century or before. Likewise the Muratorian fragment shows that by 200 there existed a set of Christian writings similar to the", + "score": 0.677734375 + }, + { + "id": "302136", + "title": "New Testament", + "text": "Koine Greek, and also a colloquial dialect of Mishnaic Hebrew. It is generally agreed by most scholars that the historical Jesus primarily spoke Aramaic, perhaps also some Hebrew and Koine Greek. The majority view is that all of the books that would eventually form the New Testament were written in the Koine Greek language. As Christianity spread, these books were later translated into other languages, most notably, Latin, Syriac, and Egyptian Coptic. However, some of the Church Fathers imply or claim that Matthew was originally written in Hebrew or Aramaic, and then soon after was written in Koine Greek. Nevertheless,", + "score": 0.677734375 + }, + { + "id": "302129", + "title": "New Testament", + "text": "hypotheses put forth in the last hundred years or so. Ben Witherington points out that linguistic evidence makes it unlikely that the books were written by the same person. The earliest works that became part of the New Testament are the letters of the Apostle Paul. The earliest of the books of the New Testament was First Thessalonians, an epistle of Paul, written probably in 51, or possibly Galatians in 49 according to one of two theories of its writing. In the 1830s German scholars of the T\u00fcbingen school tried to date the books as late as the 3rd century,", + "score": 0.67626953125 + }, + { + "id": "2211893", + "title": "Gospel of Nicodemus", + "text": "Gospel of Nicodemus The Gospel of Nicodemus, also known as the Acts of Pilate (; ), is an apocryphal gospel claimed to have been derived from an original Hebrew work written by Nicodemus, who appears in the Gospel of John as an associate of Jesus. The title \"Gospel of Nicodemus\" is medieval in origin. The dates of its accreted sections are uncertain, but according to the 1907 edition of the Catholic Encyclopedia scholars agree in assigning the resulting work to the middle of the fourth century AD. The section about Pilate is an older text found in the Greek \"Acts", + "score": 0.67431640625 + }, + { + "id": "302157", + "title": "New Testament", + "text": "more manuscripts survive that contain a portion or all of the books that were held to be part of the New Testament at that time (for example, the New Testament of the 4th-century Codex Sinaiticus, once a complete Bible, contains the Epistle of Barnabas and the Shepherd of Hermas), though occasionally these manuscripts contain other works as well (e.g., Papyrus 72 and the Crosby-Sch\u00f8yen Codex). The date when a manuscript was written, however, does not necessarily reflect the date of the form of text it contains. That is, later manuscripts can, and occasionally do, contain older forms of text or", + "score": 0.673828125 + }, + { + "id": "302130", + "title": "New Testament", + "text": "but the discovery of some New Testament manuscripts and fragments from the 2nd and 3rd centuries, one of which dates as early as 125 (Papyrus 52), disproves a 3rd-century date of composition for any book now in the New Testament. Additionally, a letter to the church at Corinth in the name of Clement of Rome in 95 quotes from 10 of the 27 books of the New Testament, and a letter to the church at Philippi in the name of Polycarp in 120 quotes from 16 books. Therefore, some of the books of the New Testament must have been in", + "score": 0.67333984375 + }, + { + "id": "505950", + "title": "John the Apostle", + "text": "Patmos, during the persecutions under Emperor Domitian. Revelation 1:9 says that the author wrote the book on Patmos: \u201cI, John, both your brother and companion in tribulation... was on the island that is called Patmos for the word of God and for the testimony of Jesus Christ.\u201d Adela Yarbro Collins, a biblical scholar at Yale Divinity School, writes: Some modern higher critical scholars have raised the possibility that John the Apostle, John the Evangelist, and John of Patmos were three separate individuals. These scholars assert that John of Patmos wrote Revelation but neither the Gospel of John nor the Epistles", + "score": 0.67138671875 + }, + { + "id": "204322", + "title": "Irenaeus", + "text": "John the Apostle, and that the Gospel of Luke was written by Luke, the companion of Paul. Scholars contend that Irenaeus quotes from 21 of the 27 New Testament Texts: Matthew (\"Book 3, Chapter 16\") Mark (\"Book 3, Chapter 10\") Luke (\"Book 3, Chapter 14\") John (\"Book 3, Chapter 11\") Acts of the Apostles (\"Book 3, Chapter 14\") Romans (\"Book 3, Chapter 16\") 1 Corinthians (\"Book 1, Chapter 3\") 2 Corinthians (\"Book 3, Chapter 7\") Galatians (\"Book 3, Chapter 22\") Ephesians (\"Book 5, Chapter 2\") Philippians (\"Book 4, Chapter 18\") Colossians (\"Book 1, Chapter 3\") 1 Thessalonians (\"Book 5, Chapter", + "score": 0.6708984375 + }, + { + "id": "484266", + "title": "William Tyndale", + "text": "possibly in Wittenberg, completing it in 1525 with assistance from Observant friar William Roy. In 1525, publication of the work by Peter Quentell in Cologne was interrupted by the impact of anti-Lutheranism. A full edition of the New Testament was produced in 1526 by printer Peter Sch\u00f6ffer in Worms, a free imperial city then in the process of adopting Lutheranism. More copies were soon printed in Antwerp. The book was smuggled into England and Scotland; it was condemned in October 1526 by Bishop Tunstall, who issued warnings to booksellers and had copies burned in public. Marius notes that the \"spectacle", + "score": 0.67041015625 + }, + { + "id": "2975261", + "title": "John Robinson (bishop of Woolwich)", + "text": "within twenty years of Jesus' death; that Paul authored all the books attributed to him; and that the \"John\" who wrote the fourth Gospel was the apostle John. Robinson also suggested that the results of his investigations implied a need to rewrite many theologies of the New Testament. In a letter to Robinson, the New Testament scholar C. H. Dodd wrote, \"I should agree with you that much of the late dating is quite arbitrary, even wanton[;] the offspring not of any argument that can be presented, but rather of the critic's prejudice that, if he appears to assent to", + "score": 0.66943359375 + }, + { + "id": "13081183", + "title": "Minuscule 276", + "text": "\u03b1\u03c5\u03c4\u03bf\u03c5\u03c2 \u03b5\u03be\u03b5\u03b4\u03c9\u03ba\u03b1\u03c2 \u03c4\u03bf\u03b9\u03c2 \u03b1\u03c0\u03bf\u03c3\u03c4\u03bf\u03bb\u03bf\u03b9\u03c2 \u03ba\u03b7\u03c1\u03c5\u03be\u03b1\u03b9 \u03c4\u03bf\u03c5\u03c4\u03bf\u03c5\u03c2 \u03b5\u03b9\u03c2 \u03c4\u03bf\u03bd \u03c3\u03c5\u03bc\u03c0\u03b1\u03bd\u03c4\u03b1 \u03ba\u03bf\u03c3\u03bc\u03bf\u03bd \u03b1\u03c6\u03b5\u03c2 \u03b4\u03b5\u03c3\u03c0\u03bf\u03c4\u03b1 \u03c4\u03b1 \u03b5\u03bc\u03bf\u03b9 \u03c0\u03b5\u03c0\u03c1\u03b1\u03b3\u03bc\u03b5\u03bd\u03b1 \u03c9\u03b9\u03ba\u03b7\u03c6\u03bf\u03c1\u03c9 \u03c4\u03bb\u03b7\u03bc\u03bf\u03bd\u03b9 \u03c4\u03c9 \u03c4\u03b1\u03bb\u03b1\u03b9\u03c0\u03c9\u03c1\u03c9, \u03bf\u03c2 \u03c4\u03b7\u03c2 \u03bc\u03bf\u03bd\u03b7\u03c2 \u03c5\u03c0\u03b1\u03c1\u03c7\u03c9 \u03c4\u03b7\u03c2 \u03bc\u03b5\u03bb\u03b5\u03c4\u03b9\u03bf\u03c5 \u03c4\u03bf\u03c5 \u03c4\u03c1\u03b9\u03c2 \u03bc\u03b1\u03ba\u03b1\u03c1\u03bf\u03c2 \u03c4\u03c9 \u03b2\u03b9\u03c9 \u03ba\u03b1\u03b9 \u03c4\u03b7 \u03c0\u03c1\u03b1\u03be\u03b5\u03b9 \u03b2\u03bb\u03b5\u03c8\u03bf\u03bd \u03ba\u03b1\u03b9 \u03c4\u03c9 \u03ba\u03c4\u03b7\u03c4\u03bf\u03c1\u03b9 \u03c4\u03b7\u03bd \u03b4\u03b5 \u03c4\u03b7\u03bd \u03b2\u03b9\u03b2\u03bb\u03bf\u03bd. \u03b9\u03bb\u03b5\u03c9 \u03c3\u03bf\u03c5 \u03bf\u03bc\u03bc\u03b1\u03c4\u03b9 \u03c9\u03c2 \u03b5\u03bb\u03b5\u03b7\u03bc\u03c9\u03bd \u03b4\u03b1\u03bd\u03b9\u03b7\u03bb \u03c4\u03b5 \u03bc\u03bf\u03bd\u03b1\u03c7\u03c9 \u03c4\u03c9 \u03c0\u03bf\u03b8\u03bf\u03c5\u03bd\u03c4\u03b9 \u03c3\u03b5 \u03bb\u03b9\u03c4\u03b1\u03b9\u03c2 \u03c3\u03b7\u03c2 \u03bc\u03b7\u03c4\u03c1\u03bf\u03c2 \u03c4\u03b7\u03c2 \u03c4\u03b5\u03ba\u03bf\u03c5\u03c3\u03b7\u03c2 \u03b1\u03c3\u03c0\u03bf\u03c1\u03b7\u03c2 \u03ba\u03b1\u03b9 \u03c4\u03c9\u03bd \u03c4\u03b5\u03c4\u03c4\u03b1\u03c1\u03c9\u03bd \u03ba\u03b1\u03b9 \u03c3\u03bf\u03c6\u03c9\u03bd \u03b5\u03c5\u03b1\u03b3\u03b3\u03b5\u03bb\u03b9\u03c3\u03c4\u03c9\u03bd. The manuscript was written by Nicephorus of the monastery Meletius. The manuscript was added to the list of New Testament manuscripts by Scholz (1794-1852). It was examined and described by Paulin Martin. and Henri Omont. C.", + "score": 0.66943359375 + }, + { + "id": "13789915", + "title": "Historical reliability of the Gospels", + "text": "had known Jesus: the apostle Peter, the apostle John, and James, described as the brother of Jesus (\"Galatians\" 1:19). Likewise, Paul alludes to Jesus' humanity and divinity, the Last Supper, his crucifixion, and reports of his resurrection. The authors whose works are contained in the New Testament sometimes quote from creeds, or confessions of faith, that obviously predate their writings. Scholars believe that some of these creeds date to within a few years of Jesus' death, and developed within the Christian community in Jerusalem. Though embedded within the texts of the New Testament, these creeds are a distinct source for", + "score": 0.6689453125 + }, + { + "id": "974291", + "title": "Codex Vaticanus", + "text": "who examined the codex more thoroughly. Skeat and other paleographers contested Tischendorf's theory of a third (C) scribe, instead asserting that two scribes worked on the Old Testament (A and B) and one of them (B) wrote the New Testament. Scribe A wrote: Scribe B wrote: Two correctors worked on the manuscript, one (B) contemporary with the scribes, the other (B) in about the 10th or 11th century, although the theory of a first corrector, B, proposed by Tischendorf was rejected by later scholars. According to Tischendorf, one of the scribes is identical to (and may have been) one of", + "score": 0.66845703125 + }, + { + "id": "16314065", + "title": "John Allen Giles", + "text": "Testament are without any evidence, external or internal, of origin from an apostolical period or source ; and abound in irreconcilable discrepancies.\"The testimony of Justin Martyr who wrote his \"Apology for the Christians\" in A.D. 151 ...does not name a single writer of the eight, who are said to have written the books of the New Testament. The very names of the evangelists Matthew, Mark, Luke, and John, are never mentioned by him \u2014do not occur once in all his works. It is therefore not true that he has quoted from our existing Gospels, and so proves their existence, as", + "score": 0.66845703125 + }, + { + "id": "3622694", + "title": "Aramaic New Testament", + "text": "one of the Greek books of the New Testament to have been translated out of the Aramaic, comes from a textual analysis of those attributed to the Apostle John. Their variation in writing style is so considerable, that it would preclude them having been written in Greek by the same author. St Dionysius of Alexandria lent support to this argument, when pointing out how John's style of writing differs so markedly between his Gospel and Revelation. He concluded that the sophisticated writer of the former could not have written the clumsy Greek of the latter. Thus, the only way for", + "score": 0.66845703125 + }, + { + "id": "13189891", + "title": "Minuscule 425", + "text": "subscriptions at the end of each book, Synaxarion, Menologion, and numbers of \u03c3\u03c4\u03b9\u03c7\u03bf\u03b9 at the end of each book. It is elegantly but inaccurately written. The Greek text of the codex is a representative of the Byzantine text-type. Aland placed it in Category V. The manuscript was written by one Leo at Constantinople. It was brought from Constantinople to Vienna by Augier Busbecq together with the codex 421 and many other manuscripts. It was examined by Treschow, Alter, and Birch. Alter used it in his edition of the Greek New Testament (vol. 2, pp. 689\u2013740). C. R. Gregory saw it", + "score": 0.6669921875 + }, + { + "id": "276091", + "title": "Matthew the Apostle", + "text": "the \"Gospel of the Apostles\" and it was once believed that it was the original to the \"Greek Matthew\" found in the Bible. However, this has been challenged by modern biblical scholars such as Bart Ehrman and James R. Edwards. Jerome relates that Matthew was supposed by the Nazarenes to have composed their \"Gospel of the Hebrews\" though Irenaeus and Epiphanius of Salamis consider this simply a revised version canonical Gospel. This Gospel has been partially preserved in the writings of the Church Fathers, said to have been written by Matthew. Epiphanius does not make his own the claim about", + "score": 0.66650390625 + }, + { + "id": "18411231", + "title": "Ancient Hebrew writings", + "text": "Deuteronomy was written later than the other four books. Religious and secular scholars generally agree that the other books of the Bible were written at a latter date than the Pentateuch. The traditional Judeo-Christian view regarding the authorship of the Pentateuch, except the last eight verses of Deuteronomy, is that it was written by Moses under God's order. In secular scholarly circles by the end of the 19th century, a popular proposition regarding the authorship was the documentary hypothesis, which has remained quite influential to this day, despite criticism. The books of the prophets are entitled in accordance with the", + "score": 0.66455078125 + }, + { + "id": "49816", + "title": "Book of Revelation", + "text": "of the Book of Revelation persisted in the East through the 15th century. Dionysius (248 AD), bishop of Alexandria, disciple of Origen wrote that the Book of Revelation could have been written by Cerinthus although he himself did not adopt the view that Cerinthus was the writer. He regarded the Apocalypse as the work of an inspired man but not of an Apostle \"(Eusebius, Church History VII.25)\". Eusebius, in his Church History (c. 330 AD) mentioned that the Apocalypse of John was accepted as a Canonical book and rejected at the same time: The Apocalypse of John, also called Revelation,", + "score": 0.6640625 + }, + { + "id": "302116", + "title": "New Testament", + "text": "the individuals whose names are attached. He further argues that the Gospels were originally anonymous, and names were not ascribed to them until around 185 AD. Other scholars concur. It is the perspective of some writers that none were written in Palestine. There is a tradition that the Apostle John was the author of the Gospel of John. Traditionalists (such as biblical commentators Albert Barnes and Matthew Henry) seem to support the idea that the writer of the Gospel of John himself claimed to be an eyewitness in their commentaries of John 21:24 and therefore the gospel was written by", + "score": 0.66357421875 + }, + { + "id": "6679025", + "title": "Bart D. Ehrman", + "text": "writers who lived decades later, and his belief that Christian doctrines such as the suffering Messiah, the divinity of Jesus, and the Trinity were later inventions. In \"Forged\", Ehrman posits some New Testament books are literary forgeries and shows how widely forgery was practiced by early Christian writers\u2014and how it was condemned in the ancient world as fraudulent and illicit. His scholarly book, \"Forgery and Counterforgery\", is an advanced look at the practice of forgery in the NT and early Christian literature. It makes a case for considering falsely attributed or \"pseudepigraphic\" books in the New Testament and early Christian", + "score": 0.66357421875 + }, + { + "id": "302089", + "title": "New Testament", + "text": "the New Testament before 70 AD. Others give a final date of 80 AD, or at 96 AD. Collections of related texts such as letters of the Apostle Paul (a major collection of which must have been made already by the early 2nd century) and the Canonical Gospels of Matthew, Mark, Luke, and John (asserted by Irenaeus of Lyon in the late-2nd century as \"the\" Four Gospels) gradually were joined to other collections and single works in different combinations to form various Christian canons of Scripture. Over time, some disputed books, such as the Book of Revelation and the Minor", + "score": 0.66357421875 + }, + { + "id": "13789884", + "title": "Historical reliability of the Gospels", + "text": "According to the hypothesis, the authors of the Gospel of Matthew and the Gospel of Luke then used the \"Gospel of Mark\" and the hypothetical Q document, in addition to some other sources, to write their individual gospels. Scholars agree that the Gospel of John was written last, by using a different tradition and body of testimony. In addition, most scholars agree that the author of Luke wrote the Acts of the Apostles. Scholars hold that these books constituted two halves of a single work, Luke-Acts. Strictly speaking, each Gospel is anonymous. The \"Gospel of John\" is something of an", + "score": 0.6630859375 + }, + { + "id": "7770638", + "title": "Greek New Testament", + "text": "their chief foundations being: Greek New Testament The Greek New Testament is the original form of the books that make up the New Testament as they appeared in Koine Greek, the common dialect from 300 BC to 300 AD. There are several Greek-language versions of the New Testament that approximate the original form of the New Testament books in Greek. The first published edition of the Greek New Testament was produced by Erasmus in 1516. There are multiple Greek copies of the New Testament Byzantine text-types, used by the Greek Orthodox Church. There exist multiple copies of the New Testament", + "score": 0.66259765625 + }, + { + "id": "49804", + "title": "Book of Revelation", + "text": "as is also the case of the Hebrew Five Books of Moses (Torah)). The Book of Revelation is the only apocalyptic document in the New Testament canon (although there are short apocalyptic passages in various places in the Gospels and the Epistles). The author names himself in the text as \"John\", but his precise identity remains a point of academic debate. Second-century Christian writers such as Justin Martyr, Irenaeus, Melito the bishop of Sardis, and Clement of Alexandria and the author of the Muratorian fragment identify John the Apostle as the \"John\" of Revelation. Modern scholarship generally takes a different", + "score": 0.66259765625 + }, + { + "id": "302202", + "title": "New Testament", + "text": "Prayer (in the form found in the Gospel of Matthew 6:9\u201313) is also a standard feature of Christian worship. Most of the influence of the New Testament upon the arts has come from the Gospels and the Book of Revelation. Literary expansion of the Nativity of Jesus found in the Gospels of Matthew and Luke began already in the 2nd century, and the portrayal of the Nativity has continued in various art forms to this day. The earliest Christian art would often depict scenes from the New Testament such as the raising of Lazarus, the baptism of Jesus or the", + "score": 0.66259765625 + }, + { + "id": "13398476", + "title": "Christianity in the 1st century", + "text": "The Greek translation, later known as the \"Septuagint\" and often written as \"LXX,\" arose from Hellenistic Judaism which predates Christianity. Perhaps the earliest Christian canon is the \"Bryennios List\" which was found by Philotheos Bryennios in the Codex Hierosolymitanus. The list is written in Koine Greek, Aramaic and Hebrew and dated to around 100 The \"New Testament\" (often compared to the New Covenant) is the name given to the second major division of the Christian Bible, either by Tertullian or Marcion in the 2nd century. The original texts were written by various authors, most likely sometime after c. AD 45", + "score": 0.66259765625 + }, + { + "id": "302087", + "title": "New Testament", + "text": "the New Testament is not found anywhere in any book of the Bible. It was the united Catholic Church which defined the 27-book canon. The first time we find the complete list of the 27 books of the NT is in Athanasius, eastern Catholic bishop of the IV Century. The first time that church councils gave us this same list was in the councils of Hippo (393) and Carthage (397) in north Africa and the pope Innocent I ratified the same canon in 405, but it is probable that a Council in Rome in 382 under pope Damasus gave the", + "score": 0.662109375 + }, + { + "id": "76914", + "title": "Constantin von Tischendorf", + "text": "Vaticanus (source beta, 4th AD), agree with each other. Tischendorf was made an Honorary Doctor by Oxford University on 16 March 1865, and an Honorary Doctor by Cambridge University on 9 March 1865 following this find of the century. While a student gaining his academic degree in the 1840s, he earned international recognition when he deciphered the \"Codex Ephraemi Rescriptus\", a 5th-century Greek manuscript of the New Testament. The \"Codex Sinaiticus\" contains a 4th-century manuscript of New Testament texts. Two other Bibles of similar age exist, though they are less complete: Codex Vaticanus in the Vatican Library and Codex Alexandrinus,", + "score": 0.66162109375 + }, + { + "id": "2791219", + "title": "Norman Porteous", + "text": "panel of translators of the \"New English Bible\" and latterly Dean of the University of Edinburgh, where he was also Senior \"Professor Emeritus\"; he may also have been its oldest graduate. In 1965, Porteous postulated that an anonymous writer wrote the Book of Daniel during the persecution under Antiochus IV Epiphanes. According to this theory the anonymous author attributed events that were witnessed by this writer in the 2nd century BCE to Daniel as prophecies. Paul Roche agreed with Porteous. since the writer's incomplete and erroneous view of historical details in the second half of the sixth century support the", + "score": 0.66064453125 + }, + { + "id": "3955300", + "title": "Jesus", + "text": "gospels. The canonical gospels are four accounts, each written by a different author. The authors of the gospels are all anonymous, attributed by tradition to the four evangelists, each with close ties to Jesus: Mark by John Mark, an associate of Peter; Matthew by one of Jesus' disciples; Luke by a companion of Paul mentioned in a few epistles; and John by another of Jesus' disciples, the \"beloved disciple\". One important aspect of the study of the gospels is the literary genre under which they fall. Genre \"is a key convention guiding both the composition and the interpretation of writings\".", + "score": 0.66064453125 + }, + { + "id": "446395", + "title": "Vulgate", + "text": "\u2013 a key argument in demonstrating that Jerome did not write it. The author of the is unknown; but it is first quoted by Pelagius in his commentary on the Pauline letters written before 410; and as this work also quotes from the Vulgate revision of these letters, it has been proposed that Pelagius or one of his associates may have been responsible for the revision of the Vulgate New Testament outside the Gospels. At any rate, it is reasonable to identify the author of the preface with the unknown reviser of the New Testament outside the gospels. In addition", + "score": 0.66064453125 + }, + { + "id": "15870361", + "title": "Five Pauline Epistles, A New Translation", + "text": "Five Pauline Epistles, A New Translation The Five Pauline Epistles, A New Translation is a partial Bible translation produced by Scottish scholar William Gunion Rutherford, of five books of the New Testament. The Bible books that were translated into English by Rutherford are a number of Pauline Epistles or \"didactic letters\", believed to be written by the Jewish Christian Apostle Paul. The work was a translation of the Bible books of Romans, first and second Thessalonians, and first and second Corinthians, with a brief analysis. The work was commenced in 1900, and was completed in 1908. The entire work was", + "score": 0.66015625 + }, + { + "id": "302088", + "title": "New Testament", + "text": "same list first. These councils also provided the canon of the Old Testament, which included the so-called apocryphal books . The original texts were written in the first century of the Christian Era, in Greek, which was the common language of the Eastern Mediterranean from the conquests of Alexander the Great (335\u2013323 BC) until the Muslim conquests in the 7th century AD. All the works that eventually became incorporated into the New Testament are believed to have been written no later than around 120 AD. John A. T. Robinson, Dan Wallace, and William F. Albright dated all the books of", + "score": 0.66015625 + }, + { + "id": "450101", + "title": "Antisemitism and the New Testament", + "text": "agendas underpin the writing of the canonical texts, and the various NT documents are windows into the conflict and debates of that period. According to Timothy Johnson, mutual slandering among competing sects was quite strong in the period when these works were composed. The New Testament moreover is an ensemble of texts written over decades, and reflects the different milieux of composition. A. Roy Eckardt, a pioneer in the field of Jewish-Christian relations, asserted that the foundation of antisemitism and responsibility for the Holocaust lies ultimately in the New Testament. Eckardt insisted that Christian repentance must include a reexamination of", + "score": 0.65966796875 + }, + { + "id": "505943", + "title": "John the Apostle", + "text": "causes. The traditions of most Christian denominations have held that John the Apostle is the author of several books of the New Testament. Church tradition has held that John is the author of the Gospel of John and four other books of the New Testament \u2014 the three Epistles of John and the Book of Revelation. In the Gospel, authorship is internally credited to the \"disciple whom Jesus loved\" (, \"o math\u0113t\u0113s on \u0113gapa o I\u0113sous\") in . claims that the Gospel of John is based on the written testimony of the \"Beloved Disciple\". The authorship of some Johannine literature", + "score": 0.65966796875 + }, + { + "id": "15699650", + "title": "Language of the New Testament", + "text": "Language of the New Testament The New Testament was written in a form of Koine Greek, which was the common language of the Eastern Mediterranean from the Conquests of Alexander the Great (335\u2013323 BC) until the evolution of Byzantine Greek (c. 600). The New Testament Gospels and Epistles were only part of a Hellenistic Jewish culture in the Roman Empire, where Alexandria had a larger Jewish population than Jerusalem, and Greek was spoken by more Jews than Hebrew. Other Jewish Hellenistic writings include those of Jason of Cyrene, Josephus, Philo, Demetrius the chronographer, Eupolemus, Pseudo-Eupolemus, Artapanus of Alexandria, Cleodemus Malchus,", + "score": 0.65966796875 + }, + { + "id": "7770636", + "title": "Greek New Testament", + "text": "Greek New Testament The Greek New Testament is the original form of the books that make up the New Testament as they appeared in Koine Greek, the common dialect from 300 BC to 300 AD. There are several Greek-language versions of the New Testament that approximate the original form of the New Testament books in Greek. The first published edition of the Greek New Testament was produced by Erasmus in 1516. There are multiple Greek copies of the New Testament Byzantine text-types, used by the Greek Orthodox Church. There exist multiple copies of the New Testament \"Textus Receptus\", the basis", + "score": 0.65966796875 + }, + { + "id": "61783", + "title": "Christianity", + "text": "However, they are considered to be important historical documents which help to inform the understanding of words, grammar and syntax used in the historical period of their conception. Some versions of the Bible include a separate Apocrypha section between the Old Testament and the New Testament. The New Testament, originally written in Koine Greek, contains 27 books which are agreed upon by all churches. Modern scholarship has raised many issues with the Bible. While the Authorized King James Version is held to by many because of its striking English prose, in fact it was translated from the Erasmus Greek Bible", + "score": 0.6591796875 + }, + { + "id": "6597386", + "title": "Internal consistency of the Bible", + "text": "instance, the words of the Torah, or the first five books of the Old Testament, have traditionally been believed to be by the hand of Moses, and the New Testament Gospels have been attributed to the Four Evangelists. Modern scholarship calls these attributions into question. Eliot Rabin writes: \"For the past 400 years, readers have been openly questioning the traditional attribution of these five books to Moses.\" For instance, he quotes Thomas Hobbes in his 1651 \"Leviathan\" as writing that, when Genesis 12:6 has \"and the Canaanite was then in the land\", it could not have been written by Moses.", + "score": 0.6591796875 + }, + { + "id": "18241934", + "title": "A New Testament (Christopher Owens album)", + "text": "\"Nothing More Than Everything To Me\", directed by Max Minghella, announcing that \"A New Testament\" would be released at the end of September accompanied by a North America and UK tour. In a statement accompanying this announcement, Owens wrote that \"A New Testament\" was \"inspired by the fundamentals of American music\u2014Gospel, Country, R&B,\" and was a demonstration of \"honest, earnest, simple songwriting\u2014'three chords and the truth'\". He also shared that he worked on the album with many of the musicians from Girls' \"Father, Son, Holy Ghost\" (2011), including guitarist John Anderson, drummer Darren Weiss and keyboardist Danny Eisenberg, and \"Lysandre\"", + "score": 0.65869140625 + }, + { + "id": "12122754", + "title": "Willis Barnstone", + "text": "was also published in Modern International Drama, 1976. Barnstone's pioneer biblical work is \"The Restored New Testament, Including The Gnostic Gospels of Thomas, Mary, and Judas\". In this annotated translation and commentary, he restores the Latin, Greek, Aramaic, and Hebrew names to their original form. For Pilate, Andrew, Jesus and James, one reads Pilatus, Andreas, Yeshua, and Yaakov. To reveal the poetry of the New Testament, in the gospels he lineates Jesus's words as verse and renders Revelation and the Letters of Paul into blank verse. In his introduction he calls Revelation (Apocalypse) the great epic poem of the New", + "score": 0.658203125 + }, + { + "id": "11076529", + "title": "Abrahamic religions", + "text": "originally contained 73 books; however, 7 books, collectively called the Apocrypha or Deuterocanon depending on one's opinion of them, were removed by Martin Luther due to a lack of original Hebrew sources, and now vary on their inclusion between denominations. Greek Bibles contain additional materials. The New Testament comprises four accounts of the life and teachings of Jesus (the Four Gospels), as well as several other writings (the epistles) and the Book of Revelation. They are usually considered to be divinely inspired, and together comprise the Christian Bible. The vast majority of Christian faiths (including Catholicism, Orthodox Christianity, and most", + "score": 0.65771484375 + }, + { + "id": "13048417", + "title": "Lectionary 20", + "text": "Bobiensis, syr and cop. The codex was written by Onesimus, in April 1047. In 1633 it was purchased by William Laud, and became part of his collection. It was known as Laudianus 4. It was added to the list of the New Testament manuscripts by Johann Jakob Wettstein. It was slightly examined by John Mill (as \"Laud. 4\") and Griesbach. Kirsopp and Silva Lake published its facsimile. The manuscript is sporadically cited in the critical editions of the Greek New Testament (UBS3). Currently the codex is located in the Bodleian Library (Laud. Gr. 34) in Oxford. Lectionary 20 Lectionary 20,", + "score": 0.65771484375 + }, + { + "id": "302095", + "title": "New Testament", + "text": "days come, saith the Lord, that I will make a new testament to the house of Israel and the house of Judah, not according to the testament which I made to their fathers, in the day that I took them by the hand to bring them out of the land of Egypt; for they continued not in my testament, and I disregarded them, saith the Lord.\" ... For that which He said above, that He would make a new testament to the house of Judah, shows that the old testament which was given by Moses was not perfect; but that", + "score": 0.65771484375 + }, + { + "id": "302170", + "title": "New Testament", + "text": "as citations of the New Testament by ancient authors and the New Testament text in lectionaries in order to reconstruct the earliest recoverable form of the New Testament text and the history of changes to it. Books that later formed the New Testament, like other Christian literature of the period, originated in a literary context that reveals relationships not only to other Christian writings, but also to Graeco-Roman and Jewish works. Of singular importance is the extensive use of and interaction with the Jewish Bible and what would become the Christian Old Testament. Both implicit and explicit citations, as well", + "score": 0.65771484375 + }, + { + "id": "38295", + "title": "Bible", + "text": "the Septuagint or the Greek Old Testament. In Christian Bibles, the New Testament Gospels were derived from oral traditions in the second half of the first century CE. Riches says that: Scholars have attempted to reconstruct something of the history of the oral traditions behind the Gospels, but the results have not been too encouraging. The period of transmission is short: less than 40 years passed between the death of Jesus and the writing of Mark's Gospel. This means that there was little time for oral traditions to assume fixed form. The Bible was later translated into Latin and other", + "score": 0.6572265625 + }, + { + "id": "12934565", + "title": "Minuscule 94", + "text": "(leaves 27-328). The text is written in one column per page, 22 lines per page (38 lines with text of Commentary). It contains scholia to the Acts and Catholic epistles, Andreas's Commentary to the Apocalypse, and Prolegomena to the Pauline epistles. The initial letters are written in red. The Book of Revelation palaeographically had been assigned to the 12th century, and rest part of the codex to the 13th century. According to the colophon, the Book of Revelation was written by a monk named Anthony, dates it to the year 1079. The Greek text of the codex is a representative", + "score": 0.6572265625 + }, + { + "id": "5925956", + "title": "Augustinian hypothesis", + "text": "Augustinian hypothesis The Augustinian hypothesis is a solution to the synoptic problem, which concerns the origin of the Gospels of the New Testament. The hypothesis holds that Matthew was written first, by Matthew the Evangelist (see the Gospel According to the Hebrews and the Jewish-Christian Gospels). Mark the Evangelist wrote the Gospel of Mark second and used Matthew and the preaching of Peter as sources. Luke the Evangelist wrote the Gospel of Luke and was aware of the two Gospels that preceded him. Unlike some competing hypotheses, this hypothesis does not rely on, nor does it argue for, the existence", + "score": 0.6572265625 + }, + { + "id": "10772238", + "title": "Biblical languages", + "text": "books of the Christian New Testament are widely agreed to have originally been written in Greek, specifically Koine Greek, even though some authors often included translations from Hebrew and Aramaic texts. Certainly the Pauline Epistles were written in Greek for Greek-speaking audiences. See Greek primacy for further details. Koine Greek was the popular form of Greek which emerged in post-classical antiquity (c.300 BC \u2013 AD 300), and marks the third period in the history of the Greek language. It is also called \"Alexandrian\", \"Hellenistic\", \"Common\", or \"New Testament\" Greek. Some scholars believe that some books of the Greek New Testament", + "score": 0.65673828125 + }, + { + "id": "10850258", + "title": "Bible of San Paolo fuori le Mura", + "text": "Paul Outside the Walls, where it has remained since. The manuscript contains the entirety of the Vulgate Old and New Testaments. The 334 extant folios measure . The text was written by a Benedictine monk named Ingobert. There are 35 decorated incipit pages, and four decorated canon tables. There are 91 decorated initials throughout the book. There are 24 surviving full-page miniature illustrations, including a dedication portrait of Charles the Bald, a portrait of Saint Jerome, 14 illustrations in the Old Testament, an image of Christ in Majesty, four evangelist portraits, a miniature in the Acts of the Apostles, a", + "score": 0.65673828125 + }, + { + "id": "14144216", + "title": "Joel B. Green", + "text": "(NICNT). He has served as chair of the Council of the Society of Biblical Literature and a member of the board of directors of the Institute for Biblical Research. He has written and edited some thirty books. They include \"Dictionary of Jesus and the Gospels\",\"The Gospel of Luke\" (a volume of the New International Commentary on the New Testament), \"Jesus of Nazareth: Lord and Christ: Essays on the Historical Jesus and New Testament Christology\", \"What about the Soul?, Neuroscience and Christianity Anthropology\"'. He has also written many articles and chapters, both for academic study and for general readership. He is", + "score": 0.65673828125 + }, + { + "id": "158850", + "title": "Gospel of Matthew", + "text": "Gospel of Matthew The Gospel According to Matthew (; also called the Gospel of Matthew or simply, Matthew) is the first book of the New Testament and one of the three synoptic gospels. It tells how the Messiah, Jesus, rejected by Israel, finally sends the disciples to preach the gospel to the whole world. Most scholars believe it was composed between AD 80 and 90, with a range of possibility between AD 70 to 110 (a pre-70 date remains a minority view). The anonymous author was probably a male Jew, standing on the margin between traditional and non-traditional Jewish values,", + "score": 0.65673828125 + }, + { + "id": "218810", + "title": "John the Evangelist", + "text": "Bruce, Leon Morris, and Martin Hengel, hold the apostle to be behind at least some, in particular the gospel. There may have been a single author for the gospel and the three epistles. Some scholars conclude the author of the epistles was different from that of the gospel, although all four works probably originated from the same community. The gospel and epistles traditionally and plausibly came from Ephesus, \"c.\" 90\u2013110, although some scholars argue for an origin in Syria. In the case of Revelation, many modern scholars agree that it was written by a separate author, John of Patmos, \"c.\"", + "score": 0.65673828125 + }, + { + "id": "974290", + "title": "Codex Vaticanus", + "text": "the 4th century and is likely slightly older than Codex Sinaiticus, which was also transcribed in the 4th century. One argument to support this, is that Sinaiticus already has the, at that time, very new Eusebian Canon tables, but Vaticanus does not. Another is the slightly more archaic style of Vaticanus, and the complete absence of ornamentation. According to Tischendorf the manuscript was written by three scribes (A, B, C), two of whom appear to have written the Old Testament and one the entire New Testament. Tischendorf's view was accepted by Frederic G. Kenyon, but contested by T. C. Skeat,", + "score": 0.65673828125 + }, + { + "id": "4866820", + "title": "The Testament (John Grisham novel)", + "text": "The Testament (John Grisham novel) The Testament is an adventure story by American author John Grisham. It was published in hardcover by Doubleday on February 2, 1999. Troy Phelan, an eccentric, reclusive, ruthless billionaire businessman, commits suicide. In order to cut his family out of his will, he makes a fake will a few hours before his suicide, putting his family into that will. Minutes before his suicide, he shows his lawyer a new will that he would like carried out. This will leave only enough money to each of his heirs to pay off their debts up until the", + "score": 0.65625 + }, + { + "id": "14462792", + "title": "British Library, Add. 17124", + "text": "two columns per page, 36 lines per page. The letters are small and neat. According to the colophon it was written in A. Gr. 1545, i.e. A.D. 1234. On folio 68 recto there is a note, written by Gregory, metropolitan of Jerusalem, A. Gr. 1827 (A.D. 1516), forbidding any one to take away this New Testament from the convent of S. Mary of Deipara, in the Nitrian Desert. The manuscript was brought from the covenant of St. Mary Deipara. The manuscript was described by William Aldis Wright. The manuscript is housed at the British Library (Additional Manuscripts 17124) in London.", + "score": 0.65625 + }, + { + "id": "14226012", + "title": "Minuscule 582", + "text": "in result no profile was made. The manuscript was written by Nicodemus. It was examined by Dean Burgon. It was added to the list of New Testament manuscripts by Frederick Henry Ambrose Scrivener. The text of the Apocalypse was collated by Herman C. Hoskier and edited by him in 1929. The manuscript currently housed in at the Biblioteca Comunale Ariostea (CI. II, 187, III), at Ferrara. Minuscule 582 Minuscule 582 (in the Gregory-Aland numbering), \u03b4 410 (von Soden), is a Greek minuscule manuscript of the Greek Bible of the Old Testament and New Testament, on paper. Dated by a colophon", + "score": 0.65625 + }, + { + "id": "6653751", + "title": "Criticism of the Bible", + "text": "The Christian New Testament was written in Koine Greek. (See Language of the New Testament for details.) Biblical minimalism is a label applied to a loosely knit group of scholars who hold that the Bible's version of history is not supported by any archaeological evidence so far unearthed, thus the Bible cannot be trusted as a history source. Critics of the authenticity of the New Testament such as Richard Carrier and Paul N. Tobin argue that pseudepigrapha within the New Testament invalidates it as a reliable source of information. Author Richard I. Pervo details the non-historical sources of the Book", + "score": 0.65576171875 + }, + { + "id": "1695131", + "title": "Bible translations", + "text": "in English was developed by Stephanus (Robert Estienne of Paris) (see Chapters and verses of the Bible) Later critical editions incorporate ongoing scholarly research, including discoveries of Greek papyrus fragments from near Alexandria, Egypt, that date in some cases within a few decades of the original New Testament writings. Today, most critical editions of the Greek New Testament, such as UBS4 and NA27, consider the Alexandrian text-type corrected by papyri, to be the Greek text that is closest to the original \"autographs\". Their \"apparatus\" includes the result of votes among scholars, ranging from certain {A} to doubtful {E}, on which", + "score": 0.65576171875 + }, + { + "id": "5925980", + "title": "Augustinian hypothesis", + "text": "was written before 64, and that there is no compelling evidence and little evidence of any kind that anything in the New Testament reflects knowledge of the Temple's destruction. Furthermore, in relation to the four gospels, according to Norman Geisler: Augustinian hypothesis The Augustinian hypothesis is a solution to the synoptic problem, which concerns the origin of the Gospels of the New Testament. The hypothesis holds that Matthew was written first, by Matthew the Evangelist (see the Gospel According to the Hebrews and the Jewish-Christian Gospels). Mark the Evangelist wrote the Gospel of Mark second and used Matthew and the", + "score": 0.6552734375 + }, + { + "id": "2115737", + "title": "Francisco Jime\u0301nez de Cisneros", + "text": "of the Old Testament were put in parallel columns--Greek, Latin, and Hebrew--with the Aramaic text of Targum Onkelos and its own Latin translation added at the bottom, so that readers for the first time could check all the translations simultaneously. The New Testament consisted of parallel columns of Greek and the Latin Vulgate. The text occupies five volumes, and a sixth contains a Hebrew lexicon, etc. The work commenced in 1502. The New Testament was finished in January 1514, and the whole in April 1517. The book was dedicated to Pope Leo X. Cisneros died months after it was completed", + "score": 0.65478515625 + }, + { + "id": "18241940", + "title": "A New Testament (Christopher Owens album)", + "text": "A New Testament (Christopher Owens album) A New Testament is the second album recorded by former Girls lead vocalist and guitarist Christopher Owens. It was originally released on September 30, 2014, on the Turnstile Music record label. In March 2014, Owens shared the track, \"It Comes Back to You\", writing that the song was \"from a new album I've made with dear friends\". Then in May, Owens followed this up with \"Stephen\", saying, \"I think it's a song unlike anything I've ever worked on.\" In July, Owens shared the album cover and track listing plus a video for the single,", + "score": 0.654296875 + }, + { + "id": "18241933", + "title": "A New Testament (Christopher Owens album)", + "text": "A New Testament (Christopher Owens album) A New Testament is the second album recorded by former Girls lead vocalist and guitarist Christopher Owens. It was originally released on September 30, 2014, on the Turnstile Music record label. In March 2014, Owens shared the track, \"It Comes Back to You\", writing that the song was \"from a new album I've made with dear friends\". Then in May, Owens followed this up with \"Stephen\", saying, \"I think it's a song unlike anything I've ever worked on.\" In July, Owens shared the album cover and track listing plus a video for the single,", + "score": 0.654296875 + }, + { + "id": "162290", + "title": "Gospel", + "text": "Gospel Gospel originally meant the Christian message itself, but in the 2nd century it came to be used for the books in which the message was set out. The four canonical gospels \u2014 Matthew, Mark, Luke and John \u2014 were written between AD 70 and 100, and are the main source of information on the life of Jesus. All four are anonymous (the modern names were added in the 2nd century), and none were written by eyewitnesses. Modern scholars are therefore cautious of relying on them unquestioningly, but critical study can attempt to distinguish the original ideas of Jesus from", + "score": 0.654296875 + }, + { + "id": "4847030", + "title": "Gospel of the Nazarenes", + "text": "his \"Commentary on Matthew\", Jerome refers to the \"Gospel of the Nazarenes\" and the \"Gospel of the Hebrews\". Epiphanius is of the same opinion; he states in his \"Panarion\" that Matthew alone expounded and declared the gospel in Hebrew among the New Testament writers: \"For in truth, Matthew alone of the New Testament writers expounded and declared the Gospel in Hebrew using Hebrew script.\" (\"Panarion\" 30.3.7) Origen adds to this by stating that, among the four gospels, Matthew, the one-time tax collector who later became an apostle of Jesus Christ, first composed the gospel for the converts from Judaism, published", + "score": 0.65380859375 + }, + { + "id": "13263762", + "title": "Lectionary 48", + "text": "in codices Codex Sinaiticus, Vaticanus, Athous Lavrensis, 892, syr, goth. The manuscript was written by Peter, monk. In 1312 it belonged to Nicephorus, Metropolitan of Crete. It was held in the monastery Iviron in Athos peninsula. The manuscript was examined by Matthaei. The manuscript is not cited in the critical editions of the Greek New Testament (UBS3). Currently the codex is located in the State Historical Museum, (V. 11 S. 42) in Moscow. Lectionary 48 Lectionary 48, designated by siglum \u2113 \"48\" (in the Gregory-Aland numbering). It is a Greek manuscript of the New Testament, on parchment leaves. Dated by", + "score": 0.65380859375 + }, + { + "id": "4847027", + "title": "Gospel of the Nazarenes", + "text": "literal reproduction of Matthew's original autograph, but was rather the production of an unknown redactor, composed in Greek posthumous to Matthew. This aligns with Jerome's assessment, in which he stated, \"Matthew, also called Levi, apostle and aforetime publican, composed a gospel of Christ at first published in Judea in Hebrew for the sake of those of the circumcision who believed, but this was afterwards translated into Greek, though by what author is uncertain.\"(Jerome, \"Lives of Illustrious Men\", Chapter 3) (See: Two-source hypothesis and Four Document Hypothesis) The term Nazarene was applied to Jesus of Nazareth (\"Gospel of Matthew\" 2:23). Mention", + "score": 0.6533203125 + }, + { + "id": "12907758", + "title": "Dennis MacDonald", + "text": "epics would have been the basic texts upon which the New Testament authors learned to write Greek. MacDonald also argues that the number of common traits, the order in which they occur, and the distinctiveness thereof between the Homeric Texts and early Christian documents help to show that the New Testament writers were using Homeric models when writing various books. In his earliest reviews, MacDonald only applied his hypothesis to works such as \"Tobit\" and the \"Acts of Peter\". In later works, he posits the Acts of the Apostles, the Gospel of Mark, and Gospel of Luke merged two cultural", + "score": 0.6533203125 + }, + { + "id": "10319237", + "title": "Persecution of Christians in the New Testament", + "text": "Empire, though they were sporadic. Most were initiated by local governors, who were expected to keep their cities \"pacate atque quita\" ('settled and orderly'). As pressure from the demands of the citizens to get rid of the Christians became harder to ignore or control, they were driven to acquiesce. The author, \"John\", found himself \"\u2026on the island of Patmos because of the word of God and the testimony of Jesus\" (Rev. 1:9 NRSV), and it was there that he wrote the Book of Revelation. In several of his messages addressed to the Seven Churches of Asia, John makes references to", + "score": 0.6533203125 + }, + { + "id": "13266941", + "title": "Lectionary 54", + "text": "33, 258, 478, 661, 791, 954, 1216, 1230, 1354, 1604. The manuscript was written by Dometius, a monk. It came from the monastery of Vatopedi on the Athos. The manuscript was examined by Matthaei. The manuscript is sporadically cited in the critical editions of the Greek New Testament (UBS3). Currently the codex is located in the State Historical Museum, (V. 263, S. 281) in Moscow. Lectionary 54 Lectionary 54, designated by siglum \u2113 \"54\" (in the Gregory-Aland numbering). It is a Greek manuscript of the New Testament on paper leaves. It is dated by a colophon to the year 1470.", + "score": 0.6533203125 + }, + { + "id": "16758110", + "title": "Minuscule 880 (Gregory-Aland)", + "text": "(Aland) to the 15th century. Currently the manuscript is dated by the INTF to the 15th century. It was written by George Hermonymus, the Spartan, who settled at Paris in 1472. In Paris Hermonymus was a scribe, scholar and lecturer. He was a teacher for Reuchlin and Budeus. The manuscript was added to the list of New Testament manuscripts by Scrivener (705), Gregory (880). Gregory saw it in 1886. It was examined and described by Ernesto Feron and Fabiano Battaglini (along with minuscule 386 and 878). Currently the manuscript is housed at the Vatican Library (Ottobonianus gr. 208), in Rome.", + "score": 0.6533203125 + }, + { + "id": "13789892", + "title": "Historical reliability of the Gospels", + "text": "all the world. Geza Vermes judges that the ministry of Jesus was exclusively for Jews and that the order to proclaim the gospel to all nations was an early Christian development. According to the majority viewpoint, this gospel is unlikely to have been written by an eyewitness. While Papias reported that Matthew had written the \"Logia,\" this can hardly be a reference to the Gospel of Matthew. The author was probably a Jewish Christian writing for other Jewish Christians. Biblical scholars generally hold that Matthew was composed between the years \"c.\" 70 and 100. Based upon internal evidence Harrington claims", + "score": 0.65283203125 + }, + { + "id": "218806", + "title": "John the Evangelist", + "text": "John the Evangelist John the Evangelist (, ) is the name traditionally given to the author of the Gospel of John. Christians have traditionally identified him with John the Apostle, John of Patmos, or John the Presbyter, although this has been disputed by modern scholars. The Gospel of John refers to an otherwise unnamed \"disciple whom Jesus loved\", who \"bore witness to and wrote\" the Gospel's message. The author of the Gospel of John seemed interested in maintaining the internal anonymity of the author's identity, although interpreting the Gospel in the light of the Synoptic Gospels and considering that the", + "score": 0.65283203125 + }, + { + "id": "302118", + "title": "New Testament", + "text": "document, in addition to some other sources, to write their individual gospel accounts. These three gospels are called the Synoptic gospels because they include many of the same stories, often in the same sequence, and sometimes exactly the same wording. Scholars agree that the Gospel of John was written last, by using a different tradition and body of testimony. In addition, most scholars agree that the author of Luke wrote the Acts of the Apostles. Scholars hold that these books constituted two halves of a single work, Luke-Acts. Strictly speaking, each gospel and the book of Acts is arguably anonymous.", + "score": 0.65283203125 + }, + { + "id": "15577018", + "title": "Apostles", + "text": "probably written c. AD 66\u201370, during Nero's persecution of the Christians in Rome or the Jewish revolt, as suggested by internal references to war in Judea and to persecution. The author used a variety of pre-existing sources, such as conflict stories (Mark 2:1\u20133:6), apocalyptic discourse (4:1\u201335), and collections of sayings (although not the Gospel of Thomas and probably not the Q source). According to Church tradition, Luke the Evangelist, the companion of Paul, is believed to have authored the Gospel of Luke, though anonymously written and lacking an author's name; but while this view is still occasionally put forward the", + "score": 0.65234375 + }, + { + "id": "129991", + "title": "Erasmus", + "text": "text. Erasmus said it was \"rushed into print rather than edited\", resulting in a number of transcription errors. After comparing what writings he could find, Erasmus wrote corrections between the lines of the manuscripts he was using (among which was Minuscule 2) and sent them as proofs to Froben. His hurried effort was published by his friend Johann Froben of Basel in 1516 and thence became the first published Greek New Testament, the \"Novum Instrumentum omne, diligenter ab Erasmo Rot. Recognitum et Emendatum\". Erasmus used several Greek manuscript sources because he did not have access to a single complete manuscript.", + "score": 0.65185546875 + }, + { + "id": "302102", + "title": "New Testament", + "text": "and holy letters, written by the apostles and disciples of Christ, to either local congregations with specific needs, or to New Covenant Christians in general, scattered about; or \"Catholic Epistles.\" The Pauline epistles are the thirteen New Testament books that present Paul the Apostle as their author. Six of the letters are disputed. Four are thought by most modern scholars to be pseudepigraphic, i.e., not actually written by Paul even if attributed to him within the letters themselves. Opinion is more divided on the other two disputed letters (2 Thessalonians and Colossians). These letters were written to Christian communities in", + "score": 0.65185546875 + }, + { + "id": "15577017", + "title": "Apostles", + "text": "Apostles. The gospel is so closely related in style and content to the three surviving Johannine epistles that commentators treat the four books, along with the Book of Revelation, as a single corpus of Johannine literature, albeit not necessarily written by the same author. The Gospel of Mark was written anonymously. Early Christian tradition, first attested by Papias of Hierapolis, ascribes it to John Mark, a companion and interpreter of the apostle Peter. Hence its author is often called Mark, even though most modern scholars are doubtful of the Markan tradition and instead regard the author as unknown. It was", + "score": 0.65185546875 + }, + { + "id": "302143", + "title": "New Testament", + "text": "over the New Testament canon, the major writings are claimed to have been accepted by almost all Christians by the middle of the 3rd century. Origen was largely responsible for the collection of usage information regarding the texts that became the New Testament. The information used to create the late-4th-century Easter Letter, which declared accepted Christian writings, was probably based on the \"Ecclesiastical History\" [HE] of Eusebius of Caesarea, wherein he uses the information passed on to him by Origen to create both his list at HE 3:25 and Origen's list at HE 6:25. Eusebius got his information about what", + "score": 0.6513671875 + } + ], + "answer": "The New Testament of the Bible is primarily written in parts with the majority of it written by Jewish disciples of Christ. Matthew, Mark, Luke, John wrote the gospels. The First Epistle of Peter was written by Peter, an apostle of Jesus Christ, Epistle of James was written by James, a servant of God, and the Pauline Epistles was written by Paul of Tarsus." + }, + { + "qa_pairs": [ + { + "context": "In rhetoric, Parallel Syntax (also known as parallel construction and parallelism) is a rhetorical device that consists of repetition among adjacent sentences or clauses. The repeated sentences or clauses provides emphasis to a center theme or idea the author is trying to convey.", + "question": "The repetition of phrases or sentences with similar structures is called?", + "short_answers": [ + "parallel construction", + "parallelism", + "Parallel syntax" + ], + "wikipage": "Parallel syntax" + }, + { + "context": "Schesis onomaton (\"state of nouns\", from Ancient Greek [skh\u00e9sis, \"state, condition, attitude\"] and [onom\u00e1t\u014dn, \"of nouns\"]), often misspelled \"scesis onomaton\", was originally a rhetorical technique consisting of a sentence constructed only of nouns and adjectives. It later came to mean such a series of nouns and adjectives or any series of words that were synonymous expressions. In the second sense it is a rhetorical technique used to emphasize an idea by repeating it rapidly using slightly different words that have the same or a very similar meaning.", + "question": "The repetition of phrases or sentences with similar meanings is called?", + "short_answers": [ + "Schesis onomaton" + ], + "wikipage": "Schesis onomaton" + } + ], + "wikipages": [ + { + "title": "Schesis onomaton", + "url": "https://en.wikipedia.org/wiki/Schesis%20onomaton" + }, + { + "title": "Glossary of rhetorical terms", + "url": "https://en.wikipedia.org/wiki/Glossary%20of%20rhetorical%20terms" + }, + { + "title": "Parallel syntax", + "url": "https://en.wikipedia.org/wiki/Parallel%20syntax" + }, + { + "title": "Parallelism (grammar)", + "url": "https://en.wikipedia.org/wiki/Parallelism%20%28grammar%29" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "The difference between Parallel Syntax (also known as parallel construction and parallelism) and Schesis onomaton is that Parallel Syntax is a rhetorical device that consists of repetition among adjacent sentences or clauses while Schesis onomaton is a rhetorical technique used to emphasize an idea by repeating it rapidly using slightly different words that have the same or a very similar meaning." + }, + { + "knowledge": [], + "long_answer": "In rhetoric, Parallel Syntax (also known as parallel construction and parallelism) is a rhetorical device that consists of repetition among adjacent sentences or clauses. The repeated sentences or clauses provides emphasis to a center theme or idea the author is trying to convey. Schesis onomaton is a rhetorical technique used to emphasize an idea by repeating it rapidly using slightly different words that have the same or a very similar meaning." + } + ], + "sample_id": "-4891954000928831702", + "question": "The repetition of phrases or sentences with similar structures or meanings is called?", + "docs": [ + { + "id": "9138742", + "title": "Repetition (rhetorical device)", + "text": "Repetition (rhetorical device) Repetition is the simple repeating of a word, within a short space of words (including in a poem), with no particular placement of the words to secure emphasis. It is a multilinguistic written or spoken device, frequently used in English and several other languages, and so rarely termed a figure of speech. Its forms, many of which are listed below, have varying resonances to listing (forms of enumeration, such as \"Firstly, Secondly, Thirdly and lastly...\"), as a matter of trite logic often similar in effect. It features in famous poems such as: The life that I have
", + "score": 0.7353515625, + "summary": "Relevant. The repetition of phrases or sentences with similar structures or meanings is called repetition, according to the document.", + "extraction": "\"The repetition of phrases or sentences with similar structures or meanings is called\" is not mentioned in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "6131314", + "title": "Imitation (music)", + "text": "(except perhaps transposed), it is called strict imitation. A round is thus an example of strict imitation. Repetition is defined as the repetition of a phrase or melody often with variations in key, rhythm, and voice. Different authors define imitation somewhat differently: The point of imitation, \"marks the beginning of a series of imitative entries in a contrapuntal composition.\" In counterpoint, imitation occurs in a second voice, usually at a different pitch. A short phrase treated imitatively is called an attacco. In European classical music, imitative writing was featured heavily in the highly polyphonic compositions of the Renaissance and Baroque", + "score": 0.71728515625, + "summary": "The document discusses imitation in music, including strict imitation and repetition of phrases or melodies with variations. It also mentions the point of imitation in contrapuntal compositions and attacco for a short phrase treated imitatively. However, it does not directly answer the question about the repetition of phrases or sentences with similar structures or meanings.", + "extraction": "The repetition of a phrase or melody, often with variations in key, rhythm, and voice, is defined as repetition. Different authors define imitation somewhat differently, but the point of imitation marks the beginning of a series of imitative entries in a contrapuntal composition." + }, + { + "id": "18363496", + "title": "The Elements of Eloquence", + "text": "when the more natural wording would be \"Stone walls do not make a prison\", adding that in any case the statement is \"factually incorrect\". Repetition of the last word of a preceding clause. Forsyth give this example: A sentence that is not complete grammatically before the final clause or phrase, such as Rudyard Kipling's poem \"If\u2014\" Forsyth contrasts hypotaxis, as a complex style of writing using many subordinate clauses, with parataxis, a style of writing in short, simple sentences. The close repetition of a word or phrase, separated by a word or words. Forsyth says the line \"Bond, James Bond\"", + "score": 0.7138671875, + "summary": "The document is irrelevant to the question of interest.", + "extraction": "The repetition of phrases or sentences with similar structures or meanings is called \"the close repetition of a word or phrase, separated by a word or words.\"" + }, + { + "id": "16425161", + "title": "Repetition (Handke novel)", + "text": "Repetition (Handke novel) Repetition () is a 1986 novel by the Austrian writer Peter Handke. It tells the story of an Austrian of mixed German and Slovenian heritage, who goes to communist Yugoslavia in a search for identity. David Pryce-Jones of \"The New York Times\" wrote \"The intention is to shatter Austrian complacency, utterly to reject the national conspiracy of silence and evasion, so that the Austrian at last can be his own man. Admirable as this would be, Mr. Handke is not the writer for it. To some extent, the alienation of this novel is attributable to the deliberate", + "score": 0.70947265625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "8950470", + "title": "Repetition (music)", + "text": "syntactic conventions of music-historical traditions\" (Middleton 1990, p. 268). Thus Middleton (also 1999) distinguishes between discursive and musematic repetition. A museme is a minimal unit of meaning, analogous to morpheme in linguistics, and musematic repetition is \"at the level of the short figure, often used to generate an entire structural framework.\" Discursive repetition is \"at the level of the phrase or section, which generally functions as part of a larger-scale 'argument'.\" He gives \"paradigmatic case[s]\": the riff and the phrase. Musematic repetition includes circularity, synchronic relations, and openness. Discursive repetition includes linearity, rational control, and self-sufficiency. Discursive repetition is most", + "score": 0.70947265625, + "summary": "irrelevant.", + "extraction": "\"The repetition of phrases or sections, which generally functions as part of a larger-scale 'argument'.\"" + }, + { + "id": "2732455", + "title": "Stylistic device", + "text": "scene, but may infer from it that it is actually the feud that has trapped him. Note also the diction used within the imagery: words like \"forked\" and \"fallen\" imply a kind of hell that he is trapped in. When a word, phrase, image, or idea is repeated throughout a work or several works of literature. For example, in Ray Bradbury's short story, \"There Will Come Soft Rains\", he describes a futuristic \"smart house\" in a post-nuclear-war time period. All life is dead except for one dog, which dies in the course of the story. However, Bradbury mentions mice, snakes,", + "score": 0.70556640625, + "summary": "Irrelevant.", + "extraction": "\"When a word, phrase, image, or idea is repeated throughout a work or several works of literature.\"" + }, + { + "id": "2070590", + "title": "Biblical poetry", + "text": "frequent employment of the so-called anadiplosis, a mode of speech in which the phrase at the end of one sentence is repeated at the beginning of the next, as, for instance, in the passages \"they came not to the help of the Lord [i.e., to protect God's people], to the help of the Lord against the mighty\" (Judges 5:23; compare [5:11a] and [5:19a-20a, b]), and \"From whence shall my help come? My help cometh from the Lord\" (Psalm 121:1b-2a, R. V.). Many similar passages occur in fifteen of the Psalms, 120-134, which also contain an unusual number of epanalepsis, or", + "score": 0.705078125, + "summary": "The document discusses the frequent use of anadiplosis in Biblical poetry, which is the repetition of a phrase at the end of one sentence at the beginning of the next sentence. Examples of this can be found in Judges 5:23 and Psalm 121:1b-2a.", + "extraction": "The repetition of phrases or sentences with similar structures or meanings is called anadiplosis." + }, + { + "id": "1469455", + "title": "Reduplication", + "text": "others are formed by partial reduplication, as in \u304c\u3055\u3055\u301c \"ga-sa-sa-\" (rustling) \u2013 compare English \"\"a\"-ha-ha-ha\". Words called t\u1eeb l\u00e1y are found abundantly in Vietnamese. They are formed by repeating a part of a word to form new words, altering the meaning of the original word. Its effect is to sometimes either increase or decrease the intensity of the adjective, or to generalize a word's meaning. It is often used as a literary device (like alliteration) in poetry and other compositions but is also prevalent in everyday speech. In some cases, the word's tone may be reduplicated in addition to an", + "score": 0.70263671875, + "summary": "Reduplication is the repetition of phrases or sentences with similar structures or meanings. This literary device is often used in poetry and everyday speech, with examples found in Vietnamese language.", + "extraction": "\"The repetition of phrases or sentences with similar structures or meanings is called\" is not mentioned in the passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "17624076", + "title": "Parallel syntax", + "text": "Parallel syntax In rhetoric, Parallel Syntax (also known as parallel construction and parallelism) is a rhetorical device that consists of repetition among adjacent sentences or clauses. The repeated sentences or clauses provides emphasis to a center theme or idea the author is trying to convey. In language, syntax is the structure of a sentence, so this can also be called parallel sentence structure. This rhetorical tool improves the flow of a sentence, making it more concise by eliminating unnecessary words that could distract the reader from the main point. Parallel structure is like the derived conjunction analysis because it assumes", + "score": 0.7021484375, + "summary": "The repetition of phrases or sentences with similar structures or meanings is called Parallel Syntax, also known as parallel construction and parallelism, which is a rhetorical device that improves the flow of a sentence and emphasizes the center theme or idea.", + "extraction": "The repetition among adjacent sentences or clauses is called parallel syntax or parallel construction or parallelism." + }, + { + "id": "11538871", + "title": "Vietnamese morphology", + "text": "careless to some) is to omit hyphens and write all polysyllabic words with a space between each syllable. Reduplication, the process of creating a new word by repeating either a whole word or part of a word, is very productive in Vietnamese (as in other Austro-Asiatic languages), although not all reduplicative patterns remain fully productive. Its effect is to sometimes either increase or decrease the intensity of the adjective, and is often used as a literary device (like alliteration) in poetry and other compositions, as well as in everyday speech. Examples of reduplication increasing intensity: Examples of reduplication decreasing intensity:", + "score": 0.70068359375, + "summary": "Irrelevant.", + "extraction": "\"repetition of phrases or sentences with similar structures or meanings\" is called \"reduplication\" in Vietnamese, which is a process of creating a new word by repeating either a whole word or part of a word. It is often used as a literary device in poetry and other compositions, as well as in everyday speech." + }, + { + "id": "16425162", + "title": "Repetition (Handke novel)", + "text": "distancing of its style.\" Pryce-Jones continued: \"More crucially, \"Repetition\" reveals one man set so implacably against his fellows that he can do nothing but pity himself and hate them. Surrender to these reactions serves to extend the Nazi legacy rather than to destroy it. New beginnings without humanity are not new beginnings at all.\" Repetition (Handke novel) Repetition () is a 1986 novel by the Austrian writer Peter Handke. It tells the story of an Austrian of mixed German and Slovenian heritage, who goes to communist Yugoslavia in a search for identity. David Pryce-Jones of \"The New York Times\" wrote", + "score": 0.69873046875, + "summary": "Irrelevant.", + "extraction": "\"Irrelevant\"" + }, + { + "id": "14107366", + "title": "Speech repetition", + "text": "nasalization, and timing, through their vocal movements are made in a different way from those of the human vocal apparatus. Apes taught language show an ability to imitate language signs with chimpanzees such as Washoe who was able to learn with his arms a vocabulary of 250 American Sign Language gestures. However, such human trained apes show no ability to imitate human speech vocalizations. Speech repetition Speech repetition is the saying by one individual of the spoken vocalizations made by another individual. This requires the ability in the person making the copy to map the sensory input they hear from", + "score": 0.69873046875, + "summary": "Irrelevant.", + "extraction": "Speech repetition is the saying by one individual of the spoken vocalizations made by another individual." + }, + { + "id": "4122054", + "title": "Song structure", + "text": "is being expressed lyrically and musically. It is repeated throughout the song, and the melody and lyric rarely vary.\" A refrain is, \"a repeated line or musical phrase that ties a song together...A refrain is only a phrase, or a word, while a chorus contains many more words.\" A refrain is a repetitive phrase or phrases that serve the function of a chorus lyrically, but are not in a separate section or long enough to be a chorus. For example, refrains are found in The Beatles' \"She Loves You\" (\"yeah, yeah, yeah\") AC/DC's \"You Shook Me All Night Long\", Paul", + "score": 0.69775390625, + "summary": "A repetitive phrase or phrases that serve the function of a chorus lyrically, but are not in a separate section or long enough to be a chorus, is called a refrain.", + "extraction": "\"A repetitive phrase or phrases that serve the function of a chorus lyrically, but are not in a separate section or long enough to be a chorus.\"" + }, + { + "id": "17624082", + "title": "Parallel syntax", + "text": "wield incredible amounts of persuasive power. Parallel syntax In rhetoric, Parallel Syntax (also known as parallel construction and parallelism) is a rhetorical device that consists of repetition among adjacent sentences or clauses. The repeated sentences or clauses provides emphasis to a center theme or idea the author is trying to convey. In language, syntax is the structure of a sentence, so this can also be called parallel sentence structure. This rhetorical tool improves the flow of a sentence, making it more concise by eliminating unnecessary words that could distract the reader from the main point. Parallel structure is like the", + "score": 0.697265625, + "summary": "The repetition of phrases or sentences with similar structures or meanings is called \"Parallel Syntax\" or \"Parallel Construction\" in rhetoric. It is a rhetorical device that provides emphasis to a central theme or idea, improves sentence flow, and eliminates unnecessary words.", + "extraction": "\"Parallel Syntax (also known as parallel construction and parallelism) is a rhetorical device that consists of repetition among adjacent sentences or clauses. The repeated sentences or clauses provides emphasis to a center theme or idea the author is trying to convey. In language, syntax is the structure of a sentence, so this can also be called parallel sentence structure.\"" + }, + { + "id": "2732457", + "title": "Stylistic device", + "text": "literary terminology, a paradox is an apparent contradiction that is nevertheless somehow true. Paradox can take the form of an oxymoron, overstatement or understatement. Paradox can blend into irony. The repetition of identical or similar sounds, usually accented vowel sounds and succeeding consonant sounds at the end of words, and often at the ends of lines of prose or poetry. For example, in the following lines from a poem by A.E. Housman, the last words of both lines rhyme with each other. Alliteration is the repetition of consonant sounds at the beginning of words. Alliteration is used by an author", + "score": 0.693359375, + "summary": "Irrelevant.", + "extraction": "\"The repetition of identical or similar sounds, usually accented vowel sounds and succeeding consonant sounds at the end of words, and often at the ends of lines of prose or poetry.\"" + }, + { + "id": "5445197", + "title": "Palilalia", + "text": "contrast to stuttering or logoclonia, palilalic repetitions tend to consist of complete sections of words or phrases, are often repeated many times, and the speaker has no difficulty initiating speech. Palilalia Palilalia (from the Greek \u03c0\u03ac\u03bb\u03b9\u03bd (\"p\u00e1lin\") meaning \"again\" and \u03bb\u03b1\u03bb\u03b9\u03ac (\"lali\u00e1\") meaning \"speech\" or \"to talk\"), a complex tic, is a language disorder characterized by the involuntary repetition of syllables, words, or phrases. It has features resembling other complex tics such as echolalia or coprolalia, but, unlike other aphasias, palilalia is based upon contextually correct speech. It was originally described by Alexandre-Achille Souques in a patient with stroke that", + "score": 0.693359375, + "summary": "The repetition of phrases or sentences with similar structures or meanings is called palilalia, which is a language disorder characterized by the involuntary repetition of syllables, words, or phrases.", + "extraction": "\"The repetition of syllables, words, or phrases\" is called palilalia." + }, + { + "id": "14107344", + "title": "Speech repetition", + "text": "Speech repetition Speech repetition is the saying by one individual of the spoken vocalizations made by another individual. This requires the ability in the person making the copy to map the sensory input they hear from the other person's vocal pronunciation into a similar motor output with their own vocal tract. Such speech input output imitation often occurs independently of speech comprehension such as in speech shadowing when a person automatically says words heard in earphones, and the pathological condition of echolalia in which people reflexively repeat overheard words. This links to speech repetition of words being separate in the", + "score": 0.69140625, + "summary": "Speech repetition is discussed in the document, but there is no direct answer to the question of what the repetition of phrases or sentences with similar structures or meanings is called.", + "extraction": "\"The repetition of phrases or sentences with similar structures or meanings\" is not mentioned in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "8950468", + "title": "Repetition (music)", + "text": "Repetition (music) Repetition is important in music, where sounds or sequences are often repeated. It may be called restatement, such as the restatement of a theme. While it plays a role in all music, with noise and musical tones lying along a spectrum from irregular to periodic sounds,(Moravcsik, 114)(Rajagopal, ) it is especially prominent in specific styles. A literal repetition of a musical passage is often indicated by the use of a repeat sign, or the instructions da capo or dal segno. Theodor Adorno criticized repetition and popular music as being psychotic and infantile. In contrast, Richard Middleton (1990) argues", + "score": 0.69091796875, + "summary": "Relevant, but does not provide the answer to the question of interest.", + "extraction": "\"The repetition of phrases or sentences with similar structures or meanings\" is not mentioned in the given passage, so the answer is \"irrelevant\"." + }, + { + "id": "4683350", + "title": "Rhetorica ad Herennium", + "text": "convey elegance while one should use conjunction more frequently for its brevity. Reduplication is the repetition of words for emphasis or an appeal to pity. Synonymy or Interpretation is similar to reduplication, only instead of repeating the same word it replaces it with a synonym. Reciprocal change is when two differing thoughts are arranged so that one follows the other despite the discrepancy (example: I do not write poems, because I cannot write the sort I wish, and I do not wish to write the sort I can). Surrender evokes pity by submitting to another\u2019s opinion on the topic. A", + "score": 0.68896484375, + "summary": "Reduplication is the repetition of phrases or sentences with similar structures or meanings.", + "extraction": "Reduplication is the repetition of words for emphasis or an appeal to pity. Synonymy or Interpretation is similar to reduplication, only instead of repeating the same word it replaces it with a synonym." + }, + { + "id": "176814", + "title": "Homer", + "text": "like Virgil or Milton use longer and more complicated syntactical structures. Homer then expands on these ideas in subsequent clauses; this technique is called parataxis. The so-called 'type scenes' (\"typischen Scenen\"), were named by Walter Arend in 1933. He noted that Homer often, when describing frequently recurring activities such as eating, praying, fighting and dressing, used blocks of set phrases in sequence that were then elaborated by the poet. The 'Analyst' school had considered these repetitions as un-Homeric, whereas Arend interpreted them philosophically. Parry and Lord noted that these conventions are found in many other cultures. 'Ring composition' or chiastic", + "score": 0.6884765625, + "summary": "Parataxis is the technique used by Homer to expand on ideas in subsequent clauses. The repetition of phrases or sentences with similar structures or meanings is not mentioned.", + "extraction": "The repetition of phrases or sentences with similar structures or meanings is called \"type scenes\", which Homer often uses when describing frequently recurring activities such as eating, praying, fighting, and dressing. These blocks of set phrases are then elaborated by the poet." + }, + { + "id": "2209798", + "title": "Anaphora (rhetoric)", + "text": "Anaphora (rhetoric) In rhetoric, an anaphora (, \"carrying back\") is a rhetorical device that consists of repeating a sequence of words at the beginnings of neighboring clauses, thereby lending them emphasis. In contrast, an epistrophe (or epiphora) is repeating words at the clauses' ends. The combination of anaphora and epistrophe results in symploce. Other than the function of emphasizing ideas, the use of anaphora as a rhetorical device adds rhythm to a word as well as making it more pleasurable to read and easier to remember. Anaphora is repetition at the beginning of a sentence to create emphasis. Anaphora serves", + "score": 0.68701171875 + }, + { + "id": "5445192", + "title": "Palilalia", + "text": "most commonly in Tourette syndrome and may be present in neurodegenerative disorders like Alzheimer's disease and progressive supranuclear palsy. Palilalia is defined as the repetition of the speaker's words or phrases, often for a varying number of repeats. Repeated units are generally whole sections of words and are larger than a syllable, with words being repeated the most often, followed by phrases, and then syllables or sounds. Palilalic repetitions are often spoken with decreasing volume and speed up over time. A 2007 case study by Van Borsel \"et al.\" examined the acoustic features in palilalia. AB, a 60-year-old male was", + "score": 0.685546875 + }, + { + "id": "3785327", + "title": "Echolalia", + "text": "Echolalia Echolalia (also known as echologia or echophrasia) is defined as the unsolicited repetition of vocalizations made by another person (by the same person is called palilalia). In its profound form it is automatic and effortless. It is one of the echophenomena, closely related to echopraxia, the automatic repetition of movements made by another person; both are \"subsets of imitative behavior\" whereby sounds or actions are imitated \"without explicit awareness\". Echolalia may be an immediate reaction to a stimulus or may be delayed. The word \"echolalia\" is derived from the Greek , meaning \"echo\" or \"to repeat\", and (\"lali\u00e1\") meaning", + "score": 0.68408203125 + }, + { + "id": "7626636", + "title": "Homeoteleuton", + "text": "Homeoteleuton Homeoteleuton, also spelled homoeoteleuton and homoioteleuton (from the Greek ', \"homoioteleuton\", \"like ending\"), is the repetition of endings in words. Homeoteleuton is also known as near rhyme. Homeoteleuton (homoioteleuton) was first identified by Aristotle in his \"Rhetoric\", where he identifies it as two lines of verse which end with words having the same ending. He uses the example of \u1fa6\u03b7\u03b8\u03b7\u03c3\u03b1\u03bd \u03b1\u1f50\u03c4\u1f78\u03bd \u03c0\u03b1\u03af\u03b4\u03b9\u03bf\u03bd \u03c4\u03b5\u03c4\u03bf\u03ba\u03ad\u03bd\u03b1\u03b9
\u1f00\u03bb\u03bb' \u03b1\u1f50\u03c4\u03bf\u1fe6 \u03b1\u1f34\u03c4\u03b9\u03bf\u03bd \u03b3\u03b5\u03b3\u03bf\u03bd\u03ad\u03bd\u03b1\u03b9 (1410a20) \"\u014di\u0113th\u0113san auton paidion tetokenai,\"
\"all' autou aition gegonenai\" (1410a20) they thought that he was the father of a child,
but that he was the cause of it (1410a20) In Latin rhetoric", + "score": 0.68408203125 + }, + { + "id": "17345203", + "title": "Tautology (language)", + "text": "Tautology (language) In literary criticism and rhetoric, a tautology is a statement which repeats the same idea, using near-synonymous morphemes, words, or phrases, that is, \"saying the same thing twice\". Tautology and pleonasm are not consistently differentiated in the literature. Like pleonasm, it is often considered a fault of style when unintentional. On the other hand, an intentional repetition may be an effective way to emphasize a thought, or help the listener or reader understand a point. Sometimes logical tautologies like \"Boys will be boys\" are conflated with language tautologies, but in general, a rhetorical tautology is not inherently true.", + "score": 0.68408203125 + }, + { + "id": "13097526", + "title": "Of Modern Poetry", + "text": "final words of these lines have unaccented syllables. The opening line quoted above has a weak ending--\"The poem of the mind in the act of finding. . . .\" This dissipation of rhetorical strength is carried further by the poet's not placing the repeated parallel phrases at the beginning of lines, a device called \"anaphora\", where they would be much stronger. For instance, immediately after the first break, traditional typography might have arranged the words like this: Rearranging the words as they are above makes the rhetorical weakness of the original lines more apparent. \"Think about war\" and \"find what", + "score": 0.68359375 + }, + { + "id": "2821948", + "title": "TPR Storytelling", + "text": "number of new vocabulary phrases to be learned in each lesson is usually no more than three. More words than this may be introduced during the lesson, but the three phrases are the only ones that the students will be \"expected\" to know. Secondly, these vocabulary phrases are repeated many, many times, in context, using the \"circling\" technique. This repetition helps the students to internalize the words thoroughly. In addition, the same words are used during the class reading, giving even more repetition. If after this the students still aren't comfortable with the target words, the teacher can simply tell", + "score": 0.68359375 + }, + { + "id": "5753891", + "title": "The Last Samurai (novel)", + "text": "forcing the readers to sense with Sibylla\u2019s perception and feelings. The story starts out with Sibylla trying to decipher a line of German, which she translates to \u201cIt is truly something and something which the something with the something of this something...\u201d(17). Repetition is a common literary device used to put emphasis on phrases and/or ideas; however, since Dewitt repeats the word \u201csomething\u201d over and over again, specifically eleven times, this sentence feels rather unconventional. Repetition is a common literary device used to put emphasis on phrases and/or ideas; however, since Dewitt repeats the word \u201csomething\u201d over and over again,", + "score": 0.681640625 + }, + { + "id": "9138743", + "title": "Repetition (rhetorical device)", + "text": "Is all that I have
And the life that I have
Is yours.
The love that I have
Of the life that I have
Is yours and yours and yours.
A sleep I shall have
A rest I shall have
Yet death will be but a pause.
For the peace of my years
In the long green grass
Will be yours and yours and yours. (Leo Marks) Repetition (rhetorical device) Repetition is the simple repeating of a word, within a short space of words (including in a poem), with no particular placement of the words to secure emphasis. It is", + "score": 0.681640625 + }, + { + "id": "1469418", + "title": "Reduplication", + "text": "Reduplication Reduplication in linguistics is a morphological process in which the root or stem of a word (or part of it) or even the whole word is repeated exactly or with a slight change. Reduplication is used in inflections to convey a grammatical function, such as plurality, intensification, etc., and in lexical derivation to create new words. It is often used when a speaker adopts a tone more \"expressive\" or figurative than ordinary speech and is also often, but not exclusively, iconic in meaning. Reduplication is found in a wide range of languages and language groups, though its level of", + "score": 0.6806640625 + }, + { + "id": "18363498", + "title": "The Elements of Eloquence", + "text": "the noise and the city'\". Repetition of a word or words at the end of successive phrases, clauses or sentences for emphasis. Forsyth quotes: A sentence composed of three equal parts. Forsyth cites France's motto (Libert\u00e9, \u00e9galit\u00e9, fraternit\u00e9). Repetition of a word or phrase for emphasis. For example: Where a word, used with two other parts of a sentence, must be understood differently in relation to each. A sentence is composed of two parts equivalent in structure, length and rhythm. Other sources suggest at least two equivalent parts. A deliberate grammatical mistake. Forsyth discusses the effect of different verse forms", + "score": 0.6796875 + }, + { + "id": "5445190", + "title": "Palilalia", + "text": "Palilalia Palilalia (from the Greek \u03c0\u03ac\u03bb\u03b9\u03bd (\"p\u00e1lin\") meaning \"again\" and \u03bb\u03b1\u03bb\u03b9\u03ac (\"lali\u00e1\") meaning \"speech\" or \"to talk\"), a complex tic, is a language disorder characterized by the involuntary repetition of syllables, words, or phrases. It has features resembling other complex tics such as echolalia or coprolalia, but, unlike other aphasias, palilalia is based upon contextually correct speech. It was originally described by Alexandre-Achille Souques in a patient with stroke that resulted in left-side hemiplegia, although a condition described as auto-echolalia in 1899 by \u00c9douard Brissaud may have been the same condition. Palilalia is considered an aphasia, a disorder of language,", + "score": 0.677734375 + }, + { + "id": "1469467", + "title": "Reduplication", + "text": "Grong and Book Book. Citations Reduplication Reduplication in linguistics is a morphological process in which the root or stem of a word (or part of it) or even the whole word is repeated exactly or with a slight change. Reduplication is used in inflections to convey a grammatical function, such as plurality, intensification, etc., and in lexical derivation to create new words. It is often used when a speaker adopts a tone more \"expressive\" or figurative than ordinary speech and is also often, but not exclusively, iconic in meaning. Reduplication is found in a wide range of languages and language", + "score": 0.67724609375 + }, + { + "id": "8950478", + "title": "Repetition (music)", + "text": "some black metal bands like Burzum, Darkthrone, Forgotten Woods, Lustre and Striborg. Repetition (music) Repetition is important in music, where sounds or sequences are often repeated. It may be called restatement, such as the restatement of a theme. While it plays a role in all music, with noise and musical tones lying along a spectrum from irregular to periodic sounds,(Moravcsik, 114)(Rajagopal, ) it is especially prominent in specific styles. A literal repetition of a musical passage is often indicated by the use of a repeat sign, or the instructions da capo or dal segno. Theodor Adorno criticized repetition and popular", + "score": 0.67724609375 + }, + { + "id": "5835482", + "title": "Onondaga language", + "text": "a clearly distinct meaning, rather their meaning varies depending on context. The list of these includes repetitive, cislocative, dualic, translocative, partitive, coincident, contrastive, and negative. The repetitive morpheme adds the meaning of doing something again or repeating some-thing. The basic form of the repetitive morpheme is /s-/. Here are some examples. Example (37) has the prepronominal prefix /sa-/, which is a combination of both repetitive and factual mood. Example (38) has the prepronominal prefix /\u0119s-/, which is a combination of repetitive and future. These contrast with example (39), which does not have the repetitive morpheme. The cislocative (CLOC) morpheme is", + "score": 0.6767578125 + }, + { + "id": "8950473", + "title": "Repetition (music)", + "text": "characteristic of all musicians, especially contemporary, and the dialectic [conversation] between the two creates musical form.(Campbell, 154) Types of repetition include \"exact repetition\" (aaa), \"repetition after digression\" (aba or aba'), and \"nonrepetition\" (abcd). Copland and Slatkin offer \"Au clair de la lune\" and \"Ach! du lieber Augustin\" as examples of aba, and \"The Seeds of Love\" as an example of the last.(Copland & Slatkin, ) At the tone level, repetition creates a drone. Some music features a relatively high degree of repetition in its creation or reception. Examples include minimalist music, krautrock, disco (and its later derivatives such as house", + "score": 0.67626953125 + }, + { + "id": "5527447", + "title": "Musica poetica", + "text": "of Classical oratory: for example, a rising or falling sequence in music was usually called climax in the literature of \"musica poetica\". However, it must be pointed out that such analogies were not always direct: terms used in \"musica poetica\" do not always correspond equivalently to their rhetorical counterparts (for example, in oratory, \"anaphora\" means a straightforward repetition of a word, but in music it can denote various kinds of repetitive device, such as the development of a subject through imitation (fugue); also, the presence of a rhetorical figure in the text being set to music did not imply an", + "score": 0.67578125 + }, + { + "id": "2809390", + "title": "Blue's Clues", + "text": "material, and because it was more cognitively demanding to understand and solve the problems presented. After five viewings, more of the viewers' cognitive resources were available for interaction and participation, so they answered more questions. Episode repetition seemed to empower viewers, as shown in their enthusiastic efforts to solve the problems presented to them. Repetition, which the researchers called \"an inexpensive tool to maximize comprehension,\" improved comprehension, held children's attention, and increased audience participation. Children were not only tolerant of repetition, they were \"positively enthusiastic\" about it. Nielsen ratings of the show's first season, when the same episode was shown", + "score": 0.67578125 + }, + { + "id": "693198", + "title": "Alliteration", + "text": "Alliteration In literature, alliteration is the conspicuous repetition of identical initial consonant sounds in successive or closely associated syllables within a group of words, even those spelled differently. As a method of linking words for effect, alliteration is also called head rhyme or initial rhyme. For example, \"\"h\"umble \"h\"ouse,\" or \"\"p\"otential \"p\"ower \"p\"lay.\" A familiar example is \"\"P\"eter \"P\"iper \"p\"icked a \"p\"eck of \"p\"ickled \"p\"eppers\". \"Alliteration\" is from the Latin word \"littera\", meaning \"letter of the alphabet\"; it was first coined in a Latin dialogue by the Italian humanist Giovanni Pontano in the 15th century. Some literary experts accept as", + "score": 0.67578125 + }, + { + "id": "6859874", + "title": "Parallelism (rhetoric)", + "text": "verses possess \"similarity in structure\" in words and phrases: In the quote above, the compounded adjectives serve as parallel elements and support the noun \"law\". In the above quote, three prepositional phrases produce the parallel structure supporting the noun \"purpose\". Note that this rhetorical device requires that the coordinate elements agree with one another grammatically: \"nouns with nouns, prepositional phrases with prepositional phrases and adverb clauses with adverb clauses.\" When the coordinate elements possess that same number of words (or in the example below, the same number of syllables) the scheme is termed isocolon: Parallelisms of various sorts are the", + "score": 0.6748046875 + }, + { + "id": "236345", + "title": "Language", + "text": "complex sentences are structured by grouping words together in units, called phrases, that can occupy different places in a larger syntactic structure. Sentences can be described as consisting of phrases connected in a tree structure, connecting the phrases to each other at different levels. To the right is a graphic representation of the syntactic analysis of the English sentence \"the cat sat on the mat\". The sentence is analyzed as being constituted by a noun phrase, a verb, and a prepositional phrase; the prepositional phrase is further divided into a preposition and a noun phrase, and the noun phrases consist", + "score": 0.673828125 + }, + { + "id": "693199", + "title": "Alliteration", + "text": "alliteration the repetition of vowel sounds, or repetition at the end of words. Alliteration narrowly refers to the repetition of a letter in any syllables that, according to the poem's meter, are stressed, as in James Thomson's verse \"Come\u2026dragging the \"l\"azy \"l\"anguid \"l\"ine a\"l\"ong\". Consonance is a broader literary device identified by the repetition of consonant sounds at any point in a word (for example, co\"m\"ing ho\"m\"e, ho\"t\" foo\"t\"). Alliteration is a special case of consonance where the repeated consonant sound is in the stressed syllable. Alliteration may also refer to the use of different but similar consonants, such as", + "score": 0.673828125 + }, + { + "id": "5203084", + "title": "Redundancy (linguistics)", + "text": "wording, similar to double negation); however, it remains a linguistically valid way of placing emphasis on some expressed idea. Through the use of repetition of certain concepts, redundancy increases the odds of predictability of a message's meaning and understanding to others. Redundancy typically takes the form of tautology: phrases that repeat a meaning with different though semantically similar words. Common examples are: \"a variety of different items\", \"an added bonus\", \"to over-exaggerate\", \"and etc.\", \"end result\", \"free gift\", \"future plans\", \"unconfirmed rumor\", \"to kill or murder someone to death\", \"past history\", \"safe haven\", \"potential hazard\", \"completely surrounded\", \"false pretense\", and", + "score": 0.673828125 + }, + { + "id": "4829418", + "title": "Syntactic hierarchy", + "text": "of the language), is its adherence to the language's phrase structure rules, allowing a language to generate large numbers of sentences. Languages cross-linguistically differ in their phrase structure rules, resulting in the difference of order of the NP and VP, and other phrases included in a sentence. Languages which do have the similar phrase structure rules, however, will translate so that a sentence from one language will be grammatical when translated into the target language. French example: The French sentence directly translates to English, demonstrating that the phrase structures of both languages are very similar. The idea that words combine", + "score": 0.6728515625 + }, + { + "id": "5930915", + "title": "Meisner technique", + "text": "well as \"interpreting a script, and creating the specific physical characteristics of each character the actor played\". An example of a technique Meisner invented to train actors' responses is called the Repetition Exercise: \"\"In this exercise, two actors sit across from each other and respond to each other through a repeated phrase. The phrase is about each other's behavior, and reflects what is going on between them in the moment, such as \"You look unhappy with me right now.\" The way this phrase is said as it is repeated changes in meaning, tone and intensity to correspond with the behavior", + "score": 0.67236328125 + }, + { + "id": "7668198", + "title": "Itza\u2019 language", + "text": "vocabulary of pre-contact Itza. Discourse in Itza' is marked by its heavy use of repetition and linguistic parallelism. Words and linguistic constructions are often repeated throughout a sentence order to draw emphasis to what is being spoken. The resulting sentences are thus composed of several, complete phrases such as in the sentence: The repetition of the pronoun \"in-ten\" and the verb \"k-im-b'el\", as well as the near-repetition of the pronoun \"eech/tech\", is typical of Itza' discourse. Such literary style is comparable to parataxis in English, a style of discourse where simple, coordinating sentences are preferred over long, subordinating sentences. Discourse,", + "score": 0.671875 + }, + { + "id": "2809366", + "title": "Blue's Clues", + "text": "encouraged by the use of repetition, both within the structure of individual episodes and across multiple episodes. The producers used a variety of formal features, which were auditory, and content features, which consisted of invitations given to the audience, such as \"Will you help?\" The features were also in the form of both recurrent and unique formats and content. The purpose of the recurrent formats and content, which were similar in every episode, was to increase viewers' attention, comprehension, and participation during key educational lessons. Nickelodeon originally aired the same episode daily for five days before showing the next one.", + "score": 0.671875 + }, + { + "id": "2865151", + "title": "Strophic form", + "text": "Strophic form Strophic form, also called verse-repeating or chorus form, is the term applied to songs in which all verses or stanzas of the text are sung to the same music. The opposite of strophic form, with new music written for every stanza, is called through-composed. The term is derived from the Greek word , \"stroph\u0113\", meaning \"turn\". It is the simplest and most durable of musical forms, extending a piece of music by repetition of a single formal section. This may be analyzed as \"A A A...\". This additive method is the musical analogue of repeated stanzas in poetry", + "score": 0.6708984375 + }, + { + "id": "6046230", + "title": "When Lilacs Last in the Dooryard Bloom'd", + "text": "of death's inevitability and hope for immortality. According to literary scholar James Perrin Warren, Whitman's long, musical lines rely on three important techniques\u2014syntactic parallelism, repetition, and cataloguing. Repetition is a device used by an orator or poet to lend persuasive emphasis to the sentiment, and \"create a driving rhythm by the recurrence of the same sound, it can also intensify the emotion of the poem\". It is described as a form of parallelism that resembles a litany. To achieve these techniques, Whitman employs many literary and rhetorical devices common to classical poetry and to the pastoral elegy to frame his", + "score": 0.6708984375 + }, + { + "id": "4623431", + "title": "Parallelism (grammar)", + "text": "Parallelism (grammar) In grammar, parallelism, also known as parallel structure or parallel construction, is a balance within one or more sentences of similar phrases or clauses that have the same grammatical structure. The application of parallelism affects readability and may make texts easier to process. Parallelism may be accompanied by other figures of speech such as antithesis, anaphora, asyndeton, climax, epistrophe, and symploce. Compare the following examples: All of the above examples are grammatically correct, even if they lack parallelism: \"cooking\", \"jogging\", and \"to read\" are all grammatically valid conclusions to \"She likes\", for instance. The first nonparallel example has", + "score": 0.67041015625 + }, + { + "id": "919532", + "title": "Chiasmus", + "text": "Chiasmus In rhetoric, chiasmus or, less commonly, chiasm (Latin term from Greek \u03c7\u03af\u03b1\u03c3\u03bc\u03b1, \"crossing\", from the Greek \u03c7\u03b9\u03ac\u03b6\u03c9, \"chi\u00e1z\u014d\", \"to shape like the letter \u03a7\") is a \"reversal of grammatical structures in successive phrases or clauses \u2013 but no repetition of words\". Chiasmus should not be confused with a subtype of this scheme, antimetabole, which also involves a reversal of grammatical structures in successive phrases or clauses, but unlike chiasmus, presents a repetition of words in an A-B-B-A configuration. \"Chiasmus\" balances words or phrases with similar, though not identical, meanings: \"But O, what damned minutes tells he o'er\" \"Who \"dotes\",", + "score": 0.66943359375 + }, + { + "id": "12357688", + "title": "I Have a Dream", + "text": "articulated in the Emancipation Proclamation, King says: \"It came as a joyous daybreak to end the long night of their captivity.\" Anaphora (i.e., the repetition of a phrase at the beginning of sentences) is employed throughout the speech. Early in his speech, King urges his audience to seize the moment; \"Now is the time\" is repeated three times in the sixth paragraph. The most widely cited example of anaphora is found in the often quoted phrase \"I have a dream\", which is repeated eight times as King paints a picture of an integrated and unified America for his audience. Other", + "score": 0.66943359375 + }, + { + "id": "4620833", + "title": "Polyptoton", + "text": "Polyptoton Polyptoton is the stylistic scheme in which words derived from the same root are repeated (such as \"strong\" and \"strength\"). A related stylistic device is antanaclasis, in which the same word is repeated, but each time with a different sense. Another related term is figura etymologica. In inflected languages polyptoton is the same word being repeated but appearing each time in a different case. (for example, \"Iuppiter\", \"Iovis\", \"Iovi\", \"Iovem\", \"Iove\" [in Latin being the nominative, genitive, dative, accusative, and ablative forms of \"Iuppiter\" (the god Jupiter), respectively]). The form is relatively common in Latin Christian poetry and prose", + "score": 0.6689453125 + }, + { + "id": "307501", + "title": "Poetry", + "text": "meaning or effect of its words without constructing a full allegory. Another element of poetic diction can be the use of vivid imagery for effect. The juxtaposition of unexpected or impossible images is, for example, a particularly strong element in surrealist poetry and haiku. Vivid images are often endowed with symbolism or metaphor. Many poetic dictions use repetitive phrases for effect, either a short phrase (such as Homer's \"rosy-fingered dawn\" or \"the wine-dark sea\") or a longer refrain. Such repetition can add a sombre tone to a poem, or can be laced with irony as the context of the words", + "score": 0.6689453125 + }, + { + "id": "10561238", + "title": "The Heresy of Paraphrase", + "text": "of the 'statement' which we abstract from it) resembles that of architecture or painting: it is a pattern of resolved stresses. Or, to move closer still to poetry by considering the temporal arts, the structure of a poem resembles that of a ballet or musical composition. It is a pattern of resolutions and balances and harmonizations, developed through a temporal scheme. Proper criticism responds with suppleness and delicacy to such patterns, rather than paraphrasing their propositional content. Central to \"The Heresy of Paraphrase\" was a vigorous critique of conventional distinctions between form and content: The structure meant is certainly not", + "score": 0.66845703125 + }, + { + "id": "12967100", + "title": "Priming (psychology)", + "text": "and \"chair\" belong to the same category. \"Repetition priming\", also called \"direct priming\", is a form of positive priming. When a stimulus is experienced, it is also primed. This means that later experiences of the stimulus will be processed more quickly by the brain. This effect has been found on words in the lexical decision task. In \"semantic priming\", the prime and the target are from the same semantic category and share features. For example, the word \"dog\" is a semantic prime for \"wolf\", because the two are similar animals. Semantic priming is theorized to work because of spreading activation", + "score": 0.66845703125 + }, + { + "id": "5578077", + "title": "Phraseology", + "text": "Phraseology In linguistics, phraseology is the study of set or fixed expressions, such as idioms, phrasal verbs, and other types of multi-word lexical units (often collectively referred to as \"phrasemes\"), in which the component parts of the expression take on a meaning more specific than or otherwise not predictable from the sum of their meanings when used independently. For example, \u2018Dutch auction\u2019 is composed of the words \"Dutch\" \u2018of or pertaining to the Netherlands\u2019 and \"auction\" \u2018a public sale in which goods are sold to the highest bidder\u2019, but its meaning is not \u2018a sale in the Netherlands where goods", + "score": 0.66845703125 + }, + { + "id": "5565131", + "title": "Kapingamarangi language", + "text": "For example, \"Kinae\" means \"him or her\"; therefore the gender must be translated through the context of a sentence or conversation. Reduplication is a common concept that appears in the Kapingamarangi language, and is relevant to understanding the grammar of Kapingamarangi. Reduplication is the repetition of a root word (Elbert, 1948). The reduplication of Kapingamarangi can be achieved in two different fashions: partial and full reduplication. The fully reduplicated form is generated by the full repetition of the base form, while partial reduplication is generated by partial repetition of the base form (Lieber & Dikepa, 1974). Reduplication usually depicts continued", + "score": 0.66845703125 + }, + { + "id": "1469457", + "title": "Reduplication", + "text": "to be pronounced twice. Reduplication in Khmer, like many Mon\u2013Khmer languages, can express complex thoughts. Khmer also uses a form of reduplication known as \"synonym compounding\", in which two phonologically distinct words with similar or identical meanings are combined, either to form the same term or to form a new term altogether. The wide use of reduplication is certainly one of the most prominent grammatical features of Malay (as well as of other South-East Asian and Austronesian languages). In Malay language, reduplication is a very productive process. It is used for expression of various grammatical functions (such as verbal aspect)", + "score": 0.66796875 + }, + { + "id": "1469419", + "title": "Reduplication", + "text": "linguistic productivity varies. \"Reduplication\" is the standard term for this phenomenon in the linguistics literature. Other terms that are occasionally used include \"cloning\", \"doubling\", \"duplication\", \"repetition\", and \"tautonym\" when it is used in biological taxonomies, such as \"Bison bison\". The origin of this usage of \"tautonym\" is uncertain, but it has been suggested that it is of relatively recent derivation. Reduplication is often described phonologically in one of two different ways: either (1) as reduplicated \"segments\" (sequences of consonants/vowels) or (2) as reduplicated \"prosodic units\" (syllables or moras). In addition to phonological description, reduplication often needs to be described morphologically", + "score": 0.66796875 + }, + { + "id": "20247246", + "title": "Lee Jenny", + "text": "emotional effects. In Lee Jenny\u2019s poetry, repetition of phrases strengthens lyrical rhythm. However, in a traditional sense, it is difficult to state that her works are lyrical poetry. This is because she is also very skilled at simulating the reader\u2019s thoughts by precisely organizing conceptual language. Early on, literary critics expressed the Lee Jenny\u2019s poetry do \u2018wordplay\u2019 by laying out similar words. However, for her repetition is only a device that is used to freely imagine. Repeating a word is an evidence that shows the poet\u2019s critical mind that attempts to stay between language and the object being described without", + "score": 0.66796875 + }, + { + "id": "12901429", + "title": "Singlish", + "text": "article.) Another feature strongly reminiscent of Chinese and Malay, verbs are often repeated (e.g., TV personality Phua Chu Kang's \"don't pray-pray!\" pray = play). In general verbs are repeated twice to indicate the delimitative aspect (that the action goes on for a short period), and three times to indicate greater length and continuity: The use of verb repetition also serves to provide a more vivid description of an activity: In another usage reminiscent of Chinese, nouns referring to people can be repeated for intimacy. Most commonly, monosyllabic nouns are repeated: However, occasionally reduplication is also found with bisyllabic nouns: Adjectives", + "score": 0.66796875 + }, + { + "id": "17631017", + "title": "Illusory truth effect", + "text": "was true, even though these same people were able to correctly answer the question \"What is the name of the short pleated skirt worn by Scots?\" After replicating these results in another experiment, Fazio and her team attributed this curious phenomenon to \"processing fluency\", a term that describes the facility with which people comprehend statements. \"Repetition,\" explained the researcher, \"makes statements easier to process (i.e. fluent) relative to new statements, leading people to the (sometimes) false conclusion that they are more truthful.\" When an individual hears something for a second or third time, their brain responds faster to it and", + "score": 0.66748046875 + }, + { + "id": "6859873", + "title": "Parallelism (rhetoric)", + "text": "Parallelism (rhetoric) Parallelism is a rhetorical device that compounds words or phrases that have equivalent meanings so as to create a definite pattern. This structure is particularly effective when \"specifying or enumerating pairs or series of like things\". A scheme of balance, parallelism represents \"one of the basic principles of grammar and rhetoric\". Parallelism as a rhetorical device is used in many languages and cultures around the world in poetry, epics, songs, written prose and speech, from the folk level to the professional. It is very often found in Biblical poetry and in proverbs in general. The following sentences and", + "score": 0.66748046875 + }, + { + "id": "6573341", + "title": "Formulaic language", + "text": "Formulaic language Formulaic language (previously known as automatic speech or embolalia) is a linguistic term for verbal expressions that are fixed in form, often non-literal in meaning with attitudinal nuances, and closely related to communicative-pragmatic context. Along with idioms, expletives and proverbs, formulaic language includes pause fillers (e.g., \"Like\", \"Er\" or \"Uhm\") and conversational speech formulas (e.g., \"You've got to be kidding,\" \"Excuse me?\" or \"Hang on a minute\"). The word embolalia comes from the Greek word \"embolos\" which means 'something thrown in', from the word \"emballo-\" meaning 'to throw in', and \"-lalia\" meaning 'speech, chattering and babbling; abnormal or", + "score": 0.6669921875 + }, + { + "id": "697769", + "title": "Titus Andronicus", + "text": "to the apparent deficiencies in the language as evidence of that claim. However, the quality of the language has had its defenders over the years, critics who argue that the play is more linguistically complex than is often thought, and features a more accomplished use of certain linguistic motifs than has hitherto been allowed for. One of the most basic such motifs is repetition. Several words and topics occur time and again, serving to connect and contrast characters and scenes, and to foreground certain themes. Perhaps the most obvious recurring motifs are those of honour, virtue and nobility, all of", + "score": 0.66650390625 + }, + { + "id": "8260090", + "title": "Semantic satiation", + "text": "Semantic satiation Semantic satiation (also semantic saturation) is a psychological phenomenon in which repetition causes a word or phrase to temporarily lose meaning for the listener, who then perceives the speech as repeated meaningless sounds. in place of repetition also produces the same effect. Leon Jakobovits James coined the phrase \"semantic satiation\" in his 1962 doctoral dissertation at McGill University. It was demonstrated as a stable phenomenon that is possibly similar to a cognitive form of reactive inhibition. Prior to that, the expression \"verbal satiation\" had been used along with terms that express the idea of mental fatigue. The dissertation", + "score": 0.666015625 + }, + { + "id": "10191287", + "title": "Contrastive focus reduplication", + "text": "their inflectional morphemes. The authors of the article that defined contrastive focus reduplication collected a corpus of examples in English. These include: The poem \"After the Funeral\" by Billy Collins contains many examples of contrastive focus reduplication. Contrastive focus reduplication Contrastive focus reduplication, also called lexical cloning or the double construction, is a type of syntactic reduplication found in some languages. Doubling a word or phrase \u2013 such as \"do you LIKE-like him?\" \u2013 can indicate that the prototypical meaning of the repeated word or phrase is intended. U.S. writer Paul Dickson coined the term word word in 1982 to", + "score": 0.66552734375 + }, + { + "id": "4620836", + "title": "Polyptoton", + "text": "and \"wretchedness\", which may be seen as polyptoton. According to Duyfhuizen, the gradual development of polyptoton in \"Frankenstein\" is significant because it symbolizes the intricacies of one's own identity. Polyptoton Polyptoton is the stylistic scheme in which words derived from the same root are repeated (such as \"strong\" and \"strength\"). A related stylistic device is antanaclasis, in which the same word is repeated, but each time with a different sense. Another related term is figura etymologica. In inflected languages polyptoton is the same word being repeated but appearing each time in a different case. (for example, \"Iuppiter\", \"Iovis\", \"Iovi\", \"Iovem\",", + "score": 0.66552734375 + }, + { + "id": "12346576", + "title": "Psittacism", + "text": "have been used in this manner. Ben Stoltzfus wrote in \"The French Review\": Thus, Loulou is a parrot, and at the same time a symbol of psittacism, that malady of so many of Flaubert's characters who either parrot banalities without thought or meaning, or are the victims of this psittacism. Psittacism Psittacism is speech or writing that appears mechanical or repetitive in the manner of a parrot. More generally it is a pejorative description of the use of words which appear to have been used without regard to their meaning. The word is derived from the Latin term for parrots", + "score": 0.6650390625 + }, + { + "id": "1469420", + "title": "Reduplication", + "text": "as a reduplication of linguistic constituents (i.e. words, stems, roots). As a result, reduplication is interesting theoretically as it involves the interface between phonology and morphology. The \"base\" is the word (or part of the word) that is to be copied. The reduplicated element is called the reduplicant, often abbreviated as \"\" or sometimes just \"R\". In reduplication, the reduplicant is most often repeated only once. However, in some languages, reduplication can occur more than once, resulting in a tripled form, and not a \"duple\" as in most reduplication. Triplication is the term for this phenomenon of copying two times.", + "score": 0.66455078125 + }, + { + "id": "2800328", + "title": "Brodmann area 45", + "text": "would make the brain better at recognizing the words as they reappeared, but there is something else to be learned from this result, as well. That pars triangularis activity went down with repetition also signifies the movement of the task of recognizing the word from the conscious to the passive. This is called repetition priming, and it occurs independent of intention. This idea, when paired with theories about pt's involvement in conscious retrieval of memory, serves to illustrate the complexity of the brain and its functions. These results together imply the possibility that similar mechanics are required for encoding and", + "score": 0.6640625 + }, + { + "id": "3936929", + "title": "Sentence (music)", + "text": "phrases, and most frequently ending with some form of perfect cadence.\" Among the simplest examples he gives are what he calls 'duple sentences' -- themes (from Mozart's D major Piano Sonata and Beethoven's Third Piano Concerto) in which we find pairs of 'balanced' phrases (four-bar 'announcing phrase' ending in half-cadence, followed by four-bar 'responsive phrase' ending with perfect cadence): to many modern theorists this kind of structure is called a period'. Similarly, the Grove Dictionary of Music states that the term 'sentence' \"has much the same meaning as \u2018period\u2019, though it lacks the flexibility of the latter term.\" Arnold Schoenberg", + "score": 0.66357421875 + }, + { + "id": "3343377", + "title": "Conduction aphasia", + "text": "of spoken language in general. Conduction aphasia Conduction aphasia, also called associative aphasia, is a relatively rare form of aphasia. An acquired language disorder, it is characterized by intact auditory comprehension, fluent (yet paraphasic) speech production, but poor speech repetition. They are fully capable of understanding what they are hearing, but fail to encode phonological information for production. This deficit is load-sensitive as patients show significant difficulty repeating phrases, particularly as the phrases increase in length and complexity and as they stumble over words they are attempting to pronounce. Patients will display frequent errors during spontaneous speech, such as substituting", + "score": 0.66357421875 + }, + { + "id": "12346575", + "title": "Psittacism", + "text": "Psittacism Psittacism is speech or writing that appears mechanical or repetitive in the manner of a parrot. More generally it is a pejorative description of the use of words which appear to have been used without regard to their meaning. The word is derived from the Latin term for parrots \"psittaci\" \u2013 which in turn derives from the Greek \u03c8\u03b9\u03c4\u03c4\u03b1\u03ba\u03cc\u03c2 \u2013 in an analogy with the ability of some parrots to speak human words but without any knowledge of their meaning. Parrots, in turn, may be used as symbols of psittacism. In Flaubert's story \"Un c\u0153ur simple\" the parrot may", + "score": 0.66357421875 + }, + { + "id": "8346790", + "title": "Kannauji language", + "text": "it is an example of reduplication. Eco formation is a similar process like reduplication. In eco formation a similar-sounding word is made from nominal and adjectival. There is no logic behind why this formation is done but it increases the stylistic effectiveness of conversation. For example: tasla-wasla Here wasla, a similar-sounding word is formed after word tasla so it is an example of eco formation process. Some other examples are In metaphor a word is objected on another one because of some similarity. In metaphoric expansion a word is used in different situations and environments due to one similar quality.", + "score": 0.66357421875 + }, + { + "id": "14107360", + "title": "Speech repetition", + "text": "region sometimes called the Wernicke's area) as a centre of the sound \"images\" of speech and its syllables that connected through the arcuate fasciculus with part of the inferior frontal gyrus (sometimes called the Broca's area) responsible for their articulation. This pathway is now broadly identified as the dorsal speech pathway, one of the two pathways (together with the ventral pathway) that process speech. The posterior superior temporal gyrus is specialized for the transient representation of the phonetic sequences used for vocal repetition. Part of the auditory cortex also can represent aspects of speech such as its consonantal features. Mirror", + "score": 0.66357421875 + }, + { + "id": "6046231", + "title": "When Lilacs Last in the Dooryard Bloom'd", + "text": "emotional response. According to Warren, Whitman \"uses \"anaphora\", the repetition of a word or phrase at the beginning of lines; \"epistrophe\", the repetition of the same words or phrase at the end of lines, and \"symploce\" (the combined use of \"anaphora\" and \"epistrophe\"), the repetition of both initial and terminal words. According to Raja Sharma, Whitman's use of \"anaphora\" forces the reader \"to inhale several bits of text without pausing for breath, and this breathlessness contributes to the incantatory quality\". This sense of incantation in the poem and for the framework for the expansive lyricism that scholars have called \"cataloguing\".", + "score": 0.66357421875 + }, + { + "id": "6859877", + "title": "Parallelism (rhetoric)", + "text": "languages of the Ural-Altaic area (including Finnish-Karelian folk poetry and the epics and songs of the Turkic and Mongolian peoples) and Toda, suggesting wider distribution among Dravidian languages. Parallelisms in proverbs are very common in languages around the world. Parallel structures in short passages such as proverbs help direct the listener or reader to compare the parallel elements and thereby more easily deduce the point. Parallelism (rhetoric) Parallelism is a rhetorical device that compounds words or phrases that have equivalent meanings so as to create a definite pattern. This structure is particularly effective when \"specifying or enumerating pairs or series", + "score": 0.6630859375 + }, + { + "id": "10191286", + "title": "Contrastive focus reduplication", + "text": "Contrastive focus reduplication Contrastive focus reduplication, also called lexical cloning or the double construction, is a type of syntactic reduplication found in some languages. Doubling a word or phrase \u2013 such as \"do you LIKE-like him?\" \u2013 can indicate that the prototypical meaning of the repeated word or phrase is intended. U.S. writer Paul Dickson coined the term word word in 1982 to describe this phenomenon. The first part of the reduplicant bears contrastive intonational stress. Contrastive focus reduplication in English can apply not only to words but also to multi-word phrases such as idioms, or to word stems without", + "score": 0.6630859375 + }, + { + "id": "558152", + "title": "Phrase structure rules", + "text": "Phrase structure rules Phrase structure rules are a type of rewrite rule used to describe a given language's syntax and are closely associated with the early stages of transformational grammar, being first proposed by Noam Chomsky in 1957. They are used to break down a natural language sentence into its constituent parts, also known as syntactic categories, including both lexical categories (parts of speech) and phrasal categories. A grammar that uses phrase structure rules is a type of phrase structure grammar. Phrase structure rules as they are commonly employed operate according to the constituency relation, and a grammar that employs", + "score": 0.66259765625 + }, + { + "id": "7014666", + "title": "Repetition compulsion", + "text": "Repetition compulsion Repetition compulsion is a psychological phenomenon in which a person repeats a traumatic event or its circumstances over and over again. This includes reenacting the event or putting oneself in situations where the event is likely to happen again. This \"re-living\" can also take the form of dreams in which memories and feelings of what happened are repeated, and even hallucination. The term can also be used to cover the repetition of behaviour or life patterns more broadly: a \"key component in Freud's understanding of mental life, 'repetition compulsion' ... describes the pattern whereby people endlessly repeat patterns", + "score": 0.66259765625 + }, + { + "id": "17345206", + "title": "Tautology (language)", + "text": "there are such things as \"physical telepathy, spontaneous conspiracies, and giant dwarfs.\") Parallelism is not tautology, but rather a particular stylistic device. Much Old Testament poetry is based on parallelism: the same thing said twice, but in slightly different ways (Fowler puts it as pleonasm). However, modern biblical study emphasizes that there are subtle distinctions and developments between the two lines, such that they are usually not truly the \"same thing.\" Parallelism can be found wherever there is poetry in the Bible: Psalms, the Books of the Prophets, and in other areas as well. Tautology (language) In literary criticism and", + "score": 0.66259765625 + }, + { + "id": "145014", + "title": "Folklore", + "text": "patterns.\" Crucial here are the repetitive patterns. Verbal lore is not just any conversation, but words and phrases conforming to a traditional configuration recognized by both the speaker and the audience. For narrative types by definition have consistent structure, and follow an existing model in their narrative form. As just one simple example, in English the phrase \"An elephant walks into a bar\u2026\" instantaneously flags the following text as a joke. It might be one you've already heard, but it might be one that the speaker has just thought up within the current context. This is folklore in action. Another", + "score": 0.662109375 + }, + { + "id": "307484", + "title": "Poetry", + "text": "who use them, include: Rhyme, alliteration, assonance and consonance are ways of creating repetitive patterns of sound. They may be used as an independent structural element in a poem, to reinforce rhythmic patterns, or as an ornamental element. They can also carry a meaning separate from the repetitive sound patterns created. For example, Chaucer used heavy alliteration to mock Old English verse and to paint a character as archaic. Rhyme consists of identical (\"hard-rhyme\") or similar (\"soft-rhyme\") sounds placed at the ends of lines or at predictable locations within lines (\"internal rhyme\"). Languages vary in the richness of their rhyming", + "score": 0.662109375 + }, + { + "id": "1469458", + "title": "Reduplication", + "text": "and it is part in a number of complex morphological models. Simple reduplication of nouns and pronouns can express at least three meanings: Reduplication of an adjective can express different things: Reduplication of a verb can express various things: Notice that in the first case, the nasalisation of the initial consonant (whereby /p/ becomes /m/) is repeated, while in the second case, it only applies in the repeated word. In Tagalog, an Austronesian language spoken in the Philippines, upon which the national language \"Filipino\" is based, reduplication is employed productively in multiple parts of speech. Reduplication of the root, prefix", + "score": 0.662109375 + }, + { + "id": "14107345", + "title": "Speech repetition", + "text": "brain to speech perception. Speech repetition occurs in the dorsal speech processing stream while speech perception occurs in the ventral speech processing stream. Repetitions are often incorporated unawares by this route into spontaneous novel sentences immediately or after delay following storage in phonological memory. In humans, the ability to map heard input vocalizations into motor output is highly developed due to this copying ability playing a critical role in a child's rapid expansion of their spoken vocabulary. In older children and adults it still remains important as it enables the continued learning of novel words and names and additional languages.", + "score": 0.662109375 + }, + { + "id": "2999864", + "title": "Verbal Behavior", + "text": "text), if they are heard, then written, it becomes \"taking dictation\", and so on. Skinner was one of the first to seriously consider the role of imitation in language learning. He introduced this concept into his book \"Verbal Behavior\" with the concept of the echoic. It is a behavior under the functional control of a verbal stimulus. The verbal response and the verbal stimulus share what is called point to point correspondence (a formal similarity.) The speaker repeats what is said. In echoic behavior, the stimulus is auditory and response is vocal. It is often seen in early shaping behavior.", + "score": 0.66162109375 + }, + { + "id": "4220292", + "title": "Epistrophe", + "text": "and want shall shun you, Ceres' blessing so is on you.\"
\u2014 Shakespeare,\" The Tempest \"(4.1.108-109; 116\u201317) Epistrophe Epistrophe (, \"return\") is the repetition of the same word or words at the end of successive phrases, clauses or sentences. It is also known as epiphora and occasionally as antistrophe. It is a figure of speech and the counterpart of anaphora. It is an extremely emphatic device because of the emphasis placed on the last word in a phrase or sentence. Greek epistrophe: \"a word coined by Plato as a goal of philosophical education and the term adopted by early Christians", + "score": 0.66162109375 + }, + { + "id": "361266", + "title": "Sigmund Freud", + "text": "If repetition is a necessary element in the binding of energy or adaptation, when carried to inordinate lengths it becomes a means of abandoning adaptations and reinstating earlier or less evolved psychic positions. By combining this idea with the hypothesis that all repetition is a form of discharge, Freud reached the conclusion that the compulsion to repeat is an effort to restore a state that is both historically primitive and marked by the total draining of energy: death. In his 1917 essay \"Mourning and Melancholia\", Freud drew a distinction between mourning, painful but an inevitable part of life, and \"melancholia\",", + "score": 0.66162109375 + }, + { + "id": "5578081", + "title": "Phraseology", + "text": "unit is a lexicalized, reproducible bilexemic or polylexemic word group in common use, which has relative syntactic and semantic stability, may be idiomatized, may carry connotations, and may have an emphatic or intensifying function in a text. Phraseology In linguistics, phraseology is the study of set or fixed expressions, such as idioms, phrasal verbs, and other types of multi-word lexical units (often collectively referred to as \"phrasemes\"), in which the component parts of the expression take on a meaning more specific than or otherwise not predictable from the sum of their meanings when used independently. For example, \u2018Dutch auction\u2019 is", + "score": 0.66162109375 + }, + { + "id": "7282536", + "title": "Repetition (Kierkegaard book)", + "text": "the religious sphere. 'Repetition' is one of his characteristic ideas; it signifies persistence in, and faithfulness to, a chosen course of life, and is thus opposed to the (esthetic standpoint, with constancy only in change. But Kierkegaard also gives the word a more special meaning\u2014that rather of 'resumption' (Gentagelse, 'taking again')\u2014implying that each higher stage of life carries with it the lower in a transfigured form. Gentagelsen tells of a young man who seeks to pass from the (esthetic to the religious sphere, but for want of a true penitence becomes merely a romanticist; i.e., he simply resumes his old", + "score": 0.66162109375 + }, + { + "id": "6600814", + "title": "Glossary of psychiatry", + "text": "muscle. It is sometimes seen in depression. From Greek \"oneiros\" as meaning 'dream'. In the Oneiroid state one feels and behaves as though in a dream. Also known as Oneirophrenia as described by Ladislas J. Meduna. See #Oneiroid state or article on Oneirophrenia. Palilalia is characterized by the repetition of a word or phrase; i.e., the subject continues to repeat a word or phrase after once having said. It is a perseveratory phenomenon. \"Palinacousis\" refers to a phenomenon in which the subject continues to listen to a word, a syllable or any sound, even after the withdrawal of stimulus. It", + "score": 0.6611328125 + }, + { + "id": "3936930", + "title": "Sentence (music)", + "text": "applied the term 'sentence' to a very specific structural type distinct from the antecedent-consequent period. In a sentence's first part, a statement of a 'basic motive' is followed by a 'complementary repetition' (e.g. the first, 'tonic version', of the shape reappears in a 'dominant version); in its second part this material is subjected to 'reduction' or 'condensation' with the intention of bringing the statement to a properly 'liquidated' state and cadential conclusion. The sentence was one of a number of basic form-types Schoenberg described through analysis; another was the period. In Schoenberg's view, 'the sentence is a higher form of", + "score": 0.6611328125 + }, + { + "id": "693207", + "title": "Alliteration", + "text": "F. Kennedy Other examples of alliteration in some famous speeches: Alliteration is commonly used in modern music but is also seen in magazine article titles, advertisements, business names, comic strips, television shows, video games and in the dialogue and naming of cartoon characters. Alliteration In literature, alliteration is the conspicuous repetition of identical initial consonant sounds in successive or closely associated syllables within a group of words, even those spelled differently. As a method of linking words for effect, alliteration is also called head rhyme or initial rhyme. For example, \"\"h\"umble \"h\"ouse,\" or \"\"p\"otential \"p\"ower \"p\"lay.\" A familiar example is", + "score": 0.6611328125 + }, + { + "id": "1594861", + "title": "Computer-assisted language learning", + "text": "simple programs. Such programs often make use of spaced repetition, a technique whereby the learner is presented with the vocabulary items that need to be committed to memory at increasingly longer intervals until long-term retention is achieved. This has led to the development of a number of applications known as spaced repetition systems (SRS), including the generic Anki or SuperMemo package and programs such as BYKI and phase-6, which have been designed specifically for learners of foreign languages. Above all, careful consideration must be given to pedagogy in designing CALL software, but publishers of CALL software tend to follow the", + "score": 0.6611328125 + }, + { + "id": "5753893", + "title": "The Last Samurai (novel)", + "text": "for the answer, and compels the readers to imagine themselves in Sibylla\u2019s position. In the same conversation, a very interesting repetition appears:\u201dI know that\u201d versus two lines later\u201dI know THAT\u201d and versus a few lines after that, \u201cI KNOW that\u201d(27). The phrases are identical, yet the capitalization emphasis puts different tones on them. They are all basically Ludo asking Sibylla for a different answer, yet the first one is just informative, second one is slightly impolite, and the third one conveys annoyance. In a later conversation, Dewitt adds another element to this play on language-the visual effects of the structure", + "score": 0.66015625 + }, + { + "id": "835013", + "title": "Figure of speech", + "text": "of those listed may be considered rhetorical devices, which are similar in many ways. Figure of speech A figure of speech or rhetorical figure is figurative language in the form of a single word or phrase. It can be a special repetition, arrangement or omission of words with literal meaning, or a phrase with a specialized meaning not based on the literal meaning of the words. Figures of speech often provide emphasis, freshness of expression, or clarity. However, clarity may also suffer from their use, as figures of speech can introduce an ambiguity between literal and figurative interpretation. Classical rhetoricians", + "score": 0.66015625 + }, + { + "id": "8260095", + "title": "Semantic satiation", + "text": "more understanding on language acquisition such as those studies that investigated the nature of multilingualism. Semantic satiation Semantic satiation (also semantic saturation) is a psychological phenomenon in which repetition causes a word or phrase to temporarily lose meaning for the listener, who then perceives the speech as repeated meaningless sounds. in place of repetition also produces the same effect. Leon Jakobovits James coined the phrase \"semantic satiation\" in his 1962 doctoral dissertation at McGill University. It was demonstrated as a stable phenomenon that is possibly similar to a cognitive form of reactive inhibition. Prior to that, the expression \"verbal satiation\"", + "score": 0.66015625 + }, + { + "id": "12820897", + "title": "Carol Chomsky", + "text": "children continue to develop the skills needed to understand complex constructions beyond that age. As part of her research to understand how children develop the ability to read, she developed a method in the late 1970s called repeated reading, in which children would read a text silently while a recording of the text was played. The child would repeat the process until the text could be read fluently without the tape. Research showed that four readings accompanied by a recording could be enough to provide added reading fluency for most children. More than 100 studies have been performed on the", + "score": 0.66015625 + } + ], + "answer": "In rhetoric, Parallel Syntax (also known as parallel construction and parallelism) is a rhetorical device that consists of repetition among adjacent sentences or clauses. The repeated sentences or clauses provides emphasis to a center theme or idea the author is trying to convey. Schesis onomaton is a rhetorical technique used to emphasize an idea by repeating it rapidly using slightly different words that have the same or a very similar meaning." + }, + { + "qa_pairs": [ + { + "context": "Chicago halted St. Louis' run to the playoffs by taking four of five games from the Cardinals at Wrigley Field in early September, after which they won their first division title in 14 years. They then went on to defeat the Atlanta Braves in a dramatic five-game Division Series, the franchise's first postseason series win since beating the Detroit Tigers in the 1908 World Series.", + "question": "What was the last world series the cubs won before 2016?", + "short_answers": [ + "1908 World Series" + ], + "wikipage": "Chicago Cubs" + }, + { + "context": "No context provided", + "question": "What date was the last time the cubs won the world series before 2016?", + "short_answers": [ + "October 14, 1908", + "October 14 1908" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Chicago Cubs", + "url": "https://en.wikipedia.org/wiki/Chicago%20Cubs" + }, + { + "title": "2016 World Series", + "url": "https://en.wikipedia.org/wiki/2016%20World%20Series" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The Chicago Cubs are an American professional baseball team based in Chicago. ", + "wikipage": "Chicago Cubs" + }, + { + "content": "The 1908 World Series matched the defending champion Chicago Cubs against the Detroit Tigers in a rematch of the 1907 Series.", + "wikipage": "1908 World Series" + } + ], + "long_answer": "Before 2016, the American professional baseball team the Chicago Cubs had not won a world series title since October 14, 1908 when they played against the Detroit Tigers." + }, + { + "knowledge": [], + "long_answer": "The last time the Chicago Cubs won the World Series before 2016 was the 1908 World Series, which was held on October 14, 1908." + } + ], + "sample_id": "6750695717303546788", + "question": "When was the last time the cubs won the world series before 2016?", + "docs": [ + { + "id": "85927", + "title": "Chicago Cubs", + "text": "NLCS win since the series was created in 1969. The win earned the Cubs their first World Series appearance since 1945 and a chance for their first World Series win since 1908. Coming back from a three-games-to-one deficit, the Cubs defeated the Cleveland Indians in seven games in the 2016 World Series, They were the first team to come back from a three-games-to-one deficit since the Kansas City Royals in 1985. On November 4, the city of Chicago held a victory parade and rally for the Cubs that began at Wrigley Field, headed down Lake Shore Drive, and ended in", + "score": 0.8037109375, + "summary": "The Cubs last won the World Series in 1908 before winning it again in 2016.", + "extraction": "The last time the Cubs won the World Series was in 1908." + }, + { + "id": "2828167", + "title": "Curse of the Billy Goat", + "text": "never win another National League (NL) pennant (at least for the remainder of Sianis's life). The Cubs lost the 1945 World Series to the Detroit Tigers, and did not win a World Series championship again until 2016. The Cubs had last won the World Series in 1908. After the incident with Sianis and Murphy, the Cubs did not play in the World Series for the next 71 years until, on the 46th anniversary of Billy Sianis's death, the \"curse\" was broken when they defeated the Los Angeles Dodgers 5\u20130 in game 6 of the 2016 National League Championship Series to", + "score": 0.7880859375, + "summary": "The Cubs last won the World Series in 1908 and did not win again until 2016, a 108-year drought. They lost the 1945 World Series and did not play in the World Series for the next 71 years until breaking the \"curse\" in 2016.", + "extraction": "The Cubs did not win a World Series championship again until 2016. The Cubs had last won the World Series in 1908. Therefore, the last time the Cubs won the World Series before 2016 was in 1908." + }, + { + "id": "18801351", + "title": "2016 World Series", + "text": "Series, following the 1925 Pittsburgh Pirates, the 1958 New York Yankees, the 1968 Detroit Tigers, the 1979 Pittsburgh Pirates, and the 1985 Kansas City Royals. The Cubs, playing in their eleventh World Series and their first since 1945, won their third championship and first since 1908, ending the longest world championship drought in North American professional sports history. It was the Indians' sixth appearance in the World Series and their first since 1997, with their last Series win having come in 1948. The two teams entered their matchup as the two franchises with the longest World Series title droughts, a", + "score": 0.78369140625, + "summary": "The Cubs won their last World Series before 2016 in 1908.", + "extraction": "The Cubs won their last world series championship before 2016 in 1908." + }, + { + "id": "2828187", + "title": "Curse of the Billy Goat", + "text": "with them. The Cubs ended the 2016 season with a () record. It was their first 100-win season since 1935 (, ), their best since 1910 (, ), and the sixth 100-win season in franchise history. The Cubs won the National League Championship Series (NLCS), their first pennant in 71 years, with a 5\u20130 shutout in Game 6 against the Los Angeles Dodgers at Wrigley Field on October 22, 2016, the \"curse\" was broken on the 46th anniversary of Billy Sianis's death. In 2016, the Cubs won the World Series for the first time since 1908, ending the historic 108-year", + "score": 0.77294921875, + "summary": "The Cubs won the World Series for the first time since 1908 in 2016. It is irrelevant when the last time they won before that was mentioned in the document.", + "extraction": "The last time the Cubs won the World Series before 2016 was in 1908." + }, + { + "id": "2212398", + "title": "Steve Bartman incident", + "text": "did not win another playoff game after the incident until 2015 when they defeated the Pittsburgh Pirates in the wild card game, but they were swept in the NLCS by the New York Mets. In 2016, the team advanced to the World Series for the first time since 1945, ending a 71-year-old drought. By some accounts, this represented the end of this particular \"curse\", since the Cubs had won the NLCS pennant, which they were unable to do in 2003. The Cubs then overcame a 3 games to 1 deficit to defeat the Cleveland Indians in the 2016 World Series,", + "score": 0.7724609375, + "summary": "The last time the Cubs won the World Series before 2016 was in 1908, but they won the NLCS pennant in 2016 for the first time since 1945 and went on to win the World Series, ending a 71-year-old drought.", + "extraction": "The Cubs last won the World Series before 2016 in 1908." + }, + { + "id": "85855", + "title": "Chicago Cubs", + "text": "Cubs have appeared in a total of eleven World Series. The 1906 Cubs won 116 games, finishing 116\u201336 and posting a modern-era record winning percentage of , before losing the World Series to the Chicago White Sox (\"The Hitless Wonders\") by four games to two. The Cubs won back-to-back World Series championships in 1907 and 1908, becoming the first major league team to play in three consecutive World Series, and the first to win it twice. Most recently, the Cubs won the 2016 National League Championship Series and 2016 World Series, which ended a 71-year National League pennant drought and", + "score": 0.771484375, + "summary": "The Cubs won the World Series in 1907 and 1908, but there is no mention of the last time they won before 2016.", + "extraction": "The last time the Cubs won the World Series before 2016 was in 1908 when they won back-to-back championships." + }, + { + "id": "19509855", + "title": "2016 National League Championship Series", + "text": "Cleveland Indians in the World Series in seven games, after overcoming a 3\u20131 series deficit, winning their first World Series championship for the first time in 108 years, ending the Curse of the Billy Goat. The 2016 NLCS was the Cubs' second consecutive NLCS appearance and fifth overall. Chicago lost its first four NLCS appearances, in 1984, 1989, 2003, and most recently were swept in the 2015 National League Championship Series. This was the first time the Cubs have made back-to-back NLCS appearances. The Cubs had not won a World Series championship since 1908 or played in the World Series", + "score": 0.77099609375, + "summary": "The Cubs had not won a World Series championship since 1908 or played in the World Series before 2016.", + "extraction": "The Cubs had not won a World Series championship since 1908." + }, + { + "id": "19066771", + "title": "2016 Chicago Cubs season", + "text": "1908 World Series. In the World Series, the Cubs came back from a three-games-to-one deficit, winning the final three games. The last time a team came back from a three-games-to-one deficit to win the World Series was the Kansas City Royals in 1985. The Cubs were also the first team to win Games 6 and 7 on the road in a World Series since the Pittsburgh Pirates had done so against the Baltimore Orioles in 1979. The World Series victory put an end to the so-called Curse of the Billy Goat and the longest World Series championship drought in history.", + "score": 0.765625, + "summary": "1908.", + "extraction": "The last time the Cubs won the World Series was in 1908." + }, + { + "id": "83722", + "title": "Chicago", + "text": "when the White Sox, known as the \"Hitless Wonders,\" defeated the Cubs, 4-2. The Cubs are the oldest Major League Baseball team to have never changed their city; they have played in Chicago since 1871, and continuously so since 1874 due to the Great Chicago Fire. They have played more games and have more wins than any other team in Major League baseball since 1876. They have won three World Series titles, including the 2016 World Series, but had the dubious honor of having the two longest droughts in American professional sports: They had not won their sport's title since", + "score": 0.76513671875, + "summary": "They had not won their sport's title since the text does not give a specific date for the last time the Cubs won the World Series before 2016.", + "extraction": "The Cubs had not won their sport's title since. (Note: This span is not helpful for answering the question. The passage does not provide information about the last time the Cubs won the World Series before 2016.)" + }, + { + "id": "5242883", + "title": "Ex-Cubs Factor", + "text": "\"it is utterly impossible for a team with three or more ex-Cubs to win the series.\" Berler based this on a pattern that he observed in the post-1945 era; 1945 being the last time the Chicago Cubs made it to a World Series until 2016. Berler cited many examples of teams with three or more ex-Cubs on their teams that reached the World Series and lost: including the 1958 Milwaukee Braves, the 1966 Los Angeles Dodgers, and the 1978 Los Angeles Dodgers. The 1978 Dodgers, according to Berler, had lost the 1977 World Series with three ex-Cubs on their roster", + "score": 0.75732421875, + "summary": "1945 was the last time the Chicago Cubs won the World Series before 2016.", + "extraction": "1945 being the last time the Chicago Cubs made it to a World Series until 2016." + }, + { + "id": "13544792", + "title": "World Series", + "text": "New York Mets in the World Series 4\u20131, capturing their first title in 30 years. The 2015 contest was the first time that two expansion clubs met for the Fall Classic. In 2016, the Chicago Cubs ended their 108-year long drought without a World Series title by defeating the Cleveland Indians, rallying from a 3\u20131 Series deficit in the process. That extended Cleveland's World Series title drought to 68 years and counting \u2013 the Indians last won the Series in 1948 \u2013 now the longest title drought in the majors. Beginning in 2017, home field advantage in the World Series", + "score": 0.75634765625, + "summary": "The last time the Cubs won the World Series before 2016 is not mentioned in the document.", + "extraction": "The last time the Cubs won the World Series before 2016 was \"irrelevant\" as the passage does not provide information about any Cubs World Series win before 2016." + }, + { + "id": "2828168", + "title": "Curse of the Billy Goat", + "text": "win the NL pennant. The Cubs then defeated the American League (AL) champion Cleveland Indians 8\u20137 in 10 innings in game 7 to win the 2016 World Series, 108 years after their last win. The exact nature of Sianis's curse differs in various accounts of the incident. Some state that he declared that no World Series games would ever again be played at Wrigley Field, while others believe that his ban was on the Cubs appearing in the World Series, making no mention of a specific venue. Sianis\u2019s family claims that he dispatched a telegram to team owner Philip K.", + "score": 0.755859375, + "summary": "The Cubs won the World Series in 2016, 108 years after their last win. The document is irrelevant to the question of when the Cubs last won the World Series before 2016.", + "extraction": "The Cubs last won the World Series 108 years before their 2016 win." + }, + { + "id": "513796", + "title": "Wrigley Field", + "text": "digits indicating the number of years since the Cubs' last division championship as of the end of the previous season (2008), the next two digits indicating the number of years since the Cubs won the National League Pennant (1945), and the last three digits indicating the number of years since their last World Series win (). After winning the World Series in 2016, the sign was updated to AC0000000. In April and May the wind often comes off Lake Michigan (less than a mile to the east), which means a northeast wind \"blowing in\" to knock down potential home runs", + "score": 0.75, + "summary": "The Cubs' last World Series win prior to 2016 is not mentioned in the document.", + "extraction": "The last time the Cubs won the World Series before 2016 is indicated by the middle two digits of the sign, which read \"45\". Therefore, the Cubs last won the World Series in 1945." + }, + { + "id": "18801352", + "title": "2016 World Series", + "text": "combined 176 years without a championship. Cleveland manager Terry Francona, who had previously won World Series titles with the Boston Red Sox in 2004 and 2007, fell short in his bid to become the third manager, and the first non-Yankees manager, to win his first three trips to the Fall Classic, after Casey Stengel and Joe Torre. The Cubs made their eleventh appearance in the World Series; their only previous two championships were in and , both against the Detroit Tigers. They lost their eight other appearances, in against the Chicago White Sox, in against the Philadelphia Athletics, in against", + "score": 0.74755859375, + "summary": "The Cubs won the World Series in previous years, but the document does not provide the specific date of their last win before 2016.", + "extraction": "The Cubs' only previous two championships were in [year] and [year], both against the Detroit Tigers." + }, + { + "id": "11095093", + "title": "1945 Chicago Cubs season", + "text": "home in Greece. The Cubs lost Game 4 and eventually the 1945 World Series, prompting Sianis to write to Wrigley from Greece, saying, \"\"Who stinks now?\"\" The Cubs would eventually break the curse and what would turn out to be a 108-year drought by winning the World Series in 2016 over the Cleveland Indians in seven games. October 3, 1945, at Briggs Stadium in Detroit October 4, 1945, at Briggs Stadium in Detroit October 5, 1945, at Briggs Stadium in Detroit October 6, 1945, at Wrigley Field in Chicago October 7, 1945, at Wrigley Field in Chicago October 8, 1945,", + "score": 0.73876953125, + "summary": "The Chicago Cubs last won the World Series in 1945, before breaking their 108-year drought in 2016.", + "extraction": "The last time the Cubs won the World Series before 2016 was in 1908." + }, + { + "id": "2828171", + "title": "Curse of the Billy Goat", + "text": "Series), and 1945, the first year of the alleged Billy Goat curse, the Cubs won the National League pennant six times but failed to win the Series: in 1910, in 1918 (won by the Boston Red Sox who themselves would soon become victims of an alleged baseball curse and not win another Series for 86 years), in 1929, in 1932 (known for Babe Ruth's called shot at Wrigley Field), in 1935 (a re-match of the 1908 series against the Detroit Tigers, with the Tigers winning this time, their first Series triumph in five appearances dating back to the early 1900s),", + "score": 0.7353515625, + "summary": "The Cubs last won the World Series before 2016 in 1908, according to the document.", + "extraction": "The last time the Cubs won the World Series before 2016 was in 1908." + }, + { + "id": "3005901", + "title": "Cubs\u2013White Sox rivalry", + "text": "win the World Series, which they were not able to do until 2016. The Cubs, on more than one occasion, have featured a tongue-in-cheek promotion where billy goats are brought into the stadium to be offered as an apology. Some historians argue that the genesis of the curse goes back much farther; that the allegedly underhanded way they won the 1908 pennant (leading to their last World Series win) angered the \"baseball gods\". For lack of a standard term, this could be called the curse of Fred Merkle, since he was at the center of the controversy. Every post-season they", + "score": 0.73486328125, + "summary": "1908.", + "extraction": "The Cubs won the World Series in 1908, which was their last World Series win before 2016." + }, + { + "id": "85949", + "title": "Chicago Cubs", + "text": "Off\" showed a game played by the Cubs when Ferris' principal goes to a bar looking for him. The 1989 film \"Back to the Future Part II\" depicts the Chicago Cubs defeating a baseball team from Miami in the 2015 World Series, ending the longest championship drought in all four of the major North American professional sports leagues. In 2015, the Miami Marlins failed to make the playoffs but the Cubs were able to make it to the 2015 National League Wild Card round and move on to the 2015 National League Championship Series by October 21, 2015, the date", + "score": 0.73291015625, + "summary": "The Cubs won the World Series in 2016, but the document is irrelevant to the question of when they last won before that.", + "extraction": "The extracted passage is \"ending the longest championship drought in all four of the major North American professional sports leagues.\" This passage is not useful for answering the question as it does not mention the last time the Cubs won the world series before 2016. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "19509857", + "title": "2016 National League Championship Series", + "text": "happen again in the 2017 NLCS, with the Dodgers winning four games to one. The Cubs won the regular season series 4 games to 3. Chicago won three of the four games played at Wrigley Field from May 30 to June 2, while Los Angeles took two out of three games played at Dodger Stadium from August 26 to 28. With the Cubs' and Dodgers' appearances, the winning team was guaranteed to end a pennant drought of at least 28 years. The last time an NLCS had two teams that had pennant droughts of more than 25 years was 1989,", + "score": 0.7314453125, + "summary": "The document is irrelevant to the question of when the Cubs last won the World Series before 2016.", + "extraction": "The Cubs' and Dodgers' appearances, the winning team was guaranteed to end a pennant drought of at least 28 years. \n\nThe last time the Cubs won the World Series is not mentioned in this passage, so the answer is \"irrelevant\"." + }, + { + "id": "2828188", + "title": "Curse of the Billy Goat", + "text": "drought. The Cubs beat the Cleveland Indians in the 2016 World Series in seven games after trailing in the series 3 games to 1. They won game 7 by a score of 8\u20137 in 10 innings at Progressive Field in Cleveland, Ohio. Curse of the Billy Goat The Curse of the Billy Goat was a sports-related curse that was supposedly placed on the Chicago Cubs Major League Baseball (MLB) franchise in 1945, by Billy Goat Tavern owner William Sianis. The curse lasted 71 years, from 1945 to 2016. Because the odor of his pet goat, named Murphy, was bothering other", + "score": 0.73095703125, + "summary": "The Cubs last won the World Series before 2016 in 1908. (This information is not present in the document, but can be inferred from the fact that the Curse of the Billy Goat began in 1945 and lasted 71 years until 2016.)", + "extraction": "The last time the Cubs won the World Series before 2016 was in 1908." + }, + { + "id": "6243140", + "title": "2003 National League Championship Series", + "text": "Kyle Farnsworth. The Cubs cruised to an 8\u20133 victory, putting them just one victory away from their first World Series in nearly 60 years. This 2003 victory turned out to be the last playoff game won by the Cubs for twelve years, a span of 9 consecutive losses until finally winning the National League Wild Card Game in 2015, as well as their last win in the NLCS until 2016. Sunday, October 12, 2003 at Pro Player Stadium in Miami Gardens, Florida With the Marlins facing elimination, Josh Beckett kept them alive by dominating the Cubs, holding them to just", + "score": 0.73095703125 + }, + { + "id": "1687764", + "title": "Back to the Future Part II", + "text": "York Mets on October 21, 2015, which coincidentally was the same day as \"\"Back to the Future\" Day,\" the day Marty McFly arrived in 2015 in the film. Despite losing in 2015, one year later the Cubs \"did\" win the 2016 World Series against the Cleveland Indians; the official Twitter feed for the \"Back to the Future\" franchise tweeted out that Marty & Doc's time-traveling caused \"a rift in the space-time continuum\" that led to the 1994 strike (and subsequent cancellation of the 1994 World Series), thus delaying the accurate prediction by a year. In the real 2015 World Series,", + "score": 0.73046875 + }, + { + "id": "10188664", + "title": "History of the Chicago Cubs", + "text": "the years, most recently in 1984, , , , 2015, and 2016; the first three times the division title was won by the Cubs, the fourth by the Cardinals, who went on to win the National League pennant as the Cubs faltered in the second half of the 2004 season. However, 2015 and 2016 were special years for the Cubs. In 2015, the Cubs finished in third place in the NL Central Division behind the Cardinals and Pirates, but they made the playoffs as the second National League Wild Card team. After defeating the Pirates 4-0 in the Wild Card", + "score": 0.72802734375 + }, + { + "id": "85856", + "title": "Chicago Cubs", + "text": "a 108-year World Series championship drought, both of which are record droughts in Major League Baseball. The 108-year drought was also the longest such occurrence in all major North American sports. Since the start of divisional play in 1969, the Cubs have appeared in the postseason nine times through the 2017 season. The Cubs are known as \"the North Siders\", a reference to the location of Wrigley Field within the city of Chicago, and in contrast to the White Sox, whose home field (Guaranteed Rate Field) is located on the South Side. The Cubs have multiple rivalries. There is a", + "score": 0.72802734375 + }, + { + "id": "10188665", + "title": "History of the Chicago Cubs", + "text": "game, they disposed of the Cardinals in the NLDS in four games (3-1); however, they later lost to the New York Mets in the NLCS (Mets 4- Cubs 0). In 2016, the tide really turned in a positive direction for the Chicago Cubs. They won the NL Central Division crown with a record of 103-58 which was 17.5 games ahead of the second place Cardinals (86-76). The Cubs then defeated the San Francisco Giants in the NLDS (3-1) followed by the Los Angeles Dodgers in the NLCS (4-2) to win the NL pennant for the first time since 1945. In", + "score": 0.72802734375 + }, + { + "id": "12163500", + "title": "Merkle's Boner", + "text": "by Johnny Kling. Evers walked, Frank Schulte followed with an RBI double to give the Cubs the lead, and Frank Chance followed with a two-run double. From there, Chicago cruised to a 4\u20132 victory, becoming champions of the NL for the third straight year. The Cubs went on to win the 1908 World Series, beating the Detroit Tigers four games to one. This was the Cubs' last world championship for more than a century: the next came in the 2016 World Series. The Pirates won the 1909 World Series, also against the Tigers. The Giants then returned to the World", + "score": 0.7275390625 + }, + { + "id": "18801349", + "title": "2016 World Series", + "text": "2016 World Series The 2016 World Series was the championship series of Major League Baseball's (MLB) 2016 season. The 112th edition of the World Series, it was a best-of-seven playoff between the National League (NL) champion Chicago Cubs and the American League (AL) champion Cleveland Indians, the first meeting of those franchises in postseason history. The series was played between October 25 and November 3. The Indians had home-field advantage because the AL had won the 2016 All-Star Game. It was also the last World Series to have home-field advantage determined by the All-Star Game results; since , home-field advantage", + "score": 0.72705078125 + }, + { + "id": "18801384", + "title": "2016 World Series", + "text": "3-0 in postseason series against Terry Francona, having also won the 2008 ALCS and the 2013 Wild Card Game against him. Game 7 was the 60th extra inning game in World Series history as well as the first extra inning Game 7 won by the road team. In the previous four times in 1912, 1924, 1991 and 1997, the home team won all four extra inning Game 7s. 2016 World Series (4\u20133): Chicago Cubs beat Cleveland Indians. Fox televised the series in the United States, under contract with Major League Baseball giving it exclusive rights to the World Series through", + "score": 0.7216796875 + }, + { + "id": "19066770", + "title": "2016 Chicago Cubs season", + "text": "title since the 2008 season, winning by 17\u00bd games. The team also reached the 100-win mark for the first time since 1935 and won 103 total games, the most wins for the franchise since 1910. The Cubs defeated the San Francisco Giants in the National League Division Series and returned to the National League Championship Series for the second year in a row, where they defeated the Los Angeles Dodgers in six games. The Cubs defeated the Cleveland Indians in seven games in the 2016 World Series, their first appearance since the 1945 World Series and first win since the", + "score": 0.7216796875 + }, + { + "id": "8070685", + "title": "Eamus Catuli", + "text": "Using this vernacular, AC000000 would indicate that the Cubs won the division and National League title and World Series title this year. That finally happened early in the morning on November 3, 2016, when the Cubs defeated the Cleveland Indians in Game 7 of the 2016 World Series. Both the \"Eamus Catuli!\" and \"Anno Catulorum\" signs were erected atop the Lakeview Baseball Club around Opening Day of the baseball season in April 1996. Visible from the stands in Wrigley Field, they were the brainchild of Bob Racky, owner of the building and managing director of the club at the", + "score": 0.7197265625 + }, + { + "id": "4342447", + "title": "1908 World Series", + "text": "1908 World Series The 1908 World Series matched the defending champion Chicago Cubs against the Detroit Tigers in a rematch of the 1907 Series. In this first-ever rematch of this young event, the Cubs won in five games for their second consecutive World Series title. The 1908 World Series was significant for being the last World Series championship the Cubs would win until the World Series (108 years later). Before the 2016 series, the team would go on to appear in seven World Series; in , , , , , , and , losing each time. The Cubs had been", + "score": 0.7197265625 + }, + { + "id": "10188577", + "title": "History of the Chicago Cubs", + "text": "1945 World Series in seven games. Although the Cubs occasionally appeared in post-season series since divisional play began in 1969, they did not appear in or win a World Series again until 2016. After the Curse of the Billy Goat, a few years into the post-World War II era, astute observers of the game began to suspect that something had gone wrong with the Cubs franchise, and that it might take them a long time to recover. After losing the 1945 World Series, the Cubs finished 82-71, good for third place in 1946, but did not enter post-season play. In", + "score": 0.716796875 + }, + { + "id": "17568190", + "title": "2015 World Series", + "text": "end a championship drought; the Royals' previous championship was in 1985, with the Mets' last title coming one year later in 1986. The Mets and Royals met on Opening Day of the 2016 season, on April 3, 2016, for a Sunday night game in Kansas City. Additionally, the Royals became the first team in World Series history to start three pitchers - Yordano Ventura, Edison Volquez, and Johnny Cueto - born outside the United States. In the 1989 film \"Back to the Future Part II\", the Chicago Cubs are depicted as the 2015 World Series champions, defeating a fictional American", + "score": 0.71630859375 + }, + { + "id": "13544760", + "title": "World Series", + "text": "not win their first championship until the 1920s; and three of the teams that were highly successful prior to 1920 (the Boston Red Sox, Chicago White Sox and the Chicago Cubs) went the rest of the 20th century without another World Series win. The Red Sox and White Sox finally won again in 2004 and 2005, respectively. The Cubs had to wait over a century (until the 2016 season) for their next trophy. They did not appear in the Fall Classic from 1945 until 2016, the longest drought of any MLB club. The New York Yankees purchased Babe Ruth from", + "score": 0.71533203125 + }, + { + "id": "19004124", + "title": "Willson Contreras", + "text": "with the Cubs having a 2-1 series lead, Contreras had a pinch-hit two-run single in the top of the ninth inning, tying the score at 5. Contreras was forced at second by a Jason Heyward bunt but the Cubs scored the go-ahead run later that inning, sending them to the National League Championship Series. The Cubs won the 2016 World Series over the Cleveland Indians, giving the Cubs their first championship in 108 years. On April 2, 2017 Contreras was the Cubs opening day starting catcher against the St. Louis Cardinals. After hitting 5 home runs in 6 games, he", + "score": 0.71435546875 + }, + { + "id": "85869", + "title": "Chicago Cubs", + "text": "enjoyed one more pennant at the close of World War II, finishing 98\u201356. Due to the wartime travel restrictions, the first three games of the 1945 World Series were played in Detroit, where the Cubs won two games, including a one-hitter by Claude Passeau, and the final four were played at Wrigley. The Cubs lost the series, and did not return until the 2016 World Series. After losing the 1945 World Series to the Detroit Tigers, the Cubs finished with a respectable 82-71 record in the following year, but this was only good enough for third place. In the following", + "score": 0.71337890625 + }, + { + "id": "6455308", + "title": "Joe Maddon", + "text": "post a 103-58 regular season record, their first 100-win season in over 80 years, and led their division by as many as 19 games. They entered the postseason as heavy favorites, and dispatched the Giants in four games with an amazing four-run 9th inning comeback in the clincher at AT&T Park. On October 22, 2016, the Cubs beat the Los Angeles Dodgers in Game 6 of the NLCS, earning their first pennant since 1945, also allowing Maddon to join the small list of managers who won pennants in both leagues. Their streak of not winning a pennant was the longest", + "score": 0.712890625 + }, + { + "id": "3005900", + "title": "Cubs\u2013White Sox rivalry", + "text": "went from 1917 to 2005. The Chicago Cubs won ten National League championships between 1901 and 1945, and also had among the best winning percentages in the NL up to that time (3,796\u20133,022 for a 0.557 winning percentage). The Cubs had a 2 games to 1 lead over the Detroit Tigers in the 1945 World Series, when on October 6, 1945, Cubs fan and local tavern owner Billy Sianis was prevented from reaching his seat because he was accompanied by his pet billy goat. Local legend says that he responded by placing a curse on the Cubs to never again", + "score": 0.712890625 + }, + { + "id": "19509856", + "title": "2016 National League Championship Series", + "text": "since 1945. This was the Dodgers' 11th overall appearance in the NLCS. Los Angeles was in the NLCS for the first time since losing the 2013 National League Championship Series to the St. Louis Cardinals. The Dodgers split their previous ten NLCS appearances, with their most recent victory in 1988, the same year they last appeared in and won the World Series. This was the second postseason meeting between the Cubs and the Dodgers. Their only other postseason series was the 2008 National League Division Series, in which the Dodgers swept the Cubs in three games, this postseason matchup would", + "score": 0.71240234375 + }, + { + "id": "5562343", + "title": "Cardinals\u2013Cubs rivalry", + "text": "Chicago and St. Louis. At an age too tender for life-shaping decisions, I made one. While all my friends were becoming Cardinals fans, I became a Cub fan. My friends, happily rooting for Stan Musial, Red Schoendienst, and other great Redbirds, grew up cheerfully convinced that the world is a benign place, so of course, they became liberals. Rooting for the Cubs in the late 1940s and early 1950s, I became gloomy, pessimistic, morose, dyspeptic and conservative. It helped out of course that the Cubs last won the World Series in 1908, which is two years before Mark Twain and", + "score": 0.7119140625 + }, + { + "id": "18981252", + "title": "2015 National League Championship Series", + "text": "they also won 97 games. Despite their record, the Cubs only received the second Wild Card bid and had to travel to play the Pittsburgh Pirates in the 2015 National League Wild Card Game, where they won 4\u20130. They then advanced to the NLCS by defeating the St. Louis Cardinals 3 games to 1 in the NLDS. This was the first time the Cubs won a postseason series at Wrigley Field. It is their first appearance in the NLCS since 2003 and their fourth appearance overall. It also snapped the Cardinals' NLCS appearance streak at four; they had appeared in", + "score": 0.7109375 + }, + { + "id": "18801350", + "title": "2016 World Series", + "text": "has been awarded to the team with the better record. The Cubs defeated the Indians when they won 4 games to 3 to win their first World Series since 1908. Game 7, an 8\u20137 victory in extra innings, marked the fifth time that a Game 7 had gone past nine innings and the first since 1997 (which, coincidentally, also featured the Indians). It was also the first to have a rain delay which occurred as the tenth inning was about to start. The Cubs became the sixth team to come back from a 3-1 deficit to win a best-of-seven World", + "score": 0.70947265625 + }, + { + "id": "2973752", + "title": "Dusty Baker", + "text": "gun batters such as Sammy Sosa and Mois\u00e9s Alou, the Cubs were able to claim their first division title in 14 years. However, the Cubs\u2019 hopes for winning a World Series title were cut short during the 2003 National League Championship Series against the Florida Marlins. The Marlins would go on to claim the 2003 World Series. In 2004, the team was involved in a heated wild card chase with the Houston Astros, but fell out of contention near the season's end. In 2005 the Cubs lost several of their key players, most notably ace pitchers Mark Prior and Kerry", + "score": 0.708984375 + }, + { + "id": "3005893", + "title": "Cubs\u2013White Sox rivalry", + "text": "for championships, the two Chicago teams had comparatively little to celebrate for a long time, except for pennants in 1945 (Cubs) and 1959 (Sox), until the White Sox won the 2005 World Series and the Cubs won the 2016 World Series. Historically, each team's fans felt bad for their own team's relatively poor performance, but took solace in that the other team was doing just as badly. Thus, the rivalry often was one in which fans of one team are just as happy for the poor play of the other team as they are for the good play of their", + "score": 0.7080078125 + }, + { + "id": "5242888", + "title": "Ex-Cubs Factor", + "text": "with the Florida Marlins (who had ex-Cub Lenny Harris) defeating the New York Yankees (who had no ex-Cubs), though Harris did not play in the World Series. Since 1945, of the 23 teams to reach the World Series with three or more Cubs players, only 3 have won the World Series (the 1960 Pirates, the 2001 Diamondbacks, and the 2008 Phillies). Since its articulation in 1981, the Ex-Cubs Factor has been used to predict and explain post-season and World Series defeats for many different baseball teams. During the 1980s, the ex-Cubs factor was used to explain a number of losses", + "score": 0.70703125 + }, + { + "id": "2212407", + "title": "Steve Bartman incident", + "text": "pennant, many Cubs fans petitioned for the team to allow Bartman to throw out a first pitch during the 2016 World Series. However, Murtha told CNN that Bartman did not want to be in the spotlight, and that there is \"probably a slim, none, and no chance\" that Bartman would agree to throw out a first pitch. The World Series went on without Bartman making any public appearances. On Wednesday Night, November 2, 2016, the Chicago Cubs won the World Series for the first time since 1908, ending the so-called Curse of the Billy Goat. After their World Series win,", + "score": 0.70703125 + }, + { + "id": "2446883", + "title": "2003 American League Championship Series", + "text": "6, when the Marlins scored eight runs in that inning and won the game 8\u20133. The Marlins would win Game 7, 9\u20136, to advance to the World Series, where they defeated the Yankees four games to two. The Cubs themselves would not reach the World Series again until , which they won by defeating the Cleveland Indians in the full seven games. By doing so, the Cubs ended the Curse of the Billy Goat and were replaced by the Indians themselves, who now own the longest active championship drought, having not won since . The following year, Boston and New", + "score": 0.70458984375 + }, + { + "id": "7948912", + "title": "1984 National League Championship Series", + "text": "1984 National League Championship Series The 1984 National League Championship Series was played between the San Diego Padres and the Chicago Cubs from October 2 to 7. San Diego won the series three games to two to advance to the World Series. The 1984 NLCS was the first postseason series ever for the Padres since the franchise's beginning in 1969, and the first appearance by the Cubs in postseason play since the 1945 World Series. The series took a disastrous turn for Chicago after a promising start, which contributed to the popular mythology of the \"Curse of the Billy Goat.\"", + "score": 0.70458984375 + }, + { + "id": "11095088", + "title": "1945 Chicago Cubs season", + "text": "1945 Chicago Cubs season The 1945 Chicago Cubs season was the 74th season of the Chicago Cubs franchise, the 70th in the National League and the 30th at Wrigley Field. The Cubs won the National League pennant with a record of 98\u201356, 3 games ahead of the second-place St. Louis Cardinals. The team went on to the 1945 World Series, which they lost to the Detroit Tigers in seven games. It would take 71 years before the Cubs made it to another World Series. \"Note: Pos = Position; G = Games played; AB = At bats; H = Hits; Avg.", + "score": 0.70458984375 + }, + { + "id": "12374840", + "title": "Thomas S. Ricketts", + "text": "The Tribune opted to retain a 5% ownership stake in the team. After 108 years of waiting, the Cubs won the 2016 World Series with a wild 8-7, 10-inning Game 7 victory over the Indians on Wednesday night at Progressive Field. The triumph completed their climb back from a 3-1 Series deficit to claim their first championship since 1908. Since acquiring the Chicago Cubs in Oct. 2009, the Ricketts family placed a priority on renovating Wrigley Field as part of their plan to put a championship-caliber team on the field. In 2014, the nearly $1 billion renovation project of Wrigley", + "score": 0.70458984375 + }, + { + "id": "85865", + "title": "Chicago Cubs", + "text": "in the war-shortened season of 1918, where they played a part in another team's curse: the Boston Red Sox defeated Grover Cleveland Alexander's Cubs four games to two in the 1918 World Series, Boston's last Series championship until 2004. Beginning in 1916, Bill Wrigley of chewing-gum fame acquired an increasing quantity of stock in the Cubs. By 1921 he was the majority owner, maintaining that status into the 1930s. Meanwhile, the year 1919 saw the start of the tenure of Bill Veeck, Sr. as team president. Veeck would hold that post throughout the 1920s and into the 30s. The management", + "score": 0.70458984375 + }, + { + "id": "4200552", + "title": "2005 World Series", + "text": "championship since the Chicago Fire won MLS Cup '98 (which came four months after the Chicago Bulls' sixth NBA championship that year). The next major Chicago sports championship came in 2010, when the NHL's Chicago Blackhawks ended a 49-year Stanley Cup title drought. With the Chicago Bears' win in Super Bowl XX and the Chicago Cubs' own World Series championship in , all Chicago sports teams have won at least one major championship since 1985. Meanwhile, the Astros themselves made it back to the World Series in , but this time as an AL team, where they defeated the Los", + "score": 0.7041015625 + }, + { + "id": "12495121", + "title": "Cubs Win Flag", + "text": "added atop the scoreboard in 1978, while the \"Wintrust W\" light on the left-field video board was implemented in 2015. On April 23, 2008 the Cubs won for the 10,000th time in the history of the franchise on the road against the Colorado Rockies. Like the 9,000th win, the 10,000th win came in a 7\u20136 victory at Coors Field. The Cubs were the second franchise to achieve 10,000 regular season wins; the San Francisco Giants/New York Giants were the first. The franchise flew a special 10,000th win flag along with a Cubs Win flag to commemorate the landmark achievement for", + "score": 0.70263671875 + }, + { + "id": "6366357", + "title": "Grant DePorter", + "text": "The fan club was dismantled by unpopular Cubs' owner Charles Murphy after the Cubs had won the World Series in 1908 and the Cubs have not won the World Series since. Cub fans hope that by bringing back the West Side Rooters Social Club, the Chicago Cubs will finally win the World Series. During the same week the Cubs clinched the 2008 Central Division title, DePorter released a book that he co-authored called \"Hoodoo: Unraveling the 100 Year Mystery of the Chicago Cubs\", an entertaining account of the events contributing to the team's World Series drought. In it, DePorter discusses", + "score": 0.70263671875 + }, + { + "id": "19066769", + "title": "2016 Chicago Cubs season", + "text": "2016 Chicago Cubs season The 2016 Chicago Cubs season was the 145th season of the Chicago Cubs franchise, the 141st in the National League and the Cubs' 101st season at Wrigley Field. To celebrate their 100 years at Wrigley, the Cubs wore a patch on their home uniforms and wore 1916 throwback uniforms on July 6. They began the season on April 4, 2016 at the Los Angeles Angels and finished the regular season on October 2, 2016 at the Cincinnati Reds. The Cubs finished with the best record in Major League Baseball and won their first National League Central", + "score": 0.7021484375 + }, + { + "id": "18801383", + "title": "2016 World Series", + "text": "this game.'\" The Cubs became the first team to come back from a 3\u20131 deficit to win the Series since the 1985 Kansas City Royals. They were also the first since the 1979 Pittsburgh Pirates to do so while winning Games 6 and 7 on the road, and the second team since the 1979 Pirates to win Game 7 as the visiting team, with the 2014 San Francisco Giants also having achieved that feat in Kansas City; almost one year later, the 2017 Houston Astros did the same thing in Los Angeles. With the Game 7 victory, Joe Maddon is", + "score": 0.70166015625 + }, + { + "id": "85952", + "title": "Chicago Cubs", + "text": "began playing together with the Cubs in 1902, and formed a double play combination that lasted through April 1912. The Cubs won the pennant four times between 1906 and 1910, often defeating the Giants en route to the World Series. The poem was first published in the \"New York Evening Mail\" on July 12, 1912. Popular among sportswriters, numerous additional verses were written. The poem gave Tinker, Evers, and Chance increased popularity and has been credited with their elections to the National Baseball Hall of Fame in 1946. Throughout the history of the Chicago Cubs' franchise, fifteen different Cubs pitchers", + "score": 0.701171875 + }, + { + "id": "11095094", + "title": "1945 Chicago Cubs season", + "text": "at Wrigley Field in Chicago October 10, 1945, at Wrigley Field in Chicago 1945 Chicago Cubs season The 1945 Chicago Cubs season was the 74th season of the Chicago Cubs franchise, the 70th in the National League and the 30th at Wrigley Field. The Cubs won the National League pennant with a record of 98\u201356, 3 games ahead of the second-place St. Louis Cardinals. The team went on to the 1945 World Series, which they lost to the Detroit Tigers in seven games. It would take 71 years before the Cubs made it to another World Series. \"Note: Pos =", + "score": 0.701171875 + }, + { + "id": "19509872", + "title": "2016 National League Championship Series", + "text": "fly by Andrew Toles to make the score 8\u20134, but induced Justin Turner to ground out to end the game. The win put the Cubs on the brink of the World Series as the series moved back to Wrigley Field. Cubs pitchers Kyle Hendricks and Aroldis Chapman combined to allow only two hits and one walk, facing the minimum 27 batters, the first time this had occurred in postseason play since Don Larsen's perfect game in the 1956 World Series. The Cubs won the series four games to two and won the pennant for the first time since 1945, clinching", + "score": 0.69970703125 + }, + { + "id": "85863", + "title": "Chicago Cubs", + "text": "in the Fall Classic and the first to win it twice. However, the Cubs would not win another World Series until 2016; this remains the longest championship drought in North American professional sports. The next season, veteran catcher Johnny Kling left the team to become a professional pocket billiards player. Some historians think Kling's absence was significant enough to prevent the Cubs from also winning a third straight title in 1909, as they finished 6 games out of first place. When Kling returned the next year, the Cubs won the pennant again, but lost to the Philadelphia Athletics in the", + "score": 0.69970703125 + }, + { + "id": "18290736", + "title": "2015 Chicago Cubs season", + "text": "win the World Series. 2015 Chicago Cubs season The 2015 Chicago Cubs season was the 144th season for the franchise, the 140th in the National League and the 100th at Wrigley Field. They began the season on April 5, 2015 in a first-ever night game home opener against the St. Louis Cardinals at partially renovated Wrigley Field, and finished on October 4, 2015 on the road against the Milwaukee Brewers. The Cubs finished the season with the third-best record in baseball (97\u201365) which was also the third-best in their division, finishing one game behind the Pittsburgh Pirates (98\u201364) and three", + "score": 0.69970703125 + }, + { + "id": "11094870", + "title": "1935 Chicago Cubs season", + "text": "1935 Chicago Cubs season The 1935 Chicago Cubs season was the 64th season for the Chicago Cubs franchise, the 60th in the National League and the 20th at Wrigley Field. The season saw the Cubs finish with 100 wins for the first time in 25 years; they would not win 100 games in another season until 2016. The Cubs won their 14th National League pennant in team history and faced the Detroit Tigers in the World Series, but lost in six games. The 1935 season is largely remembered for the Cubs' 21-game winning streak. The streak began on September 4", + "score": 0.69580078125 + }, + { + "id": "5007136", + "title": "Pat Hughes (sportscaster)", + "text": "the first Cubs announcer ever to say \"The Chicago Cubs win the World Series!\" Here is Pat's final call of the 2016 World Series: \"A little bouncer slowly toward Bryant. He will glove it and throw to Rizzo. It's in time! And the Chicago Cubs win the World Series! The Cubs come pouring out of the dugout, jumping up and down like a bunch of delirious 10-year-olds. The Cubs have done it! The longest drought in the history of American sports is over, and the celebration begins!\" Hughes has announced 57 Cubs postseason games, more than any other Cubs broadcaster.", + "score": 0.69580078125 + }, + { + "id": "6455307", + "title": "Joe Maddon", + "text": "ever postseason clinch at Wrigley Field. The Cubs played the Mets in the NLCS, but lost in four games. After the season, Maddon won the National League Manager of the Year Award. Maddon's young Cubs team entered the 2016 season as the bookmakers' favorite to win the World Series. They started the season on a tear, taking over first place in the NL Central on April 11, a lead they never relinquished. By May 10, the Cubs had a record of 25-6 (0.806 win percentage) with a commanding 8.5 game lead in their division. The team would go on to", + "score": 0.69384765625 + }, + { + "id": "19509854", + "title": "2016 National League Championship Series", + "text": "2016 National League Championship Series The 2016 National League Championship Series was a best-of-seven playoff in which the Chicago Cubs defeated the Los Angeles Dodgers for the National League (NL) pennant and the right to play in the 2016 World Series against the Cleveland Indians. As winners of one of the Division Series and the team with the best regular season record in the National League, the Cubs earned home-field advantage regardless of opponent. The series was the 47th in league history. FS1 televised all of the games in the United States. The Cubs would go on to defeat the", + "score": 0.693359375 + }, + { + "id": "18801382", + "title": "2016 World Series", + "text": "by Bryant, who threw to Rizzo. This ended the game and the World Series, with the Cubs winning the series and ending their 108-year World Series championship drought. Zobrist was awarded the World Series MVP award after hitting .357 in the series and delivering the go-ahead hit. Rizzo called the rain delay \"the most important thing to happen to the Chicago Cubs in the past 100 years. I don't think there's any way we win the game without it.\" Cubs president Theo Epstein said that when he heard about the meeting called by Heyward, \"Right then I thought, 'We're winning", + "score": 0.693359375 + }, + { + "id": "13100826", + "title": "1886 World Series", + "text": "1886 World Series The 1886 World Series was won by the St. Louis Browns (later the Cardinals) of the American Association over the Chicago White Stockings (later the Cubs) of the National League, four games to two. The series was played on six consecutive days running from October 18 to October 23 in Chicago and St. Louis. The teams were judged to be approximately equal going into the series, with gamblers betting on the teams at even odds. However, Chicago pitcher Jim McCormick was sidelined by a chronic foot ailment after game 2, and third Chicago pitcher Jocko Flynn had", + "score": 0.69287109375 + }, + { + "id": "13100857", + "title": "1886 World Series", + "text": "3B 7. Jimmy Ryan, RF 8. Abner Dalrymple, LF 9. John Clarkson, P 1886 World Series The 1886 World Series was won by the St. Louis Browns (later the Cardinals) of the American Association over the Chicago White Stockings (later the Cubs) of the National League, four games to two. The series was played on six consecutive days running from October 18 to October 23 in Chicago and St. Louis. The teams were judged to be approximately equal going into the series, with gamblers betting on the teams at even odds. However, Chicago pitcher Jim McCormick was sidelined by a", + "score": 0.69189453125 + }, + { + "id": "11084018", + "title": "1908 Chicago Cubs season", + "text": "1908 Chicago Cubs season The 1908 Chicago Cubs season was the 37th season of the Chicago Cubs franchise, the 33rd in the National League and the 16th at West Side Park. It involved the Cubs winning their third consecutive National League pennant, as well as the World Series. This team included four future Hall of Famers: manager / first baseman Frank Chance, second baseman Johnny Evers, shortstop Joe Tinker, and pitcher Mordecai Brown. In 1908, Brown finished second in the NL in wins and ERA. This would be the last World Series victory for the Cubs until the 2016 World", + "score": 0.69189453125 + }, + { + "id": "3668684", + "title": "Hank Borowy", + "text": "three batters before leaving. He took the loss and the Tigers won the Series. Before the 2016 World Series, Borowy was the last Chicago Cubs pitcher to win a World Series game. He is also the fourth and last pitcher to hit two doubles in the same inning, on May 5, 1946. The previous three pitchers were Fred Goldsmith, Joe Wood, and Ted Lyons. For the remainder of his career, Borowy was plagued by finger blisters and a chronic sore shoulder. He pitched his final game on September 14, 1951. Just prior to his retirement, he performed one of the", + "score": 0.69189453125 + }, + { + "id": "20012297", + "title": "2017 National League Championship Series", + "text": "2017 National League Championship Series The 2017 National League Championship Series was a best-of-seven playoff pitting the Los Angeles Dodgers against the Chicago Cubs for the National League pennant and the right to play in the 2017 World Series. The series was a rematch of the 2016 NLCS, which Chicago won four games to two en route to their first World Series victory since 1908. This was just the 10th time two teams have met in at least two straight League Championship Series, which have existed since divisional play began in 1969. The Dodgers beat the Cubs in five games", + "score": 0.69140625 + }, + { + "id": "4169587", + "title": "1995 World Series", + "text": "but lost to the Denver Broncos in Super Bowl XXXIII during the 1998 season and again to the New England Patriots in Super Bowl LI during the 2016 season. (Coincidentally, the NBA's Hawks won the championship in 1958 when the franchise was based in St. Louis, months after the Milwaukee Braves won the 1957 World Series.) Game 6 is also the Braves' most recent home victory in the Fall Classic - the Braves would lose to the New York Yankees in all three Series games played in Atlanta the following year, be swept by the Yankees in 1999 and have", + "score": 0.69091796875 + }, + { + "id": "80878", + "title": "Cleveland Indians", + "text": "finished the regular season at 94\u201367, marking their fourth straight winning season, a feat not accomplished since the 1990s and early 2000s. The Indians began the 2016 postseason by sweeping the Boston Red Sox in the best-of-five American League Division Series. They then defeated the Blue Jays in five games in the 2016 American League Championship Series to claim their sixth American League pennant and advance to the World Series against the Chicago Cubs. It marked the first appearance for the Indians in the World Series since 1997 and first for the Cubs since 1945. The Indians took a 3\u20131", + "score": 0.6904296875 + }, + { + "id": "19440354", + "title": "Charles H. Thomas (sports executive)", + "text": "cavorting with another woman, a Mrs. Helen Loker, and alleged Thomas threatened to kill her if she went public with this fact. The divorce came through, and Thomas eventually married Mrs. Loker. In 1914 Murphy appointed Thomas the club treasurer. It was under Murphy's ownership that the Cubs won the franchise's only two World Series titles, in 1907 and 1908. After several years as Cubs owner, Murphy became a disliked figure among other owners in the National League, the press, and his players. He sold the Cubs to Charles Phelps Taft after the 1913 season. On March 18, 1914, Taft", + "score": 0.689453125 + }, + { + "id": "10957108", + "title": "1938 Stanley Cup Finals", + "text": "2016. It was the last time that the Hawks would win the Stanley Cup at home until 2015, and the last that a Chicago team would win a championship at Chicago Stadium until the Bulls won their second straight NBA championship in 1992. The next time the Blackhawks would win the Stanley Cup at home would be in 2015, when they defeated the Tampa Bay Lightning in game six of the 2015 Stanley Cup Finals; by this time they had moved into the United Center. The NHL did not see fit to make sure that the Cup was in Chicago", + "score": 0.689453125 + }, + { + "id": "10188564", + "title": "History of the Chicago Cubs", + "text": "once again, this time four games to one, for their second consecutive World Series championship. It would be their last World Series victory for 108 years. Some experts believe the Cubs could have been in the Series for five straight seasons had Johnny Kling not sat out the entire 1909 season. Kling temporarily retired to play professional pocket billiards, but his primary reason for not playing was most likely a contract dispute. His absence obviously hurt the stability of the pitching staff, as when he returned in 1910 the Cubs won the pennant again, although the veteran club was unable", + "score": 0.689453125 + }, + { + "id": "18801389", + "title": "2016 World Series", + "text": "city of Chicago estimated that over five million people attended the World Series parade and rally celebration, which would make it one of the largest human gatherings in history. After the season, the Cubs chose to make two traditional White House visits during then-President (and White Sox fan), Barack Obama's final week in office on January 16, 2017, and during President Donald Trump's tenure on June 28, 2017. 2016 World Series The 2016 World Series was the championship series of Major League Baseball's (MLB) 2016 season. The 112th edition of the World Series, it was a best-of-seven playoff between the", + "score": 0.68896484375 + }, + { + "id": "5325915", + "title": "Ed Reulbach", + "text": "second one-hitter in Series history, only to be surpassed by Don Larsen's perfect game in Game 5 of the 1956 World Series. His best year was 1908, when he won 24 games for the National League and World Series champion Cubs, their last Series championship until they won it again in 2016. He pitched two shutouts in one day against the Brooklyn Dodgers on September 26, 1908. No other pitcher has ever accomplished this feat in the major leagues. In a 1976 \"Esquire\" magazine article, sportswriter Harry Stein published an \"All Time All-Star Argument Starter\", consisting of five ethnic baseball", + "score": 0.68896484375 + }, + { + "id": "85928", + "title": "Chicago Cubs", + "text": "Grant Park. The city estimated that over five million people attended the parade and rally, which made it one of the largest recorded gatherings in history. In an attempt to be the first team to repeat as World Series champions since the Yankees in 1998, 1999, and 2000, the Cubs struggled for most of the first half of the 2017 season, never moving more than four games over .500 and finishing the first half two games under .500. On July 15, the Cubs fell to a season-high 5.5 games out of first in the NL Central. The Cubs struggled mainly", + "score": 0.68798828125 + }, + { + "id": "7948915", + "title": "1984 National League Championship Series", + "text": "single made it 11\u20130 Cubs. Next inning, Ron Cey's two-out home run off Harris made it 12\u20130 Cubs, then Davis doubled and scored the last run of the game on Bowa's single. Starting pitcher Rick Sutcliffe held the Padres to two hits over seven strong innings. The Cubs' overwhelming victory had Chicago's long-suffering fans dreaming of the franchise's first World Series championship since 1908. Wednesday, October 3, 1984, at Wrigley Field in Chicago Chicago's offense was considerably more subdued in Game 2, though their pitching remained almost as strong. Dernier again opened the scoring for the Cubs in the first", + "score": 0.68798828125 + }, + { + "id": "2828170", + "title": "Curse of the Billy Goat", + "text": "during the Cubs-Marlins matchup in the National League Championship Series (NLCS). According to an account in the \"Chicago Sun\" of October 7, 1945, the goat was turned away at the gate, and Sianis left the goat tied to a stake in a parking lot and went into the game alone. There was mention of a lawsuit that day, but no mention of a curse. Between that 1908 triumph, which was the Cubs' second world championship (they'd also won the Series in 1907 to become baseball's first back-to-back winners as well as the first franchise to appear in three consecutive World", + "score": 0.6875 + }, + { + "id": "20012300", + "title": "2017 National League Championship Series", + "text": "win their first World Series since 1908. This was the third postseason meeting between the Cubs and Dodgers. The clubs have split their two previous postseason meetings. Los Angeles swept Chicago in the 2008 NLDS (3\u20130) and the Cubs defeated the Dodgers in the 2016 NLCS in six games (4\u20132). This was just the tenth time two teams have met in at least two straight League Championship Series, which have existed since divisional play began in 1969. The Dodgers offense took a big hit before the series even began when All-Star shortstop Corey Seager was left off the NLCS roster", + "score": 0.6875 + }, + { + "id": "5062998", + "title": "Baseball's Sad Lexicon", + "text": "Cubs in September 1902, forming a double play combination that lasted through April 1912. The Cubs won the National League pennant four times from 1906 and 1910 and won back-to-back World's Championship series in 1907 and 1908), a five-year span that saw them regularly defeat the arch-rival Giants en route to the pennants and World Series. Frank Chance joined the Chicago Cubs in 1898 as a reserve catcher, backing up Tim Donahue and Johnny Kling. Frank Selee, the Cubs' manager, decided that Chance would be better suited as a first baseman. Chance at first opposed the move and even threatened", + "score": 0.68701171875 + }, + { + "id": "2828172", + "title": "Curse of the Billy Goat", + "text": "and in 1938. On September 9, 1969, at Shea Stadium, the Cubs played the New York Mets in a critical pennant race game. A stray black cat walked between Cubs captain Ron Santo, who was on deck, and the Cubs dugout. The Mets would pull ahead of the Cubs in that series and eventually win both the newly formed NL East and the 1969 World Series. In 1984, the Cubs\u2019 postseason appearance was dashed by the San Diego Padres. The Cubs were victorious in the first two games of the best-of-five series. However, in game five, first baseman Leon Durham", + "score": 0.68701171875 + }, + { + "id": "4302267", + "title": "West Side Park", + "text": "first cross-town matchup in Series history. Although the Cubs had one of the most successful seasons in major league history, winning 116 contests against just 36 losses, they were defeated by the light-hitting White Sox four games to two. The Cubs finally brought a championship to West Side Park the following year when they swept the Detroit Tigers after ending the first contest in a tie. In 1908, West Side Park became the home of the first repeat world champions when the Cubs again bested the Tigers. After a one-year absence, the Cubs returned to the Series in 1910, only", + "score": 0.6865234375 + }, + { + "id": "7975034", + "title": "Culture of Chicago", + "text": "had the same two teams since the American League was established in 1901. The Chicago White Sox of the American League, who won the World Series in 2005, play at Guaranteed Rate Field, located on the city's South Side in the Armour Square neighborhood. The Chicago Cubs of the National League, who won the World Series in 2016, play at Wrigley Field, located in the North Side neighborhood of Lakeview. The area of Lakeview near the stadium is commonly referred to as \"Wrigleyville.\" The Chicago Bears of the National Football League play at Soldier Field. The Bears have won nine", + "score": 0.68603515625 + }, + { + "id": "3969215", + "title": "1918 World Series", + "text": "feature of baseball games and other sporting events. The winning pitcher of Game 1 was Babe Ruth, who pitched a shutout. The 1918 championship would be the last Red Sox win until . The drought of 86 years was often attributed to the Curse of the Bambino. The alleged curse came to be when Red Sox owner Harry Frazee traded the superbly talented but troublesome Babe Ruth (who was instrumental in their 1918 victory) to the New York Yankees for cash after the 1919 season. The Cubs would not win their next World Series until 2016. The Cubs, who last", + "score": 0.68505859375 + }, + { + "id": "8001391", + "title": "1989 National League Championship Series", + "text": "1989 National League Championship Series The 1989 National League Championship Series was played between the National League West champion San Francisco Giants and the National League East champion Chicago Cubs. The Giants won the series four games to one, en route to losing to the Oakland Athletics in four games in the 1989 World Series. Wednesday, October 4, 1989, at Wrigley Field in Chicago, Illinois The Giants entered the series as slight favorites due to the MVP season of Kevin Mitchell, the solid play of Will Clark, and the best ERA in baseball by pitcher Scott Garrelts. The Cubs had", + "score": 0.6845703125 + }, + { + "id": "2884876", + "title": "1945 World Series", + "text": "hometown fans at Wrigley Field, until 2016. The only other Wrigley victory was Game 5 in 1935. The Cubs went with the overworked Borowy, who lasted just three batters, each of whom singled, the last of which scoring a run. Paul Derringer replaced him, intentionally walked Roy Cullenbine with one out to load the bases, then one out later, walked Jimmy Outlaw before Paul Richards clear the bases with a three-run double. The Cubs got a run in the bottom of the first on Phil Cavarretta's RBI single with two on off of Hal Newhouser, but in the second, Derringer", + "score": 0.68408203125 + }, + { + "id": "16019385", + "title": "The Curse: Cubs Win! Cubs Win! Or Do They?", + "text": "watching the ball squirt through Leon Durham\u2019s legs in the 1984 playoffs, and cursing Steve Bartman and how he got in the way of the 2003 Cubs\u2019 pennant clinching moment. The Cubs, thanks largely to Slagle\u2019s play, do go on to win the pennant and earn a spot in the World Series. The novel has a dual storyline, following the exploits of the new Cubs on the field while also covering the investigation into the cause of the plane crash, which it turns out might not have been an accident. 2010, USA, Ascend Books , 15 July 2010, Paperback The", + "score": 0.68359375 + }, + { + "id": "5063000", + "title": "Baseball's Sad Lexicon", + "text": "They turned their first double play on September 15, 1902. Lowe's injury did not properly heal during the offseason, making Evers the new permanent second baseman for the Cubs in 1903. Chance succeeded Selee as manager during the 1905 season when Selee became ill. The Cubs, led by Tinker, Evers, and Chance, won the National League pennant in 1906, 1907, 1908, and 1910. In 1908, the Cubs clinched the pennant after defeating the Giants in part due to Merkle's Boner. In the Merkle game, Tinker hit a home run off Christy Mathewson, and Evers alerted umpire Hank O'Day to Merkle's", + "score": 0.68359375 + }, + { + "id": "3310591", + "title": "Edward Fitzsimmons Dunne", + "text": "the regulation of the meat production and the food supply of the United States. In 1906, Dunne was the Mayor during the first same-city World Series: the Chicago White Sox v. Chicago Cubs. The Cubs were an overwhelming favorite to win the series. The Cubs had the best record in baseball and the White Sox had such a poor batting average they were called \"The Hitless Wonders\". The White Sox upset the Cubs to win the World Series 4 games to 2. During this series was the first time the famous Cubs players Tinkers, Evans and Chance played in a", + "score": 0.68310546875 + }, + { + "id": "10188560", + "title": "History of the Chicago Cubs", + "text": "World Series titles over a five-year span. Their record of 116 victories (in a 154-game season) in 1906 has not been broken, though it was tied by the Seattle Mariners in 2001 in a 162-game season. The 1906 Cubs still hold the record for best winning percentage of the modern era, with a .763 mark. However, they lost the 1906 World Series to their crosstown rival White Sox. The Cubs again relied on dominant pitching during this period, featuring hurlers such as Mordecai \"Three-Finger\" Brown, Jack Taylor, Ed Reulbach, Jack Pfiester and Orval Overall. The Cubs' pitchers posted a record", + "score": 0.6826171875 + }, + { + "id": "17482225", + "title": "Kyle Hendricks", + "text": "National League in the stat since 1945 and the first to lead the majors since 1938. In Game 6 of the NLCS, Hendricks pitched innings facing the minimum in the clinching game to send the Cubs to their first World Series since 1945. The Cubs won the 2016 World Series over the Cleveland Indians, with Hendricks as the starting pitcher in Games 3 and 7, giving them their first title in 108 years. On June 8, 2017, Hendricks was placed on the 10-day disabled list (transaction retroactive 3 days prior) due to middle finger tendon inflammation in his right hand.", + "score": 0.68212890625 + }, + { + "id": "16232577", + "title": "Gerardo Concepcio\u0301n", + "text": "and was promoted to the Iowa Cubs of the Class AAA Pacific Coast League. Concepci\u00f3n was promoted to the Cubs on June 21, 2016. He struck out the first batter he faced in his major league debut that night. He made three appearances in 2016 with a 3.86 ERA. The Cubs eventually won the 2016 World Series, ending their 108-year drought. Concepci\u00f3n was not present during the playoffs, but was still on the 40-man roster at the time and won his first World Series title. The Cubs non-tendered Concepci\u00f3n after the season. He was released on May 6, 2017. Concepci\u00f3n", + "score": 0.68212890625 + }, + { + "id": "11021288", + "title": "2005 Houston Astros season", + "text": "Uribe. It was a bang-bang play as Paul Konerko caught the ball from Uribe at 11:01 p.m. CDT to begin the biggest celebration in Chicago since the sixth NBA championship by the Bulls in 1998, and end the second-longest period without a World Series title (the cross-town Chicago Cubs owned the longest such streak at the time, as they had not won since 1908, until winning in 2016). The 1-0 shutout was the first 1-run game to end a World Series since the 1995 World Series, in which Game 6 was won by the Atlanta Braves over the Cleveland Indians,", + "score": 0.68212890625 + }, + { + "id": "10188572", + "title": "History of the Chicago Cubs", + "text": "achieved the unusual accomplishment of winning a pennant every three years \u2013 1929, 1932, 1935 and 1938. Unfortunately, their success did not extend to the post-season, as they fell to their American League rivals each time, often in humiliating fashion. One example was in game 4 of the 1929 World Series when the Cubs, leading 8-0 at the time, yielded 10 runs to the Philadelphia Athletics in the seventh inning. A key play in that inning was center fielder Hack Wilson losing a fly ball in the sun, resulting in a 3-run inside-the-park homer. In the 1932 World Series, Babe", + "score": 0.681640625 + }, + { + "id": "3952671", + "title": "1991 World Series", + "text": "last at-bat. The same thing would also happen in the 1997 World Series when the Florida Marlins would beat the Cleveland Indians in the eleventh inning of Game 7. (Game 7 of the 2016 World Series also went to extra innings, when the visiting Chicago Cubs defeated the Cleveland Indians in 10 innings.) This game set a World Series record for the longest scoreless tie in Game 7. Only one other World Series game went longer without a run being scored (Game 6 of the 1956 World Series went to two outs in the bottom of the 10th before the", + "score": 0.681640625 + }, + { + "id": "85934", + "title": "Chicago Cubs", + "text": "another chronicles the time since the last Division title, pennant, and World Series championship. The 00 denotes the 2016 NL Central title, NL pennant, and the World Series championship. On game days, many residents rent out their yards and driveways to people looking for parking spots. The uniqueness of the neighborhood itself has ingrained itself into the culture of the Chicago Cubs as well as the Wrigleyville neighborhood, and has led to being used for concerts and other sporting events, such as the 2010 NHL Winter Classic between the Chicago Blackhawks and Detroit Red Wings, as well as a 2010", + "score": 0.681640625 + }, + { + "id": "3035542", + "title": "Johnny Evers", + "text": "won the NL pennant in 1906, but lost the 1906 World Series to the Chicago White Sox four games to two; Evers batted 3-for-20 (.150) in the series. During the 1907 season, Evers led the NL with 500 assists. The Cubs repeated as NL champions in 1907, and won the 1907 World Series over the Detroit Tigers, four games to none, as Evers batted 7-for-20 (.350). During the 1908 pennant race, Evers alerted the umpires to Fred Merkle's baserunning error in a game against the New York Giants, which became known as \"Merkle's Boner\". Al Bridwell hit what appeared to", + "score": 0.68115234375 + } + ], + "answer": "The last time the Chicago Cubs won the World Series before 2016 was the 1908 World Series, which was held on October 14, 1908." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who plays chief superintendent Matthew Lawson on Doctor Blake Mysteries?", + "short_answers": [ + "Joel Tobeck" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who plays chief superintendent William Munro on Doctor Blake Mysteries?", + "short_answers": [ + "Craig Hall" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who plays chief superintendent Matthew Frank Carlyle on Doctor Blake Mysteries?", + "short_answers": [ + "Rodger Corser" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "The Doctor Blake Mysteries", + "url": "https://en.wikipedia.org/wiki/The%20Doctor%20Blake%20Mysteries" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The Doctor Blake Mysteries (also The Blake Mysteries) is an Australian television series that premiered on ABC TV on 1 February 2013 at 8:30 pm.", + "wikipage": "The Doctor Blake Mysteries" + } + ], + "long_answer": "On Australian television series Doctor Blake Mysteries, Joel Tobeck plays the chief superintendent Matthew Lawson. Chief superintendent William Munro is played by Craig Hall while Matthew Frank Carlyle is played by Rodger Corser. " + }, + { + "knowledge": [ + { + "content": "The Doctor Blake Mysteries (also The Blake Mysteries) is an Australian television series that premiered on ABC TV on 1 February 2013 at 8:30 pm.", + "wikipage": "The Doctor Blake Mysteries" + }, + { + "content": "Joel Tobeck (born 2 June 1971 in Auckland, New Zealand) is an actor known for his roles in the television series Tangle, The Doctor Blake Mysteries, Xena Warrior Princess, Hercules: The Legendary Journeys, and Young Hercules and Sons of Anarchy.", + "wikipage": "Joel Tobeck" + }, + { + "content": "Craig Hall (born 10 May 1974) is a New Zealand actor.", + "wikipage": "Craig Hall (actor)" + }, + { + "content": "Rodger Corser (born 28 February 1973) is an Australian actor.", + "wikipage": "Rodger Corser" + }, + { + "content": "Joel Tobeck as Chief Superintendent (later Chief Inspector) Matthew Lawson (Series 1\u20134.1, 5)", + "wikipage": "The Doctor Blake Mysteries" + }, + { + "content": "Craig Hall as Chief Supt William Munro (Series 3, 5)", + "wikipage": "The Doctor Blake Mysteries" + }, + { + "content": "Rodger Corser as Chief Supt Frank Carlyle (Series 4)", + "wikipage": "The Doctor Blake Mysteries" + } + ], + "long_answer": "There were several superintendents in the TV series The Doctor Blake Mysteries. Actor Joel Tobeck played Chief Superintendent Matthew Lawson in Series 1-4.1 and 5. New Zealand actor Craig Hall played Chief Superintendent William Munro in Series 3 and 5. Australian actor Rodger Corser played Chief Superintendent Matthew Frank Carlyle in Series 4." + } + ], + "sample_id": "2806020951549731374", + "question": "Who plays the superintendent in doctor blake mysteries?", + "docs": [ + { + "id": "18045351", + "title": "Alex Blake (Criminal Minds)", + "text": "Alex Blake (Criminal Minds) Dr. Alex Blake (n\u00e9e Miller) is a fictional character on the CBS crime drama \"Criminal Minds\", portrayed by Jeanne Tripplehorn. Blake first appeared in \"The Silencer\" - episode one of season eight, replacing Agent Emily Prentiss who had resigned to go and run Interpol in \"Run (Part II)\". On May 14, 2014, it was revealed in the season 9 finale that Blake would be leaving the show. Tripplehorn's final episode as a main cast member on the show was on the May 14, 2014, episode \"Demons\". Blake's appointment at the BAU was met with some mixed", + "score": 0.73583984375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "16307760", + "title": "The Doctor Blake Mysteries", + "text": "The Doctor Blake Mysteries The Doctor Blake Mysteries is an Australian television series that premiered on ABC TV on 1 February 2013 at 8:30 pm. The series stars Craig McLachlan in the lead role of Doctor Lucien Blake, who returns home to Ballarat, northwest of Melbourne, in the late 1950s to take over his late father's general medical practice and role as police surgeon after an absence of 30 years. Five series aired as of 2017, with a telemovie scheduled to close the program at the completion of the fifth season. In October 2017, the Seven Network announced they acquired", + "score": 0.72314453125, + "summary": "Craig McLachlan plays the lead role of Doctor Lucien Blake in The Doctor Blake Mysteries. The document is irrelevant to the question of who plays the superintendent.", + "extraction": "Craig McLachlan plays the superintendent in Doctor Blake Mysteries." + }, + { + "id": "16307768", + "title": "The Doctor Blake Mysteries", + "text": "and is expected to include the regular characters of the present cast. The plots of four telemovies will see Doctor Lucien Blake disappear in mysterious circumstances, with his new bride Jean Beazley to take on a more central role. The Doctor Blake Mysteries The Doctor Blake Mysteries is an Australian television series that premiered on ABC TV on 1 February 2013 at 8:30 pm. The series stars Craig McLachlan in the lead role of Doctor Lucien Blake, who returns home to Ballarat, northwest of Melbourne, in the late 1950s to take over his late father's general medical practice and role", + "score": 0.71337890625, + "summary": "Craig McLachlan plays the lead role of Doctor Lucien Blake in The Doctor Blake Mysteries.", + "extraction": "Craig McLachlan plays the lead role of Doctor Lucien Blake in Doctor Blake Mysteries. However, there is no information in the given passage about who plays the superintendent, so the answer is \"irrelevant\"." + }, + { + "id": "14703373", + "title": "Blake Dean (Home and Away)", + "text": "accidentally leave a sprinkler running by an open window, resulting in the front room being soaked. Early into his time at Summer Bay High, Blake clashes with another of his teachers, Grant Mitchell (Craig McLachlan), but changes his mind when Grant offers to train him for an upcoming iron man competition after he is the victim of a practical joke from Adam Cameron (Mat Stevenson) and Matt Wilson (Greg Benson) who encourage him to train harder than he needs to. When Alan Stone (Philip Hinton) takes over as deputy principal, Blake clashes with him. Blake and Karen point out one", + "score": 0.70947265625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "4222083", + "title": "Strange Days at Blake Holsey High", + "text": "Writing in a Children's Series. Emma Taylor-Isherwood, Shadia Simmons and Robert Clark were each given Young Artist Award nominations in early 2003, although Taylor-Isherwood was placed in the supporting category, Simmons was elevated to lead, and Clark was considered a \"guest actor\". Simmons received a second nomination the following year, alongside Talia Schlanger (Madison). The Academy of Canadian Cinema and Television nominated creative team Tony Thatcher, Adam Haight, Jeff King and Kevin May for Best Children's or Youth Fiction Program or Series at the annual Gemini Awards in late 2004, and the Directors Guild of Canada also recognised the show", + "score": 0.70654296875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The given passage is about a children's series called \"Strange Days at Blake Holsey High\" and does not mention \"Doctor Blake Mysteries\" or any superintendent character." + }, + { + "id": "6888819", + "title": "Benjamin Kyle", + "text": "Ambassador Kosh, while working to save the Vorlon dignitary's life. Kyle was subsequently reassigned to Earth by the Earth Alliance President to work as an expert on alien physiology. Dr. Stephen Franklin was assigned to Babylon 5 to assume the medical duties. He eventually assumed the position of head of Xenobiological Research at EarthDome. When he retired in 2262, he was again replaced by Dr. Stephen Franklin. Benjamin Kyle Doctor Benjamin Kyle is a fictional character from the universe of the science-fiction television series \"Babylon 5\", portrayed by Johnny Sekka. His only appearance was in the Babylon 5 pilot movie", + "score": 0.7041015625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is about Benjamin Kyle, a fictional character from the TV series \"Babylon 5\", and does not mention the \"superintendent\" or \"Doctor Blake Mysteries\" at all." + }, + { + "id": "8463913", + "title": "Nick Freno: Licensed Teacher", + "text": "latter left her job and moved out of town. Besides Nick, the only returning characters were Mezz, Mr. Yaroker, and Phil the security guard (who had now made it to the opening credits). Mr. Fust disappeared, and so did the now-former unseen principal; arriving as the new headmaster was Dr. Katherine Emerson (Jane Sibbett), a more serious-minded administrator who became a nemesis for Nick. Despite the friction that occurred between the two, Nick developed a romantic interest in Emerson. Nick's job as a full-time teacher stuck him with instructing remedial classes, a situation heavily inspired by \"Welcome Back, Kotter\". Nick's", + "score": 0.7041015625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "7364316", + "title": "Paul Shelley", + "text": "as Major Nicholas Bradley, \"Special Branch\" (1974), \"Blake's 7\" (1979), \"Doctor Who\" (1982), \"Inspector Morse\" (1990), \"Paradise Postponed\" (1986) based on book by John Mortimer (audiobook-recorded by Paul Shelley as well) and its sequel \"Titmuss Regained\" (1991, also audiobook), \"The Fourth Arm\" (1983), \"Revelations\" (1994\u201395), \"Heartbeat\" (2002) and \"Crossroads\" (2003). In the popular ITV detective drama \"Midsomer Murders\" episode \"The Creeper\" (2009) Shelley performed as Inspector Barnaby's boss, Chief Constable Richard Lovell and appeared as Jed Gray in several episodes in BBC TV series \"Doctors\" (2010). Films include \"Oh! What a Lovely War\" (1969), Polanski's \"Macbeth\" (1971), \"It Shouldn't Happen", + "score": 0.70361328125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about any actor playing the superintendent in Doctor Blake Mysteries." + }, + { + "id": "2597288", + "title": "John Billingsley", + "text": "Steadman, and he was replaced in the role by Jeff Perry. In 2005, he played the voice of Trask in \"Ultimate Spider-Man\". In November 2006, Billingsley portrayed William Bradford on two episodes of the podcast \"The Radio Adventures of Dr. Floyd\". In May 2007 he appeared on \"NCIS\" as a blind photographer in the episode, \"In The Dark\". He appeared in the seventh season of \"24\" as a recurring character. On October 8, 2007, he also made a guest appearance on \"Journeyman\" as Alan Platt. Billingsley played Prof. Harry, a biologist, in the 2007 independent science fiction film \"The Man", + "score": 0.70263671875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "8794046", + "title": "Blake Carrington", + "text": "patriarchal figure due to the influence of actor Forsythe. Forsythe originated the role of Blake, playing the character from the first episode of the series in 1981 until its finale in 1989. He returned for the 1991 miniseries, \"Dynasty: The Reunion\". Forsythe is the only actor to appear in every episode of the series. George Peppard was originally cast as Blake, but ultimately had difficulties dealing with the somewhat unsympathetic role and was replaced with Forsythe. In the series premiere, Denver oil tycoon Blake Carrington marries his secretary Krystle Jennings. Their marriage is strained by her discomfort as she learns", + "score": 0.7021484375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "10477771", + "title": "Shawn Doyle", + "text": "Isaac Taft on the Canada-based Syfy series \"Lost Girl\". 2014 saw Doyle portray Aleksandre Belenko on Covert Affairs. He portrays Will Graham's defense attorney Leonard Brower on NBC's \"Hannibal\", appeared as Chief of Police Vern Thurman on \"Fargo\", and portrays Jackie Sharp's boyfriend (then later husband), Alan Cooke on \"House of Cards\". In 2015, he appeared in a recurring role on \"This Life\" as high school principal, Andrew Wallace, and Sadavir Errinwright on the Syfy series \"The Expanse\". Shawn Doyle Shawn Doyle (born September 19, 1968) is a Canadian actor. Doyle was born and raised in Wabush (Labrador), Newfoundland. He", + "score": 0.70068359375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "16948385", + "title": "Burn Notice (season 7)", + "text": "a bounty hunter who is Fiona's new boyfriend. Nick Tarabay plays Dexter Gamble, a freelance operative, in two episodes. Adrian Pasdar plays Randall Burke, a former special ops soldier who is suspected of running a freelance terrorist ring. Ricardo Antonio Chavira guest stars in two episodes as international terrorist Rafael Serrano. Charles Mesure makes a guest appearance as Jack Frakes, the head of a criminal hacking syndicate. Alona Tal plays Sonya, the woman Burke calls \"the key to everything\", while John Pyper-Ferguson plays her boss, James Kendrick. Tim Matheson reprises his role as \"Dead Larry\" Sizemore in one of Michael's", + "score": 0.7001953125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "6013843", + "title": "Rodger Corser", + "text": "Rodger Corser Rodger Corser (born 28 February 1973) is an Australian actor. He is best known for his portrayals of Detective Senior Sergeant Steve Owen in the Nine Network crime mini-series \"Underbelly\", based on the Melbourne gangland killings, and Senior Sergeant Lawson Blake in the Network Ten police drama series \"Rush\". He is currently part of the main cast of \"Glitch\" in the role of John Doe/William Blackburn and is the series lead of \"Doctor Doctor\". Corser graduated from Deakin University in 1996 with an Honours B.A. in Media Studies. He was lead vocalist in a band called Tender Prey", + "score": 0.69970703125, + "summary": "Rodger Corser is an Australian actor, known for his role as Senior Sergeant Lawson Blake in the Network Ten police drama series \"Rush\" and the series lead of \"Doctor Doctor.\"", + "extraction": "Irrelevant." + }, + { + "id": "3593008", + "title": "William Gray Espy", + "text": "in Dothan, Alabama. William Gray Espy William Gray Espy (born July 19, 1948 in Dothan, Alabama, U.S.) is an actor, best known for roles in serials such as \"The Young and the Restless\" as William \"Snapper\" Foster (1973-1975, 2003) and \"Another World\" as Mitch Blake (1979-1982, 1986-1990). Espy also appeared in the 1977 movie \"Haunts\", and had a guest-starring role on the popular \"Miami Vice\". He left acting in the early 1990s and returned to Alabama to take care of family matters. He is devoted to preserving and reforesting land and developing a wildlife habitat for turkey, quail, and deer.", + "score": 0.69970703125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "9001206", + "title": "Geoffrey Blake (actor)", + "text": "the \"Charmed\" episode \"Apocalypse Not\", and Dominic in the \"House\" episode \"Lines in the Sand\". In 2012, Blake appeared in the \"Criminal Minds\" episode \"Closing Time\", as an unsub who castrated his victims. Blake is a graduate of the University of Southern California and a member of the Sigma Nu. In 2010, he guest starred in the \"In Plain Sight\" episode \"Whistle Stop\", as an informant of the FBI to enter WitSec. Geoffrey Blake (actor) Geoffrey Lewis Blake (born August 31, 1962) is an American film and television actor. Blake was born in Baltimore, Maryland, the son of Marjorie Myers", + "score": 0.6982421875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "7342493", + "title": "Brandon Douglas", + "text": "Brandon Douglas Brandon Douglas (born June 21, 1968) is an American actor. He first came to prominence in the television series \"Falcon Crest\", in which he played Ben Agretti during the 1988\u20131989 season. He is best known for playing Wayne Jones in the CBS TV series Northern Exposure. He is also known for playing Dr. Andrew Cook in the CBS series \"Dr. Quinn, Medicine Woman\". Other credits include: \"21 Jump Street\", \"Matlock\", \"Murder, She Wrote\", and \"JAG\". He also costarred as Cameron Frye in the short-lived sitcom \"Ferris Bueller\". Douglas played the lead in \"The Children of Times Square\", a", + "score": 0.69775390625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "4980275", + "title": "Diagnosis: Murder", + "text": "Television Distribution. In the \"Jake and the Fatman\" episode, Dr. Mark Sloan was a widower with no sons. Dr. Amanda Bentley is played by Cynthia Gibb in the TV movies and, finally, Victoria Rowell in the TV series. Stephen Caffrey played Dr. Jack Parker in the movies, a role that went to Scott Baio as Dr. Jack Stewart in the weekly series (first two seasons). The first two TV movies were shot in Vancouver, British Columbia, and the third was shot in Denver, Colorado. The first few episodes of the series were also shot (and set) in Denver, before quickly", + "score": 0.69775390625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not contain any information about the \"Doctor Blake Mysteries\" or its characters." + }, + { + "id": "3593007", + "title": "William Gray Espy", + "text": "William Gray Espy William Gray Espy (born July 19, 1948 in Dothan, Alabama, U.S.) is an actor, best known for roles in serials such as \"The Young and the Restless\" as William \"Snapper\" Foster (1973-1975, 2003) and \"Another World\" as Mitch Blake (1979-1982, 1986-1990). Espy also appeared in the 1977 movie \"Haunts\", and had a guest-starring role on the popular \"Miami Vice\". He left acting in the early 1990s and returned to Alabama to take care of family matters. He is devoted to preserving and reforesting land and developing a wildlife habitat for turkey, quail, and deer. He currently resides", + "score": 0.697265625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "7604238", + "title": "Laurence Payne", + "text": "(aka. \"The Crawling Eye\"), \"Vampire Circus\", \"The Tell-Tale Heart\" and \"Ben-Hur\". His television credits include: \"Z-Cars\", \"Moonstrike\", \"The Sandbaggers\", \"Airline\", \"Telephone Soup\" and \"Tales of the Unexpected\". See him also as Capulet in a 1976 version of Romeo and Juliet. He appears in three \"Doctor Who\" serials: \"The Gunfighters\", \"The Leisure Hive\" and \"The Two Doctors\", playing a different role in each. Perhaps his most famous role was as TV's \"Sexton Blake\" (1968\u201371) on ITV in Britain. It was while filming an episode of \"Sexton Blake\" that he lost the sight in his left eye during rehearsal of a sword", + "score": 0.6962890625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention the superintendent in Doctor Blake Mysteries." + }, + { + "id": "9367852", + "title": "Chief Superintendent Strange", + "text": "series \"Lewis\", in the timeline of which, he appears to have retired. Chief Superintendent Strange Detective Chief Superintendent Strange is a fictional character in the television series \"Inspector Morse\", played by James Grout. The character also appears, as a Police Constable, in the prequel series \"Endeavour\", portrayed by Sean Rigby. Although Strange does not appear in every episode of \"Inspector Morse\", he is present in the whole series (of 33 2-hour TV films) from beginning to end. The intervening episodes from which he is \"absent\" are few in number. It is never revealed (in the original series) what Strange's first", + "score": 0.6962890625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "17657152", + "title": "Puppet Master (Glee)", + "text": "Dani (Demi Lovato) and Elliott \"Starchild\" Gilbert (Adam Lambert) disagree over the choice of venue, but are convinced by how Kurt envisions their first performance, in which they sing \"Into the Groove\". The school board visits McKinley ahead of the inspection to discuss with Sue Sylvester (Jane Lynch) the possibility of becoming full-time Principal, to which she agrees. She develops a crush on Superintendent Bob Harris (Christopher Cousins), and is disappointed to find out he thinks she is a man. Sue confides in Becky Jackson (Lauren Potter) that she changed her more feminine appearance and adopted her trademark tracksuits when", + "score": 0.6962890625 + }, + { + "id": "5590021", + "title": "James Fleet", + "text": "played the part of Mr Bennett in the series. In September 2014, Fleet appeared in the BBC Three sitcom \"Bad Education\" as Richard, an ex-boyfriend of Rosie Gulliver. He has most recently appeared in an episode of ITVs second series of \"Plebs\", as Stylax's racing patron. In 2013, Fleet was engaged to play Scottish historian, the Reverend Dr. Reginald Wakefield, in seasons 1 and 2 of the Award winning Starz adaptation of Diana Gabaldon's \"Outlander\", broadcast in 2014\u20132016. Fleet has starred in numerous films. He played the role of Lefevre in the 2004 film adaptation of \"Phantom of the Opera\",", + "score": 0.6953125 + }, + { + "id": "7476307", + "title": "Scott Jaeck", + "text": "Scott Jaeck Scott Jaeck (born October 29, 1954 in Milwaukee, Wisconsin) is an American actor. He attended New Trier High School in Winnetka, Illinois, graduating in 1973. He attended the University of Wisconsin\u2013Milwaukee. He was married to actress Mariann Mayberry, a member of the Steppenwolf Theater Company ensemble in Chicago, Illinois, until her death on August 1, 2017. His venture into soap operas lasted from 1987 to 1988, when he portrayed Cain Garver on \"Santa Barbara\". He had recurring appearances on \"Charmed\" as Samuel Wilder and \"ER\" as Dr. Steven Flint. He appeared in \"The Finale\" episode of \"Seinfeld\" as", + "score": 0.69482421875 + }, + { + "id": "18045372", + "title": "Alex Blake (Criminal Minds)", + "text": "the plane ride home, and it is implied that she sends a text message to Hotch handing in her resignation. After taking Reid home, telling him about Ethan, and departing, Reid finds her FBI badge in his bag, and watches her leave, saddened but accepting, from his window. In the first episode of season 10 it was confirmed that she had left to return to teaching. Alex Blake (Criminal Minds) Dr. Alex Blake (n\u00e9e Miller) is a fictional character on the CBS crime drama \"Criminal Minds\", portrayed by Jeanne Tripplehorn. Blake first appeared in \"The Silencer\" - episode one of", + "score": 0.69482421875 + }, + { + "id": "4222905", + "title": "David Burke (British actor)", + "text": "David Burke (British actor) David Burke (born 25 May 1934) is an English actor, known for playing Watson in the initial series of Granada Television's 1980s \"The Adventures of Sherlock Holmes\", which starred Jeremy Brett in the title role. He also starred as Josef Stalin in the last two episodes of \"Reilly, Ace of Spies\". Burke was born on 25 May 1934 in Liverpool, Lancashire, England, and trained at Royal Academy of Dramatic Art. In the theatre, Burke originated the part of Niels Bohr in Michael Frayn's \"Copenhagen\". He played Dr. Watson in \"The Adventures of Sherlock Holmes\" for the", + "score": 0.69482421875 + }, + { + "id": "2431744", + "title": "Homicide: Life on the Street", + "text": "who starred alongside the ensemble. Wendy Hughes (Carol Blythe), Ami Brabson (Mary Pembleton) and \u017deljko Ivanek (Ed Danvers) are the most notable, with the first appearing in Season 1, and the other two appearing in Seasons 1\u20136 and Seasons 1\u20137 respectively. Clayton LeBouef played Colonel George Barnfather throughout the run. Ralph Tabakin played Dr. Scheiner in all seven seasons. The recurring cast also included: Gerald F. Gough as Col. Burt Granger (seasons 1\u20133); Lee Tergesen as Officer Chris Thormann (seasons 1, 3 and 5); Sean Whitesell as Dr. Eli Devilbiss (seasons 1, 3, 4, 6 and 7); Michael Willis as", + "score": 0.69482421875 + }, + { + "id": "9367845", + "title": "Chief Superintendent Strange", + "text": "Chief Superintendent Strange Detective Chief Superintendent Strange is a fictional character in the television series \"Inspector Morse\", played by James Grout. The character also appears, as a Police Constable, in the prequel series \"Endeavour\", portrayed by Sean Rigby. Although Strange does not appear in every episode of \"Inspector Morse\", he is present in the whole series (of 33 2-hour TV films) from beginning to end. The intervening episodes from which he is \"absent\" are few in number. It is never revealed (in the original series) what Strange's first name is. Strange was played by British actor James Grout (1927-2012). In", + "score": 0.69482421875 + }, + { + "id": "5984923", + "title": "The White Shadow (TV series)", + "text": "Central Los Angeles. Carver's principal is Coach Reeves' former Boston College classmate Jim Willis (Jason Bernard in the pilot, and Ed Bernard \u2014 no relation to Jason, but his best friend in real life \u2014 for seasons 1 and 2). Sybil Buchanan (Joan Pringle) is the vice principal, who was against Reeves' hiring and frequently clashes with Reeves in the areas of discipline and education. In season 3, Willis is promoted to a position with the Oakland Board of Education and Buchanan becomes principal of Carver High. The subject matter of episodes included illicit drug use, child abuse, sexually transmitted", + "score": 0.69482421875 + }, + { + "id": "15398710", + "title": "Larry J. Blake", + "text": "Larry J. Blake Larry J. Blake (April 24, 1914 \u2013 May 25, 1982) was an American actor from Bay Ridge, Brooklyn, New York. He started his career in vaudeville as an impersonator, working his way to a headliner. After appearing at the Roxy Theatre and the Rainbow Room in New York City, he was offered a screen test with Universal studios. Signing in 1936, he first appeared in the serial \"Secret Agent X-9\" (1937). He later appeared in \"The Road Back\" (1937), \"Trouble at Midnight\" (1938), \"Air Devils\" (1938), \"The Nurse From Brooklyn\" (1938), \"State Police\" (1938) and \"The Jury's", + "score": 0.6943359375 + }, + { + "id": "9227821", + "title": "Blake McIver Ewing", + "text": "Blake McIver Ewing Blake McIver Ewing (born March 27, 1985), also known as Blake McIver and Blake Ewing, is an American singer-songwriter, actor, model and pianist. He was known for playing Michelle's friend, Derek, on the sitcom \"Full House\". Ewing also portrayed the role of Waldo in the 1994 feature film version of \"The Little Rascals\", and voiced Eugene on \"Hey Arnold!\" during its 5th season (replacing Benjamin Diskin, Jarrett Lennon and Christopher Castile). He is currently one of the hosts of the Bravo series \"The People's Couch\". Ewing co-wrote and performed the song \"Along the River\", the end credit", + "score": 0.6943359375 + }, + { + "id": "7144297", + "title": "Jack Coleman (actor)", + "text": "Jack Coleman (actor) John MacDonald Coleman (born February 21, 1958) is an American actor and screenwriter, known for playing the role of Steven Carrington in the 1980s prime time soap opera \"Dynasty\" (1982\u20131988), and for portraying Noah Bennet in the science-fiction drama series \"Heroes\" (2006\u20132010) as well as his recurring roles as State Senator Robert Lipton on \"The Office\" (2010\u20132013) and as State Senator William Bracken on \"Castle\" (2012\u20132015). Coleman's first major role was in \"Days of Our Lives\", where he appeared from 1981 to 1982 as the character of Jake Kositchek (aka \"The Salem Strangler\"). He also made an", + "score": 0.6943359375 + }, + { + "id": "9037377", + "title": "Richard Webber", + "text": "his emotional affair with Ellis. He attempts to patch things up with his wife, but is stunned to find out that she has apparently moved on to someone else. In the meantime, Richard makes plans to retire and must name his successor. He first thought of recommending Dr. Preston Burke (Isaiah Washington) as his successor, but after the secret of Burke's tremor and cover-up came out, that plan is put to a stand-still. Nevertheless, he tells the hospital board of his retirement but has yet to name his successor; Dr. Derek Shepherd (Patrick Dempsey), Preston, Dr. Addison Montgomery (Kate Walsh)", + "score": 0.69384765625 + }, + { + "id": "6522095", + "title": "Z\u030celjko Ivanek", + "text": "well-known television series. His first television role was as Sammie Wheaton on the ABC soap opera \"The Edge of Night\". Other roles include Emile Danko in \"Heroes\"; Roland in \"The X-Files\"; prosecuting attorney Ed Danvers in \"\"; Ray Fiske in \"Damages\"; J.J. in \"Big Love\"; the Magister in \"True Blood\"; Governor James Devlin in \"Oz\"; and Blake Sterling, the Director of National Intelligence in the NBC drama series \"The Event\". Most recently, Ivanek plays Russell Jackson, Chief of Staff, in the TV series \"Madam Secretary\". He portrayed John Dickinson, the Pennsylvania representative to the Second Continental Congress, in the HBO", + "score": 0.69384765625 + }, + { + "id": "13338151", + "title": "Matthew Swain", + "text": "the former high school principal. He was also the uncle of Allison MacKenzie. Matthew Swain Matthew Swain, M.D. is a fictional character in the novel \"Peyton Place\", as well as the movie and TV series of the same name. In the movie, he was played by actor Lloyd Nolan and in the television series, he was played by actor Warner Anderson. Matthew Swain was the long time physician in the New Hampshire community of Peyton Place. He had grown up in the community, having done his internship at Mary Hitchcock Hospital in Hanover, New Hampshire. Dr. Swain was a widower,", + "score": 0.69287109375 + }, + { + "id": "9475056", + "title": "Matt Holmes (actor)", + "text": "Matt Holmes (actor) Matthew Holmes (born 17 July 1976 in Albury, New South Wales, Australia) is an Australian actor. Holmes attended Newington College (1981\u20131993). He gained an Advanced Diploma in Acting at the Actors College of Theatre and Television. Holmes was one of the main characters in \"Sea Patrol's\" 2007\u20132011 seasons. His character is Petty Officer Chris Blake, the Coxswain of a fictional Royal Australian Navy Patrol Boat. He appeared as Constable Matthew \"Matt\" Graham on the Seven Network Australian police drama series \"Blue Heelers\". He made his first appearance in the twelfth season (2005), and remained on the show", + "score": 0.69287109375 + }, + { + "id": "15033489", + "title": "Martin Dibble", + "text": "(Greg Benson) from visiting her. When Martin has another clash with Bobby, during which her school dress is ripped, the girls decide to get their own back on Lance and Martin by letting the handbrake off their van. The van rolls into the car being driven by school Principal Walter Bertram (Owen Weingott), leaving him hospitalised with minor injuries. Since it is their work van, they end up being fired. Martin and Lance blame the school's deputy principal, Donald Fisher (Norman Coburn), whose brother is their employer, so they get their revenge by putting jellyfish in his car. They then", + "score": 0.6923828125 + }, + { + "id": "3238699", + "title": "Rade S\u030cerbedz\u030cija", + "text": "Cowboys\", wherein he was billed as \"Rade Sherbedgia\". In 2001, he starred in a television production of Rodgers and Hammerstein's classic musical \"South Pacific\" as French plantation owner Emile de Becque. He also appeared in the BBC spy-thriller show \"Spooks\" for one episode as a villain. In 2005 he played Captain Blake in Rupert Wainwright's remake of \"The Fog\", and had a supporting role in the NBC science fiction series \"Surface\". In 2007 he played Athos Roussos in Jeremy Podeswa's feature film adaptation of Anne Michaels' novel \"Fugitive Pieces\". He portrayed Dmitri Gredenko on the sixth season of the hit", + "score": 0.69189453125 + }, + { + "id": "6274783", + "title": "Derek McGrath", + "text": "Mosque on the Prairie\" seasons 1-3; in season 4 (beginning late September 2009), he appears to have been written out and replaced with a younger priest played by actor Brandon Firla. He voices Spiff in the animated children's series \"Iggy Arbuckle\". He also voices Melvin, the mayor of Maple Lake in the animated series \"Bob & Doug\". He also provided the voice of Heathcliff's nemesis Spike in DIC's \"Heathcliff and the Catillac Cats\". He has also voiced various characters in \"Grossology\", \"Pole Position\", \"The Romance of Betty Boop\", \"Intergalactic Thanksgiving\", \"Bakugan Battle Brawlers\", \"Super Why!\", \"Wayside\", \"Ruby Gloom\", \"Toot and", + "score": 0.69189453125 + }, + { + "id": "12047727", + "title": "Richard H. Blake", + "text": "Broadway at the Longacre Theatre. The musical opened in previews on November 3, 2016 and officially on December 1, 2016. Richard H. Blake Richard H. Blake (born May 17, 1975 as Richard Harrison Thomas) is an American musical actor. Blake made his Broadway debut in Teddy & Alice, starring Len Cariou at the Minskoff Theater in 1987. Following that he appeared as Boy McDuff in \"Macbeth\", starring Christopher Plummer & Glenda Jackson, in 1988. Blake then starred as the title character in the 1989 musical \"Prince of Central Park\". At 14, he became the youngest Broadway performer to have his", + "score": 0.69189453125 + }, + { + "id": "1559108", + "title": "Detective Story (1951 film)", + "text": "moment with his wife Mary (Eleanor Parker), and he discusses the children he would like to have. McLeod returns to the precinct to process a young embezzler named Arthur Kindred. McLeod then encounters Endicott Sims (Warner Anderson), lawyer of \"Dutchman\" Karl Schneider (George Macready), a New Jersey doctor who has had his license revoked and is now wanted on murder charges. Sims informs Lieutenant Monaghan (Horace McMahon) that Schneider wants to turn himself in to avoid the wrath of McLeod, who has been conducting ongoing harassment against the doctor, who is known to perform abortions. McLeod professes his hatred of", + "score": 0.69140625 + }, + { + "id": "18487332", + "title": "The Hurt Locker, Part One", + "text": "Sue has ulterior motives though, and hypnotizes Sam Evans to carry out her plans which includes creating a false relationship between Sam and Rachel Berry, and creating discord for her old rival Will Schuester. Principal Sue Sylvester (Jane Lynch) invites Will Schuester (Matthew Morrison), now coach of Vocal Adrenaline, back to McKinley High to end the dispute between them, but finds him so annoying that she vows to continue to fight. She invites Becky Jackson (Lauren Potter) to a storage locker she has named her \"hurt locker\" where it is revealed that she has been secretly encouraging the relationship between", + "score": 0.69140625 + }, + { + "id": "5405470", + "title": "TLC (TV series)", + "text": "sleep and ends up seeing and doing some very strange things as a result. He is madly in love with nurse Judy. Dr Stephen Noble (Played by Alexander Armstrong): A Surgical Registrar at the hospital and Dr Laurence's mentor. He is Flynn's only friend and the two seem quite close, but he actually enjoys playing jokes on Flynn just as much as everyone else does, and even sets up a few himself. Dr Noble enjoys being a doctor, but he is endlessly cynical by nature. He sometimes gets blamed for screw-ups during surgery but manages to shift the blame onto", + "score": 0.69140625 + }, + { + "id": "6200057", + "title": "Joe Seneca", + "text": "the title creature. Seneca also made multiple appearances on \"The Cosby Show\" as Hillman President Dr. Zachariah J. Hanes. He also played Alvin Newcastle, a man suffering from Alzheimer's disease, on an episode of \"The Golden Girls\" entitled \"Old Friends\". Seneca appeared in Spike Lee's \"School Daze\" as Mission College President McPherson. Seneca played Eddie Haynes, on \"Matlock,\" in the May 9, 1989 episode \"The Blues Singer.\" He later played a blind murder witness in the October 13, 1993 \"Law & Order\" episode \"Profile.\" Seneca appeared in Michael Jackson's \"The Way You Make Me Feel\" music video in the late", + "score": 0.69091796875 + }, + { + "id": "18843883", + "title": "Vice Principals", + "text": "ill-tempered, dogmatic, and disliked vice principal of North Jackson High School Neal Gamby (Danny McBride), and his ambitions of being promoted to the principal's chair when the principal is due to step down. However, when the current principal (Bill Murray) retires, he reveals that he trusts neither Gamby nor his scheming and seemingly sociopathic co-vice principal Lee Russell (Walton Goggins), and so has recommended neither of them as his successor; instead, outsider Dr. Belinda Brown (Kimberly Hebert Gregory) is hired. When Gamby's attempt to get the school faculty to veto the appointment backfires (as Brown quickly makes a positive impression", + "score": 0.69091796875 + }, + { + "id": "6539394", + "title": "James Stephens (actor)", + "text": "as Father Philip Prestwick. His first role was as C. L. Bradley in the pilot and two episodes of the ABC western series, \"How the West Was Won\", starring James Arness. He guest-starred in such series as \"Buffy the Vampire Slayer\", \"\", \"L.A. Law\", \"Matlock\", \"Moonlighting\", \"M*A*S*H\", \"Eischied\", multiple characters on \"Murder, She Wrote\", a recurring role on \"Cagney & Lacey\", and the role of the young Doctor Auschlander in 1945 in flashbacks on \"St. Elsewhere\". His film appearances have included roles in \"\" (1978), \"First Monday in October\" (1981), \"The Getaway\" (1994), and \"Against the Law\" (1997). James Stephens", + "score": 0.6904296875 + }, + { + "id": "9650268", + "title": "Brenda Leigh Johnson", + "text": "killed and his cameraman badly injured, but Brenda and Sgt. Gabriel escape relatively unscathed. By the end of season four (episode 4.13: \"Power of Attorney\"), Major Crimes Division is investigating a murder linked to six counts of rape. On their hands, they have Chris Dunlap, a thirty-something year old who was found hiding in a tree on the night of the murder. When Brenda nearly gets a confession, she is interrupted by the arrival of Dunlap's attorney, Phillip Stroh (Billy Burke). After being caught in several of Stroh's tricks, such as being forced to open up her case to him", + "score": 0.6904296875 + }, + { + "id": "10401616", + "title": "Maurice Tarplin", + "text": "Maurice Tarplin Maurice Tarplin (April 1, 1911, Boston, Massachusetts - May 12, 1975) was a novelist and a radio actor best known as the narrator of \"The Mysterious Traveler\", employing a voice once described as \"eerily sardonic.\" Tarplin was a familiar voice as Dr. Weird on \"The Strange Dr. Weird\" and Inspector Faraday on \"Boston Blackie\". He was heard on numerous other shows, including \"Valiant Lady\", \"The Shadow\", \"Theater Five\", \"The March of Time\" (as Winston Churchill), \"Gangbusters\" and various soap operas. He played Los Angeles District Attorney Richard Hanley on \"The Guiding Light\". On \"Myrt and Marge\" he played", + "score": 0.6904296875 + }, + { + "id": "5829499", + "title": "Philip Bretherton", + "text": "\"Casualty\" as Andrew Bower (Lisa \"Duffy\" Duffin's husband), \"Footballer's Wives\" as Stefan Hauser, \"New Tricks\" as Doug Standeven. He also appeared in an episode of \"The Casebook of Sherlock Holmes\", \"The Problem of Thor Bridge\" in 1990 as Mr. Joyce Cummings Q.C. He has appeared in Series 1 of \"Murder in Suburbia\", as Phillip Whitmore. He further appeared in the episode \"Last Seen Wearing\" of the television series \"Inspector Morse\" in the role of French teacher David Acum. He also appeared in the fifth and final series of \"Young Dracula\" as Roquelaire, the vampire high council's head of security and", + "score": 0.68994140625 + }, + { + "id": "5354469", + "title": "Paul Satterfield", + "text": "starred along Jennifer Lopez in the short-lived television series, \"Hotel Malibu\". His film appearances included \"Arena\" (1989) and \"Creepshow 2\" (1987) After numerous appearances of the big and small screens, Satterfield returned to soap operas portraying Dr. Pierce Peterson on \"The Bold and the Beautiful\" from 1998 to 1999 and 2001-2002. He then had guest roles on shows such as \"7th Heaven\", \"Will & Grace\" and the American version of the British sitcom, \"Coupling\". He later appeared alongside Jim Carrey in the 2003 film, \"Bruce Almighty\". Satterfield was often mistaken for Christopher Reeve because of their striking resemblance. He reminisced", + "score": 0.68994140625 + }, + { + "id": "6784954", + "title": "Checkmate (TV series)", + "text": "Corey's stylish apartment supposedly at 3330 Union Street. Sebastian Cabot portrays Dr. Hyatt, a college professor whom they employ as an adviser. Dr. Hyatt's dachshund, Bismarck, occasionally appears. Ken Lynch is frequently seen as police dept. contact Lt. Thomas Brand. The series was a critical favorite. Many exterior scenes were shot in San Francisco. In 1961 John J. Lloyd won the show's sole Emmy nomination for Outstanding Achievement in Art Direction and Scenic Design. The icon for this series is swirling liquid shapes at the opening and closing of each episode with theme music by John Williams. Series star Anthony", + "score": 0.68994140625 + }, + { + "id": "12314681", + "title": "Doctor in Trouble", + "text": "television star Basil Beauchamp (Simon Dee). The captain of the ship is Lancelot Spratt's brother George Spratt (Robert Morley). Doctor Burke (Leslie Phillips) becomes a stowaway by mistake when chasing his girlfriend (Angela Scoular) onto the ship to propose to her. She is one of a group of models doing a fashion shoot with camp photographer (Graham Chapman). Other passengers aboard ship include pools winner Llewellyn Wendover (Harry Secombe) and Mrs. Dailey (Irene Handl), a socially ambitious lady hoping to find a wealthy match for her daughter Dawn (Janet Mahoney). Burke is pursued by the Master-at-Arms (Freddie Jones) who correctly", + "score": 0.689453125 + }, + { + "id": "14979522", + "title": "The West Wing (season 6)", + "text": "Kristin Chenoweth joined the recurring cast as Annabeth Schott, a former feature writer who becomes Deputy Press Secretary. Recurring guest-star Ed O'Neill played Governor Eric Baker with Mel Harris (as Senator Rafferty) and Christopher Lloyd (portraying Lawrence Lessig) also guest-starring in one episode each. Actors who left the cast include John Amos as Chairman of the Joint Chiefs of Staff Percy Fitzwallace who was killed in the penultimate episode of the previous season, Jesse Bradford as intern Ryan Pierce and Michael Hyatt as legislative affairs advisor Angela Blake. The season was nominated for five Primetime Emmy Awards in 2005 without", + "score": 0.689453125 + }, + { + "id": "9227823", + "title": "Blake McIver Ewing", + "text": "Blake released his equality anthem \"This Is Who We Are\" on July 14, 2015 and works as a host for AfterBuzz TV. Blake McIver Ewing Blake McIver Ewing (born March 27, 1985), also known as Blake McIver and Blake Ewing, is an American singer-songwriter, actor, model and pianist. He was known for playing Michelle's friend, Derek, on the sitcom \"Full House\". Ewing also portrayed the role of Waldo in the 1994 feature film version of \"The Little Rascals\", and voiced Eugene on \"Hey Arnold!\" during its 5th season (replacing Benjamin Diskin, Jarrett Lennon and Christopher Castile). He is currently one", + "score": 0.689453125 + }, + { + "id": "7955275", + "title": "Lawrence Bayne", + "text": "Lawrence Bayne Lawrence Bayne (born November 11, 1960) is a Canadian actor, voice actor and singer. Born in Toronto, Ontario, he has appeared in various movies and television series, both live action and animated. Among his live-action characters, he may be best known as Victor Pearson, the apparently nefarious scientist-next-door in the NBC/Discovery Kids television series \"Strange Days at Blake Holsey High,\" also known as \"Black Hole High\". Victor was the father of the Science Club's Vaughn Pearson and generally functioned as the series' antagonist. Victor used a frictionless Chi ball which he had stolen from the show's protagonist, Josie", + "score": 0.68896484375 + }, + { + "id": "1688071", + "title": "Peter Blake (actor)", + "text": "Whittington\" and 'Abanazer' in \"Aladdin\". Peter Blake's best-known role was the flamboyant and boastful Kirk St Moritz, resplendent in white suit, big collars and golden medallion, in the British sitcom \"Dear John\" (1986\u201387). He appeared in other British television series including as Tony Miller, a member of CI5 in the hard-hitting police drama \"The Professionals\" (1978). As Michael Vincent in \"Penmarric\" (1979), Andy Evol in \"Agony\" (1979-1981)\", Carl Pierce in \"A Very Peculiar Practice\" \"(1986)\", Aubrey Owen in \"Dogfood Dan & the Carmarthen Cowboy (1988), David in \"Split Ends\" (1989), as Harvey in \"Fiddlers Three\" (1991) and as Ken Tate", + "score": 0.68896484375 + }, + { + "id": "16307767", + "title": "The Doctor Blake Mysteries", + "text": "4 and 5 on BritBox in the US. In October 2017, the Seven Network announced they acquired production rights for 2018. A sequel series, possibly titled \"The Blake Mysteries\" is proposed by the Seven Network and supported by Screen Australia. The series would open with a telemovie, similar in length to the finale that closed the five seasons of \"The Doctor Blake Mysteries\". Although lead actor Craig McLachlan was cleared of sexual harassment charges, he and his character will not be part of the plots of the sequel, which will begin three years after the end of the present series,", + "score": 0.6884765625 + }, + { + "id": "7313410", + "title": "Walter Burke", + "text": "appeared five times as Tim Potter in the ABC western series \"Black Saddle\" starring Peter Breck. That same season, he appeared on Andrew Duggan's \"Bourbon Street Beat\" and John Cassavetes's \"Johnny Staccato\" detective series. He portrayed defendant Freddie Green in CBS's \"Perry Mason\" in the 1959 episode, \"The Case of the Jaded Joker,\" the first of five appearances in diverse roles. In 1960 he played prosecutor James Blackburn in \"The Case of the Ominous Outcast.\" Among his other roles he played a panhandler and a private detective. He guest starred as Hatfield in the 1961 episode \"The Drought\" of the", + "score": 0.6884765625 + }, + { + "id": "742890", + "title": "Matlock (TV series)", + "text": "in season one (\"The Affair\", episode 4), Dr. Vanessa Sedgwick in season two (\"The Genius\", episode 20), and Iris Vogel in season three (\"The Psychic\", episode 13). Nana Visitor and Roddy McDowall made several guest appearances as well. After season three, Kene Holliday was fired. Matlock hired a young, former North Carolina deputy sheriff, Conrad McMasters (played by Clarence Gilyard, Jr.), to be his new private detective. Like Tyler, Conrad would also go undercover to gather information about cases. However, the two characters were different in their personalities and approach to the job. Tyler was a stocktrader and carried himself", + "score": 0.6884765625 + }, + { + "id": "17421743", + "title": "Criminal Minds (season 9)", + "text": "much tougher character. \"I've never had a chance to flex my acting muscles like this on the show!\", said A. J. Cook. The season also featured the return of Paget Brewster and Jayne Atkinson for the 200th episode, which aired on February 5, 2014. On May 14, 2014, it was revealed at the end of the season finale that Alex Blake (Jeanne Tripplehorn) would be leaving the show. The entire main cast returned for the ninth season; however, Esai Morales replaced Jayne Atkinson as the new Section Chief for the FBI's Behavioral Analysis Unit (BAU). Criminal Minds (season 9)", + "score": 0.68798828125 + }, + { + "id": "13095282", + "title": "Sterling Beaumon", + "text": "Sterling Beaumon Sterling Martin Beaumon (born June 2, 1995) is an American actor. He is known for his roles as Max Doyle in the 2008 film, \"Mostly Ghostly\", and as young Benjamin Linus in the ABC television series, \"Lost\". Beaumon has had guest roles in \"Law & Order SVU\", \"Criminal Minds\", \"\". He has starred in series such as \"The Killing\", as \"Seamus\" on the television show \"Clue\", on The Hub channel. Beaumon has guest-starred on an episode of the NBC series, \"ER\", as well as episodes of \"Bones\", \"Scrubs\", \"Gary Unmarried\", \"Cold Case\", and \"Crossing Jordan\". He played the", + "score": 0.6875 + }, + { + "id": "6522092", + "title": "Z\u030celjko Ivanek", + "text": "\u017deljko Ivanek \u017deljko Ivanek (n\u00e9 \u0160imi\u0107-Ivanek; ; ; born August 15, 1957) is a Slovenian-American actor, known for his role as Ray Fiske on \"Damages\", for which he won the Primetime Emmy Award. Ivanek is also known for his role of Ed Danvers on \"\" and \"\", Governor James Devlin on \"Oz\", Andre Drazen on \"24\", Blake Sterling on the short-lived NBC series \"The Event\", and Emile \"The Hunter\" Danko on \"Heroes\". Since 2014, he has starred as Russell Jackson in the CBS drama \"Madam Secretary\". Ivanek was born \u017deljko \u0160imi\u0107-Ivanek in Ljubljana, PR Slovenia, FPR Yugoslavia. In 1960, \u017deljko,", + "score": 0.6875 + }, + { + "id": "18134919", + "title": "Erich Bergen", + "text": "Erich Bergen Erich Bergen (born December 31, 1985) is an American actor and presenter, best known for his role as Bob Gaudio in the biographical musical drama film \"Jersey Boys\" and for his role as Blake Moran in the CBS television series, \"Madam Secretary\". He attended the Stagedoor Manor Performing Arts Center in Loch Sheldrake, New York for seven years. His other credits include \"Gossip Girl\", \"Desperate Housewives\", \"Person of Interest\" and \"Franklin & Bash\". Bergen currently appears on the CBS television series \"Madam Secretary\" as Blake Moran, Policy Advisor to fictionalized Secretary of State Elizabeth McCord (played by T\u00e9a", + "score": 0.68701171875 + }, + { + "id": "9272997", + "title": "Bruce Alexander (actor)", + "text": "as a doctor in the first episode of the comedy \"Keeping Up Appearances\" (entitled \"Daddy's Accident\"), and has also featured in episodes of numerous TV series, including \"The Bill\", \"Casualty\", \"EastEnders\", \"Midsomer Murders\" and \"Doc Martin\". In 1997, Alexander had a small role in the James Bond film \"Tomorrow Never Dies\". In 2013, he played the character of Peter Bachman in several episodes of the TV series \"Love and Marriage\": Alexander's radio credits include the role of Mike in \"Westway\", the BBC World Service soap opera which ran from 1997 to 2005, and the role of Doc de Salis in", + "score": 0.68701171875 + }, + { + "id": "12047723", + "title": "Richard H. Blake", + "text": "Richard H. Blake Richard H. Blake (born May 17, 1975 as Richard Harrison Thomas) is an American musical actor. Blake made his Broadway debut in Teddy & Alice, starring Len Cariou at the Minskoff Theater in 1987. Following that he appeared as Boy McDuff in \"Macbeth\", starring Christopher Plummer & Glenda Jackson, in 1988. Blake then starred as the title character in the 1989 musical \"Prince of Central Park\". At 14, he became the youngest Broadway performer to have his name above the title of the show. However, the show closed after only 4 performances. He appeared on \"Star Search\"", + "score": 0.6865234375 + }, + { + "id": "17222624", + "title": "Peter Gwynne", + "text": "Peter Gwynne Peter Gwynne (1929 \u2013 17 November 2011) was a New Zealand-born Australian television actor who was also known for voice-over work. Born in New Zealand, Gwynne was a well-recognised character actor, appearing in many of the significant television productions of the 1970s onwards, including \"Cop Shop\", \"Boney\", \"Division 4\", \"Homicide\", \"Matlock Police\", \"Flying Doctors\", \"Return to Eden\", \"A Country Practice\" and many more. He is best remembered internationally as Bill McMaster, Stephanie Harper's General Manager at Harper Mining in both the 1983 mini-series & the 1986 series of Return To Eden. Peter Gwynne had a wife, actress Cecily", + "score": 0.6865234375 + }, + { + "id": "16828428", + "title": "Patrick Blake (Hollyoaks)", + "text": "Patrick Blake (Hollyoaks) Patrick Blake is a fictional character from the British Channel 4 soap opera, \"Hollyoaks\", played by Jeremy Sheffield. He made his first screen appearance on 21 November 2012. The character's introduction to the serial and Sheffield's casting were announced on 7 October 2012. Patrick is introduced as the biological father of established character Dodger Savage (Danny Mac). Since his arrival, Patrick has been involved in storylines, including finding out that Dodger was his biological son, who he long thought was dead; a relationship with Maxine Minniver (Nikki Sanderson), whom he abused her and fathered her daughter, Minnie", + "score": 0.6865234375 + }, + { + "id": "13088779", + "title": "Dive Bomber (film)", + "text": "Commander Joe Blake (Fred MacMurray) is concerned that Lieutenant \"Swede\" Larson (Louis Jean Heydt) will not survive. U.S. Navy doctor, Lieutenant Doug Lee (Errol Flynn), convinces the Senior Surgeon, Commander Martin (Moroni Olsen), to operate, but the pilot dies on the operating table. After Blake blames Lee for rushing the surgery, the doctor decides to become a naval flight surgeon and winds up being trained at the U.S. Naval Air Station in San Diego by a number of instructors, including his nemesis, Blake. A sub-plot involving the romantic adventures of Blake, Lee and a group of mechanics, introduces divorcee Linda", + "score": 0.685546875 + }, + { + "id": "8202025", + "title": "Robert J. Wilke", + "text": "turned up the thermostat to charbroil and left them to bake in \"\"Perry White's Scoop\"\", an episode of the popular series \"Adventures of Superman\". Wilke played Deputy Sheriff Connors in the 1963 episode, \"The Case of the Drowsy Mosquito\" on CBS' \"Perry Mason\". He demonstrated his versatility by portraying golf professional Danny Donnigan in a 1962 episode, \"Robbie the Caddie\", on Fred MacMurray's ABC sitcom, \"My Three Sons\" (in real life Wilke was an expert golfer, and his friend actor Claude Akins noted that Wilke made more money on the golf course than he ever did as an actor). In", + "score": 0.685546875 + }, + { + "id": "8228005", + "title": "Matthew Glave", + "text": "Cotwell in the 1994 film \"Baby's Day Out\". He also played Brick Davis in the 2001 comedy film \"Corky Romano\". In 2011, he played the antagonist Dr. Olson in Disney Channel's \"The Suite Life Movie\". He also played Wayne in \"My Name Is Earl\". He appeared in the second episode ABC drama series \"Revenge\", as a wealthy Wall Street hedge fund manager Bill Harmon, in September 2011. He has also made appearances in \"The Closer\" and the film \"Argo\". Glave also appeared in the reimagined \"Hawaii Five-0\" TV series, guest-starring in the Season 4 episode, \"Na hala a ka makua", + "score": 0.685546875 + }, + { + "id": "3150351", + "title": "Picket Fences", + "text": "of the subject matter is that the regular cast included a judge, two lawyers, and a medical examiner. Religious issues were frequently discussed, and the town's Roman Catholic and Episcopal priests were frequently recurring characters. Struggling to maintain order in the community is Sheriff Jimmy Brock (Tom Skerritt). Sheriff Brock is a 52 year old, married to the town doctor, Jill (Kathy Baker), his second wife. They attempt to raise their three children, Kimberly (Holly Marie Combs) from Jimmy's first marriage to Lydia Brock, (Cristine Rose). Matthew (Justin Shenkarow) and Zachary (Adam Wylie). Maxine 'Max' Stewart (Lauren Holly) and Kenny", + "score": 0.68505859375 + }, + { + "id": "7761954", + "title": "Thomas Craig (actor)", + "text": "1995 film \"I.D.\", where he played one of the Tyneburn leaders during the market fight scene, his only word then was \"Well!\" when asking for a fight. Craig appeared in \"EastEnders\" in 1992 as Mandy Salter's mother's boyfriend. Around 1994 he appeared as Aelfric in \"Monk's Hood\", an episode of the \"Cadfael\" television series starring Sir Derek Jacobi. He currently stars as Inspector Brackenreid in the Canadian show \"Murdoch Mysteries\". Thomas Craig (actor) Thomas Craig (born Craig Thompson; 4 December 1962) is an English actor. He is known for his roles in \"Murdoch Mysteries\", \"Where the Heart Is\", \"Hidden\", \"Coronation", + "score": 0.68505859375 + }, + { + "id": "3593471", + "title": "High School High", + "text": "Natalie Thompson (Malinda Williams) and Julie Rubels (Natasha Gregson Wagner). By deceiving Mr. DeMarco (Marco Rodr\u00edguez), a local gangster, Richard and Victoria reach Paco and the local crime boss, \"Mr. A\", whom they find has been Principal Doyle the entire time. Griff is told the truth about the test scores and after a brief fight, Paco, Doyle and DeMarco are arrested. Richard (now principal of Barry High) presides over the graduation ceremony and proudly names Griff as the class valedictorian. The six main students of the film graduate (but only those six). Richard makes good on his promise to send", + "score": 0.6845703125 + }, + { + "id": "2425562", + "title": "Sexton Blake", + "text": "was produced originally by Ronald Marriott for Associated Rediffusion, with Thames Television assuming production in 1968. Pedro was played by one or more bloodhounds (bitches), which doubled as 'Henry', for Chunky dog food advertisements with Clement Freud, and were owned by the then secretary of the Bloodhound Club, Mrs Bobbie Edwards. During rehearsals for the show in 1968, Laurence Payne was blinded in his left eye by a rapier. Typical of the TV series's sometimes-fantastic storylines (all of which lasted 2\u20136 episodes) was 1968's \"The Invicta Ray\" in which a villain dressed in a costume and hood of sackcloth-like material", + "score": 0.6845703125 + }, + { + "id": "11266726", + "title": "Nicholas Blake (Spooks)", + "text": "Nicholas Blake (Spooks) Nicholas Blake MP is a fictional character in the British TV series \"Spooks\", portrayed by British actor Robert Glenister. Blake was Home Secretary in the British government. He was regularly in contact with Harry Pearce, regarding National Security. He was introduced as part of the security council siding with then National Security Coordinator Juliet Shaw. He was opposed to the plans of a senior MI6 agent Michael Collingwood, Collingwood was leading a coup attempt and had a bomb planted in Blake's car. Blake survived the assassination attempt. Blake was seen again at the beginning of Series 6", + "score": 0.6845703125 + }, + { + "id": "8733832", + "title": "Warren Burton", + "text": "from 1978 to 1979 and won a Daytime Emmy for Outstanding Supporting Actor at the 1980 awards broadcast. Other daytime roles included Jason Dunlap on \"Another World\" (1980-82); Warren Andrews on \"Guiding Light\" (1983-87); Phillip Hamilton on \"Santa Barbara\" (1988-89) and Dr. Hepler on \"The Bold And the Beautiful\" (1995). He appeared in the made-for-TV movie The Girl Most Likely to... in 1973. Burton portrayed Confederate general Henry Heth in the 1993 film \"Gettysburg\". Since the late 1990s, Burton was a voice actor for numerous video games including the \"Jak and Daxter\" series, \"\", \"Psychonauts\", \"\", and \"Nox\" among several", + "score": 0.6845703125 + }, + { + "id": "19226092", + "title": "Clyde-Green Springs Schools", + "text": "due to factors including \"the nonviolent nature of his offenses and the fact that he's paid a substantial amount of the restitution he [owed].\" As of May 17, 2015, Helms still owed $32,500. In November 2014, superintendent David Stubblebine was reprimanded by the Clyde-Green Springs school board for engaging in an undisclosed long-term romantic relationship with a district principal for whom he was responsible for writing performance evaluations. In December 2014, Stubblebine was charged with a second-degree misdemeanor of \"obstructing official business\" after allegedly refusing to cooperate with Clyde police who were called to McPherson Middle School when school officials", + "score": 0.68408203125 + }, + { + "id": "13528107", + "title": "Stories of the Century", + "text": "notorious outlaw from Oklahoma, ordered by U.S. District Judge Isaac Parker to be hanged for multiple crimes committed by the age of twenty. Judge Parker, played by Pierre Watkin, had first given Goldsby imprisonment, but after the outlaw's escape and the commission of further crimes, Parker ordered him to be executed. Brad Johnson had a minor role as a deputy on a train who was stabbed by Cherokee Bill. At this time, Johnson was also portraying deputy sheriff Lofty Craig on the western series \"Annie Oakley\". Other guests: Jack Kelly as gunfighter and cattleman bandit Clay Allison, Chief Yowlachie as", + "score": 0.68359375 + }, + { + "id": "10282447", + "title": "Brandon Firla", + "text": "Brandon Firla Brandon Firla (born in Calgary, Alberta) is a Canadian actor and comedian, currently best known for his role as Clark Claxton on the television sitcom \"Billable Hours\". In season 4 of \"Little Mosque on the Prairie\" in late September 2009 he began a role as the new Anglican priest in town, Reverend Thorne. He also plays Jonathan Sidwell, an investment banker, on the USA Network series \"Suits\". He was Captain of the Atheists team on CBC Test the Nation: IQ broadcast live on January 24, 2010. When host Carole MacNeil asks, \"Brandon you play a religious figure on", + "score": 0.68359375 + }, + { + "id": "3831112", + "title": "Head of the Class", + "text": "Ke Quan), who had appeared as potential IHP members in earlier seasons, were eventually added to the program and the cast. Appearing as regulars throughout all five seasons were school administrators Dr. Harold Samuels (William G. Schilling) and Bernadette Meara (Jeannetta Arnette). Dr. Samuels was the blustery, overweight principal of the school. His attitude towards the IHP students was one of ambivalence: on the one hand, Dr. Samuels distrusted the kids (and had a particularly antagonistic relationship with Dennis, and tried to avoid Eric), but at the same time he was proud of their achievements and valued the prestige they", + "score": 0.68359375 + }, + { + "id": "13370808", + "title": "Ray Buktenica", + "text": "Ray Buktenica Ray Buktenica (born August 6, 1943) is an American film and television character actor. He has played numerous roles, primarily on television since 1972. He is best known for playing the character Benny Goodwin, the boyfriend and later fianc\u00e9 of Brenda Morgenstern on the hit 1970s sitcom \"Rhoda\", Dr. Solomon on \"House Calls\" and Jerry Berkson, Patti Lupone's boss on \"Life Goes On\". He provided the voice of Hugo Strange in the character's sole appearance on \"\". In 1996 he guest starred on \"\" as Leo Nunk, a newspaper reporter. In 1997 he guest starred on \"\", in", + "score": 0.68359375 + }, + { + "id": "11978616", + "title": "Barney Phillips", + "text": "Barney Phillips Bernard Philip Ofner (October 20, 1913 \u2013 August 17, 1982) \u2013 better known by his stage name Barney Phillips \u2013 was an American film, television, and radio actor. His most prominent roles include a recurring supporting role as Sgt. Ed Jacobs on the 1950s \"Dragnet\" television series, appearances in the 1960s on \"The Twilight Zone\" such as a Venusian living under cover on Earth in \"Will the Real Martian Please Stand Up?\", and a supporting role as actor Fletcher Huff in the short-lived 1970s series \"The Betty White Show. He was born in St. Louis, Missouri, to Harry", + "score": 0.68359375 + }, + { + "id": "1339682", + "title": "Trent's Last Case", + "text": "know judge wisely ...\" The book was adapted into a stage production by John Arden McClure, which premiered in January 2013 at Eastpointe's Broadway Onstage Live Theatre. It starred Daniel Woitulewicz as Cupples, Elizabeth Rager as Bunner, Stella Rothe as Mabel Manderson, Patrick John Sharpe as Marlowe, and Jack Abella as Sigsbee Manderson. John Arden McClure portrayed the title character. Trent's Last Case Trent's Last Case is a detective novel written by E.C. Bentley and first published in 1913. Its central character reappeared subsequently in the novel \"Trent's Own Case\" (1936) and the short-story collection \"Trent Intervenes\" (1938). Despite the", + "score": 0.68310546875 + }, + { + "id": "11411726", + "title": "Chris Blake", + "text": "Chris Blake Petty Officer Christopher \"Chris\" Blake, CV was a fictional TV character on the show \"Sea Patrol\". He was portrayed by Matthew Holmes. It's the \"Fremantle\" class HMAS \"Hammersley\"\u2019s final six months before she's decommissioned, and Chief Petty Officer Chris Blake \"Swain\" is serving aboard her as the coxswain, police officer, chief medic and most experienced helmsman. While he may not get squeamish at such things like blood and gore, the after-effects of such incidents do get to him in his own personal way, especially when a death is involved, and never more so than when the death is", + "score": 0.68310546875 + }, + { + "id": "6204079", + "title": "Regis Toomey", + "text": "one of the detectives assisting the murder investigations of the millionaire police captain Amos Burke. Toomey also appeared in the CBS western series, \"Rawhide\" episode \"Incident of the Tinkers Dam\" as TJ Wishbone. He guest-starred on dozens of television programs, including the popular \"Shady Deal at Sunny Acres\" episode of ABC's \"Maverick\". In 1968, after the death of Bea Benaderet who played Kate Bradley, Toomey played a transitional role in the CBS series, \"Petticoat Junction\". Appearing as Dr. Stuart, who cared for the citizens of Hooterville, the character decided to take on a partner in his medical practice. Dr. Janet", + "score": 0.68310546875 + }, + { + "id": "8361632", + "title": "Billy Burke (actor)", + "text": "a daughter named Bluesy LaRue Burke. His television credits include roles in \"\" (in the episode \"Second Skin\"), \"Party of Five\", \"Gilmore Girls\", \"Karen Sisco\", \"Fringe\", \"Monk\", and \"The Closer\" (Season 4, episode 13, \"Power of Attorney\") playing Phillip Stroh, a serial rapist and murderer. His motion picture credits include \"Jane Austen's Mafia!\", \"Along Came a Spider\", \"Final Jeopardy\", \"Flashpoint\", \"Ladder 49\", \"Fracture\", and \"Three Days to Vegas\". He appeared in \"Feast of Love\" (2007), co-starring Selma Blair and Morgan Freeman, and he played Detective Eric Box in the film \"Untraceable\" (2008) with Diane Lane. In 2008, Burke appeared in", + "score": 0.6826171875 + }, + { + "id": "1842713", + "title": "Principal Snyder", + "text": "Principal Snyder Principal R. Snyder is a fictional character in the television series \"Buffy the Vampire Slayer\", played by Armin Shimerman. Shimerman originally auditioned for the role of Principal Flutie, but lost that role to Ken Lerner. Although his full name is never revealed in the series, his desk name-display revealed that the first letter of his first name is R. After Robert Flutie is eaten alive by \"the Pack\" (with the exception of Xander), Snyder replaces him as the principal of Sunnydale High. A strict disciplinarian with a dictator-like personality, he has few friends among the students, except the", + "score": 0.6826171875 + }, + { + "id": "7462803", + "title": "Cardiac Arrest (TV series)", + "text": "indirectly lead to a number of deaths. Series 2 has eight episodes and was originally broadcast between 19 April 1995 and 7 June 1995. At the beginning of series 2, Andrew has just returned to the hospital and is now an SHO. To his chagrin, the consultant physician Dr. Graham Turner (Michael MacKenzie) has a far better relationship with the new house officer Dr. Phil Kirkby (Andrew Clover), whose father went to school with Graham, than he ever did with Andrew. The old boys public school network and patronage was an effective way to speed career progression in medicine. Phil,", + "score": 0.6826171875 + }, + { + "id": "9386867", + "title": "Return to Horror High", + "text": "Deyner and Officer Tyler interview the film's screenwriter, Arthur Lyman, outside, and he recounts the events on-set: Some days prior, lead actor Oliver informs director Josh Forbes that he is dropping out of the production. Before leaving, he is murdered in an empty wing of the school. Harry immediately replaces Oliver with Steven Blake, a real-life police officer and former Crippen High student. Tensions on set rise when Harry insists Callie show on-screen nudity, while Arthur is forced to repeatedly make script changes to accommodate Harry's requests for more gore. One day, an extra is murdered, followed by Choo Choo,", + "score": 0.6826171875 + }, + { + "id": "9814784", + "title": "School system of The Wire", + "text": "Assistant Principal Marcia Donnelly to select another nine students for the class. Grace sees Cutty once more when he is working as a custodian bringing truanting children into the school. This time both of them are content to leave their relationship in the past. Actress Dravon James portrays both Grace and her sister Queenie. Withers is the principal of Edward Tilghman Middle School and has held the post for eleven years. He is regarded as something of a renegade. He entrusts much of the operation of the school to Assistant Principal Marcia Donnelly. Withers goes out on a limb to", + "score": 0.68212890625 + }, + { + "id": "8739042", + "title": "Frazier School District", + "text": "in Pennsylvania. According to the association's report, the average salary for a superintendent, for the 2007-08 school year, was $122,165. Superintendents and administrators receive a benefit package commensurate with that offered to the district's teachers' union. In November 2011, the school board approved a contract with Kenneth Meadows (former district elementary principal) to serve as acting superintendent for $110,000 a year. This follows Frederick Smeigh, former acting superintendent's July 2011 resignation. David G Blozowich served as superintendent beginning in 2012, until he took early retirement in 2014. He was quickly replaced by Bill Henderson. Per-pupil spending In 2008, Frazier School", + "score": 0.68212890625 + }, + { + "id": "9264476", + "title": "R. G. Armstrong", + "text": "Fuller. Jess is accused of murdering a powerful rancher named Blake Wilkie. Slim Sherman, played by series co-star John Smith, is deputized to accompany Jarrad and Jess to Colorado. Denny Miller, later cast on \"Wagon Train\" as a regular in the role of Duke Shannon, along with Robert Fuller as Cooper Smith, appears in this episode as Wilkie's son, who frames Jess for Blake Wilkie's death. William Fawcett plays Ben, the Sherman Ranch housekeeper, a role that Fawcett also filled on NBC's \"Fury\". Early in 1961, Armstrong was cast in the title guest-starring role of Nathanael Grimm in \"The Return", + "score": 0.68212890625 + }, + { + "id": "9236727", + "title": "Lured", + "text": "newspapers' personal columns and sends poems to taunt the police. Scotland Yard Inspector Harley Temple (Charles Coburn) believes the killer to be influenced by the 19th-century French poet Charles Baudelaire. He asks if Sandra would be willing to work undercover to help find her missing friend and the killer. He sees first-hand how observant she is and gives her a temporary police identification card and a gun. Sandra is asked to answer personal ads, watched over by an officer bodyguard, H.R. Barrett (George Zucco). By coincidence, she meets the dashing man-about-town stage revue producer Robert Fleming (George Sanders). In the", + "score": 0.68212890625 + }, + { + "id": "7472372", + "title": "The Powers of Matthew Star", + "text": "trying to survive his teenage years while dodging assassins, all under the watchful eye of his guardian, Walter Shepherd, who stayed nearby as a science teacher at the school. Those in their lives who had no idea about the truth were girlfriend Pam Elliot (Amy Steel), friend Bob Alexander (Chip Frye), and the merry principal, Mr. Heller (Michael Fairman). General Tucker (John Crawford), an Air Force officer specializing in extraterrestrial investigations, had tracked the two of them across the country as they evaded alien agents intent on exterminating them. From time to time, he enlisted their specialized aid in solving", + "score": 0.68212890625 + }, + { + "id": "6169455", + "title": "Robert Glenister", + "text": "released in December 2016. Robert Glenister Robert Lewis Glenister (born 11 March 1960 in Watford, Hertfordshire) is an English actor known for his roles as con man Ash \"Three Socks\" Morgan in the BBC television series \"Hustle\" and Nicholas Blake in the BBC spy drama \"Spooks\". Glenister made his first television appearance in the sitcom \"Sink or Swim\" in 1980. He has also appeared in shows such as \"Soldier Soldier, \" \"Doctor Who\" (in the serial \"The Caves of Androzani\", opposite his \"Sink or Swim\" co-star Peter Davison), \"Only Fools and Horses\" (as Myles the millionaire garden centre owner and", + "score": 0.68212890625 + }, + { + "id": "5655285", + "title": "Donnelly Rhodes", + "text": "(2004\u201309), Rhodes played Chief Medical Officer Sherman Cottle who smoked cigarettes in most scenes. Most recently Rhodes played Mr. Decker, Rufus Decker's father, in the two seasons of \"The Romeo Section\" on CBC in 2015-2016. His film appearances were fewer but included roles in \"Gunfight in Abilene\" (1967), \"Butch Cassidy and the Sundance Kid\" (1969), \"Change of Mind\" (1969), \"The Neptune Factor\" (1973), \"Goldenrod\" (1976), \"Oh! Heavenly Dog\" (1980), \"Urban Safari\" (1996), and \"\" (2010). In February 2009, the Union of British Columbia Performers honoured Rhodes with the Sam Payne Award for Lifetime Achievement. Rhodes provided the voice of the", + "score": 0.68212890625 + }, + { + "id": "13872757", + "title": "Tom Dahlgren", + "text": "Tom Dahlgren Tom Dahlgren (born September 22, 1933) is an American actor. His professional acting career began in 1972, when he was almost 40. He has also worked as a stage actor with the Magic Theatre in San Francisco, Theatre West in Los Angeles, and many other Los Angeles area theatres. \"7th Heaven\" (1 episode) \"7th Heaven: Beginnings\" - USA (rerun title Crazy (16 April 2001) - Dr. Bennett Brown \"7th Heaven\" \"The X-Files\" (1 episode) aka \"The X Files\" - USA (original title) aka \"X-File\" - Japan (English title) \"Theef\" (12 March 2000) - Dr. Irving Thalbro \"The X", + "score": 0.68212890625 + }, + { + "id": "16390205", + "title": "Finlay Roberts", + "text": "befriends Sophie Simpson (Rebekah Elmaloglou) and tells her of her plan to support herself through school. Sophie helps persuade Ailsa Stewart (Judy Nunn and Bobby Simpson (Nicolle Dickson) to give her a job at the Diner. Finlay applies to Summer Bay High but the new principal Lois Crawford (Tina Bursill) is trying to turn the school into a more elite establishment and doesn't want Finlay attending. Donald Fisher (Norman Coburn), who has been demoted in favour of Lois, champions her cause. When Fin accidentally hits herself with a cupboard door, she uses the bruise to claim Lois hit her. The", + "score": 0.68212890625 + }, + { + "id": "13095284", + "title": "Sterling Beaumon", + "text": "and May 2013. In 2014, he played Lincoln Knopf on the fourth and final season of the Netflix series, \"The Killing\". Sterling Beaumon Sterling Martin Beaumon (born June 2, 1995) is an American actor. He is known for his roles as Max Doyle in the 2008 film, \"Mostly Ghostly\", and as young Benjamin Linus in the ABC television series, \"Lost\". Beaumon has had guest roles in \"Law & Order SVU\", \"Criminal Minds\", \"\". He has starred in series such as \"The Killing\", as \"Seamus\" on the television show \"Clue\", on The Hub channel. Beaumon has guest-starred on an episode of", + "score": 0.68212890625 + }, + { + "id": "13875137", + "title": "Mystery (novel)", + "text": "happened. Dennis Handley begins to show concern for Tom at school, and Tom begins to grow closer to Sarah Spence, the classmate who visited him in the hospital. However, she is dating Buddy Redwing, another student at the school. Tom and Gloria visit Glen at his house and are greeted by Glen and his two butlers, Mr. and Mrs. Kingsley. Dr. Bonaventure Milton is also there, though he departs soon after Tom and Gloria arrive, speaking of a problem at the hospital where he works concerning Nancy Vetiver, one of the nurses who used to visit Tom when he was", + "score": 0.68212890625 + }, + { + "id": "2048602", + "title": "Santa with Muscles", + "text": "chute to escape the police and bangs his head, resulting in amnesia. Mistaken by Lenny (Don Stark) as the mall Santa, Blake begins to think he really is Santa Claus. Meanwhile, the evil scientist Ebner Frost (Ed Begley, Jr.) tries to take over an orphanage in order to gain access to the magical crystals underneath it and dispatches his henchmen to destroy it. However, Blake after discovering that being Santa has made him a better person and that Frost wants to destroy the very same orphanage he grew up in, manages to rescue the children. Frost and his henchmen are", + "score": 0.681640625 + } + ], + "answer": "There were several superintendents in the TV series The Doctor Blake Mysteries. Actor Joel Tobeck played Chief Superintendent Matthew Lawson in Series 1-4.1 and 5. New Zealand actor Craig Hall played Chief Superintendent William Munro in Series 3 and 5. Australian actor Rodger Corser played Chief Superintendent Matthew Frank Carlyle in Series 4." + }, + { + "qa_pairs": [ + { + "context": "Macbeth (; full title The Tragedy of Macbeth) is a tragedy by William Shakespeare; it is thought to have been first performed in 1606. It dramatises the damaging physical and psychological effects of political ambition on those who seek power for its own sake. Of all the plays that Shakespeare wrote during the reign of James I, who was patron of Shakespeare's acting company, \"Macbeth\" most clearly reflects the playwright's relationship with his sovereign. It was first published in the Folio of 1623, possibly from a prompt book, and is Shakespeare's shortest tragedy.", + "question": "What play has the line it is a tale told by an idiot full of sound and fury?", + "short_answers": [ + "Macbeth" + ], + "wikipage": "Macbeth" + }, + { + "context": "Macbeth (; full title The Tragedy of Macbeth) is a tragedy by William Shakespeare; it is thought to have been first performed in 1606. It dramatises the damaging physical and psychological effects of political ambition on those who seek power for its own sake. Of all the plays that Shakespeare wrote during the reign of James I, who was patron of Shakespeare's acting company, \"Macbeth\" most clearly reflects the playwright's relationship with his sovereign. It was first published in the Folio of 1623, possibly from a prompt book, and is Shakespeare's shortest tragedy.", + "question": "What character said it is a tale told by an idiot full of sound and fury?", + "short_answers": [ + "Macbeth" + ], + "wikipage": "Macbeth" + }, + { + "context": "Macbeth (; full title The Tragedy of Macbeth) is a tragedy by William Shakespeare; it is thought to have been first performed in 1606. It dramatises the damaging physical and psychological effects of political ambition on those who seek power for its own sake. Of all the plays that Shakespeare wrote during the reign of James I, who was patron of Shakespeare's acting company, \"Macbeth\" most clearly reflects the playwright's relationship with his sovereign. It was first published in the Folio of 1623, possibly from a prompt book, and is Shakespeare's shortest tragedy.", + "question": "What play has the line \"it is a tale told by an idiot full of sound and fury\"?", + "short_answers": [ + "Macbeth" + ], + "wikipage": "Macbeth" + }, + { + "context": "Macbeth (; full title The Tragedy of Macbeth) is a tragedy by William Shakespeare; it is thought to have been first performed in 1606. It dramatises the damaging physical and psychological effects of political ambition on those who seek power for its own sake. Of all the plays that Shakespeare wrote during the reign of James I, who was patron of Shakespeare's acting company, \"Macbeth\" most clearly reflects the playwright's relationship with his sovereign. It was first published in the Folio of 1623, possibly from a prompt book, and is Shakespeare's shortest tragedy.", + "question": "What character said \"it is a tale told by an idiot full of sound and fury\"?", + "short_answers": [ + "Macbeth" + ], + "wikipage": "Macbeth" + } + ], + "wikipages": [ + { + "title": "Tomorrow and tomorrow and tomorrow", + "url": "https://en.wikipedia.org/wiki/Tomorrow%20and%20tomorrow%20and%20tomorrow" + }, + { + "title": "Macbeth", + "url": "https://en.wikipedia.org/wiki/Macbeth" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "\"Tomorrow and tomorrow and tomorrow\" is the beginning of the second sentence of one of the most famous soliloquies in William Shakespeare's tragedy Macbeth.", + "wikipage": "Tomorrow and tomorrow and tomorrow" + } + ], + "long_answer": "In the play The Tragedy of Macbeth, the character Macbeth states \"it is a tale told by an idiot full of sound and fury\" as part of one of the most famous soliloquies in William Shakespeare's tragedy Macbeth. " + }, + { + "knowledge": [ + { + "content": "Lord Macbeth, the Thane of Glamis and quickly the Thane of Cawdor, is the title character and main protagonist in William Shakespeare's Macbeth (c. 1603\u20131607).", + "wikipage": "Macbeth (character)" + } + ], + "long_answer": "The play Macbeth has the line \"it is a tale told by an idiot full of sound and fury,\" and Macbeth is the character who speaks it. Lord Macbeth is the title character and main protagonist in William Shakespeare's tragedy Macbeth." + } + ], + "sample_id": "-4879828696940526525", + "question": "Who said it is a tale told by an idiot full of sound and fury?", + "docs": [ + { + "id": "1763913", + "title": "The Sound and the Fury", + "text": "to day To the last syllable of recorded time, And all our yesterdays have lighted fools The way to dusty death. Out, out, brief candle! Life's but a walking shadow, a poor player That struts and frets his hour upon the stage And then is heard no more: it is a tale Told by an idiot, full of sound and fury, Signifying nothing. Immediately obvious is the notion of a \"tale told by an idiot,\" in this case Benjy, whose view of the Compsons' story opens the novel. The idea can be extended also to Quentin and Jason, whose", + "score": 0.86474609375, + "summary": "The document is relevant, and the quote \"it is a tale Told by an idiot, full of sound and fury, Signifying nothing\" is from the novel \"The Sound and the Fury.\"", + "extraction": "\"It is a tale told by an idiot, full of sound and fury,\" is said in the passage." + }, + { + "id": "4174626", + "title": "The Belly and the Members", + "text": "it, all are to be equally valued for the part they play: The Latin historian Livy leads the way in applying the fable to civil unrest. It is recounted in the context of a revolt in the 6th century BCE, which a member of the Roman senate is said to have calmed by telling the story. The same fable was later repeated in Plutarch's Life of Coriolanus. From this source it was taken by William Shakespeare and dramatised in the opening scene of his play \"Coriolanus\". In French sources the story was similarly applied. The late 12th century version by", + "score": 0.69873046875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "1763912", + "title": "The Sound and the Fury", + "text": "narrative is moving into a significant moment in the past. The use of these italics can be confusing, however, as time shifts are not always marked by the use of italics, and periods of different time in each section do not necessarily stay in italics for the duration of the flashback. Thus, these time shifts can often be jarring and confusing, and require particularly close reading. The title of the novel is taken from Macbeth's famous soliloquy of act 5, scene 5 of William Shakespeare's \"Macbeth\": Tomorrow and tomorrow and tomorrow, Creeps in this petty pace from day", + "score": 0.6982421875, + "summary": "Irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "4228124", + "title": "Ivan the Fool (story)", + "text": "Ivan the Fool (story) \"Ivan the Fool\" (also known as \"Ivan the Fool and his Two Brothers\") is an 1886 short story (in fact, a literary fairy tale) by Leo Tolstoy, published in 1886. It describes the struggles of three brothers and a sister with the Old Devil. The name \"Ivan the Fool\" hints to a popular hero of Russian folklore. Although the story is usually considered a children's fairy tale, it is also used as an indication of Tolstoy's political leanings in support of Christianity. Though his brothers are easily tempted by money and military power, unsophisticated Ivan, with", + "score": 0.69189453125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "1763887", + "title": "The Sound and the Fury", + "text": "The Sound and the Fury The Sound and the Fury is a novel written by the American author William Faulkner. It employs a number of narrative styles, including stream of consciousness. Published in 1929, \"The Sound and the Fury\" was Faulkner's fourth novel, and was not immediately successful. In 1931, however, when Faulkner's sixth novel, \"Sanctuary\", was published\u2014a sensationalist story, which Faulkner later claimed was written only for money\u2014\"The Sound and the Fury\" also became commercially successful, and Faulkner began to receive critical attention. In 1998, the Modern Library ranked \"The Sound and the Fury\" sixth on its list of", + "score": 0.69140625, + "summary": "The document discusses the novel \"The Sound and the Fury\" written by William Faulkner in 1929, which employs stream of consciousness narrative styles. It was not initially successful but became commercially successful after the publication of Faulkner's sixth novel, \"Sanctuary,\" in 1931. The document does not mention who said the phrase \"a tale told by an idiot full of sound and fury.\"", + "extraction": "Irrelevant. The passage does not contain the answer to the given question." + }, + { + "id": "5898043", + "title": "Twice-Told Tales", + "text": "\"Twice-Told Tales\", was based on a line from William Shakespeare's \"The Life and Death of King John\" (Act 3, scene 4): \"Life is as tedious as a twice-told tale, / Vexing the dull ear of a drowsy man.\" The quote referenced may also be Hawthorne's way of acknowledging a belief that many of his stories were ironic retellings of familiar tropes. The book was published by the American Stationers' Company on March 6, 1837; its cover price was one dollar. Hawthorne had help in promoting the book from Elizabeth Peabody. She sent copies of the collection to William Wordsworth as", + "score": 0.68896484375, + "summary": "The document is irrelevant to the question.", + "extraction": "irrelevant" + }, + { + "id": "3955951", + "title": "Idiot's Delight (film)", + "text": "selected his title with a view to epitomizing his free notions of the motivation, in presumably high places, of armed conflict. His editorial instinct is highly emblazoned in the expression, in two words, of the only feasible basis that can exist for the precipitation of international slaughter. In the play, the phrase was part of Irene's response to the armaments industrialist Weber after she berates him for his contribution to the war, to which he says: In the film, though, merely the short phrase \"idiot's delight\" is mumbled by Capt. Kirvline (his name changed from the Italian-sounding Locicero in the", + "score": 0.6884765625, + "summary": "irrelevant", + "extraction": "irrelevant. The given passage does not contain the answer to the question \"Who said it is a tale told by an idiot full of sound and fury?\"" + }, + { + "id": "9115173", + "title": "Macbeth (character)", + "text": "she dies and it is later postulated that she committed suicide. Now completely alone, Macbeth laments that life is a \"tale told by an idiot, full of sound and fury, signifying nothing.\" By the end of the play Macbeth learns that the witches' second set of prophecies have hidden meanings: Malcolm's army carries shields made from Birnam wood to Macbeth's fortress in Dunsinane, and Macduff reveals that he was prematurely removed from his mother's womb, meaning that he technically was not \"of woman born\". Beaten but still defiant, Macbeth declares, \"Lay on Macduff, and damned be he who first cries,", + "score": 0.68798828125, + "summary": "Macbeth said \"life is a tale told by an idiot, full of sound and fury, signifying nothing.\"", + "extraction": "Macbeth laments that life is a \"tale told by an idiot, full of sound and fury, signifying nothing.\"" + }, + { + "id": "3163444", + "title": "Ship of Fools (satire)", + "text": "Ship of Fools (satire) Ship of Fools (Modern German: \"Das Narrenschiff\", Latin: \"Stultifera Navis\", original medieval German title: \"Da\u00df Narrenschyff ad Narragoniam\") is a satirical allegory in German verse published in 1494 in Basel, Switzerland, by the humanist and theologian Sebastian Brant. It is the most famous treatment of the ship of fools trope and circulated in numerous translations. The books consists of a prologue, 112 brief satires, and an epilogue, all illustrated with woodcuts. Brant takes up the ship of fools trope, popular at the time, lashing with unsparing vigour the weaknesses and vices of his time. Here he", + "score": 0.68798828125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "1763917", + "title": "The Sound and the Fury", + "text": "result justifies his belief that coloured inks would allow readers to follow the strands of the novel more easily, without compromising the \u2018thought-transference\u2019 for which he argued so passionately.\" The Sound and the Fury The Sound and the Fury is a novel written by the American author William Faulkner. It employs a number of narrative styles, including stream of consciousness. Published in 1929, \"The Sound and the Fury\" was Faulkner's fourth novel, and was not immediately successful. In 1931, however, when Faulkner's sixth novel, \"Sanctuary\", was published\u2014a sensationalist story, which Faulkner later claimed was written only for money\u2014\"The Sound and", + "score": 0.6875, + "summary": "irrelevant", + "extraction": "irrelevant" + }, + { + "id": "3687320", + "title": "The Telltale Head", + "text": "to the center of town, where they are met by an angry mob. After Bart tells the mob the boys has made a mistake, the townspeople forgive Bart and the boy places the head back on the statue. The episode's title is a reference to the short story \"The Tell-Tale Heart\" by Edgar Allan Poe. The episode begins in medias res: Homer and Bart are chased through the streets of Springfield by an angry mob while carrying the head of the statue of their town founder, Jebediah Springfield. Surrounded by the mob, Bart begins to explain the events of the", + "score": 0.68505859375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "124903", + "title": "Ecclesiastes", + "text": "American culture, and was quoted by Abraham Lincoln addressing Congress in 1862. American novelist Thomas Wolfe wrote: Ecclesiastes is presented as biography of \"Kohelet\" (or \"Qoheleth\", meaning \"Gatherer\", but traditionally translated as \"Teacher\" or \"Preacher\"). Kohelet's story is framed by voice of the narrator, who refers to Kohelet in the third person, praises his wisdom, but reminds the reader that wisdom has its limitations and is not man's main concern. Kohelet reports what he planned, did, experienced and thought. His journey to knowledge is, in the end, incomplete. The reader is not only to hear Kohelet's wisdom, but to observe", + "score": 0.6845703125, + "summary": "Abraham Lincoln quoted the phrase \"a tale told by an idiot, full of sound and fury\" in a speech to Congress in 1862, but the phrase originally appears in the book of Ecclesiastes.", + "extraction": "irrelevant" + }, + { + "id": "14751015", + "title": "Prologue and Tale of Beryn", + "text": "representations of fools in both tale and Prologue, not only examining the literary value of fool imagery, but using that imagery to evidence the artistic prowess of the Beryn poet. In addition to examining the fool imagery present in both the Prologue and tale, Harper also briefly discusses madness as a mechanism for moral reversal. In \u201cJourney's End: The Prologue to the Tale of \"Beryn\",\u201d Peter Brown examines the probable origins of The Tale of Beryn \u2013 spending most of his efforts on discerning its author. He, like most critics, dismisses the possibility of the text being penned by Chaucer.", + "score": 0.68359375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "11998759", + "title": "The Taill of the Uponlandis Mous and the Burges Mous", + "text": "The Taill of the Uponlandis Mous and the Burges Mous \"The Taill of the Uponlandis Mous and the Burges Mous\", also known as \"The Twa Mice,\" is a Middle Scots adaptation of Aesop's Fable \"The Town Mouse and the Country Mouse\" by the Scottish poet Robert Henryson. Written around the 1480s, it is the second poem in Henryson's collection called \"The Morall Fabillis of Esope the Phrygian\". Hennryson's \"Fabill\" treats its characters and incidents with a realism that was hitherto unusual in the genre. Its ambiguous portrayal of the two protagonists seamlessly blends their animal and human characteristics in a", + "score": 0.6826171875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "17201191", + "title": "Paradise of Fools", + "text": "of the Paradise of Fools is found in Book 3 of John Milton's \"Paradise Lost\", where Milton, in the narrative of Satan's journey to Earth, reserves a space for future fools (Milton also calls it the \"Limbo of Vanity\"), specifically Catholic clergy and \"fleeting wits\". Milton's satirical allegory in turn was inspired by Ludovico Ariosto's \"Orlando Furioso\" (1516); Samuel Johnson, in \"Lives of the Most Eminent English Poets\", stated that the allegory \"disgraced\" Milton's epic. The ancestry of Milton's Paradise of Fools includes Canto XXXIV of \"Orlando\" and Dante Alighieri's \"Divine Comedy\". As John Wooten argued, that canto in \"Orlando\"", + "score": 0.68115234375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "15292592", + "title": "The Mountain in Labour", + "text": "century the rhetorician Porphyry claims that it is a Greek proverb that Horace was quoting. The line from Horace's poem (\"Parturient montes, nascetur ridiculus mus\") is reproduced word for word in a mediaeval compilation of fables, the \"Ysopet-Avionnet\". In this instance, however, it is in connection with the fable about Belling the cat where the author comments on the ineffectiveness of political dialogue. In his prose retelling (\"The Mountains in Labour\", Fable 26), Samuel Croxall also draws from it a warning against the promises of politicians and cites 'Great cry and little wool' as a parallel English proverb that fits", + "score": 0.6806640625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "18138704", + "title": "The Idiots (short story)", + "text": "The Idiots (short story) \"The Idiots\" is a short story by Joseph Conrad, his first to be published. It first appeared in \"The Savoy\" in 1896. The story was included in the Conrad collection \"Tales of Unrest\", published in 1898. Set in Britanny, the story describes a couple whose children have intellectual disability; the strain on the family leads eventually to murder. The story was written during Joseph Conrad's honeymoon; he rented a house on \u00cele-Grande, on the north coast of Brittany, from April to August 1896. His wife Jessie later wrote that \"much of our \u00cele-Grande life is in", + "score": 0.68017578125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The given passage does not contain any information about someone saying \"it is a tale told by an idiot full of sound and fury.\"" + }, + { + "id": "412539", + "title": "Thomas Gray", + "text": "\"a fav'rite has no friend\", \"[k]now one false step is ne'er retrieved\" and \"nor all that glisters, gold\". (Walpole later displayed the fatal china vase (the tub) on a pedestal at his house in Strawberry Hill.) Gray's surviving letters also show his sharp observation and playful sense of humour. He is well known for his phrase, \"where ignorance is bliss, 'tis folly to be wise.\" The phrase, from \"\", is possibly one of the most misconstrued phrases in English literature. Gray is not promoting ignorance, but is reflecting with nostalgia on a time when he was allowed to be ignorant,", + "score": 0.67919921875, + "summary": "Irrelevant.", + "extraction": "irrelevant. The given passage does not contain any information related to the question \"Who said it is a tale told by an idiot full of sound and fury?\"" + }, + { + "id": "4310917", + "title": "The Idiot Boy", + "text": "The Idiot Boy The Idiot Boy is a lyrical poem by William Wordsworth. The poem is of 463 lines and is written in five-line stanzas with a varying rhyme scheme. It was first published in the Lyrical Ballads of 1798, where it appeared between \"The Mad Mother\" and \"Lines Written Near Richmond\". The poem is narrative in form. Set in the countryside, it tells the story of Betty Foy and the disabled son she loves. Foy's neighbor Susan is sick; Foy has no choice but to send her son into the nearby village to fetch the doctor. She places him", + "score": 0.67919921875, + "summary": "irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "14256169", + "title": "The Sound and the Fury (1959 film)", + "text": "The Sound and the Fury (1959 film) The Sound and the Fury is a 1959 American drama film directed by Martin Ritt. It is loosely based on the novel of the same name by William Faulkner, first published in 1929. Quentin Compson is a girl of 17 in the small Mississippi town of Jefferson. She lives with her step-uncle, Jason, who has practically raised Quentin ever since her promiscuous mother, Caddy, abandoned her. Jason makes ends meet working in the store of Earl Snopes, a man he detests. He is the provider for several people in the house, including Howard,", + "score": 0.6787109375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about who said \"it is a tale told by an idiot full of sound and fury\"." + }, + { + "id": "16281781", + "title": "The Defence of a Fool", + "text": "The Defence of a Fool The Defence of a Fool () is an autobiographical novel by the Swedish writer August Strindberg. The narrative is based on Strindberg's marriage to Siri von Essen. The book was written in French and first published in a German translation in 1893. It has also been published in English as The Confession of a Fool, A Madman's Defence, A Fool's Apology and A Madman's Manifesto. As his stormy marriage to Siri von Essen was coming to an end, August Strindberg feared there was a secret conspiracy between the women of Europe, and they were planning", + "score": 0.67822265625 + }, + { + "id": "15534178", + "title": "Themes in Titus Andronicus", + "text": "urge thy oath; for that I know/An idiot holds his bauble for a god,/And keeps the oath which by that god he swears.\" (5.1.78\u201380). Here, Aaron sees civilisation as nothing more than something foolish, peopled by idiots who keep their word. He returns to this theme in his final speech, glorying in his embracement of barbarism; Ah, why should wrath be mute, and fury dumb? I am no baby, I, that with base prayers I should repent the evils I have done; Ten thousand worse, than ever yet I did Would I perform, if I might have my will. If", + "score": 0.67822265625 + }, + { + "id": "9764228", + "title": "The System of Doctor Tarr and Professor Fether", + "text": "because the mentally ill were being treated as prisoners, while increased acquittals due to the insanity defense were criticized for allowing criminals to avoid punishment. The story has been interpreted as a satirical political commentary on American democracy, a parody of the work of Charles Dickens and Nathaniel Parker Willis, and is also understood as a critique on 19th century medical practices. The System of Doctor Tarr and Professor Fether \"The System of Doctor Tarr and Professor Fether\" is a dark comedy short story by the American author Edgar Allan Poe. First published in \"Graham's Magazine\" in November 1845, the", + "score": 0.67724609375 + }, + { + "id": "16107228", + "title": "Verbosity", + "text": "seen as less intelligent. In William Shakespeare's play \"Hamlet\", one of Polonius's many sententious maxims reads Shakespeare's audiences were not necessarily inclined to read Polonius as someone who is perfectly wise; his sentences, like that of much early modern drama, can easily be seen as part of a comic trope. George Orwell mocked logorrhea in \"Politics and the English Language\" (1946) by taking verse (9:11) from the book of Ecclesiastes in the Bible \"I returned and saw under the sun, that the race is not to the swift, nor the battle to the strong, neither yet bread to the wise,", + "score": 0.67724609375 + }, + { + "id": "1606059", + "title": "The Tell-Tale Heart", + "text": "The Tell-Tale Heart \"The Tell-Tale Heart\" is a short story by American writer Edgar Allan Poe, first published in 1843. It is relayed by an unnamed narrator who endeavors to convince the reader of the narrator\u2019s sanity while simultaneously describing a murder he committed. The victim was an old man with a filmy \"vulture-eye\", as the narrator calls it. The narrator emphasizes the careful calculation of the murder, attempting the perfect crime, complete with dismembering and hiding the body under the floorboards. Ultimately, the narrator's feelings of guilt, or a mental disturbance, result in hearing a thumping sound, which the", + "score": 0.67724609375 + }, + { + "id": "1913646", + "title": "Robert Armin", + "text": "fools from making Arden out to be worse than it really is. Feste was almost certainly written for Armin, as he is a scholar, a singer, and a wit. Feste's purpose is to reveal the foolishness of those around him. Lear's fool differs from both Touchstone and Feste as well as from other clowns of his era. Touchstone and Feste are philosopher-fools; Lear's fool is the natural fool of whom Armin studied and wrote. Armin here had the opportunity to display his studies. The fool speaks the prophecy lines, which he tells\u2014largely ignored\u2014to Lear before disappearing from the play altogether.", + "score": 0.67626953125 + }, + { + "id": "9764220", + "title": "The System of Doctor Tarr and Professor Fether", + "text": "The System of Doctor Tarr and Professor Fether \"The System of Doctor Tarr and Professor Fether\" is a dark comedy short story by the American author Edgar Allan Poe. First published in \"Graham's Magazine\" in November 1845, the story centers upon a na\u00efve and unnamed narrator's visit to a mental asylum in the southern province of France. The story follows an unnamed narrator who visits a mental institution in southern France (more accurately, a \"\"Maison de Sant\u00e9\"\") known for a revolutionary new method of treating mental illnesses called the \"system of soothing\". A companion with whom he is travelling knows", + "score": 0.67431640625 + }, + { + "id": "12194213", + "title": "Idiot's Delight (play)", + "text": "Idiot's Delight (play) Idiot's Delight is a 1936 play written by American playwright Robert E. Sherwood. The play premiered on Broadway at the Shubert Theatre, from March 24, 1936 to July 4, 1936 and from August 31, 1936 to January 30, 1937, for 300 performances. The play had a pre-Broadway tryout at the National Theatre, Washington, D.C., starting on March 9, 1936. The play was presented by the Theatre Guild. Directed by Bretaigne Windust, the cast starred Alfred Lunt (Harry Van) and Lynn Fontanne (Irene), with Sydney Greenstreet as Dr. Waldersee and Francis Compton as Achille Weber. The play was", + "score": 0.673828125 + }, + { + "id": "12194216", + "title": "Idiot's Delight (play)", + "text": "The guests are a British couple on their honeymoon, and people from Germany, France, and America. Idiot's Delight (play) Idiot's Delight is a 1936 play written by American playwright Robert E. Sherwood. The play premiered on Broadway at the Shubert Theatre, from March 24, 1936 to July 4, 1936 and from August 31, 1936 to January 30, 1937, for 300 performances. The play had a pre-Broadway tryout at the National Theatre, Washington, D.C., starting on March 9, 1936. The play was presented by the Theatre Guild. Directed by Bretaigne Windust, the cast starred Alfred Lunt (Harry Van) and Lynn Fontanne", + "score": 0.673828125 + }, + { + "id": "12345517", + "title": "A High Wind in Jamaica (film)", + "text": "and sung by Mike LeRoy. Reviews were mixed to positive, with some critics expressing disappointment that aspects of the novel were lost in the transition to film. A. H. Weiler of \"The New York Times\" wrote, \"Although hands involved are either experienced or willing, a good deal of the nuance, philosophy and insight into the human condition for which the book was lauded, appear to be missing on the screen. This is simply a voyage full of sound and fury but one without much conviction or meaning.\" Richard L. Coe of \"The Washington Post\" called it \"an absorbing, unusual and", + "score": 0.67333984375 + }, + { + "id": "2011043", + "title": "A Tale of a Tub", + "text": "occupied many notable critics both in the 18th and 19th centuries. Famously, Samuel Johnson claimed that \"A Tale of a Tub\" was a work of true genius (in contrast to \"Gulliver's Travels\" where once one imagines \"big people and little people\" the rest is easy) and too good to be Jonathan Swift's. In the 19th century, many critics who saw misanthropy and madness in Jonathan Swift's later work wished to reject the \"Tale\" as his. In a way, a critic's view on who wrote the \"Tale\" reflected that critic's politics. Swift was such a powerful champion of Tory, or anti-Whig,", + "score": 0.67333984375 + }, + { + "id": "18054367", + "title": "The Sound and the Fury (2014 film)", + "text": "The Sound and the Fury (2014 film) The Sound and the Fury is an American drama film directed by James Franco. It is the second film version of the novel of the same name by William Faulkner. The previous adaptation, directed by Martin Ritt, was released in 1959. The film was released in a limited release and through video on demand on October 23, 2015, by New Films International. The film focuses on the Compson family, and their struggles to adjust to the changing society of the 20th century Deep South, told from four different perspectives: the mentally handicapped Benjy", + "score": 0.671875 + }, + { + "id": "16995232", + "title": "Tourettes Without Regrets", + "text": "entitled \"The Tell-Tale Heart\". Based on the gothic tale by Edgar Allan Poe, this spoken-word poem mixes 19th-century elocution with modern hip-hop slang. San Francisco based absurdist and controversial comedian Will Franken has performed at Tourettes Without Regrets several times. In 2009 he performed a 40-minute set, and he appeared again in January 2011. Bay Area native George Watsky poet and actor whose YouTube hit \"Pale Kid Raps Fast\" went viral returned to the \"Tourettes\" stage in November 2011 for the first time in many years. For him, it was a homecoming; he had stage-managed there when he was only", + "score": 0.6708984375 + }, + { + "id": "2637253", + "title": "In Praise of Folly", + "text": "In Praise of Folly In Praise of Folly, also translated as The Praise of Folly (Latin: \"Stultitiae Laus\" or \"Moriae Encomium\"; Greek title: \"Morias enkomion (\u039c\u03c9\u03c1\u03af\u03b1\u03c2 \u1f10\u03b3\u03ba\u03ce\u03bc\u03b9\u03bf\u03bd)\"; Dutch title: \"Lof der Zotheid\"), is an essay written in Latin in 1509 by Desiderius Erasmus of Rotterdam and first printed in June 1511. Inspired by previous works of the Italian humanist \"De Triumpho Stultitiae\", it is a satirical attack on superstitions and other traditions of European society as well as on the Western Church. Erasmus revised and extended his work, which was originally written in the space of a week while sojourning", + "score": 0.67041015625 + }, + { + "id": "12423489", + "title": "L'Idiote", + "text": "L'Idiote L'Idiote (\"The Idiot\") is a comic mystery play by Marcel Achard. It was first performed in France under that name at the Theatre Antione. An English version was staged on Broadway in 1961-62 with the title \"A Shot in the Dark\", adapted by Harry Kurnitz and directed by Harold Clurman. The cast included Julie Harris, Walter Matthau, and William Shatner as an incompetent Examining Magistrate. Matthau's performance earned him a Tony Award for Best Featured Actor in a Play. When adapted to film in 1964, it was extensively rewritten in order to replace the Examining Magistrate (Shatner's role in", + "score": 0.67041015625 + }, + { + "id": "6061067", + "title": "The Filth and the Fury", + "text": "manager Malcolm McLaren's version of events about the band. \"The Filth and the Fury\" tells the story from the viewpoint of the band members themselves (albeit in silhouette during their contemporary interviews). The title of the film is a reference to a headline that appeared in the British tabloid newspaper \"The Daily Mirror\" on 2 December 1976 after an interview on ITV's \"Today\" presented by Bill Grundy. The title of \"The Daily Mirror\" article was itself inspired by William Faulkner's novel \"The Sound and the Fury\" which was in turn taken from a line in Shakespeare's Macbeth. Temple's documentary charts", + "score": 0.669921875 + }, + { + "id": "18054371", + "title": "The Sound and the Fury (2014 film)", + "text": "to fault him for trying.\" Currently, review aggregator Rotten Tomatoes gives the film a 'rotten' rating of 25%. The Sound and the Fury (2014 film) The Sound and the Fury is an American drama film directed by James Franco. It is the second film version of the novel of the same name by William Faulkner. The previous adaptation, directed by Martin Ritt, was released in 1959. The film was released in a limited release and through video on demand on October 23, 2015, by New Films International. The film focuses on the Compson family, and their struggles to adjust to", + "score": 0.669921875 + }, + { + "id": "18138709", + "title": "The Idiots (short story)", + "text": "she eventually falls from a cliff and dies. The Marquis de Chavanes makes arrangements to have Madame Levaille made guardian of the children and administrator of the farm, rather than a member of the republican Bacadous. The Idiots (short story) \"The Idiots\" is a short story by Joseph Conrad, his first to be published. It first appeared in \"The Savoy\" in 1896. The story was included in the Conrad collection \"Tales of Unrest\", published in 1898. Set in Britanny, the story describes a couple whose children have intellectual disability; the strain on the family leads eventually to murder. The story", + "score": 0.669921875 + }, + { + "id": "5898049", + "title": "Twice-Told Tales", + "text": "which characterizes always the true man, the Christian, the republican and the patriot.\" After reading \"Twice-Told Tales\", Herman Melville wrote to Evert Augustus Duyckinck that the stories weren't meaty enough. \"Their deeper meanings are worthy of a Brahmin. Still there is something lacking\u2014a good deal lacking to the plump sphericity of the man. What is that?\u2014He does'nt patronise the butcher\u2014he needs roast-beef, done rare.\" Edgar Allan Poe wrote a well-known two-part review of the second edition of \"Twice-Told Tales\", published in the April and May 1842 issues of \"Graham's Magazine\". Poe particularly praised Hawthorne's originality as \"remarkable\". He nonetheless criticized", + "score": 0.669921875 + }, + { + "id": "10325602", + "title": "Sonnet 124", + "text": "in his work \"Young Shakespeare\" claims that, \"Martyrs, Protestant or Catholic, were only grist to Shakespeare's mill. To prove Klause's logic would require more conclusive evidence of Shakespeare's sympathy for martyrs. The Jesuit conspirators, Guy Fawkes, the Earl of Essex, the conspirators of the Gunpowder Plot, and others have been suggested as the possible historical identities for \"fools of Time\". However, there is no clear evidence that any of these people were meant to be specifically referenced in this sonnet. As Wright suggests, \"has Shakespeare wanted to point at some particular individual or group, he likely could have found the", + "score": 0.669921875 + }, + { + "id": "12326823", + "title": "A Fable for Critics", + "text": "A Fable for Critics A Fable for Critics is a book-length poem by American writer James Russell Lowell, first published anonymously in 1848. The poem made fun of well-known poets and critics of the time and brought notoriety to its author. \"A Fable for Critics\" satirized many of the most important figures in American literature at the time, including Ralph Waldo Emerson and James Fenimore Cooper. Many of his harshest judgments were aimed at names that have not survived in posterity, including Nathaniel Parker Willis, Cornelius Mathews, and Fitz-Greene Halleck. He gave ample praise to Charles Frederick Briggs and Lydia", + "score": 0.66943359375 + }, + { + "id": "1606075", + "title": "The Tell-Tale Heart", + "text": "for the imaginative. The Tell-Tale Heart \"The Tell-Tale Heart\" is a short story by American writer Edgar Allan Poe, first published in 1843. It is relayed by an unnamed narrator who endeavors to convince the reader of the narrator\u2019s sanity while simultaneously describing a murder he committed. The victim was an old man with a filmy \"vulture-eye\", as the narrator calls it. The narrator emphasizes the careful calculation of the murder, attempting the perfect crime, complete with dismembering and hiding the body under the floorboards. Ultimately, the narrator's feelings of guilt, or a mental disturbance, result in hearing a thumping", + "score": 0.66845703125 + }, + { + "id": "6571737", + "title": "Lear, Tolstoy and the Fool", + "text": "Lear, Tolstoy and the Fool \"Lear, Tolstoy and the Fool\" is an essay by George Orwell. It was inspired by a critical essay on Shakespeare by Leo Tolstoy, and was first published in \"Polemic\" No. 7 (March 1947). Orwell analyzes Tolstoy's criticism of Shakespeare's work in general and his attack on \"King Lear\" in particular. According to Orwell's detailed summary, Tolstoy denounced Shakespeare as a bad dramatist, not a true artist at all, and declared that Shakespeare's fame was due to propaganda by German professors towards the end of the eighteenth century. Tolstoy claimed that Shakespeare was still admired only", + "score": 0.66845703125 + }, + { + "id": "14256172", + "title": "The Sound and the Fury (1959 film)", + "text": "more mature in their future together. Bosley Crowther of \"The New York Times\" wrote that the film \"lacks texture\" and is \"sentiment-dappled and synthetic\". The Sound and the Fury (1959 film) The Sound and the Fury is a 1959 American drama film directed by Martin Ritt. It is loosely based on the novel of the same name by William Faulkner, first published in 1929. Quentin Compson is a girl of 17 in the small Mississippi town of Jefferson. She lives with her step-uncle, Jason, who has practically raised Quentin ever since her promiscuous mother, Caddy, abandoned her. Jason makes ends", + "score": 0.66845703125 + }, + { + "id": "17131884", + "title": "The Tragical History of Guy Earl of Warwick", + "text": "are all contained in a single scene of \"Mucedorus\" (but distributed throughout \"Guy Earl of Warwick\") led Peachman to conclude that \"Mucedorus\" is the older play. Peachman speculates that the obviousness of the borrowing by the author of \"Guy Earl of Warwick\" from \"Mucedorus\" may have been intentional. Building on Harbage's work regarding Sparrow-as-Shakespeare, Peachman notes that Shakespeare's King's Men had performed \"Mucedorus\", so that \"...the author of the \"Tragical History\" could reasonably have expected his audience to associate \"Mucedorus\" with Shakespeare,\" although not necessarily as the play's author. Peachman concludes that \"Guy Earl of Warwick's\" borrowings from \"Mucedorus\" may", + "score": 0.66796875 + }, + { + "id": "10122002", + "title": "Furor Teutonicus", + "text": "Furor Teutonicus Furor Teutonicus (\"Teutonic Fury\") is a Latin phrase referring to the proverbial ferocity of the Teutones, or more generally the Germanic tribes of the Roman Empire period. The original expression is generally attributed to the Roman poet Lucan (d. AD 65). It occurs for the first time in his work \"Bellum civile/Pharsalia\". Lucan used the term to describe what he believed to be the outstanding characteristic of the Germanic tribe called the \"Teutones\": a mad, merciless, berserk rage in battle. The Teutons met with the armies of the Roman Republic in the Eastern Alps around 113 BC. The", + "score": 0.66796875 + }, + { + "id": "11998771", + "title": "The Taill of the Uponlandis Mous and the Burges Mous", + "text": "the last line of stanza 13. When the \"Burges Mous\" ventures forth to seek her rural cousin beyond the confines of city, the picture of her as a figure in a landscape (created in a very few words) produces a highly ambiguous sense of scale: The Taill of the Uponlandis Mous and the Burges Mous \"The Taill of the Uponlandis Mous and the Burges Mous\", also known as \"The Twa Mice,\" is a Middle Scots adaptation of Aesop's Fable \"The Town Mouse and the Country Mouse\" by the Scottish poet Robert Henryson. Written around the 1480s, it is the second", + "score": 0.66796875 + }, + { + "id": "6712175", + "title": "Wise fool", + "text": "or elite knowledge. While examples of the paradox can be found in a wide range of early world literature, from Greco-Roman works to the oral traditions of folk culture, the paradox received unprecedented attention from authors and artists during the Renaissance. More than Shakespeare for his range of clownish wise men or Cervantes for his lunatic genius Don Quijote, sixteenth century scholar Erasmus is often credited for creating the definitive wise fool and most famous paradox in western literature through his portrayal of Stultitia, the goddess of folly. Influential to all later fools, she shows the foolish ways of the", + "score": 0.6669921875 + }, + { + "id": "4420494", + "title": "The Friar's Tale", + "text": "The Friar's Tale \"The Friar's Tale\" () is a story in \"The Canterbury Tales\" by Geoffrey Chaucer, told by Huberd the Friar. The story centers around a corrupt summoner and his interactions with the Devil. It is preceded by The Wife of Bath's Tale and followed by The Summoner's Tale. On the way to extort money from a widow, the Summoner encounters a yeoman who is dressed in Lincoln Green, a costume worn by outlaws and poachers. The two men swear brotherhood to each other and exchange the secrets of their respective trades, the Summoner recounting his various sins in", + "score": 0.6669921875 + }, + { + "id": "1379949", + "title": "Winter of Discontent", + "text": "reduced to taking emergency patients only. The phrase \"Winter of Discontent\" is from the opening line of William Shakespeare's \"Richard III\": \"Now is the winter of our discontent / Made glorious summer by this sun [or son] of York\", and was first applied to the events of the winter by Robin Chater, a writer at \"Incomes Data Report\". It was subsequently used in a speech by James Callaghan and translated to define a crisis by tabloids \u2013 including \"The Sun\". The weather turned very cold in the early months of 1979 with blizzards and deep snow, the coldest since 1962\u201363,", + "score": 0.66650390625 + }, + { + "id": "11873930", + "title": "The Simple-Minded Murderer", + "text": "for his role as Sven. The well-known Swedish film director Ingmar Bergman also enjoyed the film. Calling it: \"A deep indignation, turned into a powerful fairy-tale. Hasse Alfredssons resources seems unlimited and my admiration for his creativity and the wealth of his ideas are absolute\". The story is based on a short chapter in Alfredson's book \"En Ond man\" (\"An Evil Man\"). The chapter was called \"Idiotens ber\u00e4ttelse\" (\"The Idiot's Story\") and was an inner monologue held by the then nameless narrator. Another inspiration for the movie came when Alfredson first heard \"Requiem\" by Giuseppe Verdi. A piece of music,", + "score": 0.666015625 + }, + { + "id": "17140245", + "title": "Tales of Poe", + "text": "Tales of Poe Tales of Poe is a 2014 anthology film directed by independent filmmakers Bart Mastronardi and Alan Rowe Kelly. Based on the classic works of Edgar Allan Poe, \"Tales of Poe\" is a series of three chilling stories adapted for the screen and based on Poe's Tell-Tale Heart, Cask of Amontillado, and one of his more obscure poems \"Dreams\". Bart Mastronardi wrote and directed his award-winning \"The Tell Tale Heart\" starring horror star Debbie Rochon and changes the genders from the original story to female in this macabre story that takes place in a mental asylum. Alan Rowe", + "score": 0.666015625 + }, + { + "id": "20977154", + "title": "Troilus and Cressida", + "text": "how Shakespeare's tone is changing from light comic to intensely tragic. Literary critic and scholar Joyce Carol Oates wrote that in reality these shifts complimented the values Shakespeare questioned in the play, love, honour, and hierarchy. She argued that this problem play is in fact remarkably modern for its time. According to Oates' interpretation, Shakespeare's \"Troilus and Cressida\" is indeed one of his most intriguing plays ever written. She believed Shakespeare wrote a grand existential statement with \"Troilus and Cressida\", and that it was a new kind of contemporary tragedy. The story of Troilus and Cressida is a medieval tale", + "score": 0.66552734375 + }, + { + "id": "5194726", + "title": "All's Lost by Lust", + "text": "Shakespeare's \"Titus Andronicus\" among other works that include Moors and North African Muslims. Rowley modifies the stereotype somewhat in his portrayal of Margaretta's serving maid Fydella, a young Moorish woman who is courageous and fiercely devoted to her mistress, which may in fact be just a depiction of the Author's views that the only good Moor is the one who resigns to be subservient to the Whites, another reflection of racism. All's Lost by Lust All's Lost by Lust is a Jacobean tragedy by William Rowley. A \"tragedy of remarkable frankness and effectiveness,\" \"crude and fierce,\" it was written between", + "score": 0.66552734375 + }, + { + "id": "15907423", + "title": "The Devil in the Belfry", + "text": "In \"A Companion to Poe Studies\" it is noted, \"Poe introduced numerous details to make contemporaries think of the president. But the story is not therefore a political satire, for Poe said such stories hit out in all directions ... Moreover, Poe's literary play, his pleasure at creating connections, seems more important than is any single 'target' of satire.\" Critics often compare the tale to another New York satire, \"A History of New-York\", written by Washington Irving under the pseudonym \"Diedrich Knickerbocker\". There are many famous illustrations for this short tale, including one is by the Italian engraver Alberto Martini,", + "score": 0.66552734375 + }, + { + "id": "19583466", + "title": "Robert Wilmot (playwright)", + "text": "of five co-authors are given at the end of the five acts as follows: Rod. Staf.; Hen. No. (Henry Noel?); G. Al.; Ch. Hat. (Christopher Hatton); and R. W. (Robert Wilmot). The story is in William Painter's \"Palace of Pleasure\", tale 39, and originally the play was in decasyllabic rhyming quatrains. Wilmot in 1591 made it into blank verse. It has dumb shows to begin and choruses to terminate the acts. The 1591 edition was reprinted in James Dodsley's \"Collection\", vol. ii., in 1780 (4th edit. by Hazlitt, 1874, vol. vii.). Another work by Wilmot was \"Syrophenisia, or the Canaanitish", + "score": 0.6650390625 + }, + { + "id": "3493165", + "title": "Troilus and Criseyde", + "text": "Troilus and Criseyde Troilus and Criseyde () is an epic poem by Geoffrey Chaucer which re-tells in Middle English the tragic story of the lovers Troilus and Criseyde set against a backdrop of war during the Siege of Troy. It was composed using \"rime royale\" and probably completed during the mid-1380s. Many Chaucer scholars regard it as the poet's finest work. As a finished long poem it is more self-contained than the better known but ultimately unfinished \"The Canterbury Tales\". This poem is often considered the source of the phrase: \"all good things must come to an end\" (3.615). Although", + "score": 0.6650390625 + }, + { + "id": "12326829", + "title": "A Fable for Critics", + "text": "Critics\" earned Lowell notoriety as a poet, once his name was revealed, though he did not significantly profit from its publication. A Fable for Critics A Fable for Critics is a book-length poem by American writer James Russell Lowell, first published anonymously in 1848. The poem made fun of well-known poets and critics of the time and brought notoriety to its author. \"A Fable for Critics\" satirized many of the most important figures in American literature at the time, including Ralph Waldo Emerson and James Fenimore Cooper. Many of his harshest judgments were aimed at names that have not survived", + "score": 0.6650390625 + }, + { + "id": "1281285", + "title": "A Descent into the Maelstro\u0308m", + "text": "the narrator will believe it. The story's opening bears a similarity to Samuel Taylor Coleridge's \"The Rime of the Ancient Mariner\" (1798): in both, an excited old man tells his story of shipwreck and survival. The tale is one of sensation, emphasizing the narrator's thoughts and feelings, especially his terror of being killed in the whirlpool. The narrator uses his reasoning skills to survive and the story is considered one of Poe's early examples of science fiction. The story mentions Jonas Danilss\u00f8nn Ramus, a man from Norway who wrote about a famous maelstr\u00f6m at Saltstraumen. The opening epigraph is quoted", + "score": 0.6650390625 + }, + { + "id": "13544103", + "title": "The Tempest", + "text": "The Tempest The Tempest is a play by William Shakespeare, believed to have been written in 1610\u20131611, and thought by many critics to be the last play that Shakespeare wrote alone. It is set on a remote island, where the sorcerer Prospero, rightful Duke of Milan, plots to restore his daughter Miranda to her rightful place using illusion and skillful manipulation. He conjures up a storm, the eponymous tempest, to cause his usurping brother Antonio and the complicit King Alonso of Naples to believe they are shipwrecked and marooned on the island. There, his machinations bring about the revelation of", + "score": 0.66455078125 + }, + { + "id": "13568635", + "title": "Talley & Son", + "text": "\"Still, for all the flaws that remain from \"A Tale Told\", the improvements in \"Talley & Son\" are real. What was a dull, superficial play is now a superficial play that clicks smartly along until mid-Act II. In addition to tightening, focusing and clarifying (one need no longer refer constantly to the family tree in the program), Mr. Wilson has added a goodly share of funny lines... Even so, as far as \"Talley & Son\" is concerned, the honorable time may have come for Mr. Wilson to give up the ghost.\" Rich had reviewed the earlier version, \"A Tale Told\",", + "score": 0.6640625 + }, + { + "id": "16752902", + "title": "The Sound and The Fury (vocal ensemble)", + "text": "The Sound and The Fury (vocal ensemble) \"See also Sound and fury (disambiguation)\"
the sound and the fury (founded 2005) is an Anglo-German vocal group convening in Brixen and Vienna, specialising entirely in performance of renaissance polyphony of the Franco-Flemish school. The core members of the group are Thomas E. Bauer (baritone) of Regensburg, whose earlier ensemble Vokalsolisten Ratisbona was the genesis of the ensemble, John Potter (tenor), and Richard Wistreich (bass), supplemented by other singers. The line up of performers on the ensemble's first 2005 recording of Gombert included Ulrike Hofbauer (soprano), David Erler (alto), Hubert Nettinger (tenor), Jason", + "score": 0.6640625 + }, + { + "id": "697754", + "title": "Titus Andronicus", + "text": "tradition holds that Shakespeare wrote it (which Dover Wilson highly suspects) that it is remembered, not for any intrinsic qualities of its own. In his 1998 book, \"Shakespeare: The Invention of the Human\", Harold Bloom attacked the play on numerous occasions, calling it \"a howler\", \"a poetic atrocity\", \"an exploitative parody, with the inner purpose of destroying the ghost of Christopher Marlowe\" and \"a blowup, an explosion of rancid irony.\" Bloom summates his views by declaring, \"I can concede no intrinsic value to \"Titus Andronicus\".\" Citing the 1955 Royal Shakespeare Company (RSC) production, directed by Peter Brook and starring Laurence", + "score": 0.6640625 + }, + { + "id": "20977173", + "title": "Troilus and Cressida", + "text": "superimposes contradictory characterizations in order to make his dramatic characters interesting and currently accessible to the contemporary audience Troilus and Cressida Troilus and Cressida () is a tragedy by William Shakespeare, believed to have been written in 1602. It was described by Frederick S. Boas as one of Shakespeare's problem plays. The play ends on a very bleak note with the death of the noble Trojan Hector and destruction of the love between Troilus and Cressida. The work has in recent years \"stimulated exceptionally lively critical debate\". Throughout the play, the tone lurches wildly between bawdy comedy and tragic gloom,", + "score": 0.6640625 + }, + { + "id": "5898042", + "title": "Twice-Told Tales", + "text": "Twice-Told Tales Twice-Told Tales is a short story collection in two volumes by Nathaniel Hawthorne. The first was published in the spring of 1837, and the second in 1842. The stories had all been previously published in magazines and annuals, hence the name. Hawthorne was encouraged by friend Horatio Bridge to collect these previously anonymous stories; Bridge offered $250 to cover the risk of the publication. Many had been published in \"The Token\", edited by Samuel Griswold Goodrich. When the works became popular, Bridge revealed Hawthorne as the author in a review he published in the \"Boston Post\". The title,", + "score": 0.6640625 + }, + { + "id": "957124", + "title": "Ship of fools", + "text": "Ship of fools The ship of fools is an allegory, originating from Book VI of Plato's \"Republic\", about a ship with a dysfunctional crew: The concept makes up the framework of the 15th-century book \"Ship of Fools\" (1494) by Sebastian Brant, which served as the inspiration for Hieronymus Bosch's painting, \"Ship of Fools\": a ship\u2014an entire fleet at first\u2014sets off from Basel, bound for the Paradise of Fools. In literary and artistic compositions of the 15th and 16th centuries, the cultural motif of the ship of fools also served to parody the \"ark of salvation\", as the Catholic Church was", + "score": 0.66357421875 + }, + { + "id": "20977122", + "title": "Troilus and Cressida", + "text": "Troilus and Cressida Troilus and Cressida () is a tragedy by William Shakespeare, believed to have been written in 1602. It was described by Frederick S. Boas as one of Shakespeare's problem plays. The play ends on a very bleak note with the death of the noble Trojan Hector and destruction of the love between Troilus and Cressida. The work has in recent years \"stimulated exceptionally lively critical debate\". Throughout the play, the tone lurches wildly between bawdy comedy and tragic gloom, and readers and theatre-goers have frequently found it difficult to understand how one is meant to respond to", + "score": 0.66357421875 + }, + { + "id": "15706025", + "title": "William Barksted", + "text": "attributed to Barksted, that is signed \"William Buckstead, Comedian\". Such unhappily is the little personal fact that research has yielded. Barksted has been identified by some with W. B., the author of a rough verse-translation of a \"Satire of Juvenal\", entitled \"That which seems Best is Worst, exprest in a paraphrastical transcript of Iuvenal's tenth Satyre. Together with the Tragicall Narration of Virginius's Death interserted\", London, 1617. This is a paraphrase resembling in method Barksted's \"Mirrha\", which is paraphrased from the tenth book of Ovid's \"Metamorphoses\". Both \"Mirrha\" and \"Hiren\" owe much to \"Venus and Adonis\", and their author pays", + "score": 0.66357421875 + }, + { + "id": "9550234", + "title": "A Tale of a Tub (play)", + "text": "/ Tub to his mother.\") Amid the disorder, Pol-Marten, Lady Tub's usher, marries Audrey before the others realise it. Their marriage is celebrated with a wedding masque, also titled \"A Tale of a Tub,\" which retells the story of the play. (In the colloquial usage of the time, a \"tale of a tub\" is the same as \"a cock and bull story.\") Jonson, here as often elsewhere in his plays, borrows elements from the Classical plays of Aristophanes and Plautus. The play was published with a motto from Catullus: \"Inficeto est inficetior rure.\" A Tale of a Tub (play) A", + "score": 0.6630859375 + }, + { + "id": "2431332", + "title": "Tweedledum and Tweedledee", + "text": "the most celebrated and most frequently quoted (and sometimes misquoted) epigrams\", satirising the disagreements between George Frideric Handel and Giovanni Bononcini, written by John Byrom (1692\u20131763): Although Byrom is clearly the author of the epigram, the last two lines have also been attributed to Jonathan Swift and Alexander Pope. While the familiar form of the rhyme was not printed until around 1805, when it appeared in \"Original Ditties for the Nursery\", it is possible that Byrom was drawing on an existing rhyme. The characters are perhaps best known from Lewis Carroll's \"Through the Looking-Glass and what Alice Found There\" (1871).", + "score": 0.6630859375 + }, + { + "id": "4297963", + "title": "A Tale of Two Kitties", + "text": "A Tale of Two Kitties A Tale of Two Kitties is a 1942 \"Merrie Melodies\" cartoon directed by Bob Clampett. This short subject is notable for being Tweety Bird's debut, although known as Orson in this short, according to the staff. written by Warren Foster, and features music by Carl W. Stalling. It was also the first appearance of Babbit and Catstello, based on the popular comedy duo Abbott and Costello. The title is an obvious pun on the Charles Dickens classic, \"A Tale of Two Cities\". Even in this initial appearance, Tweety reveals early on that his cute appearance", + "score": 0.6630859375 + }, + { + "id": "4519707", + "title": "The Facts in the Case of M. Valdemar", + "text": "traced. That gelatinous, viscous sound of man's voice! there never was such an idea before.\" George Edward Woodberry wrote that the story, \"for mere physical disgust and foul horror, has no rival in literature.\" James M. Hutchisson refers to the story as \"probably Poe's most gruesome tale\". Rudyard Kipling, an admirer of Poe, references \"The Facts in the Case of M. Valdemar\" in his story \"In the House of Suddhoo\", which suggests the disastrous results of the sorcery used by a man trying to save his sick son's life. One spell requires the head of a dead baby, which seems", + "score": 0.6630859375 + }, + { + "id": "15247828", + "title": "Greene's Groats-Worth of Wit", + "text": "wrapt in a Players hyde\", alludes to Shakespeare's \"Henry VI, Part 3\", which contains the line \"O tiger's heart wrapped in a woman's hide\". (I, iv, 137) Scholars are not agreed as to what Greene meant by his cryptic comments or what motivated them. Greene complains of an actor who thinks he can write as well as university-educated playwrights, he alludes to a line in Shakespeare's \"Henry VI, Part 3\", and he uses the term \"Shake-scene,\" a term never used prior to \"Groatsworth\". Most scholars agree that Greene had Shakespeare in mind, who in 1592 would have been an \"upstart\"", + "score": 0.6630859375 + }, + { + "id": "10217149", + "title": "The Mouse's Tale", + "text": "The Mouse's Tale \"The Mouse's Tale\" is a concrete poem by Lewis Carroll which appears in his novel \"Alice's Adventures in Wonderland\". Though no formal title for the poem is given in the novel, the chapter title refers to \"A Long Tale\" and the Mouse introduces it by saying, \"Mine is a long and sad tale!\" Alice thinks the Mouse means its \"tail\", which makes her imagine the poem in its twisted, tail-like shape, as shown on the right: In the tale, the Mouse (speaking of itself in the third person) explains how a cur called Fury plotted to condemn", + "score": 0.66259765625 + }, + { + "id": "2637259", + "title": "In Praise of Folly", + "text": "critique which the essay laid against the practices of the Church and its political allies. In Praise of Folly In Praise of Folly, also translated as The Praise of Folly (Latin: \"Stultitiae Laus\" or \"Moriae Encomium\"; Greek title: \"Morias enkomion (\u039c\u03c9\u03c1\u03af\u03b1\u03c2 \u1f10\u03b3\u03ba\u03ce\u03bc\u03b9\u03bf\u03bd)\"; Dutch title: \"Lof der Zotheid\"), is an essay written in Latin in 1509 by Desiderius Erasmus of Rotterdam and first printed in June 1511. Inspired by previous works of the Italian humanist \"De Triumpho Stultitiae\", it is a satirical attack on superstitions and other traditions of European society as well as on the Western Church. Erasmus revised and", + "score": 0.66259765625 + }, + { + "id": "5198853", + "title": "Ship of Fools (Porter novel)", + "text": "Ship of Fools (Porter novel) Ship of Fools is a 1962 novel by Katherine Anne Porter, telling the tale of a group of disparate characters sailing from Mexico to Europe aboard a German passenger ship. The large cast of characters includes Germans, a Swiss family, Mexicans, Americans, Spaniards, a group of Cuban medical students, and a Swede. In steerage, there are 876 Spanish workers being returned from Cuba. It is an allegory tracing the rise of Nazism and looks metaphorically at the progress of the world on its \"voyage to eternity\". Porter had been widely praised for her short stories,", + "score": 0.66259765625 + }, + { + "id": "2011003", + "title": "A Tale of a Tub", + "text": "A Tale of a Tub A Tale of a Tub was the first major work written by Jonathan Swift, arguably his most difficult satire and perhaps his most masterly. The \"Tale\" is a prose parody divided into sections each delving into the morals and ethics of the English. Composed between 1694 and 1697, it was eventually published in 1704. It was long regarded as a satire on religion, and has famously been attacked for that, starting with William Wotton. The \"tale\" presents a consistent satire of religious excess, while the digressions are a series of parodies of contemporary writing in", + "score": 0.662109375 + }, + { + "id": "4251623", + "title": "The Clerk's Tale", + "text": "\"E[v]er wag your tongues like a windmill, I you advise\". The irony is more in keeping with the clerk's \"ethos\" but contradicts his former conclusion. Finally, the host's wish that his wife might have heard this edifying tale is well within the scope of medieval ideas of female virtue while suggesting that reality will be at odds with \"exempla\": Me were levere than a barel ale
My wyf at hoom had herd this legende ones!
(1212c\u20131212d) The Clerk's Tale The Clerk's Tale is the first tale of Group E (Fragment IV) in Geoffrey Chaucer's \"The Canterbury Tales\". It is preceded by The", + "score": 0.662109375 + }, + { + "id": "6682233", + "title": "A Tale of Two Cities", + "text": "in the nose of the Marquis. Forster believed that Dickens never truly created rounded characters. \"A Tale of Two Cities\" is one of only two works of historical fiction by Charles Dickens (the other being \"Barnaby Rudge\"). Dickens relies much on \"\" by Thomas Carlyle as a historical source. Dickens wrote in his Preface to \"Tale\" that \"no one can hope to add anything to the philosophy of Mr. Carlyle's wonderful book\". Dickens uses literal translations of French idioms for characters who cannot speak English, such as \"What the devil do you do in that galley there?!!\" and \"Where is", + "score": 0.66162109375 + }, + { + "id": "1659256", + "title": "Polonius", + "text": "of this scene portrays him in a much more sinister light; most productions, including Laurence Olivier's famous 1948 film version, choose to remove it. The respective productions starring Richard Burton and Kenneth Branagh both include it. Although Hume Cronyn plays Polonius mostly for laughs in the Burton production, Polonius is more sinister than comic in Branagh's version. Polonius's most famous lines are found in Act 1 Scene 3 (\"Neither a borrower nor a lender be\"; \"To thine own self be true\") and Act 2 Scene 2 (\"Brevity is the soul of wit\"; and \"Though this be madness, yet there is", + "score": 0.66162109375 + }, + { + "id": "17484674", + "title": "Delusion of the Fury", + "text": "Delusion of the Fury Delusion of the Fury is a stage play by the American composer Harry Partch that is based on a Japanese Noh drama. The first draft for singers, mimes, dancers, and musicians was called \"Cry from Another Darkness\"; Partch completed it on December 30, 1964. The second draft, dated January 17, 1965, was a fuller, longer piece, re-titled \"Delusion of the Fury\". It was originally conceived as a play in two acts, with a dramatic first act and a comedic second. Partch completed writing of the music on March 17, 1966. The piece employs Partch's original system", + "score": 0.66162109375 + }, + { + "id": "19005504", + "title": "The Sound and the Fury (Nerina Pallot album)", + "text": "The Sound and the Fury (Nerina Pallot album) The Sound and the Fury is the fifth album by British singer-songwriter Nerina Pallot. It was released on 11 September 2015, four years since her last studio album \"Year of the Wolf\". The first release from the album was the teaser track \"The Road\". The first official single, is a re-recording of \"Rosseau\" from Pallot's 12 EP set \"The Year of the EPs\" and will be released alongside \"The Sound And The Fury\" on 11 September 2015. In 2014, Nerina spent 12 months recording 12 EPs of 5 songs in a project", + "score": 0.66162109375 + }, + { + "id": "12604908", + "title": "Fool (novel)", + "text": "Fool (novel) Fool is a novel by American writer Christopher Moore, released on February 10, 2009. The novel takes its premise from the plot of Shakespeare's play \"King Lear\", narrated from the perspective of the character of the Fool, whose name is Pocket. In the course of the novel are references to other Shakespeare plays, ranging from short quotations to whole characters\u2014most notably the three witches from \"Macbeth.\" While the style of \"Fool\" is directed at an American audience, the author incorporates at times Shakespearean vocabulary, archaic syntax, and modern British slang, and obscure cultural terms relating to medieval life,", + "score": 0.6611328125 + }, + { + "id": "18988247", + "title": "O\u0308rvitinn; e\u00f0a hugsjo\u0301nama\u00f0urinn", + "text": "\u00d6rvitinn; e\u00f0a hugsj\u00f3nama\u00f0urinn \u00d6rvitinn e\u00f0a; hugsj\u00f3nama\u00f0urinn (The Idiot, or, the Visionary) is a novel by \u00d3ttar M. Nor\u00f0fj\u00f6r\u00f0, published by N\u00fdhil in 2010. It is illustrated by Inga Birgisd\u00f3ttir. It has been characterised as 'a meditation on the first decade of the 21st century in novella form, a \"bildungsroman\" with close ties to Voltaire's \"Candide\"\u2019. The novella is a third-person narrative, and is an often allegorical satire of Western politics in the first decade of the twenty-first century, particularly the so-called 'War on Terror'. It is ostentatiously a tissue of literary and philosophical references, which are catalogued in a long", + "score": 0.66064453125 + }, + { + "id": "697880", + "title": "Titus Andronicus", + "text": "4, scene 3, line 15. Titus Andronicus Titus Andronicus is a tragedy by William Shakespeare, believed to have been written between 1588 and 1593, probably in collaboration with George Peele. It is thought to be Shakespeare's first tragedy and is often seen as his attempt to emulate the violent and bloody revenge plays of his contemporaries, which were extremely popular with audiences throughout the 16th century. The play is set during the latter days of the Roman Empire and tells the fictional story of Titus, a general in the Roman army, who is engaged in a cycle of revenge with", + "score": 0.66064453125 + }, + { + "id": "13550823", + "title": "As a dog returns to his vomit, so a fool repeats his folly", + "text": "As a dog returns to his vomit, so a fool repeats his folly \"As a dog returns to his vomit, so a fool repeats his folly\" is an aphorism which appears in the Book of Proverbs in the Bible \u2014 ( \"K\u0259\u1e35ele\u1e07 \u0161\u0101\u1e07 \u2018al-q\u00ea\u2019\u014dw; k\u0259s\u00eel, \u0161\u014dwneh \u1e07\u0259\u2019iwwalt\u014dw.\"), also partially quoted in the New Testament, 2 Peter 2:22. It means that fools are stubbornly inflexible and this is illustrated with the repulsive simile of the dog that eats its vomit again, even though this may be poisonous. Dogs were considered unclean in Biblical times as they were commonly scavengers of the", + "score": 0.66015625 + }, + { + "id": "2116363", + "title": "The Cask of Amontillado", + "text": "The Cask of Amontillado \"The Cask of Amontillado\" (sometimes spelled \"The Casque of Amontillado\" ) is a short story by Edgar Allan Poe, first published in the November 1846 issue of \"Godey's Lady's Book\". The story, set in an unnamed Italian city at carnival time in an unspecified year, is about a man taking fatal revenge on a friend who, he believes, has insulted him. Like several of Poe's stories, and in keeping with the 19th-century fascination with the subject, the narrative revolves around a person being buried alive \u2013 in this case, by immurement. As in \"The Black Cat\"", + "score": 0.66015625 + }, + { + "id": "10325598", + "title": "Sonnet 124", + "text": "to call forth evidence to support the sonnet's argument. Those called to \"witness\" in this trail scene are the \"fools of Time\"- a phrase that has been dissected by numerous critics. In his work, The Secret Drama of Shakespeare's Sonnets, Gerald Massey argues that the allusion of the \"fools of Time\" called to witness is no doubt, \"directed to Essex and his companions\". Critic Tyler (found in Raymond Alden's \"The Sonnets of Shakespeare\") further supports this, claiming, \"These expressions ... become intelligible when considered as referring to Essex and his companions, and to the consequences of the rebellion,\" also noting", + "score": 0.66015625 + }, + { + "id": "5777671", + "title": "Bombastes Furioso", + "text": "Furioso\". The sign that Bombastes places on the tree with his boots reads: According to Bartlett, this is a reference to a quote from Don Quixote: Bombastes Furioso Bombastes Furioso, subtitled \"A Burlesque Tragic Opera\", was written in 1810 by William Barnes Rhodes (sometimes credited as Thomas Barnes Rhodes). The first authorized printed edition was published in 1822. It is a drama with comic songs, that satirizes the bombastic style of other tragedies that were in fashion at the time. It was very popular throughout the 19th century\u2014its popularity was sufficient for two quotations to appear in \"Bartlett's Familiar Quotations\",", + "score": 0.66015625 + }, + { + "id": "2116364", + "title": "The Cask of Amontillado", + "text": "and \"The Tell-Tale Heart\", Poe conveys the story from the murderer's perspective. The story's narrator, Montresor, tells an unspecified person, who knows him very well, of the day he took his revenge on Fortunato (Italian for \"the fortunate one\"), a fellow nobleman. Angry over numerous injuries and some unspecified insult, Montresor plots to murder his \"friend\" during Carnival, while the man is drunk, dizzy, and wearing a jester's motley. Montresor lures Fortunato into a private wine-tasting excursion by telling him he has obtained a pipe (about 130 gallons, 492 litres) of what he believes to be a rare vintage of", + "score": 0.65966796875 + }, + { + "id": "12842816", + "title": "The Cock and the Jewel", + "text": "At odds with this reasonable conclusion, Marie comments that the cock is like those who, \"if everything does not go as they wish, they do not value good and honor at all but instead take the worst and scorn the best.\" John Lydgate's version, written about 1410, is longer and more nuanced. He begins the Prologue to his \"Isopes Fabules\" with the statement that \"Wisdom is more in price than gold in coffers\" but turns that to mean that beneath the \"boysterous and rurall\" fable hide valuable lessons for life, so anticipating the Cock's eventual find. In his description of", + "score": 0.65966796875 + }, + { + "id": "5183386", + "title": "E\u0301pi\u0302tre a\u0300 l'Auteur du Livre des Trois Imposteurs", + "text": "State\" with \"If God really existed, it would be necessary to abolish him.\" \u00c9p\u00eetre \u00e0 l'Auteur du Livre des Trois Imposteurs \u00c9p\u00eetre \u00e0 l'Auteur du Livre des Trois Imposteurs (English title: \"Letter to the author of The Three Impostors\") is an epistle in verse form written by Voltaire and published in 1770 (see 1770 in poetry). It is a letter to the anonymous writers and publishers of the \"Treatise of the Three Impostors\". It contains one of the most famous Voltaire quotes, \"If God hadn't existed, it would have been necessary to invent him.\" This quote itself was famously countered", + "score": 0.65966796875 + }, + { + "id": "7282551", + "title": "Mucedorus", + "text": "attributed in whole or in part to William Shakespeare, but this theory is generally not accepted by Shakespeare scholars and \"Mucedorus\" is generally classified as apocryphal and not part of the main Shakespearean canon. Other proposed authors have included George Peele, Robert Greene, and Thomas Lodge. Greene's \"James IV\" (c. 1590) and Peele's \"Old Wive's Tale\" (published 1595) belong to the same genre. A prologue was added to the play when it was performed for James I. The play opens with an induction that consists of a meta-theatrical flyting between the allegorical personifications Comedy and Envy. Envy declares that she", + "score": 0.65966796875 + }, + { + "id": "12158571", + "title": "The Fools in Town Are on Our Side", + "text": "The Fools in Town Are on Our Side The Fools in Town Are on Our Side is a 1970 crime/espionage/social satire novel by American author Ross Thomas. The title is a paraphrased partial quote of a line from Mark Twain's \"The Adventures of Huckleberry Finn\": \"Hain\u2019t we got all the fools in town on our side? And ain\u2019t that a big enough majority in any town?\" The novel is set around the time of its publication and follows Lucifer Clarence Dye, freshly exposed as a US intelligence agent following a bungled operation in Singapore (where a Chinese operative Dye had", + "score": 0.65966796875 + }, + { + "id": "1763914", + "title": "The Sound and the Fury", + "text": "narratives display their own varieties of idiocy. More to the point, the novel recounts \"the way to dusty death\" of a traditional upper-class Southern family. The last line is, perhaps, the most meaningful: Faulkner said in his speech upon being awarded the Nobel Prize in Literature that people must write about things that come from the heart, \"universal truths.\" Otherwise, they signify nothing. The novel has achieved great critical success and a prominent place among the greatest of American novels. It played a role in William Faulkner's receiving the 1949 Nobel Prize in Literature. It is near-unanimously considered a masterpiece", + "score": 0.6591796875 + }, + { + "id": "4228125", + "title": "Ivan the Fool (story)", + "text": "his simple way of life, defeats the treacherous devil. Ivan eventually becomes the ruler of the country despite the lack of a standing army or currency. All of the citizens are welcome at Ivan's table, where workers are fed first and intellectuals (those without calluses on their hands) have to eat the leftovers. Ivan the Fool (story) \"Ivan the Fool\" (also known as \"Ivan the Fool and his Two Brothers\") is an 1886 short story (in fact, a literary fairy tale) by Leo Tolstoy, published in 1886. It describes the struggles of three brothers and a sister with the Old", + "score": 0.6591796875 + }, + { + "id": "7196160", + "title": "'Tis Pity She's a Whore", + "text": "'Tis Pity She's a Whore 'Tis Pity She's a Whore (original spelling: \"'Tis Pitty Shee's a Who\"[\"o\"]\"re\") is a tragedy written by John Ford. It was likely first performed between 1629 and 1633, by Queen Henrietta's Men at the Cockpit Theatre. The play was first published in 1633, in a quarto printed by Nicholas Okes for the bookseller Richard Collins. Ford dedicated the play to John Mordaunt, 1st Earl of Peterborough and Baron of Turvey. Giovanni, recently returned to Parma from university in Bologna, has developed an incestuous passion for his sister Annabella and the play opens with his discussing", + "score": 0.6591796875 + }, + { + "id": "697697", + "title": "Titus Andronicus", + "text": "Titus Andronicus Titus Andronicus is a tragedy by William Shakespeare, believed to have been written between 1588 and 1593, probably in collaboration with George Peele. It is thought to be Shakespeare's first tragedy and is often seen as his attempt to emulate the violent and bloody revenge plays of his contemporaries, which were extremely popular with audiences throughout the 16th century. The play is set during the latter days of the Roman Empire and tells the fictional story of Titus, a general in the Roman army, who is engaged in a cycle of revenge with Tamora, Queen of the Goths.", + "score": 0.6591796875 + }, + { + "id": "3717521", + "title": "John Kendrick Bangs", + "text": "one or both works were revised. Illustrations in \"Coffee and Repartee\", unsigned, and \"The Idiot\", clearly signed \"F. T. Richards\", were not credited (both available online at HDL). The Library of Congress reports \"F.T. Richards\" credited on the title page of \"The Idiot at Home\", 1900 (first edition). Originally the Associated Shades is an exclusive men's club in Hades, whose members are the shades of famous people, including Adam and Baron Munchausen but primarily historical writers: Homer, Confucius, Shakespeare, president Walter Raleigh, Johnson and Boswell, and many others. All four books were illustrated by Peter Newell. John Kendrick Bangs John", + "score": 0.6591796875 + }, + { + "id": "2116381", + "title": "The Cask of Amontillado", + "text": "was convoluted and difficult to follow, but made references to secret societies and ultimately had a main theme of revenge. It included a character named Marmaduke Hammerhead, the famous author of \"The Black Crow\", who uses phrases like \"Nevermore\" and \"lost Lenore\", referring to Poe's poem \"The Raven\". This parody of Poe was depicted as a drunkard, liar, and an abusive lover. Poe responded with \"The Cask of Amontillado\", using very specific references to English's novel. In Poe's story, for example, Fortunato makes reference to the secret society of Masons, similar to the secret society in \"1844\", and even makes", + "score": 0.65869140625 + } + ], + "answer": "The play Macbeth has the line \"it is a tale told by an idiot full of sound and fury,\" and Macbeth is the character who speaks it. Lord Macbeth is the title character and main protagonist in William Shakespeare's tragedy Macbeth." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Where does the movie 10 Things I Hate About You take place?", + "short_answers": [ + "Seattle area", + "Padua High School" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Where was the movie 10 Things I Hate About You filmed?", + "short_answers": [ + "Stadium High School", + "Tacoma, Washington" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "10 Things I Hate About You", + "url": "https://en.wikipedia.org/wiki/10%20Things%20I%20Hate%20About%20You" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "10 Things I Hate About You is a 1999 American romantic comedy film directed by Gil Junger and starring Julia Stiles, Heath Ledger, Joseph Gordon-Levitt, and Larisa Oleynik...Much of the filming took place in the Seattle metropolitan area, with many scenes shot at Stadium High School in Tacoma.", + "wikipage": "10 Things I Hate About You" + }, + { + "content": "Cameron James, a new student at Padua High School in the Seattle area, becomes instantly smitten with popular sophomore Bianca Stratford. ", + "wikipage": "10 Things I Hate About You" + } + ], + "long_answer": "Much of the filming for the 1999 American romantic comedy film 10 Things I Hate About You was done at Stadium High School in Tacoma, Washington but the film itself is set at Padua High School in the Seattle area." + }, + { + "knowledge": [ + { + "content": "10 Things I Hate About You is a 1999 American romantic comedy film directed by Gil Junger and starring Julia Stiles, Heath Ledger, Joseph Gordon-Levitt, and Larisa Oleynik. The screenplay, written by Karen McCullah Lutz and Kirsten Smith, is a modernization of William Shakespeare's late-16th-century comedy The Taming of the Shrew, retold in a late-1990s American high school setting.", + "wikipage": "10 Things I Hate About You" + }, + { + "content": "Cameron James, a new student at Padua High School in the Seattle area, becomes instantly smitten with popular sophomore Bianca Stratford.", + "wikipage": "10 Things I Hate About You Plot" + } + ], + "long_answer": "10 Things I Hate About You is a 1999 American romantic comedy film. The screenplay, written by Karen McCullah Lutz and Kirsten Smith, is a modernization of William Shakespeare's late-16th-century comedy The Taming of the Shrew, retold in a late-1990s American high school setting. In the film, the characters attend Padua High School in Seattle. Much of the filming took place in the Seattle area, with many scenes shot at Stadium High School in Tacoma, Washington." + } + ], + "sample_id": "4888381097814967011", + "question": "Where does 10 things i hate about you take place?", + "docs": [ + { + "id": "2410021", + "title": "10 Things I Hate About You", + "text": "date Bianca's ill-tempered sister, Kat Stratford (Stiles). The film is titled after a poem written by Kat about her bittersweet romance with Patrick. Much of the filming took place in the Seattle metropolitan area, with many scenes shot at Stadium High School in Tacoma. Released March 31, 1999, \"10 Things I Hate About You\" was number two at the domestic box office during its opening weekend, behind only \"The Matrix\", and was a moderate financial and critical success. It was a breakthrough role for Stiles, Ledger, and Gordon-Levitt, all of whom were nominated for various teen-oriented awards. Ten years later,", + "score": 0.82080078125, + "summary": "\"10 Things I Hate About You\" takes place in the Seattle metropolitan area with many scenes shot at Stadium High School in Tacoma.", + "extraction": "The filming of 10 Things I Hate About You took place in the Seattle metropolitan area, with many scenes shot at Stadium High School in Tacoma." + }, + { + "id": "2410039", + "title": "10 Things I Hate About You", + "text": "The physicality of Petruchio and Katherina is transformed into a playful paintball match; the prom substitutes for the Act V feast; Kat's poem replaces Katherina's famous Act V speech; and Joey Donner's wager over Bianca's virginity parallels the bet placed by Shakespeare's husbands regarding their partners' obedience. 10 Things I Hate About You 10 Things I Hate About You is a 1999 American teen romantic comedy-drama film directed by Gil Junger and starring Julia Stiles, Heath Ledger, Joseph Gordon-Levitt, and Larisa Oleynik. The screenplay, written by Karen McCullah and Kirsten Smith, is a loose modernization of William Shakespeare's late-16th century", + "score": 0.77294921875, + "summary": "The document discusses the plot of the film \"10 Things I Hate About You\" and how it modernizes Shakespeare's play, but does not mention where the film takes place. Therefore, the answer is \"irrelevant\".", + "extraction": "irrelevant" + }, + { + "id": "2410020", + "title": "10 Things I Hate About You", + "text": "10 Things I Hate About You 10 Things I Hate About You is a 1999 American teen romantic comedy-drama film directed by Gil Junger and starring Julia Stiles, Heath Ledger, Joseph Gordon-Levitt, and Larisa Oleynik. The screenplay, written by Karen McCullah and Kirsten Smith, is a loose modernization of William Shakespeare's late-16th century comedy \"The Taming of the Shrew\", retold in a late-1990s American high school setting. In the story, new student Cameron (Gordon-Levitt) is smitten with Bianca Stratford (Oleynik) and, in order to get around her father's strict rules on dating, attempts to get bad boy Patrick (Ledger) to", + "score": 0.77294921875, + "summary": "10 Things I Hate About You takes place in a late-1990s American high school setting.", + "extraction": "late-1990s American high school setting." + }, + { + "id": "2410029", + "title": "10 Things I Hate About You", + "text": "with the money that Joey paid him, and confesses that he has fallen for her. Kat forgives him, and the two reconcile with a kiss. Many of the scenes were filmed on location at Stadium High School and at a house in the Proctor District of Tacoma, Washington. The prom sequence was shot over three days in Seattle. Costume designer Kim Tillman designed original dresses for Larisa Oleynik and Julia Stiles as well as the period outfits for Susan May Pratt and David Krumholtz. Gabrielle Union's snakeskin prom dress is a Betsey Johnson design. Heath Ledger and Joseph Gordon-Levitt's vintage", + "score": 0.759765625, + "summary": "\"Many of the scenes were filmed on location at Stadium High School and at a house in the Proctor District of Tacoma, Washington.\"", + "extraction": "\"Many of the scenes were filmed on location at Stadium High School and at a house in the Proctor District of Tacoma, Washington.\"" + }, + { + "id": "13024928", + "title": "10 Things I Hate About You (TV series)", + "text": "10 Things I Hate About You (TV series) 10 Things I Hate About You is an American television sitcom broadcast on ABC Family beginning in 2009. Developed by Carter Covington, the show is a half-hour, single camera series based on the 1999 film of the same name. It premiered on Tuesday, July 7, 2009 at 8 pm and brought in 1.60 million viewers, a record for a 30-minute comedy debut on the ABC Family network. Following its initial 10-episode run, a second set of 10 episodes aired from March 29, 2010 to May 24, 2010. On April 29, executive producer", + "score": 0.75830078125, + "summary": "The document talks about the TV series \"10 Things I Hate About You\" but does not provide information on where it takes place. Therefore, the answer is irrelevant.", + "extraction": "The passage is irrelevant as it does not provide any information about where \"10 Things I Hate About You\" takes place." + }, + { + "id": "13024933", + "title": "10 Things I Hate About You (TV series)", + "text": "shot which featured members of the cast with KSM. The pilot was shot at a high school in Tujunga, California. Due to budget constraints, future episodes were filmed at a soundstage in Santa Clarita, California, with only occasional external shots in Tujunga. Covington served as the series' showrunner, as well as an executive producer. He stated that he wanted the show \"to feel like a John Hughes film every week.\" Junger remained on board, and directed seven of the first 10 episodes of the series. 20 episodes were produced, 12 of them directed by Gil Junger, who also directed the", + "score": 0.75537109375, + "summary": "The pilot of the TV series \"10 Things I Hate About You\" was shot at a high school in Tujunga, California, but future episodes were mainly filmed at a soundstage in Santa Clarita, California.", + "extraction": "The pilot of 10 Things I Hate About You was shot at a high school in Tujunga, California, but future episodes were filmed at a soundstage in Santa Clarita, California, with only occasional external shots in Tujunga. Therefore, 10 Things I Hate About You takes place in Tujunga, California and Santa Clarita, California." + }, + { + "id": "9769893", + "title": "Kirsten Smith (writer)", + "text": "was written by Karen Lutz, an aspiring writer living in Denver, Colorado. The two women formed a friendship over the phone, and when Lutz came to Los Angeles, they met in person, and began writing their first script on cocktail napkins that night. That script never sold, but it inspired the women to write together again, and they embarked on a teen comedy called \"10 Things I Hate About You\", inspired by William Shakespeare's \"Taming of the Shrew\". Smith got her official start as a screenwriter in 1997 by selling \"10 Things I Hate About You\" as a spec screenplay.", + "score": 0.75341796875, + "summary": "\"10 Things I Hate About You\" takes place in an unknown location, as the document does not mention the setting of the film.", + "extraction": "Irrelevant. The passage does not provide any information about where \"10 Things I Hate About You\" takes place." + }, + { + "id": "2758458", + "title": "Julia Stiles", + "text": "to herself. Critic Joe Balthai wrote she was \"the darling of the 1998 Sundance Film Festival.\" In 1999, she portrayed Kat Stratford, opposite Heath Ledger, in Gil Junger's \"10 Things I Hate About You\", an adaptation of \"The Taming of the Shrew\" set in a high school in Tacoma, Washington. She won an MTV Movie Award for Breakthrough Female Performance for the role. The Chicago Film Critics voted her the most promising new actress of the year. Her next starring role was in \"Down to You\" (2000), which was panned by critics, but earned her co-star Freddie Prinze, Jr. and", + "score": 0.751953125, + "summary": "\"10 Things I Hate About You\" takes place in a high school in Tacoma, Washington.", + "extraction": "\"10 Things I Hate About You\" takes place in a high school in Tacoma, Washington." + }, + { + "id": "2410030", + "title": "10 Things I Hate About You", + "text": "tuxes came from Isadora's in Seattle. The primary tagline is an allusion to a poem written by Elizabeth Barrett Browning from her Sonnets from the Portuguese collection. (\"How do I loathe thee? Let me count the ways.\") Another tagline is a spoof from Shakespeare's \"Romeo and Juliet\" (\"Romeo, Oh Romeo, Get Out Of My Face.\") and another is a line from \"The Taming of the Shrew\" that is spoken in the film by Cameron (\"I burn, I pine, I perish!\"). The original script was finalized on November 12, 1997. In its opening weekend, the film grossed US$8,330,681 in 2,271 theaters", + "score": 0.748046875, + "summary": "The document mentions that tuxes from Isadora's in Seattle were used in the film \"10 Things I Hate About You\", but it does not explicitly state where the movie takes place. Therefore, the answer is \"irrelevant\".", + "extraction": "irrelevant" + }, + { + "id": "9812920", + "title": "Karen McCullah", + "text": "Karen McCullah Karen McCullah (formerly Karen McCullah Lutz) is an American screenwriter and novelist. McCullah was born in the Philippines, where her father had been assigned with the United States Navy performing counterespionage duties. She grew up in Bergen County, New Jersey, and graduated from Indian Hills High School in her hometown of Oakland, New Jersey. As a high school student, she maintained in her diary \"10 Things I Hate About Anthony\", her boyfriend at the time, which ultimately led to the title of her 1999 film, \"10 Things I Hate About You\". She is a graduate of James Madison", + "score": 0.74755859375, + "summary": "The document is irrelevant to the question of where \"10 Things I Hate About You\" takes place.", + "extraction": "irrelevant" + }, + { + "id": "13024929", + "title": "10 Things I Hate About You (TV series)", + "text": "Carter Covington announced on his Twitter account that the series had been canceled by ABC Family due to low ratings. He later revealed his intended storylines for the next season in an interview with \"Entertainment Weekly\" Popwatch blog. The series is based on \"10 Things I Hate About You\", which is itself based on William Shakespeare's \"The Taming of the Shrew\". The Stratford sisters, Kat (Lindsey Shaw) and Bianca (Meaghan Martin), have just moved from Ohio to California. As they start at their new school (Padua High), they have very different goals. It's clear that one sister wants to stand", + "score": 0.74365234375, + "summary": "The document is irrelevant to the question of where \"10 Things I Hate About You\" takes place.", + "extraction": "The TV series \"10 Things I Hate About You\" is based on a story that takes place in Padua High, a school in California." + }, + { + "id": "2410028", + "title": "10 Things I Hate About You", + "text": "Joey then punches Cameron, but is in turn beaten up by Bianca for having hurt her, Kat, and Cameron. Bianca and Cameron share another kiss. The next day, Bianca reconciles with Kat and begins dating Cameron. Walter admits that Kat is capable of taking care of herself, and gives her permission to attend Sarah Lawrence College. For an assignment in which the students were required to write their own version of William Shakespeare's Sonnet 141, Kat reads aloud a poem titled \"10 Things I Hate About You\", revealing that she still loves Patrick. Patrick surprises her with a guitar bought", + "score": 0.7412109375, + "summary": "The movie \"10 Things I Hate About You\" takes place in an unknown location.", + "extraction": "The passage is irrelevant to the question \"Where does 10 things i hate about you take place?\" as it does not provide any information about the setting of the story." + }, + { + "id": "13024935", + "title": "10 Things I Hate About You (TV series)", + "text": "\"not very inventive,\" and \"The New York Post\", whose mixed review concluded that the show is \"silly, mindless fun\" whose \"actors are all terrific in that silly, mindless fun way that Disney teens tend to be.\" Mike Hale from \"The New York Times\" named the show to his top ten in 2009, stating that \"in the dog days of July,\" the sitcom \"may have been the best thing on television.\" 10 Things I Hate About You (TV series) 10 Things I Hate About You is an American television sitcom broadcast on ABC Family beginning in 2009. Developed by Carter Covington,", + "score": 0.74072265625, + "summary": "10 Things I Hate About You is a TV sitcom that aired on ABC Family in 2009. The document is irrelevant to the question of where it takes place.", + "extraction": "10 Things I Hate About You is an American television sitcom broadcast on ABC Family beginning in 2009." + }, + { + "id": "5230995", + "title": "Stadium High School", + "text": "was the filming location for many of the scenes of the 1999 movie \"10 Things I Hate About You\". In 2005-2006 the school underwent a major renovation, seismic upgrade, historical restoration, and expansion. Bassetti Architects were the design architects, and Merrit Pardini Architects (later Krei Architecture) were the architects of record for this work. During the renovation, students were temporarily relocated to the old site of Mount Tahoma High School in the south end, just over away. The centennial celebration of Stadium High School was held on September 16, 2006. The celebration was attended by 3299 alumni, setting a Guinness", + "score": 0.73388671875, + "summary": "Stadium High School was the filming location for \"10 Things I Hate About You\".", + "extraction": "Stadium High School was the filming location for many of the scenes of the 1999 movie \"10 Things I Hate About You\"." + }, + { + "id": "14094149", + "title": "Shrew (stock character)", + "text": "film, in which the boyfriends of three young sisters whose relationships are being micro-managed by an elder, troublesome fourth sister, hire a pick-up artist to seduce this \"shrew\" and get them out of their lives, but he falls in love with her despite her ways not changing permanently. In \"10 Things I Hate About You\", a 1999 American teen romantic comedy, in which high school students play matchmaker with a \"shrew\" and her cantankerous male counterpart, while themes of family reconciliation and teen-sex-related psychological angst are explored. It was remade as a 2009 TV series, in which the \"shrew\" character", + "score": 0.73095703125, + "summary": "\"10 Things I Hate About You\" is a 1999 American teen romantic comedy that takes place in a high school setting.", + "extraction": "\"10 Things I Hate About You\" takes place in a high school setting." + }, + { + "id": "2410038", + "title": "10 Things I Hate About You", + "text": "as the female leads in the original play. Their surname is Stratford, a nod to Shakespeare's birthplace. Patrick's surname Verona references the home of his relative character Petruchio. The characters attend Padua High School, named after where the play is set. Cameron (Lucentio, who disguises himself as a tutor named Cambio) tutors Bianca in French and slips in a line from play while obsessing over her: \"\"I burn, I pine, I perish\"\". Patrick's character reflects the outlandish behavior of Petruchio, and Michael coerces Patrick into the marching band incident with the words from Sonnet 56: \"\"Sweet love, renew thy force\"\".", + "score": 0.72900390625, + "summary": "The characters in 10 Things I Hate About You attend Padua High School, referencing the setting of Shakespeare's play, and Patrick's surname Verona nods to Shakespeare's birthplace.", + "extraction": "The characters attend Padua High School, named after where the play is set." + }, + { + "id": "17894613", + "title": "10 Things I Hate About Life", + "text": "10 Things I Hate About Life 10 Things I Hate About Life is a cancelled/unfinished 2012 American romantic comedy film directed and written by Gil Junger and starring Evan Rachel Wood, Thomas McDonell and Billy Campbell. On May 9, 2012 it was announced that Gil Junger would direct the film from his own script, with Intandem Films and Mad Chance Productions producing the film; Andrew Lazar, who produced the original \"10 Things I Hate About You\" in 1999, would re-assume that role for this film. Vision Films acquired the distribution rights to the film. On May 9, 2012 Hayley Atwell", + "score": 0.728515625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "17894617", + "title": "10 Things I Hate About Life", + "text": "10 Things I Hate About Life 10 Things I Hate About Life is a cancelled/unfinished 2012 American romantic comedy film directed and written by Gil Junger and starring Evan Rachel Wood, Thomas McDonell and Billy Campbell. On May 9, 2012 it was announced that Gil Junger would direct the film from his own script, with Intandem Films and Mad Chance Productions producing the film; Andrew Lazar, who produced the original \"10 Things I Hate About You\" in 1999, would re-assume that role for this film. Vision Films acquired the distribution rights to the film. On May 9, 2012 Hayley Atwell", + "score": 0.728515625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about where 10 Things I Hate About You takes place. It only mentions an unfinished film with a similar name." + }, + { + "id": "2410036", + "title": "10 Things I Hate About You", + "text": "rock soundtracks of the spring 1999 season\". In June 1999, the Scholastic Corporation published a novelization of the story, adapted by David Levithan. The story is retold as it is in the film with each chapter written from the point of view of either Bianca, Cameron, Kat, Patrick, or Michael. In October 2008, ABC Family ordered a pilot episode of \"10 Things I Hate About You\", a half-hour, single-camera comedy series based on the feature film of the same name. Larry Miller is the only actor from the film to reprise his role in the television series. The director of", + "score": 0.728515625, + "summary": "The document mentions the film \"10 Things I Hate About You,\" a novelization, and a television series adaptation. However, it does not provide information about where the story takes place, so the answer is irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the setting or the location of the story \"10 Things I Hate About You\". It only mentions adaptations and a television series based on the film." + }, + { + "id": "2410024", + "title": "10 Things I Hate About You", + "text": "assists by convincing Joey to pay Patrick to take out Kat, under the pretense that this will allow Joey to date Bianca. Patrick agrees to the deal, but Kat rebuffs his first few advances. Michael and Cameron help him by prying Bianca for information on Kat's likes and dislikes. Armed with this knowledge, Patrick begins to win Kat's interest. She goes to a party with him, which enables Bianca to go as well, much to Walter's dismay. At the party, Kat becomes upset when she sees Bianca with Joey, and responds by getting drunk. Patrick attends to her, and Kat", + "score": 0.7265625, + "summary": "The document is about the movie \"10 Things I Hate About You\" and mentions events that happen in the plot, but does not explicitly state where it takes place. Therefore, the answer is \"irrelevant\".", + "extraction": "The passage is irrelevant as it does not provide any information about where \"10 Things I Hate About You\" takes place." + }, + { + "id": "11961980", + "title": "7 Things", + "text": "most about her ex, with the seventh item being her frustration that despite his flaws, he makes her love him. Ben Ratliff of \"The New York Times\" noted that the list actually \"runs to 8 to 11 things, depending on how you parse it\". Henry Freedland of \"Paste\" magazine compared it to a similar list featured as a poem in the 1999 film \"10 Things I Hate About You\". In one verse, Cyrus asks for a sincere apology and states, \"If you text it, I'll delete it\", which Molly Lambert of \"The New York Times\" said \"perfectly captur[es] our confusing", + "score": 0.72607421875 + }, + { + "id": "2410022", + "title": "10 Things I Hate About You", + "text": "the film was adapted into a television series of the same title, which ran for twenty episodes and featured Larry Miller reprising his role as the father, Walter Stratford, from the film. Cameron James, a new student at Padua High School in the Seattle area, becomes instantly smitten with popular sophomore Bianca Stratford. Geeky Michael Eckman warns him that Bianca is vapid and conceited, and that her overprotective father does not allow Bianca or her older sister, the shrewish Kat, to date. Kat, a senior, is accepted to Sarah Lawrence College in New York, but her father, Walter, wants her", + "score": 0.72509765625 + }, + { + "id": "13788008", + "title": "Cruel to Be Kind", + "text": "at the time) as the best man. The wedding took place on August 18, 1979, at the Tropicana Motel in West Hollywood. All family stayed there for the wedding and reception (also featured in the video). Filming for the video took so long that Lowe was actually late to the wedding. The song was featured in the 1999 film \"10 Things I Hate About You\", where it was sung by alternative rock band Letters to Cleo in the prom scene; the cover appears on the film's soundtrack recording. The track has been covered by many artists, notably including co-writer Ian", + "score": 0.72509765625 + }, + { + "id": "17894615", + "title": "10 Things I Hate About Life", + "text": "taking a Christmas break. On January 14, 2013, THR reported shooting as still being underway in LA. However, in late February 2013, it was announced, at the same time that the film's produce, Gary Smith, was stepping down from his position as CEO of Intandem Films, that filming for \"10 Things I Hate About Life\" was to be put on hold, although the company said this was not because of Smith's departure, but rather due to Evan Rachel Wood's pregnancy, and that filming would resume that September, or some time in the second half of the year. After several months", + "score": 0.71923828125 + }, + { + "id": "2410033", + "title": "10 Things I Hate About You", + "text": "a rating of 6.1/10. The website's critical consensus was: \"Julia Stiles and Heath Ledger add strong performances to an unexpectedly clever script, elevating \"10 Things\" (slightly) above typical teen fare.\" \"10 Things I Hate About You\" was a breakthrough role for stars Stiles, Ledger, and Gordon-Levitt. Gordon-Levitt, Stiles, and Oleynik each received Young Star Award nominations for Best Actor/Actress in a Comedy Film. The movie was nominated for seven Teen Choice Awards: Choice Movie: Breakout Star (Stiles), Choice Movie: Comedy, Choice Movie: Funniest Scene (featuring Krumholtz), Choice Movie: Love Scene (featuring Stiles and Ledger), Choice Movie: Hissy Fit (Gordon-Levitt), Choice", + "score": 0.71875 + }, + { + "id": "2410031", + "title": "10 Things I Hate About You", + "text": "in the United States and Canada, averaging $3,668 per venue, and ranking number two at the box office (behind \"The Matrix\"). It grossed a total of $38,178,166 in the United States and Canada and $15,300,000 in other territories, about $53,500,000 worldwide. The film had an estimated budget of $16 million and is considered a moderate financial and critical success. On October 12, 1999, the Region 1 DVD was released. In the box office, the film is number ten in teen romance, 18th in high school comedies, and ranked 96th in comedies. The film received generally positive feedback from critics. Geoff", + "score": 0.7158203125 + }, + { + "id": "1246229", + "title": "Tacoma, Washington", + "text": "and over 1,000 historic properties included within five locally regulated historic overlay zones. Engine House No. 9 is a fire station built in 1907. The building was placed on the National Register of Historic Places in 1975. The building houses a pub and microbrewery. Stadium High School and the Stadium Bowl, part of the Tacoma School District, provided a setting for the movie \"10 Things I Hate About You\". \"Fireboat No. 1\" rests on a permanent dry berth at a public beach near Tacoma's Old Town neighborhood. It was built in 1929 for the Port of Tacoma by the Coastline", + "score": 0.71484375 + }, + { + "id": "14180765", + "title": "Carter Covington", + "text": "1999 film \"10 Things I Hate About You\". He often collaborated with original film director Gil Junger on various ABC Family projects, where he regularly quizzed Junger for information about the movie. These discussions with Junger, coupled with Covington's desire to create a \"reimagined\" TV version of the movie, led to the creation of a pilot episode of \"10 Things I Hate About You\", which Junger directed. On July 7, 2009, the series premiere brought in 1.60 million viewer, a record for a 30-minute comedy debut on the ABC Family network. The series was canceled after one twenty-episode season. Covington", + "score": 0.712890625 + }, + { + "id": "18599135", + "title": "The Taming of the Shrew on screen", + "text": "when Bianca is annoyed that Lucentio refuses to sign a pre-nuptial agreement. Katherine states it is a woman's duty to love and obey her husband, but with the requirement that he do precisely the same for her. Petruchio even willingly becomes a \"house-husband\" for their young children whilst Katherine is elected as Prime Minister. In 2009, ABC Family adapted the 1999 film \"10 Things I Hate About You\" as a sitcom of the same name, starring Lindsey Shaw and Ethan Peck. In 2014, the play featured in an episode of \"My Shakespeare\" on Sky Arts. Each episode of the show", + "score": 0.70751953125 + }, + { + "id": "14095894", + "title": "Frederick Heath (architect)", + "text": "Register of Historic Places and the building was declared a National Historic Landmark in 1987. Pythian Temple was added to the National Register of Historic Places on August 23, 1985. Stadium High School, featured in the 1999 film \"10 Things I Hate About You\", underwent a two-year $80 million renovation starting in 2004. The work won several awards. The Masonic Home of Washington's library was featured in the 2013 film \u201cThe Maury Island Incident\u201d. In 2008, plans for restorations and renovations of historic Tacoma schools, including several designed by Heath and his firm Heath & Gove, were discussed. Stadium High", + "score": 0.69970703125 + }, + { + "id": "4608931", + "title": "Not Another Teen Movie", + "text": "the general plot is based on \"She's All That\" as well as \"Varsity Blues\", \"10 Things I Hate About You\", \"Can't Hardly Wait\" and \"Pretty in Pink\", the film is also filled with allusions to numerous other teenage and college-age films from the 1980s and 1990s, such as \"Bring It On\", \"American Pie\", \"Cruel Intentions\", \"American Beauty\", \"Never Been Kissed\", \"Ferris Bueller's Day Off\", \"Can't Buy Me Love\", \"Jawbreaker\", \"Sixteen Candles\", \"Lucas\", \"Rudy\", and \"The Breakfast Club\". In the stereotypical high school community of John Hughes High in Southern California, attractive Priscilla (Jaime Pressly), a popular cheerleader, separates from her", + "score": 0.69677734375 + }, + { + "id": "2410025", + "title": "10 Things I Hate About You", + "text": "starts to open up, expressing her interest in starting a band. However, when she tries to kiss him, Patrick pulls away and Kat leaves, infuriated. Meanwhile, Bianca ignores Cameron in favor of Joey, leaving Cameron dejected. Bianca soon realizes, however, that Joey is shallow and self-absorbed, and asks Cameron for a ride home. Cameron admits his feelings for her and his frustration with how she has treated him. Bianca responds by kissing him. Joey offers to pay Patrick to take Kat to the prom so he can take Bianca. Patrick initially refuses, but relents when Joey offers him more money.", + "score": 0.69580078125 + }, + { + "id": "8236407", + "title": "A Midsummer Night's Rave", + "text": "\"10 Things I Hate About You\"; and includes a part for pop-culture icon Carrie Fisher that \"subtly conjures\" Princess Leia. She describes its plot as \"loose\" and \"weaves together strands from a variety of Shakespeare's plays\", and that it is neither narrative-driven nor ideologically subversive. However, she does find in it an effort to recontextualise Shakespeare away from a \"high school\" and academic setting, and into a more \"in culture\" and \"anti-authoritarian\" one. A Midsummer Night's Rave A Midsummer Night's Rave is a film adapted from Shakespeare's \"A Midsummer Night's Dream\" released in 2002. The film stars Corey Pearson, Lauren", + "score": 0.6953125 + }, + { + "id": "12792602", + "title": "Bianca Minola", + "text": "version \"10 Things I Hate About You\", Bianca is played by Larisa Oleynik. In the ABC Family television series \"10 Things I Hate About You\", Bianca is played by Meaghan Jette Martin. Bianca Minola Bianca Minola is a character in Shakespeare's \"The Taming of the Shrew\" (c.1590\u20131594). She is the younger daughter of Baptista Minola and the sister of Kate, the \"shrew\" of the title. The lovely Bianca has several admirers in the play, but Baptista has refused to allow her to marry until his shrewish daughter Kate has found a husband. When Kate marries, Bianca is united with her", + "score": 0.6953125 + }, + { + "id": "2410023", + "title": "10 Things I Hate About You", + "text": "to stay close to home. Bianca wishes to date affluent senior Joey Donner, but Walter, an obstetrician worrisome of teenage pregnancy, will not allow his daughters to date until they graduate. Frustrated by Bianca's insistence and Kat's rebelliousness, Walter declares that Bianca may date only when Kat does, knowing that Kat's antisocial attitude makes this unlikely. When Cameron asks Bianca out, she informs him of her father's new rule and, as a pretense for allowing her to date Joey, suggests that Cameron find someone willing to date Kat. Cameron selects \"bad boy\" Patrick Verona, but Patrick scares him off. Michael", + "score": 0.6953125 + }, + { + "id": "9061967", + "title": "Ten Things I Hate About Me", + "text": "Ten Things I Hate About Me Ten Things I Hate About Me is a 2006 award winning young adult novel by Australian author Randa Abdel-Fattah and her second work. The book was first released in Australia on October 1, 2006 through Pan MacMillan Australia. \"Ten Things I Hate About Me\" was awarded the 2008 \"Kathleen Mitchell Award for Excellence in Young Adult Writing\" and was shortlisted for the 2008 \"Redbridge Book Award\". The book, like many of Abdel-Fattah's novels, covers topics pertaining to discrimination and racism towards Muslims and people of diverse ethnic backgrounds as well as various teenage topics.", + "score": 0.69384765625 + }, + { + "id": "4820429", + "title": "Lindsey Shaw", + "text": "three seasons. She dated her co-star Devon Werkheiser briefly. After the show ended, the sitcom \"Aliens in America\" debuted on The CW, where Shaw played the character Claire. \"Aliens in America\" was cancelled after one season, lasting only eighteen episodes. Shaw played the lead role of Kat Stratford in \"10 Things I Hate About You\". The show lasted one season of twenty episodes. She briefly appeared in Nickelback's \"Rockstar\" music video. Shaw was the 2010 Azalea Queen at the Azalea Festival in Wilmington, North Carolina. She starred as Trip alongside Andy Serkis in Ninja Theory's videogame \"\", released in October", + "score": 0.69287109375 + }, + { + "id": "2410026", + "title": "10 Things I Hate About You", + "text": "Kat is still angry with Patrick, but he wins her over by serenading her with the accompaniment of the marching band, and she helps him sneak out of detention. They go on a date which turns romantic, but Kat becomes suspicious and angry when Patrick insists that she go with him to the prom, an event she is adamantly against. Bianca is irritated that Cameron has not asked her to the prom, and so accepts Joey's invitation, but Walter will not allow it unless Kat goes too. Kat confesses to Bianca that she dated Joey when they were freshmen and,", + "score": 0.69189453125 + }, + { + "id": "2410037", + "title": "10 Things I Hate About You", + "text": "the film, Gil Junger, directed many of the episodes including the pilot while the film's music composer, Richard Gibbs, also returned to do the show's music. The series was adapted and produced by Carter Covington. The show premiered on July 7, 2009, and lasted 20 episodes. The film is a retelling of William Shakespeare's play \"The Taming of the Shrew\" in an American high school setting. Screenwriters Karen McCullah and Kirsten Smith also wrote the script for \"She's the Man\" (2006), a retelling of Shakespeare's play \"Twelfth Night\" set in an American college. Kat and Bianca share the same names", + "score": 0.6884765625 + }, + { + "id": "13473025", + "title": "Ethan Peck", + "text": "2008 film \"Tennessee\", followed by a co-starring role opposite Peter Coyote and Bebe Neuwirth in the film \"Adopt a Sailor\". He won the award \"Best Actor\" at the 2009 Sonoma International Film Festival for his portrayal of \"Sailor\". From 2009 to 2010, he starred on the television series \"10 Things I Hate About You\" on ABC Family. In 2012, Peck played Prince Maxon for the pilot adaptation of popular book \"The Selection\", but was later replaced by newcomer Michael Malarkey. Neither the first or second pilot was picked up to go to series. In 2016 Peck starred in \"The Curse", + "score": 0.68798828125 + }, + { + "id": "2882823", + "title": "Letters to Cleo", + "text": "the band and was replaced by drummer Jason Sutter. In late 1997, Letters to Cleo parted ways with their record label Giant/Revolution. 1998 saw the release of some early demos and B-sides in the form of the \"Sister\" album released originally by Wicked Disc. Letters to Cleo appeared in the 1999 film \"10 Things I Hate about You\" as a favorite band of the character portrayed by Julia Stiles. They contributed four songs to the soundtrack for the film, which included a Cheap Trick cover (\"I Want You to Want Me\"), and a Nick Lowe & Ian Gomm cover (\"Cruel", + "score": 0.6875 + }, + { + "id": "17894616", + "title": "10 Things I Hate About Life", + "text": "of no shooting reports or announcements, on November 7, 2013 it was announced that filming would re-commence after a several-month break on December 11 in and around Los Angeles and Malibu, and that it would be wrapped up by April 2014. Vision Films released some photos from the film on November 11, 2013. In June 2014, \"Variety\" reported that Wood was being sued for $30 million by the producers for allegedly refusing to continue working on the film. Wood's lawyers dismissed the suit as \"preposterous\" and stated that Wood stopped working on the production after producers failed to pay her.", + "score": 0.68701171875 + }, + { + "id": "9029493", + "title": "Dana Davis", + "text": "starred as Lisa Hines in \"Prom Night\" (2008). Davis played Chastity Church in the ABC Family series \"10 Things I Hate About You\" (Gabrielle Union played the character in the film) appearing in all 20 episodes. According to series creator Carter Covington, Davis asked out of her contract after the 20 episodes to explore new career opportunities, so Chastity was written out as transferring to a new school; the show was cancelled shortly after the episode aired. Dana Davis Dana Davis (born October 4, 1978) is an American actress, known for playing Monica Dawson on the NBC series \"Heroes\" (2007),", + "score": 0.6845703125 + }, + { + "id": "9061972", + "title": "Ten Things I Hate About Me", + "text": "for their 2009 \"RT Award for Young Adult Novels\". The Bulletin of the Center for Children's Books also gave it a positive review, remarking that while the book had some issues Jamie's \"character and motivations remain convincing and her self-deprecating humor keeps things from becoming too tract-like\". Ten Things I Hate About Me Ten Things I Hate About Me is a 2006 award winning young adult novel by Australian author Randa Abdel-Fattah and her second work. The book was first released in Australia on October 1, 2006 through Pan MacMillan Australia. \"Ten Things I Hate About Me\" was awarded the", + "score": 0.68408203125 + }, + { + "id": "1873396", + "title": "High Society (1956 film)", + "text": "After becoming tipsy at a party on the eve of her wedding and going off with Connor for a romantic swim, Tracy decides to go through with it until Kittredge takes umbrage. While in the process of telling her guests that the wedding is off, Tracy is surprised by a proposal from Dexter to take the groom's place. Realizing where her heart truly is, she accepts. Filming took place between January and March 1956. The film was shot mostly in and around Clarendon Court in Newport, Rhode Island, which was then owned by Mae Cadwell Hayward, and later purchased in", + "score": 0.68212890625 + }, + { + "id": "2410027", + "title": "10 Things I Hate About You", + "text": "succumbing to peer pressure, had sex with him. Afterward she regretted it and Joey dumped her, so she vowed to never again do anything just because everyone else was doing it. Bianca insists that she can make her own choices, so Kat agrees to go to the prom with Patrick, and Bianca decides to go with Cameron instead of Joey. All is going well at the prom until Bianca learns that Joey planned to have sex with her that night. Angry that Bianca has spurned him for Cameron, Joey reveals his arrangement with Patrick, which causes Kat to leave heartbroken.", + "score": 0.68017578125 + }, + { + "id": "10782249", + "title": "The Clown at Midnight", + "text": "is revealed to be George, who was told by Kate's father, who had been living in the opera house, all about Mr. Caruthers before he had been killed on the catwalk. Kate and George then break free from the opera house. The movie was filmed in Winnipeg, Manitoba, Canada at the Walker Theatre in downtown Winnipeg. In one scene near the end of the film taking place on the rooftop, the Richardson Building and 201 Portage at Portage and Main can be seen. The film was released on VHS on August 31, 1999. The film was released as a double", + "score": 0.6796875 + }, + { + "id": "3363634", + "title": "Larisa Oleynik", + "text": "Things I Hate About You\" as Bianca. The film was released in April 1999 and did fairly well at the box office, grossing a total of $38 million domestically. From 1998 to 2000, Oleynik appeared in twenty-one episodes of the NBC series \"3rd Rock from the Sun\" as Alissa Strudwick. During 2000, she also appeared in two independent films: \"100 Girls\" (opposite Emmanuelle Chriqui, Katherine Heigl and Jonathan Tucker) and \"A Time for Dancing\" (opposite Shiri Appleby); neither film received a theatrical release in the United States. She has appeared in \"Malcolm in the Middle\" as Reese Wilkerson's lesbian army", + "score": 0.6796875 + }, + { + "id": "16036269", + "title": "The Thing You Love Most", + "text": "enjoyed the \"evil-bitch typecasting\". She added that the elaborate purple costume helped her get into character, making her feel \"slightly evil.\" \"The Thing You Love Most\" is the first episode to feature Mary Margaret's loft, which is filmed on a small sound stage in Vancouver; most of the first season's interior shots are also filmed in the city, while many exterior shots are of nearby Steveston, British Columbia. The production team led by set decorator Mark Lane and production designer Michael Joy designed the residence to seem \"locked in time a little bit, so there's not a lot of new", + "score": 0.6787109375 + }, + { + "id": "5777601", + "title": "Andrew Keegan", + "text": "in the television series \"Full House\" for an episode. He had guest parts on numerous television shows before being cast on the TV drama \"Party of Five\" (1994). That same year, he landed another recurring role on \"7th Heaven\" (1996), where he played a single teenaged father in love with Jessica Biel's character Mary. Keegan was then cast in two modern-day Shakespearean film adaptations: as the antagonist of Heath Ledger in the 1999 comedy \"10 Things I Hate About You\" (adapted from \"The Taming of the Shrew\") and as Mekhi Phifer's best friend in 2001's \"O\", adapted from \"Othello\". Keegan", + "score": 0.677734375 + }, + { + "id": "2410034", + "title": "10 Things I Hate About You", + "text": "Movie: Villain (Gordon-Levitt) and Choice Movie: Soundtrack. The film's casting directors Marcia Ross and Donna Morong won \"Best Casting for Feature Film, Comedy\" at the Casting Society of America in 1999. In 2000, Stiles won the CFCA Award for \"Most Promising Actress\" for her role as Kat Stratford (tied with \u00c9milie Dequenne in \"Rosetta\") and an MTV Movie Award for Breakthrough Female Performance. The same year, Ledger was nominated for Best Musical Performance for the song \"Can't Take My Eyes Off You.\" The soundtrack album features popular modern rock anthems from 1970s up to the late 1990s, including various covers", + "score": 0.67724609375 + }, + { + "id": "14260590", + "title": "Funny Things Happen Down Under", + "text": "as a naturally occurring phenomenon. The coloured wool soon becomes sought by buyers all over the world. However, when the coloured wool runs thin, the owner is still in danger of losing his barn. Two station hands sympathetic to the plight of the children decide to help by winning the remaining money in a sheep shearing contest. The film was a spin-off of the Terrible Ten TV series. It was shot entirely in Victoria, on location near Melbourne and in the studio of Pacific Films. Olivia Newton-John and Ian Turpie were dating during filming. Funny Things Happen Down Under Funny", + "score": 0.67626953125 + }, + { + "id": "15649874", + "title": "Dustin Schuetter", + "text": "often travels to his home state of Louisiana to do film work at Aria Relic Studios, a film production company owned by Schuetter and Bernadette F. Dugas. Dustin Schuetter Dustin Schuetter (born May 14, 1984) is an American actor, producer, director and screenwriter. Shortly after arriving in Los Angeles, Dustin found work with Emmy-nominated Director Gil Junger, who directed the film 10 Things I Hate About You, as well as TV series Kyle XY, Ellen and Greek. He has also worked alongside Oscar-Nominated and award-winning actress Sally Kirkland. Since that time, Schuetter has worked steadily in Hollywood, appearing in seven", + "score": 0.67626953125 + }, + { + "id": "2410035", + "title": "10 Things I Hate About You", + "text": "from Letters to Cleo, who created modernised renditions of songs such as \"I Want You To Want Me\" by Cheap Trick and \"Cruel to Be Kind\" by Nick Lowe. The albums peak position in the Billboard (magazine) charts was 52nd, which was just after its release and it managed to hold a place in the Billboard top 200 for a total of 27 weeks. Artists such as The Notorious B.I.G. and Joan Jett were also used in the films soundtrack, although were not featured on the soundtrack album. The album was described by AllMusic as \"One of the best modern", + "score": 0.6748046875 + }, + { + "id": "377903", + "title": "Santa Monica, California", + "text": "Orson Welles appeared, takes place in Santa Monica's venerable Mayfair Theatre. \"Heathers\" (1989) used Santa Monica's John Adams Middle School for many exterior shots. \"The Truth About Cats & Dogs\" (1996) is set entirely in Santa Monica, particularly the Palisades Park area, and features a radio station that resembles KCRW at Santa Monica College. \"17 Again\" (2009) was shot at Samohi. Other films that show significant exterior shots of Santa Monica include \"Fletch\" (1985), \"Species\" (1995), \"Get Shorty\" (1995), and \"Ocean's Eleven\" (2001). Richard Rossi's biopic \"Aimee Semple McPherson\" opens and closes at the beach in Santa Monica. \"Iron Man\"", + "score": 0.6748046875 + }, + { + "id": "7866356", + "title": "These Girls", + "text": "her and comforts her. Keith's wife returns home, shocked at the mess and her husband's injury. Keith lies to her, telling her it was Lenny how injured him. She calls the police, which leads Lenny to punch him out. Lisa leaves for her religious boarding school where she still seems to be freaky. Donny and a pregnant Glory begin to date. Keira ends up going to college and knows she's going to enjoy it... According to the film credits, the film was shot on-location in 2005 mainly in the cottage country areas of Shediac and Cap Pele in New Brunswick,", + "score": 0.6748046875 + }, + { + "id": "6464788", + "title": "One Crazy Summer", + "text": "driven insane every summer for trying to win a $1 million prize from a radio contest) finally wins, but his phone gets disconnected and his prize is given away to someone else; he snaps and promptly uses a rocket launcher to blow up the radio station, just as the Stork twins arrive and head to the fiery remains to roast marshmallows. Several locations on Cape Cod, Massachusetts were used for the film: Pope John Paul II High School (as Generic High School), Hyannis West Elementary School (as Generic Elementary), the Woods Hole, Martha's Vineyard And Nantucket Steamship Authority ferry dock", + "score": 0.67431640625 + }, + { + "id": "17894614", + "title": "10 Things I Hate About Life", + "text": "was added to the cast of the film to star as lead. On November 14, 2012 Evan Rachel Wood joined the film to play the lead role. On November 30, 2012 \u00c9lodie Yung joined to star along with Wood. On January 14, 2013 Billy Campbell also joined the cast of the film. The shooting was set to start in November 2012 in Los Angeles. However, shooting actually commenced a month later, on December 17, 2012, in LA, where Wood was spotted on the set during the filming. Wood was again spotted during filming on January 6, 2013 in Malibu, after", + "score": 0.67333984375 + }, + { + "id": "5021499", + "title": "Joseph Gordon-Levitt", + "text": "friend Eric Forman is as well, in the episode \"Eric's Buddy\" on \"That '70s Show\". Gordon-Levitt starred in the 1999 film \"10 Things I Hate About You\", a modern-day adaptation of Shakespeare's \"The Taming of the Shrew\" and voiced Jim Hawkins in \"Treasure Planet\" (2002), a Disney adaptation of the novel \"Treasure Island\". In 2000, he began attending Columbia University School of General Studies. He studied history, literature, and French poetry. He became an avid Francophile and a French speaker. He said that moving to New York City from his hometown forced him to grow as a person. He dropped", + "score": 0.6728515625 + }, + { + "id": "14180763", + "title": "Carter Covington", + "text": "Carter Covington Carter Covington ( 1973) is an American television show creator, writer, story editor and producer. He is known for his screenwriting on two television series which aired on the ABC Family network: \"Greek\" and \"10 Things I Hate About You\". Covington grew up in Winston-Salem, North Carolina. The son of Marie and Butch Covington, he graduated from R. J. Reynolds High School in 1991. Covington attended the University of Virginia, where he received his degree in 1995 after studying foreign affairs and Spanish. After college, Covington was undecided about a career path. He taught English in Mexico and", + "score": 0.67236328125 + }, + { + "id": "12211248", + "title": "My One and Only (film)", + "text": "up acting and goes to work in costuming. In epilogue, George reveals that he is a contracted Hollywood actor and has changed his last name to \"Hamilton,\" which was his father's real last name. He realizes that Anne, Robbie and he didn't need anyone to take care of them, that they could take care of themselves and that they were going to be just fine. Filming took place in the Baltimore area beginning on June 9, 2008. Part of this filming took place in the Institute of Notre Dame private high school. Other locations included Mount Vernon, Baltimore, and the", + "score": 0.67236328125 + }, + { + "id": "16036255", + "title": "The Thing You Love Most", + "text": "The Thing You Love Most \"The Thing You Love Most\" is the second episode of the first season of the American fairy tale/drama television series \"Once Upon a Time\". The series takes place in the fictional seaside town of Storybrooke, Maine, in which the residents are actually characters from various fairy tales that were transported to the \"real world\" town by a powerful curse. This episode centers on Regina's (Lana Parrilla) efforts to run Emma Swan (Jennifer Morrison) out of Storybrooke and reveals how the Evil Queen (Parrilla) unleashed her curse upon the Enchanted Forest. The episode was co-written by", + "score": 0.67138671875 + }, + { + "id": "19944536", + "title": "The Matchbreaker", + "text": "gets Mitchell back together with Tricia, and offers Mitchell's father, a record producer, to visit the jazz club tonight, where Emily will be performing. Later, Tricia informs Emily that Ethan helped Mitchell to win Tricia over again. Six months later, Tricia and Mitchell have gotten engaged, and Ethan has written a relationship book and started a romantic relationship with Emily. The shooting principally took place in Kansas City, Missouri, whose some of the landmarks can be seen, such as the Kauffman Center, The American, and the Green Lady Lounge, and in Leavenworth, Kansas. Leavenworth's landmarks were also featured in the", + "score": 0.67138671875 + }, + { + "id": "20273569", + "title": "To All the Boys I've Loved Before (film)", + "text": "joined the cast of the film. This is the first film released by AwesomenessTV after its acquisition by Viacom. Principal photography began in Vancouver, British Columbia and the surrounding areas on July 5, 2017. Parts of the film were shot in Portland, Oregon, which is also the setting for the film. Scenes at Lara Jean's high school were filmed at Point Grey Secondary School. Production concluded on August 4, 2017. In March 2018, Netflix acquired distribution rights to the film, and released it on August 17, 2018. On the review aggregation website Rotten Tomatoes, the film holds an approval rating", + "score": 0.6708984375 + }, + { + "id": "14050192", + "title": "Barret Swatek", + "text": "before landing a major role as Cheryl on \"7th Heaven\" from 2000 to 2003. She then had a small appearance in \"The 40-Year-Old Virgin\" and a recurring role on the television series \"Quarterlife\" in 2008. In 2009 and 2010, she appeared on the television series \"10 Things I Hate About You\" as Ms. Sommers and continued that role into the series's second season. She appeared in the 2010 comedy films \"High School\" and \"Barry Munday\". In 2011, Swatek was cast on MTV's \"Awkward\" as Ally. She also appears frequently as a panelist on \"Red Eye w/ Greg Gutfeld\". Swatek wrote", + "score": 0.6708984375 + }, + { + "id": "13389121", + "title": "The House of the Devil", + "text": "reassuring her that \"You will be just fine. Both of you.\" The film was shot in Connecticut. Taking place in the 1980s, the film was made with 16mm film, giving it a retro stylistic look that matched the decade. Similarly, some aspects of the culture of the 1980s (i.e. feathered hair, Samantha's 1980 Sony Walkman, The Fixx's 1983 song \"One Thing Leads to Another\", The Greg Kihn Band's 1981 song \"The Breakup Song (They Don't Write 'Em)\", and the Volvo 240 sedan) are seen in the film as signifiers of the decade. The cinematography of the film also reflects the", + "score": 0.67041015625 + }, + { + "id": "14931023", + "title": "The Change-Up", + "text": "went to earlier, while Mitch and Sabrina have sex for the first time and Mitch sends Dave the porno film he starred in. The film was shot in Atlanta, Georgia from October 2010 to January 2011, which is also its setting. There were open castings at Turner Field and other venues in Atlanta. Several of the bar scenes were shot on location at a bar called Joe's on Juniper, in midtown Atlanta. The exterior and interior scenes of the Lockwood home were shot on location at a Buckhead residence designed by Atlanta residential designer Steve McClanahan. The movie was also", + "score": 0.669921875 + }, + { + "id": "5631805", + "title": "Don's Party", + "text": "is the attractive and assertive artist and Evan (Kit Taylor) is her uptight and possessive partner. Cooley (Harold Hopkins) comes with his young girlfriend Susan (Clare Binney). In the film the setting is relocated to the suburb of Westleigh in the northern suburbs of Sydney. The film also deviates from the stage version by increasing the level of profanity and contains full frontal nudity and sex scenes. Pat Bishop won the AFI Award for Best Actress in a Leading Role, Veronica Lang won the AFI Award for Best Actress in a Supporting Role, Bruce Beresford won the Best Direction award,", + "score": 0.66943359375 + }, + { + "id": "12679291", + "title": "Mean Girls 2", + "text": "while Tyler attends Penn State University (presumably on a soccer scholarship), which is a short drive from Carnegie Mellon, and Quinn assuming the position she has long coveted, leader of the Plastics. Although Mandi and Nick both got community service and were allowed to graduate (thanks in some part to their parents for donating a new library for the school), they lost their popularity for their cruel actions, earning Mandi a bad reputation. Chastity learns the meaning of her name and Hope begins working on overcoming her fear of germs. The film was filmed in Atlanta, Georgia in July 2010.", + "score": 0.66943359375 + }, + { + "id": "13024931", + "title": "10 Things I Hate About You (TV series)", + "text": "over-protective dad (Larry Miller). Bianca tries everything to be popular and become a cheerleader \u2013 although getting involved with the boyfriend (Chris Zylka) of the most popular girl in school (Dana Davis) creates new challenges. In 2008, ABC Family announced their intention to create a comedy pilot based on the 1999 movie. The pilot was written by Carter Covington, a self-professed fan of the original 1999 film. ABC Family green-lit the comedy in October 2008. In November 2008, casting was announced for the pilot, with production following that fall. In February 2009, the pilot was picked up when ABC Family", + "score": 0.66845703125 + }, + { + "id": "8173523", + "title": "All or Nothing (film)", + "text": "and this leads to a heated argument among the three characters. The third family consists of Ron, who also drives a minicab, his unemployed teenage daughter Samantha, and his wife Carol, an unemployed alcoholic. Samantha shows interest in both Jason and Craig, a taciturn young man who seems to stalk her. Dungeness in Kent was used as a film location for the scene where Phil visits the coast to contemplate his problems. It was well received by critics and audiences alike, receiving an 83% fresh rating on Rotten Tomatoes, based on 89 reviews, with an average rating of 7.1/10. The", + "score": 0.66845703125 + }, + { + "id": "14763853", + "title": "Allie Gonino", + "text": "disbanded. Gonino co-starred as Laurel Mercer in the 2011\u20132013 ABC Family series \"The Lying Game\". Gonino was also featured in a 2012 Boys Like Girls music video as the female lead for \"Be Your Everything\". In 2012 she was cast in the movie \"Geography Club\" which co-starred her \"10 Things I Hate About You\" castmate Meaghan Martin. In 2013 she was cast to appear in the comedy-drama film \"See You in Vahalla\" with Sarah Hyland. Gonino was also cast in a main role on the Sundance Channel drama The Red Road in 2014. In 2015 she was cast in the", + "score": 0.66845703125 + }, + { + "id": "7563338", + "title": "Kyle Kaplan", + "text": "at the Cannes Film Festival in 2009, in which he plays the best friend of the title character, played by Keir Gilchrist. Kaplan appears as Michael in the ABC Family sitcom \"10 Things I Hate About You\", based loosely on the 1999 film of the same name, which premiered July 7, 2009. Since 2013, Kaplan has been a part of the music duo Phantoms alongside Vinnie Pergola. Their eponymous debut album was released in March 2017. Kyle Kaplan Kyle Joseph Kaplan (born 16 July 1989 or 16 July 1990) is an American actor. At the age of 13, Kaplan toured", + "score": 0.66748046875 + }, + { + "id": "183933", + "title": "Heathers", + "text": "rentals and sales. In 2015, it was ranked number 5 on the \"Entertainment Weekly\" list of the \"50 Best High School Movies\". It was ranked number 412 on \"Empire\"s list of \"The 500 Greatest Movies of All Time\". The film has been adapted into a and a television show. Seventeen-year-old Veronica Sawyer is one of the most popular girls at Westerburg High School in Sherwood, Ohio, and a member of a clique of three wealthy and beautiful girls with the same first name: Heather Chandler, Heather Duke, and Heather McNamara. Though they are the most popular students, the Heathers are", + "score": 0.6669921875 + }, + { + "id": "4743979", + "title": "Hairspray (1988 film)", + "text": "film version of \"Hairspray\", an adaptation of the stage musical, was also released by New Line Cinema in 2007, which included many changes of scripted items from the original. In Baltimore, Maryland in the year 1962, Tracy Turnblad and her best friend, Penny Pingleton, audition for \"The Corny Collins Show\", a popular Baltimore teenage dance show (based on the real-life \"Buddy Deane Show\"). Penny is too nervous and stumbles over her answers, and another girl, Nadine, is cut for being black (the show has a \"Negro Day\" on the last Thursday of every month, she is told). However, despite being", + "score": 0.66650390625 + }, + { + "id": "18404336", + "title": "TEN (2014 film)", + "text": "supposed to be haunted. Of course, no one in the house believes in ghosts. At least, not until the first murder. What do an actress, a religious zealot, a renegade, a coed, a model, a singer, a medium, a real-estate investor, a historian, and a doctor have in common? None of them is who they seem. Yet, the fate of the entire world may rest in their hands. Filming took place in Barrington, RI, Somerville, MA, and Gloucester, MA from December 4 through December 14, 2012. Michael Gingold of \"Fangoria\" described TEN as, \"up to something a little different, looking", + "score": 0.666015625 + }, + { + "id": "3157797", + "title": "A Cool, Dry Place", + "text": "a lifetime to join a major firm in Dallas. While Russ is in Dallas for the job interview, Kate runs off with the boy to Cincinnati. The father follows his wife to get the unhappy son. Russ then turns down the job, the wife gives the boy back to his dad, and Russ and Calvin return to Kansas and Beth. A large part of the film was not shot in Kansas, but rather in the town of Lindsay, Ontario (now part of the city of Kawartha Lakes) as well as the town of Brooklin. A Cool, Dry Place A Cool,", + "score": 0.666015625 + }, + { + "id": "13080673", + "title": "When Dogs Cry", + "text": "all the girls he meets. Cameron on the other hand, is... quiet. Sweet. Confused. Cameron doesn't mind this. Not until Ruben starts dating Octavia. She's not like all the other girls Ruben's been with. She's got spark. And Cameron is flat-out in love with her. But a girl like Octavia would never go for a guy like Cameron... Or would she?\" Place: Sydney, Australia near Central Station, and the surrounding communities including Hurstville and Glebe. Time: The present. This is a realistic fiction novel. Lack of cell phones and a few other clues may set this book in the late-90's.", + "score": 0.66552734375 + }, + { + "id": "13683399", + "title": "It's Complicated (film)", + "text": "January, John Krasinski in February, Rita Wilson in March, and Caitlin Fitzgerald in June. While the majority of the film is set in Santa Barbara, California, most of the filming \u2013 including nearly all of the interiors \u2013 took place in New York City. Principal photography began on February 18, 2009 at the Broadway Stages in the Brooklyn borough, where the interior scenes of Jane's house were shot. Several other key locations were used during the first portion of filming in New York, including Picnic House, a large, studio-sized structure in Brooklyn's Prospect Park, where Jane's bakery was built inside;", + "score": 0.6650390625 + }, + { + "id": "10010280", + "title": "Wedding Daze", + "text": "them use, they drive to Atlantic City and Anderson and Katie finally get married. However, as soon as they step outside they are all arrested. Anderson and Katie spend their honeymoon in jail and bribe a judge with a blender they received as a wedding present. The film is set in Staten Island, New York City. A lot of the scenes are set in the neighborhood of West New Brighton. The scene outside Gregorio's Florist where Anderson and Katie hug and kiss as well as all the diner scenes are filmed on Forest Avenue, West New Brighton. According to film", + "score": 0.6650390625 + }, + { + "id": "13024930", + "title": "10 Things I Hate About You (TV series)", + "text": "out and the other just wants to fit in. Kat is a cool, smart, strong-willed, forthright feminist who is looking to save the world and get out of school as fast as she can. When she meets the intense Patrick Verona (Ethan Peck), sparks begin to fly. Bianca is a social butterfly whose main goal in life is to be popular, but when the head cheerleader makes her the mascot, she realizes she has a long way to go. As they start a bumpy year at Padua High, Kat and Bianca attempt to navigate the popular crowd, boys and their", + "score": 0.66455078125 + }, + { + "id": "2954104", + "title": "Kay Hanley", + "text": "1997, she began working on other projects, beginning with a role in the Boston Rock Opera's performance of \"Jesus Christ Superstar\" as Mary Magdalene. In 1999, Hanley made a cameo as herself in the film \"10 Things I Hate About You\", singing a cover version of Nick Lowe's \"Cruel to Be Kind\" at the movie characters' high school prom, in addition to performing \"Come On\" with Letters to Cleo during an earlier scene at a club. Towards the end of Letters to Cleo's career, she began performing with her then-husband and fellow Letters To Cleo member Michael Eisenstein outside of", + "score": 0.6640625 + }, + { + "id": "13288825", + "title": "T.R. Baskin", + "text": "a prostitute or not and what she should do with her life. The film was shot at various Chicago locations, including the Carson Pirie Scott department store, the Sherman House Hotel, the First National Bank Building, and O'Connell's Coffee Shop on Rush Street. Vincent Canby of \"The New York Times\" noted the title character \"is never at a loss for words, most of which sound as if they had come straight from the notebook of a writer who spent most of time jotting down funny lines without ever worrying much about character. It thus falls to Candice Bergen, a beautiful", + "score": 0.66357421875 + }, + { + "id": "4553555", + "title": "What I Like About You (TV series)", + "text": "What I Like About You (TV series) What I Like About You is an American television sitcom set mainly in New York City, following the lives of two sisters: older sister Valerie Tyler (Jennie Garth) and teenaged sister Holly (Amanda Bynes). The series ran on The WB from September 20, 2002, to March 24, 2006, with a total of 86 episodes produced. With the exception of a brief period early in the second season, \"What I Like About You\" was a headline on The WB's Friday Night Comedy Lineup. Throughout their time on the series, two main characters - Vince", + "score": 0.66357421875 + }, + { + "id": "11168640", + "title": "Nick & Norah's Infinite Playlist", + "text": "US$10 million, principal photography of \"Nick and Norah's Infinite Playlist\" took place from late October to early December 2007. The film was shot over 29 days in one-week blocks, and was one of the first to receive a filming subsidy from the state of New York under the \"Made in NY\" incentive program. Filming took place mainly in Manhattan's East Village and Lower East Side, as well as Williamsburg, Brooklyn. Filming locations included Katz's Delicatessen, Mercury Lounge, Arlene's Grocery, Pennsylvania Station, Port Authority Bus Terminal, Veselka restaurant, and Don Hill's bar. Union Pool, a bar in Brooklyn, was also used", + "score": 0.6630859375 + }, + { + "id": "978370", + "title": "Evanston, Illinois", + "text": "Alone 3\". A number of scenes from the 1986 Garry Marshall film \"Nothing in Common\" were filmed on the Northwestern University campus and Evanston's lakeshore. Although not filmed there, the 2004 film \"Mean Girls\" is set in the Chicago suburbs, and makes several references to the area. The movie's screenwriter and co-star, Tina Fey, had worked at the Evanston YMCA when starting her comedy career. In the 2003 film \"Cheaper by the Dozen\", the family moves to Evanston. Additionally, the baseball movie \"Rookie of the Year\", featuring Gary Busey and Thomas Ian Nicholas, was partially shot at Haven Middle School.", + "score": 0.66259765625 + }, + { + "id": "2858417", + "title": "Spiderbait", + "text": "1999 film \"10 Things I Hate About You\" during the scene where the character of Kat (played by Julia Stiles) is reading the novel \"The Bell Jar\" by Sylvia Plath. At the ARIA Music Awards of 1997 the group received seven nominations, but with Savage Garden dominating the ceremony and winning ten awards, Spiderbait only captured the 'Best Alternative Release' category for \"Ivy and the Big Apples\". In early 1998, English and her then-boyfriend Quan Yeomans (of Regurgitator) formed a side-project, Happyland (originally called The Shits), which released their only album, \"Welcome to Happyland\", on Polydor in September. English provided", + "score": 0.66259765625 + }, + { + "id": "5182906", + "title": "King City Secondary School", + "text": "in the movie. A lottery was held for $2 per ticket to determine which attending students would be cast as extras in the scenes filmed at the school. Walt Disney's \"Confessions of a Teenage Drama Queen\", which debuted in 2004, also had some scenes filmed during a three-day period in July 2003 at King City Secondary School. The revenue generated from the filming rights of this movie assured sufficient capital for the construction of a new music room. King City Secondary School King City Secondary School, or KCSS, is a secondary education facility in King City, Ontario, Canada. It is", + "score": 0.66259765625 + }, + { + "id": "6556095", + "title": "Soda shop", + "text": "and comic strips. Tate's soda fountain was based on real-life locations frequented by teenagers in Haverhill, Massachusetts, during the 1930s\u2014Crown Confectionery and the Chocolate Shop on Merrimack Street and the Tuscarora on Winter Street. The character of Pop Tate was inspired by the Greek immigrant owners of these Haverhill soda shops. In the years 1936 to 1939, when Montana went to high school in Haverhill, he would join his friends at the Chocolate Shop counter and make sketches on napkins. A decade prior to \"Archie\", the Sugar Shop was a hangout for the teenagers in Carl Ed's comic strip \"Harold", + "score": 0.66259765625 + }, + { + "id": "13170311", + "title": "Hank Moody", + "text": "writer, he moved to New York City; and eventually, his talent and gift were noticed by the literary community. Hank met Karen Van der Beek at CBGB and soon after she became pregnant in 1994, later giving birth to their daughter, Becca. After the publication of his third novel, \"God Hates Us All\", which grew his popularity, Hank, Karen and Becca moved to Los Angeles so that Hank could work on the screenplay for the movie adaptation. After his novel \"God Hates Us All\" is adapted into a Hollywood film that he despises, \"A Crazy Little Thing Called Love\", Hank", + "score": 0.66259765625 + }, + { + "id": "12188772", + "title": "Rent-a-Cop (film)", + "text": "hooker story has been done a million times,\" said Reynolds. \"The secret to doing the story is always the cop that hates the girl and the girl that hates the cop, but they need each other for whatever reason.\" Reynolds said he and Minnelli \"like each other enormously, and that's kind of the subtext of what we are doing. We make each other laugh a lot.\" Reynolds and Minelli would improvise routines Reynolds's real-life nostalgia for the 1950s. Location filming took place in Chicago. Studio work was done in Rome. \"He is an intelligent, sharp and hard-working professional,\" said London", + "score": 0.662109375 + }, + { + "id": "13734743", + "title": "Thomas Woolsey Thorne", + "text": "closed the headquarters of the Daybreak Boys, a dive bar located in Slaughter House Point, which contributed to the eventual break up of the river pirates and went a long way in cleaning up the New York waterfront. Within a year, Thorne had cleaned the precinct and was reassigned to the Twenty-Sixth Precinct, located in the basement of New York City Hall. He was still in command of the precinct at the time of the New York Draft Riots in 1863, and had five officers dress in civilian clothes to move freely among the rioters and inform of their plans.", + "score": 0.66162109375 + }, + { + "id": "964400", + "title": "Jay and Silent Bob", + "text": "are busy loitering at a local New Jersey mall (filmed in Minnesota at the Eden Prairie Center Mall). There they are met by Brodie (Jason Lee) and T.S. (Jeremy London), who have broken up with their girlfriends\u2014Rene (Shannen Doherty) and Brandi (Claire Forlani), respectively. As fate would have it, a local game show called \"Truth or Date\", which is set to feature Brandi, is to be filmed at the mall that day. Brodie asks Jay and Silent Bob to make sure the show does not happen, and Jay says they were going to destroy the stage anyway, for lack of", + "score": 0.66162109375 + }, + { + "id": "10992814", + "title": "Ten Inch Hero", + "text": "the program. \"Ten Inch Hero\" was shot in three weeks. Although the film is set in Santa Cruz, much of it was shot in southern California, including a sandwich shop in San Pedro and a private beach. \"Ten Inch Hero\" was shown in a number of film festivals, including the Newport Beach Film Festival as well as the Phoenix Film Festival and the 2008 Santa Cruz Film Festival. The film won an award for Best Soundtrack at the Santa Cruz Film Festival. \"Ten Inch Hero\" was shown September 2008 in London at the Odeon Cinema in Kingston upon Thames in", + "score": 0.66162109375 + }, + { + "id": "4462114", + "title": "They All Laughed", + "text": "story in the movie is Audrey Hepburn\u2019s story in life,\" said the director. \"She was living with a man, her second husband, he was cheating on her, and she basically stayed with him because of the child.\" The movie was shot on location in New York during the spring and summer of 1980. Bogdanovich would often write scenes and give them to the actors just before they were shot, to give the movie a feeling of freshness. Country music is prominently featured. According to Bogdanovich, in the first version of the script, the character of Christy was going to be", + "score": 0.6611328125 + }, + { + "id": "7061731", + "title": "Verona High School (New Jersey)", + "text": "7th year active at Verona High School. In fall 2001 the first random act of kindness was to put candy in every student's locker during the evening hours of the night. Since then the club has expanded to include a second D.A.N. chapter located at Ithaca College, Ithaca, New York, that is now in its 3rd year active. Core members of the school's administration are: The original, unaired pilot of the television show \"Strangers with Candy\" was filmed in Verona High School. The VHS signboard is also used in almost every episode thereafter to display various witticisms, although the name", + "score": 0.6611328125 + }, + { + "id": "4743984", + "title": "Hairspray (1988 film)", + "text": "wrote the screenplay under the title of \"White Lipstick\", with the story loosely based on real events. The \"Corny Collins Show\" is based on the real-life \"Buddy Deane Show\", a local dance party program which pre-empted Dick Clark's \"American Bandstand\" in the Baltimore area during the 1950s and early 1960s. Waters had previously written about \"The Buddy Deane Show\" in his 1983 book \"Crackpot: The Obsessions of John Waters.\" Principal photography took place in and around the Baltimore area during the summer of 1987. The school scenes were filmed at Perry Hall High School with set locations including the library,", + "score": 0.66064453125 + }, + { + "id": "14701464", + "title": "Something Wicked (film)", + "text": "Oregon University and is excited both about the prospect of her education, but also the chance to start a family of her own. However, an unexpected and gruesome car crash leaves both of her parents dead and Christine is wracked with grief. As her wedding day approaches, the terror only gets worse as she tries to convince others that she is being stalked. Her psychiatrist, Susan (Murphy), feels that Christine is displaying signs of PTSD as dark secrets from the past slowly emerge. Filming took place in Eugene, Oregon. The film had its world premiere in Eugene, Oregon, where it", + "score": 0.66015625 + }, + { + "id": "526082", + "title": "Beautiful Girls (film)", + "text": "and co-wrote for the 2007-2008 TV series \"October Road\". The show is loosely based on what happened after \"Beautiful Girls\" came out and how his friends reacted to a movie about their lives. Both \"Beautiful Girls\" and \"October Road\" take place in the fictional Massachusetts town of Knights Ridge, and have similar characters, jobs, plot lines. The film was released on February 9, 1996 in 752 theaters, grossing $2.7 million on its opening weekend. It went on to make $10.5 million in North America. The film received fairly positive reviews and currently has a 78% rating on Rotten Tomatoes. Roger", + "score": 0.66015625 + }, + { + "id": "4785866", + "title": "Walter Farley", + "text": "a student at Brooklyn's Erasmus Hall High School and Mercersburg Academy in Pennsylvania. He finished it and had it published in 1941 while still an undergraduate at Columbia College of Columbia University, where he received a B.A. the same year. The USA part of the book was located in Flushing, Long Island, NY in a part of Queens that was near the World's Fair site in 1939. Part of the action took place on Colden Street, just a block or two from Main Street and only several blocks from the terminus of the Flushing subway line. This area up to", + "score": 0.66015625 + } + ], + "answer": "10 Things I Hate About You is a 1999 American romantic comedy film. The screenplay, written by Karen McCullah Lutz and Kirsten Smith, is a modernization of William Shakespeare's late-16th-century comedy The Taming of the Shrew, retold in a late-1990s American high school setting. In the film, the characters attend Padua High School in Seattle. Much of the filming took place in the Seattle area, with many scenes shot at Stadium High School in Tacoma, Washington." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who is opening for shania twain in ottawa on the Rock This Country Tour?", + "short_answers": [ + "Wes Mack", + "Wesley MacInnes", + "Dan + Shay", + "Dan Smyers", + "Shay Mooney", + "The Doobie Brothers" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who is opening for shania twain in ottawa on the Up! Tour?", + "short_answers": [ + "Emerson Drive" + ], + "wikipage": null + }, + { + "context": "On April 11, 2018, Swiss singer Bastian Baker confirmed he would be the opening act for all of the tour's 77 dates. Baker previously opened for Twain on the final two dates of her 2015 Rock This Country Tour.", + "question": "Who is opening for shania twain in ottawa on the Now Tour?", + "short_answers": [ + "Bastian Baker", + "Bastien Kaltenbacher" + ], + "wikipage": "Now Tour (Shania Twain)" + }, + { + "context": "The Come On Over Tour was the debut concert tour by Canadian singer-songwriter Shania Twain. Visiting North America, Australia and Europe, the tour supported Twain's third studio album \"Come On Over\" (1997). Deemed one of the most anticipated tours of the 1990s, the trek became one of the highest-grossing tours in both 1998 and 1999, along with becoming one of the biggest tours by a female musician of any genre. The tour was seen by over two million spectators and earned over 80 million dollars. Additional accolades include being named the \"Country Tour of the Year\" in 1998 and 1999 by Pollstar Concert Industry Awards. Supporting Twain on the tour was family band Leahy and country artist Shane Minor. The tour was sponsored by Gitano Jeans.", + "question": "Who is opening for shania twain in ottawa on the Come On Over Tour?", + "short_answers": [ + "Leahy", + "The Leahy Family", + "Shane Minor", + "Shane Allen Minor" + ], + "wikipage": "Come On Over Tour" + } + ], + "wikipages": [ + { + "title": "Come On Over Tour", + "url": "https://en.wikipedia.org/wiki/Come%20On%20Over%20Tour" + }, + { + "title": "Now Tour (Shania Twain)", + "url": "https://en.wikipedia.org/wiki/Now%20Tour%20%28Shania%20Twain%29" + }, + { + "title": "Rock This Country Tour", + "url": "https://en.wikipedia.org/wiki/Rock%20This%20Country%20Tour" + }, + { + "title": "Shania Twain", + "url": "https://en.wikipedia.org/wiki/Shania%20Twain" + }, + { + "title": "Up! Tour", + "url": "https://en.wikipedia.org/wiki/Up%21%20Tour" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Eilleen \"Shania\" Twain[1] OC (/a\u026a\u02c8li\u02d0n/ eye-LEEN, /\u0283\u0259na\u026a\u0259/; born Eilleen Regina Edwards; August 28, 1965) is a Canadian singer and songwriter. ", + "wikipage": "Shania Twain" + }, + { + "content": "The Up! Tour was the second concert tour by Canadian singer\u2013songwriter Shania Twain. ", + "wikipage": "Up! Tour" + }, + { + "content": "Emerson Drive is a Canadian country music band consisting of Brad Mates (lead vocals), Danick Dupelle (guitars and backing vocals), Mike Melancon (drums), and Dale Wallace (keyboards and backing vocals).", + "wikipage": "Emerson Drive" + }, + { + "content": "The Rock This Country Tour was the third concert tour by Canadian recording artist Shania Twain. ", + "wikipage": "Rock This Country Tour" + }, + { + "content": "Wesley MacInnes is a Canadian country musician under the stage name Wes Mack, an actor, and a director...In June 2015 Mack released his second major label single, The Way You Let Me Down (which peaked at number 11 on the Canadian Country Billboard chart) and began the first leg of Shania Twain's Rock This Country farewell tour serving as the only opening act.", + "wikipage": "Wesley MacInnes" + }, + { + "content": "The Now Tour was the fourth headlining concert tour by Canadian recording artist Shania Twain, in support of her fifth studio album Now (2017)... The tour began on May 3, 2018, in Tacoma, and was initially scheduled to conclude in Las Vegas on August 4, 2018[1][2] but was later extended to conclude in Dunedin on December 22, 2018. ", + "wikipage": "Now Tour (Shania Twain)" + } + ], + "long_answer": "Over her 30 plus year music career, Canadian singer and songwriter Shania Twain has performed and toured various cities in North America. One of those being Ottawa, Canada. In her 1997 tour, Come On Over, the family band Leahy and country artist Shane Minor performed the opening act. In the second concert tour (Up! Tour), Canadian country music band Emerson Drive performed the opening act. In the third tour, Rock This Country (2015), Canadian country musician under the stage name Wes Mack served as the only opening act. In her fourth headlining concert tour (2018), The Now Tour, was opened by Swiss singer Bastian Baker." + }, + { + "knowledge": [], + "long_answer": "In Ottawa on the Rock This Country Tour, Wes Mack, Wesley MacInnes, Dan + Shay, Dan Smyers, Shay Mooney, and The Doobie Brothers will open for Shania Twain. Also in Ottawa, Emerson Drive will open for Twain on the Up! Tour, Bastian Baker will open for Twain on the Now Tour, and Leahy and Shane Minor will open for Twain on the Come On Over Tour." + } + ], + "sample_id": "434290836324078234", + "question": "Who is opening for shania twain in ottawa?", + "docs": [ + { + "id": "9220344", + "title": "Shania Twain Centre", + "text": "Museum was affiliated with CMA, CHIN, and Virtual Museum of Canada. Shania Twain Centre The Shania Twain Centre was a city-owned tourist attraction that operated in Timmins, Ontario from 2001 to 2013. It exhibited memorabilia, awards and other personal items loaned to the Centre by singer Shania Twain, who was raised in Timmins. The Shania Twain Centre was opened on June 30, 2001. On November 2, 2004, Twain visited the Centre and officially declared it open before an audience of hundreds of fans from around the world, some of whom had queued for up to 20 hours for the opportunity", + "score": 0.751953125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "9220341", + "title": "Shania Twain Centre", + "text": "Shania Twain Centre The Shania Twain Centre was a city-owned tourist attraction that operated in Timmins, Ontario from 2001 to 2013. It exhibited memorabilia, awards and other personal items loaned to the Centre by singer Shania Twain, who was raised in Timmins. The Shania Twain Centre was opened on June 30, 2001. On November 2, 2004, Twain visited the Centre and officially declared it open before an audience of hundreds of fans from around the world, some of whom had queued for up to 20 hours for the opportunity of an autograph and greeting with Twain. From 2003 to 2012,", + "score": 0.7509765625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about any concerts or performances by Shania Twain in Ottawa or any other location." + }, + { + "id": "20301969", + "title": "Now Tour (Shania Twain)", + "text": "and Auckland. The tour opened to positive critical reception. Fish Griwkowsky of the \"Edmonton Journal\" called the tour Twain's best, while Matt Olsen of the \"StarPhoenix\" complimented the show saying it was \"filled with extravagance and punctuated with genuine emotion\". On April 11, 2018, Swiss singer Bastian Baker confirmed he would be the opening act for all of the tour's 77 dates. Baker previously opened for Twain on the final two dates of her 2015 Rock This Country Tour. The Shires will join Twain and Baker for the UK and Ireland dates. This set list is representative of the show", + "score": 0.7470703125, + "summary": "Bastian Baker is the opening act for all of Shania Twain's 77 tour dates, including the one in Ottawa.", + "extraction": "Bastian Baker confirmed he would be the opening act for all of the tour's 77 dates." + }, + { + "id": "5591230", + "title": "Ottawa SuperEX", + "text": "Direct Energy Pure Country Pavilion, the Giant Tiger stage and the SUPER Stage. In 2005, the Solo Mobile / Eckored tour stopped at Lansdowne Park on August 25 to perform at the Ottawa SuperEX. It featured four solo female singers: Keshia Chant\u00e9, Amanda Stott, Christine Evans and Cassie Steele. They played on the SUPER Stage at 20h, and the concert was included at no extra charge with the SuperEX admission. Hedley, Massari and other artists performed at SuperEX in 2006. Like the Keshia Chant\u00e9 concert, only an admission to SuperEX was required to attend the concert. While The Rolling Stones", + "score": 0.73193359375, + "summary": "irrelevant", + "extraction": "Irrelevant." + }, + { + "id": "16523316", + "title": "Wesley MacInnes", + "text": "major label single, The Way You Let Me Down (which peaked at number 11 on the Canadian Country Billboard chart) and began the first leg of Shania Twain's Rock This Country farewell tour serving as the only opening act. After completing the first leg, Mack was asked by Twain to return for a number of additional performances in Canada in the fall. In September 2015, Mack performed on the CCMA Awards show and was nominated for two awards (Music video director of the year and songwriter of the year). In 2016 Mack released a new single titled Listen To Me,", + "score": 0.71923828125, + "summary": "Wesley MacInnes opened for Shania Twain on her Rock This Country farewell tour and was asked to return for additional performances in Canada in the fall.", + "extraction": "Wesley MacInnes is opening for Shania Twain in Ottawa." + }, + { + "id": "9107860", + "title": "Celine Dion in Concert", + "text": "the 7\u20138 September 1993 concerts, Celine performed songs from her upcoming album \"The Colour Of My Love\". Singer Anthony Kavanagh did the opening act at Celine\u00b4s shows in Quebec, Canada. In the rest of the country, Lennie Gallant did some opening acts. Some of the concerts of the tour were actually special performances for some festivals like the \"Grand Prix de Trois-Rivi\u00e8res\", \"Montr\u00e9al au rythme des Am\u00e9riques\", \"Canadian National Exhibition\" and the \"Gatineau Hot Air Balloon Festival\". Celine Dion in Concert Celine Dion in Concert was the fourth concert tour by Celine Dion. The tour consisted of 51 shows held", + "score": 0.71240234375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "5124894", + "title": "Leahy", + "text": "included both vocals and instrumentals. Despite their established history, they were awarded two Juno awards in 1998, for Best New Group and Best Instrumental Artist. The following year, Leahy took a third Juno Award, for Best Country Group or Duo. Also in 1998, Leahy were added as the opening act for Canadian country singer Shania Twain's 1998 Come on Over Tour and were featured in two television specials from the tour, \"Live\" and \"The Specials\", performing with Twain on the song \"Don't Be Stupid (You Know I Love You)\". The group's members are both instrumentalists and dancers, with several members", + "score": 0.71240234375, + "summary": "Leahy opened for Shania Twain's 1998 Come on Over Tour in Ottawa.", + "extraction": "Leahy were added as the opening act for Canadian country singer Shania Twain's 1998 Come on Over Tour." + }, + { + "id": "9531493", + "title": "The Complete Limelight Sessions", + "text": "The Complete Limelight Sessions The Complete Limelight Sessions is a collection of songs recorded by Canadian singer Shania Twain, before she signed a record deal with Mercury Nashville in 1993. It was released in North America on October 23, 2001 following the massive success of \"Come on Over\". The album was promoted by remixes of \"It's Alright\", Twain's only song to chart on \"Billboard\"s Hot Dance Club Play chart. \"The Heart Is Blind\" was released as a single to country radio, but did not get enough airplay to enter \"Billboard\"s Hot Country Songs chart. The tracks on this album were", + "score": 0.70361328125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "20302228", + "title": "Swingin' with My Eyes Closed", + "text": "Swingin' with My Eyes Closed \"Swingin\u2019 with My Eyes Closed\" is a song written and performed by Canadian singer-songwriter, Shania Twain. It was released on August 18, 2017, and serves as the second single from Twain's fifth studio album \"Now\". Twain debuted the single on June 16, 2017, on \"Today\"'s Summer Concert series. She performed the song on \"The Tonight Show\" on August 16, 2017. Twain also performed the song as part of her set during the 2017 US Open, Opening Ceremony performance, on August 28, 2017. Twain performed the song as part of her set during an exclusive UK", + "score": 0.69775390625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage provides information about Shania Twain and her song \"Swingin' with My Eyes Closed\" but does not mention who is opening for her in Ottawa." + }, + { + "id": "9107856", + "title": "Celine Dion in Concert", + "text": "I'm Comin'.\" According to Celine, the opening for Michael Bolton was exhausting, particularly because she had to change cities every day. \"But we were finally doing what we had always dreamed of doing: working in the country that created the big time\", Celine has said. In the beginning, Celine performed for very restless, impatient audiences who were waiting to hear Michael Bolton and were not interested in her. \"I had a defective sound system and very little space because the stage was taken up by the mixers and instruments for the main act.\" The concerts were held outdoors, and it", + "score": 0.6962890625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "18628367", + "title": "Rock This Country Tour", + "text": "Rock This Country Tour The Rock This Country Tour is the third concert tour by Canadian recording artist Shania Twain. The tour is Twain's first tour in eleven years and was billed as her farewell tour. The tour kicked off on June 5, 2015, in Seattle, and concluded in Kelowna on October 27, 2015. The trek preceded the release of Twain's fifth studio album. At the end of 2015, the tour placed 19th on Pollstar's \"2015 Year-End Top 100 Worldwide Tours\" list, grossing $69 million from 69 shows with a total attendance of 703,148. On March 4, 2015, while appearing", + "score": 0.6962890625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about who is opening for Shania Twain in Ottawa." + }, + { + "id": "15477377", + "title": "Why Not? with Shania Twain", + "text": "Why Not? with Shania Twain Why Not? with Shania Twain is an American reality television series starring Canadian country music singer/songwriter Shania Twain. It premiered on the Oprah Winfrey Network on May 8, 2011. The series sheds light on the life of Twain, who by the age of 22, had survived a childhood of poverty and the loss of both her parents in an accident. At the height of super-stardom, Twain's marriage ended. In the series, Twain opens up about her personal tragedies and how she dealt with them. Also interviewed are her sister, friends, bandmates, and others in the", + "score": 0.69482421875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about who is opening for Shania Twain in Ottawa." + }, + { + "id": "16914507", + "title": "David Malachowski", + "text": "(CMA Fest) also in 1988. In April 1995, after answering an ad in \"Metroland\" in Albany, Malachowski became bandleader / guitarist for Shania Twain for 2 years of television performances, promotional shows and Fan Fair (CMA Fest). In 1997 he joined Commander Cody & His Lost Planet Airmen touring the states, in 1999 became a member of Savoy Brown, touring and recording Strange Dreams (Blind Pig Records) and You Should Have Been There (Panache) as well as appearing on leader Kim Simmonds\u2019 solo CD Blues Like Midnight. In 2005 he performed with the British Blues Allstars at the San Francisco", + "score": 0.69287109375, + "summary": "David Malachowski played guitar for Shania Twain for 2 years of television performances, promotional shows and Fan Fair (CMA Fest) in April 1995, but the document does not mention who is opening for Shania Twain in Ottawa.", + "extraction": "David Malachowski became bandleader/guitarist for Shania Twain for 2 years of television performances, promotional shows and Fan Fair (CMA Fest)." + }, + { + "id": "13584659", + "title": "Jody Williams (Afrikaans singer)", + "text": "all the support she needs. Jody was complimented by Celine Dion, who told her, \"Good luck for the future. I wish you all the best. You'll get there\". Jody was the opening act for Celine Dion in some of Dion's first 9 shows in the South African and first overall leg of Dion's Taking Chances Tour, which began 14 February 2008. She appeared on \"Idols\", then recorded her debut album, whilst still at Bosmansdam High School, in the Milnerton suburb of Cape Town. She graduated at the end of 2009. Williams performed a few songs in the 2009 South African", + "score": 0.69189453125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "390101", + "title": "Shania Twain", + "text": "Divas\" concert where she sang alongside Mariah Carey, Celine Dion, Gloria Estefan, Carole King and Aretha Franklin, and also by VH1's 1999 heavily aired \"Behind the Music\", which concentrated on the tragic aspects of her early life as well as her physical attractiveness and Nashville's early resistance to her bare-midriff music videos. After Divas, Shania Twain wrote and/or sang background vocals with her then husband Robert John \"Mutt\" Lange the songs, \"If Walls Could Talk\" and \"Goodbye's (The Saddest Word)\" for Celine Dion. On November 12, 2008, Twain made her first television appearance since her split from ex-husband Robert \"Mutt\"", + "score": 0.69140625, + "summary": "Irrelevant. The document does not provide information about who is opening for Shania Twain in Ottawa.", + "extraction": "irrelevant" + }, + { + "id": "20301970", + "title": "Now Tour (Shania Twain)", + "text": "on May 3, 2018, at Tacoma Dome in Tacoma, Washington. It is not representative of all concerts for the duration of the tour. Additional Notes Now Tour (Shania Twain) The Now Tour is the fourth concert tour by Canadian recording artist Shania Twain, in support of her fifth studio album \"Now\" (2017). The tour began on May 3, 2018, in Tacoma, and was initially scheduled to conclude in Las Vegas on August 4, 2018 but was later extended to conclude in Dunedin on December 22, 2018. Currently underway, the tour marks Twain's first since 2015's Rock This Country Tour, which,", + "score": 0.69140625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "15770928", + "title": "Capital Hoedown", + "text": "Capital Hoedown The Capital Hoedown was an annual outdoor music festival that took place in August in Ottawa, Ontario, Canada. Started in 2010, the three day festival was one of the largest in North America.. Artists include: Emerson Drive, Lorrie Morgan, Alan Jackson, Tara Oram, Jo Dee Messina, Dwight Yoakam, and Vince Gill. The first Capital Hoedown was held August 5\u20137, 2010 at Rideau Carleton Raceway. Artists include: Tara Oram, Doc Walker, Kenny Chesney, Jason Blaine, Billy Currington, Miranda Lambert, Carrie Underwood, The Keats, Justin Moore, Easton Corbin, Sara Evans, and Rascal Flatts. The second Capital Hoedown was held August", + "score": 0.68994140625, + "summary": "The document mentions the Capital Hoedown music festival in Ottawa, but there is no information about who is opening for Shania Twain.", + "extraction": "Irrelevant." + }, + { + "id": "7833584", + "title": "Come On Over Tour", + "text": "Paris, France at the Palais Omnisports de Paris-Bercy. She performed with Bruce Springsteen, Peter Gabriel, Alanis Morissette, and Radiohead. To continue her philanthropy, Twain visited survivors of the Columbine High School massacre and donated the proceeds of her May 11, 1999 concert at Coors Amphitheatre to the high school. North America (leg 1 and 2), Australia and Europe Performed by local contest winner only, with Twain performing backing vocals.
Performed with opening act, Leahy, for the first two North American legs and Europe. North America (leg 3) Twain filmed the tour on three separate occasions. For video release, the concert", + "score": 0.68994140625, + "summary": "Irrelevant.", + "extraction": "Leahy is opening for Shania Twain in the first two North American legs and Europe." + }, + { + "id": "20301966", + "title": "Now Tour (Shania Twain)", + "text": "Now Tour (Shania Twain) The Now Tour is the fourth concert tour by Canadian recording artist Shania Twain, in support of her fifth studio album \"Now\" (2017). The tour began on May 3, 2018, in Tacoma, and was initially scheduled to conclude in Las Vegas on August 4, 2018 but was later extended to conclude in Dunedin on December 22, 2018. Currently underway, the tour marks Twain's first since 2015's Rock This Country Tour, which, at the time, Twain announced would be her final run out on the road. During an interview with ET Canada, on June 29, 2017, Twain", + "score": 0.68994140625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "7031743", + "title": "Man! I Feel Like a Woman!", + "text": "Country Tour\" (2015) and the \"Shania Now Tour\" (2018) . On the first two tours the song was the opening song, while during the residency show and on the last two tours it was featured in the encore. It was also the opening song of her \"Shania Twain Live\", \"Winter Break\" and \"Up! Live in Chicago\" live video albums, as well as on her headline on the Super Bowl XXXVII halftime show. The song was also performed by \"American Idol\" winner Carrie Underwood during the fourth season. The song was featured in a 2005 episode of \"America's Funniest Home Videos\"", + "score": 0.689453125, + "summary": "irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "16052197", + "title": "Daniel Joseph Schafer", + "text": "Brown, to tour with Leroy Van Dyke as pedal steel guitarist, which was a catapult that led to his opportunities in touring with several major recording artists including Barbara Mandrell, Lorrie Morgan, Keith Whitley, George Jones, T. Graham Brown, and Shania Twain. He was featured in Barbara Mandrell's \"Do-Rite Band\" on her \"Moments\" tour and appeared on the CBS Mandrell Family Christmas Special. Working with Shania Twain, Schafer was featured in multiple TV appearances on the \"Late Show with David Letterman\" on 10/2/95 and 2/26/96. These tours afforded him multiple opportunities to appear on TV as the featured guitarist backing", + "score": 0.689453125 + }, + { + "id": "9531495", + "title": "The Complete Limelight Sessions", + "text": "were official. The Complete Limelight Sessions The Complete Limelight Sessions is a collection of songs recorded by Canadian singer Shania Twain, before she signed a record deal with Mercury Nashville in 1993. It was released in North America on October 23, 2001 following the massive success of \"Come on Over\". The album was promoted by remixes of \"It's Alright\", Twain's only song to chart on \"Billboard\"s Hot Dance Club Play chart. \"The Heart Is Blind\" was released as a single to country radio, but did not get enough airplay to enter \"Billboard\"s Hot Country Songs chart. The tracks on this", + "score": 0.68896484375 + }, + { + "id": "7833575", + "title": "Come On Over Tour", + "text": "Come On Over Tour The Come On Over Tour was the debut concert tour by Canadian singer-songwriter Shania Twain. Visiting North America, Australia and Europe, the tour supported Twain's third studio album \"Come On Over\" (1997). Deemed one of the most anticipated tours of the 1990s, the trek became one of the highest grossing tours in both 1998 and 1999, along with becoming one of the biggest tours by a female musician of any genre. The tour was seen by over two million spectators and earned over 80 million dollars. Additional accolades include being named the \"Country Tour of the", + "score": 0.6884765625 + }, + { + "id": "18627188", + "title": "Piece by Piece Tour", + "text": "about opener Pentatonix. She stated she hoped to convince them to sing with her during her set. Nick Jonas and Tyler Shaw were scheduled to open up for Clarkson in October 2015 in Canada, before dates were ultimately cancelled. On May 21, 2015, it was announced that singer Abi Ann would also be opening up for Clarkson. Clarkson confirmed plans to include \"Piece by Piece\" singles \"Heartbeat Song\" and \"Invincible\" in the set list for the show, alongside album-only tracks, \"Dance With Me\" and \"Tightrope\", with the latter promised to be a highlight for the show. Speaking to \"USA Today\",", + "score": 0.6875 + }, + { + "id": "15770930", + "title": "Capital Hoedown", + "text": "reputation as a reputable businessperson.\" On March 7, 2014, Capital Hoedown founder, Denis Benoit, filed a $250,000 defamation lawsuit against Cornwall promoter Jeff Brunet for slandering him in an interview Brunet gave to the Cornwall Standard-Freeholder in June 2012. Artists scheduled to appear: Taylor Swift, Brad Paisley, Reba McEntire, Sheryl Crow, The Band Perry, Ronnie Dunn, Terri Clark, Gord Bamford, Tara Oram, Dean Brody, Marshall Dane, Chad Brownlee and High Valley. In May 2010, Capital Hoedown organizers were contacted by owners of The O-Town Hoedown, another Ottawa country music festival established in 2007. O-Town Hoedown took issue with the similarity", + "score": 0.68701171875 + }, + { + "id": "16720566", + "title": "Shania: Still the One", + "text": "Shania: Still the One Shania: Still the One was a concert residency by Canadian singer-songwriter Shania Twain, performed at The Colosseum at Caesars Palace in Las Vegas, Nevada. The show began on December 1, 2012, and ended on December 13, 2014, with Twain performing a total of 105 shows. Shania: Still the One was created by Twain, produced by AEG Live and directed by Raj Kapoor. The purpose of the show is to \"take fans on a spectacular journey through the various stages of Shania's life and career in an unforgettable evening filled with music, multi-sensory and visual experiences, fashion", + "score": 0.68701171875 + }, + { + "id": "5659174", + "title": "Gravity (Our Lady Peace album)", + "text": "their first visit to Europe since 1998. Touring resumed in January 2003 with a Canadian arena tour dubbed \"Fear of the Trailer Park\". Opening for Our Lady Peace were management-mates Finger Eleven as well as comedy troupe Trailer Park Boys and South African band Seether. The band's arena shows in Calgary and Edmonton would be recorded and released as their first official \"Live\" album later that year. They returned to Europe in March as an opening act for Avril Lavigne. During this leg of the tour two new songs, \"Not Afraid\" and \"Talk is Cheap\" were premiered. \"Not Afraid\" would", + "score": 0.68505859375 + }, + { + "id": "6198954", + "title": "Open (Shaznay Lewis album)", + "text": "Open (Shaznay Lewis album) Open is the debut solo studio album by English recording artist Shaznay Lewis. It was Lewis' first solo album following the hiatus of her girl group All Saints. Released by London Records on July 19, 2004, it debuted and peaked at number 22 on the UK Albums Chart. The title \"Open\" was Shaznay's decision during the time she was recording in the studio because she was 'opened' to many new ideas at the time. It features two singles: \"Never Felt Like This Before\" and \"You\". Shaznay was reportedly set to release her third single \"Nasty Boy\"", + "score": 0.68505859375 + }, + { + "id": "9107855", + "title": "Celine Dion in Concert", + "text": "Celine Dion in Concert Celine Dion in Concert was the fourth concert tour by Celine Dion. The tour consisted of 51 shows held between 13 July 1992 and 13 May 1993. It was organized to support the album \"Celine Dion\". During the summer of 1992, C\u00e9line Dion did an American tour as the opening act for Michael Bolton. They kicked off the \"Time, Love and Tenderness Tour\" on 13 July 1992 at the Hollywood Bowl in Los Angeles, California. In the space of one month, they performed the show in twenty-thousand-seat-arenas. Dion also joined Bolton for the song \"Hold On,", + "score": 0.6845703125 + }, + { + "id": "390100", + "title": "Shania Twain", + "text": "in fact tour with her new album \"Now\". The Now Tour was announced by Twain on her official website on August 17, 2017. The album's second single, \"Swingin' With My Eyes Closed\", was released on August 18, 2017. She has also internationally released two other promotional singles off of \"Now\", including \"Poor Me\" and \"We've Got Something They Don't\". During an appearance on \"Today\", Twain confirmed she was beginning work on a Christmas album which will feature a collaboration with John Travolta. Twain's mainstream pop acceptance was further helped by her appearance in the 1998 first edition of the \"VH1", + "score": 0.68408203125 + }, + { + "id": "18585556", + "title": "Diane Shaw", + "text": "supporting Tito Jackson. In 2014, Shaw performed for a second year at the Butlins Northern Soul Survivors Weekender, as well as backing other artists such as Judy Street, The Flirtations and Eddie Holman. In July 2015, Shaw and her band supported Tito Jackson on his show in London. Jackson also used Shaw's 12 piece band as the musical backing for his album launch. In September the same year, the Diane Shaw Band returned to the Butlins Soul Survivors Weekender, and perform in front of 8,500 people. Her band also provided the musical backing for artists such as Kim Weston, Brenda", + "score": 0.68408203125 + }, + { + "id": "16720575", + "title": "Shania: Still the One", + "text": "office hit grossing over $43 million from a total of 346,021 sold tickets during the two-year run. The following set list is representative of the show's opening night on December 1, 2012. It is not representative of all concerts for the duration of the residency. Source: On March 3, 2015, Shania Twain released \"\". The set includes the entirety of the \"Shania: Still the One\" live concert and a 19 track live album. Shania: Still the One Shania: Still the One was a concert residency by Canadian singer-songwriter Shania Twain, performed at The Colosseum at Caesars Palace in Las Vegas,", + "score": 0.68359375 + }, + { + "id": "14259170", + "title": "Shaw Centre (Ottawa)", + "text": "Shaw Centre (Ottawa) The Shaw Centre, formerly the Ottawa Convention Centre, is located in downtown Ottawa, Ontario, Canada. It opened in April 2011. In October 2014, the Ottawa Convention Centre and Shaw Communications. entered a ten-year naming right agreement that saw the venue renamed to the Shaw Centre. The Centre replaces the Ottawa Congress Centre, which opened in 1983 and is built on the site of the Ottawa Congress Centre building which was demolished in 2008-2009. The Centre is located on Colonel By Drive, just south of Rideau Street. The facility is owned by the Ontario provincial government. The Shaw", + "score": 0.68359375 + }, + { + "id": "7833589", + "title": "Come On Over Tour", + "text": "returning in yet another costume. She owned the crowd, and they loved every second of it\". Come On Over Tour The Come On Over Tour was the debut concert tour by Canadian singer-songwriter Shania Twain. Visiting North America, Australia and Europe, the tour supported Twain's third studio album \"Come On Over\" (1997). Deemed one of the most anticipated tours of the 1990s, the trek became one of the highest grossing tours in both 1998 and 1999, along with becoming one of the biggest tours by a female musician of any genre. The tour was seen by over two million spectators", + "score": 0.68359375 + }, + { + "id": "9220342", + "title": "Shania Twain Centre", + "text": "fans of Shania Twain traveled to Timmins for the International Shania Twain Fan Convention. 32 fans attended the inaugural fan convention in 2003. Attendance peaked at approximately 100 for the four-day event in 2005. At subsequent conventions held each August: Annual attendance for the Centre was originally projected at 50,000 but never reached above 15,000. Annual subsidies to the center cost the city of Timmins $7 per resident, or $33.72 per centre visitor. A 2011 financial study suggested that the city council faced either closing the centre or spending $233,000 per year subsidizing its operations. In May 2012, Shania Twain's", + "score": 0.681640625 + }, + { + "id": "19662313", + "title": "105th Grey Cup", + "text": "Calgary drove the ball deep into Argonaut territory, but instead of attempting a game-tying field goal decided to go for the jugular. On 2nd-and-5 from the Argonaut 25, Mitchell's would-be touchdown pass fell into the hands of Argo defender Matt Black, sealing the victory for the Double Blue. On August 10, 2017, the CFL announced that Shania Twain would perform during the \"Freedom Mobile Halftime Show\". The performance marked Twain's second Grey Cup halftime show; she performed as halftime entertainment during the 90th Grey Cup in 2002. Vancouver-based rapper SonReal performed immediately prior to the game as part of the", + "score": 0.681640625 + }, + { + "id": "6198957", + "title": "Open (Shaznay Lewis album)", + "text": "from the liner notes of \"Open\". Open (Shaznay Lewis album) Open is the debut solo studio album by English recording artist Shaznay Lewis. It was Lewis' first solo album following the hiatus of her girl group All Saints. Released by London Records on July 19, 2004, it debuted and peaked at number 22 on the UK Albums Chart. The title \"Open\" was Shaznay's decision during the time she was recording in the studio because she was 'opened' to many new ideas at the time. It features two singles: \"Never Felt Like This Before\" and \"You\". Shaznay was reportedly set to", + "score": 0.68017578125 + }, + { + "id": "11732717", + "title": "David McMillin", + "text": "invited by Shelby Lynne to open her entire 2008 North American Tour. The tour was scheduled to start in Nashville, Tennessee on March 28, 2008 and end in San Diego, California. The tour had planned stops at nearly every major city in the country. McMillin has recently toured with Martin Sexton, Matt Nathanson, Emerson Hart, Third Eye Blind, Goo Goo Dolls, Marc Cohn, Grant Lee Phillips, Sister Hazel, and others. He was scheduled to open for Peter Moren of Peter, Bjorn and John at Hotel Cafe in Los Angeles, California on May 2. McMillin's new record, \"Heartsteady\", was released in", + "score": 0.68017578125 + }, + { + "id": "20302229", + "title": "Swingin' with My Eyes Closed", + "text": "performance at Radio 2 Live in Hyde Park on 10 September 2017. She then performed the song on \"The Late Late Show with James Corden\" in October 2017. The song premiered on August 17, 2017, on BBC Radio 2 and was released to streaming and music purchasing platforms on August 18, 2017. Swingin' with My Eyes Closed \"Swingin\u2019 with My Eyes Closed\" is a song written and performed by Canadian singer-songwriter, Shania Twain. It was released on August 18, 2017, and serves as the second single from Twain's fifth studio album \"Now\". Twain debuted the single on June 16, 2017,", + "score": 0.68017578125 + }, + { + "id": "7338175", + "title": "Homegrown Cafe", + "text": "Homegrown Cafe Homegrown Cafe was a local-talent show that aired on CJOH in Ottawa, during the 1980s and 1990s. It showcased much of the city's talented youth and adults, some of whom went on to pursue professional careers. The show was hosted by J.J. Clarke. Auspicious guests included Vankleek Hill act the Bushmen, Sharon Proulx (Hart), Andi Harden, Kareena Dainty-Edward (singer - 2 seasons), Eva Avila (age 9), Julie Dainty, Chris Dainty and others. Other notable performers were \"Amanda Wilkinson\" (country Music Singer), Leanne and Kelly Slade (Members of professional dance group The Canadian Steppers) Leah Gordon (professional opera singer)", + "score": 0.6796875 + }, + { + "id": "20259692", + "title": "Chris Stapleton's All-American Road Show Tour", + "text": "Hag. It's as if someone opened a vault and discovered a whole country division of Motown soul,\" and praised the opening acts Brent Cobb and Margo Price. Reviewers Ruggieri and Yarborough considered Stapleton's solo performance of \"Whiskey and You\" a highlight of the night. \"Tulsa World\" journalist Andrea Eger, who attended Stapleton's first concert since he had to reschedule dates due to a hand injury, expressed, \"there were absolutely no signs he wasn\u2019t 100 percent\u2013and he's one of those singers for whom recording simply does too little justice to the quality of his live vocals,\" while \"Cleveland Scene\"s Laura Morrison,", + "score": 0.67919921875 + }, + { + "id": "18628373", + "title": "Rock This Country Tour", + "text": "punch of \"That Don't Impress Me Much\" and \"(If You're Not in It for Love) I'm Outta Here!\". She returns in a half-body catsuit for the fiery, firework filled finale of \"Man! I Feel Like A Woman!\". This set list is representative of the show on July 25, 2015, at The Palace of Auburn Hills in Auburn Hills, Michigan. It is not representative of all concerts for the duration of the tour. Rock This Country Tour The Rock This Country Tour is the third concert tour by Canadian recording artist Shania Twain. The tour is Twain's first tour in eleven", + "score": 0.67919921875 + }, + { + "id": "15477378", + "title": "Why Not? with Shania Twain", + "text": "music industry. She marries her fianc\u00e9 during the concluding episode. Why Not? with Shania Twain Why Not? with Shania Twain is an American reality television series starring Canadian country music singer/songwriter Shania Twain. It premiered on the Oprah Winfrey Network on May 8, 2011. The series sheds light on the life of Twain, who by the age of 22, had survived a childhood of poverty and the loss of both her parents in an accident. At the height of super-stardom, Twain's marriage ended. In the series, Twain opens up about her personal tragedies and how she dealt with them. Also", + "score": 0.6787109375 + }, + { + "id": "20335058", + "title": "Flicker World Tour", + "text": "whose early catalogue shows promise of longevity.\" For a review of Horan's concert at the Spark Arena, Rose Riddell of \"Coup De Main Magazine\" noted that Horan looked to be at home on stage and that he was \"made for touring\". She continued on to say: \"After his first cover of the night - a folksy rendition of Bruce Springsteen's \"Dancing in the Dark\", Horan brought out opening act Maren Morris to perform their duet \"Seeing Blind\", where their voices together live sounded just as good as on the record. An acoustic rendition of \"Fool's Gold\" saw the audience in", + "score": 0.6787109375 + }, + { + "id": "1279252", + "title": "Ellen McIlwaine", + "text": "McIlwaine,\" recorded live in Germany in 1999; and then \"Spontaneous Combustion\" featuring Taj Mahal are on the German Tradition und Moderne label. In spite of debilitating arthritis in her hips, she undertook a third tour of Australia and New Zealand in 2003, which reunited her with RoadKnight and the other Honky Tonk Angels, who had first brought her to Australia in 1980. In 2006 she started her own label Ellen McIlwaine Music and released \"Mystic Bridge\" featuring the Indian tabla drummer Cassius Khan. They were joined by the soprano saxophone of Linsey Wellman on three tracks, including their version of", + "score": 0.6787109375 + }, + { + "id": "9375495", + "title": "The Specials (Shania Twain video)", + "text": "The Specials (Shania Twain video) The Specials is a DVD released by Shania Twain on November 20, 2001 in North America. It consists of two network specials that aired during the \"Come on Over\" era. The first concert is called \"Winter Break\" and was filmed in Miami, and included footage of Twain in her hometown of Timmins, Ontario. It aired on CBS in March 1999. Elton John, Backstreet Boys and Leahy are all special guests during the show. The cover for Shania's Rock This Country! single was taken from this show. The second special, entitled \"Come on Over\", aired on", + "score": 0.6787109375 + }, + { + "id": "7788280", + "title": "Up! Tour", + "text": "Up! Tour The Up! Tour was the second concert tour by Canadian singer\u2013songwriter Shania Twain. It was launched in support of her fourth studio album \"Up!\" (2002). The show reached North America and Europe. According to \"Billboard\" magazine, the tour grossed $87 million from 96 reported shows between 2003 and 2004. 2003 2004 Before the tour commenced, Twain performed a series of free concerts in the United States and the United Kingdom. The official DVD for the Up! Tour was filmed on 27 July 2003 at Grant Park in Chicago. The performance later aired on NBC and CBC in August", + "score": 0.67822265625 + }, + { + "id": "390095", + "title": "Shania Twain", + "text": "Palace, Twain performed two concerts at the Calgary Stampede in Calgary, Alberta, on July 9 and 10, 2014. In a series of interviews leading up to her Calgary Stampede shows, Twain said she hoped to tour in 2015 and that it would lead to the release of a new album. Alongside her Calgary Stampede shows, Twain also headlined a show on Labour Day weekend at Charlottetown, Prince Edward Island, Canada. On March 4, 2015, Twain announced on \"Good Morning America\" she would be going on tour for the first time in 11 years, and would begin June 5 in Seattle,", + "score": 0.67822265625 + }, + { + "id": "390082", + "title": "Shania Twain", + "text": "first major concert tour, aided by her manager Jon Landau, a veteran of many large-scale tours with Bruce Springsteen. The Come On Over Tour shows were a success, winning the \"Country Tour of the Year\" in 1998 and 1999 by Pollstar Concert Industry Awards. In 2000, Twain was initially scheduled to release a Christmas album, but plans to release one were cancelled later in the year. Following the success of \"Come On Over\", independent label Limelight Records released \"The Complete Limelight Sessions\" in October 2001. The album includes 16 tracks recorded in the late 1980s before Twain signed her record", + "score": 0.67724609375 + }, + { + "id": "6209452", + "title": "Sheryn Regis", + "text": "part of Ronnie Liang's concert, My Ballad, My Music where it was reported that Ronnie's talent fee will proceed to the Aeta people in Angeles, Pampanga. It was held November 2009 the Metro Bar. Sheryn was also invited as a guest performer in Rachelle Ann Go's send-off concert in February 2014. Rachelle together with Sheryn and Jimmy Marquez sang Lady Marmalade. Other guests include Mark Bautista, Christian Bautista, Erik Santos and Regine Velasquez. In celebration of Solaire Resort & Casino's first anniversary, A Celebration with the Champions was held in March 2014. Sheryn was part of the concert together with", + "score": 0.67724609375 + }, + { + "id": "10526663", + "title": "Shane Fontayne", + "text": "has worked with a range of artists, including Steve Forbert (\"Little Stevie Orbit\", 1980 album), Maria McKee (\"Maria McKee\" (1989 album) and later Joe Cocker (\"Heart & Soul\", 2004 album), Richard Marx (\"My Own Best Enemy\", 2004 album). He has also been the guitarist for the French rocker Johnny Hallyday for his 1995 tour \"Lorada tour\", and 1996 concert in Las Vegas. In addition, Fontayne has been singer/songwriter Marc Cohn's touring guitarist since 1998. He has recently worked with Crosby, Stills & Nash and Graham Nash (solo) on tour (also producing the latter's 2016 album This Path Tonight). On 2", + "score": 0.6767578125 + }, + { + "id": "12189555", + "title": "Stockholm & Go\u0308teborg", + "text": "requiem to Ochs who had committed suicide in 1976. \"Ottawa Song\" is from an earlier concert in Hamburg with Dagmar Krause and John Greaves sharing the vocals, and was included on this CD by accident after having gotten mixed up with the Stockholm and G\u00f6teborg tapes. It is the same performance of \"Ottawa Song\" that appears on \"\", except for the introductory bassoon solo, which has been stripped off here. Henry Cow performed the Gothenburg concert as the same quartet of Lindsay Cooper, Chris Cutler, Frith and Hodgkinson that had played at Trondheim two days previously (featured on \"\" of", + "score": 0.6767578125 + }, + { + "id": "7490501", + "title": "Juno Awards of 2003", + "text": "Juno Awards of 2003 The Juno Awards of 2003 were presented in Ottawa, Ontario, Canada on 6 April 2003. The primary awards ceremony was hosted that evening by Shania Twain at the Corel Centre (now Canadian Tire Centre) and televised on CTV. The evening program included song performances by Avril Lavigne, Our Lady Peace, Sam Roberts, Remy Shand, Swollen Members and host Shania Twain. Red Rider frontman and long-time solo artist Tom Cochrane was honoured as the 2003 inductee for the Canadian Music Hall of Fame. During the awards telecast, host Shania Twain made a succession of costume changes with", + "score": 0.6767578125 + }, + { + "id": "13599977", + "title": "Forgiven, Not Forgotten World Tour", + "text": "Forgiven, Not Forgotten World Tour The Forgiven, Not Forgotten World Tour is the debut concert tour by Irish band, The Corrs. The tour promotes the group's debut album, \"Forgiven, Not Forgotten\". It began April 1996 in Ireland and concluded in Australia in February 1997. The group performed as Celine Dion's opening act during her 1996\u201397 tour; performing in arenas and amphitheaters across North America and Europe. The following setlist is taken from the concert held on 11 July 1996 at Club Quattro Shibuya in Tokyo, Japan. It does not represent all concerts during the tour. Encore: Band Management and agents", + "score": 0.67626953125 + }, + { + "id": "20301967", + "title": "Now Tour (Shania Twain)", + "text": "stated that she had a change of heart and was ready to hit the road again to support her upcoming album, Now, stating \"Now that I've got new music, I'm really motivated to do that music live\". On August 16, 2017, while appearing on \"The Tonight Show\", host Jimmy Fallon announced that Twain will be embarking on the Now Tour in 2018. The following day on August 17, 2017, Twain confirmed that she will be going on tour to support her upcoming album \"Now\", through social media with tickets going on sale the following week. Following on from various promotional", + "score": 0.67626953125 + }, + { + "id": "2992029", + "title": "CBC Radio 3", + "text": "March and April 2007 featuring The Constantines and Jon-Rae and the River. The tour also featured Shotgun & Jaybird for the Eastern Canada portion of the tour while Ladyhawk toured for the Western Canadian portion of the tour. On April 27, 2007, CBC Radio 3 and Bande \u00e0 part jointly presented Quebec Scene, an Ottawa concert featuring The Stills, The Besnard Lakes, Karkwa and Mahjor Bidet. On June 9, 2007, as a part of the annual NXNE festival, CBC Radio 3 presented a concert in Toronto featuring United Steel Workers of Montreal, Ohbijou, Sebastien Grainger et Les Montagnes, You Say", + "score": 0.67626953125 + }, + { + "id": "12225265", + "title": "Sharon Little", + "text": "Sharon Little Sharon Little (born c. 1980) is an American singer-songwriter from Philadelphia, Pennsylvania. While working as a waitress in Philadelphia, Little performed with local bands and independently released an album in 2006 titled \"Drawing Circles\" before being signed to CBS Records in early 2008. She was subsequently chosen as the opening act for Robert Plant, Alison Krauss and T Bone Burnett on their North American \"Raising Sand\" tour. Her first album with CBS, \"Perfect Time for a Breakdown,\" was released on May 27 of that year. As part of her deal with CBS Records, several of her songs have", + "score": 0.67578125 + }, + { + "id": "390063", + "title": "Shania Twain", + "text": "1983 eager to expand her musical horizons. After Longshot's demise, Twain was approached by a cover band led by Diane Chase called \"Flirt\" and toured all over Ontario with them. She also took singing lessons from Toronto-based coach Ian Garrett, often cleaning his house as payment. In the autumn of 1984, Twain's talents were noticed by Toronto DJ Stan Campbell who wrote about her in a \"Country Music News\" article: \"Eilleen possesses a powerful voice with an impressive range. She has the necessary drive, ambition and positive attitude to achieve her goals\". Campbell happened to be making an album by", + "score": 0.67529296875 + }, + { + "id": "17641267", + "title": "Dan + Shay", + "text": "performed on \"The Ellen Show\" performing \"19 You + Me\" in 2014. They made their Grand Ole Opry debut February 1, 2014. They also received a 2014 Academy of Country Music Awards Vocal Duo of the Year nomination. The album's third single, \"Nothin' Like You\" released to country radio on February 23, 2015. It reached at #1 on Country Airplay in December 2015. Dan + Shay was the opening act for Hunter Hayes on his We're Not Invisible Tour, which began in March 2014. Dan + Shay opened up for Blake Shelton on the 2014 leg of his Ten Times", + "score": 0.67529296875 + }, + { + "id": "20301968", + "title": "Now Tour (Shania Twain)", + "text": "appearances for \"Now\" in the UK, including an exclusive set at Radio 2 Live in Hyde Park, Twain announced the UK/Ireland dates on September 20, 2017. Revealing her excitement over her tour news, Shania said, \"It's time to get back out there and give the music a chance to live a life!\" Tickets for shows in Dublin and Belfast sold out within minutes, prompting Twain to add a second Dublin show. Additional dates for both Glasgow and London were announced after tickets for the initial dates quickly sold out. Due to demand, extra dates were added for Brisbane, Melbourne, Sydney", + "score": 0.6748046875 + }, + { + "id": "14966386", + "title": "Songs from the Tainted Cherry Tree Tour", + "text": "Songs from the Tainted Cherry Tree Tour The \"Songs from the Tainted Cherry Tree\" Tour was a tour of the United Kingdom and Ireland by British singer-songwriter Diana Vickers, promoting her debut album, \"Songs from the Tainted Cherry Tree\". The third leg was as a support act for JLS. The first and second leg of Diana Vickers' first headline tour of the UK was in March and May 2010, stopping at small venues across the UK. The third leg was as a support act on several dates for JLS and the fourth leg stopping at major arenas around the UK,", + "score": 0.67431640625 + }, + { + "id": "19642204", + "title": "Smino", + "text": "and Jean Deaux. On July 6, it was announced that Smino and Ravyn Lenae will be opening for SZA on The CTRL Tour. He later released music videos for \"Anita\", \"Netflix & Dusse\", and \"Wild Irish Roses\". During October, he was opening act for T-Pain on his Acoustic Tour, who later appeared on the remix for \"Anita\". In April 2018, he and Monte Booker co-headlined the Kouple Drillz Tour which included shows in Asia and Australia. On May 17, he released a single called \"New Coupe, Who Dis?\" featuring Mick Jenkins. He also appeared on some of his frequent collaborative", + "score": 0.673828125 + }, + { + "id": "1460441", + "title": "George Strait", + "text": "his longtime eleven-member touring group, the Ace in the Hole Band. For the 2013 leg, Martina McBride was the opening performer. On January 9, 2014, Strait initiated the second leg of the tour, which featured the opening performers Jason Aldean, Eric Church, Martina McBride, Miranda Lambert, Little Big Town, Vince Gill, Sheryl Crow, Lee Ann Womack, Merle Haggard, Chris Young, Ronnie Dunn, Luke Bryan, Tim McGraw, Faith Hill, Kenny Chesney, Alan Jackson, and Asleep at the Wheel. Many of these performers gathered together for the tour's final concert in Arlington, Texas, before 104,793 fans\u2014the largest ticketed attendance at a single-show", + "score": 0.673828125 + }, + { + "id": "13722160", + "title": "Samantha King", + "text": "Ted Hewitt (Curb Music Producer), Joie Scott (Shania Twain) and many more. In 2009, the day before she was to perform on the main stage at the Big Valley Jamboree in Camrose, Alberta, there was a large windstorm that collapsed the main stage - and caused the remainder of the four-day concert to be cancelled. As a make-up concert, King opened for Tim McGraw on September 17, 2009, at Rexall Place in Edmonton, Alberta, singing a brand new song entitled \"Let It Rain\". Funds raised were donated to the Donna Moore fund providing for the family of the woman who", + "score": 0.67333984375 + }, + { + "id": "4134409", + "title": "Sharon Robinson (songwriter)", + "text": "label Freeworld Records re-released \"Everybody Knows\" in Europe with the original Leonard Cohen drawn cover art. Sharon self-released the album in the U.S. In 2008 Robinson joined The Leonard Cohen World Tour which lasted until December 2013. In August 2013 Sharon was profiled in a cover story in the Financial Times. A book of her photographs, was released in December 2014 along with exhibits at the in New York and Los Angeles, and performances in those cities and Toronto. Sharon Robinson appeared on Cohen's 2012 album \"Old Ideas\" singing, arranging choirs and playing synth bass on four tracks. Robinson performed", + "score": 0.67333984375 + }, + { + "id": "9581080", + "title": "Woody Guthrie Folk Festival", + "text": "opened the Hootenanny with his \"Festival Song\" singing \"When we all come together, it feels like the world\u2019s gonna be all right\". The 19th annual festival took place July 13\u201317, 2016, opening with a sold-out show at the Crystal Theatre with Graham Nash. The concert opened Nash's summer tour in support of his most recent CD release \"This Path Tonight \" \u2013 his first solo release in 14 years. Nash was accompanied on stage by guitarist Shane Fontayne. One major change at this year's festival was the addition of a permanent stage at the Pastures of Plenty. The permanent stage", + "score": 0.6728515625 + }, + { + "id": "14893881", + "title": "The Sun Comes Out World Tour", + "text": "to vote for their favourite acts and the ones with the most would proceed to the finals; Shakira and her team would then pick the winner out of them. Sean Wolfington, Shakira's digital-business partner, talked about the decision and told the \"New York Post\" that \"The artists will open for Shakira live in big cities and virtually through a video performance in smaller markets. There are a lot of talented artists, and Shakira wants to help them by giving them part of her stage\". The visuals and conceptual video scenes for the tour were managed and designed by entertainment branding", + "score": 0.6728515625 + }, + { + "id": "7833576", + "title": "Come On Over Tour", + "text": "Year\" in 1998 and 1999 by Pollstar Concert Industry Awards. Supporting Twain on the tour was family band Leahy and country artist Shane Minor. The tour was sponsored by Gitano Jeans. The tour was announced by various media outlets in March 1998, when Twain's third album was certified five times platinum in the United States. The tour, named after the same album, was planned to begin in May 1998 in Sudbury (near Twain's hometown of Timmins) and ending December 1998 in Phoenix, Arizona. It became very popular, with many dates selling out within hours of the announcement. Most notably, the", + "score": 0.6728515625 + }, + { + "id": "7710514", + "title": "Shawn Emanuel", + "text": "cycled through a few boy bands before deciding to try it solo. He was then given the opportunity to tour with singer Kelly Rowland as an opening act for her Simply Deeper Tour by Mean Fiddler Director/Promoter Rob Hallett and went later on to support Beyonc\u00e9 Knowles for the European part of her Dangerously in Love Tour. He was also one of the opening acts on the European leg of Destiny's Child's Destiny Fulfilled ... And Lovin' It tour. Soon after Shawn was invited by rapper Kanye West to join the Late Registration tour with fellow support act Keyshia Cole.", + "score": 0.6728515625 + }, + { + "id": "13599978", + "title": "Forgiven, Not Forgotten World Tour", + "text": "The crew Forgiven, Not Forgotten World Tour The Forgiven, Not Forgotten World Tour is the debut concert tour by Irish band, The Corrs. The tour promotes the group's debut album, \"Forgiven, Not Forgotten\". It began April 1996 in Ireland and concluded in Australia in February 1997. The group performed as Celine Dion's opening act during her 1996\u201397 tour; performing in arenas and amphitheaters across North America and Europe. The following setlist is taken from the concert held on 11 July 1996 at Club Quattro Shibuya in Tokyo, Japan. It does not represent all concerts during the tour. Encore: Band Management", + "score": 0.6728515625 + }, + { + "id": "8170307", + "title": "Revolution Place", + "text": "Rihanna performed at the arena during the Good Girl Gone Bad Tour on September 17, 2007, with Akon as her opening act. The Backstreet Boys performed at the arena during their Unbreakable Tour on November 15, 2008. Janet Jackson performed at the arena during the Unbreakable World Tour on September 5, 2015. Shania Twain performed at the arena on October 21, 2015 during her Rock This Country Tour. Marianas Trench performed at the arena on February 8, 2017 during their Marianas Trench and the Last Crusade tour. Revolution Place Revolution Place, formerly known as the Canada Games Arena and Crystal", + "score": 0.67236328125 + }, + { + "id": "17471463", + "title": "Lynk (band)", + "text": "opened for Boyce Avenue back in February of that year when the band were still known as \u2018At Sunset\u2019, and the announcement that they would perform at this concert was made before the band was renamed. They also performed at the SM Southmall again with a few other 'Own It' performers. In late October 2016, it was announced that Lynk would be opening for Shawn Mendes at his debut Australian shows in Sydney. These shows took place at the Enmore Theatre on 1 and 2 November 2016. Lynk (band) Lynk, previously known as At Sunset is an Australian pop rock", + "score": 0.671875 + }, + { + "id": "18628372", + "title": "Rock This Country Tour", + "text": "\"Up!\". Once back onstage, Twain and her band begin an acoustic set, beginning with her most recent single, 2011's \"Today Is Your Day\" and the infectious and light \"No One Needs to Know\". Twain is then left alone on center stage with her guitar, singing her biggest hit, 1998's multi-platinum and Grammy award-winning \"You're Still the One\". Along with the following song, \"From This Moment On\", this performance is considered the highlight of the nearly two-hour concert. Returning in thigh-high red leather boots and an oversized black shawl, Twain closes out the main portion of the show with the one-two", + "score": 0.671875 + }, + { + "id": "19949682", + "title": "Shae Dupuy", + "text": "awards (for her songs, \"Tin Man\" and \"Drink About It,\" respectively). Shae Dupuy headlined the 2018 'Let The Good Times Roll' tour, in which she performed dates across Canada, making stops in Ontario, Quebec, British Columbia, Prince Edward Island, Nova Scotia, New Brunswick, and Alberta. In 2015, she notably opened for Dallas Smith and Jess Moskaluke at the 2015 Music In The Fields festival. Following a period of summering in Los Angeles to hone her skills through collaborations with other songwriters, Shae Dupuy began her career as a recording artist in 2014, with the release of both her debut single,", + "score": 0.67138671875 + }, + { + "id": "3998044", + "title": "Anthony Callea", + "text": "was the support act, Westlife's Arena Tour in February 2007. Likewise in Australia 2008, for Celine Dion on her Taking Chances world tour, he special guest support act. Callea was special guest of the Australian leg of Whitney Houston's Nothing but Love World Tour in Brisbane 2010. The arena tour played in Brisbane, Hope Estate Hunter Valley, Sydney, Melbourne, and finished in Adelaide. He joined Tina Arena as special guest on her 2012 National Australian Symphony of Life Tour. They performed The Prayer and I Want to Spend My Lifetime Loving You the love duet from The Mask of Zorro.", + "score": 0.67138671875 + }, + { + "id": "17250494", + "title": "Ten Times Crazier Tour", + "text": "as I wanted last year but I plan to make up for it this year. This summer is going to be a blast.\" Opening acts for the 2013 leg were Easton Corbin and Jana Kramer. The 2014 leg of the tour was first announced in January 2014 and will be sponsored by Pepsi. The Band Perry, Neal McCoy, and Dan + Shay will serve as opening acts for the second leg. It was announced on April 10, 2014 that Shelton would perform a free show on the beach in Atlantic City, New Jersey on July 31, 2014 \"St. Louis Today\"s", + "score": 0.6708984375 + }, + { + "id": "16959555", + "title": "C2C: Country to Country", + "text": "October at the official launch event. On 16 October, Old Dominion were announced along with the three day breakdown. It was also revealed that Ashley Campbell would perform a special tribute to her father, Glen Campbell in London. On 23 November, Brett Young was confirmed for the main stage in Glasgow and Dublin as well as the Yamaha stage in London. For the first time, C2C announced that Glasgow would feature a Spotlight stage.. On 8 December, Sugarland were announced as the final main stage act. Composed of C2C alumni Kristian Bush and Jennifer Nettles, the duo reformed in 2017", + "score": 0.6708984375 + }, + { + "id": "11029968", + "title": "RyanDan", + "text": "it appears. Their scheduled follow-up album in 2010 entitled \"Silence Speaks\" was postponed and never released. The album was renamed \"Imagine\" but also failed to be released on schedule in 2011 and then in 2012. One song, \"Is Love Enough (To Save the World)\" has been released on Canadian radio with an accompanying music video. Ryan & Dan performed with Shania Twain during her Still The One show at Caesars Palace in Las Vegas which ended December, 2014. They have also performed with her at the Calgary Stampede and at Founders Week in Charlottetown, PEI (Canada) on August 30th, 2014.", + "score": 0.6708984375 + }, + { + "id": "11822994", + "title": "Christi Belcourt", + "text": "Saskhigan (also known as Lac Ste. Anne), Alberta. Her brother Shane Belcourt is a writer, director, musician and cinematographer known for his feature film Tkaronto, which depicts the life of urban M\u00e9tis and First Nations people. Her sister Suzanne Belcourt is a graphic designer and artist living and working in southern Ontario. In 1970, her father was elected as the founding President of the Native Council of Canada (now known as the Congress of Aboriginal Peoples) and the family relocated permanently to Ottawa, Ontario from Edmonton, Alberta. As a M\u00e9tis visual artist with a deep respect for the traditions and", + "score": 0.67041015625 + }, + { + "id": "7833582", + "title": "Come On Over Tour", + "text": "single, \"What Made You Say That\", with the band, while Twain performed the backing vocals. On March 18, 1999, at the Corel Centre in Ottawa, 14 year old Avril Lavigne performed on stage with Twain and was later signed to Arista Records the following year. For a similar contest, Twain chose nine singers and fours drummers from Shaker Heights High School to perform onstage with her at Blossom Music Center in Cuyahoga Falls, Ohio. On its premiere concert, Twain became emotional after performing \"From This Moment On\". After composing herself, she told the audience about the death of her parents", + "score": 0.67041015625 + }, + { + "id": "4267402", + "title": "Music of Saskatchewan", + "text": "the Saskatoon Lyric Theatre Society (active 1955), the Saskatoon Opera Association (founded 1978), and the Prairie Opera Inc. (founded 1986). At the University of Saskatchewan, the student chorus the Greystone Singers was founded in 1959. Alumni of the Greystone Singers founded the Saskatoon Chamber Singers in 1977. Musicians from Saskatoon include Joni Mitchell, Neil Chotem, Jen Lane, John Antoniuk, Brenton Price Dutton, Susan Pesklevits Jacks, Lorraine McAllister Richards, Irene Bubniuk, Brenda Baker, Chris Lindgren, Paddy Tutty, Kyle Riabko, David Swan, Lesia Zubrack Romanoff, Kim Brandt, Mike Ferbey (of the Rhythm Pals) and Walter Babiak. Bands from Saskatoon include Loop Bias,", + "score": 0.67041015625 + }, + { + "id": "18628369", + "title": "Rock This Country Tour", + "text": "summer of 2016. On August 24, 2015, Shania Twain announced in an interview that she is not ready to give up touring and that \"She's decided that a 2-year return residency to Las Vegas is back in her plans.\" After a video introduction, Twain emerges onstage atop a rising platform in thigh-high leather boots, a red, sequined mini-dress and a black leather jacket singing \"Rock This Country!\" From there, Twain continues the opening portion of the show with \"Honey, I'm Home\" and \"You Win My Love\", number one country radio hits from 1998 and 1996, respectively, before launching into a", + "score": 0.669921875 + }, + { + "id": "18597505", + "title": "Still the One: Live from Vegas", + "text": "Still the One: Live from Vegas Still the One: Live from Vegas is the first live album by Canadian singer Shania Twain. It was released on March 3, 2015 by Mercury Nashville. \"Still the One: Live from Vegas\" features nineteen live tracks from Twain's successful Las Vegas show, called \"\". It was released simultaneously with a DVD of the show. The album debuted on the Top Country Albums chart at No. 31 before its official release with 1,300 copies sold, and rose to No. 2 the next week with 9,400 copies sold on its official release. It also debuted at", + "score": 0.669921875 + }, + { + "id": "17037298", + "title": "Charlie Worsham", + "text": "received some local fame in Nashville and a featured spot on Great American Country\u2019s \"GAC Minute\", they never broke through to mainstream radio, and disbanded in 2012 with all members pursuing solo careers. Worsham toured with Taylor Swift in 2011, and has opened for performers such as Miranda Lambert and Wade Bowen. In 2016 it was announced he would be opening some shows during the final world tour of Kenny Rogers. He released his debut single, \"Could It Be\", for Warner Bros. Records in 2013. The song appears on his debut album \"Rubberband\", released on August 20, 2013. The album", + "score": 0.669921875 + }, + { + "id": "8938641", + "title": "Dia Frampton", + "text": "Mark Foster and Isom Innis, lead singer and keyboard player for Foster the People respectively, \"Hearts out to Dry,\" which she wrote with her sister, Meg, and \"Bullseye,\" which she wrote with Isabella Summers, the keyboard player for Florence and the Machine. She was the opening act for her coach, Blake Shelton, on his Well Lit & Amplified tour. Shelton insisted that she had earned her spot on his tour and he was not doing her any favors. She later was a supporting act for The Fray in their sold out US tour in the Midwest and the West Coast", + "score": 0.66943359375 + }, + { + "id": "8601960", + "title": "Tim Chaisson", + "text": "Lady Antebellum, Shannon Noll, Lennie Gallant, Matt Andersen and Ashley MacIsaac. Chaisson performed at the 2010 Winter Olympics in British Columbia, NXNE, CMW, Indie Music Week, Burlington's Sound of Music Festival, Sydney Blues & Roots Festival, Woodford Folk Festival and Pop Montreal to name a few. Chaisson has also been featured on The Trews song, \u201cHighway of Heroes\u201d playing fiddle and singing back up vocals. He also recorded fiddle and vocals on its new version for the hit TV show, Combat Hospital. He has also been featured on other recordings with acts such as Big Sugar, Grady, Colette Cheverie and", + "score": 0.66943359375 + }, + { + "id": "13330997", + "title": "Dean Lickyer", + "text": "2009 Sarnia Bayfest. In 2010 the band completed a Canada wide tour opening for the band Flogging Molly, followed by a short break during which Alvernia underwent surgery to fix a throat problem. In February 2011, they won a contest held by Toronto, Ontario-based radio station Q107 to open for Bon Jovi at the Air Canada Centre in Toronto. During that time, the group had begun the process of recording their second album at Metalworks Studios in Mississauga. Different ideas in regard to the direction of the group, however, would lead to a mutual decision among members to dissolve the", + "score": 0.66943359375 + }, + { + "id": "14966388", + "title": "Songs from the Tainted Cherry Tree Tour", + "text": "Festival, iTunes Festival, 2010 Sundae Festival and 2010 Freedom Festival, promoting her debut album. Vickers also supported Mika at the Eden Sessions in 2010. On the tour dates, Vickers dates as a support act towards JLS have been added in. Leg 1: Headline Leg 2: Headline Leg 3: (JLS Support) Leg 4: Headline Songs from the Tainted Cherry Tree Tour The \"Songs from the Tainted Cherry Tree\" Tour was a tour of the United Kingdom and Ireland by British singer-songwriter Diana Vickers, promoting her debut album, \"Songs from the Tainted Cherry Tree\". The third leg was as a support act", + "score": 0.66943359375 + }, + { + "id": "12193764", + "title": "The Greatest Love World Tour", + "text": "Australia and back to USA for a final show in Hawaii during the fall. The show consisted of Houston on a fringed round stage in the center of the arena/theater with a 9-piece band playing and four backup vocalists behind her. There were no costume changes or background dancers. Brother Gary Garland would replace Jermaine Jackson and Teddy Pendergrass on the duets. A young Washington, DC comedian Sylvia Traymore Morrison,(1st African American Female Impressionist), opened the show and did hilarious impressions of such stars as Dionne Warwick, Tina Turner, Cher and others. While on her first global tour, Houston revealed", + "score": 0.66943359375 + }, + { + "id": "15423362", + "title": "Wonderland (Wonderland album)", + "text": "Bob Clearmountain on the tracks. The girls admitted they were surprised when they found out they would be working with high-profile producers on the album. Band member Sharon Condon admitted: \"It's been a steep learning curve because most of us have only just started learning about songwriting and producers. Having said that, when we found out we were working with Andy Hill, who wrote Celine Dion's \"Think Twice\", we all knew that was a big deal! \"We've worked with Kelly Clarkson and Bryan Adams writers, Shep Solomon and Bob Clearmountain too - it's been incredible.\" The album consists of overall", + "score": 0.6689453125 + }, + { + "id": "5568207", + "title": "Brisbane Entertainment Centre", + "text": "performed at this arena for the first time as part of the Dangerous Woman Tour. On 29 November 2017, Shawn Mendes performed for a first time at this arena as a part of Illuminate World Tour. On 28 April 2018, Harry Styles will perform for a first time at this arena as part of the . On 3 June 2018, Niall Horan will perform for a first time at this arena as a part of Flicker World Tour. On 30 and 31 July 2018 C\u00e9line Dion will perform at this arena as a part of Celine Dion Live 2018. This", + "score": 0.66845703125 + }, + { + "id": "390104", + "title": "Shania Twain", + "text": "limited edition scent disc with the proceeds going to America's Second Harvest. In late 2005, Twain partnered with Coty to produce her namesake fragrance \"Shania\" by Stetson. A second fragrance was released in September 2007, called \"Shania Starlight\". On January 1, 2010, Twain carried the Olympic Torch through her hometown as part of the 2010 Winter Olympics torch relay. Twain is a vegetarian and a devotee of Sant Mat, an Eastern spiritual philosophy. In 2009, she was reported as having the \"perfect face\". The BBC reported on a study on this, led by the University of Toronto and the University", + "score": 0.66845703125 + }, + { + "id": "19988835", + "title": "Triona (singer)", + "text": "Irish Singer Songwriter Van Morrison to open for him at his show in the 3Arena, Dublin. Triona also had the privilege of playing alongside top artists Kodaline, Gabrielle Aplin, Gavin James, Hudson Taylor and The Coronas at the 2015 Christmas Ruby sessions in Dublin. In 2016 Carville toured and opened for Liverpool-born country singer Nathan Carter on his \u201cStayin\u2019 up all night\u201d tour around the UK and Ireland and also opened for Carter at his Concerts in the London Palladium and Live at the Marquee, Cork to 5000 people. Solo EP Triona (singer) Triona Carville is a pop rock singer-songwriter", + "score": 0.66845703125 + }, + { + "id": "13061151", + "title": "Sasha Allen", + "text": "(\"\"), John Legend's album \"Once Again\", and Kenny \"Babyface\" Edmonds' album \"Playlist\". Allen was also the feature vocalist on Babyface's \"Playlist\" World Tour, singing the classic hits with Babyface that he wrote and produced for Whitney Houston, Toni Braxton, Madonna, and others. Sasha has also toured with Alicia Keys, Leona Lewis, and John Legend, performed with Usher and David Bowie, and recorded with Celine Dion. Allen's television work as a vocalist with musical director Rickey Minor garnered her performances with Jessica Simpson, Patti LaBelle, Yolanda Adams, Fantasia, and Clint Black. Allen's music showcases her love for rock, soul and R&B.", + "score": 0.66845703125 + }, + { + "id": "16203980", + "title": "The Anticipation 2our", + "text": "The Anticipation 2our The Anticipation 2 Tour (stylized as \"The Anticipation 2our\") is a concert tour headlined by Grammy-nominated singer-songwriter Trey Songz. It has a North American leg with 19 shows. It started on February 9, 2012 in Cleveland, Ohio and ended on March 11, 2012 in Nashville, Tennessee. It features Big Sean as an opening artist. \"This tour has literally been years in the making. Prehistorically, my mixtapes have served as a creative outlet for me to serve my fans without the pressure of creating records solely for sales, so this is no ordinary tour. Every sound, every emotion", + "score": 0.66845703125 + }, + { + "id": "18585555", + "title": "Diane Shaw", + "text": "show. In 2013, Shaw was contacted by original Wigan Casino DJ Russ Winstanley to perform at the 'Wigan Casino 40th Anniversary Concert' and the Butlins Skegness Weekender at Butlins, Skegness. Winstanley also booked the Diane Shaw Band to provide the musical backing for Motown stars; Martha Reeves, Brenda Holloway, and Chris Clark among others. She also arranges all the three-part harmonies for her background singers on visiting artists shows. Some of the many highlights of Shaw's 20 year performing career include the Jazz Cafe in London, the Albert Dock in Liverpool for Smooth Radio and Under the Bridge in London", + "score": 0.66845703125 + }, + { + "id": "16054980", + "title": "Taya Marquis", + "text": "(Produced by Alikat of ABC Productions). Taya performed at the 2011 Canada's Walk of Fame Emerging Artist Showcase, after receiving a personal invite from founder Peter Soumalias. She shared the bill with artists such as Jully Black, K'naan,and Keys n Krates who performed at the festival in honor of the 2011 Canadian Walk of Fame Inductees. Taya was the opening act for Tinashe's Aquarius tour in Canada, and received great reviews via Boi1da.net as well as Bestfan Blog just to name a few. Taya has been named an Artist to watch by A&R Report, has performed and been interviewed on", + "score": 0.66845703125 + }, + { + "id": "13191695", + "title": "Sharon Anderson (singer)", + "text": "Sharon Anderson (singer) Sharon Lenore Anderson is a Canadian country music singer. During the late 1980s, Anderson was a member of country group Trinity Lane, who charted three singles on \"Billboard\" Hot Country Singles chart in 1988. In 1991, she signed to Capitol Nashville and released her solo debut album, \"The Bottom Line\", the same year. The album produced two singles that charted on the \"RPM\" Country Tracks chart in Canada. Another album, \"Bringing It Home\", was released on Royalty Records in 1995. As a songwriter, Anderson co-wrote fellow Canadian country singer Lisa Brokop's 1994 Top 20 single \"Give Me", + "score": 0.66748046875 + }, + { + "id": "3224219", + "title": "Under My Skin (Avril Lavigne album)", + "text": "tour, entitled the Bonez Tour, starting in September 26, 2004 and ending one year later on September 26, 2005. The concert at the Budokan Stadium in Japan was filmed and released on a DVD only available in Japan, entitled . Having no plans of working with producers or professional writers, Lavigne wrote much of the album with Canadian singer-songwriter Chantal Kreviazuk, with whom she had developed a friendship in the summer of 2003. Kreviazuk, whose husband Raine Maida's band Our Lady Peace opened for Lavigne's concert in Europe, introduced herself at an after-party for the SARS benefit concerts held in", + "score": 0.6669921875 + }, + { + "id": "16959551", + "title": "C2C: Country to Country", + "text": "bill. The full line up for the Yamaha Music Stage in London (formally named the Satellite Stage) was announced on 16 November 2015. The CMA Songwriters series acted as the beginning of C2C, taking place on 9 March and featuring Shane McAnally, Charlie Worsham, Ashley Monroe, Lori McKenna and Charles Esten as well as a special surprise appearance from Miranda Lambert. Headline acts in bold
Satellite Stage acts in \"italics\" Note: The set lists below are from the London show (with the exception of Ashley Monroe, whose set list is from Glasgow). The line-up for the Bluebird Caf\u00e9 was announced", + "score": 0.6669921875 + } + ], + "answer": "In Ottawa on the Rock This Country Tour, Wes Mack, Wesley MacInnes, Dan + Shay, Dan Smyers, Shay Mooney, and The Doobie Brothers will open for Shania Twain. Also in Ottawa, Emerson Drive will open for Twain on the Up! Tour, Bastian Baker will open for Twain on the Now Tour, and Leahy and Shane Minor will open for Twain on the Come On Over Tour." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "When does airing of last chance u season 3 airing start to take place?", + "short_answers": [ + "July 21, 2018" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When does the football season for last chance u season 3 take place?", + "short_answers": [ + "August 26 - December 4 2017" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When did the games of Last Chance U season 3 take place?", + "short_answers": [ + "August 26, 2017 - December 4, 2017" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When did the episodes of Last Chance U season 3 begin airing?", + "short_answers": [ + "July 21, 2018" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Last Chance U", + "url": "https://en.wikipedia.org/wiki/Last%20Chance%20U" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Last Chance U is an American documentary streaming television series that is produced and premiered by Netflix. ", + "wikipage": "Last Chance U Season 3" + } + ], + "long_answer": "In the American documentary series Last Chance U, the football season in season 3 of the show takes place between August 26 - December 4 2017 but the show doesn't begin airing until July 21, 2018." + }, + { + "knowledge": [ + { + "content": "Last Chance U is an American documentary streaming television series that is produced and premiered by Netflix.", + "wikipage": "Last Chance U" + } + ], + "long_answer": "Last Chance U's Season 3 and the football season and games for Season 3 took place on different dates. The TV series' Season 3 and its episodes first started airing on July 21, 2018. The football season for the TV series' Season 3 took place on August 26 - December 4 2017, while the games of its Season 3 took place on August 26, 2017 - December 4, 2017." + } + ], + "sample_id": "2872295608752061902", + "question": "When does last chance u season 3 take place?", + "docs": [ + { + "id": "19620647", + "title": "Last Chance U", + "text": "season in ten years. The ICC Pirates had a very successful recruiting campaign for the 2017 season, landing many acclaimed players who began at NCAA Division I schools. The series was given a positive review by SB Nation's Jason Kirk, who summed it up as a \"carefully crafted drama with personalities to care about.\" source: Last Chance U Last Chance U is an American documentary television series that is produced and premiered by Netflix. The six-episode first season explores the football program at East Mississippi Community College, which features several collegiate athletes that have had trouble in their lives and", + "score": 0.7158203125, + "summary": "Season 1 of Last Chance U explores the football program at East Mississippi Community College, but there is no information on when season 3 takes place.", + "extraction": "Irrelevant. The passage doesn't provide any information about when the third season of Last Chance U takes place." + }, + { + "id": "19652285", + "title": "Lucha Underground (season 3)", + "text": "Lucha Underground (season 3) The third season of \"Lucha Underground\", a \"lucha libre\" or professional wrestling television show, began on September 7, 2016. The third season, just like the first and second was broadcast on the El Rey Network in the United States. The producers of Lucha Underground announced the season debut of the third season on July 29, 2016 just over a week after \"Ultima Lucha Dos\", the last episode of season two had aired on the El Rey Network. All wrestling matches for the show were filmed at the \"Lucha Underground\" Temple\" set in Boyle Heights, Los Angeles,", + "score": 0.70947265625, + "summary": "Irrelevant.", + "extraction": "The question is about \"Last Chance U\" season 3, but the given passage is about \"Lucha Underground\" season 3. Therefore, the passage is irrelevant for answering the question." + }, + { + "id": "19620643", + "title": "Last Chance U", + "text": "Last Chance U Last Chance U is an American documentary television series that is produced and premiered by Netflix. The six-episode first season explores the football program at East Mississippi Community College, which features several collegiate athletes that have had trouble in their lives and struggled with finding structure. The players are then required to perform at the junior college (JUCO) level, under the stewardship of coach Buddy Stephens, in order to prove themselves and return to Division I. The series' second season returned to Mississippi, but transitioned to Independence Community College in Kansas for the show's third season, which", + "score": 0.70703125, + "summary": "Last Chance U season 3 takes place at Independence Community College in Kansas.", + "extraction": "Last Chance U season 3 takes place at Independence Community College in Kansas." + }, + { + "id": "20318973", + "title": "19-2 (2014 TV series)", + "text": "it moved to CTV for its fourth and final season, consisting of eight episodes. The first season originally aired from January 29 to April 2, 2014, while the second season aired from January 19 to March 23, 2015. A third season premiered on June 20, 2016, concluding on August 22, and the fourth season premiered on July 31, 2017, and concluded on September 18. In the United States, the series airs on the streaming service Acorn TV, with the first season premiering on January 18, 2016, the second on May 16, the third on October 24, and the fourth on", + "score": 0.70654296875, + "summary": "irrelevant", + "extraction": "Irrelevant. The passage is about the TV series \"19-2\" and does not mention \"Last Chance U\" or any information related to its seasons." + }, + { + "id": "19557993", + "title": "Bachelor in Paradise (season 3)", + "text": "Bachelor in Paradise (season 3) The third season of \"Bachelor in Paradise\" premiered on August 2, 2016. Chris Harrison reprises his role from \"The Bachelor\" and \"The Bachelorette\" as the host of the show. The season concluded on September 6, 2016. As with the previous season, filming took place in the town of Sayulita, located in Vallarta-Nayarit, Mexico. During the Women Tell All special, Lace Morris was offered a spot on the third season of Bachelor in Paradise, which she accepted. The initial cast was announced on June 8, 2016 with returning Bachelor and Bachelorette contestants. Source, contestants names: Lace", + "score": 0.7060546875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The given passage is about the third season of Bachelor in Paradise and does not provide any information about Last Chance U season 3." + }, + { + "id": "17303699", + "title": "Shake It Up (season 3)", + "text": "Filming for the season began in July 2012 and ended in March 2013. It was announced that Kenton Duty would be removed from the main cast and will not appear in the opening credits. In September 2012, the season was announced to premiere in October. The third season officially premiered on October 14, 2012 and aired its last episode on November 10, 2013 with 26 episodes aired for the season. Rob Lotterstein returned as executive producer and showrunner. Jeff Strauss didn't return and was replaced by Eileen Conn, while Season 2 writer Darin Henry filled Conn's position as co-executive producer.", + "score": 0.703125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "7285412", + "title": "College Hill (TV series)", + "text": "eight students at Southern University \u2014 Kinda Andrews, Shalondrea Davis, Gabriel Langley, Kevin Mack, Delano Mitchell, Nina Moch, Veronica Moss and Jabari Roberts. The season has never been released on DVD. The second season premiered on January 27, 2005 and followed the lives of eight students at Langston University \u2014 Nafiys Blakewood, Coti Farley, Israel Jacobs, Peaches Jaspar, Brittani Lewis, Stacey Stephens, Tanisha Taylor and Jon Walker. Peaches was removed from the house halfway through filming, due to a violent altercation with Jon. The season has never been released on DVD. The third season premiered on March 2, 2006 and", + "score": 0.69580078125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The given passage does not provide any information about \"Last Chance U\" or its seasons." + }, + { + "id": "19650043", + "title": "Cumbia Ninja", + "text": "and other episodes. The first part of the second season began on October 2, 2014, and ended on November 20, 2014, with eight episodes aired. The second part was scheduled to begin on January 22, 2015, until March 19, 2015. But according to Fox, there was a change of plans and then announced that the second part aired from March 2015. On December 3, 2014, Fox confirmed the third season of the series and began filming on January 15, 2015. The third season premiered on October 29, 2015, and ended on December 17, 2015. Cumbia Ninja Cumbia Ninja is a", + "score": 0.6943359375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "18733714", + "title": "Fuller House (TV series)", + "text": "2016. On December 24, 2016, the series was renewed for a third season, to be released in 2017. and On December 31, 2016, it was confirmed that the season was given an 18-episode order. Production for the third season began on March 18, 2017, and ended on September 2, 2017. It was announced on June 26, 2017 that the third season would be split into two parts, with the release of the first part on September 22, 2017 to consist of nine episodes. It was announced on November 13, 2017 that the second half, also consisting of nine episodes, would", + "score": 0.6943359375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "3681483", + "title": "La Academia", + "text": "two versions of the program, one in 2003 and the other in 2006. \"Tribute to...\" placed season 1 and 2 contestants against each other each Sunday to compete for MN$100,000. This edition expanded the franchise to the United States, where Mariana Vargas was the winner. \"Second Chance\" premiered on March 21, 2010. This show featured former contestants from seasons 1 to 7 who competed for a second chance at the competition and the music industry. The show featured 53 contestants from the 7 generations of \"La Academia\" and \"La Academia USA\". On March 4, 50 contestants were announced, the other", + "score": 0.69384765625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "7737322", + "title": "Lost (season 3)", + "text": "Lost (season 3) The third season of the American serial drama television series \"Lost\" commenced airing in the United States and Canada on October 4, 2006 and concluded on May 23, 2007. The third season continues the stories of a group of over 40 people who have been stranded on a remote island in the South Pacific, after their airplane crashed 68 days prior to the beginning of the season. In the \"Lost\" universe, the season takes place from November 28 to December 21, 2004. The producers have stated that as the first season is about introducing the survivors and", + "score": 0.69189453125, + "summary": "irrelevant", + "extraction": "Irrelevant. The question asks about the timing of \"Last Chance U\" season 3, but the given passage is about \"Lost\" season 3." + }, + { + "id": "20959173", + "title": "2018 NCAA Division III football season", + "text": "2018 NCAA Division III football season The 2018 NCAA Division III football season is the component of the 2018 college football season organized by the NCAA at the Division III level in the United States. The regular season began on August 30 and will culminate on November 17. The season's playoffs will end with the NCAA Division III Football Championship, also known as the Stagg Bowl, at Woodforest Bank Stadium in Shenandoah, Texas. Hosted by the University of Mary Hardin\u2013Baylor, this is the first Stagg Bowl since 1992 to be played away from the Salem Football Stadium in Salem, Virginia.", + "score": 0.69140625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "20959174", + "title": "2018 NCAA Division III football season", + "text": "2018 NCAA Division III football season The 2018 NCAA Division III football season is the component of the 2018 college football season organized by the NCAA at the Division III level in the United States. The regular season began on August 30 and will culminate on November 17. The season's playoffs will end with the NCAA Division III Football Championship, also known as the Stagg Bowl, at Woodforest Bank Stadium in Shenandoah, Texas. Hosted by the University of Mary Hardin\u2013Baylor, this is the first Stagg Bowl since 1992 to be played away from the Salem Football Stadium in Salem, Virginia.", + "score": 0.69140625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "20844266", + "title": "2018 BIG3 season", + "text": "April 12, 2018 with 19 players selected. Notes

2018 BIG3 season The 2018 BIG3 season was the second season of BIG3. The regular season began on June 22, 2018 and ended on August 10, 2018. Prior to this season, BIG3 signed a streaming deal with Facebook. Notes The first week of games in the BIG3 Basketball League took place at the Toyota Center, in Houston, Texas. The second week of games in the BIG3 Basketball League took place at the United Center, in Chicago, Illinois. The third week of games in the BIG3 Basketball League took place at the", + "score": 0.69091796875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is about the 2018 BIG3 season and does not provide any information about Last Chance U season 3." + }, + { + "id": "19726704", + "title": "Ultima Lucha Tres", + "text": "Ultima Lucha Tres Ultima Lucha Tres (Spanish for Last Fight Three) is the name of the final episodes of the third season of professional wrestling TV series \"Lucha Underground\". The first part of \"Ultima Lucha Tres\" (episode 37) premiered on the El Rey Network on September 27, 2017. The second part (episode 38) was shown on October 4, The third part (episode 39) was shown on October 11 and the fourth part (and Season 3 finale) was broadcast October 18 on the El Rey Network and later shown in Mexico with Spanish commentary on the UniM\u00e1s network. The episodes are", + "score": 0.69091796875, + "summary": "irrelevant", + "extraction": "irrelevant" + }, + { + "id": "19620644", + "title": "Last Chance U", + "text": "premiered on July 20, 2018. The series focuses on all aspects of the football program at East Mississippi Community College, one of the most successful JUCO programs in the country. Major themes include the academic struggles of the players, some of whom have come from severely disadvantaged backgrounds. Team academic advisor Brittany Wagner is featured prominently as she is tasked with getting all team members to graduate on time. Head coach Buddy Stephens' struggles with controlling his temper is also a major theme, which is often juxtaposed with his devout Christian faith that he attempts to impart on the team.", + "score": 0.6904296875, + "summary": "July 20, 2018.", + "extraction": "Season 3 of Last Chance U takes place in 2018." + }, + { + "id": "18696402", + "title": "School of Rock (TV series)", + "text": "the series' second season. The second season premiered on Nickelodeon on September 17, 2016. Nickelodeon renewed the series for a 20-episode third season on December 2, 2016. The third season premiered on July 8, 2017. On November 15, 2017, Nickelodeon announced that the third season would be the last. Tony Cavalero reported on social media that the series finale was airing on April 8, 2018. The last episode of the third season as well as the series aired on April 8, 2018. On June 25, 2018, it was announced that \"School of Rock\" will stream on Hulu. School of Rock", + "score": 0.6884765625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about the School of Rock TV series and its different seasons, but it doesn't mention anything about Last Chance U, so it is not helpful for answering the question about the third season of that show." + }, + { + "id": "18352258", + "title": "90 Day Fiance\u0301", + "text": "After?\" was renewed for a second season in November 2016. The second season debuted on June 25, 2017, and features \"90 Day Fianc\u00e9\" Season 1's Russ & Paola, Season 2's Danielle & Mohamed, Season 3's Loren & Alexei, and Season 4's Jorge & Anfisa and Chantel & Pedro. \"90 Day Fianc\u00e9: Happily Ever After?\" was renewed for a third season in January 2018. The third season debuted on May 20, 2018, and features \"90 Day Fianc\u00e9\" Season 1's Russ & Paola, Season 4's Jorge & Anfisa, Chantel & Pedro and Nicole & Azan, and Season 5's Molly & Luis and", + "score": 0.68603515625, + "summary": "Irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "20124194", + "title": "2017 BIG3 season", + "text": "to show up to the event or notify league officials about his decision. The next day, TMZ Sports posted pictures showing Iverson at a Chicago Area casino, the morning of the scheduled game. 2017 BIG3 season The 2017 BIG3 season was the first season of BIG3. The regular season began on June 25, 2017 and ended on August 13, 2017. Notes The inaugural week of games in the BIG3 Basketball League took place at the Barclays Center, in Brooklyn, New York. It featured four 3x3 basketball games. The winner of each game was determined by the first team to reach", + "score": 0.685546875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about \"Last Chance U season 3\"." + }, + { + "id": "20318972", + "title": "19-2 (2014 TV series)", + "text": "show who had helmed the school-shooting episode in that series, was brought back to helm the episode of the English-Canadian adaptation. The scene, which was shot in the same school as the original, involved intense research and rehearsal, at least a half-dozen rooms, a two-storey building, roughly a hundred extras, and required thirteen takes. Production on the third season began in August 2015, while filming for the fourth and final season began in September 2016. Filming for the series ended in December 2016. \"19-2\" aired on Bravo in Canada, for its first three seasons, each consisting of 10 episodes, before", + "score": 0.685546875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "13960704", + "title": "Blue Mountain State", + "text": "station) also broadcast the series with great success in Germany and The Netherlands. MTV Brasil began airing the series August 3, 2010. The show also began airing on The Score in Canada in October 2011. Season 3 began airing September 21, 2011 on Spike at 11 pm. In March 2013, Ed Marinaro stated in an interview with Class Act Sports that he was working on a Blue Mountain State film. He continued to hint on Twitter at some 'behind-the-scenes' work being done on said movie. In early March 2014, Page Kennedy started hinting at Blue Mountain State reunion project on", + "score": 0.685546875 + }, + { + "id": "20802945", + "title": "Legends of Tomorrow (season 3)", + "text": "\"Legends of Tomorrow\" on November 28. The third season began airing on October 10, 2017 on The CW in the United States, and concluded on April 9, 2018. The season was made available for streaming on Netflix in late April 2018, soon after the season finale aired. It was released on Blu-Ray on September 25, 2018. The review aggregator website Rotten Tomatoes reported a 100% approval rating with an average rating of 8.27/10 based on 13 reviews. The website's consensus reads, \"\"DC's Legends of Tomorrow\" lightens up the tone in its third season while spotlighting adventurous plots and a distinct", + "score": 0.68505859375 + }, + { + "id": "19620646", + "title": "Last Chance U", + "text": "due to suspensions related to the previous season's brawl. EMCC lost that game, 27\u201325, their first season-opening loss since 2010. The Lions would go on to win the rest of their games, but were left out of the national championship game when they finished the season ranked No. 3 in the polls. Despite being invited back to EMCC for a third season, producers decided to move the show to Independence Community College of Kansas. The new location is different in that ICC has historically had much lower expectations than EMCC; in 2016, it ended the season 5\u20134, its first winning", + "score": 0.68505859375 + }, + { + "id": "17376487", + "title": "The Leftovers (TV series)", + "text": "and Murphy families to confront their inner demons. The third and final season unfolds three years later, in 2018, starting 14 days before the seventh anniversary of the Sudden Departure. The setting of third season moves between Jarden and Melbourne, Australia, as most of the lead characters \u2013 particularly the Garvey and Murphy families \u2013 undergo emotional journeys that make them reflect upon their lives, their beliefs and the events they have encountered in the previous two seasons. Kevin's father, the mentally ill former chief of police of Mapleton is also a main focus in the final season as he", + "score": 0.68408203125 + }, + { + "id": "19967358", + "title": "2017 NCAA Division III football season", + "text": "2017 NCAA Division III football season The 2017 NCAA Division III football season was the portion of the 2017 college football season organized by the NCAA at the Division III level in the United States. Under Division III rules, teams were eligible to begin play on August 31, 2017. The season ended with the NCAA Division III Football Championship, also known as the Stagg Bowl, on December 15, 2017 at Salem Football Stadium in Salem, Virginia. Mount Union earned their 13th national title, defeating defending national champions Mary Hardin\u2013Baylor. The 2017 season saw several significant changes to the landscape of", + "score": 0.68408203125 + }, + { + "id": "21014738", + "title": "2019 LFL US season", + "text": "2019 LFL US season The 2019 LFL US season is the eleventh season of the Legends Football League (LFL) in the United States. It began 5 April 2019, and concluded 10 August 2019. Shortly after the 2018 season ended, the LFL has elected to hold the 2019 Legends Cup in South Africa\u2019s capital city of Johannesburg. x - clinched conference titley - clinched playoff berth Conference Championships will be played on August 24, 2019, at the Citizens Business Bank Arena in Ontario, California. Legends Cup 2019 will be played on September 7, 2019 in Johannesburg, South Africa, making it the", + "score": 0.68359375 + }, + { + "id": "14044295", + "title": "13 Reasons Why", + "text": "March 2018, a video that plays at the start of each season warning viewers about its themes. In May 2017, Netflix renewed \"13 Reasons Why\" for a second season; filming began the next month and concluded that December. The second season was released on May 18, 2018, and received negative reviews from critics and mixed reviews from audiences. A third season was ordered in June 2018 and is set to be released in 2019. Critical and audience reaction to the series has been divided, with the program generating controversy between audiences and industry reviewers. In season one, seventeen year old", + "score": 0.68359375 + }, + { + "id": "14480782", + "title": "Wingin' It", + "text": "Public School) opened in 1952 and used for a couple of decades before being closed due to declining enrollment. The second series was divided into two parts, seasons 2.1 and 2.2. On July 31, 2011, Family accounted either 10 or 26 episodes in Season 3 and 10 episodes were eventually made. Family said that it would premiere on August 26, 2011, but got pushed back indefinitely due to season 2.2. An original press release states that new episodes would have started on September 24, 2012 but the third season was pushed back again. Season 3 is now airing in Canada.", + "score": 0.68359375 + }, + { + "id": "18852455", + "title": "Documentary Now!", + "text": "broadcast in its place. On August 1, 2018, it was announced that the third season would premiere on February 20, 2019. Additionally, it was reported that one of the episodes would be titled \"Waiting for the Artist\" and parody the documentary film \"Marina Abramovic: The Artist is Present\". Later that month, it was announced that another episode, entitled \"Original Cast Album: Co-Op\", would parody D.A. Pennebaker's 1970 documentary \"\". On September 6, 2018, two further season three episodes were announced. One episode, titled \"Any Given Saturday Afternoon\", was described as a parody of the 2006 documentary \"A League of Ordinary", + "score": 0.6826171875 + }, + { + "id": "18032771", + "title": "NCAA Season 90", + "text": "NCAA Season 90 NCAA Season 90 is the 2014\u20132015 collegiate athletic year of the National Collegiate Athletic Association in the Philippines. It is hosted by the Jose Rizal University and was opened on June 28, 2014, at the Mall of Asia Arena in Pasay City. It is the last season for the Lyceum of the Philippines University Pirates, who play their second year as probationary and the Emilio Aguinaldo College Generals, who play their fifth year as probationary, as probationary members; their performance in the Season 90 would be the basis for the decision if they will be admitted as", + "score": 0.6826171875 + }, + { + "id": "20844263", + "title": "2018 BIG3 season", + "text": "2018 BIG3 season The 2018 BIG3 season was the second season of BIG3. The regular season began on June 22, 2018 and ended on August 10, 2018. Prior to this season, BIG3 signed a streaming deal with Facebook. Notes The first week of games in the BIG3 Basketball League took place at the Toyota Center, in Houston, Texas. The second week of games in the BIG3 Basketball League took place at the United Center, in Chicago, Illinois. The third week of games in the BIG3 Basketball League took place at the Oracle Arena, in Oakland, California. The fourth week of", + "score": 0.6826171875 + }, + { + "id": "19652286", + "title": "Lucha Underground (season 3)", + "text": "California between March and June, 2016. This season includes 40 episodes, more than either of the previous seasons, therefore pushing Lucha Underground to a total of 105 episodes. Season three will follow the pattern of the first two seasons and generally air as one hour shows, first run on Wednesday nights at 8 PM Eastern Time. The Lucha Underground show is a \"lucha libre\" serial drama television series that combines traditional professional wrestling matches with fictional storylines and effects. Season three will follow up on the events of season two, especially storylines left unresolved at the end of \"Ultima Lucha", + "score": 0.68212890625 + }, + { + "id": "19101502", + "title": "M. H. Murray", + "text": "\"provocative\", concluding that \"because it\u2019s not held hostage by the same rules as big network television shows, it pushes the boundaries\". The first episode of the second season premiered online July 26, 2015, and subsequently went viral; it has since been viewed over 3 million times on YouTube. The second season was nominated for various awards, including a Canadian Screen Award and four Indie Series Awards. A third and final season, which consists of four episodes, was released online November 5, 2017. The third season received six nominations from the International Academy of Web Television and three nominations at the", + "score": 0.68212890625 + }, + { + "id": "18697048", + "title": "Stranger Things", + "text": "while upgrading to the Red Weapon 8K S35 camera. The second season concluded filming on June 2, 2017. Filming for the third season officially began on April 23, 2018. Parts of filming in May 2018 were done at a re-dressed Gwinnett Place Mall near Duluth, Georgia to appear as the fictional \"Starcourt Mall\" in Hawkins, including recreating several 80s-era storefronts such as The Gap, Waldenbooks, and RadioShack within it. The third season concluded filming on November 12, 2018. To create the aged effect for the series, a film grain was added over the footage, which was captured by scanning in", + "score": 0.68212890625 + }, + { + "id": "15895386", + "title": "Mad Men (season 3)", + "text": "Mad Men (season 3) The third season of the American television drama series Mad Men premiered on August 16, 2009 and concluded on November 8, 2009. It consisted of thirteen episodes, each running approximately 48 minutes in length. AMC broadcast the third season on Sundays at 10:00 pm in the United States. Season three takes place six months after the conclusion of the second season (roughly April/May 1963) and ends in December 1963. It chronicles the end of the \"Camelot era\" as the characters go through immense change in their professional and personal lives. The third season was exalted by", + "score": 0.68115234375 + }, + { + "id": "13025024", + "title": "Make It or Break It", + "text": "renewed for a second season, which premiered on June 28, 2010 at 10 pm. Starting on July 13, 2010, new episodes aired following \"Pretty Little Liars\". The show's second season resumed after a six-month hiatus on March 28, 2011. The series was renewed for a third season on September 16, 2011, which premiered on March 26, 2012. It was announced on April 26, 2012, that the series had ended and the third season would be the final season. The series finale aired on May 14, 2012. Internationally, the show aired on E4 in the United Kingdom, Zee Caf\u00e9 in India,", + "score": 0.6806640625 + }, + { + "id": "11750075", + "title": "Leave It to Beaver (season 3)", + "text": "Leave It to Beaver (season 3) The third season of the American television situation comedy Leave It to Beaver premiered on October 3, 1959 and concluded on June 25, 1960. It consisted of 39 episodes shot in black-and-white, each running approximately 25 minutes in length. The third season of \"Leave It to Beaver\" debuted on ABC October 3, 1959, with \"Blind Date Committee\" and concluded its run June 25, 1960, with \"Beaver's Team\". The show moved from its Thursday time-slot to Saturday at 8:30 P.M., where it remained until September 1962, when it moved yet again for the final season.", + "score": 0.6787109375 + }, + { + "id": "19966689", + "title": "This Is Us (season 3)", + "text": "Production on the season officially began on July 10, 2018, in Los Angeles. General references This Is Us (season 3) The third season of the American television series \"This Is Us\" continues to follow the lives and connections of the Pearson family across several time periods. The season is produced by Rhode Island Ave. Productions, Zaftig Films, and 20th Century Fox Television, with Dan Fogelman, Isaac Aptaker, and Elizabeth Berger serving as showrunners. A third season was ordered, alongside a second season, in January 2017, with production for season three beginning in July 2018. The season stars an ensemble cast", + "score": 0.67822265625 + }, + { + "id": "18109412", + "title": "Transformers: Robots in Disguise (2015 TV series)", + "text": "11, 2017. The show's second season, featuring guest appearances from some returning \"Transformers: Prime\" characters, premiered on February 20, 2016. A six-episode mini-series centered on the return of Starscream premiered in Canada on September 10, 2016, before debuting on U.S television the following month. The third and final season, subtitled \"Combiner Force\", aired from April 29, 2017 to November 11, 2017. Five Years after the events of \"\", Cybertron's beginning brings forth a new age of prosperity to a new generation of Transformers. Earth no longer remembers the Decepticon-Autobot conflict as the Cybertronians stopped visiting the planet. Bumblebee has since", + "score": 0.67822265625 + }, + { + "id": "20318974", + "title": "19-2 (2014 TV series)", + "text": "September 22, 2017. Spike UK aired the series in the United Kingdom for the first two seasons. The complete first season was first released on DVD in Region 1 on April 26, 2016, with the complete second season released on August 30, 2016, the complete third season released on December 13, 2016, and the complete fourth season is scheduled to be released on November 7, 2017. CraveTV has exclusive Canadian streaming rights to the series, with all episodes available on the video on demand service and new episodes of the fourth season available one day earlier, 10 p.m. on Sunday,", + "score": 0.67822265625 + }, + { + "id": "18278854", + "title": "Lucha Underground", + "text": "to the taping of the last \"Lucha Underground\" episode for season 2, the show was renewed for a third season which premiered on September 7, 2016. It was also revealed that episodes from the show would be available for purchase on iTunes. On February 1, 2017, \"Lucha Underground\" signed a deal with Netflix in the United States and Canada; the first two seasons of the series became available for streaming on the service on March 15, 2017. Season 4 premiered on June 13, 2018. In January 2014, it was announced that producer Mark Burnett of One Three Media would be", + "score": 0.67822265625 + }, + { + "id": "18180627", + "title": "The Walking Dead (video game series)", + "text": "AJ, the infant she rescues at the end of Season 2 who is now a toddler. Clementine is a playable character along with a new character, Javier. \"A New Frontier\" uses the updated Telltale Tool, the same game engine Telltale used for . During the 2016 PAX Expo, Telltale revealed the third season will be released in November 2016, with the subtitle \"A New Frontier\". Telltale later had to delay the first episode's release until December 20, 2016. Warner Bros. Interactive Entertainment will publish retail versions of \"Season 3\" as part of a deal with Telltale for \"Batman\" that was", + "score": 0.67822265625 + }, + { + "id": "18087071", + "title": "If Loving You Is Wrong", + "text": "season aired on March 24, 2015. On February 27, 2015, the series was renewed for a second season with 22 more episodes. The second season premiered on September 22, 2015. The second half premiered on March 15, 2016. OWN renewed the series for a third season. The third season of the series premiered on September 13, 2016. The second half of season 3 premiered on March 21, 2017. On August 29, 2017, OWN announced the show's return for the fourth season, which premiered on September 19, 2017. The second half of season 4 premiered on January 10, 2018 and ended", + "score": 0.67724609375 + }, + { + "id": "19648767", + "title": "Degrassi: Next Class (season 3)", + "text": "Degrassi: Next Class (season 3) The third season of \"\" premiered on January 9, 2017 on Family Channel under the teen block F2N in Canada and began streaming internationally on January 6, 2017 on Netflix. This season follows a group of high school juniors and seniors from Degrassi Community School, a fictional school in Toronto, Ontario, and depicts some of the typical issues and challenges common to a teenager's life. This season will pick up a couple of months after the season two finale and begin a new school year. It will tell the stories of a new generation navigating", + "score": 0.67626953125 + }, + { + "id": "20168551", + "title": "Day 5", + "text": "shutting down downtown Congress Avenue and 1,800 attendees. The 8-episode second season premiered on August 6, 2017. It features guest stars William Sadler and Jake Busey, along with new recurring cast members Ryan Cooper, Electra Avellan, and Adriene Mishler. A third season is set to premiere sometime in 2019, with the first two seasons being removed from Rooster Teeth First and syndicated to television networks for a six month window instead. It is unknown if the third season will be released on Rooster Teeth's First service, as the company is looking into third party production partners to increase the budget", + "score": 0.67626953125 + }, + { + "id": "19827632", + "title": "2016 NCAA Division III football season", + "text": "2016 NCAA Division III football season The 2016 NCAA Division III football season, part of the college football season organized by the NCAA at the Division III level in the United States, began on September 5, 2016 and ended with the NCAA Division III Football Championship, also known as the Stagg Bowl, on December 16, 2016 at Salem Football Stadium in Salem, Virginia. Two programs changed conference affiliations. A full list of Division III teams can be viewed on the D3football website. This was also the final season of competition for two Division III conferences. The New England Football Conference", + "score": 0.67626953125 + }, + { + "id": "19652287", + "title": "Lucha Underground (season 3)", + "text": "Dos\". The announcement of season 3 featured the \"Cero Miedo\" (\"No Fear\") hand gesture of Lucha Underground performer Pentag\u00f3n Dark. Lucha Underground (season 3) The third season of \"Lucha Underground\", a \"lucha libre\" or professional wrestling television show, began on September 7, 2016. The third season, just like the first and second was broadcast on the El Rey Network in the United States. The producers of Lucha Underground announced the season debut of the third season on July 29, 2016 just over a week after \"Ultima Lucha Dos\", the last episode of season two had aired on the El Rey", + "score": 0.67578125 + }, + { + "id": "10161933", + "title": "Gigolos", + "text": "beginning, although a few had offered the series guarded praise. Showtime ordered a second season of eight episodes and it debuted October 20, 2011. Showtime renewed the series for a third season to begin filming June 2012, but announced it would be without Jimmy Clabots. Season three premiered August 30, 2012. Season four began filming in Las Vegas January 16, 2013 and premiered April 18th, 2013. Season 5 premiered on January 23, 2014. Showtime has renewed \"Gigolos\" for a sixth season. On March 21, 2015, it was announced that the sixth season would begin shooting that April. And that they", + "score": 0.67529296875 + }, + { + "id": "19150998", + "title": "The Challenge: Rivals III", + "text": "The Challenge: Rivals III The Challenge: Rivals III is the 28th season of the MTV reality game show, \"The Challenge\". Being the third in the \"Rivals\" series, \"Rivals III\" marks the show's third trilogy (following the \"\" and \"\" series), continuing on from the original \"\" and \"\". It was filmed in Huatulco, Mexico and Mendoza, Argentina during November and December 2015, with former cast members from MTV's \"Real World\", \"The Challenge\", and \"Are You the One?\" competing. This season marks the first since to not feature any original cast members from the \"\" or \"\" challenges. Unlike the previous", + "score": 0.67529296875 + }, + { + "id": "13028068", + "title": "Zeke and Luther", + "text": "and DisneyNow apps, and all episodes are available for purchase on iTunes. Season 1 premiered on August 15, 2009 in Australia and New Zealand, on September 20, 2009 in Canada, on October 3, 2009 in the United Kingdom and Ireland, on November 15, 2009 in India, and on December 13, 2009 in Singapore, Hong Kong, the Philippines, and Romania. Season 2 premiered on June 28, 2010 in Australia and New Zealand, on March 12, 2010 in Canada, on September 18, 2010 in the United Kingdom and Ireland, on June 15, 2010 in India, and on April 17, 2011 in Singapore,", + "score": 0.6748046875 + }, + { + "id": "21014739", + "title": "2019 LFL US season", + "text": "first Legends Cup to be played outside the United States, Canada, or Australia. In the 2018 State of the League address delivered by Commissioner Mitchell Mortaza, the 2019 Legends Cup is expected to be the first of upcoming Legends Cups to be played abroad in international destinations. 2019 LFL US season The 2019 LFL US season is the eleventh season of the Legends Football League (LFL) in the United States. It began 5 April 2019, and concluded 10 August 2019. Shortly after the 2018 season ended, the LFL has elected to hold the 2019 Legends Cup in South Africa\u2019s capital", + "score": 0.67431640625 + }, + { + "id": "17193615", + "title": "The Thundermans", + "text": "that time and throughout the production at Paramount Studios in Los Angeles. Its pilot was shot in October 2012. On December 20, 2013, the series was renewed for a second season. The second season premiered on September 13, 2014. On March 4, 2015, the series was renewed for a third season. The third season premiered on June 27, 2015. On March 2, 2016, the series was renewed for a fourth season, which premiered on October 22, 2016. Nickelodeon ordered six additional episodes for the series' fourth season on May 16, 2017, which would take the series over 100 total episodes.", + "score": 0.67333984375 + }, + { + "id": "11750081", + "title": "Leave It to Beaver (season 3)", + "text": " Leave It to Beaver (season 3) The third season of the American television situation comedy Leave It to Beaver premiered on October 3, 1959 and concluded on June 25, 1960. It consisted of 39 episodes shot in black-and-white, each running approximately 25 minutes in length. The third season of \"Leave It to Beaver\" debuted on ABC October 3, 1959, with \"Blind Date Committee\" and concluded its run June 25, 1960, with \"Beaver's Team\". The show moved from its Thursday time-slot to Saturday at 8:30 P.M., where it remained until September 1962, when it moved yet again for the final", + "score": 0.67333984375 + }, + { + "id": "17866139", + "title": "Finding Carter", + "text": "April, it was announced that Jesse Henderson would play Gabe, the role in which Nolan Sotillo was previously cast. On August 19, 2014, MTV renewed the show for a second season containing 12 episodes. On January 10, 2015, it was announced that Season 2 would premier on March 31, 2015. On May 18, 2015, it was announced that there would be a 12 episode extension to season 2 which premiered in October. The season finale of season 2 was on December 15, 2015. On January 29, 2016, MTV announced the show's cancellation because of a drop in viewers. Since the", + "score": 0.6728515625 + }, + { + "id": "16328923", + "title": "Teen Mom 3", + "text": "Teen Mom 3 Teen Mom 3 was an American reality television series that premiered on August 26, 2013, on MTV and concluded its run on November 18, 2013. It chronicles the lives of four girls from the fourth season of \"16 and Pregnant\" as they navigate their first year of motherhood and changing social relationships. The series was announced on February 27, 2012, as the third installment of the \"Teen Mom\" franchise, coming one day before \"Teen Mom 2\" concluded its second season. In December 2013, it was revealed by the cast, via Twitter, that \"Teen Mom 3\" had been", + "score": 0.6728515625 + }, + { + "id": "16701615", + "title": "Eesti otsib superstaari (season 5)", + "text": "place on October 14, 2012. The second chance semi-final took place on October 21, 2012. The first final show took place on 28 October 2012. The theme of the show was \"Big songs\". Participants sang the biggest hits of all time. The second final show took place on 4 November 2012. Contestants sang a hit from their year of birth. The third final show took place on 11 November 2012. Contestants sang Estonians' favourite songs. The fourth final show took place on 18 November 2012. Contestants sang films' soundtracks. The fifth final show took place on 25 November 2012. Contestants", + "score": 0.6728515625 + }, + { + "id": "13960702", + "title": "Blue Mountain State", + "text": "In its second season, its premiere drew a 1.34 rating in Men 18\u201334, up 34% compared to the first season average and was ranked No. 2 in its timeslot. Over the season it showed significant ratings growth compared to season 1, delivering a +33% increase in Men 18\u201334, +50% in Men 18\u201324, and +14% in Men 18\u201349. Season 3 of Blue Mountain State started airing on September 21, 2011 on Spike. The show has gathered a small cult following after it was released on Netflix. Fans of the show often start petitions and Facebook pages to make Spike bring the", + "score": 0.67236328125 + }, + { + "id": "19726705", + "title": "Ultima Lucha Tres", + "text": "the climax of several ongoing storylines that played out throughout the third season of \"Lucha Underground\". As part of the season finale all three of the Lucha Underground championships were on the line. The episodes were taped on June 25 and 26, 2016. For all four parts of Ultima Lucha Tres the commentators were Matt Striker and Vampiro, and the ring announcer was Melissa Santos. Ultima Lucha Tres Ultima Lucha Tres (Spanish for Last Fight Three) is the name of the final episodes of the third season of professional wrestling TV series \"Lucha Underground\". The first part of \"Ultima Lucha", + "score": 0.67236328125 + }, + { + "id": "20250643", + "title": "The Big Lez Show", + "text": "season 3 and 4, the show's creators took time off to rest and to create the show's spin-off, \"The Mike Nolan Show\". Season 4 of \"The Big Lez Show\" premiered on March 10, 2017, and again saw a big step up in production value, with animations again improving greatly in quality and episodes lengthening in duration. On March 19, 2018, it was announced on Facebook that the season 4 finale, titled \"Choomah Island 3: Denouement \" is in production. On June 16, 2018, the first trailer for Choomah Island 3: Denouement was released. On December 6, 2018, the second trailer", + "score": 0.671875 + }, + { + "id": "17173608", + "title": "Liv and Maddie", + "text": "Canada airing on April 10, 2016. In the UK and Ireland, the series aired a preview on October 7, 2013, and later premiered on November 8, 2013. In Australia and New Zealand, the series premiered on October 11, 2013. The second season premiered on January 8, 2015. The third season premiered on December 2, 2015. The series premiered in Southeast Asia on January 10, 2014. In the Balkans, Greece, the Middle East and Africa, the series premiered on March 8, 2014. The second season premiered on February 7, 2015. In India, the series premiered on October 30, 2017 on Disney", + "score": 0.671875 + }, + { + "id": "19491253", + "title": "Project Mc2", + "text": "7, 2015. On April 6, 2016, Netflix announced that the series has been renewed for its second and third seasons. The second season was released on August 12, 2016, and the third season was released on October 14, 2016. Both consisted of six episodes. An extended 34-minute Valentine's Day special was released as the first and only episode of the fourth season on February 14, 2017. A fifth season consisting of five episodes was released on September 15, 2017. A sixth season, also consisting of five episodes, was released on November 7, 2017. The series is filmed primarily in and", + "score": 0.671875 + }, + { + "id": "17840189", + "title": "The Amazing World of Gumball (season 3)", + "text": "adopted brother, Darwin, a goldfish. Together, they cause mischief among their family, as well as with the wide array of students at Elmore Junior High, where they attend middle school. In a behind-the-scenes video documenting the production of the second season, creator Ben Bocquelet expanded on the development of some of the characters, and how they are based on interactions from his childhood. The third season began filming on December 5, 2013 and ended filming on February 5, 2015. On October 2012, Cartoon Network announced that \"The Amazing World of Gumball\" had been renewed for a third season consisting of", + "score": 0.67138671875 + }, + { + "id": "10676154", + "title": "Loft Story (Canadian TV series)", + "text": "three years later in January 2006. In response to criticism of year 1, year 2 toned down the sexual content and replaced it with daily games and truth/dare events. The loft was also changed to include a \"stunt room\" the size of a basketball court, which serves for games and entertainment. A third season started in September 2006, a fourth on September 26, 2007, a fifth in Fall 2008, and an All-Star season subtitled La Revanche in Spring 2009. Unlike many other versions, the housemates are able to discuss openly about the nominations. Start Date: October 5, 2003 End Date:", + "score": 0.67041015625 + }, + { + "id": "20197278", + "title": "The Rickshank Rickdemption", + "text": "originated from the second season. According to Harmon: \"I don't think anybody wants to do a third season that simply spends a whole bunch of episodes dealing with a situation that we created at the end of the second season, so I think that's a non-spoiler way of saying things should be okay pretty quickly\". The episode marks the reappearance of several former key plot developments, including the Cronenberg universe, the Citadel of Ricks, and Birdperson. The third-season premiere of \"Rick and Morty\" was expected to arrive as early as 2016. However, Harmon admitted in a conversation with \"Indiewire\" that", + "score": 0.67041015625 + }, + { + "id": "8763405", + "title": "Chris & John to the Rescue!", + "text": ". Filming locations included Toronto, Michigan, New Jersey, Vermont, New York City and Hawaii. Season two began production in August, 2007 with most of the shooting taking place on location in Provincetown, Massachusetts. The season premiered on OutTV on 19 November 2007 at 10:00pm, EST. During the commercial breaks in the season's pilot episode, clips and interviews from the premier party (held at Buddies in Bad Times Theatre in Toronto, Ontario) were shown. Season three began production in August, 2008. The premise for the season is a \"summer camp\" concept. Season three premiered on February 15, 2009 on OUTtv in", + "score": 0.67041015625 + }, + { + "id": "9650677", + "title": "Degrassi: The Next Generation (season 3)", + "text": "Degrassi: The Next Generation (season 3) The third season of \"Degrassi: The Next Generation\" commenced airing in Canada on 17 September 2003, concluded on 5 April 2004 and contains twenty-two episodes. \"\" is a Canadian serial teen drama television series. This season depicts the lives of a group of high school freshman and sophomores as they deal with some of the challenges and issues teenagers face such as dysfunctional families, sex, homosexuality, homophobia, theft, self-harm, domestic violence, abortion, emancipation and relationships. Every episode is named after a song from the 1980s. Filming began on 26 May 2003, and ended in", + "score": 0.67041015625 + }, + { + "id": "12829392", + "title": "Friday Night Lights (season 3)", + "text": "not to get an abortion; in season 3 we see that Erin has had the child, but the couple is not living together. Tami Taylor is now the Dillon High School principal. On the review aggregator website Metacritic, the third season scored 83 out of 100, based on 15 reviews, indicating \"Universal acclaim\". Friday Night Lights (season 3) The third season of the American serial drama television series \"Friday Night Lights\" began airing in the United States and Canada on October 1, 2008. It was the first season to be aired on DirecTV's The 101 Network. The 13-episode season", + "score": 0.669921875 + }, + { + "id": "5789132", + "title": "Wild 'n Out", + "text": "The 2nd season contains a total of 10 episodes which were broadcast from February 2 to April 6, 2006 on MTV. The 3rd season contains a total of 8 episodes which were broadcast from August 10 to October 5, 2006 on MTV. The 4th season contains a total of 20 episodes which were broadcast from May 12 to September 6, 2007 on MTV. The 5th season contains a total of 12 episodes which were broadcast from July 9 to September 24, 2013 on MTV2. The 6th season contains a total of 16 episodes which were broadcast from July 2, 2014", + "score": 0.669921875 + }, + { + "id": "18125818", + "title": "2014 NCAA Division III football season", + "text": "2014 NCAA Division III football season The 2014 NCAA Division III football season, play of college football in the United States organized by the National Collegiate Athletic Association at the Division III level, was the most recent season of NCAA Division III football. The season began on September 4 and concluded on December 19 with title game of the NCAA Division III Football Championship. Wisconsin\u2013Whitewater won their sixth Division III title with a 43\u201334 win over Mount Union at Salem Football Stadium in Salem, Virginia. This was the ninth time in ten seasons that Mount Union and Wisconsin\u2013Whitewater met in", + "score": 0.669921875 + }, + { + "id": "17893337", + "title": "Southern Charm", + "text": "left after the first season, Sudler-Smith departed after the third, and Ravenel left after the fifth. The remaining charmers joined in later seasons, Calhoun Dennis in the second, Kroll in the fourth, and Meissner in the fifth. Past charmers include: Landon Clements (seasons 2-4). On July 14, 2014, \"Southern Charm\" was renewed for a second season, which premiered on March 16, 2015. The third season premiered on April 4, 2016. The fourth season was announced on February 16, 2017 and premiered on April 3. In February 2018, Bravo announced the fifth season and it premiered on April 5, 2018. In", + "score": 0.66943359375 + }, + { + "id": "19674279", + "title": "Kim's Convenience (TV series)", + "text": "CBC announced on December 20, 2016, that it had renewed \"Kim's Convenience\" for a second season of 13 episodes. Season 2 premiered on September 26, 2017. On March 12, 2018, the cast of \"Kim's Convenience\" took to Facebook and Twitter to announce that there would be a third season. The third season is scheduled to begin airing January 8, 2019. On May 24, 2018, just 2 months after announcing the third season renewal of the show, CBC announced that the show had also been renewed for a fourth season. In this unprecedented move, the show was renewed for a fourth", + "score": 0.66943359375 + }, + { + "id": "18156896", + "title": "Norm Macdonald Live", + "text": "Has a Show\", a spiritual successor to Norm Macdonald Live starring Macdonald and Eget was released on Netflix on the September 14, 2018. The first season premiered on March 26, 2013 and concluded after eleven episodes. After a year-long hiatus, the second season debuted on May 12, 2014. It concluded after thirteen episodes in August 2014. A third season was released in September and October 2016, but only aired 2 episodes before going on hiatus. On July 25, 2017 the season continued with guest David Letterman. The recommencement of the third season featured a brand new set as well as", + "score": 0.6689453125 + }, + { + "id": "18985251", + "title": "2015 NCAA Division III football season", + "text": "2015 NCAA Division III football season The 2015 NCAA Division III football season, part of the college football season organized by the NCAA at the Division III level in the United States, began on September 5, 2015 and concluded with the NCAA Division III Football Championship, also known as the Stagg Bowl, on December 18, 2015 at Salem Football Stadium in Salem, Virginia. Mount Union, which made its 11th consecutive appearance in the title game, defeated St. Thomas (Minnesota) 49\u201335 to claim its 19th national title. One school added football at the Division III level and six programs changed conference", + "score": 0.66845703125 + }, + { + "id": "4554153", + "title": "The Challenge (TV series)", + "text": "returns as the host. The third season premiered on April 17, 2018. \"The Challenge: CT's Getting Married\" is an upcoming two-part special revolving around the wedding of \"Challenge\" star CT Tamburello and Lilianet Solares. MTV released the trailer and premiere date on November 20, 2018. The two-week special will premiere on December 11, 2018 and conclude on December 18, 2018. \"The Challenge\" has been shot in many different countries around the world, as well as some taking place in North America. During seasons , 4, , , , , , , , and , the cast traveled between several different", + "score": 0.66796875 + }, + { + "id": "18465998", + "title": "Scream (TV series)", + "text": "series does air globally as a \"Netflix Original\" title, due to Netflix having exclusive international distribution rights to the series. On October 14, 2016, MTV renewed the series for a six-episode third season, which is scheduled to premiere in 2018. On April 26, 2017, MTV announced that they were rebooting the series with the third season, with a new cast and setting. As part of the reboot process, it was revealed that Brett Matthews would be serving as the main showrunner. In addition, Queen Latifah, Shakim Compere and Yaneley Arty would be added as executive producers for the series under", + "score": 0.66796875 + }, + { + "id": "19827633", + "title": "2016 NCAA Division III football season", + "text": "will be absorbed by the Commonwealth Coast Conference, and the Southern Collegiate Athletic Conference, which had lost most of its membership in 2012 when seven schools left to form the Southern Athletic Association, will end its sponsorship of football and continue as a non-football conference. * Home team \u2020 Overtime Winner Winning teams are denoted in bold. 2016 NCAA Division III football season The 2016 NCAA Division III football season, part of the college football season organized by the NCAA at the Division III level in the United States, began on September 5, 2016 and ended with the NCAA Division", + "score": 0.66796875 + }, + { + "id": "20233022", + "title": "Love Island (series 3)", + "text": "airing on 28 April 2017. On 24 May 2017 it was confirmed that the series would begin on 5 June 2017. Pictures of the brand new villa were unveiled on 2 June 2017. The villa is located in Mallorca. The Islanders for the third series were revealed on 29 May 2017, just a week before the launch. However, throughout the series, more Islanders entered the villa to find love. Some Islanders were dumped from the island for either failing to couple up, some were voted off by their fellow Islanders, and others for receiving the fewest votes in public eliminations.", + "score": 0.66796875 + }, + { + "id": "14540420", + "title": "90210 (season 3)", + "text": "Rebecca Sinclair as executive producer. The season premiered on September 13, 2010. The series returned from its midseason break on January 24, 2011, with the season finale airing on May 16, 2011. The third season of \"90210\" welcomed the students of West Beverly Hills High School to their senior year with a surprising new family and the destruction of another. Adrianna's pop career blossomed and a new love will caused the fall out of a group of friends. An earthquake hit Beverly Hills in the premiere. \"We wanted to open the season with an event that has both physical and", + "score": 0.66748046875 + }, + { + "id": "19318825", + "title": "Nuestra Belleza Latina 2016", + "text": "challenge took place as the first All Star left the competition. Original Air Date\u20143 April 2016 The second elimination and challenge took place as the second All Star left the competition. Original Air Date\u201410 April 2016 The third elimination and challenge will take place as the third All Star leaves the competition, as the girls try getting back into the Mansion and leave NBL Camp for good. Original Air Date\u201417 April 2016 The fourth elimination and challenge will take place as the next All Star leaves the competition. As one All Star moves back into the NBL Camp for insubordination", + "score": 0.66748046875 + }, + { + "id": "18799894", + "title": "Masters of Sex (season 3)", + "text": "place between 1965 and 1968. The series was renewed for a 12-episode third season on August 20, 2014, by Showtime. In March 2015, Allison Janney confirmed she would return for the third season in a multi-episode arc, and Beau Bridges was also confirmed to be returning by series developer Michelle Ashford. Series regular Teddy Sears, who portrays Austin Langham, returned in a recurring role for the third season. In April 2015, it was reported that Maggie Grace would guest star in an episode, playing a gynecologist. Isabelle Fuhrman was cast in a recurring role, playing Virginia's daughter, Tessa; Fuhrman took", + "score": 0.66748046875 + }, + { + "id": "20623783", + "title": "Quantico (season 3)", + "text": "executive producer. The third season premiered on April 26, 2018. After the third season renewal announcement, it was reported that Yasmine Al Massri and Pearl Thusi would leave the series, and in June 2017, it was reported that Ellis and Tovey would not return as part of a creative overhaul. However, in August 2017, it was confirmed that Tovey would in fact be returning as a series regular. In late July 2017, Marlee Matlin joined the show as a series regular in the third season. She will play the role of ex-FBI agent, Jocelyn Turner. On November 21, 2017, it", + "score": 0.66748046875 + }, + { + "id": "17138704", + "title": "Where the Bears Are", + "text": "former college roommate and a candidate for city council, turns up dead at his campaign launch party. New cast members in the second season include Howie Skora, Chris Lavoie, Mark Rowe, George Unda, Ray Singh, Shannon Ward and Margaret Cho. The third season, again supported by a crowdfunding campaign on Kickstarter, premiered on August 11, 2014. In the 22-episode third season, Reggie is producing a reality television pilot for a true crime series, and the bears consequently try to solve a string of murders involving models for Chunk Studios, a bear porn studio. New cast additions in the third season", + "score": 0.6669921875 + }, + { + "id": "14540417", + "title": "90210 (season 3)", + "text": "90210 (season 3) The third season of \"90210\", an American television series, premiered on Monday September 13, 2010. The CW officially renewed the show for a third season on February 16, 2010. With the reveal of the networks fall 2010 schedule, they announced their decision to move \"90210\" to Monday nights at 8:00 pm, as a lead-in to \"Gossip Girl\". It premiered on September 13, 2010 and was met with generally positive reviews from critics. The season picks up at the end of summer and focuses on the students senior year of high school. It follows Adrianna's rise to fame,", + "score": 0.66650390625 + }, + { + "id": "15948810", + "title": "Daniel Barwick", + "text": "The Mortarboard Blog, and hosts a companion podcast, The Mortarboard, available on iTunes, Google Play, Stitcher, and Libsyn. Barwick played a minor role as himself in the 2018 Netflix Emmy-nominated documentary series Last Chance U, which featured Independence Community College, receiving positive reviews. He is also scheduled to appear in the 2019 season of the show. Following conflict in 2005-2006 that took place between the Alfred State College campus president Uma Gupta and the employees that attracted national coverage in the \"New York Times,\"\" The Chronicle of Higher Education,\" and other venues, Barwick identified the event as the first time", + "score": 0.66650390625 + }, + { + "id": "19255842", + "title": "Chance (TV series)", + "text": "Chance (TV series) Chance is an American television series created by Kem Nunn and Alexandra Cunningham starring Hugh Laurie. The series is based on the book by Nunn of the same name and was ordered straight-to-series on January 6, 2016, with a straight two-season-order containing twenty episodes. It premiered on Hulu on October 19, 2016. The second season premiered on October 11, 2017. On January 9, 2018, the series was cancelled by Hulu after two seasons. The series focuses on a forensic neuropsychiatrist, Dr. Eldon Chance, living in San Francisco, who is semi-willingly pulled into his patient Jaclyn Blackstone's dangerous", + "score": 0.66650390625 + }, + { + "id": "19354914", + "title": "How to Get Away with Murder (season 3)", + "text": "March 18, 2016, that Conrad Ricamora playing Oliver Hampton had been upgraded to a series-regular for the third season. On July 20, 2016, it was announced that \"Dexter\"-alum Lauren V\u00e9lez had been cast in a recurring role as the President of Middleton University. The role was described as \u201cself-assured, friendly, warm and diplomatic.\u201d It was reported on August 6, 2016, that Esai Morales and Amy Madigan had been added to the show as guest stars for the third season. It was later revealed that Morales would be replacing Jos\u00e9 Z\u00faniga as Jorge Castillo, Laurel's father. \"Deadline\" announced on August 31,", + "score": 0.66650390625 + }, + { + "id": "15487537", + "title": "Best of Luck Nikki", + "text": "of \"Best of Luck Nikki\" started airing on Disney Channel India on 3 June 2012 with the episode \"Let's Potty\". The season ended with the airing of \"Happy New Year!\" (special) on 1 January 2013. The third season of \"Best of Luck Nikki\" started airing on Disney Channel India on 7 July 2013 with the episode \"Make Room for Baby\". The season ended with the airing of \"All Fall Down\" (a double episode) on 8 December 2013. A first look at \"Best of Luck Nikki\" season four was revealed in the \"Goldie Ahuja Matric Pass\" crossover episode \"Happy Father's Day!\"", + "score": 0.666015625 + }, + { + "id": "19511809", + "title": "2016 NCAA Division III Men's Lacrosse Championship", + "text": "2016 NCAA Division III Men's Lacrosse Championship The 2016 NCAA Division III Men's Lacrosse Championship is the 37th annual single-elimination tournament to determine the national champion of NCAA Division III men's college lacrosse in the United States. The championship will be played at Lincoln Financial Field in Philadelphia, Pennsylvania on May 29, 2016. All other rounds will be played at campus sites, always at the home field of the higher-seeded team, from May 11\u201322. All Division III men's lacrosse programs were eligible for this championship. A total of 32 teams were invited, with programs receiving bids through one of three", + "score": 0.666015625 + }, + { + "id": "13028067", + "title": "Zeke and Luther", + "text": "on iTunes in the beginning of June, two weeks before the show's television premiere. The series premiered on June 15, 2009 in the U.S. On August 2, 2010, it was announced that \"Zeke and Luther\" had been renewed for a third season which premiered on February 28, 2011. On June 18, 2011, in an interview with \"Deadline Hollywood\", Matt Dearborn confirmed that the show's third season would be its last. The one-hour (two-part) series finale aired on Monday, April 2, 2012. The show is broadcast worldwide on Disney Channel and Disney XD. Some episodes are also available on the DisneyXD", + "score": 0.666015625 + }, + { + "id": "18946822", + "title": "2015\u201316 KML season", + "text": "winning those games. The playoffs began on 14 April and ended on 27 May. The tournament concluded with Kalev/Cramo defeating T\u00dc/Rock 4 games to 1 in the 2016 KML Finals. Players qualify to this category by having at least 50% games played. 2015\u201316 KML season The 2015\u201316 Korvpalli Meistriliiga season (also known as the Alexela Korvpalli Meistriliiga for sponsorship reasons) was the 91st season of top-tier basketball in Estonia. T\u00dc/Rock came into the season as defending champions of the 2014\u201315 KML season. The season began on 7 October 2015 and concluded on 27 May 2016 with Kalev/Cramo defeating T\u00dc/Rock 4", + "score": 0.66552734375 + }, + { + "id": "19354921", + "title": "Empire (season 3)", + "text": "a hip hop music and entertainment company, Empire Entertainment, and the drama among the members of the founders' family as they fight for control of the company. \"Empire\" was renewed for a third season on January 15, 2016. It was later announced that the season will premiere on September 21, 2016. Fox released a promotional poster on July 14, 2016, for the season, showcasing both Lucious Lyon and Cookie Lyon. \"TVLine\" announced on June 18, 2016, that Xzibit who plays Shyne Johnson, Lucious\u2019 drug-dealing adversary, was upgraded to a series regular for the third season after being a recurring role", + "score": 0.66552734375 + }, + { + "id": "9223190", + "title": "My Boys", + "text": "Season 2 premiered on Thursday June 12, 2008. The second season, like the first, ended on a cliffhanger. The third season premiered on Tuesday March 31, 2009, with another set of 9 episodes. The second-season cliffhanger is resolved, as Bobby and Elsa break off their engagement, and he admits to P.J. that he had feelings for her. The two date throughout the season, although they try to keep it a secret, to no avail. Meanwhile, Brendan opens the new club with John but quickly finds himself doing all of the work. After pointing out how valuable he is to John,", + "score": 0.6650390625 + }, + { + "id": "19354908", + "title": "How to Get Away with Murder (season 3)", + "text": "free. ABC renewed the series for a third season on March 3, 2016, along with several other shows. It was announced that the third season would premiere on September 22, 2016. Production began on May 27, 2016, when showrunner Peter Nowalk announced, on Twitter, that the writing staff was in full swing mapping and writing the third season. The table read for the premiere happened on July 6, 2016, and filming started a week later. A promotional poster, showcasing Viola Davis as Annalise Keating, was released on August 9, 2016. ABC released a promo for the third season on", + "score": 0.6650390625 + }, + { + "id": "14388079", + "title": "Hot in Cleveland", + "text": "Martin was unaware of TV Land's existence. TV Land announced that the show had been renewed for a second season on July 7, 2010. The 20-episode second season began production on November 1, 2010, and premiered January 19, 2011. On February 28, 2011, TV Land renewed the show for a third season to consist of 22 episodes. On March 21, 2011, TV Land announced that the third season order had beenwas increased to 24 episodes. On January 12, 2012, TV Land renewed the series for a fourth season. Betty White was only meant to appear in the pilot of the", + "score": 0.6650390625 + }, + { + "id": "20651555", + "title": "The Good Place (season 3)", + "text": "\"The Good Place\" remains a delightfully insightful bright spot on the television landscape.\" On Metacritic, the third season has a score of 96 out of 100, based on reviews from 5 critics, indicating \"universal acclaim\". The Good Place (season 3) The third season of the fantasy comedy television series \"The Good Place\", created by Michael Schur, was renewed on November 21, 2017, on NBC, and began airing on September 27, 2018, in the United States. The season is produced by Fremulon, 3 Arts Entertainment, and Universal Television. The season will consist of thirteen episodes. The series focuses on Eleanor Shellstrop", + "score": 0.6650390625 + }, + { + "id": "20612211", + "title": "Better Call Saul (season 3)", + "text": "to bring me in for some flashbacks this coming season, but that's kind of beside the point.\" The third season was released on Blu-ray and DVD in region 1 on January 16, 2018. The set contains all 10 episodes, plus audio commentaries for every episode and several behind-the-scenes featurettes. Better Call Saul (season 3) The third season of the American television drama series \"Better Call Saul\" premiered on April 10, 2017, and concluded on June 19, 2017. The ten-episode season was broadcast on Monday nights in the United States on AMC. \"Better Call Saul\" is a spin-off of \"Breaking Bad\"", + "score": 0.6650390625 + }, + { + "id": "17019641", + "title": "The (206)", + "text": "the \"Not Especially Special, Special\" was aired on July 7, 2013. The second season began on November 16, 2013, and ended on May 3, 2014. The third season began on October 18, 2014, but without John Keister; it was announced that he left the show to pursue other interests. He said he is now putting together a one-man show called \"The Keister Monologues.\" It ended on May 2015. The show was replaced in September 2015 with \"Up Late Northwest\" (but branded on air as Up Late NW), which retained the basic sketch comedy/guest format and cast, but the show can", + "score": 0.66455078125 + }, + { + "id": "12694161", + "title": "Lie to Me", + "text": "28, 2009. On November 24, 2009, Fox ordered an extra nine episodes for season two, bringing the season order to 22 episodes. On May 12, 2010, \"Entertainment Weekly\" reported that \"Lie to Me\" received a 13-episode third season pick-up. The third season of \"Lie to Me\" was originally set to premiere on November 10, 2010. On September 28, 2010, the date was moved up to October 4, 2010, because of the cancellation of \"Lone Star\". On May 11, 2011, Fox canceled \"Lie to Me\" after three seasons. The show is inspired by the work of Paul Ekman, the world's foremost", + "score": 0.66455078125 + }, + { + "id": "17796074", + "title": "When Calls the Heart", + "text": "Some of the set trimmings and a stage coach came from the \"Hell on Wheels\" set. The Thatcher home is the University Women's Club of Vancouver. The series was renewed for a second season, which aired from April 25 to June 13, 2015. Hallmark Channel announced in July 2015 that the series had been renewed for a third season, which aired from February 21 to April 10, 2016, with a sneak peek airing during the 2015 Christmas season. In mid-2016, it was announced that Season 4 would premiere on the Hallmark Channel Christmas Day with a two-hour special. On April", + "score": 0.66455078125 + }, + { + "id": "18278859", + "title": "Lucha Underground", + "text": "to the cast that the show had been renewed for a third season after just airing one episode of the second season. El Rey made the official announcement on February 1, 2016. In 2016, \"Lucha Underground\" held their first live event outside of the Boyle Heights' Temple called Austin Warfare at the Austin Music Hall in Austin, Texas, part of the 2016 South by Southwest Festival. On November 10, 2017, it was announced that \"Lucha Underground\" was renewed for a fourth season set to premiere in 2018. In February 2018, two of the show's producers, Eric van Wagenen and Chris", + "score": 0.66455078125 + } + ], + "answer": "Last Chance U's Season 3 and the football season and games for Season 3 took place on different dates. The TV series' Season 3 and its episodes first started airing on July 21, 2018. The football season for the TV series' Season 3 took place on August 26 - December 4 2017, while the games of its Season 3 took place on August 26, 2017 - December 4, 2017." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "What's the most points scored in an nba game by combined team?", + "short_answers": [ + "370" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "What's the most points scored in an nba game by a single team?", + "short_answers": [ + "186" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "What's the most points scored in an nba game by an individual?", + "short_answers": [ + "100" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "What is the highest amount of points scored by a single team in regular season NBA games?", + "short_answers": [ + "186" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "What is the highest amount of points scored by a single team in regular season games in regulation?", + "short_answers": [ + "162" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "What is the highest amount of points scored by a single team in playoff games?", + "short_answers": [ + "153" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "List of highest-scoring NBA games", + "url": "https://en.wikipedia.org/wiki/List%20of%20highest-scoring%20NBA%20games" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The highest-scoring regular season game in NBA history is the triple-overtime game between the Detroit Pistons and the Denver Nuggets on December 13, 1983. The two teams combined to score 370 points, with the Pistons defeating the Nuggets 186\u2013184. The two teams also set several other NBA records, including the most points scored by one team (186 points), the most points scored by a losing team (184), the most field goals by two teams (142), most field goals by one team (74) and most assists by two teams (93). The highest-scoring regular season game in regulation was between the Golden State Warriors and the Denver Nuggets on November 2, 1990. In that game, Golden State defeated Denver 162\u2013158...The highest-scoring playoff game is the double-overtime game between the Portland Trail Blazers and the Phoenix Suns on May 11, 1992. The two teams combined to score 304 points, with the Trail Blazers defeating the Suns 153\u2013151\u2026Another notable high scoring regular season game is a March 2, 1962 game between the Philadelphia Warriors and the New York Knicks. In that game, the Warriors' Wilt Chamberlain scored an NBA-record 100 points.\n", + "wikipage": "List of highest-scoring NBA games" + } + ], + "long_answer": "The most points ever scored in an NBA regular season game came in 1983 when the Pistons defeated the Nuggets 186\u2013184 in a triple overtime game that resulted in a combined score of 370 points. In that same game was another record of the most points scored in an nba game by a single team which came to 186 (Pistons). The most points scored (162) by a single team in a regular season game during regulation was in 1990 when the Warriors defeated the Nuggets 162-158. The most points scored (153) by a single team in a playoff game was in 1992 when the Phoenix Suns defeated the Trail Blazers 153-151. Finally, the most points scored in an NBA game by an individual was done by the Philadelphia Warriors' Wilt Chamberlain who scored an NBA-record 100 points in a single game." + }, + { + "knowledge": [ + { + "content": "In basketball, points are used to keep track of the score in a game.", + "wikipage": "List of highest-scoring NBA games" + } + ], + "long_answer": "In basketball, points are used to keep track of the score in a game. The most points scored in a NBA game by combined teams is 370, and the most points scored in a NBA game by a single team is 186. The most points scored in a NBA game by an individual is 100. The highest amount of points scored by a single team in regular season games in regulation is 162. The highest amount of points scored by a single team in playoff games is 153." + } + ], + "sample_id": "9184423694390444844", + "question": "What's the most points scored in an nba game?", + "docs": [ + { + "id": "9708605", + "title": "Wilt Chamberlain's 100-point game", + "text": "in his career. He was closing in on 4,000 points for the season, needing 237 more; no other player had ever scored 3,000 points at that point. On December 8, 1961, in a triple overtime game versus the Los Angeles Lakers, he set a new NBA record by scoring 78 points, breaking the record of 71 previously set by Elgin Baylor. Legendary Laker broadcaster Chick Hearn often told the story that after the game, he asked Baylor if it bothered him that Chamberlain had an extra 15 minutes to break the record. According to Hearn, Baylor said he wasn't concerned", + "score": 0.73046875, + "summary": "Wilt Chamberlain scored 100 points in a game on an unspecified date.", + "extraction": "Wilt Chamberlain set a new NBA record by scoring 78 points in a game versus the Los Angeles Lakers." + }, + { + "id": "7446658", + "title": "2007 NBA Finals", + "text": "the spotlight shifted back to Cleveland and LeBron James. Another hard-fought set ensued, with the Cavaliers taking the two games at home 88-82 and 91-87 respectively. Game 5 switched back to Detroit and produced one of the greatest moments in NBA history. With 6:14 to go in regulation and his team clinging to a one-point 79\u201378 lead, James took over the game. He scored 11 of the final 12 points to end regulation tied 91-91. In the first overtime, James scored all nine of the Cavaliers' points, ending the period tied 100-100. In the second overtime, James again scored all", + "score": 0.72265625, + "summary": "Irrelevant.", + "extraction": "irrelevant. The passage does not provide information about the most points scored in an NBA game." + }, + { + "id": "10759228", + "title": "Leroy Edwards", + "text": "was slower and teams would play zone defense and hold on to the ball for long periods of time, making it very difficult for a player to score many points in a game. Today, NBA games consist of four 12 minute quarters and each team takes over 60 shots per game. Edwards held a number of game scoring records. He was the first professional basketball player to score 35 points in a game when he did so against the Fort Wayne Zollner Pistons on March 5, 1942. He led the NBL in scoring his first three years and in 1939", + "score": 0.72119140625, + "summary": "Leroy Edwards scored 35 points in a game on March 5, 1942, which was the first time a professional basketball player achieved this. However, the document does not provide information on the most points scored in an NBA game.", + "extraction": "The passage is irrelevant as it does not provide information on the most points scored in an NBA game." + }, + { + "id": "1833170", + "title": "Kobe Bryant", + "text": "before the game, signifying a change in the feud that had festered between them. A month later, at the 2006 NBA All-Star Game, the two were seen laughing together. On January 22, 2006, Bryant scored a career-high 81 points in a 122\u2013104 victory against the Toronto Raptors. In addition to breaking the previous franchise record of 71 set by Elgin Baylor, Bryant's 81-point game was the second-highest point total in NBA history, surpassed only by Chamberlain's 100-point game in 1962. Whereas Chamberlain was fed repeatedly by teammates for inside shots in a blowout win, Bryant created his own shot\u2014mostly from", + "score": 0.71875, + "summary": "Kobe Bryant scored a career-high 81 points in a game against the Toronto Raptors on January 22, 2006, which is the second-highest point total in NBA history.", + "extraction": "Bryant's 81-point game was the second-highest point total in NBA history, surpassed only by Chamberlain's 100-point game in 1962." + }, + { + "id": "8043045", + "title": "Purvis Short", + "text": "working out with Pete Newell during the off-seasons, which Short later claimed help improve his shooting skills significantly. During a November 17, 1984 game against the New Jersey Nets, Short scored a career high 59 points during a 131-114 loss. He hit 20 of 28 field goal attempts and 15 free throws. At the time, only nine other players had scored more points in one game, and it was the most points scored in the NBA since David Thompson and George Gervin scored 73 and 63 points respectively on April 9, 1978. Excluding Wilt Chamberlain's many games of 60 or", + "score": 0.71728515625, + "summary": "Purvis Short scored 59 points in a game on November 17, 1984, which was the most points scored in the NBA since April 9, 1978. Only nine other players had scored more points in one game.", + "extraction": "The most points scored in the NBA since David Thompson and George Gervin scored 73 and 63 points respectively on April 9, 1978 is 59 points, which was scored by Purvis Short during a November 17, 1984 game against the New Jersey Nets." + }, + { + "id": "2104043", + "title": "Joe Fulks", + "text": "scored 63 points on February 10, 1949. It remained the most in an NBA game until Elgin Baylor scored 64 points in a 1959 game. Fulks' 63-point outburst came during a Warriors 108-87 victory over the Indianapolis Jets. Fulks made 27 of 56 field goal attempts and nine of 14 free throws. Along the way he shattered the record for most points in one half (33), field goals, and field goal attempts. The 6'5\" (1.96 m) Fulks was known both for his athletic drives to the basket as well as his shooting. He was perhaps most remembered as one of", + "score": 0.71435546875, + "summary": "Joe Fulks scored 63 points in a 1949 NBA game, which was the most until Elgin Baylor scored 64 points in 1959.", + "extraction": "The most points scored in an NBA game is 64 points, which was achieved by Elgin Baylor in a 1959 game." + }, + { + "id": "9708601", + "title": "Wilt Chamberlain's 100-point game", + "text": "Wilt Chamberlain's 100-point game Wilt Chamberlain set the single-game scoring record in the National Basketball Association (NBA) by scoring 100 points for the Philadelphia Warriors in a 169\u2013147 win over the New York Knicks on March 2, 1962, at Hershey Sports Arena in Hershey, Pennsylvania. It is widely considered one of the greatest records in basketball. Chamberlain set five other league records that game including most free throws made, a notable achievement, as he was regarded as a poor free throw shooter. The teams broke the record for most combined points in a game (316). That season, Chamberlain averaged a", + "score": 0.7138671875, + "summary": "Wilt Chamberlain scored 100 points in a single game for the Philadelphia Warriors in 1962, setting the record for the most points scored in an NBA game.", + "extraction": "Wilt Chamberlain set the single-game scoring record in the National Basketball Association (NBA) by scoring 100 points for the Philadelphia Warriors in a 169\u2013147 win over the New York Knicks on March 2, 1962, at Hershey Sports Arena in Hershey, Pennsylvania." + }, + { + "id": "9708648", + "title": "Wilt Chamberlain's 100-point game", + "text": "the Milwaukee Bucks 171\u2013166 in triple overtime on March 6, 1982, for a total of 337 points. That record was broken more quickly as the Detroit Pistons defeated the Denver Nuggets 186\u2013184 (also in triple overtime) on December 13, 1983, for 370 points. Pomerantz wrote in his 2005 book that the lack of videotape of the 100-point game \"only added to its mystique.\" For a while, NBA Commissioner David Stern's office phone would play Campbell's call of the 100-point basket to callers on hold: \"He made it! He made it! He made it! A Dipper Dunk!\" Kerry Ryman, who was", + "score": 0.7138671875, + "summary": "Wilt Chamberlain scored 100 points in a game, which is the most points ever scored in an NBA game. The game was played on an unknown date, and there is no video footage available.", + "extraction": "irrelevant" + }, + { + "id": "5256484", + "title": "Kiki VanDeWeghe", + "text": "December 3 of that same year. As a member of the Nuggets, VanDeWeghe was twice selected to the NBA Western Conference All-Star team, in 1983 and 1984. He was second in scoring in 1983, averaging 26.7 points, and 3rd in 1984 with a career-high 29.4 points. During the 1983\u201384 Nuggets season, VanDeWeghe scored 50 or more points in two NBA record-setting games. The former game, on December 13, 1983, in which he had a career-high 51 points, is also the highest combined scoring game in NBA history, a 186-184 triple-overtime loss to the Detroit Pistons. VanDeWeghe subsequently had 50 points", + "score": 0.708984375, + "summary": "Kiki VanDeWeghe scored 50 or more points in two NBA record-setting games during the 1983-84 Nuggets season, with a career-high of 51 points on December 13, 1983, the highest combined scoring game in NBA history.", + "extraction": "The passage is irrelevant as it does not provide information about the most points scored in an NBA game." + }, + { + "id": "7446706", + "title": "2008 NBA Finals", + "text": "two), Rajon Rondo had an all-around spectacular performance (21 points, 8 rebounds, 7 assists, 6 steals), the Celtics only turned the ball over seven times and set a Finals record with 18 steals, and every Boston player who saw action scored. The 39-point margin of victory was the largest ever in an NBA championship-clinching game, breaking the old record of 33, also set by the Celtics over the Lakers in Game Five of the 1965 NBA Finals, 129\u201396. This lead was close to the Finals point-spread record set in Game 3 in where a Michael Jordan-led Chicago Bulls team beat", + "score": 0.705078125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "11904500", + "title": "1961\u201362 Philadelphia Warriors season", + "text": "Basketball Association as one of its greatest games, took place between the Philadelphia Warriors and the New York Knicks on March 2, 1962, at Hersheypark Arena in Hershey, Pennsylvania. The Warriors won the game, 169\u2013147, setting what was then a record for the most combined points in a game by both teams. But the game is most remembered for the 100 points scored by Warriors center Wilt Chamberlain, who set the NBA single-game scoring record. The next leading scorer for Philadelphia was Phil Attles with 17 points. The Knicks leading scorer was Guerin with 39 points. In that game, Chamberlain", + "score": 0.70458984375, + "summary": "The 1961-62 Philadelphia Warriors set the record for the most combined points in an NBA game with a score of 169-147 against the New York Knicks on March 2, 1962. Warriors center Wilt Chamberlain scored 100 points, setting the NBA single-game scoring record.", + "extraction": "The NBA single-game scoring record was set by Warriors center Wilt Chamberlain, who scored 100 points in a game against the New York Knicks on March 2, 1962, at Hersheypark Arena in Hershey, Pennsylvania." + }, + { + "id": "7446700", + "title": "2008 NBA Finals", + "text": "scored over 13 points, with 25. The Lakers jumped out to a 35\u201314 lead after the first quarter, which was the largest first-quarter lead in NBA Finals history. The Lakers held their ground for most of the third quarter, leading by as many as 24 points. However, the Celtics went on a 21\u20133 run to end the third quarter, closing the deficit to only two points (73\u201371). With 4:07 remaining in the fourth quarter, the Celtics took their first lead in the game when Celtics' reserve Eddie House made an jumper. With House's shot, the Celtics were in the lead", + "score": 0.70458984375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "14819865", + "title": "Anthony Davis", + "text": "against the Memphis Grizzlies. Davis joined Shaquille O'Neal and Chris Webber as the only NBA players with 50 points and 20 rebounds in a game since 1983. Davis also became just the 20th player in NBA history to score at least 59 points in a game, and became the youngest player in NBA history to score 59 points in a game, and the second youngest (behind Bob McAdoo) to record 50 points and 20 rebounds in a game. The 59 points was an NBA-wide season high at the time. The total was not surpassed until the final night of the", + "score": 0.7041015625, + "summary": "Anthony Davis scored at least 59 points in a game, which was the NBA-wide season high at the time. He also became the youngest player in NBA history to score 59 points in a game and the second youngest to record 50 points and 20 rebounds in a game.", + "extraction": "The 59 points was an NBA-wide season high at the time." + }, + { + "id": "3589876", + "title": "George Yardley", + "text": "making the NBA All-Star team every year except for his rookie season. He led the Fort Wayne Pistons to two NBA Finals before the team moved to Detroit in 1957. In '57\u201358, the Pistons' first year in Detroit, Yardley led the league in scoring, averaging 27.8 points per game, and tallied 2001 points, just enough to make him the first NBA player to score 2000 points in a season. That year, Yardley also set NBA records for most free throws attempted (808) and most free throws made (655), and was named to the All-NBA First Team for the only time", + "score": 0.701171875, + "summary": "George Yardley scored 2001 points in the 1957-58 season, making him the first NBA player to score 2000 points in a season.", + "extraction": "The passage is irrelevant to the question \"What's the most points scored in an NBA game?\" as it does not provide any information about the highest score in a single NBA game." + }, + { + "id": "5174921", + "title": "Celtics\u2013Lakers rivalry", + "text": "for good, winning 97\u201391. The Celtics' victory in Game 4 was the largest comeback in the NBA Finals since 1971. The Lakers would win Game 5 103\u201398, despite blowing another large lead, and the series shifted back to Boston. However, the Celtics would close out the series in Game 6 with a dominant 131\u201392 win. The 39-point margin of victory was the largest ever in an NBA championship-clinching game, breaking the old record of 33, also set by the Celtics over the Lakers in Game Five of the 1965 NBA Finals, 129\u201396. Paul Pierce was named Finals MVP. This was", + "score": 0.70068359375, + "summary": "The document is irrelevant to the question.", + "extraction": "The passage is irrelevant to the question as it does not provide any information about the most points scored in an NBA game." + }, + { + "id": "6702337", + "title": "1973\u201374 NBA season", + "text": "over 50 games. Two of them, Milwaukee and Boston cast strong shadows all season long, each led by powerful individual forces determined to win. Milwaukee won a league-high 59 of 82 NBA games, led again by superstar Kareem Abdul-Jabbar. Kareem had not seen the NBA Finals since the controversial changing of his name, but now had no Wilt Chamberlain to prevent his return. He averaged 27 points per game, making more field goals, 948, than any player in the league. The Bucks were again the top shooting team in the NBA and led in average margin of points over opponents", + "score": 0.69970703125, + "summary": "The document is irrelevant to the question.", + "extraction": "The passage does not provide information on the most points scored in an NBA game. Therefore, the extracted span is \"irrelevant\"." + }, + { + "id": "539437", + "title": "Boston Celtics", + "text": "deficit in Game 4 to win 97\u201391, the largest comeback in NBA Finals history. After again blowing a large lead, the Lakers hung on to win Game 5 103\u201398, sending the series back to Boston. In Game 6, the Celtics overpowered the Lakers, winning 131\u201392, clinching their 17th NBA title, and first since 1986. It remains the most win in a championship-clinching game; Paul Pierce was named Finals MVP. The win in Game 6 was a sense of relief, as it was a difficult path to this championship; in that game, these Celtics set a record for most games a", + "score": 0.6982421875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the highest points scored in an NBA game." + }, + { + "id": "4316064", + "title": "Gilbert Arenas", + "text": "an individual. The previous record was held by Earl Monroe with 56 points, achieved in 1968, which was also an overtime game against the Lakers. Arenas's 16 points in the extra period also set an NBA record for most points in one overtime period, surpassing Earl Boykins' record by one point. On January 3, 2007, Arenas hit a 32-foot buzzer-beater to win the game against the Milwaukee Bucks, 108\u2013105. Two weeks later on Martin Luther King Jr. Day he hit another buzzer-beating three-pointer to beat the Utah Jazz, 114\u2013111, in a thriller at the Verizon Center. This same scenario has", + "score": 0.6982421875, + "summary": "Earl Monroe held the previous record for most points scored in an NBA game with 56 points in 1968. Gilbert Arenas set a new record with 60 points in an overtime game in which he also set a record for most points in one overtime period.", + "extraction": "The most points scored in an NBA game was 56 points, achieved by Earl Monroe in 1968." + }, + { + "id": "2104041", + "title": "Joe Fulks", + "text": "points. Fulks had a career best 26.0 points per game average in the 1948\u201349 season. Fulks led the NBA in free throw percentage during the 1950\u201351 season. Fulks set the BAA/NBA single game scoring record four different times. On December 3, 1946, in just his eighth game as a professional, Fulks became the league's record holder for most points scored in a single game when he scored 37 points, making 16 field goals and five free throws, in Philadelphia's 76 to 68 win over the Providence Steam Rollers. Just 20 games later on January 14, 1947, Fulks set a new", + "score": 0.697265625, + "summary": "Joe Fulks set the BAA/NBA single game scoring record four times, with his record-breaking game being on December 3, 1946, where he scored 37 points.", + "extraction": "The BAA/NBA single game scoring record was set by Joe Fulks four times. On December 3, 1946, he scored 37 points in just one game, making 16 field goals and five free throws, which became the record for the most points scored in a single NBA game." + }, + { + "id": "2397328", + "title": "Dirk Nowitzki", + "text": "overtime loss to the Cleveland Cavaliers, he became the 14th NBA player to reach 46,000 career minutes. On January 18, he tied a season high with 31 points and had 11 rebounds for his sixth double-double of the season in a 118\u2013113 overtime win over the Boston Celtics. On February 21, he scored 18 points against the Philadelphia 76ers, becoming the sixth player in NBA history to reach 29,000 career points. Three days later, he set a new season high with 33 points in a loss to the Oklahoma City Thunder. On March 20, he set another season high mark", + "score": 0.6962890625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information on the most points scored in an NBA game." + }, + { + "id": "6477854", + "title": "1984 NBA Finals", + "text": "1984 NBA Finals The 1984 NBA Finals, also known as Showdown '84, was the championship round of the National Basketball Association (NBA)'s 1983\u201384 season, and the culmination of the season's playoffs. The Eastern Conference champion Boston Celtics defeated the Western Conference champion Los Angeles Lakers in a seven-game Finals, winning Game 7 111\u2013102. Celtics forward Larry Bird averaged 27 points and 14 rebounds a game during the series, earning the NBA Finals Most Valuable Player (MVP). Bird was also named the league's regular season MVP for that year. This series was the long-awaited rematch of the Los Angeles Lakers and", + "score": 0.6943359375 + }, + { + "id": "6477765", + "title": "1988 NBA Finals", + "text": "a severe sprain, Thomas returned to the game with 3:44 left and the Lakers up 74-66. Thomas, with his bad ankle, scored 11 of the Pistons' last 15 points of the quarter to finish with 25, an NBA Finals record for one quarter, on 11-of-13 shooting. Even better, the Pistons outscored the Lakers 15-5 to take an 81-79 lead. The fourth quarter was nip-and-tuck; with 1:17 left, Thomas, sore ankle and all, hit a baseline jumper for his 42nd and 43rd points to give the Pistons a 100-99 lead. The Lakers came down and Magic Johnson got the ball inside", + "score": 0.69384765625 + }, + { + "id": "3363378", + "title": "McNichols Sports Arena", + "text": "date, is the highest-scoring game in NBA history, and also holds the record for the most players to score 40 or more points in a single game. However, the game was not televised in the Denver area (instead being shown back to the Detroit market, via WKBD-TV) and was attended by just over 9,300 people. This game has since been broadcast on NBA TV and ESPN Classic. The group Heart performed their rendition of \"Unchained Melody\" at the arena in 1980. \"Unchained Melody\" was included on their highly-successful double LP \"Greatest Hits/Live\" released November 1980. The Grateful Dead made a", + "score": 0.69384765625 + }, + { + "id": "2397322", + "title": "Dirk Nowitzki", + "text": "game with 35 points and passed Reggie Miller on the NBA scoring list with 25,298 points. On December 23, 2013, in a 111\u2013104 victory over the Houston Rockets, Nowitzki finished the game with 31 points and passed Alex English on the NBA scoring list with 25,631 points. On January 29, 2014, Nowitzki scored his 26,000 point in a 115\u2013117 loss to the Houston Rockets. In 35 minutes of play, he recorded 38 points, 17 rebounds, and 3 assists. On March 12, 2014, in a 108\u2013101 victory over the Utah Jazz, Nowitzki finished the game with 31 points and passed John", + "score": 0.69287109375 + }, + { + "id": "10653541", + "title": "2001 NBA All-Star Game", + "text": "size. Iverson sparked the comeback scoring 15 of his 25 points in the final nine minutes of the game. Stephon Marbury also helped the East by hitting two three-pointers in the final 53 seconds, including one with 28 seconds left, which proved to be the game-winner. Kobe Bryant scored the most points for the West squad (19 points), which led by as much as twenty-one points before the team squandered the lead. Bryant, the NBA's leading scorer at the time, could have taken the last shot; instead, he threw a pass that resulted in a last-second miss by Tim Duncan.", + "score": 0.69189453125 + }, + { + "id": "3950959", + "title": "John Havlicek", + "text": "about this in his memoir \"Calling the Shots\", called Havlicek's reaction one of the greatest plays he ever saw in his 32 years as a professional official. Havlicek is the Celtics' all-time leader in points and games played, scoring 26,395 points (20.8 points per game, 13th all-time in points scored in the NBA), and playing in 1,270 games (17th all-time). He became the first player to score 1,000 points in 16 consecutive seasons, with his best season coming during the 1970\u201371 NBA season when he averaged 28.9 points per game. Havlicek shares the NBA Finals single-game record for most points", + "score": 0.69091796875 + }, + { + "id": "9708640", + "title": "Wilt Chamberlain's 100-point game", + "text": "Celtics, losing the seventh game 109\u2013107. The closest Chamberlain came again to 100 was 73 and 72 points the next season, when he also averaged 44.8 points. The NBA in 1964 widened the lane from to to limit Chamberlain, and he averaged 36.9 that season. The anniversary of the game was not widely commemorated until its silver anniversary in 1987. By that time, the NBA had grown to be a popular sports league with average attendance of 13,000 fans per game and star players such as Magic Johnson, Larry Bird, and Michael Jordan. The Warriors' PR director Harvey Pollack said", + "score": 0.69091796875 + }, + { + "id": "5836014", + "title": "History of the Los Angeles Lakers", + "text": "top 10 scorers for the next four years. Baylor was called to active military duty during the 1961\u201362 season following the Berlin crisis and was only available on weekends. Nevertheless, Baylor and West went on to average 38.3 and 30.8 points per game respectively during the regular season. The Lakers were able to pull together and make the NBA Finals, only to lose in heartbreaking fashion to a now-dominant Celtics team. Baylor set a record for most points scored in a playoff game with 61, which stood for 25 years and is still an NBA Finals and regulation game record.", + "score": 0.6904296875 + }, + { + "id": "5174916", + "title": "Celtics\u2013Lakers rivalry", + "text": "the Los Angeles Lakers came away with a 126\u2013113 victory. Magic Johnson had 29 points, 13 assists, and 8 rebounds, while James Worthy had 33 points, 10 assists, and 9 rebounds. In Game 2, the Lakers took a 2\u20130 series lead with a 141\u2013122 victory. Magic had 22 points and 20 assists, while Michael Cooper made six three-point shots, then a record for most three-pointers made in a single NBA Finals game. In Game 3, the Celtics posted a 109\u2013103 win, led by Larry Bird, who had 30 points and 12 rebounds. In Game 4, the Celtics had a 16-point", + "score": 0.689453125 + }, + { + "id": "10806876", + "title": "Anat Draigor", + "text": "Anat Draigor Anat Draigor (born 22 March 1960 in Beersheba, Israel) is a former professional basketball player who in 2006 set the Guinness world record for the number of points scored in a single game by a female. On April 6, 2006, the 46-year-old Draigor of Israel set that record by scoring 136 points in a single game. The record occurred during a game between Draigor's Mate Yehuda and Elitzur Givat Shmuel in the third basketball league. The game's overall score was 158\u201341. Draigor started to play basketball when she was 14 years old. She played professionally from the 1985\u201386", + "score": 0.68798828125 + }, + { + "id": "6477842", + "title": "1985 NBA Finals", + "text": "2008 NBA Finals, this was the most lopsided finals game in the history of the Lakers\u2013Celtics rivalry. The Lakers recovered from their Game 1 embarrassment behind Abdul-Jabbar's 30 points, 17 rebounds, 3 blocked shots, and 8 assists. Laker swingman Michael Cooper helped in the cause by finishing with 22 points on an 8 for 9 shooting performance, including several clutch outside jumpers down the stretch. The series was evened at 1-1. The Celtics held a 48-38 lead in the second quarter before the Lakers, led by James Worthy, took a 65-59 lead at halftime. The Lakers pulled away in the", + "score": 0.68701171875 + }, + { + "id": "8725298", + "title": "Kevin Durant", + "text": "reached several historical milestones together, including becoming the first pair of teammates to each score at least 40 points in a single game since 1996, doing so in a win over the Orlando Magic on October 30. On April 11, Durant scored 34 points against the Lakers, setting an NBA record for consecutive games scoring 20 or more points with 64. For the year, Durant averaged 28.2 points, 8.2 rebounds, 5 assists, and 1.2 blocks per game, leading the Thunder to 55 wins and the third seed in the West. In Game 2 of the first round of the playoffs", + "score": 0.68701171875 + }, + { + "id": "15672247", + "title": "Larry McNeill", + "text": "also suited up for several teams in the Philippine Basketball Association, once scoring a then record 88 points, in one local game, in 1983. He also spent several seasons in the Continental Basketball Association with the Wilkes-Barre Barons, Utica Olympics, and Rochester Zeniths. McNeill continues to hold the NBA record for the most field goals in a playoff game without a miss, going 12 for 12 in a playoff game in 1975, with the Kings. Larry McNeill Larry McNeill (January 31, 1951 \u2013 December 29, 2004) was an American National Basketball Association player. McNeill played at college basketball at Marquette", + "score": 0.6865234375 + }, + { + "id": "18957535", + "title": "Zdenko Babic\u0301", + "text": "Zdenko Babi\u0107 Zdenko Babi\u0107 (born c. 1960) is a retired Croatian basketball player. He is best known for scoring 144 points in a single game, a record in FIBA-sanctioned competition. On 10 October 1985, Babi\u0107 scored 144 points playing for KK Zadar in a game of the 1985\u201386 Kora\u0107 Cup against APOEL B.C. of Cyprus. The first game of the two-legged tie between the two clubs had been won by KK Zadar with the score of 121\u201340. This gave Zadar's coach Vlade \u0110urovi\u0107 an idea of attempting to surpass the then-recent Yugoslav First League record of 112 points in a", + "score": 0.6865234375 + }, + { + "id": "6263842", + "title": "1969 NBA Finals", + "text": "fell through the hoop to give Boston a 105-102 lead. The Lakers committed costly turnovers in the last moments and trailed 108-104 before making a meaningless last second shot that made the final score 108\u2013106. After Game 7 ended, the Celtic players happily sprinted off the floor to a locker-room celebration, but Bill Russell sought out the disconsolate Jerry West, embracing him and offering his admiration. West averaged 38 points during the series and had a triple double in Game 7 (42 points, 13 rebounds, 12 assists). West was named Finals MVP, making him the only Finals MVP from a", + "score": 0.68603515625 + }, + { + "id": "6323588", + "title": "2006 NBA All-Star Game", + "text": "player to win MVP. With the score tied, Dwyane Wade, who finished with 20 points, hit the game-winning layup with 16 seconds left. Tracy McGrady of the Houston Rockets led all players with a game-high 36 points. The Detroit Pistons tied a record with the 1962 Boston Celtics (Sam Jones, Bill Russell, Bob Cousy, Tom Heinsohn), 1975 Celtics (John Havlicek, JoJo White, Dave Cowens, Paul Silas), 1983 Philadelphia 76ers (Julius Erving, Moses Malone, Andrew Toney and Maurice Cheeks), 1998 Lakers (Kobe Bryant, Shaquille O'Neal, Eddie Jones and Nick Van Exel), 2011 Boston Celtics (Rajon Rondo, Kevin Garnett, Paul Pierce and", + "score": 0.68505859375 + }, + { + "id": "1877390", + "title": "Wilt Chamberlain", + "text": "in scoring, rebounding, and durability categories. He is the only player to score 100 points in a single NBA game or average more than 40 and 50 points in a season. He won seven scoring, eleven rebounding, nine field goal percentage titles and led the league in assists once. Chamberlain is the only player in NBA history to average at least 30 points and 20 rebounds per game in a season, which he accomplished seven times. He is also the only player to average at least 30 points and 20 rebounds per game over the entire course of his NBA", + "score": 0.68408203125 + }, + { + "id": "4048736", + "title": "Kevin McHale (basketball)", + "text": "versus the Detroit Pistons McHale enjoyed his greatest scoring night, setting the Celtics' single-game scoring record with 56 points. Two nights later McHale scored 42 points against the Knicks, the only other time in his career he topped 40 points in a game. The 98 points in consecutive games is still a Celtics' record. Nine days after McHale had scored 56 points, Larry Bird established a new Celtics' single-game scoring mark by pouring in 60 points versus the Atlanta Hawks. Boston captured its second straight Eastern Conference title but was upended in the NBA Finals in six games by the", + "score": 0.68408203125 + }, + { + "id": "9708607", + "title": "Wilt Chamberlain's 100-point game", + "text": "Pistons attempted 13 shots in the game, and won 19\u201318. NBA President Maurice Podoloff said, \"In our game, with the number of stars we have, we of necessity run up big scores.\" In the , teams averaged just above 80 points per game. The NBA introduced the 24-second shot clock in 1954, and league scoring and attendance increased. By the , teams were averaging 119 points each game. Chamberlain that season was one of 37 black players in the league, the NBA having started integration of blacks in 1950. With their emergence, the NBA game was stylistically being played faster", + "score": 0.68408203125 + }, + { + "id": "7255615", + "title": "1997 NBA All-Star Game", + "text": "1997 NBA All-Star Game The 1997 NBA All-Star Game was the 47th edition of the All-Star Game and commemorated the 50th anniversary of NBA. The game was played on February 9, 1997, at Gund Arena (now known as Quicken Loans Arena) in Cleveland, Ohio, United States. The winner of the MVP award was Glen Rice of the Charlotte Hornets who played 25 minutes and scored 26 points while breaking two records in the process, 20 points in the third quarter and 24 points in the second half. Rice's 20 points in the period broke Hal Greer's record (19), set in", + "score": 0.68359375 + }, + { + "id": "11667091", + "title": "James Harden", + "text": "he recorded his seventh triple-double of the season with 30 points, 13 rebounds and 10 assists in a 140\u2013116 win over the Los Angeles Clippers. On December 31, 2016, Harden recorded yet another triple-double with 53 points, 17 assists and 16 rebounds in a 129\u2013122 win over the New York Knicks, becoming the first player in NBA history to finish with a 50-15-15 stat line. He tied Wilt Chamberlain for the most points in a triple-double in NBA history\u2014Chamberlain pulled the feat during the 1967\u201368 season, with 53 points, 32 rebounds and 14 assists. Harden set career highs for points", + "score": 0.68359375 + }, + { + "id": "6293957", + "title": "Dennis Scott (basketball)", + "text": "leading scorers for the Magic. In 1995\u201396 Scott set an NBA single-season three-point field goal tally with 267 (which was broken ten years later by Ray Allen). He also set the NBA record for most three pointers made in a single game with 11 on April 18, 1996. On his record breaking shot the assist came from teammate and the holder of the record, Brian Shaw (he made 10 three pointers on April 8, 1993). This record has also since been broken by Kobe Bryant who made 12 three pointers on January 7, 2003, Donyell Marshall who made 12 three", + "score": 0.68359375 + }, + { + "id": "6477869", + "title": "1984 NBA Finals", + "text": "was an issue in Game 5 was not as bad (indoor temperatures hovered around during the game, due to additional fans being brought in to try to cool the air). The Celtics were led by Cedric Maxwell who had 24 points, eight rebounds and eight assists as they came away with a 111-102 victory. In the game, the Lakers rallied to cut a 14-point-deficit to three with one minute remaining when Cedric Maxwell knocked the ball away from Magic Johnson. Dennis Johnson responded by sinking two free throws to seal the victory. Larry Bird was named MVP of the series.", + "score": 0.68310546875 + }, + { + "id": "3543385", + "title": "Dwyane Wade", + "text": "leading scorer in a triple overtime classic against the Utah Jazz. Wade finished with 50 points, 10 rebounds, 9 assists, 4 steals, and 2 blocks in a 140\u2013129 win. During the season, Wade became the first player in NBA history to accumulate at least 2,000 points, 500 assists, 100 steals, and 100 blocks in a season and is the first player of or shorter to register at least 100 blocks in a season. Wade also became just the fifth player in NBA history to reach 2,000 points, 500 assists, and 150 steals in a season. After a 97\u201392 win against", + "score": 0.68310546875 + }, + { + "id": "5836035", + "title": "History of the Los Angeles Lakers", + "text": "in the 1983 NBA Finals. Byron Scott joined the team the next year, in a trade for the popular Norm Nixon, and the Lakers got off to a roaring start. Kareem Abdul-Jabbar set the NBA all-time scoring record against Utah on April 5, 1984, topping Wilt Chamberlain's 31,419. The Lakers returned to the finals to face Larry Bird's Boston Celtics. The 1984 Finals were a brutal slugfest with games 1, 2, 5, and 7 played in the June heat and humidity of Boston Garden. The Celtics won the last match 111\u2013102 to clinch the championship. By the 1984\u201385 season, the", + "score": 0.68310546875 + }, + { + "id": "18586294", + "title": "Devin Booker", + "text": "eight rebounds and six assists in 45 minutes. Booker, 20, became the youngest player to score 70 (or even 60) points in a game. He had the highest-scoring game in the NBA since Bryant scored 81 in January 2006. The Suns' previous scoring record was held by Tom Chambers\u2014he had 60 points on March 24, 1990. With 21 points against Dallas on April 9, Booker passed Kobe Bryant to move into fourth place on the NBA scoring list of players before their 21st birthday with 2,774 points, trailing only Carmelo Anthony, Kevin Durant and leader LeBron James. Booker ended the", + "score": 0.6826171875 + }, + { + "id": "803379", + "title": "Denver Nuggets", + "text": "to move the ball until someone got open. Moe was also known for not paying as much attention to defense as his colleagues. The offense helped the team become highly competitive. During the 1980s, the Nuggets often scored in excess of 115 points a game, and during the 1981\u201382 season, they scored at least 100 points in every game. The NBA-record streak was halted at 136 consecutive games. During the 1981\u201382 season, the Nuggets set the league scoring record for the highest points per game average at 126.5 points. Anchored by scoring machines Alex English and Kiki Vandeweghe at the", + "score": 0.6826171875 + }, + { + "id": "6686117", + "title": "1974\u201375 NBA season", + "text": "Golden State and Chicago. Buffalo supplanted New York as Boston's most serious rival in the Atlantic foursome with 49 wins. Buffalo boasted high-scoring super star Bob McAdoo. The Big Mac posted a 34.5 scoring average to lead the NBA, making more field goals than any other player. He also led in minutes played, while also ranking among the best rebounders and shot blockers in the league. The 6'10 220-pounder was threatening enough to also earn 798 free throw tries, another league high, converting a solid 81%. The Braves lost sensation Ernie DiGregorio to knee injury, watched former Laker Jim McMillian", + "score": 0.6826171875 + }, + { + "id": "9749493", + "title": "2002 NBA All-Star Game", + "text": "2002 NBA All-Star Game The 2002 NBA All-Star Game was an exhibition basketball game which was played on February 10, 2002 at the First Union Center in Philadelphia, home of the Philadelphia 76ers. This game was the 51st edition of the North American NBA All-Star Game and was played during the 2001\u201302 NBA season. The West defeated the East 135-120, with Kobe Bryant of the L.A. Lakers winning the Most Valuable Player. Bryant scored 31 points, dished 5 assists, and grabbed 5 rebounds, despite being booed by the hometown crowd. Tracy McGrady led the way for the East, scoring 25", + "score": 0.68212890625 + }, + { + "id": "804098", + "title": "Los Angeles Lakers", + "text": "highest average for a career (27.4) while Bryant has the highest points scored in a single game (81). Baylor, Bryant and West hold the top five single season scoring averages, with Bryant occupying the numbers one (35.4) and four (31.6) spots, while Baylor has the second (34.8), and third (34.0), and West the fifth (31.3). The Lakers hold several NBA records as a team including most consecutive games won overall (33) and most consecutive road games won (16) both of which came during the 1971\u201372 season. Highest field-goal percentage for a season at 54.5% (1984\u201385), and highest road winning percentage", + "score": 0.68212890625 + }, + { + "id": "9744993", + "title": "1951 NBA All-Star Game", + "text": "second-best winning percentage in the league. The East defeated the West by 17 points. The West trailed by the end of the first quarter, where they were outscored by 9 points. The East's lead increased to 11 points at halftime and again to 19 points at the end of the third quarter. Boston Celtics' Ed Macauley scored a game-high 20 points and successfully defended Minneapolis Lakers star George Mikan, limiting him to only 4 field goals and 12 points. Alex Groza of the Indianapolis Olympians scored a team-high 17 points for the West. Syracuse Nationals' Dolph Schayes scored 15 points", + "score": 0.681640625 + }, + { + "id": "16463899", + "title": "2013 NBA Finals", + "text": "of the best games in which he has ever taken part. Dwyane Wade predicted it will go down as \"one of the best finals games that's been seen\", while NBA legend Magic Johnson called it \"one of the best two or three games\" he had ever seen. On July 17, 2013, Game 6 of the 2013 NBA Finals received the 2013 ESPY award for Best Game. The Spurs were leading 75\u201365 at the end of the third quarter, but LeBron James sparked a 20\u20137 run for the Heat to start the fourth quarter, personally scoring 11 of those points. With", + "score": 0.681640625 + }, + { + "id": "6477897", + "title": "1982 NBA Finals", + "text": "held Los Angeles to 20 points for the quarter and several times cut the lead to one point. Super-sub Bob McAdoo, known more for his offense, made a key defensive play late in the third when he blocked a Julius Erving layup on a breakaway that would have given the Sixers the lead. The Lakers came back and surged early in the fourth period to boost their lead to 11. Andrew Toney, who led all scorers with 30 points, and Erving, who had 29, responded by trimming the lead to 103-100 with about four minutes left, but then Kareem Abdul-Jabbar", + "score": 0.681640625 + }, + { + "id": "9708646", + "title": "Wilt Chamberlain's 100-point game", + "text": "goals per game were being attempted. The closest any player has gotten to 100 points was the Los Angeles Lakers' Kobe Bryant, who scored 81 in a 122\u2013104 win over the Toronto Raptors on January 22, 2006. Whereas Chamberlain was fed repeatedly by teammates for inside shots in a blowout win, Bryant created his own shot\u2014mostly from the outside\u2014in a game which the Lakers trailed at halftime by 14 and did not pull away until the fourth quarter. Chamberlain, playing in an era when the games were paced faster and scoring opportunities were more plentiful, accounted for 59 percent of", + "score": 0.68017578125 + }, + { + "id": "1811598", + "title": "LeBron James", + "text": "Pacers, leading Cleveland to a comeback victory after trailing by 25 points at halftime, representing the largest halftime deficit overcome in NBA playoff history. In Game 5 of the Conference Finals against the Celtics, James scored 35 points and surpassed Michael Jordan as the league's all-time postseason scoring leader. The Cavaliers won the game and the series, advancing to their third consecutive Finals against the Warriors. Behind averages of 33.6 points, 12 rebounds, and 10 assists per game, James became the first player to average a triple-double in the Finals, but Cleveland was defeated in five games. Prior to the", + "score": 0.68017578125 + }, + { + "id": "3543384", + "title": "Dwyane Wade", + "text": "game of scoring in double figures in a double overtime thriller against the Chicago Bulls, in which he scored the game-winning three-point basket to secure a 130\u2013127 win. Wade finished with 48 points on 71.4% shooting, 12 assists, 6 rebounds, 4 steals and 3 blocks in 50 minutes. According to the Elias Sports Bureau, Wade joined Wilt Chamberlain as the only other player in NBA history to score that many points and have that many assists in a game, while having as high of a field goal percentage. Two games later, Wade surpassed Alonzo Mourning and became the Heat's all-time", + "score": 0.68017578125 + }, + { + "id": "1877493", + "title": "Wilt Chamberlain", + "text": "He was also responsible for several rule changes, including widening the lane from 12 to 16 feet, as well as changes to rules regarding inbounding the ball and shooting free throws. Chamberlain is most remembered for his 100-point game, which is widely considered one of basketball's greatest records. Decades after his record, many NBA \"teams\" did not even average 100 points as fewer field goals per game were being attempted. The closest any player has gotten to 100 points was the Los Angeles Lakers' Kobe Bryant, who scored 81 in 2006. Bryant afterwards said Chamberlain's record was \"unthinkable ... It's", + "score": 0.68017578125 + }, + { + "id": "9708632", + "title": "Wilt Chamberlain's 100-point game", + "text": "go out and score 100.\" The Warriors and Knicks combined for a record 316 points. Philadelphia fell short of the Boston Celtics' then-record of 173 points in a game. It was not uncommon for late-season NBA games to feature little defense. Celtics guard Bob Cousy said that the level of play in the NBA decreased as the season progressed, and \"defenses are out of gas\" by the end of the season. The following night, Chamberlain got permission to travel back to New York with three Knicks players. According to Cherry, Chamberlain drifted in and out of sleep and got a", + "score": 0.6796875 + }, + { + "id": "7446701", + "title": "2008 NBA Finals", + "text": "for good. The Celtics' victory in Game 4 was the largest comeback in the NBA Finals since . The Celtics bench outscored the Lakers bench 35\u201315, 29 of those points coming from House and James Posey. Kevin Garnett finished with 16 points and 11 rebounds in support of Allen (19) and Pierce (20). As in Game 4, the Lakers jumped out to an early lead, leading 43\u201324 with 11 minutes to play in the second quarter. And as in Game 4, the Celtics came back, taking a 62\u201360 lead behind the strong play of Paul Pierce. The Lakers finally regained", + "score": 0.67919921875 + }, + { + "id": "4786081", + "title": "Mike Miller (basketball player)", + "text": "in a game set in February 1999. The two previous games Miller hit seven threes. This made him the first NBA player to hit at least seven three-pointers in three consecutive games since the Dallas Mavericks' George McCloud achieved it in 1996. Miller holds the Memphis Grizzlies franchise record for most points scored in a single game, with 45 on February 21, 2007, against the Golden State Warriors. After the 2006\u201307 NBA season, Miller was announced as a member of the USA Basketball team. On June 26, 2008, Miller, Brian Cardinal, Jason Collins, and the 5th pick of the 2008", + "score": 0.67919921875 + }, + { + "id": "4847376", + "title": "Bob Pettit", + "text": "twenty points and twenty rebounds in an NBA season. In the following season, he scored a career best 31.1 points per game, but the Hawks slipped to fourth place. After missing 30 games because of injuries, Pettit ended his career in 1965 still near the peak of his game. He was the first NBA player to eclipse the 20,000 points mark (20,880 for a 26.4 average). Of the 20,880 points he scored in the NBA, 6,182 of them (nearly 30 percent) came from free throws. His 12,849 rebounds were second most in league history at the time he retired, and", + "score": 0.6787109375 + }, + { + "id": "9708650", + "title": "Wilt Chamberlain's 100-point game", + "text": "the game starting in the second quarter. Pastner's father had been attempting to locate the footage among his many boxes, but he also conceded that the footage might be lost. In 1961\u201362, the NBA's three highest scoring averages were by black players (Chamberlain, Baylor, Walt Bellamy). Oscar Robertson, a Hall of Famer, believes the NBA would have lost its small television contract and not survived without the emergence of black superstars. \"People heard about Wilt scoring a 100, averaging 50 a night, and they wanted to see the guy do it ... I believe Wilt Chamberlain single-handedly saved the league.\"", + "score": 0.6787109375 + }, + { + "id": "2064841", + "title": "George Mikan", + "text": "and storming through the playoffs, Mikan's team played the 1950 NBA Finals against the Syracuse Nationals. In Game 1, the Lakers beat Syracuse on their home court when Lakers reserve guard Bob Harrison hit a 40-foot buzzer beater to give Minneapolis a two-point win. The team split the next four games, and in Game 6, the Lakers won 110\u201395 and won the first-ever NBA championship. Mikan scored 31.3 points per game in the playoffs. In the 1950\u201351 NBA season, Mikan was dominant again, scoring a career-best 28.4 points per game in the regular season, again taking the scoring crown, and", + "score": 0.67822265625 + }, + { + "id": "2162687", + "title": "Jerry West", + "text": "Game 2, Baltimore was unable to stop the Lakers guard, who scored 52 points, nearly half of L.A.'s total, in the 118\u2013115 win. The Bullets took their two home games, despite West scoring 44 and 48 points respectively, but in the decisive Game 5 in L.A., the guard helped beat the Bullets with 42 points in a close 117\u2013115 win. West averaged 46.3 points per game, a figure that is still an NBA record. However, in the 1965 NBA Finals, the Celtics easily beat the short-handed Lakers, 4\u20131. In Game 1, which Boston easily won, defensive Celtics guard K. C.", + "score": 0.67822265625 + }, + { + "id": "7655562", + "title": "1978 NBA Finals", + "text": "second half, and the SuperSonics weren't up to that pace. Mitch Kupchak added 19 points, and Ballard had 12 points and 12 rebounds. The 35-point margin of victory was an NBA Finals record that stood until the 1998 NBA Finals Game 3 (96-54, 42 points). Dennis Johnson, who before the 1977-78 playoffs was a relatively unknown guard from Pepperdine University, had grown into a star in this series in front of a national TV audience. However, DJ would miss every one of his 14 shots in this game. Fellow guard Gus Williams was a bit more accurate, shooting 4-for-12. SuperSonics", + "score": 0.67822265625 + }, + { + "id": "9708639", + "title": "Wilt Chamberlain's 100-point game", + "text": "per game. He scored a record 4,029 points, more than the division-winning Warriors in 1947\u201348 scored as a team. He played in a record 3,882 minutes\u2014including every minute of 79 (a record) of 80 games. He averaged 48.5 minutes per game. An NBA game is 48 minutes, but Chamberlain played in 10 overtime periods in seven games. He was second in the league in field goal percentage at .506 and made 61 percent of his free throws, a career high. The Warriors finished the season with a 49\u201331 record. They lost in the conference finals of the playoffs to the", + "score": 0.677734375 + }, + { + "id": "6477947", + "title": "1980 NBA Finals", + "text": "points in the quarter. In the fourth with a little over five minutes left, the Sixers rallied to cut the Laker lead to 103\u2013101. After a timeout, the Lakers went on one last run, with Magic scoring nine points down the stretch on the way to a final 123\u2013107 margin. Wilkes had a career-high 37 points and added 10 rebounds. Jim Chones effectively shut down the middle in place of Abdul-Jabbar and finished with 11 points and 10 rebounds, and held Darryl Dawkins to 14 points and a scant four rebounds. Michael Cooper, in a rare start, scored 16 points,", + "score": 0.677734375 + }, + { + "id": "7194752", + "title": "Paul Westhead", + "text": "points per game in 1990\u201391, it also surrendered an NBA record 130.8 points per game, including 107 points in a single half to the Phoenix Suns, which remains an NBA record. Under Westhead, the Nuggets were sometimes called the \"Enver Nuggets\" (as in no \"D\" (no defense)). The next year the Nuggets drafted Dikembe Mutombo, who made the All-Star team, and played at a more conservative pace scoring just 99.7 points per game, but only improved to 24 wins. Westhead was fired from the Nuggets after two seasons after posting a combined W/L record of 44\u2013120. Following his tenure with", + "score": 0.67724609375 + }, + { + "id": "6477841", + "title": "1985 NBA Finals", + "text": "home team: The Celtics beat the Lakers 148-114 in a game that came to be known as the \"Memorial Day Massacre.\" The game was a profound embarrassment for the Lakers. Kareem Abdul-Jabbar had only 12 points and 3 rebounds in his matchup with Robert Parish, and Magic Johnson pulled down only one rebound. Danny Ainge of the Celtics started hot, scoring 15 points in the first quarter. Scott Wedman made all 11 shots he took from the field. Afterwards, Abdul-Jabbar apologized to his teammates for his terrible performance. Before Boston's 131-92 victory over the Lakers in Game 6 of the", + "score": 0.67724609375 + }, + { + "id": "18553709", + "title": "2017 NBA All-Star Game", + "text": "2017 NBA All-Star Game The 2017 NBA All-Star Game was an exhibition basketball game that was played on February 19, 2017 in New Orleans, Louisiana at the Smoothie King Center. It was the 66th edition of the event. The West won the game 192-182. The MVP of the game was Anthony Davis, who scored 52 points, the most ever scored by a player in an All-Star Game. It was initially planned to be held at Spectrum Center in Charlotte, home of the Charlotte Hornets. If the game had remained in Charlotte, it would have been the second time that Charlotte", + "score": 0.67724609375 + }, + { + "id": "17996889", + "title": "2015 NBA Finals", + "text": "1\u20131 and stealing homecourt advantage heading into Cleveland. For the first time in NBA Finals history, the first two games were decided in overtime, with the Cavaliers winning their first Finals game in franchise history. LeBron James tallied his fifth Finals triple-double with 39 points, 16 rebounds, and 11 assists while moving solely into second all-time in Finals triple-doubles behind Magic Johnson's 8. James, who shot 11-for-35 in the game, played 50 minutes and led all scorers. James either scored or assisted on 66 of Cleveland's 95 points, and his 83 points in the first two games of a Finals", + "score": 0.6767578125 + }, + { + "id": "9708651", + "title": "Wilt Chamberlain's 100-point game", + "text": "Naulls wrote, \"Wilt had rung the bell of freedom loud and clear, shouting, 'Let my people be free to express themselves.' For we were and will be for all time those who withstood the humiliation of racial quotas even to the point of the NBA's facing extinction because of retarded expression and stagnating growth.\" Source
Wilt Chamberlain's 100-point game Wilt Chamberlain set the single-game scoring record in the National Basketball Association (NBA) by scoring 100 points for the Philadelphia Warriors in a 169\u2013147 win over the New York Knicks on March 2, 1962, at Hershey Sports Arena in Hershey,", + "score": 0.6767578125 + }, + { + "id": "13294209", + "title": "DeMarcus Cousins", + "text": "in a 132\u2013128 double overtime win over the Chicago Bulls. He became the first NBA player since Hall of Famer Kareem Abdul-Jabbar in 1972 to have as many as 40 points, 20 rebounds and 10 assists in a game. It was also just the 10th 40-point, 20-rebound, 10-assist game in NBA history. On January 26, 2018, he had 15 points, 13 rebounds and 11 assists before injuring his left Achilles in the final seconds of the Pelicans' 115\u2013113 win over the Houston Rockets. Following the game, he was diagnosed with a torn left Achilles, and on January 31, he underwent", + "score": 0.6767578125 + }, + { + "id": "12446798", + "title": "Ed Palubinskas", + "text": "in Montreal, including the record for most points scored in a single Olympics (269), which was broken by Brazilian Oscar Schmidt during the 1988 Summer Olympics. The most points he scored in one game was 48 against Mexico in overtime. He is a member of the Basketball Australia Hall of Fame. Palubinskas took a position as shooting coach to Shaquille O'Neal with the Los Angeles Lakers for the 2000\u201301 NBA season. Following the Lakers' triumph in the NBA, Palubinskas also received an NBA champion's ring. Palubinskas also worked with Brandon Bass and Dwight Howard. He has his own basketball school", + "score": 0.67626953125 + }, + { + "id": "11667097", + "title": "James Harden", + "text": "November 5, he scored a career-high 56 points in a 137\u2013110 win over the Utah Jazz, falling just shy of Calvin Murphy's 57-point franchise record set in 1978. Harden joined Wilt Chamberlain as the only players in NBA history to have at least 10 assists and shoot better than 75 percent from the field in a 50-point performance. On November 16, he had 23 of his 48 points in the second quarter while the Rockets scored 90 points in the first half en route to a 142\u2013116 win over the Phoenix Suns. The Rockets made 61 percent of their first-half", + "score": 0.67626953125 + }, + { + "id": "6109021", + "title": "Jo Jo White", + "text": "the Eastern Conference Finals. In 1976, White was part of a dominant Celtics squad which featured 5 veterans averaging double-digit scoring. During the playoffs, White led the Celtics to the NBA championship and was a starring player in what is often referred to as \"the greatest game ever played\" in NBA history. In the triple overtime win against the Phoenix Suns in game 5 of those finals, White was the game's high scorer with 33 points, had a game high 9 assists, leading the Celtics to a 128\u2013126 win. Logging 60 minutes of play time, only the Suns' Garfield Heard", + "score": 0.67626953125 + }, + { + "id": "6802830", + "title": "1963\u201364 NBA season", + "text": "second season in California, won the West with 48 wins in 80 NBA games. Their leader was again superstar Wilt Chamberlain. Wilt tried 2298 shots in his 80 games, easily a league high, and made a league-high 1204 field goals at a 52% clip. A poor foul shooter, Wilt still had a league-high 1016 tries to help boost his 36.9 scoring average, which again led all NBA players. Wilt was second in rebounds, first or second in shots blocked, and first in minutes played with an average of 46 minutes per 48-minute NBA game. Expanding his game to include passing,", + "score": 0.67626953125 + }, + { + "id": "6477856", + "title": "1984 NBA Finals", + "text": "one of the (literally) hottest games ever () in the non-air conditioned Boston Garden. Game 7 was also contested in hot temperatures that hovered around . The score was close but the contest eventually went to the Celtics. Cedric Maxwell scored 24 points against the Los Angeles Lakers in the decisive Game 7 victory. Los Angeles won all three games played on Sunday afternoons. Boston won the games played on Tuesday night, Wednesday night, Thursday night, and Friday night. The Series schedule was an odd schedule, due entirely to the whims of television. Game One was played on a Sunday", + "score": 0.67626953125 + }, + { + "id": "11945874", + "title": "1975\u201376 Boston Celtics season", + "text": "a minute left on the clock, but Westphal made up the deficit almost single-handedly, sending the game into a first overtime period, which ended in a tie. John Havlicek's basket with 2 seconds remaining in double overtime gave the Celtics a one-point lead, which Boston stretched to two points after sinking a technical foul. Then the Suns' Garfield Heard hit a last-second basket to send the contest into a third overtime. The longest game in NBA history finally ended, after three extra periods, with the Celtics winning 128\u2013126. Two days later Boston captured yet another NBA championship, the 13th in", + "score": 0.67578125 + }, + { + "id": "1811587", + "title": "LeBron James", + "text": "best in modern NBA history by ESPN. In February of the 2012\u201313 season, James averaged 29.7 points and 7.8 assists per game while setting multiple shooting efficiency records. That same month, the Heat also began a 27-game winning streak, the third longest in NBA history. Based on these accomplishments, James's performance was described as a \"month for the ages\" by \"Sports Illustrated\". Miami eventually finished the year with a franchise and league best 66\u201316 record, and James was named MVP for the fourth time, falling just one vote shy of becoming the first player in NBA history to win the", + "score": 0.67529296875 + }, + { + "id": "1361488", + "title": "Pete Maravich", + "text": "ball from his career-high 68 point night on February 25, 1977, sold for $131,450 in a 2009 Heritage auction. Free throws made, quarter: 14, Pete Maravich, third quarter, Atlanta Hawks vs. Buffalo Braves, Free throw attempts, quarter: 16, Pete Maravich, second quarter, Atlanta Hawks at Chicago Bulls, Second pair of teammates in NBA history to score 2,000 or more points in a season: 2, Atlanta Hawks ()
Maravich: 2,063
Lou Hudson: 2,029 Third pair of teammates in NBA history to score 40 or more points in the same game: New Orleans Jazz vs. Denver Nuggets,
Maravich: 45", + "score": 0.67529296875 + }, + { + "id": "804024", + "title": "Los Angeles Lakers", + "text": "Lakers improved to 54\u201326 in 1961\u201362, and made the finals. In a game five victory, Baylor grabbed 22 rebounds and set the still-standing NBA record for points in a finals game with 61, despite fouling out of the game. The Lakers, however, lost to the Celtics by three points in overtime of game seven. Frank Selvy, after making two jumpers in the final 40 seconds to tie the game, missed a potential game-winning 18 foot jump shot in regulation, a miss which he said in June 2010 still haunted him more than 40 years later. Los Angeles won 53 games", + "score": 0.67529296875 + }, + { + "id": "9708615", + "title": "Wilt Chamberlain's 100-point game", + "text": "gold medal in the 1960 Summer Olympics. New York also had , , backup center Cleveland Buckner, a better shooter than a defender who Chamberlain overpowered for an NBA record 28 points in one quarter two days earlier. According to McGuire, the game did not start with any game plan to get Chamberlain 100 points. After a few minutes, the Warriors led 19\u20133, and their star center had already scored 13 points and made his first five shots. At the end of the first quarter, the Knicks trailed 42\u201326, and in his typical style, Chamberlain had already scored 23 points,", + "score": 0.6748046875 + }, + { + "id": "2880587", + "title": "Ben Gordon", + "text": "off the bench. On January 9, 2010, Gordon scored the 10 millionth point in NBA history. After the season, Gordon had surgery on his left ankle. On March 22, 2012, Gordon again tied the NBA record for most three\u2013point shots made without a miss with 9. He scored 45 points to help bring Detroit back from a 25\u2013point deficit, though they still lost to the Denver Nuggets 116\u2013115. On June 26, 2012, Gordon and a future first round pick were traded to the Charlotte Bobcats in a deal that sent Corey Maggette to the Pistons. On November 28, 2012, Gordon", + "score": 0.6748046875 + }, + { + "id": "16463906", + "title": "2013 NBA Finals", + "text": "championship. After a 3-point shot by Kawhi Leonard, the Spurs trailed by just two with 50 seconds remaining in the game. They had a chance to tie the game, but Duncan, guarded by Shane Battier, missed a shot under the basket and a follow-up tip-in attempt. James went on to hit a 17-foot jumper that secured the victory. Wade scored 23 points and had 10 rebounds, and Battier scored 18 points on six 3-pointers to offset scoreless nights by Bosh and Allen. James tied Tommy Heinsohn's record set in 1957 for most points in an NBA Finals Game 7 win,", + "score": 0.6748046875 + }, + { + "id": "1877468", + "title": "Wilt Chamberlain", + "text": "entire second half. The Lakers lost 107\u2013100 in what was called one of the greatest comebacks in NBA Finals history. In Game 6, Chamberlain scored 45 points, grabbed 27 rebounds and almost single-handedly equalized the series in a 135\u2013113 Lakers win, and with Reed out, the Knicks seemed doomed prior to Game 7 in New York. However, the hero of that Game 7 was Willis Reed. He famously hobbled up court, scored the first four points, and inspired his team to one of the most famous playoff upsets of all time. The Knicks led by 27 at halftime, and despite", + "score": 0.67431640625 + }, + { + "id": "4847375", + "title": "Bob Pettit", + "text": "28 points and 26 rebounds. St. Louis finished at the top of the Western Division in each of the next three seasons. Pettit's league leading scoring average of 29.2 points per game in the 1958\u201359 season was an NBA record at the time, and he was named the Sporting News NBA MVP. In the 1960\u201361 season, Pettit averaged 27.9 points per game and pulled down 20.3 rebounds per game, making him one of only five players to ever break the 20 rpg barrier. He along with Wilt Chamberlain and Jerry Lucas are the only three people who averaged more than", + "score": 0.673828125 + }, + { + "id": "804076", + "title": "Los Angeles Lakers", + "text": "Kobe Bryant that ended his season after 78 games. The absence of Bryant was sorely felt as the Lakers were swept by the San Antonio Spurs in the first round of the 2013 NBA Playoffs. Nevertheless, Bryant passed Lakers legend Wilt Chamberlain to become the fourth all-time leading scorer in NBA history on March 30, 2013, against the Sacramento Kings. On March 25, 2014, the Lakers scored 51 points in the third quarter against the New York Knicks, the most points scored in a quarter in the history of the franchise. The Lakers went on to miss the NBA playoffs", + "score": 0.673828125 + }, + { + "id": "11904498", + "title": "1961\u201362 Philadelphia Warriors season", + "text": "1961\u201362 Philadelphia Warriors season The 1961\u201362 Philadelphia Warriors season was the sixteenth season for the National Basketball Association franchise in Philadelphia, and the last before their relocation to San Francisco, California, for the following season. Wilt Chamberlain had perhaps the most dominating season in NBA history. Chamberlain led the league with an NBA record 50.4 points per game. In one eight-day stretch in January, Chamberlain participated in three games, where he scored at least 63 points. On March 2, 1962, the Warriors played the New York Knicks in Hershey, Pennsylvania. Chamberlain had one of the most dominating performances in NBA", + "score": 0.67333984375 + }, + { + "id": "5503372", + "title": "Radivoj Korac\u0301", + "text": "Radivoj Kora\u0107 Radivoj Kora\u0107 (; 5 November 1938 \u2013 2 June 1969), sometimes also \"Radivoje\", was a Yugoslav professional basketball player. He represented the Yugoslavia national basketball team internationally. Kora\u0107 is well known for holding the EuroLeague's all-time single-game scoring record, at 99 points scored, in a game versus Alvik Basket, during the 1964\u201365 season, and for once making 100 out of 100 free throws on a live television show in Belgium. Kora\u0107 died in a car crash in 1969, at the age of 30, and FIBA Europe later established the European-wide third-tier level FIBA Radivoj Kora\u0107 Cup, in his", + "score": 0.67236328125 + }, + { + "id": "6477919", + "title": "1981 NBA Finals", + "text": "his defense on the Celtics star, holding him to three baskets and eight points. But, the Celtics would not need Bird's scoring in this one. The Rockets shot a paltry 3 for 17 in the second quarter, fell behind by 17, and never recovered. Cedric Maxwell led six Celtics in double figures with 19 points. His teammates, meanwhile, played some pretty good defense of their own, holding the Rockets to 71 points, the lowest output for an NBA team in a Finals game since the Syracuse Nationals scored 71 in the 1955 NBA Finals (which was, incidentally, the year the", + "score": 0.67236328125 + }, + { + "id": "7255988", + "title": "2004 NBA All-Star Game", + "text": "2004 NBA All-Star Game The 2004 NBA All-Star Game was an exhibition basketball game which was played on February 15, 2004 at the Staples Center in Los Angeles, home of the Lakers and Clippers. This game was the 53rd edition of the North American National Basketball Association (NBA) All-Star Game and was played during the 2003\u201304 NBA season. The West defeated the East 136-132, with Shaquille O'Neal of the Los Angeles Lakers winning the Most Valuable Player for the second time in his career. O'Neal scored 24 points and grabbed 11 rebounds. Jamaal Magloire led the East with 19 points", + "score": 0.67236328125 + }, + { + "id": "8607984", + "title": "2003 NBA All-Star Game", + "text": "2003 NBA All-Star Game The 2003 NBA All-Star Game was an exhibition basketball game which was played on February 9, 2003 at the Philips Arena in Atlanta, home of the Atlanta Hawks. This game was the 52nd edition of the North American National Basketball Association (NBA) All-Star Game and was played during the 2002\u201303 NBA season. The West defeated the East 155-145 in double overtime, with Kevin Garnett of the Minnesota Timberwolves winning the Most Valuable Player. Garnett scored 37 points, grabbed 9 rebounds, and had 5 steals. Allen Iverson led the East with 35 points. This was the first", + "score": 0.67236328125 + }, + { + "id": "11969683", + "title": "2009 NBA Finals", + "text": "18 of the team's 20 points in the quarter, including the final 16, on his way to a playoff career-high and Finals franchise-high 34 points for the game. The Magic outscored the Lakers in the 3rd quarter to take a 2-point lead in the 4th. With the game tied at 84, Rashard Lewis hit a jumper with 1:32 remaining to give the Magic a 2-point lead. Kobe Bryant responded with a jumper of his own to tie the game. With 47 seconds left, Hedo T\u00fcrko\u011flu hit a jumper that was originally called a 3-pointer. However, replay showed that his foot", + "score": 0.67236328125 + }, + { + "id": "804017", + "title": "Los Angeles Lakers", + "text": "to the Basketball Association of America (BAA), and Mikan's 28.3 point per game (ppg) scoring average set a BAA record. In the 1949 BAA Finals they won the championship, beating the Washington Capitols four games to two. The following season, the team improved to 51\u201317, repeating as champions. In the 1950\u201351 season, Mikan won his third straight scoring title at 28.4 ppg and the Lakers went 44\u201324 to win their second straight division title. One of those games, a 19\u201318 loss against the Fort Wayne Pistons, became infamous as the lowest scoring game in NBA history. In the playoffs, they", + "score": 0.671875 + }, + { + "id": "4918388", + "title": "Darrall Imhoff", + "text": "city. Imhoff unfortunately, was not up to the pressure and had a season which fell well below hopes. Disappointed, he was the backup center by season's end. He was the starter in a March 1962 game when Philadelphia 76ers center Wilt Chamberlain set an NBA record scoring 100 points in a game. After the season, Imhoff was traded to the Detroit Pistons for their All-Star guard Gene Shue. Imhoff's lack of shooting skills at the NBA level had been exposed, but he never quit working to improve. He began to see more minutes with the Pistons until he was dealt", + "score": 0.67138671875 + }, + { + "id": "9118430", + "title": "2007 NBA Playoffs", + "text": "of the most memorable postseason games in recent NBA history. In a match that went into double overtime, the Cavaliers stunned the Pistons on their home court, thanks to LeBron James' playoff career-high 48-point performance. James scored the Cavaliers' final 25 points, including all 18 points in overtime, forced the second OT with a driving dunk and made a driving layup with 2.2 seconds left in the second OT to silence the Palace crowd. A game tying buzzer beater by Chauncey Billups rimmed out making it two straight 2-point wins at the Palace in Game 5. The Cavaliers took advantage", + "score": 0.67138671875 + }, + { + "id": "11969681", + "title": "2009 NBA Finals", + "text": "injuring his shoulder during the regular season in February. Down 33\u201328 with 8:38 left in the 2nd quarter, the Lakers went on a 10\u20130 run and never looked back. The Lakers ended the 3rd quarter on a 25\u201310 run, led by the fierce play from Kobe Bryant, who finished with 40 points, 8 rebounds, and 8 assists, joining the likes of Shaquille O'Neal, Michael Jordan, and Jerry West to put up those numbers in a single NBA Finals game. The 25-point margin of victory was the 6th-largest in NBA Finals Game 1 history. Due to stellar defense by the Lakers,", + "score": 0.6708984375 + }, + { + "id": "6477867", + "title": "1984 NBA Finals", + "text": "scored 34 points. The game was known as the \"Heat Game\", as it was played under heat, and without any air conditioning, at Boston Garden. The Celtics did not warm up with their sweat pants on because of extreme heat, and an oxygen tank was provided to give air to an aging Kareem Abdul-Jabbar. Referee Hugh Evans became dehydrated and fainted at one point in the first half. He worked the first half, but was replaced by John Vanak for the second half. It was also the last time that a team with home court advantage in the NBA finals", + "score": 0.6708984375 + }, + { + "id": "11640805", + "title": "History of the Boston Celtics", + "text": "believed momentum in the series had shifted the Lakers' way. However, the Celtics did not give up. Led by a bench that outscored the Lakers bench by 20 points, they fought back. The Celtics locked up their defense and took over Game 4 with a crushing 97\u201391 victory, the biggest comeback in NBA Finals history. Although the Lakers took Game 5, 103\u201398, the series went back to Boston for Game 6, and the Celtics finished it off with a dominating 131\u201392 victory. This game would mark the largest margin of victory for a clinching finals game in NBA history. The", + "score": 0.6708984375 + } + ], + "answer": "In basketball, points are used to keep track of the score in a game. The most points scored in a NBA game by combined teams is 370, and the most points scored in a NBA game by a single team is 186. The most points scored in a NBA game by an individual is 100. The highest amount of points scored by a single team in regular season games in regulation is 162. The highest amount of points scored by a single team in playoff games is 153." + }, + { + "qa_pairs": [ + { + "context": "Lipid profile or \"lipid panel\" is a panel of blood tests that serves as an initial screening tool for abnormalities in lipids, such as cholesterol and triglycerides. The results of this test can identify certain genetic diseases and can determine approximate risks for cardiovascular disease, certain forms of pancreatitis, and other diseases.", + "question": "What do you use to test lipids for abnormalities?", + "short_answers": [ + "lipid panel", + "Lipid profile" + ], + "wikipage": "Lipid profile" + }, + { + "context": "The emulsion test is a method to determine the presence of lipids using wet chemistry. The procedure is for the sample to be suspended in ethanol, allowing lipids present to dissolve (lipids are soluble in alcohols). The liquid (alcohol with dissolved fat) is then decanted into water. Since lipids do not dissolve in water, when the ethanol is diluted, it falls out of the solution to give a cloudy white emulsion.", + "question": "What method do you use to test for the presence of lipids?", + "short_answers": [ + "Emulsion test" + ], + "wikipage": "Emulsion test" + }, + { + "context": "No context provided", + "question": "What do you use to test for lipids in food?", + "short_answers": [ + "Emulsion test" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "What do you use to test for lipids in the body?", + "short_answers": [ + "Lipid panel test" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Lipid profile", + "url": "https://en.wikipedia.org/wiki/Lipid%20profile" + }, + { + "title": "Emulsion test", + "url": "https://en.wikipedia.org/wiki/Emulsion%20test" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "A lipid profile or \"lipid panel\" is a panel of blood tests that serves as an initial screening tool for abnormalities in lipids, such as cholesterol and triglycerides in the body. The emulsion test however, is a method to determine the presence of lipids using wet chemistry. This same method can test for lipids in food as well." + }, + { + "knowledge": [], + "long_answer": "Lipid profile or a lipid panel test, is a panel of blood tests that serves as an initial screening tool for abnormalities in lipids, such as cholesterol and triglycerides, as well as certain genetic diseases. The emulsion test is a method to determine the presence of lipids using wet chemistry. The procedure is for the sample to be suspended in ethanol, allowing lipids present to dissolve. The liquid, which is alcohol with dissolved fat, is then decanted into water. Since lipids do not dissolve in water, when the ethanol is diluted, it falls out of the solution to give a cloudy white emulsion." + } + ], + "sample_id": "-6253059790504461986", + "question": "What do you use to test for lipids?", + "docs": [ + { + "id": "81374", + "title": "Cholesterol", + "text": "and then every 3\u201312 months thereafter. A blood sample after 12-hour fasting is taken by a doctor, or a home cholesterol-monitoring device is used to measure a lipid profile, an approach used to estimate a person's lipoproteins, the vastly more important issue because lipoproteins have always been concordant with outcomes though the lipid profile is commonly discordant LDL Particle Number and Risk of Future Cardiovascular Disease in the Framingham Offspring Study. The lipid profile measures: (a) total cholesterol, (b) cholesterol associated with HDL (i.e. Higher Density {than water} Lipids-transported-within-proteins) particles (\"which can regress arterial disease\"), (c) triglycerides and (d) (by", + "score": 0.73681640625, + "summary": "To test for lipids, a blood sample after 12-hour fasting is taken by a doctor, or a home cholesterol-monitoring device is used to measure a lipid profile. The lipid profile measures total cholesterol, cholesterol associated with HDL particles, triglycerides, and LDL particle number.", + "extraction": "A lipid profile is used to measure a person's lipoproteins, which is done by a blood sample taken by a doctor or a home cholesterol-monitoring device. The lipid profile measures total cholesterol, cholesterol associated with HDL particles, triglycerides, and LDL Particle Number." + }, + { + "id": "6597964", + "title": "Biomarker discovery", + "text": "to the analysis of lipids. Since lipids have unique physical properties, they have been traditionally difficult to study. However, improvements in new analytical platforms have made it possible to identify and to quantify most of lipids metabolites from a single sample. Three key platforms used for lipid profiling include mass spectrometry, chromatography, and nuclear magnetic resonance. Mass spectrometry was used to delineate the relative concentration and composition of high-density lipoproteins (HDL) particles from lipid extracts isolated from coronary bypass patients and healthy volunteers. They found that HDL particles from coronary bypass patients contained significantly less sphingomyelin relative to phosphatidylcholine and", + "score": 0.71533203125, + "summary": "Three key platforms used to test for lipids are mass spectrometry, chromatography, and nuclear magnetic resonance. Mass spectrometry was used to study the composition of high-density lipoproteins in coronary bypass patients and healthy volunteers.", + "extraction": "Mass spectrometry, chromatography, and nuclear magnetic resonance are the three key platforms used for lipid profiling." + }, + { + "id": "3556664", + "title": "Lipidomics", + "text": "relatively well for a wide variety of physiologically relevant lipids but they have to be adapted for complex lipid chemistries and low-abundance and labile lipid metabolites. When organic soil was used, citrate buffer in the extraction mixture gave higher amounts of lipid phosphate than acetate buffer, Tris, HO or phosphate buffer. The simplest method of lipid separation is the use of thin layer chromatography (TLC). Although not as sensitive as other methods of lipid detection, it offers a rapid and comprehensive screening tool prior to more sensitive and sophisticated techniques. Solid-phase extraction (SPE) chromatography is useful for rapid, preparative separation", + "score": 0.70361328125, + "summary": "Thin layer chromatography (TLC) is a simple method for lipid separation, but other techniques such as solid-phase extraction (SPE) chromatography are more sensitive. Citrate buffer in the extraction mixture is more effective than acetate, Tris, or phosphate buffer for lipid phosphate.", + "extraction": "The simplest method of lipid separation is the use of thin layer chromatography (TLC)." + }, + { + "id": "10591780", + "title": "Molybdenum blue", + "text": "simple tests are shown below that rely on the production of the molybdenum blue colour either due to reduction: or by detection of the heteroatom Dittmer's spray reagent for phospholipids is used in thin layer chromatography to detect phospholipids. The spray reagent is prepared as follows: When applied to the TLC plate, compounds containing phosphate ester show up immediately as blue spots. The isopoly-molybdenum blues have been known for many years. They are the cause of the \"blue waters\" found near Idaho Springs, known to Native Americans. They were first documented by Scheele and Berzelius. The compounds responsible for the", + "score": 0.70263671875, + "summary": "To test for lipids, Molybdenum blue color can be used for reduction, or Dittmer's spray reagent can be used to detect phospholipids in thin layer chromatography.", + "extraction": "Dittmer's spray reagent for phospholipids is used in thin layer chromatography to detect phospholipids. When applied to the TLC plate, compounds containing phosphate ester show up immediately as blue spots." + }, + { + "id": "183503", + "title": "High-density lipoprotein", + "text": "exposed to increased risk if their HDL levels are not high enough. Clinical laboratories formerly measured HDL cholesterol by separating other lipoprotein fractions using either ultracentrifugation or chemical precipitation with divalent ions such as Mg, then coupling the products of a cholesterol oxidase reaction to an indicator reaction. The reference method still uses a combination of these techniques. Most laboratories now use automated homogeneous analytical methods in which lipoproteins containing apo B are blocked using antibodies to apo B, then a colorimetric enzyme reaction measures cholesterol in the non-blocked HDL particles. HPLC can also be used. Subfractions (HDL-2C, HDL-3C) can", + "score": 0.7021484375, + "summary": "Clinical laboratories formerly measured HDL cholesterol using ultracentrifugation or chemical precipitation, but now use automated methods or HPLC. Antibodies to apo B are used to block lipoproteins containing it, and a colorimetric enzyme reaction measures cholesterol in non-blocked HDL particles.", + "extraction": "Clinical laboratories use either ultracentrifugation or chemical precipitation with divalent ions such as Mg to separate other lipoprotein fractions, and then couple the products of a cholesterol oxidase reaction to an indicator reaction to measure HDL cholesterol." + }, + { + "id": "6561108", + "title": "Lipid storage disorder", + "text": "X chromosome that determines the child\u2019s gender and passes it to her son. Sons of carriers have a 50 percent chance of inheriting the disorder. Daughters have a 50 percent chance of inheriting the X-linked chromosome but usually are not severely affected by the disorder. Affected men do not pass the disorder to their sons but their daughters will be carriers for the disorder. Diagnosis of the lipid storage disorders can be achieved through the use of several tests. These tests include clinical examination, biopsy, genetic testing, molecular analysis of cells or tissues, and enzyme assays. Certain forms of this", + "score": 0.70068359375, + "summary": "To test for lipid storage disorders, diagnosis can be achieved through several tests including clinical examination, biopsy, genetic testing, molecular analysis of cells or tissues, and enzyme assays.", + "extraction": "Diagnosis of the lipid storage disorders can be achieved through the use of several tests. These tests include clinical examination, biopsy, genetic testing, molecular analysis of cells or tissues, and enzyme assays." + }, + { + "id": "4154133", + "title": "Lipid peroxidation", + "text": "leads to the inhibition of the chain reaction courtesy of a kinetic isotope effect. Such D-PUFAs, for example, 11,11-D2-ethyl linoleate, suppress lipid peroxidation even at relatively low levels of incorporation into membranes. Certain diagnostic tests are available for the quantification of the end-products of lipid peroxidation, to be specific, malondialdehyde (MDA). The most commonly used test is called a TBARS Assay (thiobarbituric acid reactive substances assay). Thiobarbituric acid reacts with malondialdehyde to yield a fluorescent product. However, there are other sources of malondialdehyde, so this test is not completely specific for lipid peroxidation. In recent years, development of immunochemical detection", + "score": 0.6982421875, + "summary": "To test for lipids, a commonly used diagnostic test is the TBARS Assay, which quantifies the end-product of lipid peroxidation, malondialdehyde. Thiobarbituric acid reacts with malondialdehyde to yield a fluorescent product.", + "extraction": "The most commonly used test for testing lipids is called a TBARS Assay (thiobarbituric acid reactive substances assay). Thiobarbituric acid reacts with malondialdehyde to yield a fluorescent product." + }, + { + "id": "14225879", + "title": "Lipid profile", + "text": "Lipid profile Lipid profile or \"lipid panel\" is a panel of blood tests that serves as an initial screening tool for abnormalities in lipids, such as cholesterol and triglycerides. The results of this test can identify certain genetic diseases and can determine approximate risks for cardiovascular disease, certain forms of pancreatitis, and other diseases. Lipid panels are ordered as part of a physical exam, along with other panels such as the complete blood count (CBC) and basic metabolic panel (BMP) The lipid profile typically includes: Using these values, a laboratory may also calculate: The lipid profile tests are of 7", + "score": 0.69580078125, + "summary": "The document explains that a lipid profile is used to test for abnormalities in lipids such as cholesterol and triglycerides. It is a panel of blood tests that can determine the risks for certain diseases. However, it does not mention a specific test used to test for lipids.", + "extraction": "The lipid profile typically includes tests for cholesterol and triglycerides." + }, + { + "id": "3556665", + "title": "Lipidomics", + "text": "of crude lipid mixtures into different lipid classes. This involves the use of prepacked columns containing silica or other stationary phases to separate glycerophospholipids, fatty acids, cholesteryl esters, glycerolipids, and sterols from crude lipid mixtures. High-performance liquid chromatography (HPLC or LC) is extensively used in lipidomic analysis to separate lipids prior to mass analysis. Separation can be achieved by either normal-phase (NP) HPLC or reverse-phase (RP) HPLC. For example, NP-HPLC effectively separates glycerophospholipids on the basis of headgroup polarity, whereas RP-HPLC effectively separates fatty acids such as eicosanoids on the basis of chain length, degree of unsaturation and substitution. For", + "score": 0.69580078125, + "summary": "To test for lipids, prepacked columns containing silica or other stationary phases are used to separate different lipid classes. High-performance liquid chromatography (HPLC or LC) is extensively used to separate lipids prior to mass analysis, with either normal-phase (NP) HPLC or reverse-phase (RP) HPLC being used for separation.", + "extraction": "The use of prepacked columns containing silica or other stationary phases to separate glycerophospholipids, fatty acids, cholesteryl esters, glycerolipids, and sterols from crude lipid mixtures is employed to test for lipids. High-performance liquid chromatography (HPLC or LC) is extensively used in lipidomic analysis to separate lipids prior to mass analysis." + }, + { + "id": "14225880", + "title": "Lipid profile", + "text": "types: Current recommendations for cholesterol testing come from the Adult Treatment Panel (ATP) III guidelines, and are based on many large clinical studies, such as the Framingham Heart Study. For healthy adults with no cardiovascular risk factors, the ATP III guidelines recommend screening once every five years. A lipid profile may also be ordered at regular intervals to evaluate the success of lipid-lowering drugs such as statins. In the pediatric and adolescent population, lipid testing is not routinely performed. However, the American Academy of Pediatrics and NHLBI now recommend that children aged 9\u201311 be screened once for severe cholesterol abnormalities.", + "score": 0.69482421875, + "summary": "To test for lipids, a lipid profile test is recommended based on the Adult Treatment Panel III guidelines, which suggest screening once every five years for healthy adults. Lipid profiles may also be ordered regularly to evaluate the effectiveness of lipid-lowering drugs. Pediatric and adolescent lipid testing is not routine, but the American Academy of Pediatrics and NHLBI recommend screening children aged 9-11 once for severe cholesterol abnormalities.", + "extraction": "irrelevant" + }, + { + "id": "18210710", + "title": "Vertical auto profile", + "text": "Vertical auto profile The vertical auto profile (VAP) test is a cholesterol, lipid and lipoprotein test. The name \"VAP test\" uses a technology, the vertical auto profile, to measure and report risk factors for patients who are at increased risk for cardiovascular disease that are not captured by routine cholesterol testing. Its accuracy is unaffected by triglycerides and can be performed in a non-fasting state. The VAP test has a unique ability to identify far more areas of risk to patients than the standard lipid panel, specifically because it reports 15 separate components versus four in the standard cholesterol test.", + "score": 0.69140625, + "summary": "The VAP test, which uses the vertical auto profile technology, is used to test for cholesterol, lipids, and lipoproteins. It can identify more areas of risk than the standard cholesterol test and is accurate even in a non-fasting state.", + "extraction": "The passage is irrelevant to the question \"What do you use to test for lipids?\" as it only mentions the VAP test which is a cholesterol, lipid and lipoprotein test, but does not specify what is used to test for lipids." + }, + { + "id": "620619", + "title": "Low-density lipoprotein", + "text": "Some in the medical community have suggested the correspondence between Pattern B and CHD is stronger than the correspondence between the LDL number measured in the standard lipid profile test. Tests to measure these LDL subtype patterns have been more expensive and not widely available, so the common lipid profile test is used more often. There has also been noted a correspondence between higher triglyceride levels and higher levels of smaller, denser LDL particles and alternately lower triglyceride levels and higher levels of the larger, less dense (a.k.a. \"buoyant\") LDL. With continued research, decreasing cost, greater availability and wider acceptance", + "score": 0.68896484375, + "summary": "The document is irrelevant to the question as it does not provide information on what is used to test for lipids.", + "extraction": "The common lipid profile test is used to test for lipids." + }, + { + "id": "9206891", + "title": "Liebermann\u2013Burchard test", + "text": "Liebermann\u2013Burchard test The Liebermann\u2013Burchard or acetic anhydride test is used for the detection of cholesterol. The formation of a green or green-blue colour after a few minutes is positive. Lieberman\u2013Burchard is a reagent used in a colourimetric test to detect cholesterol, which gives a deep green colour. This colour begins as a purplish, pink colour and progresses through to a light green then very dark green colour. The colour is due to the hydroxyl group (-OH) of cholesterol reacting with the reagents and increasing the conjugation of the un-saturation in the adjacent fused ring. Since this test uses acetic anhydride", + "score": 0.68798828125, + "summary": "The Liebermann-Burchard test is used to detect cholesterol and uses acetic anhydride as a reagent, resulting in a green or green-blue color in a positive test.", + "extraction": "The Liebermann-Burchard test is used to detect cholesterol and it uses acetic anhydride as a reagent." + }, + { + "id": "9206892", + "title": "Liebermann\u2013Burchard test", + "text": "and sulfuric acid as reagents, caution must be exercised so as not to receive severe burns. Method : Dissolve one or two crystals of cholesterol in dry chloroform in a dry test tube. Add several drops of acetic anhydride and then 2 drops of conc.HSO and mix carefully. After the reaction finished, the concentration of cholesterol can be measured using spectrophotometry. Liebermann\u2013Burchard test The Liebermann\u2013Burchard or acetic anhydride test is used for the detection of cholesterol. The formation of a green or green-blue colour after a few minutes is positive. Lieberman\u2013Burchard is a reagent used in a colourimetric test to", + "score": 0.6845703125, + "summary": "To test for lipids, the Liebermann-Burchard or acetic anhydride test can be used, along with sulfuric acid and spectrophotometry.", + "extraction": "Acetic anhydride and conc. HSO are used to test for lipids in the Liebermann-Burchard test." + }, + { + "id": "13289368", + "title": "Ethanol-induced non-lamellar phases in phospholipids", + "text": "it is disrupted, for example during phase transitions, membrane fusion and fission or interactions with membrane peptides and proteins. There are various analytical instruments and techniques used to characterized and monitor the different properties of lipids; X-ray diffraction, differential scanning calorimetry (DSC), nuclear magnetic resonance which include HNMR and PNMR, thin layer chromatography (TLC), fluorescence recovery after photobleaching (FRAP), nearest-neighbor recognition (NNR), and atomic molecular dynamics simulations (AMDS). X-ray scattering techniques are some of the most useful techniques for determining the structural identification and shape of lipids. An X-ray beam of light is applied to the lipid in which a", + "score": 0.6806640625, + "summary": "There are various analytical instruments and techniques used to characterize and monitor the different properties of lipids, which include X-ray diffraction, differential scanning calorimetry (DSC), nuclear magnetic resonance (HNMR and PNMR), thin layer chromatography (TLC), fluorescence recovery after photobleaching (FRAP), nearest-neighbor recognition (NNR), and atomic molecular dynamics simulations (AMDS). X-ray scattering techniques are some of the most useful techniques for determining the structural identification and shape of lip", + "extraction": "X-ray diffraction is one of the various analytical instruments and techniques used to characterize and monitor the different properties of lipids." + }, + { + "id": "14225882", + "title": "Lipid profile", + "text": "as the total cholesterol that is neither HDL nor LDL. Then Friedewald's equation mentioned above yields: The alternative calculations mentioned above may yield significantly different values for VLDL. This test is used to identify dyslipedemia (various disturbances of cholesterol and triglyceride levels), many forms of which are recognized risk factors for cardiovascular disease and rarely pancreatitis. A total cholesterol reading can be used to assess an individual's risk for heart disease, however, it should not be relied upon as the only indicator. The individual components that make up total cholesterol reading\u2014LDL, HDL, and VLDL\u2014are also important in measuring risk. For", + "score": 0.67919921875, + "summary": "The document mentions various calculations to test for lipids, including Friedewald's equation, but does not provide a clear answer to the question of interest.", + "extraction": "Irrelevant. The given passage does not provide any information about what to use to test for lipids." + }, + { + "id": "3189447", + "title": "Dye penetrant inspection", + "text": "Dye penetrant inspection Dye penetrant inspection (DP), also called liquid penetrate inspection (LPI) or penetrant testing (PT), is a widely applied and low-cost inspection method used to check surface-breaking defects in all non-porous materials (metals, plastics, or ceramics). The penetrant may be applied to all non-ferrous materials and ferrous materials, although for ferrous components magnetic-particle inspection is often used instead for its subsurface detection capability. LPI is used to detect casting, forging and welding surface defects such as hairline cracks, surface porosity, leaks in new products, and fatigue cracks on in-service components. The oil and whiting method used in the", + "score": 0.67822265625, + "summary": "irrelevant", + "extraction": "irrelevant" + }, + { + "id": "11202988", + "title": "Lateral flow test", + "text": "Lateral flow test Lateral flow tests also known as lateral flow immunochromatographic assays, are simple paper-based devices intended to detect the presence (or absence) of a target analyte in liquid sample (matrix) without the need for specialized and costly equipment, though many lab based applications exist that are supported by reading equipment. Typically, these tests are used for medical diagnostics either for home testing, point of care testing, or laboratory use. A widely spread and well known application is the home pregnancy test. The technology is based on a series of capillary beds, such as pieces of porous paper, microstructured", + "score": 0.677734375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "12425945", + "title": "Gerber method", + "text": "fat content is read directly via a special calibrated butyrometer. Gerber developed specialized butyrometers (tubes), pipettes, and centrifuges. Water baths built specifically for the Gerber tubes are often used. The test is still in widespread use today and is the basis for numerous national and international standards such as ISO 2446, International Dairy Federation (FIL) Regulation 105, BS 696 (United Kingdom), and IS 1223 (India). Larger facilities may prefer to use faster analysis techniques such as infrared spectroscopy as these greatly reduce the potential for user error and reduce the time and COSHH requirements. The test continues to be improved", + "score": 0.6767578125, + "summary": "To test for lipids, the Gerber method uses a specialized butyrometer, pipettes, and centrifuges. It is the basis for numerous national and international standards and is still widely used today, although larger facilities may prefer faster analysis techniques like infrared spectroscopy.", + "extraction": "The Gerber method uses specialized butyrometers, pipettes, and centrifuges to test for lipids. The fat content is read directly via a special calibrated butyrometer." + }, + { + "id": "18210711", + "title": "Vertical auto profile", + "text": "Studies report that this comprehensive test is able to identify more than twice the number of patients with lipid abnormalities than the standard lipid panel (cholesterol and triglyceride test). The VAP test directly measures and routinely reports all five lipoprotein classes and sub-classes, including LDL, HDL, intermediate-density lipoprotein (IDL), very low density lipoprotein (VLDL), and lipoprotein (a) [Lp(a)]. The VAP technology also measures and reports LDL particle concentration (LDL-P). The test meets the American Diabetes Association and American College of Cardiology (ADA-ACC) cholesterol guidelines for people at high risk of heart attack and stroke (including people with Type 2 diabetes", + "score": 0.67626953125, + "summary": "The Vertical Auto Profile (VAP) test is used to test for lipids. It can identify more lipid abnormalities than the standard lipid panel and measures all five lipoprotein classes and sub-classes, including LDL, HDL, IDL, VLDL, and Lp(a). It also measures LDL particle concentration and meets cholesterol guidelines for high risk populations.", + "extraction": "The VAP test is used to test for lipids." + }, + { + "id": "3741219", + "title": "Amniotic fluid", + "text": "clear vaginal discharge in pregnancy. Other tests for detecting amniotic fluid mainly include nitrazine paper test and fern test. One main test that is performed on amniotic fluid is the L/S ratio test (lecithin/sphigomyelin). This test is used to determine fetal lung maturity. Both lecithin and sphingomyelin are lung surfactants that are present in increasing amounts in the maturing fetus, though past week 33, sphigomyelin levels remain relatively constant. Measuring a ratio of L/S of 2:1 or greater indicates that the fetus can be safely delivered, with functioning lungs. Too little amniotic fluid (oligohydramnios) can be a cause or an", + "score": 0.67578125 + }, + { + "id": "10482777", + "title": "Phenotypic testing of mycobacteria", + "text": "of \"M. tuberculosis\" and \"M. africanum\" subtype I is uninhibited. A test for lipase using polysorbate 80 (polyoxyethylene sorbitan monooleate, a detergent). Certain mycobacteria possess a lipase that splits it into oleic acid and polyoxyethylated sorbitol. The test solution also contains phenol red, which is stabilised by the polysorbate 80; when the latter 80 is hydrolysed, the phenol red changes from yellow to pink. With an inoculation loop, several loopfuls of mycobacteria test colonies are transferred to 0.5 mL of urease substrate, mixed to emulsify and incubated at 35 \u00b0C for three days; a colour change (from amber-yellow to pink-red)", + "score": 0.6728515625 + }, + { + "id": "5145537", + "title": "Smith\u2013Lemli\u2013Opitz syndrome", + "text": "intention of use for large scale screening. When treated with the LB reagent, SLOS samples turn pink immediately and gradually become blue; normal blood samples are initially colorless and develop a faint blue color. Although this method has limitations and is not used to give a definitive diagnosis, it has appeal in that it is a much faster method than using cell cultures. Another way of detecting 7DHC is through gas chromatography, a technique used to separate and analyze compounds. Selected ion monitoring gas chromatography/mass-spectrometry (SIM-GC/MS) is a very sensitive version of gas chromatography, and permits detection of even mild", + "score": 0.6728515625 + }, + { + "id": "2769027", + "title": "Cardiovascular disease", + "text": "The NIH recommends lipid testing in children beginning at the age of 2 if there is a family history of heart disease or lipid problems. It is hoped that early testing will improve lifestyle factors in those at risk such as diet and exercise. Screening and selection for primary prevention interventions has traditionally been done through absolute risk using a variety of scores (ex. Framingham or Reynolds risk scores). This stratification has separated people who receive the lifestyle interventions (generally lower and intermediate risk) from the medication (higher risk). The number and variety of risk scores available for use has", + "score": 0.67138671875 + }, + { + "id": "5248397", + "title": "Lipid emulsion", + "text": "Lipid emulsion Lipid emulsion or fat emulsion refers to an emulsion of lipid for human intravenous use. It is often referred to by the brand name of the most commonly used version, Intralipid, which is an emulsion of soy bean oil, egg phospholipids and glycerin, and is available in 10%, 20% and 30% concentrations. The 30% concentration is not approved for direct intravenous infusion, but should be mixed with amino acids and dextrose as part of a total nutrient admixture. Intralipid and other balanced lipid emulsions provide essential fatty acids, linoleic acid (LA), an omega-6 fatty acid, alpha-linolenic acid (ALA),", + "score": 0.6708984375 + }, + { + "id": "5248405", + "title": "Lipid emulsion", + "text": "Lipid emulsion Lipid emulsion or fat emulsion refers to an emulsion of lipid for human intravenous use. It is often referred to by the brand name of the most commonly used version, Intralipid, which is an emulsion of soy bean oil, egg phospholipids and glycerin, and is available in 10%, 20% and 30% concentrations. The 30% concentration is not approved for direct intravenous infusion, but should be mixed with amino acids and dextrose as part of a total nutrient admixture. Intralipid and other balanced lipid emulsions provide essential fatty acids, linoleic acid (LA), an omega-6 fatty acid, alpha-linolenic acid (ALA),", + "score": 0.6708984375 + }, + { + "id": "536712", + "title": "VHDL", + "text": "was and continues to be a milestone in the design of electronic systems. VHDL is commonly used to write text models that describe a logic circuit. Such a model is processed by a synthesis program, only if it is part of the logic design. A simulation program is used to test the logic design using simulation models to represent the logic circuits that interface to the design. This collection of simulation models is commonly called a \"testbench\". A VHDL simulator is typically an event-driven simulator. This means that each transaction is added to an event queue for a specific scheduled", + "score": 0.6708984375 + }, + { + "id": "18210715", + "title": "Vertical auto profile", + "text": "2016 Apr 29;5(5). 5. HDL cholesterol subclasses, myocardial infarction, and mortality in secondary prevention: the Lipoprotein Investigators Collaborative. Eur Heart J. 2015 Jan 1;36(1):22-30. 6. A new ratio for better predicting future death/myocardial infarction than standard lipid measurements in women >50 years undergoing coronary angiography: the apolipoprotein A1 remnant ratio (Apo A1/ [VLDL\u2083+IDL]). Lipids Health Dis. 2013 Apr 26;12:55. Vertical auto profile The vertical auto profile (VAP) test is a cholesterol, lipid and lipoprotein test. The name \"VAP test\" uses a technology, the vertical auto profile, to measure and report risk factors for patients who are at increased risk for", + "score": 0.67041015625 + }, + { + "id": "14225883", + "title": "Lipid profile", + "text": "instance, someone's total cholesterol may be high, but this may be due to very high HDL (\"good cholesterol\") cholesterol levels,\u2014which can actually help prevent heart disease (the test is mainly concerned with high LDL, or \"bad cholesterol\" levels). So, while a high total cholesterol level may help give an indication that there is a problem with cholesterol levels, the components that make up total cholesterol should also be measured. Lipid profile Lipid profile or \"lipid panel\" is a panel of blood tests that serves as an initial screening tool for abnormalities in lipids, such as cholesterol and triglycerides. The results", + "score": 0.669921875 + }, + { + "id": "3556672", + "title": "Lipidomics", + "text": "high sensitivity of DESI in the lipid range makes it a powerful technique for the detection and mapping of lipids abundances within tissue specimens. Recent developments in MALDI methods have enabled direct detection of lipids in-situ. Abundant lipid-related ions are produced from the direct analysis of thin tissue slices when sequential spectra are acquired across a tissue surface that has been coated with a MALDI matrix. Collisional activation of the molecular ions can be used to determine the lipid family and often structurally define the molecular species. These techniques enable detection of phospholipids, sphingolipids and glycerolipids in tissues such as", + "score": 0.669921875 + }, + { + "id": "620621", + "title": "Low-density lipoprotein", + "text": "and actual rates of atherosclerosis progression. Direct LDL measurements are also available and better reveal individual issues but are less often promoted or done due to slightly higher costs and being available from only a couple of laboratories in the United States. In 2008, the ADA and ACC recognized direct LDL particle measurement by NMR as superior for assessing individual risk of cardiovascular events. Chemical measures of lipid concentration have long been the most-used clinical measurement, not because they have the best correlation with individual outcome, but because these lab methods are less expensive and more widely available. The lipid", + "score": 0.669921875 + }, + { + "id": "17963878", + "title": "Gmelin's test", + "text": "bile pigments but a negative result does not exclude the presence of small quantities of bile pigments. Gmelin's test Gmelin's test is a chemical test used for detecting the presence of bile pigments in urine. It is named after Leopold Gmelin, who introduced the test. Five millilitres of urine is slowly added to five millilitres of concentrated nitric acid in a test-tube. Different coloured rings between the two layers are visible if bile pigments are present as they are oxidised to various chemical products. Nitric acid is used as the oxidising agent. Blue, green and violet rings are seen if", + "score": 0.669921875 + }, + { + "id": "13289374", + "title": "Ethanol-induced non-lamellar phases in phospholipids", + "text": "head groups or hydrophilic region not the hydrophobic region. Certain stains like iodine can be used to label the lipids but will sometimes destroy the lipids. This process can also be used to determine whether or not lipids have denatured. For example, originally a TLC analysis shows the presence of two lipids. One week later the same sample is reanalyzed but shows the presence of more lipids, which indicates the lipid has denatured. Fluorescence recovery after photobleaching (FRAP) is a photochemical process applied to fluorophores when they lose their fluorescent properties. It can be used to measure the viscosity and", + "score": 0.6689453125 + }, + { + "id": "17963877", + "title": "Gmelin's test", + "text": "Gmelin's test Gmelin's test is a chemical test used for detecting the presence of bile pigments in urine. It is named after Leopold Gmelin, who introduced the test. Five millilitres of urine is slowly added to five millilitres of concentrated nitric acid in a test-tube. Different coloured rings between the two layers are visible if bile pigments are present as they are oxidised to various chemical products. Nitric acid is used as the oxidising agent. Blue, green and violet rings are seen if bilirubin is present. Gmelin's test is not sensitive so a positive result always indicates the presence of", + "score": 0.6689453125 + }, + { + "id": "11650282", + "title": "IMViC", + "text": "butanediol fermentation is used. The VP test uses alpha-naphthol and potassium hydroxide to test for the presence of acetylmethylcarbinol (acetoin), an intermediate of the 2,3-butanediol fermentation pathway. After adding both reagents, the tube is shaken vigorously then allowed to sit for 5-10 minutes. A pinkish-red color indicates a positive test, meaning the 2,3-butanediol fermentation pathway is used. This test uses Simmon's citrate agar to determine the ability of a microorganism to use citrate as its sole carbon source. The agar contains citrate and ammonium ions (nitrogen source) and bromothymol blue as an indicator. The citrate agar is green before inoculation,", + "score": 0.66748046875 + }, + { + "id": "10449139", + "title": "Lovibond comparator", + "text": "Lovibond comparator The Lovibond comparator is an example of a colorimeter made in Britain by The Tintometer Ltd. It was invented in the 19th century by Joseph Williams Lovibond and updated versions are still available. The device is used to determine the color of liquids. A sample is put in a glass tube. The tube is inserted in the comparator and compared with a series of coloured glass discs until the nearest possible match is found. Among other things, the device is used to determine the concentration of certain chemicals in solution. In this use, some assumptions are made about", + "score": 0.6669921875 + }, + { + "id": "3556670", + "title": "Lipidomics", + "text": "as imaging tool to map the lipid distributions within tissue specimens. One of the advantages of DESI MS is that no matrix is required for tissue preparation, allowing multiple consecutive measurements on the same tissue specimen. MALDI mass spectrometry is a laser-based soft-ionization method often used for analysis of large proteins, but has been used successfully for lipids. The lipid is mixed with a matrix, such as 2,5-dihydroxybenzoic acid, and applied to a sample holder as a small spot. A laser is fired at the spot, and the matrix absorbs the energy, which is then transferred to the analyte, resulting", + "score": 0.666015625 + }, + { + "id": "14225881", + "title": "Lipid profile", + "text": "This screening can be valuable to detect genetic diseases such as familial hypercholesterolemia that can be lethal if not treated early. Traditionally, most laboratories have required patients to fast for 9\u201312 hours before screening. However, recent studies have questioned the utility of fasting before lipid panels, and some diagnostic labs now routinely accept non-fasting samples. Typically the laboratory measures only three quantities: total cholesterol; HDL; Triglycerides. From these three data LDL may be calculated. According to Friedewald's equation: Other calculations of LDL from those same three data have been proposed which yield some significantly different results. VLDL may be defined", + "score": 0.666015625 + }, + { + "id": "1380616", + "title": "Lipid bilayer", + "text": "to develop a bilayer-based device for clinical diagnosis or bioterrorism detection. Progress has been slow in this area and, although a few companies have developed automated lipid-based detection systems, they are still targeted at the research community. These include Biacore (now GE Healthcare Life Sciences), which offers a disposable chip for utilizing lipid bilayers in studies of binding kinetics and Nanion Inc., which has developed an automated patch clamping system. Other, more exotic applications are also being pursued such as the use of lipid bilayer membrane pores for DNA sequencing by Oxford Nanolabs. To date, this technology has not proven", + "score": 0.66552734375 + }, + { + "id": "9161773", + "title": "American Oil Chemists' Society", + "text": "Edition AOCS methods are used in hundreds of laboratories on all six continents. The 6th Edition contains more than 400 fats, oils and lipid related methods critical for processing and trading. Laboratory Proficiency Program (LPP) The AOCS LPP is the world's most extensive and respected collaborative proficiency testing program for oil- and fat- related commodities, oilseeds, oilseed meals, and edible fats. Established in 1915, more than 500 chemists in over 40 countries participate, creating a who's who list of the finest companies in the fats and oils world. AOCS has published over 100 books, three technical journals related to edible", + "score": 0.6650390625 + }, + { + "id": "10411457", + "title": "Etest", + "text": "Etest Etest, (previously known as Epsilometer test) manufactured by bioM\u00e9rieux, is a manual \"in vitro\" diagnostic device used by laboratories to determine the MIC (Minimum Inhibitory Concentration) and whether or not a specific strain of bacterium or fungus is susceptible to the action of a specific antimicrobial. This type of test is most commonly used in healthcare settings to help guiding physicians in treatment of patients by indicating what concentration of antimicrobial would successfully treat an infection. The Etest strip was first described in 1988 and was introduced commercially in 1991 by AB BIODISK. bioM\u00e9rieux acquired AB BIODISK in 2008", + "score": 0.6650390625 + }, + { + "id": "7177297", + "title": "Lipiodol", + "text": "Lipiodol Lipiodol (labeled Ethiodol in the USA), also known as ethiodized oil, is a poppyseed oil used by injection as a radio-opaque contrast agent that is used to outline structures in radiological investigations. It is used in chemoembolization applications as a contrast agent in follow-up imaging. Lipiodol is also used in lymphangiography, the imaging of the lymphatic system. It has an additional use in gastric variceal obliteration as a dilutant that does not affect polymerization of cyanoacrylate. Recently there has been an increasing interest in the use of Lipiodol as a therapeutic agent in the management of unexplained infertility, using", + "score": 0.6640625 + }, + { + "id": "20516381", + "title": "Paper-based microfluidics", + "text": "in-lab, and the amount of color change is observed. More recently, a paper-based microfluidic device using colorimetric detection was developed to quantify glucose in blood plasma. Blood plasma is separated from whole blood samples on a wax-printed device, where red blood cells are agglutinated by antibodies and the blood plasma is able to flow to a second compartment for the color-change reaction. Electrochemical detection has also been used in these devices. It provides greater sensitivity in quantification, whereas colorimetric detection is primarily used for qualitative assessments. Screen-printed electrodes and electrodes directly printed on filter paper have been used. One example", + "score": 0.66259765625 + }, + { + "id": "7177300", + "title": "Lipiodol", + "text": "by Guerbet since Savage Laboratories discontinued manufacturing in 2010. Lipiodol Lipiodol (labeled Ethiodol in the USA), also known as ethiodized oil, is a poppyseed oil used by injection as a radio-opaque contrast agent that is used to outline structures in radiological investigations. It is used in chemoembolization applications as a contrast agent in follow-up imaging. Lipiodol is also used in lymphangiography, the imaging of the lymphatic system. It has an additional use in gastric variceal obliteration as a dilutant that does not affect polymerization of cyanoacrylate. Recently there has been an increasing interest in the use of Lipiodol as a", + "score": 0.662109375 + }, + { + "id": "12041864", + "title": "Ferric chloride test", + "text": "Ferric chloride test The ferric chloride test is used to determine the presence of phenols in a given sample or compound (for instance natural phenols in a plant extract). Enols, hydroxamic acids, oximes, and sulfinic acids give positive results as well. The bromine test is useful to confirm the result, although modern spectroscopic techniques (e.g. NMR and IR spectroscopy) are far superior in determining the identity of the unknown. The quantity of total phenols may be spectroscopically determined by the Folin-Ciocalteau assay. The sample is dissolved in water, or a mixture of water and ethanol, and a few drops of", + "score": 0.662109375 + }, + { + "id": "2868565", + "title": "Melamine", + "text": "on animals and crops. The Food Safety and Inspection Service (FSIS) of the United States Department of Agriculture (USDA) provides a test method for analyzing cyromazine and melamine in animal tissues. In 2007, the FDA began using a high performance liquid chromatography test to determine the melamine, ammeline, ammelide, and cyanuric acid contamination in food. Another procedure is based on surface-enhanced Raman spectroscopy (SERS). Member states of the European Union are required under Commission Decision 2008/757/EC to ensure that all composite products containing at least 15% of milk product, originating from China, are systematically tested before import into the Community", + "score": 0.662109375 + }, + { + "id": "18072594", + "title": "Microtox bioassay", + "text": "Microtox tests for sediment and soil differ in the way the matrix is prepared for contact with \"Allivibrio fischeri\". To obtain a representative soil or sediment sample, it is necessary to conduct an elutriate test. Sediment elutriates can be prepared through extraction with either distilled water, saline water, or an organic solvent such as methylene chloride, or hexane. To run an elutriate test a soil sample is mixed with an extractant for a period of time, then allowed to settle and a sample is taken from the extract. If particulate matter is in the sample that was collected, it may", + "score": 0.66162109375 + }, + { + "id": "15837662", + "title": "Membrane technology", + "text": "and their measurement with a particle sizer or by laser induced breakdown spectroscopy (LIBS). A vivid characterization is to measure the rejection of dextran blue or other colored molecules. The retention of bacteriophage and bacteria, the so-called \"bacteriachallenge test\", can also provide information about the pore size. To determine the pore diameter, physical methods such as porosimetry (mercury, liquid-liquid porosimetry and Bubble Point Test) are also used, but a certain form of the pores (such as cylindrical or concatenated spherical holes) is assumed. Such methods are used for membranes whose pore geometry does not match the ideal, and we get", + "score": 0.66162109375 + }, + { + "id": "7341876", + "title": "Apolipoprotein B", + "text": "first becoming obviously symptomatic as heart disease, stroke & many other body wide complications after decades of progression. There is considerable evidence that concentrations of ApoB and especially the NMR assay (specific for LDL-particle concentrations) are superior indicators of vascular/heart disease driving physiology than either total cholesterol or LDL-cholesterol (as long promoted by the NIH starting in the early 1970s). However, primarily for historic cost/complexity reasons, cholesterol, and estimated LDL-cholesterol by calculation, remains the most commonly promoted lipid test for the risk factor of atherosclerosis. ApoB is routinely measured using immunoassays such as ELISA or nephelometry. Refined and automated NMR", + "score": 0.66162109375 + }, + { + "id": "13628840", + "title": "Koehler Instrument Company, Inc.", + "text": "the European Lubricating Grease Institute (ELGI) meeting each year. Koehler's petroleum-testing laboratory provides in-house testing services for the analysis of petroleum products, lubricants, petrochemicals, asphalts, composites and other related products. The laboratory is also involved with research and development of test equipment. Some of the specific ASTM tests run at the Koehler laboratory include oxidation stability, flash point, distillation, and viscosity. Koehler Instrument Company manufactures over 150 different types of instruments, all of which conform to ASTM, IP, ISO or other international standards. Some of Koehler's major product lines are viscosity, flash point, tribology, penetration, distillation and biofuels test equipment.", + "score": 0.66162109375 + }, + { + "id": "10411466", + "title": "Etest", + "text": "on-scale MIC values across 15 doubling dilutions for susceptibility testing of a wide range of drug-bug combinations, including fastidious organisms. Etest has >3,000 scientific references in which it has been tested. A few key references are as follows: Etest Etest, (previously known as Epsilometer test) manufactured by bioM\u00e9rieux, is a manual \"in vitro\" diagnostic device used by laboratories to determine the MIC (Minimum Inhibitory Concentration) and whether or not a specific strain of bacterium or fungus is susceptible to the action of a specific antimicrobial. This type of test is most commonly used in healthcare settings to help guiding physicians", + "score": 0.6611328125 + }, + { + "id": "3404501", + "title": "Partition coefficient", + "text": "will have its characteristic regression parameters. The pH-metric set of techniques determine lipophilicity pH profiles directly from a single acid-base titration in a two-phase water-organic solvent system. Hence, a single experiment can be used to measure the logs of the partition coefficient (log \"P\") giving the distribution of molecules that are primarily neutral in charge, as well as the distribution coefficient (log \"D\") of all forms of the molecule over a pH range, e.g., between 2 and 12. The method does, however, require the separate determination of the pK value(s) of the substance. Polarized liquid interfaces have been used to", + "score": 0.6611328125 + }, + { + "id": "13007909", + "title": "Lipid bilayer characterization", + "text": "have been developed over the last seventy years to allow investigations of the structure and function of bilayers. The first general approach was to utilize non-destructive \"in situ\" measurements such as x-ray diffraction and electrical resistance which measured bilayer properties but did not actually image the bilayer. Later, protocols were developed to modify the bilayer and allow its direct visualization at first in the electron microscope and, more recently, with fluorescence microscopy. Over the past two decades, a new generation of characterization tools including AFM has allowed the direct probing and imaging of membranes \"in situ\" with little to no", + "score": 0.66064453125 + }, + { + "id": "18072595", + "title": "Microtox bioassay", + "text": "be necessary to centrifuge the sample for optimal clarity. Additionally, the pore water of sediments can be collected by centrifugation and tested without extraction. There are five major Microtox tests including the Basic Test, the 100% Test, the Solid Phase Test, the Comparison Test, and the Inhibition Test. Of these five tests, three are used for sediment and soil testing including the Basic Test, the 100% Test and the Solid-Phase Test. All of these versions follow the same general method of reconstituting the \"Allivibrio fischeri\" reagent in the Reconstitution Solution. Corrections are made for salinity and particulate matter, then the", + "score": 0.66015625 + }, + { + "id": "4987779", + "title": "Maple syrup urine disease", + "text": "and in a hospital setting. DNPH or specialised dipsticks may be used to test the patient's urine for ketones (a sign of metabolic decompensation), when metabolic stress is likely or suspected. Fingerstick tests are performed regularly and sent to a laboratory to determine blood levels of leucine, isoleucine, and valine. Regular metabolic consultations, including blood-draws for full nutritional analysis, are recommended; especially during puberty and periods of rapid growth. MSUD management also involves a specially tailored metabolic formula, a modified diet, and lifestyle precautions such as avoiding fatigue and infections, as well as consuming regular, sufficient calories in proportion to", + "score": 0.65966796875 + }, + { + "id": "10449141", + "title": "Lovibond comparator", + "text": "used in chemistry lab where the pH of the sample can be measured(approximately) using lovibond comparator. Lovibond comparator The Lovibond comparator is an example of a colorimeter made in Britain by The Tintometer Ltd. It was invented in the 19th century by Joseph Williams Lovibond and updated versions are still available. The device is used to determine the color of liquids. A sample is put in a glass tube. The tube is inserted in the comparator and compared with a series of coloured glass discs until the nearest possible match is found. Among other things, the device is used to", + "score": 0.65966796875 + }, + { + "id": "669696", + "title": "Triglyceride", + "text": "are also split into their components via transesterification during the manufacture of biodiesel. The resulting fatty acid esters can be used as fuel in diesel engines. The glycerin has many uses, such as in the manufacture of food and in the production of pharmaceuticals. Staining for fatty acids, triglycerides, lipoproteins, and other lipids is done through the use of lysochromes (fat-soluble dyes). These dyes can allow the qualification of a certain fat of interest by staining the material a specific color. Some examples: Sudan IV, Oil Red O, and Sudan Black B. Triglyceride A triglyceride (TG, triacylglycerol, TAG, or triacylglyceride)", + "score": 0.65966796875 + }, + { + "id": "1512610", + "title": "Lipid-lowering agent", + "text": "risk, and the liver and kidney functions of the patient, evaluated against the balancing of risks and benefits of the medications. In the United States, this is guided by the evidence-based guideline from the National Cholesterol Education Program (NCEP) Adult Treatment Panel III (ATPIII). Investigational classes of hypolipidemic agents: Lipid-lowering agent Hypolipidemic agents, or antihyperlipidemic agents, are a diverse group of pharmaceuticals that are used in the treatment of high levels of fats (lipids), such as cholesterol, in the blood (hyperlipidemia). They are called lipid-lowering drugs. There are several classes of hypolipidemic drugs. They may differ in both their impact", + "score": 0.65869140625 + }, + { + "id": "18376712", + "title": "Pituitary pars intermedia dysfunction", + "text": "all horses suspected or confirmed to be suffering from PPID. There are two tests commonly used for insulin resistance: the oral sugar test and fasting insulin blood concentration. The fasting insulin concentration involves giving a horse a single flake of hay at 10 pm the night before testing, with blood being drawn the following morning. Both insulin and glucose blood levels are measured. Hyperinsulinemia suggests insulin resistance, but normal or low fasting insulin does not rule out PPID. This test is easy to perform, but is less sensitive than the oral sugar test. It is best used in cases where", + "score": 0.65869140625 + }, + { + "id": "3556673", + "title": "Lipidomics", + "text": "heart, kidney and brain. Furthermore, distribution of many different lipid molecular species often define anatomical regions within these tissues. Lipid profiling is a targeted metabolomics platform that provides a comprehensive analysis of lipid species within a cell or tissue. Profiling based on electrospray ionization tandem mass spectrometry (ESI-MS/MS) is capable of providing quantitative data and is adaptable to high throughput analyses. The powerful approach of transgenics, namely deletion and/or overexpression of a gene product coupled with lipidomics, can give valuable insights into the role of biochemical pathways. Lipid profiling techniques have also been applied to plants and microorganisms such as", + "score": 0.65869140625 + }, + { + "id": "11202998", + "title": "Lateral flow test", + "text": "A number of other companies also hold patents in this arena. Lateral flow test Lateral flow tests also known as lateral flow immunochromatographic assays, are simple paper-based devices intended to detect the presence (or absence) of a target analyte in liquid sample (matrix) without the need for specialized and costly equipment, though many lab based applications exist that are supported by reading equipment. Typically, these tests are used for medical diagnostics either for home testing, point of care testing, or laboratory use. A widely spread and well known application is the home pregnancy test. The technology is based on a", + "score": 0.658203125 + }, + { + "id": "13029094", + "title": "Linear dichroism", + "text": "a class of long, thin molecules. In addition, cytoskeletal proteins can also be measured using LD. The insertion of membrane proteins into a lipid membrane has been monitored using LD, supplying the experimentalist with information about the orientation of the protein relative to the lipid membrane at different time points. In addition, other types of molecule have been analysed by UV LD, including carbon nanotubes and their associated ligand complexes. The Couette flow orientation system is the most widely used method of sample orientation for UV LD. It has a number of characteristics which make it highly suitable as a", + "score": 0.658203125 + }, + { + "id": "1555272", + "title": "Loa loa filariasis", + "text": "to \"Loa loa\" were furthered in 2008. They have not gone point-of-care yet, but show promise for highlighting high-risk areas and individuals with co-endemic loiasis and onchocerciasis. Specifically, Dr. Thomas Nutman and colleagues at the National Institutes of Health have described the a luciferase immunoprecipitation assay (LIPS) and the related QLIPS (quick version). Whereas a previously described LISXP-1 ELISA test had a poor sensitivity (55%), the QLIPS test is both practical, as it requires only a 15 minutes incubation, and has high sensitivity and specificity (97% and 100%, respectively). No report on the distribution status of LIPS or QLIPS testing", + "score": 0.65771484375 + }, + { + "id": "12734965", + "title": "Lecithin\u2013sphingomyelin ratio", + "text": "preterm delivery is necessary (as evaluated by a biophysical profile or other tests) and the L\u2013S ratio is low, the mother may need to receive steroids such as betamethasone to hasten the fetus' surfactant production in the lungs. An amniotic fluid sample is collected via amniocentesis and the sample is spun down in a centrifuge at 1000 rpm for 3\u20135 minutes. Thin layer chromatography (TLC) is performed on the supernatant, which separates out the components. Lecithin and sphingomyelin are relatively easy to identify on TLC and the predictive value of the test is good. Lecithin\u2013sphingomyelin ratio The lecithin\u2013sphingomyelin ratio (a.k.a.", + "score": 0.65576171875 + }, + { + "id": "15841478", + "title": "Du Nou\u0308y\u2013Padday method", + "text": "surfactant/polymers. The physicochemical profiling of poorly soluble drug candidates performed using a HTS surface tension device. Allowed prediction of penetration through the blood\u2013brain barrier. A correlation with drug-lipid-complexes were correlated with high-throughput surface tension device to predict phospholipidosis in particular cationic drugs. Drug solubility has previously been done by the shaker method. A 96-well high throughput device has allowed development of a new method to test drugs. The physicochemical properties of oxidized lipids were characterized using a high throughput device. Since these oxidized lipids are expensive and only available in small quantities a surface tension device requiring only a small", + "score": 0.6552734375 + }, + { + "id": "9497418", + "title": "Membrane fluidity", + "text": "measured with electron spin resonance (ESR), fluorescence, AFM-based force spectroscopy, or deuterium nuclear magnetic resonance spectroscopy (NMR). ESR measurements involve observing spin probe behaviour in the membrane. Fluorescence experiments involve observing fluorescent probes incorporated into the membrane. Atomic force microscopy (AFM) experiments can measure fluidity on synthetic or isolated patches of native membranes. Solid state deuterium nuclear magnetic resonance spectroscopy involves observing deuterated lipids. The techniques are complementary in that they operate on different timescales. Membrane fluidity can be described by two different types of motion: rotational and lateral. In ESR, rotational correlation time of spin probes is used to", + "score": 0.65478515625 + }, + { + "id": "5114509", + "title": "Langmuir\u2013Blodgett trough", + "text": "can be used itself as an experimental device to test interfacial properties such as the surface tension of various fluids, as well as the surface pressure of a given system. The system can also be used as an observation mechanism to watch how drugs interact with lipids, or to see how lipids arrange themselves as the number to area ratios are varied. Langmuir\u2013Blodgett troughs can be used for experiments in the fabrication of Langmuir\u2013Blodgett films and the characterization of Langmuir films. LB films are now used as the building blocks of molecular electronics. Troughs can be used to make films", + "score": 0.65478515625 + }, + { + "id": "4952006", + "title": "Lucas' reagent", + "text": "organic chemistry. The test has since become somewhat obsolete with the availability of various spectroscopic and chromatographic methods of analysis. It was named after Howard Lucas (1885\u20131963). Lucas test in alcohols is a test to differentiate between primary, secondary, and tertiary alcohols. It is based on the difference in reactivity of the three classes of alcohols with hydrogen halides via an S1 reaction: The differing reactivity reflects the differing ease of formation of the corresponding carbocations. Tertiary carbocations are far more stable than secondary carbocations, and primary carbocations are the least stable. An equimolar mixture of ZnCl and HCl is", + "score": 0.65478515625 + }, + { + "id": "15038620", + "title": "Detection of fire accelerants", + "text": "which could be ILRs from the fire debris so that they can be detected and interpreted. Once the isolation is complete the volatiles are detected using gas chromatography and mass spectrometry (GC-MS) which will produce a chromatogram that will be interpreted by a fire chemist. The interpretation is completed by comparing the sample chromatograms with chromatograms from known ignitable liquid samples that were analyzed on the same instrument. The chemist will be able to identify the ignitable liquids present in the sample by matching the sample chromatogram to a standard chromatogram that contains the highest degree of similarity. After the", + "score": 0.65478515625 + }, + { + "id": "324123", + "title": "Phospholipid", + "text": "polarisers in a microscope to obtain an image of e.g. vesicle walls or using techniques such as dual polarisation interferometry to quantify lipid order or disruption in supported bilayers. There are no simple methods available for analysis of phospholipids since the close range of polarity between different phospholipid species makes detection difficult. Oil chemists often use spectroscopy to determine total Phosphorus abundance and then calculate approximate mass of phospholipids based on molecular weight of expected fatty acid species. Modern lipid profiling employs more absolute methods of analysis, with nuclear magnetic resonance spectroscopy (NMR spectroscopy), particularly P-NMR, while HPLC-ELSD provides relative", + "score": 0.65380859375 + }, + { + "id": "14810276", + "title": "Dip slide", + "text": "Dip slide A dip slide (or dipslide) is a test for the presence of microorganisms in liquids. The use of dip slides is the method most frequently used to measure and observe microbial activity in liquid-based systems. It is often used in testing cooling systems. Dip slides are often used to determine the presence of slime forming bacteria in cooling & industrial water systems. The dip slide test consists of a sterile culture medium on a plastic carrier that is dipped into the liquid to be sampled. The culture is then incubated, allowing for microbial growth. Most Dip slides consist", + "score": 0.65380859375 + }, + { + "id": "14900522", + "title": "William Richmond (biochemist)", + "text": "new test for cholesterol in 1973. This test has since been widely used to test for cholesterol levels globally. He died on holiday in an accident while fishing on the Spey. He was always proud to be a Scot, and composed music for the bagpipes. William Richmond (biochemist) William Richmond (21 November 1941 in Springfield, Fife \u2013 18 August 2010 in Advie) was a Scottish biochemist and medical researcher, best known for developing a new method for testing blood cholesterol. This test has come to be known as the Richmond test. After leaving school, he studied Chemistry at St. Andrews", + "score": 0.65380859375 + }, + { + "id": "8464155", + "title": "Non-alcoholic fatty liver disease", + "text": "for a steatosis whenever a NAFLD is suspected as this is a key predictor of the disease evolution and predicts future diabetes type II, cardiovascular events and hypertension. Blood tests that are useful to confirm diagnosis or rule out others include erythrocyte sedimentation rate, glucose, albumin, and kidney function. Because the liver is important for making proteins used in blood clotting coagulation related studies are often carried out especially the INR (international normalized ratio). In people with fatty liver with associated inflammatory injury (steatohepatitis) blood tests are usually used to rule out viral hepatitis (hepatitis A, B, C and herpesviruses", + "score": 0.65380859375 + }, + { + "id": "9086321", + "title": "Phenol coefficient", + "text": "of phenol at which the compound kills the test organism in 10 minutes, but not in 5 minutes, is divided by the concentration of the test compound that kills the organism under the same conditions (or, probably more common, dividing the dilution factor at which the tested substance shows activity by the dilution factor at which phenol shows comparable activity). The Rideal\u2013Walker test was widely used, but the test conditions chosen were unrealistic, and impossibly high values for the coefficient were claimed by disinfectant manufacturers. Distinguished bacteriologist Sir Ashley Miles, reviewing the subject, described the test as \"...at best a", + "score": 0.6533203125 + }, + { + "id": "14307632", + "title": "Lipid droplet", + "text": "to glycerol. Alternatively, fatty acids can be converted to lipid intermediates like diacylglycerol (DAG), ceramides and fatty acyl-CoAs. These lipid intermediates can impair insulin signaling, which is referred to as lipid-induced insulin resistance and lipotoxicity. Lipid droplets also serve as platforms for protein binding and degradation. Finally, lipid droplets are known to be exploited by pathogens such as the hepatitis C virus, the dengue virus and \"chlamydia trachomatis\" among others. Lipid droplets are composed of a neutral lipid core consisting mainly of triacylglycerols (TAGs) and cholesteryl esters surrounded by a phospholipid monolayer. The surface of lipid droplets is decorated by", + "score": 0.65283203125 + }, + { + "id": "13007921", + "title": "Lipid bilayer characterization", + "text": "AFM does not require fluorescent or isotopic labeling of the lipids, as the probe tip interacts mechanically with the bilayer surface. Because of this, the same scan can reveal information about both the bilayer and any associated structures, even to the extent of resolving individual membrane proteins. In addition to imaging, AFM can also probe the mechanical nature of small delicate structures such as lipid bilayers. One study demonstrated the possibility of measuring the elastic modulus of individual nano-scale membranes suspended over porous anodic alumina. Although AFM is a powerful and versatile tool for studying lipid bilayers, there are some", + "score": 0.65283203125 + }, + { + "id": "3313134", + "title": "Proxy (climate)", + "text": "peat (lignites, ancient peat) and soils, membrane lipids known as glycerol dialkyl glycerol tetraether (GDGT) is helping to study paleo environmental factors, which control relative distribution of differently branched GDGT isomers. The study authors note, \"These branched membrane lipids are produced by an as yet unknown group of anaerobic soil bacteria.\" , there is a decade of research demonstrating that in mineral soils the degree of methylation of bacteria (brGDGTs), helps to calculate mean annual air temperatures. This proxy method was used to study the climate of the early Palaeogene, at the Cretaceous\u2013Paleogene boundary, and researchers found that annual air", + "score": 0.65283203125 + }, + { + "id": "11594927", + "title": "Euglobulin lysis time", + "text": "Historically, subsequent amount of fibrinolysis was determined by eye, by observing the clot within the test tube at ten minute intervals until complete lysis had occurred. Newer automated methods have also been developed. These methods use the same principle as the older technique, but use a spectrophotometer to track clot lysis as a function of optical density. Euglobulin lysis time The euglobulin lysis time (ELT) is a test that measures overall fibrinolysis. The test is performed by mixing citrated platelet-poor plasma with acid in a glass test tube. This acidification causes the precipitation of certain clotting factors in a complex", + "score": 0.65283203125 + }, + { + "id": "6908418", + "title": "Filipin", + "text": "form sterol-dependent ion channels, filipin is thought to be a simple membrane disrupter. Since filipin is highly fluorescent and binds specifically to cholesterol, it has found widespread use as a histochemical stain for cholesterol. This method of detecting cholesterol in cell membranes is used clinically in the study and diagnosis of Type C Niemann-Pick disease. It is also used in cellular biology as an inhibitor of the raft/caveolae endocytosis pathway on mammalian cells (at concentrations around 3 \u00b5g/mL) Filipin is a mixture of four components - filipin I (4%), II (25%), III (53%), and IV (18%) - and should be", + "score": 0.65234375 + }, + { + "id": "12474970", + "title": "Phospholipid-derived fatty acids", + "text": "analysis. The GC is coupled with either a mass spectrometer detector (MSD) or a flame ionization detector (FID). The GC-MSD system is more expensive to purchase and to maintain as well as requiring considerable skill in operation. Identification of fatty acids using the GC-FID system is dependent on comparison of retention times of the compounds in comparison to purchased standards of fatty acid esters. A commercially available, fatty-acid based microbial identification system (using GC-FID), which reproducibly names and quantitates the FAMEs, has been widely adopted for PLFA analysis. Actinomycetes are Gram-positive bacteria that are some of the most common bacteria", + "score": 0.65234375 + }, + { + "id": "17122094", + "title": "Coagulation testing", + "text": "Coagulation testing Blood clotting tests are the tests used for diagnostics of the hemostasis system. Coagulometer is the medical laboratory analyzer used for testing of the hemostasis system. Modern coagulometers realize different methods of activation and observation of development of blood clots in blood or in blood plasma. Substantially all coagulometers used in laboratory diagnostics are based on the methods of testing of the hemostasis system created more than fifty years ago. The majority of these methods are good to detect defects in one of the hemostasis components, without diagnosing other possible defects. Another problem of the actual hemostasis system", + "score": 0.6513671875 + }, + { + "id": "13805832", + "title": "FibroTest", + "text": "FibroTest FibroTest, known as FibroSure in the US, is a biomarker test that uses the results of six blood serum tests to generate a score that is correlated with the degree of liver damage in people with a variety of liver diseases. FibroTest has the same prognostic value as a liver biopsy. FibroSure uses quantitative results of five serum biochemical markers, \u03b12-macroglobulin, haptoglobin, apolipoprotein A1, bilirubin, gamma glutamyl transpeptidase (GGT), with a patient\u2019s age and gender to generate a measure of fibrosis and necroinflammatory activity in the liver. FibroTest has been evaluated in relation to liver biopsy (the current reference", + "score": 0.6513671875 + }, + { + "id": "238089", + "title": "Lipid", + "text": "also encompass molecules such as fatty acids and their derivatives (including tri-, di-, monoglycerides, and phospholipids), as well as other sterol-containing metabolites such as cholesterol. Although humans and other mammals use various biosynthetic pathways both to break down and to synthesize lipids, some essential lipids can't be made this way and must be obtained from the diet. In 1815, Henry Braconnot classified lipids (\"graisses\") in two categories, \"suifs\" (solid greases or tallow) and \"huiles\" (fluid oils). In 1823, Michel Eug\u00e8ne Chevreul developed a more detailed classification, including oils, greases, tallow, waxes, resins, balsams and volatile oils (or essential oils). In", + "score": 0.65087890625 + }, + { + "id": "2963957", + "title": "Fecal fat test", + "text": "Fecal fat test In medicine, the fecal fat test is a diagnostic test for fat malabsorption conditions, which lead to excess fat in the feces (steatorrhea). In the Duodenum, dietary fat (primarily triglycerides) is digested by enzymes such as pancreatic lipase into smaller molecules of 1,2-Diacylglycerols and Free Fatty Acids which can be absorbed through the wall of the Jejenum of the small intestine and enter the circulation for metabolism and storage. As fat is a valuable nutrient, human feces normally contain very little undigested fat. However, a number of diseases of the pancreas and gastrointestinal tract are characterized by", + "score": 0.65087890625 + }, + { + "id": "13031919", + "title": "Model lipid bilayer", + "text": "since the surface of a cell or vesicle is relatively soft and would drift and fluctuate over time. Another example of a physical probe is the use of the quartz crystal microbalance (QCM) to study binding kinetics at the bilayer surface. Dual polarisation interferometry is a high resolution optical tool for characterising the order and disruption in lipid bilayers during interactions or phase transitions providing complementary data to QCM measurements. Many modern fluorescence microscopy techniques also require a rigidly-supported planar surface. Evanescent field methods such as total internal reflection fluorescence microscopy (TIRF) and surface plasmon resonance (SPR) can offer extremely", + "score": 0.650390625 + }, + { + "id": "16016278", + "title": "Saliva testing", + "text": "Saliva testing Saliva testing is a diagnostic technique that involves laboratory analysis of saliva to identify markers of endocrine, immunologic, inflammatory, infectious, and other types of conditions. Saliva is a useful biological fluid for assaying steroid hormones such as cortisol, genetic material like RNA, proteins such as enzymes and antibodies, and a variety of other substances, including natural metabolites, including saliva nitrite, a biomarker for nitric oxide status (see below for Cardiovascular Disease, Nitric Oxide: a salivary biomarker for cardio-protection). Saliva testing is used to screen for or diagnose numerous conditions and disease states, including Cushing's disease, anovulation, HIV, cancer,", + "score": 0.650390625 + }, + { + "id": "15983439", + "title": "Diagnosis of malaria", + "text": "staff are not experienced at malaria diagnosis, there are commercial antigen detection tests that require only a drop of blood. Immunochromatographic tests (also called: Malaria Rapid Diagnostic Tests, Antigen-Capture Assay or \"Dipsticks\") have been developed, distributed and fieldtested. These tests use finger-stick or venous blood, the completed test takes a total of 15\u201320 minutes, and the results are read visually as the presence or absence of colored stripes on the dipstick, so they are suitable for use in the field. The threshold of detection by these rapid diagnostic tests is in the range of 100 parasites/\u00b5l of blood (commercial kits", + "score": 0.650390625 + }, + { + "id": "536051", + "title": "Viscometer", + "text": "the faster the bubble rises, the lower the viscosity. The Alphabetical Comparison Method uses 4 sets of lettered reference tubes, A5 through Z10, of known viscosity to cover a viscosity range from 0.005 to 1,000 stokes. The Direct Time Method uses a single 3-line times tube for determining the \"bubble seconds\", which may then be converted to stokes. This method is considerably accurate, but the measurements can vary due to variances in buoyancy because of the changing in shape of the bubble in the tube However, this does not cause any sort of serious miscalculation. The basic design of a", + "score": 0.64990234375 + }, + { + "id": "9250898", + "title": "Depyrogenation", + "text": "an ideal choice. However, this method was costly, time consuming, and prompted protests from animals rights advocates. But perhaps the biggest drawback of this test was its inability to quantify the endotoxin level. Currently, one common method for endotoxin detection is the Limulus Amebocyte Lysate (LAL) test. This test is based on Dr. Frederik Bang's observation that horseshoe crab blood forms clots when exposed to endotoxins. Amoebocyte extract from horseshoe crab blood is mixed with a sample suspected of endotoxin contamination, and a reaction is observed if endotoxins are present. The FDA has approved four variations of the LAL test:", + "score": 0.64990234375 + }, + { + "id": "2760666", + "title": "Dipstick", + "text": "its 1998 \"International Experiment to Harmonise Longitudinal and Transverse Profile Measurement and Reporting Procedures.\" The PIARC experiment was conducted in the US, Japan, Holland and Germany and included IRI values from airport runways and super highways to rough unpaved roads. Dipstick A dipstick is one of several measurement devices. Some dipsticks are dipped into a liquid to perform a chemical test or to provide a measure of quantity of the liquid. Since the late 20th century, a flatness/levelness measuring device trademarked \"Dipstick\" has been used to produce concrete and pavement surface profiles and to help establish profile measurement standards in", + "score": 0.64990234375 + }, + { + "id": "16985632", + "title": "Lipidology", + "text": "Lipidology Lipidology is the scientific study of lipids. Compared to other biomedical fields, lipidology was originally less popular since the constant handling of oils, smears, and greases was unappealing and separation was difficult. The field became more popular following the advent of chromatography which allowed lipids to be isolated and analyzed. The field was further popularized following the cytologic application of the electron microscope which found that many metabolic pathways take place on the cell membrane, whose properties are strongly influenced by its lipid composition. The Framingham Heart Study and other epidemiological studies have found a correlation between lipoproteins and", + "score": 0.64990234375 + }, + { + "id": "1490639", + "title": "Birefringence", + "text": "measurements are known as polarimetry. Polarized light microscopes, which contain two polarizers that are at 90\u00b0 to each other on either side of the sample, are used to visualize birefringence. The addition of quarter-wave plates permit examination of circularly polarized light. Birefringence measurements have been made with phase-modulated systems for examining the transient flow behavior of fluids. Birefringence of lipid bilayers can be measured using dual polarization interferometry. This provides a measure of the degree of order within these fluid layers and how this order is disrupted when the layer interacts with other biomolecules. Birefringence is used in many optical", + "score": 0.6494140625 + }, + { + "id": "3556668", + "title": "Lipidomics", + "text": "lipids. ESI-MS was initially developed by Fenn and colleagues for analysis of biomolecules. It depends on the formation of gaseous ions from polar, thermally labile and mostly non-volatile molecules and thus is completely suitable for a variety of lipids. It is a soft-ionization method that rarely disrupts the chemical nature of the analyte prior to mass analysis. Various ESI-MS methods have been developed for analysis of different classes, subclasses, and individual lipid species from biological extracts. Comprehensive reviews of the methods and their application have recently been published. The major advantages of ESI-MS are high accuracy, sensitivity, reproducibility, and the", + "score": 0.6494140625 + }, + { + "id": "11875850", + "title": "LCR meter", + "text": "LCR meter An LCR meter is a type of electronic test equipment used to measure the inductance (L), capacitance (C), and resistance (R) of an electronic component. In the simpler versions of this instrument the impedance was measured internally and converted for display to the corresponding capacitance or inductance value. Readings should be reasonably accurate if the capacitor or inductor device under test does not have a significant resistive component of impedance. More advanced designs measure true inductance or capacitance, as well as the equivalent series resistance of capacitors and the Q factor of inductive components. Usually the device under", + "score": 0.6494140625 + }, + { + "id": "4952008", + "title": "Lucas' reagent", + "text": "differentiate among the three classes of alcohols: Lucas' reagent Lucas' reagent is a solution of anhydrous zinc chloride in concentrated hydrochloric acid. This solution is used to classify alcohols of low molecular weight. The reaction is a substitution in which the chloride replaces a hydroxyl group. A positive test is indicated by a change from clear and colourless to turbid, signalling formation of a chloroalkane. Also, the best results for this test are observed in tertiary alcohols, as they form the respective alkyl halides fastest due to higher stability of the intermediate tertiary carbocation. The test was reported in 1930", + "score": 0.6494140625 + }, + { + "id": "12987485", + "title": "Cirrhosis", + "text": "predisposes for complications caused by liver biopsy. The best predictors of cirrhosis are ascites, platelet count <160,000/mm3, spider angiomata, and a Bonacini cirrhosis discriminant score greater than 7 (as the sum of scores for platelet count, ALT/AST ratio and INR as per table). The following findings are typical in cirrhosis: FibroTest is a biomarker for fibrosis that can be done instead of a biopsy. Other laboratory studies performed in newly diagnosed cirrhosis may include: Ultrasound is routinely used in the evaluation of cirrhosis. It may show a small and nodular liver in advanced cirrhosis along with increased echogenicity with irregular", + "score": 0.64892578125 + }, + { + "id": "16458936", + "title": "Cannabis drug testing", + "text": "The concentrations obtained from such analyses can often be helpful in distinguishing active use from passive exposure, elapsed time since use, and extent or duration of use. The Duquenois-Levine test is commonly used as a screening test in the field, but it cannot definitively confirm the presence of cannabis, as a large range of substances have been shown to give false positives. Most cannabinoids are lipophilic (fat soluble) compounds that easily store in fat, thus yielding a long elimination half-life relative to other recreational drugs. The THC molecule, and related compounds, are usually detectable in urine drug tests from 3", + "score": 0.64892578125 + }, + { + "id": "13031907", + "title": "Model lipid bilayer", + "text": "Model lipid bilayer A model lipid bilayer is any bilayer assembled in vitro, as opposed to the bilayer of natural cell membranes or covering various sub-cellular structures like the nucleus. They are used to study the fundamental properties of biological membranes in a simplified and well-controlled environment, and increasingly in bottom-up synthetic biology for the construction of artificial cells. A model bilayer can be made with either synthetic or natural lipids. The simplest model systems contain only a single pure synthetic lipid. More physiologically relevant model bilayers can be made with mixtures of several synthetic or natural lipids. There are", + "score": 0.6484375 + }, + { + "id": "1512609", + "title": "Lipid-lowering agent", + "text": "Lipid-lowering agent Hypolipidemic agents, or antihyperlipidemic agents, are a diverse group of pharmaceuticals that are used in the treatment of high levels of fats (lipids), such as cholesterol, in the blood (hyperlipidemia). They are called lipid-lowering drugs. There are several classes of hypolipidemic drugs. They may differ in both their impact on the cholesterol profile and adverse effects. For example, some may lower the \"bad cholesterol\" low density lipoprotein (LDL) more so than others, while others may preferentially increase high density lipoprotein (HDL), \"the good cholesterol\". Clinically, the choice of an agent will depend on the patient's cholesterol profile, cardiovascular", + "score": 0.64794921875 + }, + { + "id": "3700430", + "title": "Lipid raft", + "text": "the plasma membrane. In fact, researchers have hypothesized that the lipid rafts can be extracted from a plasma membrane. The extraction would take advantage of lipid raft resistance to non-ionic detergents, such as Triton X-100 or Brij-98 at low temperatures (e.g., 4 \u00b0C). When such a detergent is added to cells, the fluid membrane will dissolve while the lipid rafts may remain intact and could be extracted. Because of their composition and detergent resistance, lipid rafts are also called detergent-insoluble glycolipid-enriched complexes (GEMs) or DIGs or Detergent Resistant Membranes (DRMs). However the validity of the detergent resistance methodology of membranes", + "score": 0.64794921875 + } + ], + "answer": "Lipid profile or a lipid panel test, is a panel of blood tests that serves as an initial screening tool for abnormalities in lipids, such as cholesterol and triglycerides, as well as certain genetic diseases. The emulsion test is a method to determine the presence of lipids using wet chemistry. The procedure is for the sample to be suspended in ethanol, allowing lipids present to dissolve. The liquid, which is alcohol with dissolved fat, is then decanted into water. Since lipids do not dissolve in water, when the ethanol is diluted, it falls out of the solution to give a cloudy white emulsion." + }, + { + "qa_pairs": [ + { + "context": "Give Me a Home Among the Gumtrees (or Home Among the Gumtrees) is a popular Australian song written in 1974 by Wally Johnson and Bob Brown (aka Captain Rock).", + "question": "Who co-wrote give me a home among the gum trees and also goes by the name Captain Rock?", + "short_answers": [ + "Bob Brown" + ], + "wikipage": "Give Me a Home Among the Gumtrees" + }, + { + "context": "Co-writer Wally Johnson died of pneumonia in 1995. Bob Brown has continued writing and performing tongue-in-cheek folk songs, which have been covered by artists including John Williamson and folk singer Slim Dusty. One of Brown's numbers I\u2019m an Individual was recorded by cult Australian Rules footballer Mark \u2018Jacko\u2019 Jackson, and became an Australia-wide hit. Brown has also recorded an album of children's songs called Riding Round on Golf Balls.", + "question": "Who co-wrote give me a home among the gum trees and passed in 1995?", + "short_answers": [ + "Wally Johnson" + ], + "wikipage": "Give Me a Home Among the Gumtrees" + } + ], + "wikipages": [ + { + "title": "Give Me a Home Among the Gumtrees", + "url": "https://en.wikipedia.org/wiki/Give%20Me%20a%20Home%20Among%20the%20Gumtrees" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "The popular 1974 Australian song Give Me a Home Among the Gumtrees (or Home Among the Gumtrees) was written by Wally Johnson and Bob Brown (aka Captain Rock). Since then, Bob Brown has continued writing and performing tongue-in-cheek folk songs as Wally Johnson passed on in 1995. " + }, + { + "knowledge": [ + { + "content": "The song has become one of the most frequently recorded Australian compositions of all time and is a standard in Australian folk music.", + "wikipage": "Give Me a Home Among the Gumtrees History" + } + ], + "long_answer": "Home Among the Gumtrees is a popular Australian song written in 1974 by Wally Johnson and Bob Brown, known as Captain Rock. The song has become one of the most frequently recorded Australian compositions of all time and is a standard in Australian folk music. In 1995, Wally Johnson who co-wrote the song, died of pneumonia." + } + ], + "sample_id": "-5021421578587820891", + "question": "Who wrote give me a home among the gum trees?", + "docs": [ + { + "id": "15025550", + "title": "Give Me a Home Among the Gumtrees", + "text": "Give Me a Home Among the Gumtrees Give Me a Home Among the Gumtrees (or Home Among the Gumtrees) is a popular Australian song written in 1974 by Wally Johnson and Bob Brown (aka Captain Rock). It was originally performed as a satirical number in Johnson and Brown's comedy act at the Flying Trapeze Cafe in Fitzroy, Melbourne and was first recorded in 1975 on the Captain Rock album \"Buried Treasure\" on Mushroom Records. At that time the Australian Government had decided to scrap \"God Save the Queen\" as the national anthem and was running a contest called the \"Australian", + "score": 0.8544921875, + "summary": "The song \"Give Me a Home Among the Gumtrees\" was written by Wally Johnson and Bob Brown (aka Captain Rock) in 1974 as a satirical number in their comedy act. It was first recorded in 1975 on the Captain Rock album \"Buried Treasure\" on Mushroom Records.", + "extraction": "\"Give Me a Home Among the Gumtrees\" was written by Wally Johnson and Bob Brown (aka Captain Rock)." + }, + { + "id": "15025555", + "title": "Give Me a Home Among the Gumtrees", + "text": "\"Give Me a Home Among the Gumtrees \" Give Me a Home Among the Gumtrees Give Me a Home Among the Gumtrees (or Home Among the Gumtrees) is a popular Australian song written in 1974 by Wally Johnson and Bob Brown (aka Captain Rock). It was originally performed as a satirical number in Johnson and Brown's comedy act at the Flying Trapeze Cafe in Fitzroy, Melbourne and was first recorded in 1975 on the Captain Rock album \"Buried Treasure\" on Mushroom Records. At that time the Australian Government had decided to scrap \"God Save the Queen\" as the national anthem", + "score": 0.85302734375, + "summary": "\"Give Me a Home Among the Gumtrees\" was written by Wally Johnson and Bob Brown in 1974.", + "extraction": "\"Give Me a Home Among the Gumtrees\" was written by Wally Johnson and Bob Brown." + }, + { + "id": "15025552", + "title": "Give Me a Home Among the Gumtrees", + "text": "was later recorded by popular Australian country music singer-songwriter John Williamson, thus increasing its popularity (many mistakenly believe Williamson to be the original composer). Bullamakanka made some changes to the lyrics, which were also retained in Williamson's recording. These tended to water down the original tongue-in-cheek nature of the song. Bullamakanka's version was later used as the theme song for a popular gardening and lifestyle television program called \"Burke's Backyard\", which ran on Australian television for 17 years. The program once held a competition for the best school video version of Home Among the Gumtress, and thousands of entries were", + "score": 0.82958984375, + "summary": "John Williamson recorded \"Give Me a Home Among the Gumtrees\", but he is not the original composer. The original composer is not mentioned in the document.", + "extraction": "John Williamson recorded \"Give Me a Home Among the Gumtrees\", but he is not the original composer. The original composer is not mentioned in the passage, so the answer is \"irrelevant\"." + }, + { + "id": "15025553", + "title": "Give Me a Home Among the Gumtrees", + "text": "submitted; one of the winners was an Aboriginal community school group who sang the song in their own language. Home Among the Gumtress has a set of mime actions accompanying the chorus which are familiar to people throughout Australia, although their exact origins are unknown. The song has become one of the most frequently recorded Australian compositions of all time and is a standard in Australian folk music. A variety of artists have covered it, ranging from bushbands like Paradiddle to international superstar violinist Andr\u00e9 Rieu, who included it on his 2008 album Waltzing Matilda. John Williamson performed Gumtrees at", + "score": 0.8134765625, + "summary": "The document mentions the song \"Give Me a Home Among the Gumtrees\" and its popularity in Australian folk music. However, it does not provide information on who wrote the song. Therefore, the answer is \"irrelevant\".", + "extraction": "Irrelevant. The passage does not mention who wrote \"Give Me a Home Among the Gum Trees\"." + }, + { + "id": "11231478", + "title": "Gary Jeshel Forrester", + "text": "music. The ABC observed: \"Like our landscape, the history of Australia is best told by our poets, and this recording offers a unique slice... of our bushland, our people, our dreams, and our extraordinary sense of humour.\" Forrester's music also appeared on the Larrikin Records 1996 composite album, \"Give Me a Home Among the Gum Trees\", along with Australian country-folk icons Eric Bogle, Judy Small, The Bushwackers, and others. Random House Australia's 1991 profile declared that \"the most striking aspect of the albums, apart from their frequency, is the exceptionally high standard of songwriting.\" \"Australian Country Music\" observed that the", + "score": 0.7734375, + "summary": "Gary Jeshel Forrester's music appeared on the Larrikin Records album \"Give Me a Home Among the Gum Trees\" along with other Australian country-folk icons.", + "extraction": "Gary Jeshel Forrester's music appeared on the Larrikin Records 1996 composite album \"Give Me a Home Among the Gum Trees.\"" + }, + { + "id": "20394072", + "title": "Magic Gum Tree", + "text": "The girl falls asleep and meets a cast of dreamland characters. She is rescued by a group of ten Australian Aboriginal boys and returned safely home. The complete original published words and music (piano, voices) and dialogue may be viewed here Magic Gum Tree The Magic Gum Tree is a musical comedy written in 1932. The score and lyrics are the singular work of Adelaide pianist and composer Arline Sauer in 1932. Sauer, born Arline Estelle Lower, married her longtime mentor, the well known Sydney conductor, arranger and composer Charles Sauer in May 1924, had twin sons 1925, divorced 1947.", + "score": 0.73681640625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "8819669", + "title": "Kookaburra (song)", + "text": "concluded there had been an infringement of copyright of the tune \"Kookaburra Sits in the Old Gum Tree\". One of the band's songwriters, Colin Hay, said afterwards the result was disappointing and they would consider their position after reviewing the judgement more closely. In October 2011 the band lost its final court bid when the High Court of Australia refused to hear an appeal. Kookaburra (song) \"Kookaburra\" (also known by its first line: \"Kookaburra sits in the old gum tree\") is a popular Australian nursery rhyme and round about the kookaburra. It was written by Marion Sinclair (9 October 1896", + "score": 0.73583984375, + "summary": "Irrelevant.", + "extraction": "Marion Sinclair wrote \"Give Me a Home Among the Gum Trees\" is irrelevant." + }, + { + "id": "20394071", + "title": "Magic Gum Tree", + "text": "Magic Gum Tree The Magic Gum Tree is a musical comedy written in 1932. The score and lyrics are the singular work of Adelaide pianist and composer Arline Sauer in 1932. Sauer, born Arline Estelle Lower, married her longtime mentor, the well known Sydney conductor, arranger and composer Charles Sauer in May 1924, had twin sons 1925, divorced 1947. The piece is a work of Australiana featuring Australian animals and characters. Queensland reviewers felt it reminiscent of A. A. Milne , with pleasantly conceived music for solo and parts. The plot involves an immigrant girl lost in the Australian outback.", + "score": 0.73046875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention \"Give me a home among the gum trees\" or its author." + }, + { + "id": "15025551", + "title": "Give Me a Home Among the Gumtrees", + "text": "National Anthem Quest\" to find a replacement. The \"Gumtrees\" song was Johnson and Brown's response (it did not win). the bands first roadie with the bands nickname THE EMU.had the cassette tape of capt'rock. and insisted that h.a.t g. was a tune was vey well suited too their sound and from the first night it was performed at the Port o Call. hotel Coolangatta it was a hit for the band In 1982, the (although this story is not confirmed by all members of the band). They recorded a cover version of \"Gumtrees\", which then became a hit. The song", + "score": 0.72802734375, + "summary": "The document mentions \"Give Me a Home Among the Gumtrees\" as a song that was covered by a band in 1982, but it does not provide information on who wrote the song. Therefore, the answer is \"irrelevant\".", + "extraction": "Ian \"Dick\" Marvin and Bob Brown wrote the song \"Give Me a Home Among the Gumtrees\"." + }, + { + "id": "8819664", + "title": "Kookaburra (song)", + "text": "Kookaburra (song) \"Kookaburra\" (also known by its first line: \"Kookaburra sits in the old gum tree\") is a popular Australian nursery rhyme and round about the kookaburra. It was written by Marion Sinclair (9 October 1896 \u2013 15 February 1988) in 1932. Marion Sinclair was a music teacher at Toorak College, a girls' school in Melbourne she had attended as a boarder. In 1920, she began working with the school's Girl Guides company. One Sunday morning in 1932, Sinclair had a sudden inspiration in church and dashed home to write down the words to \"Kookaburra\". In 1934 she entered the", + "score": 0.72509765625, + "summary": "Marion Sinclair wrote \"Kookaburra\" in 1932. Irrelevant information about the song is also provided.", + "extraction": "Marion Sinclair wrote \"Give me a home among the gum trees\" is irrelevant, as the passage mentions that Marion Sinclair wrote \"Kookaburra\" (song)." + }, + { + "id": "19328689", + "title": "Eucalyptus houseana", + "text": "honours the doctor and explorer Frederick Maurice House. The species name was first published in the \"Western Mail\" by William Fitzgerald in 1906, and used in the accepted description of Joseph Maiden in 1916. Eucalyptus houseana Eucalyptus houseana, commonly known as Kimberley White Gum or tropical white gum, is a Eucalypt tree that is native to northern Western Australia and the Northern Territory. The tree typically grows to a height of in height and has smooth powdery white bark. It blooms between July and November producing white flowers. The leaf blades have a lanceolate shape and are about long and", + "score": 0.71484375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the song \"Give Me a Home Among the Gum Trees\" or its author." + }, + { + "id": "5918953", + "title": "Redgum", + "text": "All Time Best Australian Songs created in 2001. Redgum also covered Australian consumer influences on surrounding nations in 1984's \"I've Been To Bali Too\", both hit singles were written by Schumann. \"The Diamantina Drover\", written by Timms' replacement, violinist/vocalist Hugh McDonald and \"Poor Ned\", written by Trevor Lucas of Fairport Convention, are examples of their bush songs. Lucas produced their June 1983 live LP \"Caught in the Act\", which peaked at #3 on the National albums chart. Schumann left the band and pursued a solo career from 1986, Atkinson left in 1987 and Redgum finally disbanded in 1990. From 2005,", + "score": 0.7119140625, + "summary": "The document is irrelevant to the question.", + "extraction": "irrelevant" + }, + { + "id": "2108462", + "title": "The Song of Australia", + "text": "The Song of Australia \"The Song of Australia\" was written by English-born poet Caroline Carleton in 1859 for a competition sponsored by the Gawler Institute. The music for the song was composed by the German-born Carl Linger (1810-1862), a prominent member of the Australian Forty-Eighters. On 1 October 1859, the \"South Australian Register\" announced: Announcing the winner and the second stage of the competition: And the announcement of the winner: This is the poem as published in The South Australian Register on 21 October 1859: Publication of Caroline Carleton's poem caused an immediate controversy; that it was nice poetry, but", + "score": 0.70947265625, + "summary": "Caroline Carleton wrote \"The Song of Australia\" in 1859, but the document does not mention \"Give Me a Home Among the Gum Trees.\" Therefore, the answer is irrelevant.", + "extraction": "Irrelevant. The passage provides information about the \"Song of Australia\" and its creators, but does not mention \"give me a home among the gum trees\" or its author." + }, + { + "id": "16312020", + "title": "Caroline Carleton", + "text": "for a patriotic poem that could be set to music, and submitted it under the pseudonym \"Nil Desperandum\". Her poem won the prize of ten guineas (\u00a310 10s.); several thousand dollars by today's values. The second stage of the Gawler Institute's contest was for a tune for the winning poem as published on 21 October 1859. Again, the prize was ten guineas. The winner, announced on 4 November 1859 was Carl Linger, whose pseudonym was \"One of the Quantity\". Their song was performed at the South Australian Institute soir\u00e9e at White's Rooms, King William Street, on 14 December 1859 by", + "score": 0.70947265625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention anything about \"Give me a home among the gum trees\" or its author." + }, + { + "id": "8140671", + "title": "My Island Home", + "text": "the song, making it sound more rhythmic and polished, whereas the original was driven more with a drum beat. In 2016, Anu's rendition was inducted into the National Film and Sound Archive's Sounds of Australia. Aboriginal band Tiddas has also recorded a version of the song for the \"Radiance\" soundtrack. My Island Home \"My Island Home\" is a pop song written by Neil Murray and originally performed by the Warumpi Band. The song references lead singer's (George Burarrwanga) home up at Elcho Island off the coast of Arnhem Land in the Northern Territory. It was recorded in 1986 and released", + "score": 0.708984375, + "summary": "The document is irrelevant to the question, as it discusses a different song and its history.", + "extraction": "Neil Murray wrote \"Give Me a Home Among the Gum Trees\" is irrelevant as the passage talks about \"My Island Home\" song written by Neil Murray." + }, + { + "id": "16339099", + "title": "Tenterfield Saddler (song)", + "text": "I still call Australia home\" in \"I Still Call Australia Home\". \"Tenterfield Saddler\" made its ARIA chart debut in September 2015 following the screening of the Peter Allen Australian mini-series, \"\". Tenterfield Saddler (song) \"Tenterfield Saddler\" is a song written by Peter Allen in 1970. It was released in 1972 as the second single from his second studio album of the same name. \"Tenterfield Saddler\" tells the moving story of the musician's life, from his much-loved grandfather, George Woolnough, his troubled relationship with his father and moving to New York to marry Liza Minnelli, \"a girl with an interesting face\".", + "score": 0.70751953125, + "summary": "The song \"Tenterfield Saddler\" was written by Peter Allen in 1970 and was released in 1972.", + "extraction": "irrelevant" + }, + { + "id": "7291661", + "title": "David McComb", + "text": "Right Association (APRA), as part of its 75th Anniversary celebrations, named \"Wide Open Road\" by The Triffids \u2013 written by McComb \u2013 as one of the Top 30 Australian songs of all time. On 1 July 2008 The Triffids were inducted into the ARIA Hall of Fame with McComb's contribution acknowledged by a tribute performance. David McComb was born in Perth, Australia on 17 February 1962, the youngest of four boys. His parents were both doctors, his father, Dr Harold McComb, a prominent plastic surgeon and his mother, Dr Athel Hockey (AO), a renowned geneticist. The family resided in a", + "score": 0.70751953125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "19328688", + "title": "Eucalyptus houseana", + "text": "Eucalyptus houseana Eucalyptus houseana, commonly known as Kimberley White Gum or tropical white gum, is a Eucalypt tree that is native to northern Western Australia and the Northern Territory. The tree typically grows to a height of in height and has smooth powdery white bark. It blooms between July and November producing white flowers. The leaf blades have a lanceolate shape and are about long and wide and are broadest at the base. In Western Australia it is found along water courses and in seasonally wet sites throughout the Kimberley region where it grows in sandy alluvium. The specific epithet", + "score": 0.70556640625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "15921645", + "title": "Eucalyptus benthamii", + "text": "Eucalyptus benthamii Eucalyptus benthamii, commonly known as Camden white gum or Nepean River gum, is a species of \"Eucalyptus\" endemic to eastern Australia. It was first described by Joseph Maiden and Richard Hind Cambage in 1915, who named it in honour of George Bentham. It is related to \"E. viminalis\". \"Eucalyptus dorrigoensis\" is a species from the Dorrigo Plateau that was previously classified as a subspecies, but does not appear especially related. \"Eucalyptus benthamii\" grows as a tall tree to high, with a trunk diameter attaining . The bark is smooth and white, and peels away in ribbons. The white", + "score": 0.70458984375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "15921648", + "title": "Eucalyptus benthamii", + "text": "benthamii\" is being investigated in South Africa and South America for pulpwood plantations. Eucalyptus benthamii Eucalyptus benthamii, commonly known as Camden white gum or Nepean River gum, is a species of \"Eucalyptus\" endemic to eastern Australia. It was first described by Joseph Maiden and Richard Hind Cambage in 1915, who named it in honour of George Bentham. It is related to \"E. viminalis\". \"Eucalyptus dorrigoensis\" is a species from the Dorrigo Plateau that was previously classified as a subspecies, but does not appear especially related. \"Eucalyptus benthamii\" grows as a tall tree to high, with a trunk diameter attaining .", + "score": 0.7021484375, + "summary": "irrelevant", + "extraction": "Irrelevant. The passage does not provide any information about the song \"Give Me a Home Among the Gum Trees\" or its author." + }, + { + "id": "10689312", + "title": "Indigenous Australians", + "text": "Franklin award, Tara June Winch, in poetry Yvette Holt and in popular fiction Anita Heiss. Australian Aboriginal poetry \u2013 ranging from sacred to everyday \u2013 is found throughout the continent. Many notable works have been written by non-indigenous Australians on Aboriginal themes. Examples include the poems of Judith Wright; \"The Chant of Jimmie Blacksmith\" by Thomas Keneally and the short story by David Malouf: \"The Only Speaker of his Tongue\". Histories covering Indigenous themes include \"The Native Tribes of Central Australia\" by Spencer and Gillen, 1899; the diaries of Donald Thompson on the subject of the Yolngu people of Arnhem", + "score": 0.70068359375 + }, + { + "id": "13631737", + "title": "Tom Traubert's Blues", + "text": "Tom Traubert's Blues \"Tom Traubert's Blues (Four Sheets to the Wind in Copenhagen)\" (commonly known as \"Tom Traubert's Blues\" or as \"Waltzing Matilda\") is a song by American Alternative rock musician Tom Waits. It is the opening track on Waits' third studio album \"Small Change\", released in September 1976 on Asylum Records. Written by Waits and produced by Bones Howe, the song's chorus is derived from the Australian folk song \"Waltzing Matilda\" and its lyrics narrate alcohol abuse, inspired by Waits' own experiences in Los Angeles and Copenhagen. The song is considered one of Waits' signature songs and was described", + "score": 0.7001953125 + }, + { + "id": "8350975", + "title": "New Australia", + "text": "Currency have a song called \"Paraguay\" which tells the story of New Australia. Graeme Connors, Australian country singer-songwriter, wrote a song called \"Boomerang in Paradise\", a nostalgic, sympathetic retelling of William Lane and the New Australia colonists. The Weddings Parties Anything song \"Drifted Away\" is also about the New Australia experiment. The title track to the 1980 Redgum album \"Virgin Ground\" is also about the New Australia Colony. The group was mentioned by Monte Reel in his article \"Welcome to Paradise\" in Outside magazine. New Australia New Australia was a utopian socialist settlement in Paraguay founded by the Australian New", + "score": 0.69921875 + }, + { + "id": "16428524", + "title": "Eucalyptus bancroftii", + "text": "Eucalyptus bancroftii Eucalyptus bancroftii, commonly known as Bancroft's red gum or orange gum, is a species of tree native to eastern Australia. Eucalyptus bancroftii is a tree growing to high, with smooth bark which is a patchy grey, salmon and orange, which sheds in large plates. The juvenile leaves are ovate, and a dull grey-green, with the dull, green, concolorous adult leaves being lanceolate or broad-lanceolate, long, wide. The flowers are in groups of seven on a stem of length with four angles. Each flower is on a terete stem (pedicel) of length . The buds are cylindrical or conical,and", + "score": 0.69873046875 + }, + { + "id": "19522991", + "title": "Ronald McCuaig", + "text": "as \"Scenes from Childhood\" and \"Holiday Farm\". His poems were widely anthologised. He also wrote short stories and essays (\"Tales Out of Bed\", 1944) and \"Australia and the Arts\" (1972), as well as two children's books \"Gangles\" (1972) and \"Tobolino and the amazing football boots\" (1974). \"Fresi fantastika\" (1975) was a Norwegian version of \"Gangles\". Some of his poems were set to music by George Dreyfus (\"Music in the Air\"). Despite the success of \"The Ballad of Bloodthirsty Bessie\" in 1961, McCuaig published no more volumes or collections until Kirkpatrick's compilation of poems spanning his entire career \"Selected Poems\" (1992)", + "score": 0.6982421875 + }, + { + "id": "3832508", + "title": "Titirangi", + "text": "bohemianism. A number of well known New Zealand musicians, artists, writers and potters currently live or have lived in the area, including singer/songwriter Tim Finn (who wrote the song \"I Hope I Never\" there), actress Alma Evans-Freake, author Maurice Shadbolt, painter Colin McCahon (whose house is preserved as a museum and residence for artists and writers), feminist artist Alexis Hunter, photographer Brian Brake, poet John Caselberg, photographer James Stonley, potter Len Castle and glass artist Ann Robinson. The sculpture on the round-about connecting Titirangi Road, Atkinson Road, Kohu Road, Scenic Drive and Huia Rd has been a symbol of Titirangi", + "score": 0.69775390625 + }, + { + "id": "16312024", + "title": "Caroline Carleton", + "text": "Lyrics\" published and printed in Adelaide by J.H. Lewis, 1860. This slim (18pp.) volume includes: Caroline Carleton Caroline Carleton (6 October 1811 \u2013 10 July 1874) was an English-born South Australian poet who is best known for her prize-winning poem \"Song of Australia\", which, put to a tune by Carl Linger was used as a patriotic song in South Australian schools and elsewhere, and one of four in a national plebiscite to select a National Song in 1977. Caroline Baynes was born at Bonnar's Hall (also written Bonner's Hall), Middlesex near London, the youngest child of bookseller William Baynes (29", + "score": 0.69677734375 + }, + { + "id": "854296", + "title": "Banjo Paterson", + "text": "Banjo Paterson Andrew Barton \"Banjo\" Paterson, (17 February 18645 February 1941) was an Australian bush poet, journalist and author. He wrote many ballads and poems about Australian life, focusing particularly on the rural and outback areas, including the district around Binalong, New South Wales, where he spent much of his childhood. Paterson's more notable poems include \"Clancy of the Overflow\" (1889), \"The Man from Snowy River\" (1890) and \"Waltzing Matilda\" (1895), regarded widely as Australia's unofficial national anthem. Andrew Barton Paterson was born at the property \"Narrambla\", near Orange, New South Wales, the eldest son of Andrew Bogle Paterson, a", + "score": 0.69580078125 + }, + { + "id": "5918952", + "title": "Redgum", + "text": "Redgum Redgum were an Australian folk and political music group formed in Adelaide in 1975 by singer-songwriter John Schumann, Michael Atkinson on guitars/vocals, Verity Truman on flute/vocals; they were later joined by Hugh McDonald on fiddle and Chris Timms on violin. All four had been students at Flinders University and together developed a strong political voice. They are best known for their protest song exploring the impact of war in the 1980s \"I Was Only 19\", which peaked at #1 on the National singles charts. The song is in the Australasian Performing Right Association (APRA) list of Top 30 of", + "score": 0.6953125 + }, + { + "id": "13278486", + "title": "Eucalyptus drummondii", + "text": "Eucalyptus drummondii Eucalyptus drummondii, commonly known as Drummond's Gum or Drummond's Mallee, is a mallee eucalypt native to southwest Western Australia. It grows as a mallee or tree up to 9 meters tall, with smooth, powdery, bark that is white, pink or grey in colour. Leaves at grey-green in colour. The flowers are white, and arise from pink buds on stems up to 2 centimetres long. Flower occur in clusters of up to seven. It was first published by George Bentham in 1867, in Volume 3 of his \"Flora Australiensis\". Bentham based the species on a specimen collected \"[b]etween Swan", + "score": 0.6953125 + }, + { + "id": "14967503", + "title": "Gene Pierson", + "text": "Who, Calvin De Grey and Graham Pugh, was released on video by Video Classics. He recorded 53 of the best loved works of Australian prose and verses, entitled \"Out of the Bluegums \u2013 150 Years of Australian Verse\", which was released in 1985. It features 31 narrators delivering an eclectic mix of folk ballads and bush poetry from the 1800s through to 20th century prose. The narrators include Australian icons such as Peter Allen, Spike Milligan, Dame Joan Sutherland, and Dame Edna Everage. The double CD was digitally remastered and released on Pierson's Lifestyle Music label in January 2011 as", + "score": 0.6943359375 + }, + { + "id": "16312015", + "title": "Caroline Carleton", + "text": "Caroline Carleton Caroline Carleton (6 October 1811 \u2013 10 July 1874) was an English-born South Australian poet who is best known for her prize-winning poem \"Song of Australia\", which, put to a tune by Carl Linger was used as a patriotic song in South Australian schools and elsewhere, and one of four in a national plebiscite to select a National Song in 1977. Caroline Baynes was born at Bonnar's Hall (also written Bonner's Hall), Middlesex near London, the youngest child of bookseller William Baynes (29 May 1760 \u2013 7 January 1832) and his second wife Mary Ann (n\u00e9e Bailey) (1771\u20131862).", + "score": 0.69384765625 + }, + { + "id": "7125847", + "title": "The Man from Snowy River: Arena Spectacular", + "text": "series \"The Man from Snowy River\". All poetry narrated in the musical was written by Banjo Paterson, including the lyrics to the songs \"Waltzing Matilda\" (with music written by M. Cowan), and \"As Long as Your Eyes Are Blue\" (the music to which was \"Clancy's Theme\", which was written by Bruce Rowland for the film \"The Man from Snowy River\"). On John Conroy's property, the 2-year-old colts and fillies are mustered and brought to the homestead for horse breaking. Two of the colts are of very good stock, especially the beautiful and spirited colt from the famous racehorse Regret (John", + "score": 0.69384765625 + }, + { + "id": "8126693", + "title": "From Little Things Big Things Grow", + "text": "the story of The Gurindji Strike and Vincent Lingiari. It describes how the Gurindji people's claim sparked the Indigenous land rights movement. The protest led to the Commonwealth Aboriginal Land Rights (Northern Territory) Act 1976. The Act gave Indigenous people freehold title to traditional lands in the Northern Territory and the power of veto over mining and development on those lands. In 1975, 3,236 km\u00b2 of land was handed back to the Gurindji people. Carmody described writing the song: It was recorded by Paul Kelly and the Messengers for their 1991 album \"Comedy\" released by Mushroom Records. Kelly included the", + "score": 0.69384765625 + }, + { + "id": "14444287", + "title": "Hugh McDonald (Australian musician)", + "text": "Hugh McDonald (Australian musician) Hugh McDonald (17 July 1954 \u2013 18 November 2016) was an Australian musician. Active from the 1970s to 2016, he performed and recorded with the Bushwackers, the Sundowners, Banshee, Redgum, Des \"Animal\" McKenna, Moving Cloud and the Colonials. McDonald became better known when he joined the folk-rock group Redgum in 1981. He wrote a number of the group's songs, including \"The Diamantina Drover\". After lead singer John Schumann left the band in 1986, he took over as lead singer until the group disbanded in 1990. After Redgum, McDonald continued playing and recording music, and also taught", + "score": 0.69384765625 + }, + { + "id": "9672894", + "title": "Nigel Hinton", + "text": "all the protagonists are female although the writing style otherwise remains the same. In music Hinton co-wrote the song \"Take Me Home\" for Roger Daltrey's 1987 album \"Can't Wait to See the Movie\". He also contributed to the Buddy's Song soundtrack by co-writing nine songs all performed by Chesney Hawkes who played Buddy in the film. He co-wrote Always Heading Home for Roger Daltrey's 2018 album As Long As I Have You. He has also written a number of songs for the UK Americana band The Orange Circus Band including the song I Miss You. \"The Heart of the Valley\"", + "score": 0.69384765625 + }, + { + "id": "1914372", + "title": "Grafton, New South Wales", + "text": "the 2005/2006 Grafton Jacaranda Queen and sister of Brooke McClymont, also received an award for her country music talent. A vision of Grafton with its numerous brilliantly-flowered trees in bloom is immortalised in Australian popular music in Cold Chisel's song \"Flame Trees\", written by band member Don Walker, who had lived in Grafton during his formative years. Christ Church Cathedral, designed by John Horbury Hunt, was consecrated in 1884 and is the seat of the Anglican Diocese of Grafton. Schaeffer House is a historic 1900 Federation house and contains the collection of the Clarence River Historical Society, which was formed", + "score": 0.69287109375 + }, + { + "id": "12680819", + "title": "Sing Me Back Home", + "text": "Sing Me Back Home Sing Me Back Home is the fifth studio album by American country singer and songwriter Merle Haggard and The Strangers, released in 1968 on Capitol Records. The album's title track was inspired by an inmate Haggard knew while he was serving time in San Quentin named Jimmy \"Rabbit\" Kendrick. As recounted in his 1981 autobiography \"Merle Haggard: Sing Me Back Home\", Rabbit devised a brilliant escape and invited Haggard to join him, but they both agreed it would be best that he stay put. Rabbit was captured two weeks later and eventually executed for the murder", + "score": 0.69287109375 + }, + { + "id": "5510083", + "title": "John Williamson (singer)", + "text": "\"The Smell of Gum Leaves\", in September 1984. It featured another comic track, \"I'm Fair Dinkum\". Williamson then launched his merchandise business, The Fair Dinkum Road Company, in Sydney. The album included his cover version of Spectrum's 1971 single, \"I'll Be Gone\", which he played using only guitar and harmonica. At the start of 1985 he founded an independent record label, Gumleaf Recordings. At the Country Music Awards of Australia in January that year, he won 'Song of the Year' for \"Queen in the Sport of Kings\". He then issued a new compilation, \"Humble Beginnings\", featuring tracks from his first", + "score": 0.6923828125 + }, + { + "id": "8140667", + "title": "My Island Home", + "text": "My Island Home \"My Island Home\" is a pop song written by Neil Murray and originally performed by the Warumpi Band. The song references lead singer's (George Burarrwanga) home up at Elcho Island off the coast of Arnhem Land in the Northern Territory. It was recorded in 1986 and released as a single from their second album, \"Go Bush\", in 1987. \"My Island Home\" won 'Song of the Year' at the 1995 Australasian Performing Right Association (APRA) Awards for Anu's reworked version of the song. It was also listed in the APRA Top 30 Australian songs of all time in", + "score": 0.69189453125 + }, + { + "id": "19323500", + "title": "Eucalyptus georgei", + "text": "rises and in depressions where it grows in calcareous loam, clayey sand or sandy soils. Eucalyptus georgei Eucalyptus georgei, commonly known as Hyden blue gum, is a tree that is native to Western Australia. The tree typically grows to a height of and has smooth pale grey and coppery-orange coloured bark that detaches in long ribbons. The dull, grey-green to blue-green mature leaves are arranged alternately. The leaf blade has a lanceolate shape and a length of and a width of with a pointed apex and a base tapering toward the petiole. It blooms between January and March and produces", + "score": 0.69140625 + }, + { + "id": "18526771", + "title": "Lees Hotel", + "text": "beer. The following day Dan Sheahan rode his horse 30 kilometres to the hotel only to learn there was no beer. He had a glass of wine instead, sat in the pub and wrote the poem. The poem was published in \"The North Queensland Register\" in early 1944 and was rewritten in 1956 by Gordon Parsons, who set it to music for Slim Dusty. Parsons said he did not know where the original poem came from, but when Slim Dusty visited Ingham, he met Dan Sheahan and was shown the original poem, which Slim acknowledged as being the origin of", + "score": 0.69091796875 + }, + { + "id": "8732483", + "title": "Thomas Bulch", + "text": "her lifetime. She had emigrated to Australia and lived at Inglewood in Victoria. Her maiden name was Craigie and he composed and dedicated the march \u201c\"Craigielee\"\u201d to her as a tribute using the name Godfrey Parker as the composer. Thomas had made a practice of writing and dedicating music to all the female members of the family. In discussion with Adeline Bulch several years after her father's death she mentioned the soldiers returning from France whistling a popular song that she said was set to her father's music. This she identified as \u201c\"Waltzing Matilda\"\u201d. She also said that a woman", + "score": 0.69091796875 + }, + { + "id": "2108466", + "title": "The Song of Australia", + "text": "now current anthem, \"Advance Australia Fair\"; and \"Song of Australia\". The Song of Australia \"The Song of Australia\" was written by English-born poet Caroline Carleton in 1859 for a competition sponsored by the Gawler Institute. The music for the song was composed by the German-born Carl Linger (1810-1862), a prominent member of the Australian Forty-Eighters. On 1 October 1859, the \"South Australian Register\" announced: Announcing the winner and the second stage of the competition: And the announcement of the winner: This is the poem as published in The South Australian Register on 21 October 1859: Publication of Caroline Carleton's poem", + "score": 0.68994140625 + }, + { + "id": "854312", + "title": "Banjo Paterson", + "text": "[[Category:19th-century Australian writers]] [[Category:19th-century poets]] [[Category:20th-century Australian poets]] [[Category:Australian male poets]] [[Category:The Man from Snowy River]] [[Category:Australian male writers]] [[Category:19th-century Australian short story writers]] Banjo Paterson Andrew Barton \"Banjo\" Paterson, (17 February 18645 February 1941) was an Australian bush poet, journalist and author. He wrote many ballads and poems about Australian life, focusing particularly on the rural and outback areas, including the district around Binalong, New South Wales, where he spent much of his childhood. Paterson's more notable poems include \"Clancy of the Overflow\" (1889), \"The Man from Snowy River\" (1890) and \"Waltzing Matilda\" (1895), regarded widely as Australia's unofficial", + "score": 0.68994140625 + }, + { + "id": "13216370", + "title": "Eucalyptus flocktoniae", + "text": "Eucalyptus flocktoniae Eucalyptus flocktoniae is a species of Western Australian gum confined to the southwest and named after the noted botanical illustrator, Margaret Flockton. The Noongar peoples know the tree as Merrit. This species was first described in Journ. Roy. Soc. N.S.W. xlix, 316 (1915) and the following description is taken from \"\"A Critical Revision of the Genus Eucalyptus\"\" published by Joseph Henry Maiden (1859-1925) and which is in the public domain. The tree can sometimes have a mallee habit. It usually grows to a height of and has smooth silvery-grey bark. The tree blooms between August and April producing", + "score": 0.689453125 + }, + { + "id": "8010689", + "title": "I Still Call Australia Home", + "text": "I Still Call Australia Home \"I Still Call Australia Home\" is a song written and performed by Peter Allen in 1980. In it, Allen sings of Australian expatriates' longing for home. It has been used to signify Australian patriotism and nostalgia for home. An example is the series of Qantas television commercials where it was sung either by individual Australian musicians or one of several Australian youth choirs. In the 1984 Summer Olympics' \"Opening Gala\" TV special (in Los Angeles), Olivia Newton-John performed this song from Sydney, Australia with the choir in a medley with \"Waltzing Matilda\". Later, both songs", + "score": 0.689453125 + }, + { + "id": "16428525", + "title": "Eucalyptus bancroftii", + "text": "long and in diameter, and have a scar. The fruit is hemispherical or conical, and long and in diameter with a raised disc and exserted valves. The species epithet, \"bancroftii\", honours Edward Nathaniel Bancroft (1772-1842). The species was originally described as \"Eucalyptus tereticornis\" var. \"bancroftii\" by Joseph Maiden in 1904. He later revised it to \"E. bancroftii\" raising it to full species status in 1917. Eucalyptus bancroftii Eucalyptus bancroftii, commonly known as Bancroft's red gum or orange gum, is a species of tree native to eastern Australia. Eucalyptus bancroftii is a tree growing to high, with smooth bark which is", + "score": 0.68896484375 + }, + { + "id": "6351989", + "title": "Dan Morgan (bushranger)", + "text": "Under Arms\", first published in serial form in 1882. Two biographies have been written about Morgan: Margaret Carnegie's \"Morgan: The Bold Bushranger\" (1974), and Edgar F. Penzig's \"Morgan the Murderer\" (1989). Banjo Paterson wrote the words of \"Waltzing Matilda\", Australia's most famous folk song, to a tune played on the zither by the grown Christina Macpherson (who was the infant in the 1865 incident above). Morgan is referenced in the song \"Billabong Valley\" by Australian psychedelic rock group King Gizzard & The Lizard Wizard, released on their 2017 album, \"Flying Microtonal Banana\". Dan Morgan (bushranger) Dan Morgan (30 April 1830", + "score": 0.6884765625 + }, + { + "id": "10015252", + "title": "Eucalyptus rudis", + "text": "Schott from samples collected by Charles von H\u00fcgel around the Swan River Colony. In 1847, the botanist Nikolai Turczaninow named and described \"Eucalyptus brachypoda\" in the \"Bulletin de la Societe Imperiale des Naturalistes de Moscou\", which is now known as a synonym for \"E. rudis\". The tree is widespread from the Eneabba district (29\u00b0 S. Lat.) southwards in the Darling Range, west central wheatbelt and high rainfall areas of south-west Western Australia commonly on watercourses, swampy ground or very occasionally on granite rock. Flooded gum occurs typically in open woodlands, associated species include with \"wandoo\", \"Corymbia calophylla\" and \"Eucalyptus marginata\".", + "score": 0.6884765625 + }, + { + "id": "14090234", + "title": "Sing Me Back Home (song)", + "text": "Sing Me Back Home (song) \"Sing Me Back Home\" is a song written and recorded by American country music artist Merle Haggard and The Strangers. It was released in November 1967 as the first single and title track from the album \"Sing Me Back Home\". The song was Merle Haggard and The Strangers third number one. The single spent two weeks at number one and a total of 17 weeks on the country chart. It was also recorded live by the Byrds on \"There Is a Season\". The song was among several notable Haggard songs that touched on a common", + "score": 0.6884765625 + }, + { + "id": "5918961", + "title": "Redgum", + "text": "teaching MIDI, Synthesis & Composition in Singapore Polytechnic. Hugh McDonald died of cancer on 19 November 2016; he was 62. In chronological order: \"On the Frontline\" (1990, Hoyts / Polygram) Redgum Redgum were an Australian folk and political music group formed in Adelaide in 1975 by singer-songwriter John Schumann, Michael Atkinson on guitars/vocals, Verity Truman on flute/vocals; they were later joined by Hugh McDonald on fiddle and Chris Timms on violin. All four had been students at Flinders University and together developed a strong political voice. They are best known for their protest song exploring the impact of war in", + "score": 0.68798828125 + }, + { + "id": "854304", + "title": "Banjo Paterson", + "text": "had two children, Grace (born in 1904) and Hugh (born in 1906). Paterson had been previously engaged to Sarah Riley for eight years, but this was abruptly called off in 1895 following a visit to her at Dagworth Station in Queensland where she was visiting the Macpherson family. It was here that Paterson met his fianc\u00e9e's best friend from school days, Christina Macpherson, who composed the music for which he then wrote the lyrics of the famous \"Waltzing Matilda\". However, following this collaboration Paterson was suddenly asked to leave the property, leading historians to conclude that he was a womanizer", + "score": 0.68798828125 + }, + { + "id": "15169345", + "title": "Dagworth Station", + "text": "the 1890s and early 1900s. Samuel Hoffmeister, who was implicated in these events was later found dead at a nearby billabong. The following year Banjo Paterson visited the station and wrote the lyrics to \"Waltzing Matilda\", said to be inspired by these incidents. The music for the song was arranged by Christina Macpherson, the daughter of the owner of Dagworth and sister of the manager of the property Robert Macpherson. The station was bought by the North Australian Pastoral Company in 1995. In March 2015, Geoscience Australia reported that the Diamantina River\u2019s course at and near its headwaters flows along", + "score": 0.68701171875 + }, + { + "id": "13278488", + "title": "Eucalyptus drummondii", + "text": "invoke the autonymic subspecies. \"E. drummondii\" occurs throughout the Swan Coastal Plain and Jarrah Forest regions of the Southwest Botanical Province, and also extents somewhat into the Avon Wheatbelt, Geraldton Sandplains and Warren regions. It is often found on outcrops of laterite. Eucalyptus drummondii Eucalyptus drummondii, commonly known as Drummond's Gum or Drummond's Mallee, is a mallee eucalypt native to southwest Western Australia. It grows as a mallee or tree up to 9 meters tall, with smooth, powdery, bark that is white, pink or grey in colour. Leaves at grey-green in colour. The flowers are white, and arise from pink", + "score": 0.68701171875 + }, + { + "id": "5510105", + "title": "John Williamson (singer)", + "text": "three-disc set of Williamson's hits from 1970 - 2005 was released. In September, Williamson was devastated after hearing of the death of fellow wildlife conservationist and friend, Steve Irwin. In reaction to the news, he wrote a tribute tune, \"Wildlife Warriors: It's Time\". He was evidently emotional while performing both \"Home Among the Gum Trees\" and \"True Blue\" at Irwin's memorial service inside the arena of his Australia Zoo Crocoseum. The service was filmed live-to-air and later released on DVD. \"Wildlife Warriors\" was additionally released in November 2006 on a compilation album of the same name, along with twelve of", + "score": 0.6865234375 + }, + { + "id": "15880837", + "title": "Woolley House", + "text": "garden won prizes. Late in the 20th century a swimming pool and tennis court replaced some of the lower garden near Bay Street. Jacaranda (\"J.mimosifolia\"), Sydney red gum (\"Angophora costata\") and sweet gum (\"Liquidambar styraciflua\") and dawn redwood (\"Metasequoia glyptostroboides\") are among the mature trees on this site. The steeper section at the north/rear was more natural with some large Sydney red gums and regrowth on it. It is this latter section which was subdivided off to create the Woolley House's lot in 1958. The Woolley House is an example of Ken Woolley's early work before joining Ancher, Mortlock and", + "score": 0.6865234375 + }, + { + "id": "5918954", + "title": "Redgum", + "text": "Schumann and McDonald performed together as part of John Schumann and the Vagabond Crew. Redgum was formed in 1975 when three students at Flinders University, John Schumann, Michael Atkinson (not to be confused with the future Labor politician of the same name) and Verity Truman, collaborated for a musical assessment piece for their Politics and Art course. The trio quickly gained fame around the University community for their forthright songs, and by 1976 had been joined by violinist Chris Timms who had previously attended Flinders University. The group were soon in demand for parties, pubs and rallies throughout South Australia", + "score": 0.68603515625 + }, + { + "id": "15488680", + "title": "Greta Gertler", + "text": "having co-penned the 'classic rock' hit, \"Blow Up the Pokies\" (performed by The Whitlams), which was ranked 11th in a popular vote as one of the countries Top 20 Best Songs of All Time. Her song, \"Charlie # 3\" (also co-written with Tim Freedman from The Whitlams and a track on the breakthrough album, \"Eternal Nightcap\") was performed at the Sydney Opera House by The Whitlams and the Sydney Symphony Orchestra in December 2009. Her song, \"Everyone Wants to Adore You\" was recently featured in a major Global advertising campaign in Bulgaria. She has performed and recorded with a diverse", + "score": 0.68505859375 + }, + { + "id": "15886388", + "title": "Nutcote", + "text": "woman cartoonist who is well remembered for her children's stories and illustrations. Cecilia May Gibbs was born in Cheam Fields, Surrey England on 17 January 1877. In 1881 her father Herbert and an uncle emigrated to South Australia and a month later her mother May and brother Bertie sailed to join them. They later moved to Western Australia. May exhibited an early talent for sketching and loved the bush, which she explored on her pony. She had three trips to England in 1900, 1904 and 1909, but in 1905 embarked on her career as illustrator. Her gumnut babies were born", + "score": 0.68505859375 + }, + { + "id": "9163428", + "title": "Eucalyptus saligna", + "text": "Eucalyptus saligna Eucalyptus saligna, known as the Sydney blue gum, is a large Australian hardwood (flowering) tree common along the New South Wales seaboard and into Queensland, which can reach a maximum of in height. It is a common plantation timber in Australia and South Africa. See also Southern Blue Gum Commonly known as the Sydney blue gum or simply blue gum, \"Eucalyptus saligna\" was described by English naturalist James Edward Smith in 1797, and still bears its original name. The species name \"saligna\" refers to some likeness to a willow, though what attribute this is unclear. It has been", + "score": 0.68505859375 + }, + { + "id": "7825091", + "title": "Snugglepot and Cuddlepie", + "text": "unknown land of Australia. Unlike Combe's musical, the 2007 version is a political satire. The spoken word recording \"Australian classic children's collection\" includes the story as one of four works of children's literature. \"Tibby's Leaf\" by Ursula Dubosarsky, the story of child who sees gumnut babies in the bush at the outbreak of World War One, was inspired by Gibbs' World War One gumnut baby postcards which are held in the collection of the National Museum of Australia. In 1985 a postage stamp honouring the protagonists or their creator was issued by Australia Post as part of a set of", + "score": 0.68505859375 + }, + { + "id": "7136640", + "title": "Flame Trees", + "text": "wants to be known for their own music. But it\u2019s a testament to its resonance and place in Australian culture.\" The song was featured in a documentary on the \"Choir of Hard Knocks\", a Melbourne choir comprising a group of homeless people. It was also performed by The Whitlams' Tim Freedman on an episode of \"The Panel\". Jimmy Barnes recorded an acoustic version of the track on his 1993 album \"Flesh and Wood\". The song was also covered by The Killjoys in 1994 on a compilation CD titled \"Earth Music\", which featured many prominent artists covering well known songs. Jessica", + "score": 0.6845703125 + }, + { + "id": "6903070", + "title": "Corymbia calophylla", + "text": "ngoowak (bees) and honey can be found in the hollows of eucalyptus branches. These trees also attract birds which nest in the hollows, in which eggs can be found to eat. The large and distinctive fruit produced by the tree is featured in the literature of May Gibbs, whose childhood in Western Australia arguably influenced her series on 'Gumnut babies'. The Noongar poet Jack Davis celebrated the importance of marri in his poem 'The Red Gum and I'. The tree is able to be cultivated by sowing seeds directly at a site, or raised in pots to avoid damage to", + "score": 0.6845703125 + }, + { + "id": "14799687", + "title": "Eucalyptus alba", + "text": "Eucalyptus alba Eucalyptus alba, commonly known as white gum, khaki gum or poplar gum, is a species of \"Eucalyptus\" which is native to Australia, Timor, and New Guinea. A dominant tree of open woodland, it reaches high with a spread of up to . \"Eucalyptus alba\" was first described in 1826 by Carl Ludwig Blume, after being discovered by Caspar Georg Carl Reinwardt on Timor. The specific epithet is the Latin word \"albus\" \"white\" and relates to the bark. Within the genus \"Eucalyptus\", it belongs in the subgenus \"Symphyomyrtus\". Common names include white gum, poplar gum, khaki gum, wongoola, salmon", + "score": 0.6845703125 + }, + { + "id": "6512199", + "title": "Tim Minchin", + "text": "as a \"hymn of hatred\". \"Come Home (Cardinal Pell)\" reached No. 11 on the Australian Singles Chart, for the week of 20 February 2016. Later, it was nominated for APRA's Song of the Year, and Kate Miller-Heidke performed the song at the APRA Music Awards ceremony. During the Australian Marriage Law Postal Survey Minchin sang \"I Still Call Australia Homophobic\" a re-work of Peter Allen's, \"I Still Call Australia Home\" that refers to those supporting the \"No\" case as homophobic and \"bigoted cunts\". He was criticised by politicians Tony Abbott and Mitch Fifield. Tim Minchin Timothy David Minchin (born 7", + "score": 0.68408203125 + }, + { + "id": "18897980", + "title": "Yemmerrawanne", + "text": "provided with fashionable clothing, suitable for wearing in English society. They stayed in Mayfair at the home of William Waterhouse, father of Henry Waterhouse, and visited a variety of shows and other entertainments in London. Tutors were hired to educate them in reading, writing and the English language. While in Mayfair, Yemmerrawanne and Bennelong gave a recital of a native song accompanied by clapsticks. One of their audience, Edward Jones wrote down and published the words and music (in \"Musical Curiosities\", London, 1811), the oldest known published music from Australia. In September 1793, Yemmerrawanne was ill and reportedly appeared \"much", + "score": 0.68359375 + }, + { + "id": "19323498", + "title": "Eucalyptus georgei", + "text": "Eucalyptus georgei Eucalyptus georgei, commonly known as Hyden blue gum, is a tree that is native to Western Australia. The tree typically grows to a height of and has smooth pale grey and coppery-orange coloured bark that detaches in long ribbons. The dull, grey-green to blue-green mature leaves are arranged alternately. The leaf blade has a lanceolate shape and a length of and a width of with a pointed apex and a base tapering toward the petiole. It blooms between January and March and produces inflorescences with cream to white flowers. Each unbranched axillary inflorescence has seven, nine or eleven", + "score": 0.68359375 + }, + { + "id": "17169569", + "title": "Aleyce Simmonds", + "text": "the Country Music awards of Australia, The Healing Hands of Time, written with the album's producer Rod McCormack (Beccy Cole, Adam Harvey, Amber Lawrence, Paul Kelly) being nominated for Female Artist of the Year and New Talent of the Year and \"Bondwood Boat\" written with Graeme Connors being nominated for Heritage Song of the year. She performed the song with Connors at the Golden Guitars. Simmonds was a finalist at the 2016 Golden Guitar Awards for APRA AMCOS Song of the Year with her song \"Joshua\", about her stillborn baby brother. \"Joshua\" was awarded the #1 spot on the 88.9FM", + "score": 0.68359375 + }, + { + "id": "2058634", + "title": "Government House, Canberra", + "text": "Gibbes (1827-1896) had purchased Yarralumla sheep station and its homestead from his brother-in-law, (Sir) Terence Aubrey Murray, on 1 July 1859 for approximately \u20a420,000. (The purchase price was to be paid in 12 instalments; see NSW Land Titles' Office, old system deeds, book 81, number 300.) \"Gussie\" Gibbes made improvements to Yarralumla and as well as running extensive flocks of sheep on the estate, he bred horses for the Indian market and collected rents from tenant farmers. He also planted decorative shrubs and trees among the native eucalypts that dotted the homestead's curtilage. These centred on an imposing deodar cedar", + "score": 0.68359375 + }, + { + "id": "17240034", + "title": "Elderslie Station", + "text": "lease had of double frontage to the Western River and over of double frontage to Middleton Creek with of fencing having been installed. In 1891, the property had 70,000 sheep and 20,000 head of cattle depastured, and was still owned by Samuel Wilson. The woolshed burnt down later the same year. Banjo Paterson was thought to have worked at Elderslie as a jackeroo or storekeeper in 1895, at about the time he wrote \"Waltzing Matilda\", while visiting nearby Dagworth Station. The property was sold in 1896 by the executors of Wilson's estate to the Ramsay brothers. An engineer named Douglas", + "score": 0.68310546875 + }, + { + "id": "19346287", + "title": "Eucalyptus mooreana", + "text": "Leake . The species is listed as threatened with the Department of Environment and Conservation in Western Australia and in 2008 was listed as vulnerable under the \"Environment Protection and Biodiversity Conservation Act 1999\" with the Australian Federal Government. The main threats to the species are fire and grazing by cattle. Eucalyptus mooreana Eucalyptus mooreana, commonly known as Moore's gum or mountain white gum, is a mallee tree that is native to the Kimberley region of Western Australia. The straggly tree or mallee typically grows to a height of with smooth white coloured bark. It blooms between May and August", + "score": 0.68310546875 + }, + { + "id": "503125", + "title": "Waltzing Matilda", + "text": "in 1926 as performed by John Collinson and Russell Callow. In 2008, this recording of \"Waltzing Matilda\" was added to the Sounds of Australia registry in the National Film and Sound Archive which says that there are more recordings of \"Waltzing Matilda\" than any other Australian song. The Australian poet Banjo Paterson wrote the words to \"Waltzing Matilda\" in January 1895 while staying at Dagworth Station, a sheep and cattle station near Winton in Central West Queensland owned by the Macpherson family. The words were written to a tune played on a zither or autoharp by 31\u2011year\u2011old Christina Macpherson, one", + "score": 0.68310546875 + }, + { + "id": "12511745", + "title": "Mulga Bill's Bicycle", + "text": "poem is extremely important to Australian culture because it includes the start of the cycling craze. In the time this poem was written, everyone was buying bicycles because it was (and still partly is) popular in Australia. The poem has been set to music and the poem title was the name of a prominent Australian folk music group (also known as a bush band) in the 1970s. Mulga Bill's Bicycle \"Mulga Bill's Bicycle\" is a poem written in 1896 by Banjo Paterson. It was originally published in the 25 July 1896 edition of the \"Sydney Mail\", and later appeared in", + "score": 0.68310546875 + }, + { + "id": "19003264", + "title": "Poems and Songs", + "text": "on poetic clich\u00e9.\" In 1994 \"The Oxford Companion to Australian Literature\" stated: \"Many of these early Kendall poems attempt, however imperfectly, to reflect the spirit and character of Australian life to picture the beauty of the Australian coastal landscape.\" Poems and Songs Poems and Songs (1862) is the first collection of poems by Australian poet Henry Kendall. It was released in hardback by J.R. Clarke in 1862, and features the poet's widely anthologised poems \"Song of the Cattle Hunters\", and \"The Muse of Australia\". The collection includes 45 poems by the author that are reprinted from various sources. Shortly after", + "score": 0.6826171875 + }, + { + "id": "15895539", + "title": "I Want Home", + "text": "I Want Home \"I Want Home\" is a song by the English rock band Bee Gees, written by Barry Gibb and released as a single in Australia in early 1966, backed with \"Cherry Red\". Their last single on Leedon had not been a hit, so the credit \"Barry Gibb and the Bee Gees\" used on the last several discs now reverted to simply \"Bee Gees\". Neither song appeared on any Bee Gees album until the 1967 compilation album, \"Turn Around, Look At Us\", but both were featured on \"Brilliant From Birth\" the 1998 anthology of the group's Australian recordings. With", + "score": 0.6826171875 + }, + { + "id": "19328383", + "title": "Eucalyptus griffithsii", + "text": "flowered umbellasters. Clavate buds form later followed by campanulate fruits with depressed discs. The species is found on low-lying flats and on rocky hillsides in the Goldfields-Esperance region of Western Australia between Kalgoorlie and Norseman where it grows in loamy-gravelly soils. The species was first formally described by the botanist Joseph Maiden in 1911 in the \"Journal of Natural Historical Science Society of Western Australia\" from samples collected by Maiden in 1909 from near Kalgoorlie. One variation is known: \"Eucalyptus griffithsii\" var. \"angustiuscula\". Eucalyptus griffithsii Eucalyptus griffithsii, commonly known as Griffith's grey gum, is a mallee that is native to", + "score": 0.6826171875 + }, + { + "id": "8376341", + "title": "John Joseph Woods", + "text": "to Melbourne, where judging had been arranged by George Musgrove. In October 1876, it was announced that the three independent judges unanimously agreed that Woods' composition was the clear winner. The prize was ten guineas. The rules of the competition meant that the submission's copyright would belong exclusively to the \"Saturday Advertiser\", which gave the manuscript to the Dunedin-based Charles Begg & Co to publish, but a nine-month delay in sending it to a publisher was followed by two months of waiting for publication. The end result was a shoddy edition with only one verse, which was rejected by the", + "score": 0.68212890625 + }, + { + "id": "19003003", + "title": "Leaves from Australian Forests", + "text": "Leaves from Australian Forests Leaves from Australian Forests (1869) is the second collection of poems by Australian poet Henry Kendall. It was released in hardback by George Robertson in 1869, and features the poet's widely anthologised poems \"Bell-Birds\", \"The Hut by the Black Swamp\", and \"The Last of His Tribe\". It also contains the poet's works dedicated to the memories of fellow writer Charles Harpur and Daniel Henry Deniehy. The collection includes 60 poems by the author that are reprinted from various sources. On its original publication in Australia \"The Australasian\" stated that \"...it is apparent that Kendall is as", + "score": 0.68212890625 + }, + { + "id": "15600910", + "title": "Thomas Gibbons (hymn writer)", + "text": "Thomas Gibbons (hymn writer) Dr. Thomas Gibbons (1720\u20131785) was a London nonconformist minister who wrote hymns, sermons, and poetry. He was the son of Thomas Gibbons, at one time minister of a dissenting congregation at Olney in Buckinghamshire, and afterwards of a congregation at Royston in Hertfordshire. He was born at Reach, Cambridgeshire, on 31 May 1720, and went to local schools. At about 15 years of age he was sent to Abraham Taylor's dissenting academy in Deptford, and then to that of John Eames in Moorfields. In 1742 Gibbons was appointed assistant to the Rev. Thomas Bures, minister of", + "score": 0.68212890625 + }, + { + "id": "19003262", + "title": "Poems and Songs", + "text": "Poems and Songs Poems and Songs (1862) is the first collection of poems by Australian poet Henry Kendall. It was released in hardback by J.R. Clarke in 1862, and features the poet's widely anthologised poems \"Song of the Cattle Hunters\", and \"The Muse of Australia\". The collection includes 45 poems by the author that are reprinted from various sources. Shortly after its original publication \"The Freeman's Journal\" opined \"Here is music and delicate imagery, transporting our fancy, and enabling us in a moment \u2014 at a glance \u2014 to enter into the innermost heart of the poet's meaning.\" G. B.", + "score": 0.68212890625 + }, + { + "id": "10455935", + "title": "Carl Linger", + "text": "folk song \"The Polish Inn\". In 1887 W. B. Chinner (son of one of the judges) wrote a choral arrangement of the Song with piano accompaniment, which became popular. The \"Song of Australia\" was one of four candidates for a National Song put to a plebiscite in 1977 and was the least favourite in every State except South Australia. Carl Linger Carl Linger (15 March 1810 \u2013 16 February 1862) was a German Australian composer in South Australia who in 1859 wrote the melody for the patriotic \"Song of Australia\". German-born intellectual Carl Linger, who had studied at the Institute", + "score": 0.681640625 + }, + { + "id": "15244663", + "title": "Mary Thomas (poet)", + "text": "Mary Thomas (poet) Mary Thomas n\u00e9e Harris (30 August 1787 \u2013 10 February 1875) was a diarist, poet and early settler of South Australia. She accompanied her husband, newspaper proprietor Robert Thomas to South Australia on the \"Africaine\" and arrived at Holdfast Bay in November 1836. The family wanted to \"obtain a competence\" in South Australia, but expected they \"must go to England to enjoy it.\" He printed Governor John Hindmarsh's proclamation of the colony, which occurred under the Old Gum Tree on 28 December 1836. Already a published poet at the time of her arrival in South Australia, she", + "score": 0.681640625 + }, + { + "id": "5510098", + "title": "John Williamson (singer)", + "text": "Ottawa, Ontario, Canada. In April 2002, Williamson released his fifteenth studio album, \"Gunyah\", which in the traditional Aboriginal language means 'home'. The opening track \"Sing You the Outback\" revealed how important the Australian outback has been in the past and how invaluable it will be into the future. The next two tracks, \"Frangipani Bay\" and \"Cape York Peninsula\", were written during a road trip to Australia's most northern point. The lyrics in \"The Devil's Boots\" relate to the bushranger, Ned Kelly. \"Buried in Her Bedclothes\" was written after Williamson and Mary-Kay, his spouse of the time, met an elderly woman", + "score": 0.68115234375 + }, + { + "id": "14090238", + "title": "Sing Me Back Home (song)", + "text": "collaboration with Keith Richards for her 2008 album Easy Come, Easy Go. Don Williams has also performed the song. Sing Me Back Home (song) \"Sing Me Back Home\" is a song written and recorded by American country music artist Merle Haggard and The Strangers. It was released in November 1967 as the first single and title track from the album \"Sing Me Back Home\". The song was Merle Haggard and The Strangers third number one. The single spent two weeks at number one and a total of 17 weeks on the country chart. It was also recorded live by the", + "score": 0.68115234375 + }, + { + "id": "20576614", + "title": "Keith Jamieson", + "text": "Drifter\". The trio often perform together at country music events around Australia. As a songwriter, he wrote the song \"I Love Australia\" which won Jamieson and performer Jeff Brown a Golden Guitar Award in 2014 for 'Bush Ballad of the Year' at the Country Music Awards of Australia in Tamworth. Jamieson was responsible for establishing a community radio station in the Central Queensland coal mining town of Blackwater in 1998. He currently lives in the Central Queensland town of Bouldercombe, where he organises the annual community event, 'The Bouldy Bush Ballad Bash'. Jamieson was inducted into Tamworth's 'Hands of Fame'", + "score": 0.68115234375 + }, + { + "id": "15970572", + "title": "Stephen Vagg", + "text": "6857\" of \"Neighbours\". Stephen Vagg Stephen Vagg is an Australian writer. He wrote the films \"All My Friends Are Leaving Brisbane\", based on his play, and \"Jucy\", as well as a number of plays and episodes of the television soaps \"Home and Away\" and \"Neighbours\". He is the author of \"Rod Taylor: An Aussie in Hollywood\", the first full-length biography of actor Rod Taylor, as well as a number of articles on film and theatre history. He received an AFI nomination for \"All My Friends Are Leaving Brisbane\". At the 2014 AWGIE Awards, Vagg won Best Script for a Television", + "score": 0.68115234375 + }, + { + "id": "14401010", + "title": "Birtles & Goble", + "text": "All His Love\") was written by Randy Newman. The first single \"I'm Coming Home\" was a top ten hit in Australia and also sold over 100 000 copies in The Philippines. Birtles & Goble performed the song live on television programs such as The Don Lane Show and The Paul Hogan Show. The song earned Birtles and Goble a nomination for Best Recorded Songwriters at the 1979 Australian Pop Music Awards. Goble believes that the duo suffered from a lack of promotion: \"If \"The Last Romance\" album had been successful, I expect that Beeb and I would have left Little", + "score": 0.68115234375 + }, + { + "id": "16651171", + "title": "Matthew C. James", + "text": "the position of manager of the Mercantile Dry Dock at Jarrow. Matthew C. James wrote numerous songs, many appearing in the local newspapers and periodicals, with some winning prizes. He often wrote under the semi-pseudonym of Matty C. James. A book, \"Sum Tyneside Sangs\" was published in 1898 by Andrew Reid & Co. Ltd, containing a selection of songs written by \u201cMatty C. James\u201d, all in dialect and all of which had previously appeared in either the \"Newcastle Weekly Chronicle\" or the \"North of England Almanac\", some having won the coveted first prize in their song competitions. The following are", + "score": 0.68115234375 + }, + { + "id": "19324563", + "title": "Eucalyptus gillenii", + "text": "Eucalyptus gillenii Eucalyptus gillenii, commonly known as the Mallee red gum, Mount Lindsay mallee, Mount Lindsay gum or Mount Gillen mallee is a mallee that is native to inland Western Australia, South Australia and the Northern Territory. The multi-stemmed mallee typically grown to a height of and a width of . It is a hardy grower and is both frost and drought tolerance The juvenile leaves are dull, green to blue-green in colour with a lanceolate to falcate shape. These later become adult leaves that are dull, green to blue-green are lanceolate to falcate with a blade that is in", + "score": 0.6806640625 + }, + { + "id": "12680826", + "title": "Sing Me Back Home", + "text": "the previous album \"Branded Man\" was a transitional album, hinting that Haggard's talents were deepening substantially, \"Sing Me Back Home\" is the result of the flowering of his talent.\" All tracks composed by Merle Haggard; except where indicated Sing Me Back Home Sing Me Back Home is the fifth studio album by American country singer and songwriter Merle Haggard and The Strangers, released in 1968 on Capitol Records. The album's title track was inspired by an inmate Haggard knew while he was serving time in San Quentin named Jimmy \"Rabbit\" Kendrick. As recounted in his 1981 autobiography \"Merle Haggard: Sing", + "score": 0.6806640625 + }, + { + "id": "13631747", + "title": "Tom Traubert's Blues", + "text": "March 1992, it was later included on the compilation \"Lead Vocalist\" (1993) and live album \"Unplugged...and Seated\" (1993). Personnel adapted from \"Small Change\"s liner notes. Tom Traubert's Blues \"Tom Traubert's Blues (Four Sheets to the Wind in Copenhagen)\" (commonly known as \"Tom Traubert's Blues\" or as \"Waltzing Matilda\") is a song by American Alternative rock musician Tom Waits. It is the opening track on Waits' third studio album \"Small Change\", released in September 1976 on Asylum Records. Written by Waits and produced by Bones Howe, the song's chorus is derived from the Australian folk song \"Waltzing Matilda\" and its lyrics", + "score": 0.6806640625 + }, + { + "id": "7493779", + "title": "May Gibbs", + "text": "babies in uniform to support Australia's role in World War One at this time. Gibbs' first book about the gumnut babies, titled \"Gumnut Babies\", was published in 1916. It was soon followed, in 1918, by her most famous work, \"Snugglepot and Cuddlepie\". Gibbs wrote many books on the theme of the gumnut babies. Gibbs married Bertram James Ossoli Kelly, a mining agent, on 17 April 1919, whom she met during a visit to Perth. In 1925 they moved into their purpose built home Nutcote, then in Neutral Bay (now part of Kurraba Point), in Sydney. He died in 1939. Gibbs", + "score": 0.6806640625 + }, + { + "id": "5784295", + "title": "Gimme Little Sign", + "text": "ARIA award for 12th highest-selling single of 1992 in Australia. \"Gimme Little Sign\" was re-recorded and released as the second single from Danielle Brisebois' 1994 album \"Arrive All Over You\". It peaked at # 75 on the British charts and #23 on the Swedish charts. Gimme Little Sign \"Gimme Little Sign\" is a classic soul music song, originally performed by Brenton Wood. It was released in 1967 on the album \"Oogum Boogum\". It was written by Wood (under his real name, Alfred Smith), Joe Hooven and Jerry Winn. The most well known version is by Brenton Wood, which peaked at", + "score": 0.6796875 + }, + { + "id": "7136633", + "title": "Flame Trees", + "text": "Flame Trees \"Flame Trees\" is a song by Australian pub rock band Cold Chisel from their 1984 album \"Twentieth Century\". It is one of their best known songs, and was written by drummer Steve Prestwich and organist Don Walker. It reached No. 26 on the Kent Music Report Singles Chart originally but also resurfaced in August 2011 due to download sales (peaking at No. 54 on the ARIA chart). According to the band's official website, Walker's inspiration for the lyrics was a combination of his memories of Grafton where he had lived as a youth, and of his romantic dreams.", + "score": 0.6796875 + }, + { + "id": "6512197", + "title": "Tim Minchin", + "text": "\"the most overt piece of activism I've done\". The royal commission had been called to investigate how institutions like schools, churches, and government organisations have responded to allegations and instances of child sexual abuse. When the royal commissioner granted the 74-year-old George Pell permission to appear as a witness via video link from Rome, rather than attend in person as he had previously done, Minchin wrote the song \"Come Home (Cardinal Pell)\". In response, a statement from Pell's office said the cardinal had led the battle against child abuse in the church for 20 years. Attorney General George Brandis told", + "score": 0.6796875 + }, + { + "id": "8936470", + "title": "Harold Cazneaux", + "text": "neglected as of 2012. One of Cazneaux's most famous images was taken in 1937, of a solitary river red gum tree, near Wilpena Pound in the Flinders Ranges of South Australia. The title he gave to the photograph was \"\"The Spirit of Endurance\"\", for the qualities he felt epitomised the tree's survival in a harsh environment. The tree still stands and, known as \"\"The Cazneaux Tree\"\", is a notable landmark within the Flinders Ranges National Park, classified as number 239 on the National Trust of South Australia's Register of Significant Trees. Harold Cazneaux Harold Cazneaux (30 March 1878 \u2013 19", + "score": 0.6796875 + }, + { + "id": "20806986", + "title": "Homewood, Bellbrook", + "text": "replaced by new plantings. There are some surviving trees, bushes and fruit trees. All that remains of the original cowbails is a cement slab where the eighteen-year-old Slim Dusty sat and wrote the song \"The Rain Tumbles Down in July,\" in 1945. The replacement cowbails are still intact. Homewood is of State heritage significance for its associations with the formative years of country and western singer Slim Dusty (David Gordon Kirkpatrick) 1927 - 2003. It demonstrates the frugal and simple nature of his boyhood and evokes the cultural and musical influences of the Nulla Nulla community and its bush environment", + "score": 0.6796875 + }, + { + "id": "4283240", + "title": "Songs for Clem", + "text": "Songs for Clem Songs for Clem is an album by Canadian singer-songwriter by Sarah Harmer, credited to Harmer and Jason Euringer, and released in 1999. The album was never originally intended by Harmer for widespread release, but as a 1998 Christmas gift for her father, Clem Harmer. It features Harmer's personal, home-recorded renditions of several of her father's favourite pop and country standards. Upon hearing the recording, Harmer's friends and family convinced her to release it independently. She did so in 1999; following her commercial breakthrough in 2000 with \"You Were Here\", the album was re-released under Harmer's new major", + "score": 0.67919921875 + }, + { + "id": "14799690", + "title": "Eucalyptus alba", + "text": "firewood. Eucalyptus alba Eucalyptus alba, commonly known as white gum, khaki gum or poplar gum, is a species of \"Eucalyptus\" which is native to Australia, Timor, and New Guinea. A dominant tree of open woodland, it reaches high with a spread of up to . \"Eucalyptus alba\" was first described in 1826 by Carl Ludwig Blume, after being discovered by Caspar Georg Carl Reinwardt on Timor. The specific epithet is the Latin word \"albus\" \"white\" and relates to the bark. Within the genus \"Eucalyptus\", it belongs in the subgenus \"Symphyomyrtus\". Common names include white gum, poplar gum, khaki gum, wongoola,", + "score": 0.67919921875 + } + ], + "answer": "Home Among the Gumtrees is a popular Australian song written in 1974 by Wally Johnson and Bob Brown, known as Captain Rock. The song has become one of the most frequently recorded Australian compositions of all time and is a standard in Australian folk music. In 1995, Wally Johnson who co-wrote the song, died of pneumonia." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who recorded \"Get Low\" (which has lyrics saying \"to the window, to the wall\")?", + "short_answers": [ + "Lil Jon & the East Side Boyz" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who was featured on Lil Jon & the East Side Boyz' recording of \"Get Low\" (which has lyrics saying \"to the window, to the wall\")?", + "short_answers": [ + "Ying Yang Twins" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Get Low (Lil Jon & the East Side Boyz song)", + "url": "https://en.wikipedia.org/wiki/Get%20Low%20%28Lil%20Jon%20%26%20the%20East%20Side%20Boyz%20song%29" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "\"Get Low\" is a song by American rap group Lil Jon & the East Side Boyz, featuring American hip hop duo Ying Yang Twins, released as a single in 2003...It was number five on the top Hot R&B/Hip-Hop songs of 2003.", + "wikipage": "Get Low (Lil Jon & the East Side Boyz song)" + } + ], + "long_answer": "The 2003 hip hop song \"Get Low\" was recorded by American rap group Lil Jon & the East Side Boyz and featured American hip hop duo Ying Yang Twins." + }, + { + "knowledge": [ + { + "content": "\"Get Low\" is a song by American rap group Lil Jon & the East Side Boyz, featuring American hip hop duo Ying Yang Twins, released as a single in 2003.", + "wikipage": "Get Low (Lil Jon & the East Side Boyz song)" + }, + { + "content": "\"Get Low\" peaked at number two on the Billboard Hot 100 and number 20 on the Hot Digital Songs chart. It was number five on the top Hot R&B/Hip-Hop songs of 2003.", + "wikipage": "Get Low (Lil Jon & the East Side Boyz song)" + } + ], + "long_answer": "Get Low (which has lyrics saying \"to the window, to the wall\") is a song by American rap group Lil Jon & the East Side Boyz, featuring American hip hop duo Ying Yang Twins, released as a single in 2003. Get Low peaked at number two on the Billboard Hot 100 and number 20 on the Hot Digital Songs chart. It was number five on the top Hot R&B/Hip-Hop songs of 2003." + } + ], + "sample_id": "-3298679965487154416", + "question": "Who sang to the window to the wall?", + "docs": [ + { + "id": "10216470", + "title": "Wall to Wall (song)", + "text": "Wall to Wall (song) \"Wall to Wall\" is a song recorded by American singer Chris Brown for his second studio album, \"Exclusive\" (2007). The song was produced by Sean Garrett and Walter Scott. Selected as the album's lead single, \"Wall to Wall\" was first released to urban rhythmic radios on May 29, 2007. It received critical praise from contemporary music critics; many of them called the song a potential hit single and one of the album's best tracks. The song failed to attain chart success on the \"Billboard\" Hot 100, peaking at number 79. It also peaked inside the top", + "score": 0.75634765625, + "summary": "Chris Brown sang \"Wall to Wall\" in his 2007 album \"Exclusive\".", + "extraction": "irrelevant" + }, + { + "id": "10216482", + "title": "Wall to Wall (song)", + "text": "spent another week at number 85 before falling off the chart. \"Wall to Wall\" debuted and peaked at number 21 on the Australian Singles Chart in the issue dated September 23, 2007. It spent a total of ten weeks on the chart. In Switzerland, the song spent only four weeks on the singles chart, peaking at number 87 in its last week. Credits adapted from \"Exclusive\" liner notes, Jive Records, Zomba Recording. Wall to Wall (song) \"Wall to Wall\" is a song recorded by American singer Chris Brown for his second studio album, \"Exclusive\" (2007). The song was produced by", + "score": 0.74951171875, + "summary": "Chris Brown sang \"Wall to Wall\" for his album \"Exclusive\" in 2007.", + "extraction": "Irrelevant. The passage does not provide information on who sang to the window to the wall." + }, + { + "id": "10216471", + "title": "Wall to Wall (song)", + "text": "thirty in Australia and New Zealand while peaking in the lower end of the charts in European countries. The music video for \"Wall to Wall\" was inspired by Michael Jackson's \"Thriller\" and the 1998 film \"Blade\". The remix of the song features American rapper Jadakiss, who also appears in the music video. It was his first single to chart at a very low position in the UK and US. \"Wall to Wall\" was written by Brown, Sean Garrett and Walter Scott, and produced by Sean Garrett and Walter Scott; the latter, however, is credited as the co-producer. Carlton Lynn recorded", + "score": 0.736328125, + "summary": "Irrelevant.", + "extraction": "irrelevant. The passage does not provide any information about who sang to the window to the wall." + }, + { + "id": "15447370", + "title": "Talkin' to the Wall", + "text": "Talkin' to the Wall \"Talkin' to the Wall\" is a single originally recorded by country singer Warner MacPherson (better known by his stage name Warner Mack). He co-wrote it with Bill Montague. It became a top ten hit for him when the song peaked at No. 3 in the Country Singles chart in 1966. The song was covered by American country music artist Lynn Anderson. Released in June 1974, it was the second single from her album \"Smile for Me\". The song peaked at number 7 on the \"Billboard\" Hot Country Singles chart. It also reached number 1 on the", + "score": 0.724609375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "10216480", + "title": "Wall to Wall (song)", + "text": "Beatz's production and called it a \"perfectly enjoyable R&B/pop track\", but commented \"it's no \"Kiss Kiss\".\" Patrick Robinson of \"411 Mania\" praised the song as a \"decent club jam\" despite its low chart standings and said it had the same energy as \"Run It!\". Trent Fitzgerald of \"PopCrush\" listed \"Wall to Wall\" as the ninth best song released by Brown, writing that \"it showed that Brown was a major force to be reckon with in the R&B game.\" \"Wall to Wall\" performed poorly on the \"Billboard\" Hot 100. It debuted on the chart at number 96 in the issue dated", + "score": 0.72314453125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention any singer singing \"to the window to the wall\"." + }, + { + "id": "15447371", + "title": "Talkin' to the Wall", + "text": "\"RPM\" Country Tracks chart in Canada. Talkin' to the Wall \"Talkin' to the Wall\" is a single originally recorded by country singer Warner MacPherson (better known by his stage name Warner Mack). He co-wrote it with Bill Montague. It became a top ten hit for him when the song peaked at No. 3 in the Country Singles chart in 1966. The song was covered by American country music artist Lynn Anderson. Released in June 1974, it was the second single from her album \"Smile for Me\". The song peaked at number 7 on the \"Billboard\" Hot Country Singles chart. It", + "score": 0.720703125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "10216472", + "title": "Wall to Wall (song)", + "text": "it at Silent Sound Studios - a recording studio in Atlanta, Georgia. The song was mixed at Chung King Studios in New York City, New York by Brian Stanley with assistance from Anthony Palazzole. The song was finally mastered by Chris Athens at Sterling Sound in New York City, New York. \"Wall to Wall\" was released as the lead single from Brown's second studio album \"Exclusive\" (2007). On May 29, 2008, Jive Records and Zomba Recordings serviced the song to urban radios in the United States. \"Wall to Wall\" is in the key of G minor with an uptempo vibe.", + "score": 0.71728515625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "15177718", + "title": "Back to the Wall (song)", + "text": "Back to the Wall (song) \"Back to the Wall\" is a song by Australian rock group Divinyls. Released in 1988 as the lead single from their third studio album \"Temperamental\", the song made the top forty on the Australian singles chart. By October 1986, Divinyls had been reduced to the duo of Christina Amphlett and Mark McEntee. Their third studio album \"Temperamental\" was in the recording stages and their label Chrysalis Records informed them that it would be make-or-break record, largely depending on whether it received attention internationally such as in the US. \"Back to the Wall\" was released in", + "score": 0.70654296875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "12475995", + "title": "Bust Your Windows", + "text": "Bust Your Windows \"Bust Your Windows\" is the second single by R&B singer-songwriter Jazmine Sullivan from her debut album \"Fearless\". It was available as a digital download on Amazon.com in the U.S. on September 16, 2008. It was then later released as a promo CD on November 15, 2008 after it was sent to radio stations for airplay around the U.S. \"Bust Your Windows\" was nominated in the Best R&B Song category for 2009's Grammy Awards. \"Bust Your Windows\" was number 58 on \"Rolling Stone\"s list of the 100 Best Songs of 2008. \"Bust Your Windows\" is a midtempo R&B", + "score": 0.70166015625, + "summary": "Jazmine Sullivan sang \"Bust Your Windows.\"", + "extraction": "irrelevant. The passage does not provide any information about who sang to the window to the wall." + }, + { + "id": "17524419", + "title": "White Walls", + "text": "White Walls \"White Walls\" is a song by an American hip hop duo Macklemore & Ryan Lewis, taken from their collaborative debut studio album \"The Heist\" (2012). The song's hook is performed by singer Hollis, while American rapper Schoolboy Q, performs a guest verse. \"White Walls\" was released to American contemporary hit radio on October 8, 2013 as the fifth and final single from \"The Heist\". The song debuted at number 100 and has since peaked at number 15 on the US \"Billboard\" Hot 100 and has sold 1,000,000 copies as of January 2014. The song charted at number one", + "score": 0.70166015625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about who sang to the window to the wall." + }, + { + "id": "13711944", + "title": "From a Window", + "text": "five-month period, and also their last. Chad & Jeremy recorded \"From a Window\" in a December 1964 New York City recording session produced by Jimmie Haskell. The track was featured on the February 1965 album release \"Chad & Jeremy Sing For You\". World Artists Records issued the track as a single that June. By then Chad & Jeremy had other current releases on Columbia Records, but their version of \"From a Window\" received enough regional attention to register on the \"Billboard\" Hot 100 at no. 97. Billy J. Kramer's version of \"From a Window\" was included on the 1979 compilation", + "score": 0.6943359375, + "summary": "irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "17524420", + "title": "White Walls", + "text": "on the US Bubbling Under R&B/Hip-Hop Singles prior to its release as a single, due to high digital downloads subsequently after the album's release. Macklemore, Ryan Lewis, Schoolboy Q and Hollis performed \"White Walls\" on \"The Tonight Show with Jay Leno\" on August 27, 2013. The song impacted American contemporary hit radio on October 8, 2013. The music video, directed by Macklemore, Ryan Lewis and Jason Koenig, was released September 9, 2013. The video features cameo appearances from several rappers including A$AP Rocky, Trinidad Jame$, Wiz Khalifa, Big Boi and Sir Mix-a-Lot, as well as DJ Drama. Parts of the", + "score": 0.6923828125, + "summary": "irrelevant", + "extraction": "irrelevant" + }, + { + "id": "10216479", + "title": "Wall to Wall (song)", + "text": "minute and 15 seconds, the song ends after the second instrumental beat along with Brown transporting back to the scene where the female vampire appears in his car and bites him. Andy Kellman of \"Allmusic\" named \"Wall to Wall\" one of the album's highlights. Allison Stewart of \"The Washington Post\" called the song a \"thumping, hook-happy beaut\" and wrote that \"it has just the right mix of familiarity and invention.\" DJ Z of \"DJ Booth\" called the song an \"infectious dance number that should have ladies running towards the floor.\" Nathan S., a writer for the same publication, praised Swizz", + "score": 0.6875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "13395990", + "title": "Balls to the Wall (song)", + "text": "Balls to the Wall (song) \"Balls to the Wall\" is a song by German heavy metal band Accept. The song was released as the lead single from their 1983 fifth studio album of the same name. The anthemic title track is the album's best known song, and became Accept's signature song, for which a music video was shot that received American airplay on MTV. Asked about the meaning of the song, guitarist Wolf Hoffmann replied: Filmed in January 1984 in London, the song's music video consists of clips of the band performing the song onstage intercut with scenes of a", + "score": 0.6875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention anyone singing to the window to the wall." + }, + { + "id": "5659227", + "title": "Off the Wall (Michael Jackson song)", + "text": "Off the Wall (Michael Jackson song) \"Off the Wall\" is a song by American singer Michael Jackson, from his fifth album of the same name (1979). It was written by English songwriter Rod Temperton and produced by Quincy Jones, and released as the album's third single on February 2, 1980, by Epic Records. The song was first offered to Karen Carpenter, while she was working on her first solo album, but she turned it down. Lyrically, the song is about getting over troubles. It was well received by music critics, and became Jackson's third top 10 single from \"Off the", + "score": 0.6865234375, + "summary": "irrelevant", + "extraction": "Irrelevant. The passage does not mention anyone singing \"to the window to the wall\"." + }, + { + "id": "17524421", + "title": "White Walls", + "text": "music video are shot inside a Vogue Tyre warehouse, and the eponymous whitewall tires are explicitly mentioned by Macklemore to be Vogues. The video also features several Cadillac models, including an SRX, Escalade, two XLRs, several Eldorados and a Coupe de Ville. White Walls \"White Walls\" is a song by an American hip hop duo Macklemore & Ryan Lewis, taken from their collaborative debut studio album \"The Heist\" (2012). The song's hook is performed by singer Hollis, while American rapper Schoolboy Q, performs a guest verse. \"White Walls\" was released to American contemporary hit radio on October 8, 2013 as", + "score": 0.685546875, + "summary": "The song \"White Walls\" was performed by Macklemore & Ryan Lewis featuring singer Hollis and rapper Schoolboy Q.", + "extraction": "irrelevant" + }, + { + "id": "12864027", + "title": "Little Walter (song)", + "text": "The narrator has had enough of this, and decides to confront Walter about it only for both to break into an argument that lasts \"half the night\". When the argument was finished \"there was a knock at the door and when Walter went to open it he was blown to the floor\" meaning he may have been shot dead (according to the video for the song). Walter was portrayed by comedian Sinbad in the video. Little Walter (song) \"Little Walter\" is the title of the debut single by Tony! Toni! Ton\u00e9!. Taken as the lead single from the R&B band's", + "score": 0.685546875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "9993471", + "title": "The Window (song cycle)", + "text": "recorded in 1989 by Peter Allanson (baritone) and Stephen Betteridge (piano) on Symposium, 1074, as part of their recording, \"An Album of Victorian Song\". The cycle is part of the 2017 Chandos Records collection, \"Songs\", which includes 35 other Sullivan songs. \"The Window\" is sung by tenor Ben Johnson. David Owen Norris accompanies. The Window (song cycle) The Window; or, The Songs of the Wrens is a song cycle by Arthur Sullivan with words by Alfred, Lord Tennyson. Written in 1867\u201370, it was eventually published in 1871. There are multiple versions of the title: On the cover of the 1871", + "score": 0.6845703125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "5659228", + "title": "Off the Wall (Michael Jackson song)", + "text": "Wall\", which eventually spawned four top 10 singles; Jackson was the first person to accomplish this. It was performed by Jackson in five of his concert tours. AllMusic's Stephen Thomas Erlewine highlighted the song on its studio album. Robert Christgau wrote acclaim: \"the title tune suggests that maybe what makes Stevie Wonder (who contributes a good ballad) such an oddball isn't his genius or even his blindness so much as the fact that since childhood his main contact with the real world has been on stage and in bed.\" The song became Jackson's third top 10 single from \"Off the", + "score": 0.68408203125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "10216473", + "title": "Wall to Wall (song)", + "text": "It combines elements of dance music with a bouncing rhythm. The lyrics are based on an attraction to women. The music video for \"Wall to Wall\" is an imitation of the 1998 film \"Blade\", but tributes \"Michael Jackson's Thriller\". The video was released to AOL Music on May 21, 2007, filmed at the Jewish community center, Brandeis-Bardin Institute, made famous for being the Command Center/Power Chamber on \"Mighty Morphin' Power Rangers\" to \"Power Rangers Turbo\". Brown and Erik White directed the video. It begins with Brown and two friends walking towards his car. As his friends leave, he hears a", + "score": 0.6826171875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "15533813", + "title": "Don't Wanna Go Home", + "text": "by Robin S. runs throughout the song. In an interview with MTV UK, Derulo commented on the \"Show Me Love\" sample: \"I'm in love with that bassline, it's just really hypnotic and I just wanted to play around with it in the studio. I heard it a bunch of times in the club and I fell in love with it, like most people do.\" Meena Rupani from DesiHits noted that the song borrows lyrics from Lil Wayne, while Shahryar Rizvi from \"Dallas Observer\" noted that its pre-chorus line \"from the window / to the wall\" comes from Lil Jon's 2003", + "score": 0.68212890625 + }, + { + "id": "10216481", + "title": "Wall to Wall (song)", + "text": "June 16, 2007. Two weeks later, in the issue dated June 30, 2008, it peaked at number 79 on the chart, becoming his least successful single at the time. \"Wall to Wall\" spent a total of nine weeks on the \"Billboard\" Hot 100. The song also chart on the US R&B/Hip-Hop Songs chart, peaking at number 22. \"Wall to Wall\" charted better on the New Zealand Top 40, debuting and peaking at number fifteen in the issue dated August 13, 2007. In the United Kingdom, the song debuted at number 75 in the issue dated September 1, 2007, where it", + "score": 0.6796875 + }, + { + "id": "5451955", + "title": "Lookin' Through the Windows", + "text": "Lookin' Through the Windows Lookin' Through the Windows is the sixth studio album by the Jackson 5, released on the Motown label in May 1972. The album sold 3.5 million copies worldwide. \"Lookin' Through the Windows\" marks the beginning of lead singer Michael's vocal change, from the boy soprano who fronted the Jackson 5's early hits, to the tenor who would later become a successful solo artist. Though he could still reach his famed high notes, his voice was filling out, allowing him to also reach lower registers. Most of the album tracks were recorded in late 1971 intended to", + "score": 0.6787109375 + }, + { + "id": "15425269", + "title": "Bouncing Off the Walls", + "text": "Bouncing Off the Walls \"Bouncing Off the Walls\" is a song by the American punk rock band Sugarcult from their 2001 album \"Start Static\". The music video for \"Bouncing Off the Walls\" features clips of the band and scenes from the film \"Van Wilder\" with Ryan Reynolds and Tara Reid. \"Bouncing Off the Walls\" has appeared in various media. It was played in the background of the series premiere of the television show \"24\" and January 8, 2006 episode of \"America's Funniest Home Videos\". Additionally, the song was featured on the soundtracks of the films \"Van Wilder\" and \"American Wedding\".", + "score": 0.6787109375 + }, + { + "id": "15177719", + "title": "Back to the Wall (song)", + "text": "early-mid 1988 as the album's lead single, where it made the top forty on the Australian Singles Chart, peaking at number thirty-three. The song was played in the 1988 hit horror film \"\" and is on the soundtrack to the film. Back to the Wall (song) \"Back to the Wall\" is a song by Australian rock group Divinyls. Released in 1988 as the lead single from their third studio album \"Temperamental\", the song made the top forty on the Australian singles chart. By October 1986, Divinyls had been reduced to the duo of Christina Amphlett and Mark McEntee. Their third", + "score": 0.67822265625 + }, + { + "id": "8764146", + "title": "Get Low (Lil Jon & the East Side Boyz song)", + "text": "It is #99 on Vh1's 100 Greatest Songs of Hip-Hop. Three different radio edits of \"Get Low\" have been released. One had amended lyrics (i.e. \"\"take that thang to the floor, you skank, you skank\"\"), while the other two bleeped out certain profanities. Of the two bleep censored versions, one version left the word \"goddamn\" intact while the other censored the word. The song is referenced by Vampire Weekend in their song \"Oxford Comma\" from their 2008 self-titled album, proclaiming \"First the window, then it's to the wall/ Lil' Jon, he always tells the truth.\" Chris Rock also referenced the", + "score": 0.677734375 + }, + { + "id": "14105014", + "title": "The Window Up Above", + "text": "The Window Up Above \"The Window Up Above\" is a 1960 single written and originally recorded by George Jones. The version recorded by Jones peaked at number #2 on the country charts and spent a total of 34 weeks on the chart. It became a #1 smash for Mickey Gilley in 1975. \"The Window Up Above\" is widely praised by many critics \u2013 and George Jones himself \u2013 as his greatest composition. In \"The Devil in George Jones\", an article which appeared in the July 1994 \"Texas Monthly\", the singer told Nick Tosches that he wrote it one morning while", + "score": 0.677734375 + }, + { + "id": "15430743", + "title": "Walls (Circus)", + "text": "Walls (Circus) \"Walls (Circus)\" is a song written by Tom Petty and recorded by Tom Petty and the Heartbreakers. It was released in July 1996 as the first single from their soundtrack album \"Songs and Music from \"She's the One\"\". The song features Lindsey Buckingham on background vocals. The song peaked at number 69 on the U.S. \"Billboard\" Hot 100 chart. The song was recorded at Sound City Studios by engineer Sylvia Massy. An alternate arrangement of the song, played at a faster tempo, was included on the soundtrack under the title \"Walls (No. 3)\". The song was later covered", + "score": 0.67724609375 + }, + { + "id": "13395994", + "title": "Balls to the Wall (song)", + "text": "was replaced with \"fade\"). The song was also covered by the following bands: The song was featured in the 2008 movie \"The Wrestler\". Udo and Stefan's band U.D.O. also perform this song at the end of their shows. Since 2004, this line-up of U.D.O. has performed \"Balls to the Wall\" live: Balls to the Wall (song) \"Balls to the Wall\" is a song by German heavy metal band Accept. The song was released as the lead single from their 1983 fifth studio album of the same name. The anthemic title track is the album's best known song, and became Accept's", + "score": 0.67724609375 + }, + { + "id": "12475997", + "title": "Bust Your Windows", + "text": "a call and response against Jazmine's pleas. Neither of the facets scream for attention but repeated listens bear out just how well they framed this song.\" The song interpolates the lyric \"Now watch me you\" from Soulja Boy Tell 'Em's signature song \"Crank That (Soulja Boy)\". The song features Jazmine on both lead and backing vocals. Billboard gave it a positive review, describing Sullivan's performance as \"one of the most challenging vocals from a female R&B artist this year. Sullivan's husky voice floats effortlessly over an eerie underlining violin score, originating from a sample of producer Salaam Remi's composition \"Bad", + "score": 0.6767578125 + }, + { + "id": "17176700", + "title": "The Walls (song)", + "text": "The Walls (song) \"The Walls\" is a song by American R&B singer-songwriter Mario, featuring guest vocals from rapper American Fabolous. The song was released in the United States as a Digital download on September 23, 2011, as an intended single for Mario's fifth studio album but the song was scrapped in favor of new material. In an interview with Rap-Up TV, Mario revealed details on the new single and the album. Mario explained that the first single really pays homage to women who are comfortable with being sexy outside and they\u2019re sexy with their men when they get home. This", + "score": 0.67578125 + }, + { + "id": "15425270", + "title": "Bouncing Off the Walls", + "text": "It was also featured in the Warren Miller documentary \"Off the Grid\". Bouncing Off the Walls \"Bouncing Off the Walls\" is a song by the American punk rock band Sugarcult from their 2001 album \"Start Static\". The music video for \"Bouncing Off the Walls\" features clips of the band and scenes from the film \"Van Wilder\" with Ryan Reynolds and Tara Reid. \"Bouncing Off the Walls\" has appeared in various media. It was played in the background of the series premiere of the television show \"24\" and January 8, 2006 episode of \"America's Funniest Home Videos\". Additionally, the song was", + "score": 0.67529296875 + }, + { + "id": "15105641", + "title": "Castle Walls", + "text": "criticized the song's lyrics. Despite not being released as a single, the track still managed to appear on record charts of several nations, including on the US Bubbling Under Hot 100 Singles, where it peaked at number five. Originally, \"Castle Walls\" belonged to Diddy, who had commissioned the song for his fifth album \"Last Train to Paris\" with his group Dirty Money. But Diddy told T.I., \"Yeah, this is my record, but you know what, I think this is a better fit for you. I think you should rock out on this one. I think this speaks volumes to where", + "score": 0.67333984375 + }, + { + "id": "14105019", + "title": "The Window Up Above", + "text": "different duet versions, one with Leon Russell and another with Ralph Stanley. The Window Up Above \"The Window Up Above\" is a 1960 single written and originally recorded by George Jones. The version recorded by Jones peaked at number #2 on the country charts and spent a total of 34 weeks on the chart. It became a #1 smash for Mickey Gilley in 1975. \"The Window Up Above\" is widely praised by many critics \u2013 and George Jones himself \u2013 as his greatest composition. In \"The Devil in George Jones\", an article which appeared in the July 1994 \"Texas Monthly\",", + "score": 0.67333984375 + }, + { + "id": "5659231", + "title": "Off the Wall (Michael Jackson song)", + "text": "the world got the other remix running 4:01. Off the Wall (Michael Jackson song) \"Off the Wall\" is a song by American singer Michael Jackson, from his fifth album of the same name (1979). It was written by English songwriter Rod Temperton and produced by Quincy Jones, and released as the album's third single on February 2, 1980, by Epic Records. The song was first offered to Karen Carpenter, while she was working on her first solo album, but she turned it down. Lyrically, the song is about getting over troubles. It was well received by music critics, and became", + "score": 0.67333984375 + }, + { + "id": "13711946", + "title": "From a Window", + "text": "tribute band The Beatnix. It has also been covered by Seattle-based Beatles cover band Apple Jam on their album \"Off The Beatle Track\". From a Window \"From a Window\" is a song written by Paul McCartney, attributed to John Lennon and Paul McCartney, which was recorded by Billy J. Kramer with The Dakotas. It was the sixth and final Lennon\u2013McCartney composition given to Kramer. Kramer recorded the song on 29 May 1964 at Abbey Road Studios. George Martin produced the session, which was attended by Lennon and McCartney. McCartney can be heard at the very end of the song, harmonizing", + "score": 0.67138671875 + }, + { + "id": "20806038", + "title": "Against the Wall (song)", + "text": "Against the Wall (song) \"Against the Wall\" is a song by rock band Seether. It was their third single off of their seventh album \"Poison the Parish\". As of August 2018, it had peaked number 19 on the \"Billboard\" Mainstream Rock Songs chart. The song was released as the third single from their sixth studio album \"Poison the Parish\" in April 2018. Alternate from the studio and single release, the band also released a separate acoustic recording of the song as well. The acoustic version features frontman Shaun Morgan on vocals and Sevendust's Clint Lowery on acoustic guitar, who has", + "score": 0.67138671875 + }, + { + "id": "20806036", + "title": "Against the Wall (song)", + "text": "Against the Wall (song) \"Against the Wall\" is a song by rock band Seether. It was their third single off of their seventh album \"Poison the Parish\". As of August 2018, it had peaked number 19 on the \"Billboard\" Mainstream Rock Songs chart. The song was released as the third single from their sixth studio album \"Poison the Parish\" in April 2018. Alternate from the studio and single release, the band also released a separate acoustic recording of the song as well. The acoustic version features frontman Shaun Morgan on vocals and Sevendust's Clint Lowery on acoustic guitar, who has", + "score": 0.67138671875 + }, + { + "id": "12905372", + "title": "Jumping (Out the Window)", + "text": "Jumping (Out the Window) \"Jumping (Out the Window)\" is a song by American hip hop producer Ron Browz. It was released on November 25, 2008 and produced by Ron Browz himself. The song is the second official single off his debut album \"Etherboy\". The song is featured in the video game & . The music video was released on January 27, 2009. It was directed by Mike Hand & Mary Evelyn McGough for Bait Entertainment. It features him in front of a green screen. The video ranked at #3 on BET's \"Notarized: Top 100 Videos of 2009\" countdown. The official", + "score": 0.6708984375 + }, + { + "id": "5730024", + "title": "The Wall (1957 song)", + "text": "The Wall (1957 song) \"The Wall\" is a popular song, written by Oramay Diamond, Clyde Otis, and Dave Dreyer. It was most successfully popularized by Patti Page in 1957. The Page recording was issued by Mercury Records as catalog number 71059, (the flip side of \"A Poor Man's Roses (or a Rich Man's Gold)\") and first reached the Billboard chart on March 6, 1957, lasting 6 weeks and peaking at #43. Other 1957 recordings were made by Eileen Rodgers as Columbia Records catalog number 40850 (which peaked at #64), and by Brook Benton as Epic Records 9199. Shirley Bassey recorded", + "score": 0.66943359375 + }, + { + "id": "18977508", + "title": "Kendall Wall Band", + "text": "Kendall Wall Band The Kendall Wall Band originally known as the \"Kendall Wall Blues Band\", was a Canadian blues band formed in September 1983 by award-winning Canadian bassist, vocalist, Gary Kendall and alumnus and collaborator drummer Cash Wall who was the band's co-leader and lead vocalist. Both Wall and Kendall are former members of the Downchild Blues Band which is commonly known as 'the premier blues band in Canada'. The addition of harmonica player Bob 'Cadillac Eddy' Adams and guitarist Richard Smyth, completed the band. The Kendall Wall Band entered into the Canadian blues music scene in the early 1980s", + "score": 0.66943359375 + }, + { + "id": "17176701", + "title": "The Walls (song)", + "text": "would be the last single that Mario released from the now-defunct J Records. The Walls (song) \"The Walls\" is a song by American R&B singer-songwriter Mario, featuring guest vocals from rapper American Fabolous. The song was released in the United States as a Digital download on September 23, 2011, as an intended single for Mario's fifth studio album but the song was scrapped in favor of new material. In an interview with Rap-Up TV, Mario revealed details on the new single and the album. Mario explained that the first single really pays homage to women who are comfortable with being", + "score": 0.6689453125 + }, + { + "id": "14105018", + "title": "The Window Up Above", + "text": "charts for more than eight months, and Jones even had Nudie Cohn make him a stage suit based on it, a chartreuse affair replete with faces peering forlornly from sequin-stitched window frames. The song shot to #2 for Jones in 1960, and would be covered by several other artists, including Loretta Lynn and Leon Russell. In 1975, Mickey Gilley recorded \"Window Up Above\" and it became his fourth #1 on the country chart. The single stayed in the top spot for a single week and spent a total of twelve weeks on the country chart. Jones would later record two", + "score": 0.6689453125 + }, + { + "id": "12962391", + "title": "The Windows of the World", + "text": "The Windows of the World The Windows of the World is the title of the eighth studio album by Dionne Warwick, released August 1967 when the title cut was in the Top 40. The single \"The Windows of the World\" had been recorded 13 April 1967 in the same session which produced Warwick's recording of \"(There's) Always Something There to Remind Me\" also included on \"The Windows of the World\" album. The album featured four other recordings of Burt Bacharach/Hal David compositions, these four tracks all originating in a 9 April 1966 session and thus predating Warwick's December 1966 album", + "score": 0.6689453125 + }, + { + "id": "9951513", + "title": "At My Window (album)", + "text": "wrote the good-time country-blues romp \"Ain't Leavin' Your Love\" the day after his wife Jeanene brought their newborn baby home in March 1983. Van Zandt co-wrote \"Gone, Gone Blues\" with Mickey White. \"At My Window\" was released in 1987 to positive reviews. Writing in \"The New York Times\", Robert Palmer declared, \"Nobody writes songs about love affairs gone wrong with as much tenderness and insight,\" adding that Van Zandt sings with \"an almost yodel that's country music's equivalent of the bluesy quaver black singer's call soul.\" Palmer also drew comparisons between Van Zandt and Hank Williams, observing that \"their songwriting", + "score": 0.6689453125 + }, + { + "id": "5962065", + "title": "Sugar Walls", + "text": "Sugar Walls \"Sugar Walls\" is the second single from Sheena Easton's 1984 album \"A Private Heaven\". It spent 16 weeks on the Billboard Hot 100 in the United States, nine of which were in the top 40. It reached #9 overall, as well as #3 on the R&B chart and #1 on the Dance chart. The song failed to chart well in Easton's native UK. It was composed by Alexander Nevermind, a pseudonym used by Prince. The song title is presumed to refer to the \"walls\" of her vagina, which was perhaps sufficiently subtle by itself, but the general content", + "score": 0.66845703125 + }, + { + "id": "7608946", + "title": "Sandra Oxenryd", + "text": "country-soul music. The song is written by Pearu Paulus, Ilmar Laisaar, Alar Kotkas (composers) and Jana Hallas (lyricist), the same authors who wrote the Estonian entries for 2000 (\"Once in a lifetime\") and 2002 (\"Runaway\"), which came 4th and 3rd, respectively. Despite the song becoming a 'fan favourite', \"Through My Window\" only scored 28 points and finished 18th in the semi-final, therefore not qualifying for the final. For the delight of the Estonian audience, however, Sandra Oxenryd had two well-known backing singers from Estonia on stage with her in Athens, Dagmar Oja and Jelena Juzvik whilst the rest of the", + "score": 0.66845703125 + }, + { + "id": "5329575", + "title": "LaTavia Roberson", + "text": "certified eight-times platinum in the U.S. The album includes four hit singles, \"Bills, Bills, Bills\", \"Bug a Boo\", \"Say My Name\", and \"Jumpin', Jumpin'\". LaTavia also gained co-writing contribution more on this album than their first. Roberson performed lead on two songs: \"Sweet Sixteen\" and \"Where'd You Go\". Additionally LaTavia sang lead on the song \"Can't Help Myself\" but this song only was released on the albums \"Houston Edition\". In late 1999, in the midst of the success of \"The Writing's on the Wall\", Roberson and LeToya Luckett attempted to bring in a third-party mediator to work with their manager", + "score": 0.66796875 + }, + { + "id": "16573099", + "title": "Windows Down", + "text": "Windows Down \"Windows Down\" is a song by American boy band Big Time Rush from the re-release of their second studio album \"Elevate\". The song was released on June 25, 2012. The song's hook is sampled from \"Song 2\" by English rock band Blur. The song was written by Matthew Musto, Mike Posner, Bei Maejor, and Matt Squire, with production handled by the latter two. It features samples from \"Song 2\" by Blur. American singer/songwriter Kesha originally created an early demo of the track, expected to appear on her second studio album \"Warrior\" with the title \"Woo Hoo\", still using", + "score": 0.66748046875 + }, + { + "id": "12199192", + "title": "Too Many Walls", + "text": "Too Many Walls \"Too Many Walls\" is a song by British singer-songwriter Cathy Dennis. Released as a single from her album \"Move to This\" on September 23, 1991, the song became Dennis' fourth Top 10 hit on the U.S. pop chart, where it peaked at #8. Her other American Top 10 singles were: \"C'mon and Get My Love\" (officially credited to 'D Mob introducing Cathy Dennis'), #10 in 1990; \"Just Another Dream\", #9, also from 1990; and \"Touch Me (All Night Long)\", #2 from earlier in 1991. \"Too Many Walls\" also spent two weeks atop the U.S. adult contemporary chart.", + "score": 0.6669921875 + }, + { + "id": "17731985", + "title": "Partition (song)", + "text": "HitFix writer Melinda Newman noted that the performance of \"Partition\" emulated looks and poses from its clip. Nadeska Alexis from MTV News felt that the singer kept the audience \"lifted\" with the performance of \"Yonc\u00e9\". In a review of her performance, Hilary Hughes of Fuse noted the performance \"elicited nothing but chills and rapturous screams\". On January 9, 2014, Azealia Banks posted an unofficial remix of the song to her Soundcloud account, featuring Busta Rhymes. Their remix of the song has an extended intro lasting 90 seconds with the rappers singing \"dirty\" bars. Reviewers were critical of Rhymes' contribution to", + "score": 0.6669921875 + }, + { + "id": "15797855", + "title": "Bob Gallion", + "text": "Bob Gallion Bob Gallion (April 22, 1924 in Ashland, Kentucky \u2013 August 20, 1999) was an American country music singer. Between 1958 and 1973, he recorded for various country labels, charting nine times on the Hot Country Songs charts. His biggest hit was \"Wall to Wall Love\", which went to number 5 in 1962. Bob Gallion was born April 22, 1924 in Ashland, Kentucky. In the 1940s, he worked as a session guitar player before joining Stoney Cooper and Wilma Lee Cooper's band. Gallion recorded for MGM Records in the 1950s, releasing the singles \"That's What I Tell My Heart\"", + "score": 0.6669921875 + }, + { + "id": "5451957", + "title": "Lookin' Through the Windows", + "text": "Page. Side one Side two In 2001, Motown Records remastered all J5 albums in a \"Two Classic Albums/One CD\" series (much like they did in the late 1980s). This album was paired up with \"Goin' Back to Indiana\". The bonus tracks were \"Love Song\", the B-side of this album's title track single, and a live performance of \"Who's Lovin' You\", which first appeared on the soundtrack of the 1992 TV movie \"\". Lookin' Through the Windows Lookin' Through the Windows is the sixth studio album by the Jackson 5, released on the Motown label in May 1972. The album sold", + "score": 0.6669921875 + }, + { + "id": "19934367", + "title": "Louise Johnson (blues)", + "text": "his book \"Blues Traveling: The Holy Sites of Delta Blues\" commented on the rarity: \"This concept was so unfamiliar to scholars and fans that for years they tried to determine which male pianist had backed Johnson on her records\". Her best-known song is \"On the Wall\", a sexually explicit tune showcasing Johnson's piano arrangement loosely based on \"Cow Cow Blues\". Returning to Mississippi, Johnson was also a part of a \"love triangle\" with Patton and House, apparently wooing House on the trip home. Patton referred to the turn of events in his song, \"Joe Kirby Blues\". Around 1940, she was", + "score": 0.66650390625 + }, + { + "id": "13711942", + "title": "From a Window", + "text": "From a Window \"From a Window\" is a song written by Paul McCartney, attributed to John Lennon and Paul McCartney, which was recorded by Billy J. Kramer with The Dakotas. It was the sixth and final Lennon\u2013McCartney composition given to Kramer. Kramer recorded the song on 29 May 1964 at Abbey Road Studios. George Martin produced the session, which was attended by Lennon and McCartney. McCartney can be heard at the very end of the song, harmonizing on the final word. \"From a Window\" was released as a single in the UK on 17 July 1964. Its peak in August", + "score": 0.66650390625 + }, + { + "id": "16588053", + "title": "The Walls Fell Down", + "text": "of Bee Gees: Barry and Maurice Gibb, and drummer Colin Petersen. It reached #28 in the United Kingdom, but in the Netherlands it reached #3. There is a promotional video for this song. A French TV performance of \"The Walls Fell Down\" was televised on 192TV. The song's original music video features Bonnet with a Gibson SG and Gordon with an acoustic guitar and was televised on a Dutch television. The Walls Fell Down \"The Walls Fell Down\" is a second single by the English rock duo The Marbles, Lead vocals by Graham Bonnet it was released in March 1969,", + "score": 0.66650390625 + }, + { + "id": "9951520", + "title": "At My Window (album)", + "text": "say that.\" At My Window (album) At My Window is an album released by Folk/country singer-songwriter Townes Van Zandt in 1987. This was Van Zandt's first studio album in the nine years that followed 1978's \"Flyin' Shoes\", and his only studio album recorded in the 1980s. By the middle 1980s, with royalties coming in for \"If I Needed You\" (a No. 3 country hit for Emmylou Harris and Don Williams in 1981) and \"Pancho and Lefty\" (a No. 1 country smash for Willie Nelson and Merle Haggard in 1983), Van Zandt was enjoying what was for him a stable home", + "score": 0.66650390625 + }, + { + "id": "8260688", + "title": "Through My Window", + "text": "were 3 backing singers from Sweden, and Estonians Dagmar Oja and Jelena Juzvik. Following the Contest, the song was covered by South African boy band Hi-5 as \"Daai Liedje\" (Your Song). Through My Window \"Through My Window\" was the Estonian entry in the Eurovision Song Contest 2006, performed in English by Sandra Oxenryd. As Estonia had not qualified for the final in their previous appearance, the song was performed in the semi-final. Here, it was performed twenty-first (following Sweden's Carola with \"Invincible\" and preceding Bosnia and Herzegovina's Hari Mata Hari with \"Lejla\"). At the close of voting, it had received", + "score": 0.666015625 + }, + { + "id": "8260687", + "title": "Through My Window", + "text": "Through My Window \"Through My Window\" was the Estonian entry in the Eurovision Song Contest 2006, performed in English by Sandra Oxenryd. As Estonia had not qualified for the final in their previous appearance, the song was performed in the semi-final. Here, it was performed twenty-first (following Sweden's Carola with \"Invincible\" and preceding Bosnia and Herzegovina's Hari Mata Hari with \"Lejla\"). At the close of voting, it had received 28 points, placing 18th in a field of 23 - missing the final and forcing Estonia to qualify through the semi-final at their next appearance. On stage with Sandra Oxenryd, there", + "score": 0.666015625 + }, + { + "id": "9870993", + "title": "It Doesn't Matter (Wyclef Jean song)", + "text": "song \"Another Brick In The Wall (Part 2)\", which contained the line \"Hey, teacher! Leave those kids alone.\" The song was also released in French, under the title \"\u00c7a ne me fait rien\" for Quebec and French radio stations, with Jacky and Ben-J providing additional vocals. Some lines were changed for that version. e.g. \"I got 50 Bentleys in the West Indies\" was replaced by \"J'ai 50 Bentley aux \u00c9tats-Unis\", to fit the rhyme scheme. It Doesn't Matter (Wyclef Jean song) \"It Doesn't Matter\" is the first single released from Wyclef Jean's second studio album, \".\" The track features additional", + "score": 0.66552734375 + }, + { + "id": "16588052", + "title": "The Walls Fell Down", + "text": "The Walls Fell Down \"The Walls Fell Down\" is a second single by the English rock duo The Marbles, Lead vocals by Graham Bonnet it was released in March 1969, and it was written and produced by Barry Gibb, Robin Gibb, Maurice Gibb, of the Bee Gees, and was also produced by Robert Stigwood, it was recorded as a follow-up to \"Only One Woman\" but did not repeat the success of the previous single. \"The Walls Fell Down\" was recorded on 10 January 1969 with other Gibb brothers-penned tracks \"Love You\" and \"Little Boy\". An instrumental work by three members", + "score": 0.6650390625 + }, + { + "id": "12330732", + "title": "Fly on the Wall (song)", + "text": "Cyrus \"fearlessly embraced new creative directions\" with her performance of \"Fly on the Wall.\" On November 25, Cyrus performed the song on the season finale of \"Dancing with the Stars\". On New Year's Eve of 2008, Cyrus wore a white T-shirt, pants, boots and a plaid jacket to present \"FNMTV\"'s New Year's Special with Pete Wentz. She opened the episode by performing the song, paired with \"7 Things.\" On January 19, 2009, the song was performed at the event in celebration of Barack Obama's inauguration. For the event, she had an abundance of background dancers, and Cyrus wore a casual", + "score": 0.66455078125 + }, + { + "id": "11549712", + "title": "Windows (musical group)", + "text": "Windows (musical group) Windows was a smooth jazz band formed in the early 1980s. The band issued eleven albums over a dozen years. Guided by bassist/vocalist Skipper Wise and his writing partner, keyboardist Ed Cohen, the group played a hybrid of fusion and smooth jazz. Peter White performed regularly on many Windows albums. Wise produced White's his first two albums. Windows' popularity peaked in 1989 with the number one radio album \"The French Laundry\". Windows, an instrumental contemporary jazz group that included Skipper (Bassist), Ed Cohen (keyboard), Dudley Brooks (guitar), Tim Timmermans (drums) and Michael Acosta (saxophone). After sending out", + "score": 0.66455078125 + }, + { + "id": "5451956", + "title": "Lookin' Through the Windows", + "text": "be on an album for their hit single at the time \"Sugar Daddy\". \"Lookin' Through the Windows\" was the second-to-last Jackson 5 album to include any songs written by the Corporation (Berry Gordy, Freddie Perren, Deke Richards and Fonce Mizell). The album spawned two hit singles \"Little Bitty Pretty One\" and \"Lookin' Through The Windows\". The album peaked at No. 7 on \"Billboard\" 200 album chart. In Europe the album cut \"Doctor My Eyes\" was a Top 10 hit. The album was arranged by James Anthony Carmichael, John Bahler, the Corporation, Eddie Munson, H.B. Barnum, Arthur G. Wright and Gene", + "score": 0.66455078125 + }, + { + "id": "2764586", + "title": "Sheena Easton", + "text": "to have a music video banned because of its lyrics rather than its imagery; some broadcasters refused to air the sexually risqu\u00e9 \"Sugar Walls\", which had been written for her by Prince (using the pseudonym \"Alexander Nevermind\"). \"Sugar Walls\" was named by Tipper Gore of the Parents Music Resource Center as one of the \"Filthy Fifteen\", a list of songs deemed indecent because of their lyrics, alongside Prince's own \"Darling Nikki\". The song eventually hit number 3 on the R&B singles chart, number 9 on the Billboard Hot 100, and number 1 on the Billboard Dance Chart in 1985. Easton's", + "score": 0.66455078125 + }, + { + "id": "8308847", + "title": "Window Seat (song)", + "text": "Window Seat (song) \"Window Seat\" is a song by Erykah Badu. It is the lead single from her album \"New Amerykah Part Two (Return of the Ankh)\" (2010). It was produced by Badu and James Poyser. The song is low-tempo ballad with lyrics that concern escapism and longing for a lover. The music video for \"Window Seat\" features Badu walking the streets around Dealey Plaza in Dallas, Texas, slowly stripping to the nude, before being shot by an unseen assassin. Badu's public nudity, guerrilla filming, and the video's allusions to the assassination of John F. Kennedy were met with controversy", + "score": 0.6640625 + }, + { + "id": "14984272", + "title": "The Windows of the World (song)", + "text": "The Windows of the World (song) \"The Windows of the World\" is a song written by Burt Bacharach (music) and Hal David (lyrics) which was a hit single for Dionne Warwick in 1967. The track was recorded in a 13 April 1967 session produced by Bacharach and David with Bacharach as conductor and arranger. Bacharach and David had scored a number 7 hit in 1965 with Jackie DeShannon's message song hit \"What the World Needs Now is Love\" but \"The Windows of the World\" was unique in the composers' canon in being a protest song. Inspired by such songs as", + "score": 0.6640625 + }, + { + "id": "15105640", + "title": "Castle Walls", + "text": "Castle Walls \"Castle Walls\" is a song by American singers T.I. and Christina Aguilera, from T.I.'s seventh studio album \"No Mercy\" (2010). Alex da Kid produced the song and co-wrote it along with Skylar Grey and T.I. The song was initially produced for Diddy's album \"Last Train to Paris\", but Diddy felt that \"Castle Walls\" would be better suited to T.I.; Aguilera was later chosen as the featured artist on the song. A hip hop and electro number, \"Castle Walls\" received mixed response from music critics, some of whom picked it as a highlight from \"No Mercy\", and some others", + "score": 0.6640625 + }, + { + "id": "12501968", + "title": "Li'l Red Riding Hood", + "text": "later Blackwell song, these differ in: However, at least one site, which ignores the Bopper-recorded lyrics in listing his work, attributes the Blackwell/Pharaohs lyrics to the Big Bopper. Subsequent recordings of the Blackwell composition include: \"Trout Fishing in America\"'s song \"The Window\" contains some lyrics from the song. ApologetiX parodied this song as \"Little-Read Bible Book\" on their 2004 album, \"Adam Up\". To promote her movie \"Red Riding Hood\", star Amanda Seyfried performed a cover of the song. It is a prominent plot element in the 1993 film \"Striking Distance\" with Bruce Willis, and is featured in the film \"Wild", + "score": 0.6640625 + }, + { + "id": "14338470", + "title": "Back Against the Wall (song)", + "text": "Back Against the Wall (song) \"Back Against the Wall\" is a song by American rock band Cage the Elephant. It was released as the fourth single from the band's 2008 self-titled debut album. In the issue dated March 6, 2010, the single peaked at number one on the \"Billboard\" Alternative Songs chart. This is the band's first number one single. Cage the Elephant re-recorded \"Back Against the Wall\" from their debut album for the release of the single. Released in February 2009 in the United Kingdom, the single's B-sides include the acoustic track \"Cover Me Again\", a cover version of", + "score": 0.66357421875 + }, + { + "id": "13711945", + "title": "From a Window", + "text": "album \"The Songs Lennon and McCartney Gave Away\". \"From a Window\" has also been recorded by Cisse () (album \"Teen Dreams\"/ 1976) and by Graham Parker on his album \"From a Window: Lost Songs of Lennon & McCartney\" (2003). A cover for the Mexican market: \"Desde mi ventana\", was recorded by both Los Hermanos Carri\u00f3n () and Sandro y los de Fuego. Recordings of \"From a Window\" as The Beatles may have performed it are available on the 1989 album by Bas Muys entitled \"Secret Songs: Lennon & McCartney\" and on the 1998 release \"It's Four You\" by the Australian", + "score": 0.6630859375 + }, + { + "id": "9951517", + "title": "At My Window (album)", + "text": "Sings Townes Van Zandt\". \"At My Window\" was covered by Mare Edstrom on the 2004 album \"Learning How To Believe\". The Flatliners recorded \"Blew Wind Blew\" for the 2001 album \"Poet: A Tribute to Townes Van Zandt\". The song also appears on Emmylou Harris's 2001 album \"Songbird: Rare Tracks and Forgotten Gems\". \"For the Sake of the Song\" has been recorded by Azure Ray on their EP November and William Boyd Chisum on his 2006 album \"Chasing The Wind\". The album cover for \"At My Window\" features a domesticated looking Van Zandt posing in Jack Clement's kitchen, hearkening back to", + "score": 0.6630859375 + }, + { + "id": "6136507", + "title": "Lew DeWitt", + "text": "Lew DeWitt Lewis Calvin DeWitt (March 12, 1938 \u2013 August 15, 1990) was an American country music singer, guitarist, and composer. He was a founding member of The Statler Brothers and the group's original tenor. For most of his career, DeWitt sang tenor for The Statler Brothers. Songs he wrote for the group include \"Flowers on the Wall\"\u2014which was a greatest hit during the late 60s and early 70s that made the group popular\u2014\"Things,\" \"Since Then,\" \"Thank You World,\" \"The Strand,\" \"The Movies,\" and \"Chet Atkins' Hand.\" In 1968, while the group was under contract to Columbia Records, DeWitt recorded", + "score": 0.6630859375 + }, + { + "id": "15105649", + "title": "Castle Walls", + "text": "where it debuted at number six on the Gaon International Singles Chart during the week of 5 December 2010. In the United States, the song reached number five on the Bubbling Under Hot 100 Singles chart and number 84 on the Hot R&B/Hip-Hop Songs. On the Canadian Hot 100 chart, it peaked at number 99. \"Castle Walls\" also entered the charts of three European countries: number 27 in Czech Republic, number 31 in Slovakia, and number 51 in Sweden. Castle Walls \"Castle Walls\" is a song by American singers T.I. and Christina Aguilera, from T.I.'s seventh studio album \"No Mercy\"", + "score": 0.66259765625 + }, + { + "id": "9238333", + "title": "Exclusive (album)", + "text": "charts worldwide. The album earned a double platinum certification by the Recording Industry Association of America (RIAA) in the United States. On June 3, 2008, \"Exclusive\" was re-released into a double-disc deluxe edition, which includes a counterparts from the DVD, featuring the behind-the-scenes footage and its music videos from his tour. The album's lead single, \"Wall to Wall\" was released on May 29, 2007. The song was produced by Sean Garrett, written by Walter Scott. The single reached at number 79 on the US \"Billboard\" Hot 100, due to no digital release for this single. \"Kiss Kiss\"; a collaboration with", + "score": 0.66259765625 + }, + { + "id": "9951508", + "title": "At My Window (album)", + "text": "At My Window (album) At My Window is an album released by Folk/country singer-songwriter Townes Van Zandt in 1987. This was Van Zandt's first studio album in the nine years that followed 1978's \"Flyin' Shoes\", and his only studio album recorded in the 1980s. By the middle 1980s, with royalties coming in for \"If I Needed You\" (a No. 3 country hit for Emmylou Harris and Don Williams in 1981) and \"Pancho and Lefty\" (a No. 1 country smash for Willie Nelson and Merle Haggard in 1983), Van Zandt was enjoying what was for him a stable home life for", + "score": 0.66259765625 + }, + { + "id": "12476000", + "title": "Bust Your Windows", + "text": "promotion, Jazmine performed \"Bust Your Windows\" on CBS's \"The Late Late Show\" with Craig Ferguson in early January 2009. On October 10, 2008, the music video for \"Bust Your Windows\" premiered on BET's \"106 & Park\". The video was also placed at #46 on BET's \"Notarized: Top 100 Videos of 2008\" countdown. The music video features scenes of adultery involving Jazmine's boyfriend in the video mimicking the song and song lyrics. The video, however, does not feature Jazmine physically busting out car windows, as fans expected but instead the intense emotion of the song is displayed through Jazmine breaking wine", + "score": 0.66259765625 + }, + { + "id": "15452488", + "title": "Fly on the Wall (Bobby V album)", + "text": "Fly on the Wall (Bobby V album) Fly on the Wall is the fourth album by American R&B singer Bobby V, and his second album released through his own Blu Kolla Dreams label via Capitol Records. It was released on March 22, 2011. The album finds production from long-time collaborators Tim & Bob, as well as Bryan-Michael Cox, The Pentagon (an Underdogs offshoot), Jazze Pha, LOS Da Mystro, and Bobby V himself. The album features guest rappers 50 Cent, Lloyd Banks, Cyhi Da Prynce, Plies & Twista. The album debuted at No. 9 on the US \"Billboard\" 200 chart, with", + "score": 0.662109375 + }, + { + "id": "14984275", + "title": "The Windows of the World (song)", + "text": "Windows of the World\" was her favorite of all of her singles. Warwick's September 1967 album release featured \"The Windows of The World\" as its title cut (see \"The Windows of the World\"). The album cut \"I Say a Little Prayer\" was released that October as a single and proved to be the track which would re-establish Dionne Warwick as a Top Ten hitmaker. The Windows of the World (song) \"The Windows of the World\" is a song written by Burt Bacharach (music) and Hal David (lyrics) which was a hit single for Dionne Warwick in 1967. The track was", + "score": 0.662109375 + }, + { + "id": "17083873", + "title": "Don't Hold the Wall", + "text": "the liner notes of \"The 20/20 Experience\". Don't Hold the Wall \"Don't Hold the Wall\" is a song recorded by American singer-songwriter Justin Timberlake for his third studio album, \"The 20/20 Experience\" (2013). It was written and produced by Timberlake, Timothy \"Timbaland\" Mosley and Jerome \"J-Roc\" Harmon, with additional writing from James Fauntleroy. Timberlake started writing and recording for his third studio album in the \"late part of May, first week in June\" and concluded in July 2012. The project was produced in a span of 20 days. In August 2012, producer Jim Beanz reported that Timberlake started work on", + "score": 0.66162109375 + }, + { + "id": "13808485", + "title": "Acafellas", + "text": "You Up\" by Color Me Badd and an instrumental performance of \"La Camisa Negra\" by Juanes. Studio recordings of \"Bust Your Windows\" and \"Mercy\" were released as singles, available for digital download. \"Bust Your Windows\" is also featured on the soundtrack album \"\", with a studio recording of \"I Wanna Sex You Up\" included as a bonus track on discs purchased from Target. \"Acafellas\" was watched by 6.69 million US viewers and attained a 3.2/9 Nielsen rating/share in the 18\u201349 demographic. It was the tenth most watched show in Canada for the week, with 1.44 million viewers. In the UK,", + "score": 0.6611328125 + }, + { + "id": "5659229", + "title": "Off the Wall (Michael Jackson song)", + "text": "Wall\". It peaked at number ten on the Pop Singles Chart and at number five on the \"Billboard\" Soul Singles Chart. Jackson performed the song on The Jacksons' Destiny Tour's (1979) second leg, as well as the Triumph Tour (1981) and the Victory Tour (1984). He performed the song only on the first leg of his Bad Tour (1987), his first solo tour. During the HIStory World Tour (1995-96), the song was included on the \"Off the Wall\" medley (also featuring the songs \"Rock With You\" and \"Don't Stop 'Till You Get Enough\") on some concert playlists. A live performance", + "score": 0.6611328125 + }, + { + "id": "15452490", + "title": "Fly on the Wall (Bobby V album)", + "text": "The pair performed together on Lopez Tonight on 23 February 2011. The 4th single is \"Grab Somebody\" featuring Twista. Fly on the Wall (Bobby V album) Fly on the Wall is the fourth album by American R&B singer Bobby V, and his second album released through his own Blu Kolla Dreams label via Capitol Records. It was released on March 22, 2011. The album finds production from long-time collaborators Tim & Bob, as well as Bryan-Michael Cox, The Pentagon (an Underdogs offshoot), Jazze Pha, LOS Da Mystro, and Bobby V himself. The album features guest rappers 50 Cent, Lloyd Banks,", + "score": 0.66064453125 + }, + { + "id": "2981293", + "title": "The Weather Girls", + "text": "1988 following the release of their self-titled album, while Wash moved on to a solo career that continues into the present day. Wash sang uncredited lead vocals on the songs \"Everybody, Everybody\", \"Strike It Up\", \"I Don't Know Anybody Else\" and \"Fantasy\" for the group Black Box, and recorded with C+C Music Factory at the peak of that band's popularity in the early 1990s, including uncredited vocals on their #1 hit \"Gonna Make You Sweat (Everybody Dance Now!)\". Martha Wash successfully sued the record labels behind Black Box and C+C Music Factory for the unlawful use of her voice, which", + "score": 0.65966796875 + }, + { + "id": "17083867", + "title": "Don't Hold the Wall", + "text": "Don't Hold the Wall \"Don't Hold the Wall\" is a song recorded by American singer-songwriter Justin Timberlake for his third studio album, \"The 20/20 Experience\" (2013). It was written and produced by Timberlake, Timothy \"Timbaland\" Mosley and Jerome \"J-Roc\" Harmon, with additional writing from James Fauntleroy. Timberlake started writing and recording for his third studio album in the \"late part of May, first week in June\" and concluded in July 2012. The project was produced in a span of 20 days. In August 2012, producer Jim Beanz reported that Timberlake started work on his new music project. However, at that", + "score": 0.65966796875 + }, + { + "id": "17083869", + "title": "Don't Hold the Wall", + "text": "2013, under the title \"The 20/20 Experience\". \"Don't Hold the Wall\" was written by Timberlake, Timothy \"Timbaland\" Mosley, Jerome \"J-Roc\" Harmon and James Fauntleroy. The song was produced by Timbaland, Timberlake and Harmon. Timberlake arranged and produced his vocals, which were recorded at Larabee Studios in North Hollywood, California. Harmon provided keyboards for the song, while Elliot Ives played the guitar. The song was engineered by Chris Godbey, with assistance from Alejandro Baima. The song was mixed by Jimmy Douglass, Godbey and Timberlake at Larabee Studios. \"Don't Hold the Wall\" is a R&B song with a length of seven minutes", + "score": 0.65966796875 + }, + { + "id": "15206835", + "title": "John Wall Dance", + "text": "John Wall Dance The John Wall Dance is a dance performed by flexing the arms and twisting the wrist. John Wall first performed the eponymous dance during his introduction at Big Blue Madness at the University of Kentucky in October 2009. Wall says that his idea for the dance came from the music video of the song \"Do the Shizz\" made by the Louisville rapper Kenzo. LaShawn \"Sugar Shizz\" Talbert, who inspired the dance, performed \"The Shizz\" in the music video. The John Wall Dance has subsequently integrated itself into popular culture. On August 21, 2010, LaShawn \"Sugar Shizz\" Talbert,", + "score": 0.65869140625 + }, + { + "id": "945577", + "title": "Chubby Checker", + "text": "Revelation\", \"The Other Side Of Chubby Checker\", and sometimes as \"Chubby Checker\". The songs were all written by Checker and produced by longtime Jimi Hendrix producer Ed Chaplin, but the studio musicians' names are unknown. The album flopped. Checker had a single at #1 on \"Billboard's\" dance chart in July 2008 with \"Knock Down the Walls\". The single also made the top 30 on the Adult Contemporary chart. Roger Filgate of Wishbone Ash is featured on lead guitar. In 2009, Checker recorded a public service announcement (PSA) for the Social Security Administration to help launch a new campaign to promote", + "score": 0.65869140625 + }, + { + "id": "4974180", + "title": "Flowers on the Wall", + "text": "Flowers on the Wall \"Flowers on the Wall\" is a song made famous by the country music group The Statler Brothers recorded in A Minor. Written and composed by the group's original tenor, Lew DeWitt, the song peaked in popularity in January 1966, spending four weeks at No. 2 on the \"Billboard\" magazine Hot Country Singles chart, and reaching No. 4 on the \"Billboard\" Hot 100 chart. The song was used in the soundtrack to the 1994 film \"Pulp Fiction\" and as the title theme of the 2001-2002 BBC Radio 4 sitcom \"Linda Smith's A Brief History of Timewasting\". The", + "score": 0.65869140625 + }, + { + "id": "12401965", + "title": "I'm That Chick", + "text": "Management Ltd. Copyright is held by Rye Songs which is administered by Songs of Universal (BMI)/Zomba Songs/Sony ATV Publishing Ltd./EMI Music Publishing/Naked Under My Clothes/Chrysalis Music (ASCAP). The song contains elements of \"Off the Wall\", written by Rod Temperton in 1980 and originally performed by Michael Jackson. Temperton received as songwriting credit as a result. \"Off the Wall\" is published by RodSongs and administered by Almo Music Corp (ASCAP). The track was recorded by Eriksen and Brian Garten at Roc the Mic Studios in New York City and Honeysouth Studios in Miami, and mixed by Phil Tan for Riotproof Productions", + "score": 0.65869140625 + }, + { + "id": "10901879", + "title": "Four Walls (song)", + "text": "Four Walls (song) \"Four Walls\" is a country song written in 1951 by Marvin J. Moore (lyrics) and George H. Campbell, Jr. (music). Moore also wrote the lyrics for the hit song \"Green Door\".. Jim Reeves had noticed the song in the office of record producer Chet Atkins and asked to record it. Atkins felt that the song was more suitable for a female singer but Reeves persisted and eventually a recording was made on February 7, 1957. Many of the singer's previous records had been made in a forceful style but Reeves employed a more mellow delivery standing closer", + "score": 0.658203125 + }, + { + "id": "9206509", + "title": "J. J. Jackson (singer)", + "text": "A Spanish version of the song was also released in 1969. Later that year, Warner Bros. also re-released \"Four Walls (Three Windows and Two Doors)\", which had originally been released in 1967, as the B-side to \"That Ain't Right\", written by Cherry Foster and Walter Jessup. \"That Ain't Right\" had originally been released in 1967 as the B-side to \"I Dig Girls\". \"But It's Alright\" and \"Four Walls\" were then released on one single as \"Back to Back Hits\". In 1969, Warner Bros. released \"The Great J.J. Jackson\", which contained four songs from Jackson's Calla Records debut, plus eight others.", + "score": 0.658203125 + }, + { + "id": "8493406", + "title": "Balls to the Wall", + "text": "Balls to the Wall Balls to the Wall is the fifth studio album by German heavy metal band Accept. European label Lark Records released the album in December 1983, but its United States release was delayed until a month later in January 1984 as to not compete with the band's then-current album \"Restless and Wild\", which had arrived in the US in early 1983. It is Accept's only record to attain Gold certification in the US. The album's title track became Accept's signature tune and remains a metal anthem and trademark in the genre. Some of the album's success can", + "score": 0.65771484375 + }, + { + "id": "12199195", + "title": "Too Many Walls", + "text": "the newly opened Stansted airport. It was directed by Rocky Morton and Annabel Jankel. Too Many Walls \"Too Many Walls\" is a song by British singer-songwriter Cathy Dennis. Released as a single from her album \"Move to This\" on September 23, 1991, the song became Dennis' fourth Top 10 hit on the U.S. pop chart, where it peaked at #8. Her other American Top 10 singles were: \"C'mon and Get My Love\" (officially credited to 'D Mob introducing Cathy Dennis'), #10 in 1990; \"Just Another Dream\", #9, also from 1990; and \"Touch Me (All Night Long)\", #2 from earlier in", + "score": 0.65771484375 + }, + { + "id": "9993468", + "title": "The Window (song cycle)", + "text": "The Window (song cycle) The Window; or, The Songs of the Wrens is a song cycle by Arthur Sullivan with words by Alfred, Lord Tennyson. Written in 1867\u201370, it was eventually published in 1871. There are multiple versions of the title: On the cover of the 1871 edition, the subtitle is given as \"The Loves of the Wrens\", however, \"Songs of the Wrens\" is used on the frontispiece and is the one generally used. George Grove, the secretary of The Crystal Palace, originally suggested a collaboration between Tennyson and Sullivan on a German-style song cycle, in English, but similar to", + "score": 0.65771484375 + }, + { + "id": "9951516", + "title": "At My Window (album)", + "text": "artists. \"Buckskin Stallion Blues\" was recorded and adopted as the title track of a 1994 collaborative EP by country singer Jimmie Dale Gilmore and the grunge band Mudhoney. Other notable \"At My Window\" covers include Robert Earl Keen's take on \"Snowin' on Raton\" for his \"Gravitational Forces\" album and Pat Green & Cory Morrow's cover of \"Ain't Leavin' Your Love\" on \"Songs We Wish We'd Written\". Pat Green and Natalie Maines recorded a duet of \"Snowin' On Raton\" for Green's 1997 album \"George's Bar\". Richard Dobson recorded four songs from the album for his 1994 tribute album \"Amigos: Richard Dobson", + "score": 0.6572265625 + }, + { + "id": "12905373", + "title": "Jumping (Out the Window)", + "text": "remix, entitled \"Jumping (Out the Window) (The Remix) [Guitar Down Version]\", is a rock remix that features pop rock band Forever The Sickest Kids. It was released February 10, 2009. The music video for the remix was directed by Mike Hand & Mary Evelyn McGough, the same directors who directed the music video for the original version. The music video was released the same day as the song, February 10, 2009. The background and Ron's outfit that was used during halfway of the original video was shown in the video for the remix. Jumping (Out the Window) \"Jumping (Out the", + "score": 0.6572265625 + }, + { + "id": "18638313", + "title": "The Walls Group", + "text": "in 2009. It is made up of four siblings, from oldest to youngest: Darrel McGlothen Walls, Rhea Walls, Alic (Paco) Walls, and Ahjah Walls. The quartet released \"The Walls Group\", with Wall2Wall Entertainment, on June 11, 2012, and the album charted on the \"Billboard\" Top Gospel Albums chart at No. 29. This caught the attention of Kirk Franklin, who signed them to Fo Yo Soul Recordings in association with RCA Records, and they released their first studio album on September 2, 2014, \"Fast Forward\". The album charted on the \"Billboard\" 200 chart at No. 39, and at the No. 1", + "score": 0.6572265625 + }, + { + "id": "15964397", + "title": "Don't Stop (Color on the Walls)", + "text": "Don't Stop (Color on the Walls) \"Don't Stop (Color on the Walls)\" is a song by American indie pop band Foster the People from their debut studio album \"Torches\". Written by the band's frontman Mark Foster, the song was released as the fourth single from the album on January 10, 2012. \"Don't Stop (Color on the Walls)\" has been used in television commercial advertisements for the Nissan Versa. The song was also featured in videogame Forza Horizon and trailers for the movie \"Turbo\". The song was written about what a four-year-old would do if they ruled the world. The music", + "score": 0.65673828125 + }, + { + "id": "10901880", + "title": "Four Walls (song)", + "text": "to the microphone for \"Four Walls\". Accompanied by Bob Moore on bass, Chet Atkins on guitar, Farris Coursey on drums, Floyd Cramer on piano, with vocal backing by The Jordanaires, the song went to number 1 in 1957 on the Country music chart and number 12 on the Pop chart. Four Walls (song) \"Four Walls\" is a country song written in 1951 by Marvin J. Moore (lyrics) and George H. Campbell, Jr. (music). Moore also wrote the lyrics for the hit song \"Green Door\".. Jim Reeves had noticed the song in the office of record producer Chet Atkins and asked", + "score": 0.65625 + } + ], + "answer": "Get Low (which has lyrics saying \"to the window, to the wall\") is a song by American rap group Lil Jon & the East Side Boyz, featuring American hip hop duo Ying Yang Twins, released as a single in 2003. Get Low peaked at number two on the Billboard Hot 100 and number 20 on the Hot Digital Songs chart. It was number five on the top Hot R&B/Hip-Hop songs of 2003." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who played Zordon in the earlier episodes of the original power rangers TV series?", + "short_answers": [ + "David Fielding" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who played Zordon in the later episodes of the original power rangers TV series?", + "short_answers": [ + "Robert L. Manahan" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who played Zordon in the original power rangers movie?", + "short_answers": [ + "Nicholas Bell" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Mighty Morphin Power Rangers: The Movie", + "url": "https://en.wikipedia.org/wiki/Mighty%20Morphin%20Power%20Rangers%3A%20The%20Movie" + }, + { + "title": "Power Rangers (film)", + "url": "https://en.wikipedia.org/wiki/Power%20Rangers%20%28film%29" + }, + { + "title": "Zordon", + "url": "https://en.wikipedia.org/wiki/Zordon" + }, + { + "title": "Power Rangers (disambiguation)", + "url": "https://en.wikipedia.org/wiki/Power%20Rangers%20%28disambiguation%29" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Mighty Morphin Power Rangers is an American superhero television series that premiered on August 28, 1993, on the Fox Kids programming block...He is initially voiced and portrayed by David Fielding, and later voiced by Robert L. Manahan.", + "wikipage": "Mighty Morphin Power Rangers" + }, + { + "content": "Zordon is a fictional character from the Power Rangers franchise who serves as the Rangers' mentor.[", + "wikipage": "Zordon" + }, + { + "content": "Mighty Morphin Power Rangers: The Movie is a 1995 American superhero film...Nicholas Bell as Zordon", + "wikipage": "Mighty Morphin Power Rangers: The Movie" + } + ], + "long_answer": "In the 1993 American superhero television series Mighty Morphin Power Rangers, fictional character Zordon is initially voiced and portrayed by David Fielding, and later voiced by Robert L. Manahan. In the 1995 American superhero film Mighty Morphin Power Rangers: The Movie, Zordon is portrayed by Nicholas Bell." + }, + { + "knowledge": [ + { + "content": "Zordon is a fictional character from the Power Rangers franchise who serves as the Rangers' mentor.[1]", + "wikipage": "Zordon" + }, + { + "content": "Robert Lawrence Manahan (August 23, 1956 \u2013 June 30, 2000) was an American actor and member of the Sound Department of Hollywood film industry.", + "wikipage": "Robert L. Manahan" + }, + { + "content": "Nicholas Bell (born 15 August 1958) is an English actor who has worked in Australia for more than 20 years.[1]", + "wikipage": "Nicholas Bell" + } + ], + "long_answer": "Zordon is a fictional character from the Power Rangers franchise who serves as the Rangers' mentor. In earlier episodes of the original Power Rangers, David Fielding played Zordon. In later episodes, Robert L. Manahan, an American actor and member of the Sound Department of Hollywood film industry, played Zordon. English actor Nicholas Bell played Zordon in the original Power Rangers movie." + } + ], + "sample_id": "-1854705900900914247", + "question": "Who played zordon in the original power rangers?", + "docs": [ + { + "id": "18294672", + "title": "Power Rangers (film)", + "text": "it was announced that Elizabeth Banks would portray Rita Repulsa. Four months later, Bryan Cranston, who voiced Twin Man and Snizard in the original series, announced he was cast as Zordon. Cranston revealed that he would perform motion-capture and CGI. In September 2016, Walter Emanuel Jones, the actor who played Zack in the original series, stated none of the original cast would cameo in the film. Towards the end of the month, comedian Bill Hader was cast as Alpha 5. In March 2017, it was reported that Amy Jo Johnson and Jason David Frank, who played Kimberly and Tommy in", + "score": 0.7900390625, + "summary": "Bryan Cranston played Zordon in the original Power Rangers.", + "extraction": "Bryan Cranston, who voiced Twin Man and Snizard in the original series, announced he was cast as Zordon." + }, + { + "id": "2917207", + "title": "Zordon", + "text": "the Command Center and bring Zordon back to life. Bryan Cranston portrays Zordon in the 2017 film, as a mixture of motion capture and CGI. Zordon is the former Red Ranger, who has become part of the Morphing Grid after his body was destroyed by a meteor he called down to destroy renegade Green Ranger Rita Repulsa, who had destroyed the rest of his team. Millennia later, after the new Ranger team is drawn together by the Power Coins to respond to the threat of the revived Rita, Jason realizes that Zordon intends to use the convergence of the Morphing", + "score": 0.763671875, + "summary": "Bryan Cranston played Zordon in the 2017 Power Rangers film, but the document does not mention who played Zordon in the original Power Rangers.", + "extraction": "Bryan Cranston portrays Zordon in the 2017 film, as a mixture of motion capture and CGI." + }, + { + "id": "6170041", + "title": "Robert Axelrod (actor)", + "text": "Robert Axelrod (actor) Robert Axelrod (born May 29, 1949; also credited as Axel Roberts and Myron Mensah), is an American actor who has been in several movies and lent his voice to television shows including \"Digimon\", having started vocal acting for the English-language versions of anime in 1980. Two of his best known roles was that of Lord Zedd, the main antagonist of the \"Mighty Morphin Power Rangers\", and Finster, the original \"Mighty Morphin Power Rangers\" monster maker. He also portrayed a Paul McCartney look-alike on the popular sitcom, \"Family Matters\", and more recently has appeared in several productions by", + "score": 0.75537109375, + "summary": "Robert Axelrod played Finster and Lord Zedd in the original \"Mighty Morphin Power Rangers\".", + "extraction": "Robert Axelrod played Lord Zedd in the original \"Mighty Morphin Power Rangers\"." + }, + { + "id": "6170042", + "title": "Robert Axelrod (actor)", + "text": "comedy duo Tim & Eric. Robert Axelrod (actor) Robert Axelrod (born May 29, 1949; also credited as Axel Roberts and Myron Mensah), is an American actor who has been in several movies and lent his voice to television shows including \"Digimon\", having started vocal acting for the English-language versions of anime in 1980. Two of his best known roles was that of Lord Zedd, the main antagonist of the \"Mighty Morphin Power Rangers\", and Finster, the original \"Mighty Morphin Power Rangers\" monster maker. He also portrayed a Paul McCartney look-alike on the popular sitcom, \"Family Matters\", and more recently has", + "score": 0.75, + "summary": "Robert Axelrod played Zordon in the original Power Rangers.", + "extraction": "Robert Axelrod played Lord Zedd in the original Mighty Morphin Power Rangers." + }, + { + "id": "2917202", + "title": "Zordon", + "text": "Zordon Zordon is a fictional character from the \"Power Rangers\" franchise who serves as the Rangers' mentor. Zordon first appeared on the first season of \"Mighty Morphin Power Rangers\" and appeared in subsequent seasons until the conclusion of \"Power Rangers in Space\". Ten thousand years ago, Zordon clashes with his nemesis, Rita Repulsa, on Earth. During their final battle, Rita traps Zordon in a time warp while Zordon seals Rita and her minions away in a \"Dumpster\" on the Moon. After the battle ends, Zordon, with the aid of his robot assistant, Alpha 5, creates a Command Center in the", + "score": 0.74072265625, + "summary": "Zordon is a fictional character from the \"Power Rangers\" franchise who served as the Rangers' mentor. The character first appeared on the first season of \"Mighty Morphin Power Rangers\" and appeared in subsequent seasons until the conclusion of \"Power Rangers in Space\". The document is irrelevant to the question of who played Zordon.", + "extraction": "David J. Fielding played Zordon in the original Power Rangers series." + }, + { + "id": "2540902", + "title": "Zack Taylor", + "text": "Zack Taylor Zachary Taylor is a fictional character in the Power Rangers universe, appearing in the television series \"Mighty Morphin Power Rangers\". He is the original Black Ranger of the first generation of Power Rangers. He was played by actor Walter Emanuel Jones. Zack and his close friends Kimberly Hart, Jason Lee Scott, Billy Cranston and Trini Kwan were picked as the five original Power Rangers by the wise sage Zordon to defend Earth from the evil sorceress Rita Repulsa. Zack was chosen as the Black Power Ranger, gaining the Mastodon Power Coin and the Mastodon Dinozord. Quick-witted and clever,", + "score": 0.74072265625, + "summary": "Irrelevant.", + "extraction": "Walter Emanuel Jones played Zordon in the original power rangers." + }, + { + "id": "3728296", + "title": "Walter Emanuel Jones", + "text": "(2007), \"Primeval\" (2007), \"Post Grad\" (2009), \"Warrior\" (2011), \"Chronicle\" (2012) and animated movies including \"Open Season 2\" (2008) and \"Cloudy with a Chance of Meatballs 2\" (2013). Jones was born in Detroit, Michigan. He began his career by an uncredited role in the successful TV show \"Beverly Hills, 90210\". In 1992, he took part in the \"Malcolm X\" movie. Jones played the character of Zack Taylor, the original \"Black Power Ranger\" in the \"Power Rangers\" series. He was written out of the series midway through the second season, after a contract and pay dispute, and was replaced by Johnny Yong", + "score": 0.7373046875, + "summary": "Walter Emanuel Jones played the character of Zack Taylor, the original \"Black Power Ranger\" in the \"Power Rangers\" series.", + "extraction": "Johnny Yong replaced Walter Emanuel Jones as the Black Power Ranger midway through the second season, but the extracted span does not provide the answer to the question \"Who played Zordon in the original Power Rangers?\" so the answer is \"irrelevant\"." + }, + { + "id": "7217720", + "title": "Michael Sorich", + "text": "Michael Sorich Michael John Sorich (born March 23, 1958) is an American actor, voice actor, writer, director and voice director. Sorich has been a prominent and ever-present voice actor for many different characters in the \"Power Rangers\" franchise (until the end of the \"\" series), as well as related or similar Saban series such as \"Masked Rider\", \"VR Troopers\", and \"Big Bad Beetleborgs/Beetleborgs Metallix\". Some of his more well-known roles included the voices of Squatt in \"Mighty Morphin Power Rangers\", Decimator and Zelton in \"VR Troopers\", Roboborg in \"Beetleborgs Metallix\", and Double Face in \"Masked Rider\". He has also had", + "score": 0.73193359375, + "summary": "Michael Sorich played various characters in the \"Power Rangers\" franchise, but the document does not specifically state that he played Zordon.", + "extraction": "Michael Sorich played various characters in \"Power Rangers\" franchise, including the voice of Squatt in \"Mighty Morphin Power Rangers\". However, there is no information about who played Zordon in the original \"Power Rangers\" in this passage." + }, + { + "id": "2917203", + "title": "Zordon", + "text": "California desert outside the town of Angel Grove. He then discovers the Dinozords and the Power Coins, both of which were created by Ninjor. With this discovery, Zordon creates the Power Morphers to harness the raw energy of the Power Coins so that Zordon can recruit a team of Power Rangers when necessary. When Rita Repulsa is released from the Dumpster, Zordon recruits five teenagers from Angel Grove \u2013 Jason Lee Scott, Zack Taylor, Kimberly Hart, Trini Kwan, and Billy Cranston \u2013 to become the Power Rangers, giving them the Power Morphers, the Power Coins, and the Dinozords to battle", + "score": 0.73193359375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about who played Zordon in the original Power Rangers." + }, + { + "id": "14793283", + "title": "Mighty Morphin Power Rangers (season 1)", + "text": "footage and elements from the Super Sentai series \"Ky\u014dry\u016b Sentai Zyuranger.\" The season's stories focus on five teenagers: Jason Lee Scott (Austin St. John), Trini Kwan (Thuy Trang), Zack Taylor (Walter Emanuel Jones), Kimberly Hart (Amy Jo Johnson), and Billy Cranston (David Yost), who are given the ability to morph into \"Power Rangers\" by Zordon (David Fielding) in order to put a stop to Rita Repulsa's (Machiko Soga, voice of Barbara Goodson) evil schemes. Later during the season, Tommy Oliver (Jason David Frank) is introduced as a villain, but later becomes the sixth member of the team. Together they continue", + "score": 0.72265625, + "summary": "David Fielding played Zordon in the original Mighty Morphin Power Rangers season 1.", + "extraction": "David Fielding played Zordon in the original Power Rangers." + }, + { + "id": "2917209", + "title": "Zordon", + "text": "are rather than simply restoring an old Red Ranger. With Rita's defeat, Zordon congratulates the Rangers, assuring them that their names will be remembered with honor among the other great Rangers of history. Zordon Zordon is a fictional character from the \"Power Rangers\" franchise who serves as the Rangers' mentor. Zordon first appeared on the first season of \"Mighty Morphin Power Rangers\" and appeared in subsequent seasons until the conclusion of \"Power Rangers in Space\". Ten thousand years ago, Zordon clashes with his nemesis, Rita Repulsa, on Earth. During their final battle, Rita traps Zordon in a time warp while", + "score": 0.7216796875, + "summary": "Zordon is a fictional character from the \"Power Rangers\" franchise who serves as the Rangers' mentor. Zordon first appeared on the first season of \"Mighty Morphin Power Rangers\" and appeared in subsequent seasons until the conclusion of \"Power Rangers in Space\". Irrelevant to the question.", + "extraction": "Zordon is a fictional character from the \"Power Rangers\" franchise who serves as the Rangers' mentor. Zordon first appeared on the first season of \"Mighty Morphin Power Rangers\" and appeared in subsequent seasons until the conclusion of \"Power Rangers in Space\"." + }, + { + "id": "3728297", + "title": "Walter Emanuel Jones", + "text": "Bosch. Jones returned to \"Power Rangers\" in the Lost Galaxy season (1999) where he played the voice of Hexuba's Nightmare Monster in the episode \"Dream Battle\"; he also acted in an episode of \"\" (2002) entitled \"Forever Red\" in which many previous Red Rangers teamed up. Again, he did not appear as his original character, Zack, but rather provided the voice for one of the antagonists, a general in the Machine Empire named Gerrok. He was also one of the special commentators, along with fellow co-star Amy Jo Johnson, on the \"1993\" episode of \"I Love the '90s\". He also", + "score": 0.72119140625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "3674209", + "title": "Jason Lee Scott", + "text": "Jason Lee Scott Jason Lee Scott is a fictional major character in the \"Power Rangers\" franchise, played by actor Austin St. John. Jason is best remembered as the original Red Ranger from the first entry of the franchise, \"Mighty Morphin Power Rangers\", as well as the leader of the original team of Power Rangers. He later becomes the second Gold Ranger in \"Power Rangers Zeo\". According to a contest held by ABC Family in 2004, Jason was voted as the #1 Red Ranger of all time. Out of all Red Rangers, he has defeated more enemies by himself than any", + "score": 0.7197265625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "3728295", + "title": "Walter Emanuel Jones", + "text": "Walter Emanuel Jones Walter Emanuel Jones (born November 30, 1970) is an American actor, martial artist, and dancer, known for playing the role of Zack Taylor, the Black Ranger on the hit television series \"Mighty Morphin Power Rangers\". He also appeared in successful television shows including \"Family Matters\", \"Step by Step\", \"Sabrina, the Teenage Witch\", \"Moesha\", \"Buffy the Vampire Slayer\", \"Early Edition\", \"NYPD Blue\", \"\", \"Off Centre\" and \"The Shield\". He played in movies including \"Backyard Dogs\" (2000), \"House of the Dead 2\" (2005), \"\" (2006) and recently in \"\" (2016). He gave his voice talent to movies as \"\"", + "score": 0.71923828125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about who played Zordon in the original Power Rangers." + }, + { + "id": "11934717", + "title": "Sci-Fi on the Rock", + "text": "the festival's first ever film festival. Special guests who were in attendance this year were actor Mike Savva (who was scheduled to appear for Sci-Fi on the Rock IV but was waylaid due to Volcanic activity over UK airspace), actor Robert Axelrod (better known as the voice of Lord Zedd from the Power Rangers), actor David Nykl, known as Doctor Zelenka from Stargate Atlantis, actor John Garman \"J. G.\" Hertzler (known in the Star Trek community for his role on Star Trek: Deep Space Nine (DS9) as the Klingon General, and later Chancellor, Martok) and Suzie Plakson who is an", + "score": 0.71826171875, + "summary": "Actor Robert Axelrod played Zordon in the original Power Rangers.", + "extraction": "Actor Robert Axelrod, better known as the voice of Lord Zedd from the Power Rangers, played Zordon in the original Power Rangers." + }, + { + "id": "7297535", + "title": "Day of the Dumpster", + "text": "shape. In its original unaired, unedited form the archetypal Zords are referred to as \"Droids\", the Power Morphers referred to as \"Transmorphers\" and Zordon was referred to as \"Zoltar\". The morphing and teleportation sequences were also different. A second pilot episode was presented in 2007 at the inaugural Power Morphicon convention by Tony Oliver. This featured Thuy Trang as Trini, Jason Narvy as Skull, and Richard Genelle as Ernie, as well as other aspects that made it to the aired series premiere. Scenes from the second pilot would later be used for the episode \"Big Sisters\". As part of the", + "score": 0.71728515625, + "summary": "Irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "2540914", + "title": "Zack Taylor", + "text": "Yellow Ranger (Trini Kwan) have been a source of criticism, due to the belief these colors are representations of their racial backgrounds. There are many parodies illustrating the perceived inherent racism of the show. According to the producers, this was not noticed until the tenth episode of \"Mighty Morphin Power Rangers\". Zack Taylor Zachary Taylor is a fictional character in the Power Rangers universe, appearing in the television series \"Mighty Morphin Power Rangers\". He is the original Black Ranger of the first generation of Power Rangers. He was played by actor Walter Emanuel Jones. Zack and his close friends Kimberly", + "score": 0.7158203125, + "summary": "Irrelevant.", + "extraction": "Walter Emanuel Jones played Zordon in the original Power Rangers. (Note: The original question is incorrect as Zordon is not the character played by Walter Emanuel Jones. The correct answer should be \"Walter Emanuel Jones played the original Black Ranger in the first generation of Power Rangers.\")" + }, + { + "id": "3674230", + "title": "Jason Lee Scott", + "text": "the first female red Mighty Morphin Power Ranger. The Official Mighty Morphin Power Rangers Guidebook , Jason Lee Scott Jason Lee Scott is a fictional major character in the \"Power Rangers\" franchise, played by actor Austin St. John. Jason is best remembered as the original Red Ranger from the first entry of the franchise, \"Mighty Morphin Power Rangers\", as well as the leader of the original team of Power Rangers. He later becomes the second Gold Ranger in \"Power Rangers Zeo\". According to a contest held by ABC Family in 2004, Jason was voted as the #1 Red Ranger of", + "score": 0.71533203125, + "summary": "Austin St. John played Zordon in the original Power Rangers. (Note: The document actually talks about Jason Lee Scott, who was the original Red Ranger, but not about who played Zordon.)", + "extraction": "Austin St. John played Zordon in the original Power Rangers." + }, + { + "id": "7217748", + "title": "Paul Schrier", + "text": "Paul Schrier Paul L. Schrier II (born June 1, 1970) is an American actor and voice actor. He is known for his role of Farkas \"Bulk\" Bulkmeier in the Power Rangers series. He portrayed the character for seven seasons from 1993\u20131999, returning in 2011 for the eighteenth season of \"Power Rangers Samurai\", and was the last original cast member to leave the show. Schrier has also done some directing work, directing a few Power Rangers episodes, 16 episodes of the \"Hello Kitty\" animated series, and a short film, \"An Easy Thing\". He is also an artist, having worked on the", + "score": 0.7138671875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention anything about who played Zordon in the original Power Rangers." + }, + { + "id": "1482962", + "title": "Mighty Morphin Power Rangers", + "text": "who was responsible for capturing Rita (and also being enemies back on Zordon's homeworld, Eltar), later becomes aware of her release and orders his robotic assistant Alpha 5 to select five \"teenagers with attitude\" to defend the Earth from Rita's attacks. The five teens chosen are Jason Lee Scott, Kimberly Hart, Zack Taylor, Trini Kwan and Billy Cranston. Zordon gives them the ability to transform into a fighting force known as the Power Rangers; providing them with an arsenal of weapons at their disposal, as well as colossal assault machines called Zords which can combine into a giant humanoid machine", + "score": 0.712890625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "2536306", + "title": "Jason David Frank", + "text": "called Zeo Ranger V). The following year in \"Power Rangers Turbo\", his character became the first Red Turbo Ranger. During mid-season, Frank and fellow cast members Johnny Yong Bosch, Nakia Burrise and Catherine Sutherland agreed to leave and were replaced. After he left the series in 1997, Frank came back to \"Power Rangers\" as the Red Zeo Ranger in 2002 for the special 10th anniversary episode, entitled \"Forever Red\", in \"Power Rangers Wild Force\", which brought back ten former Red Rangers, and reunited him with Austin St. John. He then reprised his role in 2004 in \"Power Rangers Dino Thunder\",", + "score": 0.71240234375 + }, + { + "id": "3674227", + "title": "Jason Lee Scott", + "text": "skeptical at the story presented by Zordon, Jason soon accepts his role as leader and works to rally the team, even daring to confront Rita Repulsa when they have yet to master their powers. This attack on Rita results in Billy's death, but the sight of the team coming together prompts Zordon to selflessly sacrifice a chance to return to life and instead resurrect Billy, allowing the new Rangers to battle Rita after Zordon's team failed. He even wields a sword that once belonged to Zordon, and saves his dad's life without revealing his identity. The character also appears in", + "score": 0.71240234375 + }, + { + "id": "2543979", + "title": "Power Rangers Zeo", + "text": "there to help the Rangers. After he is injured in battle, it is revealed that Gold Ranger is an alien, Trey of Triforia. Split into three separate selves, Trey is forced to temporarily pass his powers to a worthy warrior while healing. They attempt to transfer Trey's powers to Billy, but as Billy acquired excess negative energy during the Command Center's destruction, he is unable to do so. The ultimate successor is Jason Lee Scott, the original Red Power Ranger and team leader. This event also sees the introduction of the more powerful Super Zeozords, which were used against a", + "score": 0.7109375 + }, + { + "id": "4392492", + "title": "Richard Steven Horvitz", + "text": "Richard Steven Horvitz Richard Steven Horvitz (born July 29, 1966), sometimes credited as Richard Wood, is an American actor and voice actor. In the world of animation, he has voiced mentally unstable and neurotic characters. He is known for his work as the voice of the original Alpha 5 in \"Mighty Morphin Power Rangers\", \"Power Rangers Zeo\", and \"Power Rangers Turbo\", Razputin \"Raz\" Aquato in \"Psychonauts\", Kaos in the \"Skylanders\" franchise, Billy and his father Harold in \"The Grim Adventures of Billy & Mandy\", Grey Matter in \"Ben 10\", Daggett in \"The Angry Beavers\", Bumble in \"Kinectimals\", the title character", + "score": 0.70751953125 + }, + { + "id": "18294662", + "title": "Power Rangers (film)", + "text": "the Zeo Crystal. The Green Ranger, Rita Repulsa, betrays them and plans to dominate the universe. The Red Ranger, Zordon, survives Rita's attack and hides five of the Rangers' power source, the Power Coins. He orders Alpha 5, his robotic assistant, to perform a meteor strike that kills him, the dinosaurs, and sends Rita to the bottom of the sea, foiling her scheme. In 21st-century Angel Grove, high school football star Jason Scott is dismissed from the team and placed under house arrest after a failed prank. In detention, he encounters Billy Cranston and Kimberly Hart. After defending Billy from", + "score": 0.7060546875 + }, + { + "id": "3728298", + "title": "Walter Emanuel Jones", + "text": "reunited with Austin St. John (with whom he formed a close friendship during their time together on the show) as co-host for a special airing of the original pilot episode of \"Power Rangers\" called \"The Lost Episode\". Jones was the very first actor to do voicework for any character other than a Ranger (mainly for monsters or villains) on a \"Power Rangers\" show after having a role as a Ranger himself. Other former Rangers who would do voicework after Jones included Archie Kao, Catherine Sutherland, Jason Faunt, Valerie Vernon, Sean Cw Johnson and Johnny Yong Bosch. Jones was a lead", + "score": 0.70556640625 + }, + { + "id": "3004657", + "title": "David Yost", + "text": "David Yost David Harold Yost (born January 7, 1969) is an American actor and producer. He is best known for portraying Billy Cranston in \"Mighty Morphin Power Rangers\", \"\", \"Mighty Morphin Alien Rangers\" and \"Power Rangers Zeo\". Yost was born in Council Bluffs, Iowa. He moved around the United States while winning many national gymnastics competitions, most notably the state championships in Iowa and Montana. In 1987, he graduated from Amador Valley High School in Pleasanton, California. In 1991, he graduated from Graceland University in Lamoni, Iowa with a Bachelor of Arts in communication and dramatic arts. Yost moved to", + "score": 0.70556640625 + }, + { + "id": "14835734", + "title": "Mighty Morphin Power Rangers (season 2)", + "text": "Walter Jones, Thuy Trang, Austin St. John, Jason David Frank, Jason Narvy and Paul Schrier. Jones, Trang and St. John are later replaced with Johnny Yong Bosch, Karan Ashley and Steve Cardenas respectively as new characters, but taking on the previous characters' colors and powers. Season two picks up directly where season one left off, with the Rangers facing off against the evil Rita Repulsa and her wicked schemes. However, a new villain, Lord Zedd (Edwin Neal), is introduced. He seals Rita back into her dumpster and takes over as the new main villain for the Rangers. Tommy (Frank) loses", + "score": 0.70556640625 + }, + { + "id": "3212317", + "title": "Trini Kwan", + "text": "series. When Thuy Trang, Austin St. John (Jason), and Walter Jones (Zack) left the show (over contract disputes), their characters stopped making new on-screen or face-to-camera shots- simply being shown in their Ranger uniforms, using old footage, or with doubles who were never directly facing the cameras- before they were written off in the two-part \"Power Transfer\" episode in which their characters were chosen to attend the World Peace Conference. Trini urged Zordon that they could not leave during such a crisis, but Zordon advised the transfer the best decision to make. The Sword of Light transferred Trini's powers to", + "score": 0.705078125 + }, + { + "id": "2536304", + "title": "Jason David Frank", + "text": "Jason David Frank Jason David Frank (born September 4, 1973) is an American actor, professional mixed martial artist, and former professional wrestler. He is most notable for his career as Tommy Oliver from the \"Power Rangers\" franchise. Frank originally auditioned for the role of Jason Lee Scott, the Red Ranger, but lost the role to Austin St. John. He auditioned again in 1993, and was cast in the role of Tommy Oliver, the Green Ranger. Frank was supposed to be the lead character Adam Steele in \"VR Troopers\" (originally called \"Cybertron\") and shot a pilot episode before being called back", + "score": 0.70361328125 + }, + { + "id": "2536305", + "title": "Jason David Frank", + "text": "to \"Power Rangers\". According to both Frank and Brad Hawkins, Hawkins' character was to replace Tommy Oliver originally as the White Ranger on Power Rangers. However, due to Tommy Oliver's popularity with \"Ranger\" fans, Frank was brought back, with Tommy Oliver becoming the White Ranger. Hawkins would take over on \"VR Troopers\". The character Adam Steele was renamed Ryan Steele. After three seasons, \"Mighty Morphin Power Rangers\" transitioned into \"Power Rangers Zeo\". The transition is part of the annual Ranger suit change to match the annual change of the \"Super Sentai\" series. Frank's character became the Red Zeo Ranger (also", + "score": 0.70068359375 + }, + { + "id": "6339602", + "title": "Jason Narvy", + "text": "Jason Narvy Jason Andrew Narvy (born March 27, 1974) is an American actor known for playing the role of Eugene \"Skull\" Skullovitch on the various iterations of \"Power Rangers\" and film franchise from 1993 to 2012, beginning with \"Mighty Morphin Power Rangers\" in 1993. Narvy grew up in Los Angeles. He studied at the Lee Strasberg Theater Institute. He is best known for playing Skull, one half of the bullying rival duo on Fox Television's children's TV series \"Mighty Morphin Power Rangers\", a role he reprised on its spin-offs, \"Power Rangers Zeo\", \"Power Rangers Turbo\", and \"Power Rangers in Space\",", + "score": 0.7001953125 + }, + { + "id": "4392496", + "title": "Richard Steven Horvitz", + "text": "(Billy, Billy's dad), \"Ben 10\" (Grey Matter), \"Squirrel Boy\" (Rodney), and \"Shorty McShorts' Shorts\" as Dudley. After his stint as Alpha 5 ended, Horvitz went on to voice a few monsters in other \"Power Rangers\" series, and was also the voice of Alpha 7 in the \"\" episode, \"Forever Red\". He also played the main character Razputin in \"Psychonauts\", and Orthopox in \"Destroy All Humans!\", \"Destroy All Humans! 2\" and \"Destroy All Humans! Path of the Furon\", (not \"Destroy All Humans! Big Willy Unleashed\") in a voice that closely resembles that of Zim (rather, what would happen if Zim adopted", + "score": 0.7001953125 + }, + { + "id": "10079227", + "title": "Campbell Cooley", + "text": "in New Zealand's medical soap opera Shortland Street as nurse 'Liam Todd', caregiver to Dr. Chris Warner's twin sister, Amanda Warner (Marissa Stott). In 2007 he revived the voice of Alpha 6 from the long running Power Rangers series. In 2013 he appears as the voice of Admiral Malkor on the 20th season of Power Rangers series, \"Power Rangers Megaforce\". In 2017 he provided the voice of Cosmo Royale and Ripcon on the 24-25th season of Power Rangers series, \"Power Rangers Ninja Steel\". Campbell Cooley Campbell Cooley is a professional actor and voice artist. He attended the University of Louisville", + "score": 0.69921875 + }, + { + "id": "5190729", + "title": "Barbara Goodson", + "text": "Barbara Goodson Barbara Dale Goodson (born August 16, 1949) is an American voice actress who has done voice-over work in cartoons and shows. Her best-known role was providing the English dub voice of the main villain Empress Rita Repulsa in the \"Power Rangers\" franchise, starting with \"Mighty Morphin Power Rangers\", and including \"Power Rangers Zeo\", \"\", \"Power Rangers in Space\". Other \"Power Rangers\" characters include Prince Sprocket and Orbus in \"Power Rangers Zeo\", and Mandilok in \"Power Rangers Wild Force\". She also voiced Red Fraggle and Wingnut in Jim Henson's cartoon \"\", Ladyborg in \"Beetleborgs Metallix\". and Mother Talzin on", + "score": 0.6982421875 + }, + { + "id": "4720448", + "title": "Turbo: A Power Rangers Movie", + "text": "Zeo Ranger powers, wherein the Power Rangers emerge with tattered costumes. The unused plot would also explained how the Turbo powers were created. It was also originally scripted that Billy Cranston (the original Blue Ranger) had created the Turbo powers with Zordon and Alpha 5. While this plot element was ultimately dropped from the theatrical release, the concept of torn outfits would be used for the \"Turbo\" season finale. Also, whereas Hilary Shepard Turner appears as Divatox in the film, by the time filming began for the TV series, she had taken maternity leave, thus being replaced by Carol Hoyt.", + "score": 0.6982421875 + }, + { + "id": "1482990", + "title": "Mighty Morphin Power Rangers", + "text": "on fire during the filming of \"\". Additionally, despite the show's financial success, members of the original cast did not receive royalty payments for re-runs of episodes they starred in. According to Johnson, St. John, Jones and Trang had wanted the show to become unionized, leading to them being replaced by Steve Cardenas, Johnny Yong Bosch, and Karan Ashley, respectively. David Yost was the last of the original Power Rangers to leave the series (during \"Power Rangers Zeo\"), citing homophobic attitudes from production staff, prompting him to unsuccessfully undergo conversion therapy in an effort to change his sexuality. In a", + "score": 0.697265625 + }, + { + "id": "2481786", + "title": "Rita Repulsa", + "text": "Morphin Power Rangers: The Movie\", Rita, Zedd, Goldar, and Mordant arrive on earth at the constructive site and crack open a giant egg releasing Ivan Ooze after 6,000 years, a morphological being who ruled earth with an iron fist before he was overthrown by Zordon and a group of young warriors. Ivan usurps Rita and Zedd, trapping them in a snow globe. In a mid-credits scene, Goldar briefly lounges in Zedd's throne being served by Mordant only to panic when Zedd and Rita appear having been released after Ivan was destroyed. On February 2, 2016, it was announced that Elizabeth", + "score": 0.69677734375 + }, + { + "id": "13561061", + "title": "Milo Cawthorne", + "text": "Milo Cawthorne Milo Cawthorne (born 30 April 1989) is a New Zealand actor best known for playing Ziggy Grover, Ranger Operator Series Green from the children's television series \"Power Rangers RPM\". Cawthorne began acting since he was 13 years old after being spotted by a local agent. Growing up, he landed several roles in children's shows like P.E.T. Detectives, Secret Agent Men, and Maddigan's Quest. After graduating from secondary school, Cawthorne chose to forgo a college education and continue pursuing an acting career. He landed the role of the bumbling reformed ex-cartel member named Ziggy Grover on \"Power Rangers RPM\".", + "score": 0.6953125 + }, + { + "id": "3229970", + "title": "Mighty Morphin Power Rangers: The Movie", + "text": "Mighty Morphin Power Rangers: The Movie Mighty Morphin Power Rangers: The Movie (also known as Power Rangers: The Movie) is a 1995 American superhero film based on the television series \"Mighty Morphin Power Rangers\". It stars the ensemble cast of Karan Ashley, Johnny Yong Bosch, Steve Cardenas, Jason David Frank, Amy Jo Johnson, and David Yost alongside the villains cast from the original series and Paul Freeman as Ivan Ooze. Much like the television season that followed the release, it used concepts from the Japanese Super Sentai series \"Kyoryu Sentai Zyuranger, and Ninja Sentai Kakuranger\". It is the first \"Power", + "score": 0.69482421875 + }, + { + "id": "4120069", + "title": "Billy Cranston", + "text": "breaks up a fight between Jason and Zack, albeit accidentally. He is killed by Rita after she forces him to reveal the location of the Zeo Crystal, but Zordon sacrifices a chance to restore his own body to bring Billy back to life. When they morph for the first time and take the zords into battle, Billy initially accidentally 'drives' his zord backwards before turning it around in time for the final confrontation with Goldar. This film marks the first on-screen appearance of Bryan Cranston, who Billy is named after, as well as the only time in the franchise's long", + "score": 0.6943359375 + }, + { + "id": "4120054", + "title": "Billy Cranston", + "text": "Billy Cranston William \"Billy\" Cranston is a fictional character in the Power Rangers universe. He is the Blue Ranger in the series \"Mighty Morphin Power Rangers,\" and was portrayed by actor David Yost. Billy is the only original Power Ranger to remain for the entire \"MMPR\" series, and is the second longest-serving Ranger overall behind Tommy Oliver. Until his departure, he was considered the brains of the Power Rangers team, creating many gadgets with which to solve problems that not even Zordon foresaw, and he even invented the first team's wrist-worn communication devices. Billy was one of the five \"teenagers", + "score": 0.69287109375 + }, + { + "id": "2917208", + "title": "Zordon", + "text": "Grid that will occur when the new Rangers connect to their powers for the first time to restore himself to a corporeal body, accusing him of using the team for his own agenda. However, after Billy Cranston is drowned by Rita after she forces him to reveal the location of the Zeo Crystal, the other four Rangers affirm their willingness to die for each other as Billy died for them, triggering the convergence Zordon anticipated, only for Zordon to sacrifice the chance to restore himself to bring Billy back to life, recognizing that the new team are required as they", + "score": 0.69287109375 + }, + { + "id": "8293473", + "title": "Vernon Wells (actor)", + "text": "Force\" (2001). In the \"Power Rangers\" episodes, he played the role of Ransik, a mutant crime lord from the year 3000 who travels back in time to take over the world. In 2002, he reprised this role for the \"Power Rangers Wild Force\"/\"Time Force\" two-part team-up episode \"Reinforcements from the Future\". Wells starred in the 2009 horror film \"Silent Night, Zombie Night\". He has a son, Steve, a grandson, D'Arcy, two granddaughters, a great grandson and great grand-daughter. Vernon Wells (actor) Vernon George Wells (born 31 December 1945) is an Australian actor. He began appearing on Australian television shows in", + "score": 0.6923828125 + }, + { + "id": "3674210", + "title": "Jason Lee Scott", + "text": "other Ranger, and is the only Ranger to beat Tommy Oliver in a fight. A subsequent contest on Toon Disney in 2007 also voted him as the most popular Red Ranger. As stated at the first Power Morphicon, Jason still holds this title. Jason is a martial artist from the fictional town of Angel Grove, California. In the beginning of \"Mighty Morphin Power Rangers\", he and his closest friends Zack Taylor, Billy Cranston, Trini Kwan and Kimberly Hart are selected by Zordon and Alpha 5 as the five \"teenagers with attitude\" to become the original Power Rangers and defend Earth", + "score": 0.69140625 + }, + { + "id": "6339605", + "title": "Jason Narvy", + "text": "California, Santa Barbara. He is currently an associate professor in the Theatre Department at Concordia University in Chicago. To this date, Narvy remains very good friends with his co-stars Paul Schrier and Jason David Frank. Jason Narvy Jason Andrew Narvy (born March 27, 1974) is an American actor known for playing the role of Eugene \"Skull\" Skullovitch on the various iterations of \"Power Rangers\" and film franchise from 1993 to 2012, beginning with \"Mighty Morphin Power Rangers\" in 1993. Narvy grew up in Los Angeles. He studied at the Lee Strasberg Theater Institute. He is best known for playing Skull,", + "score": 0.69091796875 + }, + { + "id": "3229981", + "title": "Mighty Morphin Power Rangers: The Movie", + "text": "TV series. Mighty Morphin Power Rangers: The Movie Mighty Morphin Power Rangers: The Movie (also known as Power Rangers: The Movie) is a 1995 American superhero film based on the television series \"Mighty Morphin Power Rangers\". It stars the ensemble cast of Karan Ashley, Johnny Yong Bosch, Steve Cardenas, Jason David Frank, Amy Jo Johnson, and David Yost alongside the villains cast from the original series and Paul Freeman as Ivan Ooze. Much like the television season that followed the release, it used concepts from the Japanese Super Sentai series \"Kyoryu Sentai Zyuranger, and Ninja Sentai Kakuranger\". It is the", + "score": 0.6904296875 + }, + { + "id": "7384535", + "title": "Kerrigan Mahan", + "text": "Kerrigan Mahan Kerrigan Patrick Mahan (born January 27, 1955) is an American voice actor. He has had voice roles in \"Lensman\", \"Zillion\", \"Vampire Hunter D\" and \"Crying Freeman\", as Goldar in \"Mighty Morphin Power Rangers\" and \"Power Rangers Zeo\", Jeb the talking dog in \"VR Troopers\", and the original Magna Defender in \"Power Rangers Lost Galaxy\". He also played the voice role of Monitor Org in \"Power Rangers Wild Force\". Mahan has also been involved in theater work, directing \"Matty: An Evening With Christy Mathewson\", a play based on the life of baseball player Christy Mathewson, who was portrayed by", + "score": 0.689453125 + }, + { + "id": "4120072", + "title": "Billy Cranston", + "text": "his friends, it was mentioned they were having trouble with the signal). He was also the last of the original Power Ranger team to leave the show, although his former teammate Jason had returned as the Gold Ranger at that time. Billy Cranston William \"Billy\" Cranston is a fictional character in the Power Rangers universe. He is the Blue Ranger in the series \"Mighty Morphin Power Rangers,\" and was portrayed by actor David Yost. Billy is the only original Power Ranger to remain for the entire \"MMPR\" series, and is the second longest-serving Ranger overall behind Tommy Oliver. Until his", + "score": 0.68896484375 + }, + { + "id": "3580420", + "title": "Austin St. John", + "text": "first acting role and most well known role to date came to him when he was just a teenager, when he was cast as teen superhero Jason Lee Scott in Mighty Morphin Power Rangers, the first installment of the Power Rangers franchise, which debuted on Fox Kids in 1993. For his role, he took the stage name Austin St. John, Austin coming from The Six Million Dollar Man's Steve Austin and St. John being a name of his own choosing. Like St. John, his character had a background in martial arts. Though the series was hugely successful and brought St.", + "score": 0.6875 + }, + { + "id": "4120060", + "title": "Billy Cranston", + "text": "she assembled and took command of the Wild West Ranger team in a battle against Goldar and several other time traveling foes. Also in Season 2, Billy commands the Unicorn Thunderzord. In season 3, Billy gained new powers from Ninjor, who gave him the Wolf Power Coin, and became the Blue Ninja Ranger. Billy Cranston is named after Actor Bryan Cranston, who completed some voice over work for the show, and would later go on to portray Zordon of Eltar in the 2017 reboot. The Rangers are de-aged by a time reversal spell performed by Rita Repulsa's father, Master Vile.", + "score": 0.6865234375 + }, + { + "id": "2540958", + "title": "Tommy Oliver", + "text": "the Power Rangers comic from Boom Studios. A villainous alternate version of Tommy from another universe known as Lord Drakkon is also featured, with his costume combining elements of Tommy's green and white Ranger suits. Drakkon also controls a unique Zord called the Black Dragon. Because of the chain of events including Lord Drakkon's attacks to the Power Rangers' universe, it creates an alternate reality from the television series' continuity. He also kills Tommy before he can become the White Ranger. In 2018, Jason David Frank has been involved with Boom! Studios' \"Power Rangers\" comic book storyline \"Shattered Grid\", about", + "score": 0.685546875 + }, + { + "id": "3004658", + "title": "David Yost", + "text": "California with hopes of becoming an actor, and won the part of Billy Cranston (Blue Power Ranger) in the television series \"Mighty Morphin Power Rangers\" three months after arriving. He starred in almost 200 episodes of the show's first four seasons. He was the only cast member to appear in every single episode of the original series; his character never changed his colors or passed on his power coins to successors like the rest of the original cast. Yost's most high-profile work was his appearance in \"\" (1995), which took in over $30 million at the box office. The film", + "score": 0.68505859375 + }, + { + "id": "4120062", + "title": "Billy Cranston", + "text": "by child actors after Master Vile had used the Orb of Doom to revert time by approximately ten years. Billy acted in this period as a liaison between the Aquitian Rangers and Earth. It was the cure for Billy's reverse-aging that eventually served as the plot device by which he was removed from the show. When \"Power Rangers Zeo\" began, Billy officially retired from active Ranger service as the six-man team now only had the five segments of the Zeo Crystal as a power source for each member of the team, allowing Tanya to take his place while he continued", + "score": 0.68408203125 + }, + { + "id": "17041319", + "title": "Villains in Mighty Morphin Power Rangers", + "text": "quickly conquered it, defeating and capturing the Gold Ranger in the process. When Zordon's energy wave washed over them and their army, Zedd was spared, transformed into a human being. His love for Rita seemed to remain and the two danced together in the remnants of their army, much to the confusion and relief of the Gold Ranger. He was performed by Ed Neil in the TV series, Mark Ginther in \"MMPR: The Movie\", and voiced by Robert Axelrod. In the video game \"Power Rangers: Super Legends\", he is voiced by Steven Blum. Tom Oliver (portrayed by Jason David Frank)", + "score": 0.68359375 + }, + { + "id": "3674228", + "title": "Jason Lee Scott", + "text": "the \"Mighty Morphin Power Rangers\" comic from Boom Studios. Jason also has a parallel universe doppelg\u00e4nger, who not only has the Red Ranger powers but also the White Ranger's. This Jason was an archenemy of Lord Drakkon, who is an evil parallel universe doppelg\u00e4nger of Tommy Oliver. Lord Drakkon ultimately killed his world's Jason and takes his enemy's White Ranger powers and Red Ranger helmet as trophies, and eliminates their world's Power Rangers. Kimberly is the main character in this comic book mini series published by Boom! Studios. The series is a modern remake but also serves as a continuation", + "score": 0.6826171875 + }, + { + "id": "12808354", + "title": "Eka Darville", + "text": "Jones\", as well as Diego on The CW TV series \"The Originals\" and Ryan Morgan on the Fox TV series \"Empire\" as well as his past roles as Adam Bridge on the Australian television drama series \"Blue Water High\", Taylor in \"The Elephant Princess\", Scott Truman (Red Ranger) in \"Power Rangers RPM\" and Pietros in \"\". Eka Darville Eka Darville (born 11 April 1989) is an Australian actor. He is best known for his roles as Scott Truman in \"Power Rangers RPM,\" Pip in \"Mr. Pip\", Malcolm Ducasse in \"Jessica Jones\" and Diego in \"The Originals\". Darville went to Byron", + "score": 0.6826171875 + }, + { + "id": "16127083", + "title": "Johnny Yong Bosch", + "text": "Johnny Yong Bosch Johnny Yong Bosch (born January 6, 1976) is a Korean American actor, voice actor, martial artist and musician. His first major role was the portrayal of Adam Park, the second Black Power Ranger and later, the Green Zeo Ranger and first Green Turbo Ranger in the \"Power Rangers\" franchise, which led to roles in some martial arts television and feature films. He provides the English voices for a number of anime productions and video games, including Shotaro Kaneda in \"Akira\", Vash the Stampede in \"Trigun\", Ichigo Kurosaki in \"Bleach\", Sasori in \"Naruto\", Renton Thurston in \"Eureka Seven\",", + "score": 0.6826171875 + }, + { + "id": "20859203", + "title": "Shattered Grid", + "text": "In an alternate universe, Tommy Oliver refused to join the Power Rangers and stayed loyal to Rita Repulsa, taking the name of \"Lord Drakkon\" after a former acolyte of Rita. Together, they conquered Earth and killed Zordon, Jason Scott, Billy Cranston, among others. At some point, Drakkon also killed Rita to form his own army, including Scorpina, Finster 5, and a brainwashed Kimberly Hart as the Ranger Slayer. To fight this treat, Zack Taylor and Trini Kwan founded \"The Coinless\", a resistance movement that opposes Drakkon's regime. Additionally, another Tommy and his fellow Rangers confronted him, destroying his Power Coin", + "score": 0.68212890625 + }, + { + "id": "3674219", + "title": "Jason Lee Scott", + "text": "to Tommy's aid and together with the other Rangers they defeat the Nimrod. Some time later, Jason, Trini and Zack are chosen to act as ambassadors at a Peace Conference in Switzerland (after the actors playing the characters left the show over contract disputes, the characters simply being shown in their Ranger uniforms, using old footage, or with doubles who were never directly facing the cameras, until the transfer could be incorporated into the plot of the show), and are forced to leave the team. Zordon chooses Rocky DeSantos to replace Jason as the Red Ranger. Jason returns in \"Power", + "score": 0.68115234375 + }, + { + "id": "3674216", + "title": "Jason Lee Scott", + "text": "against Goldar, who kidnaps the parents of Angel Grove High's students, then ransoms them for the Ranger's five Power Coins. Jason would later reveal that though he gave up his Tyrannosaurus Power Coin to Goldar, he kept the Dragon Power Coin. With it, Tommy eventually regains his Green Ranger powers, retrieves the other Ranger's Power Coins and helps the team save their captive parents. When Lord Zedd arrives and overruns Rita, he sends his new brand of Putty Patrollers to Earth. The Putties possess superior strength to Rita's Putties, but it is Jason who discovers their weak spot. In order", + "score": 0.68115234375 + }, + { + "id": "7217749", + "title": "Paul Schrier", + "text": "comic book \"The Red Star\". In 2017, he starred in his first animation voice role as Flonk in Cartoon Network's \"Mighty Magiswords\". Paul Schrier Paul L. Schrier II (born June 1, 1970) is an American actor and voice actor. He is known for his role of Farkas \"Bulk\" Bulkmeier in the Power Rangers series. He portrayed the character for seven seasons from 1993\u20131999, returning in 2011 for the eighteenth season of \"Power Rangers Samurai\", and was the last original cast member to leave the show. Schrier has also done some directing work, directing a few Power Rangers episodes, 16 episodes", + "score": 0.68017578125 + }, + { + "id": "2917204", + "title": "Zordon", + "text": "Rita. Zordon guides the Rangers over several years, creating the Zeo and Turbo powers to combat the threats of the Machine Empire and Divatox. Over time, Zordon upgrades the Command Center, first into the Power Chamber and then into the Turbo Chamber. Zordon and Alpha leave Earth for Eltar, leaving the Turbo Rangers under the guidance of Dimitria and her assistant, Alpha 6, but return a short while later to attend the transfer of the Turbo powers to T.J., Cassie, Carlos and Ashley. Months after his departure, Zordon is captured by Dark Specter, who slowly drains him of his powers,", + "score": 0.68017578125 + }, + { + "id": "9748875", + "title": "Mighty Morphin Power Rangers: The Movie (video game)", + "text": "of nine rangers: Tommy, Adam, Kimberly, Billy, Aisha, Rocky, Zach, Trini, and Jason. When selecting Jason, Zach, and Trini, the voice clips of Adam, Aisha, and Rocky are heard when calling out their respective Zord name as their morphing command. The reason for this is because the original actors for them were released from contract after the events of the Power Transfer two-parter episode of Mighty Morphin' Power Rangers. Sega and Banpresto asked for permission from Saban Entertainment to use their characters but have the three replacements use their voices instead of Jason, Trini, and Zach. There are cinematic scenes", + "score": 0.6796875 + }, + { + "id": "9369396", + "title": "Ron Wasserman", + "text": "Ron Wasserman Ronald Aaron Wasserman (born September 2, 1961), also known as Aaron Waters and The Mighty Raw, is an American music artist best known for composing the original theme song for \"Mighty Morphin Power Rangers\" and for the large volume of original songs he also recorded for the franchise. He is also a member of the band Fisher. Wasserman has been fascinated with music since he was three years old. His early music bands include Hollywood Headliners Betty Boop & the Beat, formed by SAG actress Lucrecia Sarita Russo. In 1983, (with Wasserman on keyboards) the group opened for", + "score": 0.6796875 + }, + { + "id": "2917206", + "title": "Zordon", + "text": "Astronema into her former self Karone, and the other villains into sand. In the , Lord Zedd and Rita Repulsa free Ivan Ooze, who destroys the Command Center and Zordon's energy tube, leaving him on the verge of death. With Zordon dying, the Rangers travel to Phaedos in order to obtain the Great Power needed to revive him. After achieving their goal on Phaedos with the help of Dulcea, the Rangers return to Earth and defeat Ivan Ooze. Having succeeded, they return to the Command Center to find Zordon has died. The Rangers then use the Great Power to repair", + "score": 0.67919921875 + }, + { + "id": "3161315", + "title": "Catherine Sutherland", + "text": "Catherine Sutherland Catherine Jane Sutherland (born 24 October 1974) is an Australian actress. She is known for her portrayal of Kat Hillard, the second Pink Power Ranger and later, the Pink Zeo Ranger and the first Pink Turbo Ranger in the \"Power Rangers\" television series. Sutherland joined the cast of \"Mighty Morphin Power Rangers\" partway through its third season, replacing Amy Jo Johnson's character Kimberly Hart as the bearer of the title of Pink Ranger. Sutherland as Kat remained a member of the cast during the fourth season \"Power Rangers Zeo\", the film \"\", and the fifth season \"Power Rangers", + "score": 0.67919921875 + }, + { + "id": "17041307", + "title": "Villains in Mighty Morphin Power Rangers", + "text": "attack and then aids Cyclopsis in its next two battles against the Power Rangers, but disappears forever when Cyclopsis is destroyed by the Ultrazord. Early plans for the series that became \"Ninja Storm\" would have featured Lokar\u2014like Scorpina\u2014making a return appearance as a villain. Lokar was portrayed by Masahiko Urano and voiced by Robert Axelrod. Lord Zedd was the primary antagonist for the first 40 episodes of the second season and co-antagonist for the rest of season 2 and all of season 3. When he first appeared in season 2 of MMPR, Zedd was quite furious with Rita's constant failures", + "score": 0.67919921875 + }, + { + "id": "6636602", + "title": "Steve Cardenas", + "text": "Steve Cardenas Stephen Antonio Cardenas (born May 29, 1974) is an American martial artist, musician, and semi retired actor. Cardenas is best known for playing the character Rocky DeSantos, which was the second Red Power Ranger in \"Mighty Morphin Power Rangers\" and eventually became the Blue Zeo Ranger in \"Power Rangers Zeo\", two seasons later. Cardenas was born Stephen Antonio Cardenas on May 29, 1974 in Hampton, Virginia, at the Langley Air Force Base. Spending his early childhood as a military brat, Cardenas was raised in San Antonio, Texas. He is of half Mexican descent. He started training in martial", + "score": 0.6787109375 + }, + { + "id": "2540954", + "title": "Tommy Oliver", + "text": "Dino Rangers. According to S.P.D. Red Ranger Jack Landors, Tommy's services as a Power Ranger are well known in the future. In this episode, Jason David Frank didn't reprise his role as Tommy Oliver, and as such only appears morphed. He was instead voiced by Jeffrey Parazzo, who also portrays Trent. Although he doesn't appear on screen in the \"Power Rangers Operation Overdrive\" two-part episode \"Once a Ranger\", Kira mentions how Tommy would have enjoyed seeing the Operation Overdrive Power Rangers' base of operations, with Adam noting his incredulity that Tommy received a doctorate. Jason David Frank reprised the character", + "score": 0.6787109375 + }, + { + "id": "6948303", + "title": "Robert Z'Dar", + "text": "Robert Z'Dar Robert J. Zdarsky (June 3, 1950 \u2013 March 30, 2015), better known by his stage name Robert Z'Dar, was an American actor and film producer, best known for his role as officer Matt Cordell in the cult horror film \"Maniac Cop\" and its two sequels. Z'Dar worked mainly in low-budget B-movies and direct-to-video features, but occasionally in mainstream Hollywood films and television. Due to his cherubism, a medical condition resulting in an enlarged jawline, Z'dar had a unique and easily recognizable look with a slightly sinister appearance, which aided his career as he usually portrayed villains. A prolific", + "score": 0.67822265625 + }, + { + "id": "7384536", + "title": "Kerrigan Mahan", + "text": "another voice actor, Eddie Frierson. He played the villain Clint on \"S.W.A.T.\"s \"Omega One\". He was also the director for two episodes of the English version of the TV series \"Grimm's Fairy Tale Classics\". Kerrigan Mahan Kerrigan Patrick Mahan (born January 27, 1955) is an American voice actor. He has had voice roles in \"Lensman\", \"Zillion\", \"Vampire Hunter D\" and \"Crying Freeman\", as Goldar in \"Mighty Morphin Power Rangers\" and \"Power Rangers Zeo\", Jeb the talking dog in \"VR Troopers\", and the original Magna Defender in \"Power Rangers Lost Galaxy\". He also played the voice role of Monitor Org in", + "score": 0.67822265625 + }, + { + "id": "5487423", + "title": "Ken Olandt", + "text": "Ken Olandt Kenneth Andrew \"Ken\" Olandt (born April 22, 1958) is an American actor, producer, executive producer and businessman. He is the co-founder of Unified Film Organization, LLC. He was born in Richmond, California to Robert and Beverly Olandt. He is best known for his lead starring role as Detective Zachary Stone in the syndicated series Super Force (1990-1992, 48 episodes). He is also well known as Larry Kazamias in the comedy film \"Summer School\". He starred in the 1993 horror film \"Leprechaun\" and had a recurring role as \"Dooley\" in the second season of \"Riptide\" (1984). He guest-starred as", + "score": 0.677734375 + }, + { + "id": "3004665", + "title": "David Yost", + "text": "former co-stars. Yost appeared alongside his friend and former Power Rangers co-star, Amy Jo Johnson in one of Johnson's Stageit webcast shows in 2014. As of 2015, Yost remains on the convention circuit. In 2017, he starred in the short film \"The Order\" alongside other former \"Power Rangers\" co-stars. In May 2018, shortly after Hasbro acquired the \"Power Rangers\" franchise, Yost (via Twitter) expressed his desire to help produce a \"Mighty Morphin Power Rangers\" reunion film for Netflix. David Yost David Harold Yost (born January 7, 1969) is an American actor and producer. He is best known for portraying Billy", + "score": 0.67724609375 + }, + { + "id": "8372200", + "title": "Richard Genelle", + "text": "Richard Genelle Richard Michael Genelle (October 12, 1961 \u2013 December 30, 2008) was an entrepreneur and actor best known for playing Ernie on the children's television series \"Mighty Morphin Power Rangers\". From 1993 until 1997, Genelle portrayed Ernie, the good-natured owner of the Angel Grove Youth Center, the most popular hang out spot for the teenagers of Angel Grove. He often hosted birthday parties, school activities, martial arts tournaments and community charity events. He also gave out free drinks and food as well as helping out his customers if they needed something. After four seasons, Ernie abruptly left the Youth", + "score": 0.67724609375 + }, + { + "id": "20859202", + "title": "Shattered Grid", + "text": "story was mostly written by Kyle Higgins through \"Mighty Morphin Power Rangers\", while Ryan Parrott has also written a tie-in story through \"Go Go Power Rangers\", featuring Lord Drakkon and the Ranger Slayer as exclusive characters. On February 2018, an online advertisement promoting the comic was broadcast, featuring Jason David Frank in a voice-over narration. On March 2018, a promotional short film titled \"Power Rangers: Shattered Grid - Dark Prelude\" was released online, starring Frank in the role of Lord Drakkon. The film was written and directed by Higgins and produced by Locomotion Pictures, RCA Film Productions and Saban Brands.", + "score": 0.67724609375 + }, + { + "id": "16127088", + "title": "Johnny Yong Bosch", + "text": "second feature film \"\". In looking back at his acting for the show, Bosch said that \"Power Rangers was a lot of fun but it was a kid's show and very cheesy because of it, which made getting work after that really hard. Plus, I didn't know squat about acting then.\" His best friends on the set included Jason David Frank (who played Tommy Oliver), Jason Narvy (who played Skull) and Nakia Burrise (who played Tanya Sloan). At the request of \"Power Rangers\" director Koichi Sakamoto, he had a guest appearance in the episode \"Once A Ranger\" 'in \"Power Rangers", + "score": 0.6767578125 + }, + { + "id": "17041347", + "title": "Villains in Mighty Morphin Power Rangers", + "text": "as well as in some merchandise, he is identified as Goldar's second cousin three times removed on his mother's side visiting for the summer. Mordant is performed by Jean Paul Bell and voiced by Martin G. Metcalf. The Oozemen are Ivan Ooze's foot soldiers that are made from his own ooze. Their name is not mentioned in the movie proper, but they are instead referred to as Ivan's \"kids\" just seconds before he forms them. The Oozemen proved to be too strong for the Rangers unmorphed, forcing them to call upon their powers. They are highly resiliant to pain and", + "score": 0.67626953125 + }, + { + "id": "6975060", + "title": "Brandon Jay McLaren", + "text": "Brandon Jay McLaren Brandon Jay McLaren (born ) is a British-Canadian Television actor. He got his first appearance in 2002, Just Cause.In his career, he has been known for his main and supporting roles in shows which includes \"Graceland\", Power Rangers SPD, Ransom,Harper's Island and Slasher. Except of this he has also done roles in movies She's the Man, Tucker & Dale vs. Evil and Dead Before Dawn. In 2005, he got into prominence with his one of the main role of Jack Landors a.k.a. Red SPD Ranger in Power Rangers S.P.D. . Since then, he did work in several", + "score": 0.67626953125 + }, + { + "id": "4226681", + "title": "Machine Empire", + "text": "and Serpentera are finally destroyed, and Cole ends up surviving the explosion despite the others' momentarily thinking he may have been destroyed too. General Venjix is voiced by Archie Kao, who previously played Kai Chen on \"Power Rangers Lost Galaxy\". NOTE: General Venjix is a recycled version of Shadowborg. She fought and engaged the Quantum Ranger Eric Myers and Red Alien Ranger Aurico, they destroyed her with great team work and Eric using his Quantum Defender. Tezzla is voiced by Catherine Sutherland. NOTE: Tezzla is a recycled version of Ladyborg without the antenna. He battled the Red Zeo Ranger Tommy", + "score": 0.67578125 + }, + { + "id": "11080648", + "title": "Robert Livingston (actor)", + "text": "Robert Livingston (actor) Robert Edward Randall (December 9, 1904 \u2013 March 7, 1988) was an American film actor known under his stage name as Bob Livingston. He appeared in 135 films between 1921 and 1975. He was one of the original Three Mesquiteers. He had also played The Lone Ranger and Zorro. Livingston was born in Quincy, Illinois, and died in Tarzana, California from emphysema. Often billed as \"Bob Livingston,\" he was the original \"Stony Brooke\" in the \"Three Mesquiteers\" Western B-movie series, a role later played by John Wayne for eight films. He also portrayed Zorro in \"The Bold", + "score": 0.67578125 + }, + { + "id": "4900254", + "title": "Michael Sheard", + "text": "Michael Sheard Michael Sheard (18 June 1938 \u2013 31 August 2005) was a Scottish character actor who featured in a large number of films and television programmes, and was known for playing villains. His most prominent television role was as strict deputy headmaster Maurice Bronson in the children's series \"Grange Hill\", which he played between 1985 and 1989. He appeared as Admiral Ozzel in \"The Empire Strikes Back\" (1980). Sheard was born Michael Perkins in Aberdeen, Scotland, the son of Donald Perkins, a church minister. He was trained at the Royal Academy of Dramatic Art in London. During his national", + "score": 0.67578125 + }, + { + "id": "3674217", + "title": "Jason Lee Scott", + "text": "to compete with their new enemy's more powerful monsters, the Dinozords are upgraded into the mythical Thunderzords; Jason's being the Red Dragon Thunderzord, which can transform into a humanoid form. As with the Tyrannosaurus, the Red Dragon is capable of defeating a monster on its own, separate from the Megazord formation. Eventually, Tommy loses his Green Ranger powers again, and Jason suffers from immense guilt because of it. Choosing to capitalize on Jason's vulnerability, Zedd creates candles for Zack, Billy, Trini and Kimberly that would remove their links to the Morphing Grid, just as Rita did to Tommy. Jason, with", + "score": 0.67529296875 + }, + { + "id": "3004659", + "title": "David Yost", + "text": "served as a non-canonical alternate opening for the third season. After the show ended and \"Power Rangers Zeo\" began in the fourth season, Yost stayed on as Billy, but Billy's role within the show changed. Instead of his previous role as a Power Ranger, he became a technical advisor to the others. When asked about the change in a 2010 interview, Yost was evasive about how he'd personally felt about this but said he understood why the production team did it; he stated that Haim Saban was interested in the cast turnover of \"Super Sentai\" and believes that this was", + "score": 0.6748046875 + }, + { + "id": "5633457", + "title": "James Napier Robertson", + "text": "death by burning down local buildings until he is caught by the police. In 2002 he was cast for two seasons in UK show \"The Tribe\", a post apocalyptic series about a virus that has wiped out all adults, leaving only young people to fight amongst each other. In 2004 he was cast for one season as a lead actor on US show \"Power Rangers Dino Thunder\", playing Conner McKnight, a soccer player and the Red Ranger. He also appeared in \u201cPower Rangers Ninja Storm\u201d as Conner\u2019s twin brother Eric McKnight. The show was filmed in New Zealand and featured", + "score": 0.6748046875 + }, + { + "id": "9472327", + "title": "Mighty Morphin Power Rangers the Album: A Rock Adventure", + "text": "\"Never mind that!\" was \"Rita, get us out of here before Ultrazord blasts us!\" However, on the album, the line is \"Never mind that! Lord Zedd, the true Emperor, has returned.\" The audio story concludes with Pirantishead meeting his fate at the hands of the original Ultrazord, a vast contrast to his demise in \"The Mutiny, Part III\", at the hands of the Thunder Megazord. Because the album had been produced prior to the introduction of the White Ranger, new audio material was recorded by actors Bob Manahan and Richard Steven Horvitz (in their roles as Zordon and Alpha 5", + "score": 0.6748046875 + }, + { + "id": "3229972", + "title": "Mighty Morphin Power Rangers: The Movie", + "text": "been unearthed. Lord Zedd, Rita Repulsa, Goldar, and Mordant arrive at the construction site and crack open the egg, releasing Ivan Ooze after 6,000 years, a morphological being who ruled Earth with an iron fist before he was overthrown by Zordon and a group of young warriors. Ivan lays siege to the Rangers' Command Center and incapacitates Zordon, robbing the Rangers of their powers. As the Rangers return to the Command Center, they find it destroyed and Zordon dying. Zordon's assistant Alpha 5 sends the Rangers to the distant planet Phaedos to obtain the Great Power and save Zordon. On", + "score": 0.67431640625 + }, + { + "id": "2900767", + "title": "Machiko Soga", + "text": "Empire's field commander, Baraba's mother for one episode, as well as the evil sorceress Bandora in \"Zyuranger\", better known to audiences in English speaking countries as Rita Repulsa in the American adaptation of \"Zyuranger\", \"Power Rangers\". In an odd twist, she soon found herself re-dubbing her own lines as Rita when \"Power Rangers\" was broadcast in Japan after the show became a surprise hit in America. Her final tokusatsu role was Magiel, Queen of the Sky Saints in \"Magiranger\", which incidentally was one of her few non-villainous roles. In her memory, the producers of \"\" used footage of Soga as", + "score": 0.67431640625 + }, + { + "id": "6599421", + "title": "Robert Gerringer", + "text": "Robert Gerringer Robert Gerringer (born Robert Geiringer; May 12, 1926 - November 8, 1989) was an American character actor perhaps best known as Dr. Dave Woodard on the soap opera cult TV series \"Dark Shadows\", a role he played during 1967. Gerringer left the show because he refused to cross the picket line during a technician's strike; he was replaced by actor Peter Turgeon for six episodes and the character then killed off. Gerringer was born in New York City, the son of Mary Agnes (n\u00e9e Moran), a teacher, and Arthur Joseph Geiringer, a surgeon. He appeared in the film", + "score": 0.67431640625 + }, + { + "id": "4392495", + "title": "Richard Steven Horvitz", + "text": "sitcom \"The Munsters Today\" which lasted three years until 1991. Howie was best friend of Marilyn Munster (played by actress Hilary Van Dyke). Starting in 1993, he changed the focus of his career to voice acting, starting with voice of Alpha 5 on the live-action series \"Mighty Morphin' Power Rangers\". This is one of Richard's often-forgotten roles that he has performed. From here, he expanded into several other particular voice roles on such animated shows as \"The Angry Beavers\" (Daggett), \"Invader Zim\" (Zim), \"Kim Possible\", \"Dave the Barbarian\" (Ned Frischman), \"Zatch Bell!\" (Kanchom\u00e9), \"The Grim Adventures of Billy and Mandy\"", + "score": 0.673828125 + }, + { + "id": "3004660", + "title": "David Yost", + "text": "part of it. Yost left the show toward the end of the \"Power Rangers Zeo\" season. His character's final episode employed footage from previous episodes and voice work from an uncredited actor to conceal the fact that Yost was not present during the taping. A tribute to his character was seen in the closing credits of this episode. While it was originally believed that he had left the series due to insufficient pay, Yost later revealed in a 2010 interview that he left because he could no longer handle harassment by members of the production crew who targeted him over", + "score": 0.673828125 + }, + { + "id": "6636607", + "title": "Steve Cardenas", + "text": "25th anniversary Episode reprising his role as Rocky DeSantos. Steve Cardenas Stephen Antonio Cardenas (born May 29, 1974) is an American martial artist, musician, and semi retired actor. Cardenas is best known for playing the character Rocky DeSantos, which was the second Red Power Ranger in \"Mighty Morphin Power Rangers\" and eventually became the Blue Zeo Ranger in \"Power Rangers Zeo\", two seasons later. Cardenas was born Stephen Antonio Cardenas on May 29, 1974 in Hampton, Virginia, at the Langley Air Force Base. Spending his early childhood as a military brat, Cardenas was raised in San Antonio, Texas. He is", + "score": 0.673828125 + }, + { + "id": "6156656", + "title": "Zandar", + "text": "the second season of the Sunbow \"\" cartoon voiced by Peter Cullen. In the five-part episode \"Arise Serpentor, Arise,\" Zandar and Zarana join Zartan in finding new recruits for the Dreadnoks. Zandar also appeared briefly in the 1987 animated film \"\". Zandar appears in \"\", portrayed by actor Matt Gerald. In the film, Zandar is a member of Cobra, and the head of the detail for the President of the United States (Zartan in disguise). He was shot and killed by General Joseph Colton, when he was holding the real President of the United States hostage. Zandar's figure is briefly", + "score": 0.67333984375 + }, + { + "id": "6630546", + "title": "Peter Craze", + "text": "season of the hit children's animated fantasy television series \"The Dreamstone\" on ITV. After the first season, he left the series and was taken over by Gary Martin who also provides the deep demonic voice of the main antagonist Zordrak. Peter Craze Peter David Craze (born 27 August 1946) is a British actor. He is the brother of actor Michael Craze. He has made many television appearances including \"Doctor Who\" (The Space Museum, The War Games, and Nightmare of Eden), \"EastEnders\" and \"Blake's 7\", and appeared in films such as \"The Beast in the Cellar\" (1970), \"Terror\" (1978) and \"\"", + "score": 0.6728515625 + }, + { + "id": "5992781", + "title": "Gwildor", + "text": "live-action movie. In the film, \"Billy Barty, as Gwildor, is given a hobbit-like look. Storyboard coordinator Joe Griffith designed Gwildor...\" Gwildor was introduced into the mythology with his appearance in the 1987 live action film starring Dolph Lundgren. Played by Billy Barty, he was created specially for the movie to as a substitute for Orko,whose design was too complex for the studio to produce in live action with its limited budget. Frederick S. Clarke explains that Gwildor was \"reportedly a stand-in for Orko...In the series Orko has no feet or legs and is always seen floating or flying, a difficult", + "score": 0.6728515625 + }, + { + "id": "7218264", + "title": "Steve Kramer (actor)", + "text": "Steve Kramer (actor) Steven M. Kramer (born December 24, 1950, in San Juan Capistrano, California) is an American voice actor for many anime titles. He has also done voice acting for various \"Power Rangers\" series in the past, with the best-known of those roles being the voice of Darkonda in \"Power Rangers in Space\". His wife, Melora Harte, is a voice actress. Kramer has also been credited as Steve Kraemer, Steven Kramer, Drew Levi Thomas, Drew Lexi Thomas, and Drew Thomas. Kramer is usually cast in the role of wise old men. He also voiced Zhang Fei in \"Dynasty Warriors", + "score": 0.6728515625 + }, + { + "id": "5190731", + "title": "Barbara Goodson", + "text": "New York. She grew up in New Jersey and now lives in Santa Monica, California with her husband Bruce Gustafson. Barbara Goodson Barbara Dale Goodson (born August 16, 1949) is an American voice actress who has done voice-over work in cartoons and shows. Her best-known role was providing the English dub voice of the main villain Empress Rita Repulsa in the \"Power Rangers\" franchise, starting with \"Mighty Morphin Power Rangers\", and including \"Power Rangers Zeo\", \"\", \"Power Rangers in Space\". Other \"Power Rangers\" characters include Prince Sprocket and Orbus in \"Power Rangers Zeo\", and Mandilok in \"Power Rangers Wild Force\".", + "score": 0.67236328125 + }, + { + "id": "1482977", + "title": "Mighty Morphin Power Rangers", + "text": "background in either martial arts, dance, or other physically-intensive activities. Amy Jo Johnson (Kimberly) and David Yost (Billy) were former competitive gymnasts, Austin St. John (Jason) held a second-degree black belt in Taekwondo, and a first-degree black belt in Judo. Walter Emanuel Jones (Zack) was a dancer, and Thuy Trang (Trini) was a kung fu practitioner. Actor Jason Narvy (Skull) originally auditioned for the role of Billy. The series was shot on location in Santa Clarita and Los Angeles, California. Recurring locations included Grant High School, Placerita Canyon State Park, Puddingstone Reservoir, and Frank G. Bonelli Regional Park. The House", + "score": 0.671875 + }, + { + "id": "3674229", + "title": "Jason Lee Scott", + "text": "from Kimberly's exit in the third season of Mighty Morphin Power Rangers. Kimberly needs to rescue a French town under siege from Goldar and she seeks help from Zordon. He temporarily makes Kimberly the pink Power Ranger again by using the Sword of Light to activate the latent pink energy within her. Kimberly asks Zordon if she can be taken to Jason, Zack and Trini but is told Jason has a mission of his own which explains his absence from this series. Instead, the role of the red ranger is filled by a civilian she met called Britt who becomes", + "score": 0.67138671875 + }, + { + "id": "6200017", + "title": "Darryl M. Bell", + "text": "Darryl M. Bell Darryl M. Bell (sometimes credited as Daryl Bell; born May 10, 1963) is an American actor best known for his role as Big Brother X-Ray Vision in the 1988 Spike Lee film \"School Daze\" and as Ron Johnson Jr. on the NBC sitcom \"A Different World\" (1987\u201393). Darryl Bell also starred on the short-lived UPN sitcom \"Homeboys in Outer Space\" as Morris Clay. Bell is a member of Alpha Phi Alpha fraternity. He pledged into the fraternity through Delta Zeta Chapter in Spring 1982. Bell attended Syracuse University. He is in a 25-year-long committed relationship with actress", + "score": 0.67138671875 + } + ], + "answer": "Zordon is a fictional character from the Power Rangers franchise who serves as the Rangers' mentor. In earlier episodes of the original Power Rangers, David Fielding played Zordon. In later episodes, Robert L. Manahan, an American actor and member of the Sound Department of Hollywood film industry, played Zordon. English actor Nicholas Bell played Zordon in the original Power Rangers movie." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "When did construction officially start on the sydney harbour bridge?", + "short_answers": [ + "28 July 1923" + ], + "wikipage": null + }, + { + "context": "Arch construction itself began on 26 October 1928. The southern end of the bridge was worked on ahead of the northern end, to detect any errors and to help with alignment. The cranes would \"creep\" along the arches as they were constructed, eventually meeting up in the middle. In less than two years, on Tuesday, 19 August 1930, the two halves of the arch touched for the first time. Workers riveted both top and bottom sections of the arch together, and the arch became self-supporting, allowing the support cables to be removed. On 20 August 1930 the joining of the arches was celebrated by flying the flags of Australia and the United Kingdom from the jibs of the creeper cranes.", + "question": "When did construction of the Arch start on the sydney harbour bridge?", + "short_answers": [ + "26 October 1928" + ], + "wikipage": "Sydney Harbour Bridge" + } + ], + "wikipages": [ + { + "title": "Sydney Harbour Bridge", + "url": "https://en.wikipedia.org/wiki/Sydney%20Harbour%20Bridge" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The official ceremony to mark the \"turning of the first sod\" occurred on 28 July 1923, on the spot at Milsons Point on the north shore where two workshops to assist in building the bridge were to be constructed.", + "wikipage": "Sydney Harbour Bridge" + } + ], + "long_answer": "Construction of the sydney harbour bridge started on 28 July 1923 but construction of the Arch did not begin until 26 October 1928." + }, + { + "knowledge": [ + { + "content": "Work on the bridge itself commenced with the construction of approaches and approach spans, and by September 1926 concrete piers to support the approach spans were in place on each side of the harbour.", + "wikipage": "Sydney Harbour Bridge Construction" + } + ], + "long_answer": "While construction officially started on the Sydney Harbour Bridge on 28 July 1923, construction of the arch on the bridge didn't begin until 26 October 1928. Work on the bridge itself commenced with the construction of approaches and approach spans." + } + ], + "sample_id": "2771414991157063420", + "question": "When did construction start on the sydney harbour bridge?", + "docs": [ + { + "id": "380439", + "title": "Sydney Harbour Bridge", + "text": "many key stages of the project, to inspect progress and make managerial decisions), Judge was chief technical engineer of Dorman Long, and Freeman was hired by the company to design the accepted model in further detail. Later a bitter disagreement broke out between Bradfield and Freeman as to who actually designed the bridge. The official ceremony to mark the \"turning of the first sod\" occurred on 28 July 1923, on the spot at Milsons Point on the north shore where two workshops to assist in building the bridge were to be constructed. An estimated 469 buildings on the north shore,", + "score": 0.75439453125, + "summary": "Construction started on the Sydney Harbour Bridge with an official ceremony on July 28, 1923.", + "extraction": "The official ceremony to mark the \"turning of the first sod\" occurred on 28 July 1923." + }, + { + "id": "20986021", + "title": "Argyle Street Railway Substation", + "text": "was designed and constructed as the essential link in a transport scheme envisaged by J. J. C. Bradfield and designed to enhance and promote the development of the metropolis, effectively opening up the north shore to the city and making the city more accessible. In 1924 preparations for the construction of the bridge began and as a result Dawes Point and area was subject to a continuous stream of building work and whole streets were levelled and altered. The approaches to the Sydney Harbour Bridge were designed and built by the Department of Public Works and the Metropolitan Railway Construction", + "score": 0.75341796875, + "summary": "Construction on the Sydney Harbour Bridge began in 1924.", + "extraction": "In 1924 preparations for the construction of the bridge began." + }, + { + "id": "380430", + "title": "Sydney Harbour Bridge", + "text": "the pylons were modified to include parapets and anti-aircraft guns designed to assist in both Australia's defence and general war effort.The top level of stonework was never removed. There had been plans to build a bridge as early as 1815, when convict and noted architect Francis Greenway reputedly proposed to Governor Lachlan Macquarie that a bridge be built from the northern to the southern shore of the harbour. In 1825, Greenway wrote a letter to the then \"The Australian\" newspaper stating that such a bridge would \"give an idea of strength and magnificence that would reflect credit and glory on", + "score": 0.7490234375, + "summary": "Construction plans for the Sydney Harbour Bridge were proposed as early as 1815 by architect Francis Greenway, but it is unclear when actual construction started.", + "extraction": "There had been plans to build a bridge as early as 1815." + }, + { + "id": "4073785", + "title": "North Ryde, New South Wales", + "text": "A major transport interchange is planned at Macquarie. In the early 1920s, Dr John Bradfield, a brilliant and prominent engineer with the NSW Public Works Department, submitted plans for the electrification of Sydney's suburban rail network, an underground city rail system and a Sydney Harbour Bridge. After a delay due to World War I, the NSW parliament passed the 1922 Sydney Harbour Bridge Act and in 1923, preliminary work commenced on the underground railway. Bradfield had advocated a new electrified railway network on the Lower North Shore, beginning at the northern approaches to the proposed Sydney Harbour Bridge. It was", + "score": 0.74658203125, + "summary": "Construction on the Sydney Harbour Bridge started in 1923, after the 1922 Sydney Harbour Bridge Act was passed by the NSW parliament.", + "extraction": "Preliminary work commenced on the underground railway in 1923, after the NSW parliament passed the 1922 Sydney Harbour Bridge Act." + }, + { + "id": "3255805", + "title": "North Sydney, New South Wales", + "text": "can be divided into three periods \u2013 the first from the original opening in 1886 to 1909, when the McMahons Point line opened. The second period covers the time until the Wynyard line was opened across the Sydney Harbour Bridge in 1932, and the third until construction of the Cahill Expressway on the eastern side of Sydney Harbour Bridge and the wider closure of the system in 1962. The first part of the North Sydney tramway system was a double-track cable tramway which commenced at the original Milsons Point Ferry wharf, located where the north pylon of the Harbour Bridge", + "score": 0.74658203125, + "summary": "Construction on the Sydney Harbour Bridge started in 1923.", + "extraction": "Construction of the Sydney Harbour Bridge started during the second period of the North Sydney tramway system, which covers the time until the Wynyard line was opened in 1932." + }, + { + "id": "1505005", + "title": "Story Bridge", + "text": "program during the Great Depression. The cost was to be no more than \u20a41.6 million. Before the opening of the Sydney Harbour Bridge in 1932 the Government of Queensland asked John Bradfield to design a new bridge in Brisbane. The Queensland Government appointed John Bradfield on 15 December 1933 as consulting engineer to the Bureau of Industry who were in charge of the construction of the bridge. In June 1934 Bradfield's recommendation of a steel cantilever bridge was approved. The design for the bridge was based heavily on that of the Jacques Cartier Bridge in Montreal, completed in 1930. On", + "score": 0.7451171875, + "summary": "The document is irrelevant to the question of when construction started on the Sydney Harbour Bridge.", + "extraction": "The passage is irrelevant to the question as it does not provide any information about the start of construction on the Sydney Harbour Bridge." + }, + { + "id": "5874323", + "title": "Cross City Tunnel", + "text": "New South Wales, Morris Iemma, using the same pair of scissors used to open the Sydney Harbour Bridge in 1932, the Sydney Harbour Tunnel in 1992 and the Anzac Bridge in 1995. Prior to the vehicular opening there was a charity walk-through, as is customary for new roadways in Sydney, which attracted a large number of public visitors. The first traffic passed through the tunnel late on 28 August. Later a three-week toll-free period was announced by the operators. At the same time, the operators announced a freeze on toll increases for twelve months and the fee for casual (non-electronic", + "score": 0.74462890625, + "summary": "1932.", + "extraction": "The passage is irrelevant for answering the question \"When did construction start on the Sydney Harbour Bridge?\"" + }, + { + "id": "380431", + "title": "Sydney Harbour Bridge", + "text": "the colony and the Mother Country\". Nothing came of Greenway's suggestions, but the idea remained alive, and many further suggestions were made during the nineteenth century. In 1840, naval architect Robert Brindley proposed that a floating bridge be built. Engineer Peter Henderson produced one of the earliest known drawings of a bridge across the harbour around 1857. A suggestion for a truss bridge was made in 1879, and in 1880 a high-level bridge estimated at $850,000 was proposed. In 1900, the Lyne government committed to building a new Central railway station and organised a worldwide competition for the design and", + "score": 0.74365234375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about when construction started on the Sydney Harbour Bridge." + }, + { + "id": "3790549", + "title": "Gundagai", + "text": "roughly the same location as the present ramp, in order to divert traffic from the timber approach spans, presumably because of maintenance problems with these spans. In 1896, the 105 northern approach spans were replaced by a new approach structure of seventy-six spans on a different alignment, and the southern approach was slightly lengthened, giving a total length of 922 metres, which was 12 m less than the previous length. It remained the longest bridge in New South Wales until 1932 when the Sydney Harbour Bridge was completed, . In this configuration the bridge remained in use until 1977, but", + "score": 0.7431640625, + "summary": "The document is irrelevant to the question of when construction started on the Sydney Harbour Bridge.", + "extraction": "In 1932 when the Sydney Harbour Bridge was completed." + }, + { + "id": "380422", + "title": "Sydney Harbour Bridge", + "text": "and opened in 1932. The bridge's design was influenced by the Hell Gate Bridge in New York City. It is the sixth longest spanning-arch bridge in the world and the tallest steel arch bridge, measuring from top to water level. It was also the world's widest long-span bridge, at wide, until construction of the new Port Mann Bridge in Vancouver was completed in 2012. The Sydney Harbour Bridge was added to the Australian National Heritage List on 19 March 2007 and to the New South Wales State Heritage Register on 25 June 1999. The southern end of the bridge is", + "score": 0.74267578125, + "summary": "Construction on the Sydney Harbour Bridge started in an unknown year, so the document is irrelevant to the question.", + "extraction": "1932" + }, + { + "id": "3857853", + "title": "Luna Park Sydney", + "text": "in the park on the cliff top are believed to be remnants of this period. In 1916 a plan for the bridge across Sydney Harbour was accepted by the Parliamentary Works Committee. The tender for the construction of the new bridge was awarded to English engineering firm Dorman Long and Company in 1924. Work began on the bridge the following year. Dorman Long built a number of workshops on the Luna Park site for the fabrication and assembly of steel components used in construction of the bridge, as per the conditions of their contract. Milsons Point Railway Station was relocated", + "score": 0.7412109375, + "summary": "Construction on the Sydney Harbour Bridge began in 1925.", + "extraction": "Work began on the bridge the following year [1925]." + }, + { + "id": "380433", + "title": "Sydney Harbour Bridge", + "text": "Ernest Stowe with connections at Balls Head, Millers Point, and Balmain with a memorial tower and hub on Goat Island. In 1914 John Bradfield was appointed \"Chief Engineer of Sydney Harbour Bridge and Metropolitan Railway Construction\", and his work on the project over many years earned him the legacy as the \"father\" of the bridge. Bradfield's preference at the time was for a cantilever bridge without piers, and in 1916 the NSW Legislative Assembly passed a bill for such a construction, however it did not proceed as the Legislative Council rejected the legislation on the basis that the money would", + "score": 0.74072265625, + "summary": "Construction on the Sydney Harbour Bridge began at an unknown date.", + "extraction": "In 1914 John Bradfield was appointed \"Chief Engineer of Sydney Harbour Bridge and Metropolitan Railway Construction\", and his work on the project over many years earned him the legacy as the \"father\" of the bridge." + }, + { + "id": "2683792", + "title": "Sydney Harbour Tunnel", + "text": "Eastern Sydney (The Domain) on 30 August 1992. The proceeds of the tickets sold for this event were donated to the Royal Institute for Deaf and Blind Children. The tunnel opened to traffic on 31 August 1992. The Harbour Tunnel is a partnership between the Government of New South Wales and private investors by tender. Transfield Pty Limited and Kumagai Gumi formed a 50/50 joint venture company which constructed the tunnel under contract; with a 30-year operating contract, including revenue collection and maintenance, from 1992 until 2022. As a result of the 1997 separation of assets of Transfield and the", + "score": 0.740234375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention anything about the construction of the Sydney Harbour Bridge." + }, + { + "id": "380441", + "title": "Sydney Harbour Bridge", + "text": "sufficiently on the support structures, a giant \"creeper crane\" was erected on each side of the harbour. These cranes were fitted with a cradle, and then used to hoist men and materials into position to allow for erection of the steelwork. To stabilise works while building the arches, tunnels were excavated on each shore with steel cables passed through them and then fixed to the upper sections of each half-arch to stop them collapsing as they extended outwards. Arch construction itself began on 26 October 1928. The southern end of the bridge was worked on ahead of the northern end,", + "score": 0.73974609375, + "summary": "Arch construction on the Sydney Harbour Bridge began on October 26, 1928.", + "extraction": "Arch construction itself began on 26 October 1928." + }, + { + "id": "8182506", + "title": "History of Australia (1901\u201345)", + "text": "in to meet the debt. In May, the Government Savings Bank of New South Wales was forced to close. The Melbourne Premiers' Conference agreed to cut wages and pensions as part of a severe deflationary policy but Lang, renounced the plan. The grand opening of the Sydney Harbour Bridge in 1932 provided little respite to the growing crisis straining the young federation. With multimillion-pound debts mounting, public demonstrations and move and counter-move by Lang and the Scullin, then Lyons federal governments, the Governor of New South Wales, Philip Game, had been examining Lang's instruction not to pay money into the", + "score": 0.73828125, + "summary": "The document briefly mentions the grand opening of the Sydney Harbour Bridge in 1932, but does not provide information on when construction started.", + "extraction": "The grand opening of the Sydney Harbour Bridge in 1932 provided little respite to the growing crisis straining the young federation." + }, + { + "id": "380432", + "title": "Sydney Harbour Bridge", + "text": "construction of a harbour bridge. Local engineer Norman Selfe submitted a design for a suspension bridge and won the second prize of \u00a3500. In 1902, when the outcome of the first competition became mired in controversy, Selfe won a second competition outright, with a design for a steel cantilever bridge. The selection board were unanimous, commenting that, \"The structural lines are correct and in true proportion, and... the outline is graceful\". However due to an economic downturn and a change of government at the 1904 NSW State election construction never began. A unique three-span bridge was proposed in 1922 by", + "score": 0.73681640625, + "summary": "Construction never began on the Sydney Harbour Bridge due to an economic downturn and a change of government after engineer Norman Selfe won a design competition for a steel cantilever bridge in 1902.", + "extraction": "Construction never began due to an economic downturn and a change of government at the 1904 NSW State election." + }, + { + "id": "3850705", + "title": "Milsons Point railway station", + "text": "North Sydney cable tramway (opened 22 May 1886) and subsequently electrified from 11 February 1900. Concrete had been extensively used for foundations and walls since the 1890s. By 1910 reinforced concrete was in use, but not for superstructures directly supporting railway tracks. The Bellevue Street underbridge at Glebe was the first to use it for this purpose, in 1919. In 1915, to enable a start on the construction of the Sydney Harbour Bridge between Milsons Point and Dawes Point, the Government instructed the Railway Commissioners to vacate the station and a new four platform, station was constructed at the site", + "score": 0.7353515625, + "summary": "Construction on the Sydney Harbour Bridge started in 1915.", + "extraction": "In 1915, to enable a start on the construction of the Sydney Harbour Bridge between Milsons Point and Dawes Point, the Government instructed the Railway Commissioners to vacate the station." + }, + { + "id": "380434", + "title": "Sydney Harbour Bridge", + "text": "be better spent on the war effort. Following World War I, plans to build the bridge again built momentum. Bradfield persevered with the project, fleshing out the details of the specifications and financing for his cantilever bridge proposal, and in 1921 he travelled overseas to investigate tenders. On return from his travels Bradfield decided that an arch design would also be suitable and he and officers of the NSW Department of Public Works prepared a general design for a single-arch bridge based upon New York City's Hell Gate Bridge. In 1922 the government passed the Sydney Harbour Bridge Act No.", + "score": 0.73388671875, + "summary": "Construction on the Sydney Harbour Bridge started after plans gained momentum following World War I. In 1921, Bradfield travelled overseas to investigate tenders, and upon his return, he decided that an arch design would also be suitable. In 1922, the government passed the Sydney Harbour Bridge Act No.", + "extraction": "Construction on the Sydney Harbour Bridge started in 1923 after the foundation stone was laid by the Governor of New South Wales." + }, + { + "id": "511938", + "title": "History of Australia", + "text": "New South Wales was forced to close. The Melbourne Premiers' Conference agreed to cut wages and pensions as part of a severe deflationary policy but Lang renounced the plan. The grand opening of the Sydney Harbour Bridge in 1932 provided little respite to the growing crisis straining the young federation. With multimillion-pound debts mounting, public demonstrations and move and counter-move by Lang and then Scullin, then Lyons federal governments, the Governor of New South Wales, Philip Game, had been examining Lang's instruction not to pay money into the Federal Treasury. Game judged it was illegal. Lang refused to withdraw his", + "score": 0.73291015625, + "summary": "The document is irrelevant.", + "extraction": "The grand opening of the Sydney Harbour Bridge in 1932." + }, + { + "id": "20943781", + "title": "Glebe and Wentworth Park railway viaducts", + "text": "period, Sydney Harbour was the main port for NSW and the goods line provided a direct connection between rural Australia, growing wheat and wool and mining coal, and the ships carrying the goods to export markets. Imported goods arriving on the docks were back-loaded onto the empty trains for distribution around the state. Work began around 1910 with the goods line from Rozelle to the northern end of Darling Harbour completed and opened for traffic on 23 January 1922. The construction of brick arch underbridges occurred in two periods: 1892 for the duplication of the line from Granville to Picton,", + "score": 0.732421875, + "summary": "Work on the goods line from Rozelle to the northern end of Darling Harbour began around 1910 and was completed on 23 January 1922. However, there is no mention of the construction start date for the Sydney Harbour Bridge, so the document is irrelevant.", + "extraction": "Work began around 1910 with the goods line from Rozelle to the northern end of Darling Harbour completed and opened for traffic on 23 January 1922." + }, + { + "id": "17087885", + "title": "Norman Selfe", + "text": "bridge was renewed with the election of a Labor government at the 1910 state election. But with Selfe's death in 1911, it was time for a new generation of bridge builders. In 1912 the government appointed J.J. Bradfield as \"engineer-in-chief of Sydney Harbour Bridge and City Transit\"; the call for tenders for constructing the bridge was not made until a decade later. Over the following decades, versions of what Selfe had much earlier articulated for a city circle railway link and a bridge to the north shore were realised. Selfe's contribution received little public or formal recognition. Selfe was founding", + "score": 0.73193359375 + }, + { + "id": "380476", + "title": "Sydney Harbour Bridge", + "text": "structure. From the apex of the lower chord, climbers ascend a staircase to a platform at the summit. Since the opening, the bridge has been the focal point of much tourism and national pride. In 1982 the bridge celebrated the 50th anniversary of its opening. For the first time since its opening in 1932, the bridge was closed to most vehicles with the exception of vintage vehicles, and pedestrians were allowed full access for the day. The celebrations were attended by Edward Judge, who represented Dorman Long. Australia's bicentennial celebrations on 26 January 1988 attracted large crowds in the bridge's", + "score": 0.7314453125 + }, + { + "id": "15006519", + "title": "The Bridge in Curve", + "text": "artist, when the importance of colour and the application of paint in small strokes gave her paintings a \"brilliant vitality\". Smith had become interested in colour theory and used this painting as an opportunity to demonstrate it with the blue and white of the sky contrasting with the more earthy colours of the buildings and vegetation. Sydney Harbour Bridge was built to better connect the North Shore suburbs with Sydney and reduce water traffic. A Royal Commission reported on the potential for a link in 1909, and ground was finally broken on the 28 July 1923. September 1926 saw the", + "score": 0.73046875 + }, + { + "id": "20909559", + "title": "Sydney Harbour railway electricity tunnel", + "text": "from ships and their anchors. It was one of Australia's major engineering feats at the time of construction, and was the first tunnel completed under Sydney Harbour. The first tram route on the northern side of the harbour was established in September 1893 and stretched between Falcon Street, North Sydney and Spit Road. It was extended to Mosman Bay in 1896. Steam trams already ran south of the harbour and by 1904 the conversion of this network to electricity was well underway. The railway and tramway power stations at White Bay and Ultimo were increasing their capacity and a new", + "score": 0.72998046875 + }, + { + "id": "3669690", + "title": "Museum railway station", + "text": "are a necessary part of great cities all over the world\", Sydney then having a population of 800,000 people. Work on the City railway system commenced in 1916 with the firm of Norton, Griffiths and Co beginning excavations tunnelling and foundation building for the link between Central station to Macquarie Street. After the firm's contract was cancelled in early 1918, work was taken over by the Department of Railways. Funding problems resulting from World War 1 austerity measures and political indecision forced construction to cease in June 1918 with the completion of the Macquarie Street Bridge and tunnels through the", + "score": 0.7265625 + }, + { + "id": "380447", + "title": "Sydney Harbour Bridge", + "text": "million, which was not paid off in full until 1988. The bridge was formally opened on Saturday, 19 March 1932. Amongst those who attended and gave speeches were the Governor of New South Wales, Sir Philip Game, and the Minister for Public Works, Lawrence Ennis. The Premier of New South Wales, Jack Lang, was to open the bridge by cutting a ribbon at its southern end. However, just as Lang was about to cut the ribbon, a man in military uniform rode up on a horse, slashing the ribbon with his sword and opening the Sydney Harbour Bridge in the", + "score": 0.72509765625 + }, + { + "id": "380444", + "title": "Sydney Harbour Bridge", + "text": "were also all added to the bridge in 1931. The pylons were built atop the abutment towers, with construction advancing rapidly from July 1931. Carpenters built wooden scaffolding, with concreters and masons then setting the masonry and pouring the concrete behind it. Gangers built the steelwork in the towers, while day labourers manually cleaned the granite with wire brushes. The last stone of the north-west pylon was set in place on 15 January 1932, and the timber towers used to support the cranes were removed. On 19 January 1932, the first test train, a steam locomotive, safely crossed the bridge.", + "score": 0.724609375 + }, + { + "id": "384019", + "title": "Sydney", + "text": "each made their own contribution to the city's skyline. The Great Depression had a tangible influence on Sydney's architecture. New structures became more restrained with far less ornamentation than was common before the 1930s. The most notable architectural feat of this period is the Harbour Bridge. Its steel arch was designed by John Bradfield and completed in 1932. A total of 39,000 tonnes of structural steel span the between Milsons Point and Dawes Point. Modern and International architecture came to Sydney from the 1940s. Since its completion in 1973 the city's Opera House has become a World Heritage Site and", + "score": 0.724609375 + }, + { + "id": "380455", + "title": "Sydney Harbour Bridge", + "text": "build a tunnel to complement the bridge. It was determined that the bridge could no longer support the increased traffic flow of the 1980s. The Sydney Harbour Tunnel was completed in August 1992 and carries only motor vehicles. The Bradfield Highway is designated as a Travelling Stock Route which means that it is permissible to herd livestock across the bridge, but only between midnight and dawn, and after giving notice of intention to do so. In practice, owing to the high-density urban nature of modern Sydney, and the relocation of abattoirs and markets, this has not taken place for approximately", + "score": 0.7236328125 + }, + { + "id": "3712274", + "title": "HMAS Sydney (1912)", + "text": "to thick at the bow and stern, along with protective decking over the engineering and magazine spaces, and an armoured conning tower. \"Sydney\" was laid down by the London and Glasgow Engineering and Iron Shipbuilding Company at Glasgow, Scotland, on 11 February 1911. The ship was launched on 29 August 1912 by the wife of Admiral Sir Reginald Henderson. \"Sydney\" was completed on 26 June 1913, and commissioned into the RAN that day. The ship cost approximately 385,000 pounds to build. \"Sydney\" arrived in Albany, Western Australia on 19 September 1913, after completing her maiden voyage. The cruiser operated off", + "score": 0.7236328125 + }, + { + "id": "2362436", + "title": "Gladesville Bridge", + "text": "the Huntleys Point ferry wharf, and the southern in Howley Park in Drummoyne. The 1964 bridge was planned and commenced as traffic demands rose steadily during the 1950s. The old bridge became a one-way crossing during peak periods, and, being used by trams, there were also several occasions during the 1960s when it could no longer be re-closed, having expanded when open due to extreme heat conditions. Construction on the new bridge started in December 1959, and took five years to complete. It was officially opened by Princess Marina on 2 October 1964. The bridge was originally opened with six", + "score": 0.72216796875 + }, + { + "id": "2878383", + "title": "Circular Quay", + "text": "Cahill Expressway above the viaduct, across the southern shore of the cove. The Circular Quay railway station was opened on 20 January 1956 and the elevated Cahill Expressway was officially opened on 24 March 1958. The construction of the viaduct led to the demolition of the old Maritime Services Board building on the south-western shore. A grand, modernist replacement was constructed further north in 1940, and is today the Museum of Contemporary Art. Further north, the Sydney Cove Passenger Terminal was built in 1958-1960 to accommodate the increased number of passengers arriving by ship. The building was renovated in 1988,", + "score": 0.7216796875 + }, + { + "id": "1505006", + "title": "Story Bridge", + "text": "30 April 1935 a consortium of two Queensland companies, Evans Deakin and Hornibrook Constructions, won the tender with a bid of \u20a41,150,000.Construction on the bridge began on 24 May 1935, with the first sod being turned by the then Premier of Queensland, William Forgan Smith. Components for the bridge were fabricated in a purpose-built factory at Rocklea. Work sometimes continued 24 hours per day. The bridge has only one pier on the northern bank but two piers on the lower southern bank, one to bear the weight (the main pier) and, further to the south, one to prevent the bridge", + "score": 0.7216796875 + }, + { + "id": "20957686", + "title": "Argyle Cut", + "text": "buttress the sea wall at Circular Quay. Overhead bridges were built for Gloucester Street in 1862, Cumberland Street in 1864 and the Princes Street in 1867-68 (the latter demolished as part of the Sydney Harbour Bridge construction). There is an inscription identifying Charles Moore, Mayor (1867-8) from this Bridge now relocated to the south wall of the cut. With the building of new wharves at Walsh Bay and the laying out of Hickson Road the Cut lost much of its importance. As part of the improvements undertaken by the Sydney Harbour Trust in 1911-12, Gloucester and Cumberland Streets were realigned", + "score": 0.72119140625 + }, + { + "id": "380443", + "title": "Sydney Harbour Bridge", + "text": "arch was completed, the creeper cranes were then worked back down the arches, allowing the roadway and other parts of the bridge to be constructed from the centre out. The vertical hangers were attached to the arch, and these were then joined with horizontal crossbeams. The deck for the roadway and railway were built on top of the crossbeams, with the deck itself being completed by June 1931, and the creeper cranes were dismantled. Rails for trains and trams were laid, and road was surfaced using concrete topped with asphalt. Power and telephone lines, and water, gas, and drainage pipes", + "score": 0.720703125 + }, + { + "id": "11353536", + "title": "Dawes Point Battery", + "text": "built in early 1788. A powder magazine was constructed in 1789 followed by the Battery in 1791. It was expanded substantially in 1819. Further buildings were constructed in the 1850s and at the end of the century. The site had also been used as a cemetery for prisoners executed at Old Sydney Gaol (1797-). All buildings were levelled between 1925 and 1932 during the construction of the Sydney Harbour Bridge. The archaeological remains revealed to date are unparalleled in Australia because they represent a broad range of significant historical periods. Archaeological sites from the 18th century are exceedingly rare with", + "score": 0.7197265625 + }, + { + "id": "6843247", + "title": "Sydney Monorail", + "text": "of cessation. As part of the redevelopment of of land at Darling Harbour it was proposed to build a transport link to the Sydney central business district. Sydney City Council preferred a light rail line, however in November 1985 Transport Minister Laurie Brereton announced a monorail would be built. Initially operated by TNT Harbourlink, the monorail opened on 21 July 1988 after a construction period of 26 months. The first test services ran in October 1987 on a 500-metre section at Darling Harbour. TNT Harbourlink was awarded a 50-year concession until 2038. The original operation hours were to be 06:00", + "score": 0.71826171875 + }, + { + "id": "20868699", + "title": "Liverpool Weir", + "text": "It was designed by David Lennox, master mason, Superintendent of Bridges for the colony of NSW and Australia's first major bridge builder. Before arriving in Australia in 1832, David Lennox, master mason, had occupied responsible positions in Britain for more than twenty years, working on many bridges including the Menai Suspension Bridge over the Menai Strait and the Over Bridge over the Severn River at Gloucester. Lennox was appointed by Governor Brisbane as Superintendent of Bridges for the colony of New South Wales in 1833. Lennox also undertook many other civil engineering works in NSW from 1832 to 1844, when", + "score": 0.7177734375 + }, + { + "id": "15997323", + "title": "BridgeClimb Sydney", + "text": "conservation issues. After nearly ten years of research and development, BridgeClimb Sydney was officially launched on 1 October 1998. At that time, BridgeClimb was the first tourism operator on a bridge anywhere in the world. In October 2009, BridgeClimb Sydney opened the Sydney Harbour Bridge Visitor Centre. The Visitor Centre houses a Bridge Exhibition and a high definition Bridge Cinema. The Bridge exhibition houses the stories of the Sydney Harbour Bridge through exhibits and interactive displays. This includes the stories of the engineers, designers, skilled tradesmen and labourers and the 16 men that lost their lives during its construction. The", + "score": 0.71728515625 + }, + { + "id": "380470", + "title": "Sydney Harbour Bridge", + "text": "Sandy, are intended to reduce workers' potential exposure to dangerous lead paint and asbestos and the blasting equipment which has enough force to cut through clothes and skin. Even during its construction, the bridge was such a prominent feature of Sydney that it would attract tourist interest. One of the ongoing tourist attractions of the bridge has been the south-east pylon, which is accessed via the pedestrian walkway across the bridge, and then a climb to the top of the pylon of about 200 steps. Not long after the bridge's opening, commencing in 1934, Archer Whitford first converted this pylon", + "score": 0.71630859375 + }, + { + "id": "6392913", + "title": "Trams in Sydney", + "text": "Milsons Point wharf and connecting tramway. Services to Lane Cove and Chatswood were altered to operate to and from McMahons Point via the new direct route to Crows Nest. In conjunction with the construction of the Sydney Harbour Bridge, the Milsons Point line was diverted to a new terminus in Glen Street in July 1924. Escalators were provided to carry tram passengers to the new ferry wharf below. Otherwise, services operated as during the first period. In March 1932 the Sydney Harbour Bridge with its associated railway and tramway tracks was opened and all of the above services to and", + "score": 0.71630859375 + }, + { + "id": "7900668", + "title": "History of Hobart", + "text": "that massive traffic congestion problems plagued the bridge. Stormy weather also created severe hazards on the water level roadway, with large waves sometimes sweeping over the roofs of vehicles. By the late 1950s, it was realised a larger capacity bridge was needed. Construction on the much larger concrete arch Tasman Bridge began in May 1960, and was completed on 18 August 1964 at a total cost of \u00a37 million. The bridge was originally four lanes, and expanded access to the eastern shore dramatically. The 1950s brought an increased sense of mobility amongst Australians, both socially and geographically. Tourism was on", + "score": 0.71484375 + }, + { + "id": "2277037", + "title": "History of Sydney", + "text": "to produce such blockbusters as The Matrix films, Moulin Rouge!, (set partly in Sydney), and the revived Star Wars and Superman film franchises. The traditional Sydney Royal Easter Show was relocated to the New Sydney Showground at Homebush. To relieve congestion on the Sydney Harbour Bridge, the Sydney Harbour Tunnel opened in August 1992. The 2.3 kilometer underwater tunnel cost A$554 million to construct. Built to withstand earthquakes and sinking ships, in the early 21st century it carries around 75,000 vehicles a day. Although generally of mild climate, in 1993-4, Sydney suffered a serious bushfire season, causing destruction even within", + "score": 0.71435546875 + }, + { + "id": "20708937", + "title": "Fitzroy Bridge (opened 1952)", + "text": "Fitzroy Bridge (opened 1952) The Fitzroy Bridge is a road bridge spanning the Fitzroy River in Rockhampton, Queensland, Australia. Construction on the bridge commenced on 29 September 1945 when Rockhampton Mayor Henry Jeffries turned the first sod to mark the start of the construction period. It was officially opened by Queensland Premier Vince Gair on 27 September 1952 when an all-day event was held on and around the bridge, which attracted more than 30,000 people. The bridge is 370 metres in length between abutments, with a 70 metre southern approach and a 315 metre northern approach. The bridge consists of", + "score": 0.7138671875 + }, + { + "id": "2277024", + "title": "History of Sydney", + "text": "New South Welshman of just 21 years of age, wrote his name into the record books at by smashing the previous highest batting score in first-class cricket with 452 runs not out in just 415 minutes. Although Bradman would later transfer to play for South Australia, his world-beating performances provided much needed joy to Sydney-siders through the emerging Great Depression. The Great Depression hit Sydney badly. One of the highlights of the Depression Era however, was the completion of the Sydney Harbour Bridge in 1932. The landmark which links Sydney's northern and southern shores began construction in 1924 and took", + "score": 0.71240234375 + }, + { + "id": "5810038", + "title": "Narrows Bridge (Perth)", + "text": "of which was dredged from Melville Water. The State started saving for the new bridge in September 1954, and the construction of the bridge was approved by the Hawke state Labor government in November 1954, before the Hepburn-Stephenson metropolitan roads plan had been finalised, such was the urgency of a new traffic link. The construction of the bridge was subsequently endorsed in the 1955 Hepburn\u2013Stephenson plan, which later developed into the Metropolitan Region Scheme. The river bed at the site of the proposed bridge was not ideal for bridge building, with soft mud extending down up to , with sand", + "score": 0.71240234375 + }, + { + "id": "3850707", + "title": "Milsons Point railway station", + "text": "passed and acted upon, authorising the construction of a bridge. Tenders were invited in 1923 in accordance with general plans and specification prepared by Dr John Bradfield, Chief Engineer, Sydney Harbour Bridge and Railway Construction. The plans and specification provided the alternatives of a cantilever or an arch bridge. Twenty proposals were received from six different companies of various types of design. The tender of Dorman Long & Co Ltd, of Middlesbrough, England, for an arch bridge was accepted, the design being substantially in accordance with one of Dr Bradfield's proposals. The detailed design was carried out by the contractor's", + "score": 0.7119140625 + }, + { + "id": "19246305", + "title": "Mackay Customs House", + "text": "substantial growth through the 1920s and 1930s. Local member and Premier of Queensland William Forgan Smith promoted Mackay's development, strongly supporting the Mackay Harbour Project and the Sydney Street bridge replacement. The first Sydney Street bridge, completed in 1887, was the second bridge across the river at Mackay, but for some time lead to nowhere. Located adjacent to the Customs House, it marked the \"head of navigation\" of the Pioneer River. The new bridge was completed in 1938, increasing traffic along Sydney Street to North Mackay. The inadequacy of the river port had been recognised by 1914. In 1939, the", + "score": 0.71142578125 + }, + { + "id": "1704412", + "title": "C. Y. O'Connor", + "text": "of the Public Works Department. The construction of Fremantle Harbour was probably O'Connor's greatest personal triumph, as his proposal to build the harbour within the entrance to the Swan River was contrary to previous expert advice that this was impracticable and that the construction would require constant dredging. Work commenced in 1892 in removing a limestone bar and sand shoals at the mouth of the Swan River and was successfully completed in 1903. On 4 May 1897 the first ocean-going steamer, the \"Sultan\", berthed at South Quay (renamed Victoria Quay on 26 July 1901 in honour of the late Queen", + "score": 0.71142578125 + }, + { + "id": "20820321", + "title": "Wollongong Harbour Precinct", + "text": "part on laid dimension stone. The surplus fill was used to reclaim the area behind the Quay wall and east of the Central Pier. Final adjustments to the facing walls were made using a diving bell that had been brought from England to be used in the construction of the Semi-circular Quay in Sydney Harbour. Construction of the Basin was completed on 25 November 1844 at a cost of \u00a33,465 and it could accommodate coasting vessels from 5 to 20 tons. However, because of incomplete removal of the coffer dams, the entrance depth at low water was only 5 feet", + "score": 0.71142578125 + }, + { + "id": "6941032", + "title": "Warringah Freeway", + "text": "to Friday. A 24-hour Bus Lane (buses, taxi cabs and hire cars) was added after the Sydney Harbour Tunnel opened in 1992. It runs southbound on the outer carriageway and across the Harbour Bridge. This has proven to be a major success, carrying more persons in the morning peak hour than all other southbound lanes combined. Almost all entry and exit ramps on the freeway are controlled by traffic signals. Most of the ramps are of sufficient length to avoid any delays to through traffic, with the exception of Military road. The arrangement for accessing the Harbour bridge (For City", + "score": 0.71142578125 + }, + { + "id": "18952431", + "title": "Sydney Into Its Third Century", + "text": "of the corridors were actually used for infrastructure: separated bus transitways were opened in 2003 and 2007. The orbital road required massive investment: a Sydney Harbour Tunnel (completed 1992), a Castlereagh Expressway (opened in 1997 as the M2 Hills Motorway), a South Western Motorway (completed 2001) and an arterial road link between the Castlereagh and South Western motorways (completed 2005 to motorway standard as Westlink M7). Beyond this, the principal transport projects in the strategy were: The report controversially ignored plans for a rapid transit metro system, despite them being included in the previous strategy from 1968. Sydney Into Its", + "score": 0.7109375 + }, + { + "id": "14656944", + "title": "Peats Ferry Bridge", + "text": "1930 the New South Wales Public Works Department, and subsequently the Main Roads Board, undertook construction of the road between Hornsby and Gosford, in order to provide a direct road route between Sydney and Newcastle. Upon completion of the roadworks in 1930 Peats Ferry was reinstated between Kangaroo Point and Mooney Mooney Point, pending construction of the bridge. Construction of the bridge commenced in 1938 but it was not completed until May 1945. Prior to construction of the Hornsby-Gosford road via Peats ferry the most direct road route between Sydney and Newcastle was via the Old Northern Road via Wisemans", + "score": 0.7109375 + }, + { + "id": "380435", + "title": "Sydney Harbour Bridge", + "text": "28, specifying the construction of a high-level cantilever or arch bridge across the harbour between Dawes Point and Milsons Point, along with construction of necessary approaches and electric railway lines, and worldwide tenders were invited for the project. As a result of the tendering process, the government received twenty proposals from six companies; on 24 March 1924 the contract was awarded to British firm Dorman Long and Co Ltd, of Middlesbrough well known as the contractors who built the similar Tyne Bridge of Newcastle Upon Tyne, for an arch bridge at a quoted price of AU\u00a34,217,721 11s 10d. The arch", + "score": 0.71044921875 + }, + { + "id": "6392911", + "title": "Trams in Sydney", + "text": "The original cable line was extended via Miller and Falcon Streets to Crows Nest, and later the whole line was electrified and extensions were built to various termini around the Lower North Shore. The history of the North Sydney tramway system can be divided into three periods \u2013 the first from the original opening in 1886 to 1909, when the McMahons Point line opened. The second period covers the time until the Wynyard line was opened across the Sydney Harbour Bridge in 1932, and the third from then until the general closure of the system in 1958. In the initial", + "score": 0.71044921875 + }, + { + "id": "15339829", + "title": "Go Between Bridge", + "text": "of the bridge's construction two protesters were arrested for allegedly writing graffiti on a wall surrounding the project site. Construction began in July 2008 and the project was completed in early July 2010. The bridge was built by The Hale Street Link Alliance (HSLA) which consisted of four companies; Bouygues Travaux Publics, Macmahon Holdings, Seymour Whyte Holdings and Hyder Consulting. During construction, lane closures on Coronation Drive caused delays for motorists and resulted in temporary changes to associated public transport services. The final concrete pour for the main bridge span occurred on 2 December 2009. The construction cost for the", + "score": 0.7099609375 + }, + { + "id": "4926940", + "title": "Silver Jubilee Bridge", + "text": "finally accepted design was for a steel through arch bridge with a single carriageway. The design of the bridge is similar to that of Sydney Harbour Bridge but differs from it in that the side spans are continuous with the main span rather than being separate from them. This design feature was necessary to avoid the problem of oscillation due to the railway bridge. The main span measures and each side span is . Construction began on 25 April 1956. The contractors for the first phase of work, Leonard Fairclough of Adlington, cleared the ground and constructed the foundations for", + "score": 0.7099609375 + }, + { + "id": "10044139", + "title": "New South Head Road, Sydney", + "text": "However, by 1834 efforts had increased, and the road began to take shape. Where the road crosses Rushcutters Creek, a succession of bridges were built, starting with a timber bridge around 1834, followed by a stone bridge erected between 1837 and 1839. Bentley's Bridge, as it came to be known, was built by convicts under supervision of Lieutenant ACD Bentley. By the late 1830s, the road was able to cater for carts and stretched from Rushcutters Bay to Vaucluse, finally providing Sydneysiders a coastal thoroughfare along the southern banks of the harbour. Due to the poor condition of the New", + "score": 0.7099609375 + }, + { + "id": "3850709", + "title": "Milsons Point railway station", + "text": "were the first installed in Australia, one of which was transferred to Town Hall station when the temporary station closed. The tram line was also relocated to terminate adjacent to the entrance to the new station in Glen Street. First work on the bridge commenced in 1924 with construction of the bridge approaches and the approach spans. Construction of the approach spans was undertaken concurrently with erection of the steelwork for the actual bridge structure. The building of the approaches on the north side included the construction of North Sydney Station, Milsons Point Station and a number of underbridges to", + "score": 0.70947265625 + }, + { + "id": "2021896", + "title": "Port Jackson", + "text": "in August 1908 by order of U.S. President Theodore Roosevelt. From 1938, seaplanes landed in Sydney Harbour on Rose Bay, making this Sydney's first international airport. In 1942, to protect Sydney Harbour from a submarine attack, the Sydney Harbour anti-submarine boom net was constructed. It spanned the harbour from Green (Laings) Point, Watsons Bay to the battery at Georges Head, on the other side of the harbour. On the night of 31 May 1942, three Japanese midget submarines entered the harbour, one of which became entangled in the western end of the boom net's central section. Unable to free their", + "score": 0.70947265625 + }, + { + "id": "3875681", + "title": "Rail transport in New South Wales", + "text": "was electrified from 1926 at 1500 V DC under a plan by John Bradfield (in the 1920s and 1930s) and later modifications to his plan. In 1932, the Sydney Harbour Bridge was completed and the key inner city line from Central to Town Hall, Wynyard, Milsons Point and North Sydney was opened. In 1956, the Circular Quay station opened, completing the City Circle. The underground Eastern Suburbs railway was completed to Bondi Junction in 1979. In 2000, the line to Sydney Airport and Wolli Creek was opened, with the Epping to Chatswood Rail Link being opened in 2009. The most", + "score": 0.708984375 + }, + { + "id": "4528932", + "title": "History of rail transport in Australia", + "text": "final two stages, Mullet Creek to Gosford (opened 16 January 1888) and Hawkesbury to Mullet Creek (opened 1 May 1889), of the Homebush to Waratah line, these final two stages required the construction of the Woy Woy Tunnel and the original Hawkesbury River Railway Bridge. The Newcastle to Wallangarra section was constructed between 1857 and 1888 with a break-of-gauge required at the New South Wales and Queensland border. The North Coast railway line, constructed between 1905 and 1932 with the completion of the Grafton Bridge, brought about the closure of the northern end of the Main North line at the", + "score": 0.70751953125 + }, + { + "id": "20881656", + "title": "Berrima Internment Camp Huts Area", + "text": "and high level marks, the mariners chose to construct a high level bridge above the general flood level around the area in line with Oxley Street on the right bank and just downstream from the water hole known as the Great Lake. Constructed in three months from local timbers the bridge was officially opened in July 1915 and named Hansa Bridge. The naming of the bridge is significant in that it makes reference to the shipping company HANSA line and pays homage to the maritime history of the Hanseatic League and the confederate cities of north Germany 1260-1600. From photographic", + "score": 0.70751953125 + }, + { + "id": "20947033", + "title": "Royal Edward Victualling Yard", + "text": "wool, coal or general cargo. Works on a concrete quay commenced in 1897. The Sydney Harbour Trust was created in 1901 and subsequently took over construction of the concrete wharf. By this time the eastern side of the wharf was being used as a wheat trading area. A long single storey shed running the length of berths 12 to 14 was completed in 1902. In the same year the concrete wharf was completed and the eastern and western sides connected by a timber wharf to the north A shed was build in 1903-04 on the western side of the wharf", + "score": 0.70751953125 + }, + { + "id": "7057667", + "title": "Cataract Dam", + "text": "the downstream wall was corbelled in concrete. In approximately the midsection of the dam stands the valve house. This is finished in quarried sandstone blocks with ashlar coursing. It features a steeply pitched slate-covered pipped roof topped with finials and gables at either side. Dam construction began in 1902 and was completed in 1907, and the spillway was widened in 1915. E. M. de Burgh was the supervising engineer for the project from 1904. The Upper Nepean Scheme was commenced in 1880 after it was realised that the Botany Swamps scheme was insufficient to meet Sydney's water supply needs. The", + "score": 0.70703125 + }, + { + "id": "6091964", + "title": "The Causeway", + "text": "it, the structure was rebuilt using convict labour, and raised to better withstand future floods. Governor John Hampton officially opened the new Causeway on 12 November 1867. Over the following decades, the three bridges making up this second Causeway were widened several times, and they were eventually replaced in 1952. The current Causeway bridges were designed by E W C Godfrey, and built between 1947 and 1952. They were the first in Western Australia to use steel composite construction. Large roundabouts were also constructed at each end of the structure, to improve the flow of traffic. The opening of the", + "score": 0.70703125 + }, + { + "id": "16585673", + "title": "Victoria Quay, Fremantle", + "text": "Western Australia's main harbour at Fremantle despite opposition from postal authorities in other colonies who preferred Albany. In 1891 C. Y. O'Connor, an Irish born civil engineer who had extensive experience in New Zealand, arrived in Western Australia and was appointed Engineer-in-Chief for Western Australia. In 1892 O'Connor presented two plans for building Fremantle Harbour. Initial construction started in 1892, focused on the north mole and blasting the rock bar across the river mouth. Because of its proximity to Fremantle blasting was slow. Construction of the south mole commenced in August 1894 using rock from Arthur Head and Rocky Bay.", + "score": 0.70654296875 + }, + { + "id": "20909561", + "title": "Sydney Harbour railway electricity tunnel", + "text": "of Louisa Road and Numa Street. The steam railway service from Hornsby to St Leonards was established in 1890 and extended to Milsons Point in 1893. This service was converted to electricity in 1927, the year after the completion of the tunnel. The tunnel construction job itself was a series of \"Homeric battles\": The work was started from three points; Long Nose Point, Greenwich, and a shaft at the extreme end of Mann Point, which is a continuation, more or less, of Greenwich. Initially progress was rapid, however some problems were encountered. First of all, the residents of Long Nose", + "score": 0.70654296875 + }, + { + "id": "2795148", + "title": "Anzac Bridge", + "text": "exacerbated by having to close a major arterial road to allow the movement of shipping into Blackwattle Bay, led to the construction of the present-day Anzac Bridge. The 1903 bridge is still standing, but there is no access to pedestrians or vehicular traffic. The stay cable design concept development and final design for the new bridge were carried out by the Roads & Traffic Authority of NSW and the construction by Baulderstone Pty. Ltd. The bridge was opened to traffic on 3 December 1995 as the Glebe Island Bridge. The bridge was given its current name on Remembrance Day in", + "score": 0.7060546875 + }, + { + "id": "3850710", + "title": "Milsons Point railway station", + "text": "carry the railway. The approaches were designed and built by the Sydney Harbour Bridge Branch of the Public Works Department and the Metropolitan Railway Construction Branch of the NSW Government Railways. The northern approaches were built using spoil from the excavation of the North Sydney station site to build a ramp up to the main bridge level. Retaining walls of concrete, built by Monier Concrete, were built along Broughton and Alfred Streets and Bradfield and Pacific Highways. The line from Hornsby to Milsons Point was electrified from 2 August 1927. The Milsons Point station was constructed between 1929 and 1932", + "score": 0.70556640625 + }, + { + "id": "8310667", + "title": "Alexandra Canal (New South Wales)", + "text": "put on public exhibition in August that year. By August 1999, a $300 million plan was announced by the South Sydney Development Corporation, that would feature housing for 25,000 residents, cafes, restaurants and boating facilities on the Alexandra Canal. The masterplan, released in 2001, featured cycleways along the entire length of both banks of the canal. In February, 2003, the New South Wales Deputy Premier, Dr Andrew Refshauge submitted the development application to begin construction of the cycleway. \u201cThe creation of the cycle and pedestrian path along the length of the canal will draw people to the edge of the", + "score": 0.70556640625 + }, + { + "id": "380445", + "title": "Sydney Harbour Bridge", + "text": "Load testing of the bridge took place in February 1932, with the four rail tracks being loaded with as many as 96 steam locomotives positioned end-to-end. The bridge underwent testing for three weeks, after which it was declared safe and ready to be opened. The construction worksheds were demolished after the bridge was completed, and the land that they were on is now occupied by Luna Park. The standards of industrial safety during construction were poor by today's standards. Sixteen workers died during construction, but surprisingly only two from falling off the bridge. Several more were injured from unsafe working", + "score": 0.705078125 + }, + { + "id": "21013850", + "title": "Railway Square road overbridge", + "text": "ever-further parts of NSW as the rail network expanded. These goods could then be loaded directly onto ships for intrastate, interstate and international markets. The arched overbridge was constructed using Pyrmont sandstone and was built with a span and a width of . The centre arch was 5 metres above the rail level and has a radius of . It was constructed by the Sydney Railway Company, the private interest group that formed in 1848 with the backing of the New South Wales Legislative Council. William Randle, who had arrived in 1852 with the company's new Engineer-in-Chief James Wallace, was", + "score": 0.705078125 + }, + { + "id": "16055528", + "title": "Rose Hill Packet", + "text": "Governor Arthur Phillip had appointed a midshipman, Henry Brewer, as temporary superintendent of building works in the colony seven years before. In 1796, Governor John Hunter would establish a government shipyard in Sydney Town. The craft was laid down on 30 December 1788 on King's Slipway, later the James Underwood yards on the east side of Sydney Cove, somewhere near the site of the present Customs House, by convicts under supervision of Robinson Reid, a carpenter from . Fourteen ship's carpenters are known to have been sailing with the First Fleet ships, so the selection of Reed as the builder", + "score": 0.705078125 + }, + { + "id": "5874322", + "title": "Cross City Tunnel", + "text": "of a traffic shortfall, in 2002, the government of Bob Carr awarded Cross City Motorways the contract to build, own and operate an east-west tunnel underneath the Sydney CBD. Construction work for the Cross City Tunnel commenced in January 2003, and the tunnel was originally scheduled to open in October 2005. In April 2005 the NSW government announced that the tunnel would open four months early, on Sunday 12 June. The opening day was subsequently postponed due to detailed commissioning works, with the official opening going ahead on Sunday 28 August 2005. The tunnel was opened by the Premier of", + "score": 0.705078125 + }, + { + "id": "5014240", + "title": "Wylam", + "text": "piers on the river bed would disturb the shallow mine workings below, which already suffered from flooding. The designers found the solution in designing a single-span bridge carrying a double track, without the need for piers. The bridge consists of three parallel wrought iron arches resting on abutments on each bank, with the twin rail decks suspended by 14 wrought iron drop bars. It cost \u00a316,000 to build. The bridge paved the way for new developments in bridge building \u2013 Newcastle's Tyne Bridge in 1928 and Sydney Harbour Bridge in 1932, being direct descendants of the design and construction of", + "score": 0.70458984375 + }, + { + "id": "5810039", + "title": "Narrows Bridge (Perth)", + "text": "beds below that going a further down. Ernie Godfrey, a bridge engineer with the Main Roads Department, travelled overseas to inspect bridges in similar geological locations and to source a designer for the proposed bridge. The design contract for the bridge was won by British engineering firm Maunsell & Co. Construction on the road system began in 1956, and the contract for construction of the bridge was signed by Commissioner of Main Roads J. Digby Leach on 16 March 1957. The bridge was built by Danish firm Christiani and Nielsen in conjunction with Western Australian engineering firm J. O. Clough", + "score": 0.70458984375 + }, + { + "id": "380446", + "title": "Sydney Harbour Bridge", + "text": "practices undertaken whilst heating and inserting its rivets, and the deafness experienced by many of the workers in later years was blamed on the project. Henri Mallard between 1930 and 1932 produced hundreds of stills and film footage which reveal at close quarters the bravery of the workers in tough Depression-era conditions. Interviews were conducted between 1982-1989 with a variety of tradesmen who worked on the building of the bridge. Among the tradesmen interviewed were drillers, riveters, concrete packers, boilermakers, riggers, ironworkers, plasterers, stonemasons, an official photographer, sleepcutters, engineers and draughtsmen. The total financial cost of the bridge was AU\u00a36.25", + "score": 0.70458984375 + }, + { + "id": "380451", + "title": "Sydney Harbour Bridge", + "text": "the Citizens of Sydney Organising Committee, an influential body of prominent men and politicians that formed in 1931 under the chairmanship of the Lord Mayor to oversee the festivities. The celebrations included an array of decorated floats, a procession of passenger ships sailing below the bridge, and a Venetian Carnival. A message from a primary school in Tottenham, away in rural New South Wales, arrived at the bridge on the day and was presented at the opening ceremony. It had been carried all the way from Tottenham to the bridge by relays of school children, with the final relay being", + "score": 0.703125 + }, + { + "id": "3857854", + "title": "Luna Park Sydney", + "text": "in 1924 to the site of the station constructed in 1915. The Sydney Harbour Bridge was officially opened in 1932 which meant that Lavender Bay/Milson Point station and the use of vehicular ferries were made redundant. The location of Luna Park was formerly occupied by a series of workshops, cranes, and railway sidings used to provide for the construction of the Sydney Harbour Bridge. When the Harbour Bridge was completed in 1932, North Sydney Council opened applications for tenders to develop the site. At the same time, Herman Phillips, David Atkins, and Ted \"Hoppy\" Hopkins, the minds behind Luna Park,", + "score": 0.70263671875 + }, + { + "id": "14826026", + "title": "Lawrence Ennis", + "text": "Long in 1903 as superintendent in charge of bridge and constructional works. In 1905 he was made works manager. Ennis became general manager of the company in 1915 and a company director in 1924. Ennis was appointed OBE in 1918, in reignition of his conversion of the Dorman Long works into a munitions manufacturing site during World War One. From 1924 to 1932 Ennis was resident in Australia to manage the construction of Sydney Harbour Bridge. Upon his return to Britain in 1932, Ennis was appointed managing director of Dorman Long. Under his tenure the firm built a large steelworks", + "score": 0.70263671875 + }, + { + "id": "2277011", + "title": "History of Sydney", + "text": "which rose a towering gothic-revival landmark. The first Sydney Royal Easter Show, an agricultural exhibition, began in 1823. Alexander Macleay started collecting the exhibits of Australia's oldest museum\u2013Sydney's Australian Museum\u2013in 1826 and the current building opened to the public in 1857. The University of Sydney was established in 1850. The Royal National Park, south of the city opened in 1879 (second only to Yellowstone National Park in the USA). An academy of art formed in 1870 and the present Art Gallery of New South Wales building began construction in 1896. Inspired by the works of French impressionism, artists camps formed", + "score": 0.7021484375 + }, + { + "id": "1536109", + "title": "William Jolly Bridge", + "text": "showing the official final cost as \u00a3688,387/12/5. The Grey Street Bridge opened on 30 March 1932The bridge was officially opened to traffic on 30 March 1932 by Sir John Goodwin, the Governor of Queensland, just eleven days after the opening of the Sydney Harbour Bridge. A large crowd gathered on both sides of the river and 600 invited guests were in attendance. There was great community interest in the massive public works under construction at the time. It was the era of the Great Depression and massive public works, and Vida Lahey, a distinguished Queensland artist, painted the bridge at", + "score": 0.7021484375 + }, + { + "id": "10299689", + "title": "Sidney Sherman Bridge", + "text": "hazard to ships on the Ship Channel. So a 600 foot (180 m) mainspan was in the plans instead, and the Army Corps approved of the design. Construction on the bridge started in 1969, and was opened to traffic on March 2, 1973 (along with the East Loop of I-610). Just a year before, the National Society of Professional Engineers named the new bridge one of the top ten outstanding engineering achievements in the nation. In 1974, it was renamed the \"Sidney Sherman Bridge\" after Sidney Sherman who led the Texas Revolution and took part in making the Houston Ship", + "score": 0.7021484375 + }, + { + "id": "2727643", + "title": "Joseph Cahill", + "text": "contract for the first stage of building works for the Opera House with the Chairman of Lendlease Corporation and Civil & Civic, Dick Dusseldorp, and the managing director of Brederos, Jan de Vries. On the occasion of the official start of building and the laying of the foundation plaque on 2 March 1959, Cahill declared that the Sydney Opera House, \"will stand not merely as an outstanding example of modern architecture or even as a world famous opera house, but as a shrine in which the great artists of the world may be seen and heard and our own artists", + "score": 0.70166015625 + }, + { + "id": "18739443", + "title": "Sydney Metro City & Southwest", + "text": "2015. Preliminary works involving drilling to depths 70m below Sydney Harbour commenced on 9 April 2015 to find the alignment for the new Sydney Metro tunnels. Planning approval for the Chatswood to Sydenham section of the project was received in January 2017. In June 2017, a John Holland, CPB Contractors and Ghella joint venture was awarded the contract to build the twin tunnels from Chatswood to Sydenham. A contract for a major upgrade of Central station was awarded to Laing O'Rourke in March 2018. The project includes construction of two new underground platforms to serve the metro and a new", + "score": 0.701171875 + }, + { + "id": "2928550", + "title": "Circular Quay railway station", + "text": "War II, and recommenced in 1945. Work was again interrupted between 1951 and 1953 with the viaduct finally completed in 1954. The supporting beams were fabricated at Chullora Railway Workshops in the 1930s. They were used during the construction of the Hawkesbury River Railway Bridge in the 1940s, before being returned to Chullora. Designs for the station building itself commenced in 1927, revised in 1937, and the station was finally completed and opened on 20 January 1956 by State Premier Joe Cahill, with the first regular train services beginning on 22 January. The completion of Circular Quay station marked the", + "score": 0.701171875 + }, + { + "id": "380440", + "title": "Sydney Harbour Bridge", + "text": "both private homes and commercial operations, were demolished to allow construction to proceed, with little or no compensation being paid. Work on the bridge itself commenced with the construction of approaches and approach spans, and by September 1926 concrete piers to support the approach spans were in place on each side of the harbour. As construction of the approaches took place, work was also started on preparing the foundations required to support the enormous weight of the arch and loadings. Concrete and granite faced abutment towers were constructed, with the angled foundations built into their sides. Once work had progressed", + "score": 0.701171875 + }, + { + "id": "11155820", + "title": "Nelson Section", + "text": "the project was declared bankrupt. In a surprise move, the government seized the company's assets on 25 May 1895 and declared its intention to proceed with the contract on the company's behalf. It was not until November 1895 that work resumed when six men started preparations for the next stage of construction which started in March 1896. Forty men were assigned to complete the contract over the following year. A series of excursion trips were organised for 1 February 1897 to mark the occasion of trains being able to travel through the tunnel. Because the contracts that had been let", + "score": 0.701171875 + }, + { + "id": "13001908", + "title": "London and Southampton Railway", + "text": "and MacDermot, writing from the GWR point of view, says that \"This was the beginning of a long and bitter hostility to their (the L&SR's) great neighbour.\" Construction probably started on 6 October 1834 with Francis Giles as engineer. His method was to employ a number of small contractors working concurrently, the railway company supplying the materials. Fay states that the contractors completed the easier parts of the work first and then demanded higher prices for the more difficult parts. Giles was subject to heavy criticism for the slow progress resulting from this cause, and for his serious underestimation of", + "score": 0.70068359375 + }, + { + "id": "2683795", + "title": "Sydney Harbour Tunnel", + "text": "used the Westlink M7, Cross City Tunnel and the Lane Cove Tunnel. This measure has substantially eased the traffic jams heading towards the electronic gantries, and providing increased convenience and time savings. The Sydney Harbour Tunnel attracts a varying toll (that was introduced in 2009) of between A$2.50 and A$4.00, depending on the time of day. The toll is levied on the southbound approach to the tunnel entrance. Sydney Harbour Tunnel The Sydney Harbour Tunnel is a twin-tube road tunnel in Sydney, Australia. The tunnel was completed and opened to traffic in August 1992 to provide a second vehicular crossing", + "score": 0.70068359375 + }, + { + "id": "2795147", + "title": "Anzac Bridge", + "text": "of the original bridge was driven in October 1860. The bridge was opened in 1862 and was a timber beam bridge long and wide with a swing section on the eastern side. It replaced a double steam punt crossing. The second Glebe Island Bridge was an electrically operated swing bridge opened in 1903, the year after the opening of the new Pyrmont Bridge over Sydney's Darling Harbour, which has a similar design. The bridge was designed by Percy Allan of the New South Wales Public Works Department who also designed the Pyrmont Bridge. Delays due to increasing traffic, which were", + "score": 0.70068359375 + }, + { + "id": "1740890", + "title": "Road pricing", + "text": "lane was introduced in the U.S. on California State Route 91 in 1995. Since 2000, other schemes have been introduced, although the New York congestion pricing proposal and a number of UK proposals were not progressed due to public opposition. In January 2009, variable tolls were implemented at Sydney Harbour Bridge, two weeks after upgrading to 100% free-flow electronic toll collection. The highest fees are charged during the morning and afternoon peak periods; a toll 25% lower applies for the shoulder periods; and a toll lower than the previously existing is charged at nights, weekends, and public holidays. This is", + "score": 0.70068359375 + }, + { + "id": "5810040", + "title": "Narrows Bridge (Perth)", + "text": "& Son. Leif Ott Nilsen oversaw construction on behalf of Christiani and Nielsen. The first timber pile for the temporary staging for the construction was driven at noon on 8 June 1957. The first permanent pile for the bridge was driven home on 18 August 1957. Work on the bridge's precast concrete beams began in September 1957, and the first of these was lifted into place by the gantry crane in February 1958. The last river pile was driven home in November 1958, and the final concrete beam was lowered into position in June 1959. During construction on 10 February", + "score": 0.70068359375 + }, + { + "id": "7938513", + "title": "Sydney Freight Network", + "text": "was constructed between the Sydney Railway Station (the predecessor to Central railway station) and Darling Harbour, which opened on 26 September 1855. Initial traffic was spoil for the construction of the Main Suburban line (now the Inner West line) between Sydney and Parramatta, then for the carriage of departmental coke for steam engines, and a small amount of timber from 1860. Initial reports of the traffic on the line suggested that freight revenue amounted to only \u00a320 a year, and there was only 60 tonnes of coke carriage a week. Other problems beset the line in the 1860s. Darling Harbour", + "score": 0.70068359375 + }, + { + "id": "11483135", + "title": "Holloway Brothers (London)", + "text": "Australia 1914 Esk Bridge Gretna, replacing one built by Thomas Telford in 1820. 1922-6 Bridge over the Thames at Reading 1924-8 Royal Tweed Bridge at Berwick-upon-Tweed 1930-3 Hampton Court Bridge 1934-7 Chelsea Bridge The first self-anchored suspension bridge in the country and the first steel bridge built by Holloways. 1936-7 Towy Bridge at Carmarthen 1936- King Ghazi and King Faisal Bridges across the Tigris at Bagdhad 1936-40 Wandsworth Bridge 1939- Bahrain swing bridge 1945-50 Baghdad combined road-rail bridge across the Tigris 1956-8 bridge over the Diyala River at Baqubah Iraq Although heavily engaged in large scale construction and civil engineering", + "score": 0.70068359375 + }, + { + "id": "20909558", + "title": "Sydney Harbour railway electricity tunnel", + "text": "Sydney Harbour railway electricity tunnel Sydney Harbour railway electricity tunnel is heritage-listed electricity infrastructure running under Sydney Harbour between Birchgrove and Greenwich, Sydney, New South Wales, Australia. It is also known as Balmain to Greenwich Electric Cable Tunnel. It was added to the New South Wales State Heritage Register on 2 April 1999. The tunnel was built between Long Noise Point, Birchgrove, and Manns Point, Greenwich, from 1913 to 1926 to carry submarine electricity cables for the electric tramway system on the north side of the Harbour as submarine cables laid across the bed of the harbour had suffered damage", + "score": 0.70068359375 + }, + { + "id": "380486", + "title": "Sydney Harbour Bridge", + "text": "of growth of metropolitan Sydney, particularly in residential development in post World War II years. In the 1960s and 1970s the Central Business District had extended to the northern side of the bridge at North Sydney which has been due in part to the easy access provided by the bridge and also to the increasing traffic problems associated with the bridge. Sydney Harbour Bridge was listed on the New South Wales State Heritage Register on 25 June 1999 having satisfied the following criteria. The place is important in demonstrating the course, or pattern, of cultural or natural history in New", + "score": 0.7001953125 + }, + { + "id": "20093303", + "title": "Western Harbour Tunnel & Beaches Link", + "text": "Harbour Tunnel corridor currently carry 80 percent of all vehicles crossing Sydney Harbour and the Parramatta River, greatly increasing traffic congestion. The Government of New South Wales has pledged $77 million in funding to evaluate the design and construction feasibility of the project. The design phase began in early April 2017 and is scheduled to be completed by mid-2018. The forecast cost is $14bn. Western Harbour Tunnel & Beaches Link The Western Harbour Tunnel & Beaches Link is a planned north-south motorway along the current alignment of Wakehurst Parkway between Warringah Road, Frenchs Forest and the WestConnex motorway in Sydney.", + "score": 0.7001953125 + }, + { + "id": "378041", + "title": "Sydney Opera House", + "text": "construction by allowing the use of precast units (it also allowed the roof tiles to be prefabricated in sheets on the ground, instead of being stuck on individually at height). Ove Arup and Partners' site engineer supervised the construction of the shells, which used an innovative adjustable steel-trussed \"erection arch\" to support the different roofs before completion. On 6 April 1962, it was estimated that the Opera House would be completed between August 1964 and March 1965. Stage III, the interiors, started with Utzon moving his entire office to Sydney in February 1963. However, there was a change of government", + "score": 0.69970703125 + } + ], + "answer": "While construction officially started on the Sydney Harbour Bridge on 28 July 1923, construction of the arch on the bridge didn't begin until 26 October 1928. Work on the bridge itself commenced with the construction of approaches and approach spans." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Which characters were the original twins in everybody loves raymond?", + "short_answers": [ + "Gregory and Matthew" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Which actors were the original twins in everybody loves raymond?", + "short_answers": [ + "the Ferreira triplets" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Pilot (Everybody Loves Raymond)", + "url": "https://en.wikipedia.org/wiki/Pilot%20%28Everybody%20Loves%20Raymond%29" + }, + { + "title": "Everybody Loves Raymond", + "url": "https://en.wikipedia.org/wiki/Everybody%20Loves%20Raymond" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Everybody Loves Raymond is an American sitcom television series created by Philip Rosenthal that aired on CBS from September 13, 1996, to May 16, 2005, with a total of 210 episodes spanning over nine seasons.", + "wikipage": "Everybody Loves Raymond" + }, + { + "content": "The twin boys are named Gregory and Matthew (Ray Romano's actual sons' names) and in the pilot are played by the Ferreira triplets, although only two are seen at any one time.", + "wikipage": "Pilot (Everybody Loves Raymond)" + } + ], + "long_answer": "In the American sitcom television series Everybody Loves Raymond, the twin boys are named Gregory and Matthew (Ray Romano's actual sons' names) and in the pilot are played by the Ferreira triplets, although only two are seen at any one time. " + }, + { + "knowledge": [ + { + "content": "The twin boys are named Gregory and Matthew (Ray Romano's actual sons' names) and in the pilot are played by the Ferreira triplets, although only two are seen at any one time. In all other episodes of the series, the twins are named Michael and Geoffrey and are played by Sullivan and Sawyer Sweeten.", + "wikipage": "Pilot (Everybody Loves Raymond)" + }, + { + "content": "Geoffrey Barone (Sawyer Sweeten) and Michael Barone (Sullivan Sweeten) are the twin sons of Raymond and Debra.", + "wikipage": "Everybody Loves Raymond" + } + ], + "long_answer": "The twin boys in the pilot episode of Everybody Loves Raymond were actually triplets. In the pilot, the twins were named Gregory and Matthew, Ray Romano's actual sons' names, and were played by the Ferreira triplets, although only two are seen at any one time. In all other episodes of the series, the twins are named Michael and Geoffrey and are played, respectively, by Sullivan and Sawyer Sweeten." + } + ], + "sample_id": "4150448921344430432", + "question": "Who were the original twins in everybody loves raymond?", + "docs": [ + { + "id": "18738650", + "title": "Sawyer Sweeten", + "text": "family for those nine years on Raymond. My deepest condolences and love go out to them during this unimaginable time.\" Sweeten's on-screen grandmother Doris Roberts remembered Sawyer as \"a very sweet young man\" and reminded fans to \"make sure your loved ones know how much you care about them. It's very important to keep in touch.\" Phil Rosenthal, creator of \"Everybody Loves Raymond\" and husband of co-star Monica Horan, remembers Sawyer, his twin brother Sullivan, and their older sister Madylin as \"children that never failed to make us laugh, or remind us of how we feel about our own children\".", + "score": 0.74169921875, + "summary": "Sawyer Sweeten, Sullivan Sweeten, and Madylin Sweeten were the original twins in Everybody Loves Raymond.", + "extraction": "Sawyer Sweeten and Sullivan were the original twins in Everybody Loves Raymond, according to Phil Rosenthal, the creator of the show." + }, + { + "id": "18738648", + "title": "Sawyer Sweeten", + "text": "Sawyer Sweeten Sawyer Storm Sweeten (May 12, 1995 \u2013 April 23, 2015) was an American child actor. He was best known for playing Geoffrey Barone on the sitcom Everybody Loves Raymond. Sweeten was born in Brownwood, Texas, to parents Timothy Sweeten and Elizabeth Millsap. He had a sister Madylin, and a twin brother, Sullivan - all three starring on the CBS sitcom \"Everybody Loves Raymond\" for 9 seasons. The Sweeten family moved to California when the twins were 6 months old; the siblings were cast less than a year later. Later, Sawyer and Sullivan owned a house together in Riverside,", + "score": 0.732421875, + "summary": "The original twins in Everybody Loves Raymond were Sawyer and Sullivan Sweeten, who played Geoffrey and Michael Barone on the sitcom. Sawyer Sweeten passed away on April 23, 2015.", + "extraction": "The original twins in \"Everybody Loves Raymond\" were Sullivan and Sawyer Sweeten." + }, + { + "id": "1605739", + "title": "Everybody Loves Raymond", + "text": "an Italian-American everyman named Raymond Barone, a sportswriter for \"Newsday\" living with his family in Long Island. Beleaguered, diffident and dryly sarcastic, Raymond takes few things seriously, making jokes in nearly every situation, no matter how troubling or serious. He often avoids responsibilities around the house and with his kids, leaving this to wife Debra. Raymond and Debra have a daughter Ally (Alexandra) and twin sons Michael and Geoffrey (originally Matthew and Gregory in the pilot). The Barone children are regular characters but not a major focus. Raymond's parents, Marie and Frank, live across the street with older son Robert", + "score": 0.72705078125, + "summary": "The original twins in Everybody Loves Raymond were Matthew and Gregory, but their names were changed to Michael and Geoffrey in later episodes.", + "extraction": "Michael and Geoffrey (originally Matthew and Gregory in the pilot) were the original twins in Everybody Loves Raymond." + }, + { + "id": "10361447", + "title": "The Borden Twins", + "text": "The Borden Twins The Borden Twins (born May 29, 1932), Rosalyn Borden and Marilyn Borden, were twin sisters who acted together in numerous television programs from the 1950s until the 1980s. They were best remembered as \"Teensy\" and \"Weensy\" in an episode of \"I Love Lucy\" entitled \"Tennessee Bound\". They never rose above supporting players, but the duo performed in many venues, including gigs on the nightclub circuit, as well as larger events including the Rose Bowl. The twins also performed at numerous USO shows at home and overseas. The sisters worked with notable performers such as Lucille Ball, Dean", + "score": 0.72216796875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "1751121", + "title": "Ray Romano", + "text": "Also, in the series pilot, Ray and Debra's twin boys were named Gregory and Matthew, after Romano's real-life twin sons, but Romano felt it was inconvenient to have all his TV children have the same names as his real children, and changed the twins' names to Geoffrey and Michael on screen. He also said his brother was not pleased with Ray Barone's TV brother. Romano's family has made various appearances in the show. Romano's real-life daughter Alexandra \"Ally\" Romano made several appearances on \"Everybody Loves Raymond\" as Molly, the best friend of his on-screen daughter, Ally, and the daughter of", + "score": 0.7158203125, + "summary": "The original twin boys in \"Everybody Loves Raymond\" were named Gregory and Matthew after Ray Romano's real-life twin sons. However, their names were changed to Geoffrey and Michael for the show.", + "extraction": "The original twins in \"Everybody Loves Raymond\" were named Gregory and Matthew, but their names were later changed to Geoffrey and Michael on screen." + }, + { + "id": "18738651", + "title": "Sawyer Sweeten", + "text": "His on-screen/real life sister Madylin released a statement regarding her brother's death and pleaded for everyone \"to reach out to the ones you love\". Sawyer Sweeten Sawyer Storm Sweeten (May 12, 1995 \u2013 April 23, 2015) was an American child actor. He was best known for playing Geoffrey Barone on the sitcom Everybody Loves Raymond. Sweeten was born in Brownwood, Texas, to parents Timothy Sweeten and Elizabeth Millsap. He had a sister Madylin, and a twin brother, Sullivan - all three starring on the CBS sitcom \"Everybody Loves Raymond\" for 9 seasons. The Sweeten family moved to California when the", + "score": 0.71435546875, + "summary": "Sawyer Sweeten was one of the child actors who played Geoffrey Barone on the sitcom Everybody Loves Raymond. He had a twin brother named Sullivan and a sister named Madylin, who also starred on the show. However, the document does not reveal who the original twins were.", + "extraction": "The original twins on \"Everybody Loves Raymond\" were Sawyer's twin brother Sullivan and his on-screen/real life sister Madylin." + }, + { + "id": "7006579", + "title": "The Edison Twins", + "text": "The Edison Twins The Edison Twins is a Canadian children's television program which aired on CBC Television from 1982 to 1986. The Disney Channel also picked up the rights in the mid-1980s. Six seasons were produced by Nelvana. It stars Andrew Sabiston and Marnie McPhail as fraternal twins Tom and Annie Edison, Sunny Besen Thrasher as their mischievous little brother Paul, and Milan Cheylov as their bumbling friend Lance Howard. Brian George stars as their police officer friend Sgt. Paganee. The show focused on the adventures of the main cast as they stumbled onto one problem after another, using Tom", + "score": 0.71240234375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "2630867", + "title": "Doublemint", + "text": "(professionally using their mother's maiden name, Boyd) of Hammond, Indiana, appeared in advertisements for Doublemint, until 1963 when Joan became pregnant. The company, however, continued sporadically to promote the campaign, which included twins Jennie and Terrie Frankel in the late 1960s; later \"Doublemint Twins\" included June and Patricia Mackrell through the 1970s (who had also been the Toni Twins for Toni Home Permanent, which used the slogan \"Which twin has the Toni?\"), Patricia and Cybil (some sources show her name as Priscilla) Barnstable, Denise and Dian Gallup, Cynthia and Brittany Daniel (future co-stars as the Wakefield twins in the TV", + "score": 0.70849609375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about various sets of Doublemint Twins in advertisements, but it does not mention the original twins in Everybody Loves Raymond." + }, + { + "id": "12985974", + "title": "Keith and Kevin Schultz", + "text": "\"I've Got a Secret\", their secret being that they had worked with panelist Palmer as infants. Throughout their childhood, the brothers continued to work as professional child actors, primarily playing twin roles in various commercials, films and television series. In 1966, Keith and Kevin landed starring roles on the television series \"The Monroes\", portraying twin brothers Jefferson \"Big Twin\" Monroe and Fennimore \"Little Twin\" Monroe respectively. The series, which also starred Michael Anderson, Jr., Barbara Hershey and Tammy Locke, centered around a frontier family of five orphan siblings as they attempted to make a new life in Jackson Hole, Wyoming.", + "score": 0.70556640625, + "summary": "The document is irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "14977563", + "title": "Twinn Connexion", + "text": "2010. Born on January 15, 1941, identical twin brothers Jerry and Jay Hopkins grew up in Helena, Montana. They began singing together in grade school and performed in several plays at the Old Brewery Theatre, a summer stock playhouse in Helena. They reprised their roles from the play \"The Remarkable Mr. Pennypacker\" in a national television commercial as the Imperial Margarine twins. While in high school, the brothers starred in a local half-hour weekly television show, \"Teen Time Varieties\". In January 1963, after attending the University of Montana, the twins moved to New York City. They appeared in Off-Broadway theatre", + "score": 0.70263671875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "5139755", + "title": "Philip Rosenthal", + "text": "in 1981. In the early 1980s, Rosenthal was an actor based out of New York City before shifting his focus to production work, becoming a writer and producer of such shows as \"Coach\" with Craig T. Nelson and the short-lived \"Baby Talk\". Rosenthal's largest commercial success and longest-running project was the sitcom \"Everybody Loves Raymond\". The show was co-produced by Ray Romano, and was based in part on Romano's comedy material. Rosenthal's wife, actress Monica Horan, played the role of Amy MacDougall-Barone, the off-and-on girlfriend (wife after season 7) of Robert Barone (Brad Garrett) in the series. It was Rosenthal", + "score": 0.7021484375, + "summary": "Irrelevant.", + "extraction": "Ray Romano and Brad Garrett played the original twins in Everybody Loves Raymond." + }, + { + "id": "1605738", + "title": "Everybody Loves Raymond", + "text": "Everybody Loves Raymond Everybody Loves Raymond is an American sitcom television series created by Philip Rosenthal that aired on CBS from September 13, 1996, to May 16, 2005, with a total of 210 episodes spanning over nine seasons. It was produced by Where's Lunch and Worldwide Pants, in association with HBO Independent Productions. The cast members are Ray Romano, Patricia Heaton, Brad Garrett, Doris Roberts, Peter Boyle, Madylin Sweeten, and Monica Horan. Most episodes of the nine season series were filmed in front of a live studio audience, with a few exceptions. The show is centered on the life of", + "score": 0.701171875, + "summary": "irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "4278947", + "title": "Madylin Sweeten", + "text": "in shorts and independent films. Madylin Sweeten Madylin Anne-Michele Sweeten (born June 27, 1991) is an American actress and comedian, best known as a child star for playing the role of Ally Barone, the daughter of Ray and Debra on the CBS television sitcom \"Everybody Loves Raymond\" from 1996\u20132005. Sweeten was born in Brownwood, Texas, to Timothy Lynn Sweeten and Elizabeth Anne Millsap. Sweeten has younger, twin brothers, Sullivan and the late Sawyer (19952015), who played (respectively) her twin brothers Michael and Geoffrey Barone on the sitcom. Sweeten comes from a family of nine children. The names of her younger", + "score": 0.7001953125, + "summary": "Madylin Sweeten played the role of Ally Barone, the daughter of Ray and Debra, on the CBS television sitcom \"Everybody Loves Raymond\" from 1996-2005. Her twin brothers, Sullivan and Sawyer, played her twin brothers Michael and Geoffrey on the show. Sawyer passed away in 2015.", + "extraction": "Madylin Sweeten has younger, twin brothers, Sullivan and the late Sawyer (19952015), who played (respectively) her twin brothers Michael and Geoffrey Barone on the sitcom \"Everybody Loves Raymond\"." + }, + { + "id": "10066912", + "title": "The Mineola Twins", + "text": "at the Laura Pels Theatre in a Roundabout Theatre production. Directed by Joe Mantello with musical staging by Ken Roberson, the cast included Swoosie Kurtz as the twins, Mo Gaffney as Myrna's boyfriend Jim and later Myra's lesbian lover Sarah, Mandy Siegfried as the twins' sons, Kenny and Ben. Additional cast included Jimmy Holder and Daniel Stewart Sherman. \"New York Times\" critic Vincent Canby wrote, \"Working lightly, surely and always in sync ... Vogel ... Mantello [and] Kurtz and a dream supporting cast are cheering up a mostly dreary season with \"The Mineola Twins,\" the exhilarating Roundabout Theater Company entertainment.\"", + "score": 0.69970703125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "19217629", + "title": "Richard Dimitri", + "text": "Richard Dimitri Richard Dimitri (born June 27, 1942) is an American character actor and comedian principally known for his roles as the twin characters of Bertram and Renaldo in the 1975 Mel Brooks-produced television show \"When Things Were Rotten\" and Roman Troy Moronie in the 1984 movie \"Johnny Dangerously\". He also had supporting roles in the 1977 movie \"The World's Greatest Lover\" with Gene Wilder and Carol Kane and the 1989 movie \"Let It Ride\" with Richard Dreyfuss, as well as numerous appearances television shows like the 1970s-era \"Hawaii Five-O\", the 1977 miniseries \"Seventh Avenue\", and the late 1990s Tracey", + "score": 0.6982421875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "4278944", + "title": "Madylin Sweeten", + "text": "Madylin Sweeten Madylin Anne-Michele Sweeten (born June 27, 1991) is an American actress and comedian, best known as a child star for playing the role of Ally Barone, the daughter of Ray and Debra on the CBS television sitcom \"Everybody Loves Raymond\" from 1996\u20132005. Sweeten was born in Brownwood, Texas, to Timothy Lynn Sweeten and Elizabeth Anne Millsap. Sweeten has younger, twin brothers, Sullivan and the late Sawyer (19952015), who played (respectively) her twin brothers Michael and Geoffrey Barone on the sitcom. Sweeten comes from a family of nine children. The names of her younger siblings are Maysa Sweeten,Emma, Guiliana,", + "score": 0.6962890625, + "summary": "Sullivan and Sawyer were the original twins in \"Everybody Loves Raymond\", but the document also mentions Madylin Sweeten, who played their sister on the show.", + "extraction": "Sullivan and Sawyer were the original twins in Everybody Loves Raymond." + }, + { + "id": "16168078", + "title": "Replacements, Ltd.", + "text": "In November 2001, Replacements sold eight Pfaltzgraff plates to be used on \"Everybody Loves Raymond\". When the show began, china patterns were selected for the home of the fictional Barone family. But some of the plates were broken in the course of the series run, and Pfaltzgraff no longer made the plates. In addition, the show needed a pattern not available since 1955 that even Replacements did not have but promised to search for. Later, Replacements found Tchotchkes of Little Red Riding Hood and Little Bo Peep for the family to give as a birthday present to Marie. In 2001,", + "score": 0.69384765625, + "summary": "Irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "5862346", + "title": "Twins (TV series)", + "text": "Twins (TV series) Twins is an American sitcom series that first aired on The WB in the United States and on CTV in Canada in September 2005. The series is produced by KoMut Entertainment in association with Warner Bros. Television. The show was cancelled on May 18, 2006, due to the merger of the WB and UPN that created the new network The CW. The show stars Sara Gilbert and Molly Stanton as sisters Mitchee and Farrah Arnold who have taken over their parents' business. Together they make decisions about the future of their company while being supported by their", + "score": 0.689453125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is about the TV series \"Twins\" and does not provide information about the original twins in \"Everybody Loves Raymond\"." + }, + { + "id": "12262895", + "title": "The Otwell Twins", + "text": "The Otwell Twins The Otwell Twins are an American singing duo made up of identical twin brothers Roger and David, born August 2, 1956, in Tulia, Texas. They are best known as members of \"The Lawrence Welk Show\" from 1977 to 1982. Singing and playing the guitar since their days in junior high and in high school, the brothers joined the Welk organization in October 1977, after attending Lubbock Christian College and West Texas State University teaming up with fellow sibling act \"The Aldridge Sisters\" as the popular quartet of The Aldridge Sisters and the Otwell Twins, which was popular", + "score": 0.689453125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "18264372", + "title": "Italy (Everybody Loves Raymond)", + "text": "Italy (Everybody Loves Raymond) \"Italy\" is the two-part season five premiere of the American television sitcom \"Everybody Loves Raymond\". Constituting the 100th and 101st overall episodes of the series, they were written by the creator Philip Rosenthal and directed by Gary Halvorson. In this episode of the show, which revolves around the life of Italian-American \"Newsday\" sportswriter Raymond Barone and his oddball family, his parents, Marie and Frank, announce that they're all going to Italy to visit the former's cousin Colletta, and everyone is excited to go except Raymond. Meanwhile, during the trip, Ray's brother Robert is attracted to a", + "score": 0.68896484375, + "summary": "irrelevant", + "extraction": "irrelevant. The passage does not provide any information about the original twins in Everybody Loves Raymond." + }, + { + "id": "12286118", + "title": "Mendorra", + "text": "of Raymond's younger brother Roland Hohenstein (Joseph Kolinski) are revealed. Hoping to secure the throne for himself, Roland first tries to use Raymond's blindness to replace him as heir; when that does not work, he kidnaps Megan and Sarah. Knowing Raymond cannot ascend the throne should he marry a commoner, Roland vows to kill Megan unless Raymond weds Sarah. Sarah's boyfriend Bo Buchanan (Robert S. Woods) and his nephew Cord Roberts (John Loprieno) infiltrate the place with the help of Dorian, Cassie and Debra Medina (Lucinda Fisher), a dancer in the Mendorran Ballet. Bo manages to switch places with Raymond,", + "score": 0.68798828125 + }, + { + "id": "4198759", + "title": "Twins (1988 film)", + "text": "Twins (1988 film) Twins is a 1988 American buddy comedy film produced and directed by Ivan Reitman about unlikely twins (played by Arnold Schwarzenegger and Danny DeVito) who were separated at birth. The core of the film is the contrast between DeVito's streetwise persona and Schwarzenegger's character, who is highly intelligent yet innocent and socially inexperienced. The original music score was composed by Georges Delerue and Randy Edelman (Edelman would score three more films for the director, whereas this was Delerue's only work for him). The film was a commercial success, earning $11 million on its opening weekend, and going", + "score": 0.6865234375 + }, + { + "id": "4287862", + "title": "Christian and Joseph Cousins", + "text": "Christian and Joseph Cousins Christian and Joseph Cousins (born March 17, 1983) are American actors who are identical twins. As with most cases of actors who are twins, the roles they played were usually shared between the two. Their most famous role was as Dominic in the 1990 film \"Kindergarten Cop\" alongside Arnold Schwarzenegger. Christian and Joseph's first role was playing Val and Gary Ewing's son Bobby Ewing on the soap opera \"Knots Landing\", beginning in 1987. The character was named after Bobby Ewing who died during the dream season on \"Dallas\". Afterwards, they frequently appeared in various television series", + "score": 0.6865234375 + }, + { + "id": "11362890", + "title": "Raymond Mearns", + "text": "Raymond Mearns Raymond Mearns is a Scottish actor and comedian who is best known for his part in Scottish comedy sitcom \"Legit\", in which he played Happy Boab. He has also appeared in \"Ae Fond Kiss...\" and \"It's a Free World...\", which were both directed by award-winning Ken Loach. Mearns has also acted alongside his brother Eddie when they played the Blind Twins, Troy and Roy Pettifer in the 1998 short film \"Home\", which won Best Short Film at the 1999 BAFTA Awards. He appeared in the \"Rab C. Nesbitt\" Christmas special, in which he played a BBC security guard.", + "score": 0.6865234375 + }, + { + "id": "2655590", + "title": "Peter Boyle", + "text": "cranky Frank Barone in the CBS television sitcom \"Everybody Loves Raymond\", which aired from 1996 to 2005. The show was shot in Los Angeles, to which Boyle commuted from his New York City home. He was nominated for an Emmy seven times for this role, but never won (beaten out multiple times in the Supporting Actor category by his co-star Brad Garrett), though fellow co-stars Garrett, Ray Romano, Patricia Heaton, and Boyle's TV wife Doris Roberts won at least one Emmy each for their performances. In 1999, he had a heart attack on the set of \"Everybody Loves Raymond\". He", + "score": 0.6865234375 + }, + { + "id": "1676226", + "title": "Kray twins", + "text": "Annie Lee (5 August 1909 \u2013 4 August 1982). The brothers were identical twins, with Reggie being born ten minutes before Ronnie. Their parents already had a six-year-old son, Charles James (9 July 1927 \u2013 4 April 2000). A sister, Violet (born 1929), died in infancy. When the twins were three years old, they contracted diphtheria. The twins first attended Wood Close School in Brick Lane, and then Daniel Street School. In 1938, the Kray family moved from Stean Street in Hoxton to 178 Vallance Road in Bethnal Green. At the beginning of the Second World War, 32-year-old Charles Kray", + "score": 0.68505859375 + }, + { + "id": "2020608", + "title": "Brad Garrett", + "text": "the fifth season championship of \"Celebrity Poker Showdown\", and played in the 2005, 2006 and 2007 World Series of Poker. Garrett was hoping to do a spin-off with his character Robert Barone from \"Everybody Loves Raymond\" when the show ended its nine-year run in 2005, but he withdrew in October 2005 due to inaction from CBS that led to a number of the writers from \"Raymond\" leaving and taking other jobs. In 2005, Garrett appeared on Broadway playing Murray the Cop in the revival of Neil Simon's \"The Odd Couple\" with Nathan Lane and Matthew Broderick. He understudied Lane in", + "score": 0.68408203125 + }, + { + "id": "1605754", + "title": "Everybody Loves Raymond", + "text": "six seasons of the show, \"Everybody Loves Raymond\" maintained its position on the top ten rankings. The highest average rating for the series is in \"italic text\". Everybody Loves Raymond Everybody Loves Raymond is an American sitcom television series created by Philip Rosenthal that aired on CBS from September 13, 1996, to May 16, 2005, with a total of 210 episodes spanning over nine seasons. It was produced by Where's Lunch and Worldwide Pants, in association with HBO Independent Productions. The cast members are Ray Romano, Patricia Heaton, Brad Garrett, Doris Roberts, Peter Boyle, Madylin Sweeten, and Monica Horan. Most", + "score": 0.68359375 + }, + { + "id": "4999384", + "title": "Monica Horan", + "text": "telephone sales agent for Telecharge. She met her future husband, Philip Rosenthal, who served as executive producer of \"Everybody Loves Raymond\", while attending Hofstra, and she converted to Judaism before their marriage in 1990. Horan is probably best known for her appearance in the part of Amy McDougall (later Barone), Robert Barone's off-on again girlfriend, then wife, on the CBS-TV sitcom series \"Everybody Loves Raymond\". Horan appeared in 66 episodes of the series, making her first appearance in the episode titled \"Who's Handsome?\" (Season 1, episode #14). She currently lives in Los Angeles with her husband and their two children.", + "score": 0.68359375 + }, + { + "id": "14335568", + "title": "The Butler Twins", + "text": "harmonica playing partner, Raymond Edwards, both proved useful tutors. By the age of seven the twins were proficient enough musicians to win a talent contest, and played in the abandoned house where W. C. Handy once lived. They were in the middle of a family of sixteen siblings, and the twins put together their first musical ensemble at the age of 14, and two years later started to tour the Southern United States. They relocated to Detroit in 1960 and worked in automobile assembly plants. By night they were part of the local nightclub scene. Clarence Butler supplied harmonica and", + "score": 0.68310546875 + }, + { + "id": "4298120", + "title": "Ryan and Kyle Pepi", + "text": "Ryan and Kyle Pepi Ryan and Kyle Pepi (born August 2, 1993, in North Attleboro, Massachusetts) are twin child actors. In 1995, they had a recurring role on the soap opera \"Another World\", playing \"Kirkland Harrison\". In 1999, they played the character \"Jackie Dunphy\" in the movie \"Outside Providence\". The twins also shared credits for guest roles on episodes of the television series \"MADtv\" in 1999, \"The X-Files\" in 2000, \"ER\" in 2001, and \"Robbery Homicide Division\" in 2002. Ryan and Kyle also worked on commercials for products such as Ford Windstar, Papa Gino's, Playskool, Milton Bradley, Kids Town, Family", + "score": 0.6826171875 + }, + { + "id": "14388230", + "title": "Split Image (novel)", + "text": "wife, Jesse tailspins into a drinking binge, wondering why his wife couldn\u2019t have been like that. Despite his increased drinking, he continues to investigate and discovers that Galen\u2019s neighbor is another mob boss named Knocko Moynihan and is married to Rebecca\u2019s twin sister, Roberta Bangston. Soon after the first murder, Knocko Moynihan is found murdered. Jesse begins to suspect the wives, leading Jesse and Suit to the Bangston\u2019s hometown. There they discover that their mother is a widow, and that their father was involved in criminal activities with the girl\u2019s husbands, who had met in prison twenty years earlier. While", + "score": 0.6806640625 + }, + { + "id": "18743424", + "title": "Kat & Alfie: Redwater", + "text": "their time in \"EastEnders\". Kat and Alfie's twin sons, Bert and Ernie Moon, do not appear in \"Redwater\", because Treadwell-Collins knew that having two small children in the series would have \"limited Kat and Alfie and they wouldn't have been able to do as much\", though revealed that they were originally due to appear, but \"suddenly you ended up having storylines about who is looking after the twins and on a show like this we needed to tell other stories\" and confirmed that Kat and Alfie have only left them for a few weeks and check on them during the", + "score": 0.6806640625 + }, + { + "id": "11452643", + "title": "Joseph V. Perry", + "text": "two appearances were played by Robert Ruth. He is survived by 4 daughters and 1 son. Joseph V. Perry Joseph V. Perry (February 13, 1931 \u2013 February 23, 2000) was an American actor possibly best known for his role as Nemo in \"Everybody Loves Raymond\". Perry began his acting career in his youth, winning the Glenn Ford Award at Santa Monica High School in California in 1949. His successes continued in 1952 when he was presented the best actor award at UCLA by Marlon Brando. Perry officially started his film career in 1955 at the age of 24 and spent", + "score": 0.6806640625 + }, + { + "id": "15911207", + "title": "Brother Rat and a Baby", + "text": "Brother Rat and a Baby Brother Rat and a Baby is a 1940 American comedy film directed by Ray Enright and written by John Cherry Monks, Jr. and Fred F. Finklehoffe. It is the sequel to the 1938 film \"Brother Rat\". The film stars Priscilla Lane, Wayne Morris, Jane Bryan, Eddie Albert, Jane Wyman, and Ronald Reagan. The film was released by Warner Bros. on January 13, 1940. Cadets Dan Crawford (Ronald Reagan), Billy Randolph (Wayne Morris) and Bing Edwards (Eddie Albert) have graduated from the Virginia Military Institute. In commemoration of this accomplishment, Bing and his loving wife, Kate", + "score": 0.6806640625 + }, + { + "id": "2278243", + "title": "Doris Roberts", + "text": "Billy Crystal in \"Rabbit Test\" (1978), Robert Carradine in \"Number One with a Bullet\" (1987), and Cady McClain in \"Simple Justice\" (1989), among many others. She achieved continuing success in television, becoming known for her role as Mildred Krebs in \"Remington Steele\" from 1983 to 1987 and her co-starring role as Raymond Barone's mother, Marie Barone, on the long-running CBS sitcom \"Everybody Loves Raymond\" (1996\u20132005). Towards the end of her acting career, she also had a prominent role opposite Tyler Perry in \"Madea's Witness Protection\" (2012). She appeared as a guest on many talk and variety shows, along with appearing", + "score": 0.68017578125 + }, + { + "id": "4287863", + "title": "Christian and Joseph Cousins", + "text": "and films, including \"Twin Sitters\" and \"Critters 3\", as well as episodes of \"Father Dowling Mysteries\", \"Eerie, Indiana\", and \"Wings\". Christian and Joseph Cousins Christian and Joseph Cousins (born March 17, 1983) are American actors who are identical twins. As with most cases of actors who are twins, the roles they played were usually shared between the two. Their most famous role was as Dominic in the 1990 film \"Kindergarten Cop\" alongside Arnold Schwarzenegger. Christian and Joseph's first role was playing Val and Gary Ewing's son Bobby Ewing on the soap opera \"Knots Landing\", beginning in 1987. The character was", + "score": 0.6796875 + }, + { + "id": "6116735", + "title": "The Dark Mirror (film)", + "text": "Academy Award. Dr. Frank Peralta is stabbed to death in his apartment one night. The detective on the case, Lt. Stevenson (Mitchell), quickly finds multiple witnesses putting Peralta's lover, Terry Collins (de Havilland), at the scene. However, when Stevenson finds Terry and questions her, she has an iron-clad alibi with multiple witnesses. It is revealed that Terry has an identical twin sister, Ruth (de Havilland), and the pair share the same job and routinely switch places for their own benefit. Stevenson and the district attorney are unable to prosecute, since the twins refuse to confirm which one of them has", + "score": 0.67822265625 + }, + { + "id": "4198768", + "title": "Twins (1988 film)", + "text": "The film was released in the United Kingdom on March 17, 1989, and topped the country's box office that weekend. Audiences polled by CinemaScore gave the film an average grade of \"A-\" on an A+ to F scale. In March 2012, Universal announced the development of a sequel titled \"Triplets\". Schwarzenegger and DeVito will return, with Eddie Murphy as their long lost brother. Reitman will co produce. Twins (1988 film) Twins is a 1988 American buddy comedy film produced and directed by Ivan Reitman about unlikely twins (played by Arnold Schwarzenegger and Danny DeVito) who were separated at birth. The", + "score": 0.67822265625 + }, + { + "id": "16354598", + "title": "Bill Byrge", + "text": "would bungle something in the process, while his quiet and collected twin brother Bobby (Byrge) would mostly agree with whatever Chuck's sentiments were with a simple, yet enthusiastic nod. Later in 1988, the actors would reprise their roles in their own recurring sketches on the Saturday morning children's show, \"Hey Vern, It's Ernest!\", where, depending on the episode's specific theme, the brothers would usually get involved with whatever situation that Ernest was involving himself in, such as a bake sale or a talent show, for example. Later still, the characters were also featured in a number of the theatrical Ernest", + "score": 0.677734375 + }, + { + "id": "7006580", + "title": "The Edison Twins", + "text": "and Annie's scientific wit to solve the situation. Each episode ends with a short animated sequence illustrating a key scientific principle demonstrated in the preceding live action story. The last name of \"Edison\" is a homage to the inventor Thomas Edison. All six seasons are available via streaming through Amazon Video. In Canada, all seasons were available on shomi. The Edison Twins The Edison Twins is a Canadian children's television program which aired on CBC Television from 1982 to 1986. The Disney Channel also picked up the rights in the mid-1980s. Six seasons were produced by Nelvana. It stars Andrew", + "score": 0.67724609375 + }, + { + "id": "10361448", + "title": "The Borden Twins", + "text": "Martin, and Jerry Lewis, Andy Williams, Sammy Davis, Jr., Jimmy Durante, Bea Arthur, Bob Newhart and The Ritz Brothers. Rosalyn \"Roz\" Borden died January 23, 2003 of liver disease in Modesto, California. Marilyn Borden died March 25, 2009 of complications of congestive heart failure and chronic obstructive pulmonary disease, also in Modesto. The Borden Twins The Borden Twins (born May 29, 1932), Rosalyn Borden and Marilyn Borden, were twin sisters who acted together in numerous television programs from the 1950s until the 1980s. They were best remembered as \"Teensy\" and \"Weensy\" in an episode of \"I Love Lucy\" entitled \"Tennessee", + "score": 0.67626953125 + }, + { + "id": "1676269", + "title": "Kray twins", + "text": "Two plays were produced in the 1970s that were based on thinly-veiled versions of the Krays: Kray twins Ronald \"Ronnie\" Kray (24 October 193317 March 1995) and Reginald \"Reggie\" Kray (24 October 19331 October 2000), identical twin brothers, were English criminals, the foremost perpetrators of organised crime in the East End of London during the 1950s and 1960s. With their gang, known as \"The Firm\", the Krays were involved in murder, armed robbery, arson, protection rackets and assaults. As West End nightclub owners, the Krays mixed with politicians and prominent entertainers such as Diana Dors, Frank Sinatra and Judy Garland.", + "score": 0.67626953125 + }, + { + "id": "4999385", + "title": "Monica Horan", + "text": "Horan has guest-starred on the \"Hot in Cleveland\" series (Season 2) playing an Amish woman, and in 2017 was reunited with her \"Everybody Loves Raymond\" co-star Patricia Heaton when she guest-starred on a Season 8 episode of \"The Middle\". Her maternal grandfather was Jewish. Horan is also a Democrat. Monica Horan Monica Louise Horan (born January 29, 1963) is an American actress best known for her role as Amy MacDougall-Barone on the television sitcom \"Everybody Loves Raymond\". Horan was born in Darby, Pennsylvania, the daughter of Selma (n\u00e9e Spencer), a clerk, and Robert J. Horan, a courthouse officer. She graduated", + "score": 0.67578125 + }, + { + "id": "11051580", + "title": "Fred Stoller", + "text": "Fred Stoller Frederick \"Fred\" Stoller (born March 19, 1958) is an American stand-up comedian, actor, author, writer, and voice artist. He is best known for portraying Gerard on \"Everybody Loves Raymond\". He is also the voice of Stanley in the \"Open Season\" franchise, Fred the Squirrel in \"The Penguins of Madagascar\", Chuck the Evil Sandwich Making Guy in \"WordGirl\", and Rusty the monkey wrench on Disney Jr.'s \"Handy Manny\". Stoller was born to a Jewish family in Brooklyn, New York on March 19, 1958. He has one older sister. Stoller had worked as a stand-up comedian in nightclubs since the", + "score": 0.67529296875 + }, + { + "id": "5339425", + "title": "Albert Tatlock", + "text": "decided to stay in the country. Even though Ken was not a blood relative, Albert had come to accept him as part of his family and eventually let him lodge at No 1 although he made clear his disapproval that Ken had decided to send his and Val's twins Peter and Susan (Robert and Katie Heaneu) to live in Scotland with Val's parents, Alfred and Edith Tatlock (Clare Kelly). In the meantime, Albert's financial woes continued. He took a job as co-caretaker at the local Community Centre and in 1973 suggested to friend Minnie Caldwell (Margot Bryant) that they marry", + "score": 0.67529296875 + }, + { + "id": "11051583", + "title": "Fred Stoller", + "text": "Comedians Special Changed the Lives of 1989\u2019s Funniest Comics\", in 2017. Fred Stoller Frederick \"Fred\" Stoller (born March 19, 1958) is an American stand-up comedian, actor, author, writer, and voice artist. He is best known for portraying Gerard on \"Everybody Loves Raymond\". He is also the voice of Stanley in the \"Open Season\" franchise, Fred the Squirrel in \"The Penguins of Madagascar\", Chuck the Evil Sandwich Making Guy in \"WordGirl\", and Rusty the monkey wrench on Disney Jr.'s \"Handy Manny\". Stoller was born to a Jewish family in Brooklyn, New York on March 19, 1958. He has one older sister.", + "score": 0.6748046875 + }, + { + "id": "11689832", + "title": "Rick Marotta", + "text": "had a unique sound, a mixture of rock and country, with traces of jazz and influences from Dr. John, who wrote the album notes and the song \"Loop Garoo\" for them. Marotta has composed music for the television show, \"Everybody Loves Raymond\". His brother, Jerry, is also a noted drummer and percussionist who has recorded and toured with Peter Gabriel. With Edgar Winter With Robin Kenyatta With Herbie Mann With John Tropea With Steely Dan Rick Marotta Richard Thomas \"Rick\" Marotta (born January 7, 1948) is an American drummer and percussionist. He has appeared on recordings by leading artists such", + "score": 0.6748046875 + }, + { + "id": "2936743", + "title": "Jeffrey Tambor", + "text": "Bluth, Sr. and in some episodes as his twin brother Oscar Bluth. The show was cancelled in 2006, after three seasons, but a fourth season was released on Netflix in 2013. In 2004, Tambor received his fifth Emmy nomination for his work on the show. He lost to David Hyde Pierce for the final season of the sitcom \"Frasier\". Tambor was nominated for a sixth time in 2005 but lost to Brad Garrett for the final season of \"Everybody Loves Raymond\". The second episode of \"Arrested Development\"'s third season lampooned this loss: Tambor's character's son describes his acting ability by", + "score": 0.67431640625 + }, + { + "id": "8830792", + "title": "Al Delvecchio", + "text": "Al Delvecchio Alfred \"Al\" Delvecchio is a character on the U.S. sitcom \"Happy Days\". He was played by Al Molinaro. Molinaro joined the cast in Season 4 after Pat Morita, who played Arnold, left after the end of the third season (in the last episode \"Arnold Gets Married\"). Subsequently Molinaro also played Al's twin brother priest Father Anthony Delvecchio. Al said that he also had a brother who worked at the sanitation department. Al Delvecchio was the drive-in owner and cook of Arnold's Diner from season 4 to season 9. Al eventually married Chachi's mother, Louisa. He had a sighing", + "score": 0.67431640625 + }, + { + "id": "7163905", + "title": "Becky and Jessie O'Donohue", + "text": "satellite from Birmingham, Alabama, as commentators during Taylor Hicks' cheering rally. Both appeared in a special \"Twins\" episode on \"Fear Factor\" where they were eliminated on the first stunt. The twins also appeared together in \"Maxim\" magazine in 2004. They played twin sisters Darla and Donna in the 2007 comedy film \"I Now Pronounce You Chuck and Larry\" and Layna and Sophia on an episode of \"ER\". Jessie appeared as a stripper named Carmel Owens in an 8th season episode of \"\" titled \"Dude, Where's My Groom?\" The twins appeared on the \"Sister Act\" episode of \"Minute to Win It\",", + "score": 0.673828125 + }, + { + "id": "13209785", + "title": "A Family for Joe", + "text": "man, Joe (Robert Mitchum), to live with them and act as their grandfather. Ken Tucker of \"Entertainment Weekly\" rated the series a D, stating that \"the kids are leering little creeps, the jokes are moronic, and Joe's homelessness is already absent from the show's current scripts\". In the DVD series, \"The Write Environment\", writer Philip Rosenthal (who would go on to create \"Everybody Loves Raymond\") talks about being a staff writer on the series. A Family for Joe A Family for Joe is an American sitcom that starred Robert Mitchum in the title role. It started out as a television", + "score": 0.673828125 + }, + { + "id": "20237749", + "title": "Brewster Twins", + "text": "Brewster Twins Brewster Twins was the name used by American actresses and dancers Barbara Brewster (1918\u20132005) and Gloria Brewster (1918\u20131996) during their movie career in the late 1930s and early 1940s. The twin sisters were born Naomi and Ruth Stevenson respectively in Tucson, Arizona. The Brewster Twins appeared in nine films under contract to 20th Century Fox in the late 1930s and early 1940s, and were called \"the Most Beautiful Twins in America\". They appeared as \"Stuart Morgan Dancers\" in \"High Kickers\" on Broadway in 1941-42, which was Gloria's last work as she married one of her co-stars from the", + "score": 0.6728515625 + }, + { + "id": "10581896", + "title": "Everything's Relative (1987 TV series)", + "text": "Everything's Relative (1987 TV series) Everything's Relative is an American sitcom starring Jason Alexander, John Bolger, Gina Hecht, Tony Deacon Nittoli and Anne Jackson which aired on CBS from October 3 to November 7, 1987. The series centered around the Beeby brothers \u2013 Julian (Alexander), a divorced, hard-working 33-year-old businessman and Scott (Bolger), a single 25-year-old womanizing construction worker \u2013 who shared a loft apartment in the SoHo section of lower Manhattan despite their different lifestyles, values, careers and social lives. Other characters included Emily Cabot (Hecht), Julian's business partner and friend; Mickey Murphy (Nittoli), a young man who ran", + "score": 0.6728515625 + }, + { + "id": "12634201", + "title": "The Long Christmas Dinner (opera)", + "text": "her life. On the tail end of Lucia's death is the birth of Leonora's fraternal twins: Sam and Lucia II Bayard. Not long afterward, Roderick Brandon Bayard II is also born. Leonora and Charles write to the latter's cousin Ermengarde, asking her to stay with them. During dinner one Christmas, Ermengarde and Charles discuss their relations and reminisce about their ancestors. Sam, on holiday leave from the military, joins the family for Christmas dinner along with his twin sister, Lucia II. Sam tells his family to do what they normally do on Christmas Day, so that he may cherish the", + "score": 0.67236328125 + }, + { + "id": "15981553", + "title": "Markus Redmond", + "text": "Street\", \"Family Matters\", the 1995 revival series \"Get Smart\", \"Mad About You\", \"Vengeance Unlimited\", \"Angel\", \"The Drew Carey Show\" and \"Curb Your Enthusiasm\". He also appeared in the films \"The Inkwell\" (1994) and \"Fight Club\" (1999). In 2007, Redmond starred and wrote the film \"If I Had Known I Was a Genius\". Markus Redmond Markus Redmond (born February 5, 1971) is an American actor. He is best known for his role as Raymond Alexander, in the comedy-drama series \"Doogie Howser, M.D.\", co-created by Steven Bochco. Redmond joined the cast at the start of the show's second season in 1990 until", + "score": 0.671875 + }, + { + "id": "12262896", + "title": "The Otwell Twins", + "text": "with viewers for the remainder of the Welk show's run . Since then, the Otwells have performed in concerts, churches, special events as well as for wraparound segments for Welk show reruns on public television. Today, the brothers reside in Amarillo with their families. They are engaged in the petroleum and water filtration businesses. The Otwell Twins The Otwell Twins are an American singing duo made up of identical twin brothers Roger and David, born August 2, 1956, in Tulia, Texas. They are best known as members of \"The Lawrence Welk Show\" from 1977 to 1982. Singing and playing the", + "score": 0.671875 + }, + { + "id": "18861932", + "title": "Oscar MacGuire", + "text": "escape to a world they created when they were young. They then became \"a formidable united force in their teens.\" In the family's fictional backstory, the twins' mother, Sarah, died, leaving them to develop a deep bond with her sister Hannah. Speer said Hannah was like a second mother to the twins, which Evelyn did not like. Following their father's death, the twins met their half-sister Denny (Jessica Grace Smith). Oscar and Evelyn were introduced to the show as part of a cult storyline. Speer explained that it was \"not your everyday run-of-the-mill thing\" and he called the storyline \"exciting\".", + "score": 0.671875 + }, + { + "id": "1584510", + "title": "Beverley Sisters", + "text": "The sisters were born in Bethnal Green, London, the daughters of George Arthur Chinery and Victoria Alice Miles (married 1916), who were known as the music hall act Coram and Mills, and are related to the Lupino acting and performing family. The eldest, Joy, was born on 5 May 1924. The younger twins, Babs and Teddie, were born three years later, on their elder sister's birthday, 5 May. They were evacuated to Northampton during the Second World War, and, after starting work as typists, auditioned successfully to take part in an advertising campaign for the malt drink Ovaltine. Photographer Jock", + "score": 0.671875 + }, + { + "id": "5681878", + "title": "Double Trouble (U.S. TV series)", + "text": "April 1984. The series was set in New York City, NY, and generally revolved around the twins' high school or their father's dance studio (thus giving the girls a chance to show off their real-life dancing skills). Most of the show's comedy was generated from the fact that one twin was serious while the other more laid-back and happy-go-lucky. Beginning as a mid-season replacement, the show also starred Donnelly Rhodes as the girls' father, Art Foster. The show did not generate high enough ratings in its initial debut to be included in NBC's fall schedule; however, it was brought back", + "score": 0.67138671875 + }, + { + "id": "10363249", + "title": "Rosalyn Borden", + "text": "hometown of Hartford. As teenagers, their family moved to Los Angeles. In high school, they started doing network television. In 1951, they caught the eye of Gene Kelly who wanted to get them a part in \"Singin' in the Rain\". They can only be seen as extras in large crowd scenes. The Twins would appear on several television shows including \"The Spike Jones Show\" and became regular performers on \"The Jimmy Durante Show\". The twins soon began their association with Jimmy Durante that would span seven years, appearing on many of his TV shows and travelling in his nightclub act.", + "score": 0.67138671875 + }, + { + "id": "6359400", + "title": "Raymond Gutierrez", + "text": "also has two older half-brothers Tonton Gutierrez and Ramon Christopher Gutierrez. After living for a few years in the Philippines, his family moved to Beverly Hills, California. He attended Beverly Hills High School in Beverly Hills, California. He began acting as a child with his twin Richard. He has also worked with his father and his other siblings in some Filipino movies. According to his parents, Eddie and Annabelle Gutierrez, Raymond is the funniest among the Gutierrez children. They said that Raymond is the one who makes them laugh the most. His mother added that among her 6 children, Raymond", + "score": 0.67138671875 + }, + { + "id": "1605744", + "title": "Everybody Loves Raymond", + "text": "on \"The King of Queens\". The second one (similar to the first) is that Chris Elliott appeared as one character on \"Everybody Loves Raymond\", and another on \"The King of Queens\". In 2009, series creator/producer Philip Rosenthal traveled to Russia to adapt the show for local audiences. His experience was documented by a film crew and released as the documentary feature \"Exporting Raymond\". The Russian version is titled \"\u0412\u043e\u0440\u043e\u043d\u0438\u043d\u044b\" (\"The Voronins\", a Russian surname sounding similar to the family's name, The Barones). The show was adapted in Poland under the title \"Wszyscy kochaj\u0105 Romana\" (Everybody Loves Roman). It was picked", + "score": 0.67138671875 + }, + { + "id": "10363247", + "title": "Rosalyn Borden", + "text": "Rosalyn Borden Rosalyn \"Roz\" Borden (May 29, 1932 \u2013 January 23, 2003) was an American actress and singer, and along with her sister, Marilyn Borden, were known as The Borden Twins. The duo are perhaps best known for their appearance on \"I Love Lucy\" playing \"Teensy and Weensy\" in the episode entitled \"Tennessee Bound\". Although never anything other than supporting players, the duo have performed in several venues, including gigs on the nightclub circuit, as well as larger events including Rose Bowl. The twins also performed at countless USO shows at home and overseas. and have worked with many famous", + "score": 0.67138671875 + }, + { + "id": "4999383", + "title": "Monica Horan", + "text": "Monica Horan Monica Louise Horan (born January 29, 1963) is an American actress best known for her role as Amy MacDougall-Barone on the television sitcom \"Everybody Loves Raymond\". Horan was born in Darby, Pennsylvania, the daughter of Selma (n\u00e9e Spencer), a clerk, and Robert J. Horan, a courthouse officer. She graduated from Archbishop Prendergast Catholic High School for Girls in Drexel Hill, Pennsylvania in 1980. She attended Hofstra University in Hempstead, New York, graduating with a degree in Theater Performance in 1984. She then moved to New York City where she performed in off-off Broadway theatre while working as a", + "score": 0.67138671875 + }, + { + "id": "1676224", + "title": "Kray twins", + "text": "Kray twins Ronald \"Ronnie\" Kray (24 October 193317 March 1995) and Reginald \"Reggie\" Kray (24 October 19331 October 2000), identical twin brothers, were English criminals, the foremost perpetrators of organised crime in the East End of London during the 1950s and 1960s. With their gang, known as \"The Firm\", the Krays were involved in murder, armed robbery, arson, protection rackets and assaults. As West End nightclub owners, the Krays mixed with politicians and prominent entertainers such as Diana Dors, Frank Sinatra and Judy Garland. In the 1960s, they became celebrities, being photographed by David Bailey and interviewed on television. The", + "score": 0.6708984375 + }, + { + "id": "20536555", + "title": "Margaret Leslie Hore-Ruthven", + "text": "\"A&P\". They used to dress alike and were basically identical. They used to scandalize society, like when, at the coming-of-age party for Loel Guinness, they wore very short, close-fitting silver dresses. Both sisters modelled for a dress-making establishment. They were among the first in society to wear low-heeled slippers, making them fashionable. Under the name of Ralli Twins, they had a career dancing on stage, but family pressure had them renounce this venture. According to Cecil Beaton, in his \"The Book of Beauty\": \"The Ruthven Twins are a most striking pair, always identically dressed; even to the brass necklaces, they", + "score": 0.6708984375 + }, + { + "id": "10363253", + "title": "Marilyn Borden", + "text": "Marilyn Borden Marilyn Borden (May 29, 1932 \u2013 March 25, 2009) was an American actress and singer who with her sister, Rosalyn \"Roz\" Borden, were known as the Borden Twins. The duo are best-remembered for their appearance on \"I Love Lucy\" playing \"Teensy and Weensy\" in the episode \"Tennessee Bound\" (1955). Although never anything other than supporting players, the duo performed in several venues, including gigs on the nightclub circuit, as well as larger events including Rose Bowl. The twins also performed at countless USO shows at home and overseas, and worked with such entertainers as: Lucille Ball, Dean Martin,", + "score": 0.6708984375 + }, + { + "id": "16806403", + "title": "The Mawby Triplets", + "text": "The Mawby Triplets The Mawby Triplets were three English child actors who starred in several films in Hollywood and in England during the 1920s and 1930s. While the three girls were sisters, they were not actually triplets. Angella Mawby was born on 20 August 1921 and her younger twin sisters Claudine and Claudette on 10 August 1922. The close resemblance of the three sisters, however, caused Hollywood to market them as triplets. The first film the girls starred in was \"The Baby Cyclone\" opposite actor Lew Cody, in 1928. In 1929, they appeared in two more films, \"Dance of the", + "score": 0.67041015625 + }, + { + "id": "20249417", + "title": "Mitchell Laurance", + "text": "Mitchell Laurance Mitchell \"Mitch\" Laurance (born Mitchell Dyckoff) is an American film and television actor and sports broadcaster. Mitchell Dycoff was born in Queens, New York City, New York and raised in Long Island, New York. He has an identical twin brother, Matthew (born four minutes later), who is also a professional actor. Both brothers are graduates of Tufts University. Mitchell Laurance and his identical twin brother Matthew Laurance appear occasionally together, beginning when they were children in a margarine TV commercial which featured identical twins, and later in an episode of the TV series \"Cop Rock\". Although Matthew was", + "score": 0.67041015625 + }, + { + "id": "10179598", + "title": "Dominick and Eugene", + "text": "Dominick and Eugene Dominick and Eugene is a 1988 American drama film directed by Robert M. Young about twin brothers, Dominick and Eugene. Dominick has an intellectual disability due to an accident in his youth. The film was directed by Robert M. Young, and stars Ray Liotta, Tom Hulce, and Jamie Lee Curtis. Dominick \"Nicky\" and Eugene \"Gino\" Luciano are twin brothers living together in Pittsburgh, Pennsylvania. Nicky has a learning disability, and Gino cares for him. Gino, who is studying to become a doctor at a local hospital, receives an offer to complete his education at Stanford University but", + "score": 0.67041015625 + }, + { + "id": "20720376", + "title": "Twin Beds (1929 film)", + "text": "Twin Beds (1929 film) Twin Beds is a 1929 American comedy film directed by Alfred Santell and written by F. McGrew Willis. It is based on the 1914 play \"Twin Beds\" by Edward Salisbury Field and Margaret Mayo. The film stars Jack Mulhall, Patsy Ruth Miller, Edythe Chapman, Knute Erickson, Jocelyn Lee and Nita Martan. The film was released by Warner Bros. on July 14, 1929. Elsie Dolan (Patsy Ruth Miller), accidentally finding herself in the office of songwriter Danny Brown (Jack Mulhall), achieves Broadway success with Danny's help. Marrying Danny out of gratitude, she is temporarily enchanted by her", + "score": 0.669921875 + }, + { + "id": "19017144", + "title": "Days of Our Lives characters (1990s)", + "text": "like Justin and Adrienne's family was complete, J.J.'s married lover, Stanley, showed up, and refused to sign papers giving up rights to his children. J.J. would soon second thoughts, but after Justin and Adrienne let her spend a month living with them and the twins, she was able to convince Stanley that their twins would have a wonderful life with the Kiriakises. J.J. and Stanley would later leave town after letting the twins be adopted by Justin and Adrienne. Shortly after, Joey left with the rest of his family to Texas, where their brother Sonny Kiriakis (Freddie Smith) was born.", + "score": 0.669921875 + }, + { + "id": "5681877", + "title": "Double Trouble (U.S. TV series)", + "text": "Double Trouble (U.S. TV series) Double Trouble is an American sitcom that aired on NBC from April 4, 1984 to March 30, 1985. The series stars identical twins Jean and Liz Sagal as Kate and Allison Foster, two teenagers living under the watchful eye of their widowed father. The show was considered an updating of the \"twins in mischief\" concept seen in films like \"The Parent Trap\" or the \"Patty Duke Show\" of the 1960s. The Sagal sisters acknowledged that Norman Lear, the Sagal family's godfather, was the one who held influence over the show's concept. \"Double Trouble\" premiered in", + "score": 0.66943359375 + }, + { + "id": "8828670", + "title": "Gary Raymond", + "text": "others. Gary Raymond is also well known for his role as Sergeant Jack Moffitt in the late-1960s American television show, \"The Rat Patrol\" (1966\u201368) The series, despite running only two seasons, remains highly popular to this day. Gary continued acting on film and TV, and has been married since 1961 to actress Delena Kidd, with whom he has three children; Matthew, Sophie, and the youngest being actress Emily Raymond. Gary Raymond Gary Raymond (born 20 April 1935) is an English film, television, and theatre actor. Gary Barrymore Raymond was born in Brixton, London, to theatrical parents, both of whom were", + "score": 0.66943359375 + }, + { + "id": "3787933", + "title": "Bobbsey Twins", + "text": "difference\": Bert \"acts out his manhood by winning contests and beating the town bully, Danny Rugg\", while his twin Nan \u2013 throughout the series \"too old for dolls and pranks, too young for boys and barred from their games\" \u2013 spends most of her time in the books \"wagging her finger at Freddie and appearing to enjoy herself\", acting as \"mini-parent, non-child, serious-minded little woman\". Bobbsey Twins The Bobbsey Twins are the principal characters of what was, for many years, the Stratemeyer Syndicate's longest-running series of American children's novels, penned under the pseudonym Laura Lee Hope. The first of 72", + "score": 0.66943359375 + }, + { + "id": "19280823", + "title": "Bartlett and Robertson", + "text": "Bartlett and Robertson Ethel Bartlett (1896\u20131978) and Rae Robertson (1893\u20131956), popularly known as Bartlett and Robertson, were a husband-and-wife classical piano duo who were credited with popularising two-piano music in Europe and the United States in the 1930s and 1940s through their extensive touring, recordings, and radio performances. Of English and Scottish background respectively, Bartlett and Robertson met during their studies at the Royal Academy of Music in London and married in 1921. Although they initially pursued solo careers, they teamed up as duo-pianists in the late 1920s and conducted annual international tours for over two decades. Several major composers", + "score": 0.6689453125 + }, + { + "id": "20536483", + "title": "Alison Mary Hore-Ruthven", + "text": "were used to scandalize society, like when, at the coming-of-age party for Loel Guinness, went with very short, close-fitting silver dresses. Both sisters modelled for a dress-making establishment. They were among the firsts in society to wear the low-heeled slippers making them fashionable. Under the name of Ralli Twins, they had a career dancing on stage, but family pressure had them renounce to this venture. According to Cecil Beaton, in his \"The Book of Beauty\": \"The Ruthven Twins are the most striking pair, always identically dressed; even to the brass necklace, they are indistinguishable from one another. Richly carved with", + "score": 0.6689453125 + }, + { + "id": "9978595", + "title": "The Cox Twins", + "text": "The Cox Twins Francis Thomas \"Frank\" Cox (4 December 192010 November 2007) and Frederick \"Fred\" Cox (4 December 192028 September 2013), known as The Cox Twins, were British entertainers in the Music Hall tradition. They were identical twin brothers. Their career began with Steffani's Songsters and they then appeared in the Ralph Reader RAF Gang Shows during World War II, touring Europe and North Africa. Later they went into Variety, performing in summer seasons and pantomime. They married twins sisters, Estelle and Pauline Miles, who became part of their act. In 1972 they appeared as Tweedledum and Tweedledee in the", + "score": 0.6689453125 + }, + { + "id": "7377085", + "title": "Simon Raymond", + "text": "Simon Raymond Simon Raymond is a fictional character from the BBC soap opera \"EastEnders\", played by Andrew Lynford. Simon is introduced in 1996 as the homosexual brother of Tiffany Mitchell (Martine McCutcheon). His relationship with the bisexual character Tony Hills (Mark Homer) featured a gay kiss that caused controversy in the UK; numerous complaints were made because of its broadcasting. Simon remained in the serial until 1999, at which time it was mutually agreed between Lynford and executive producer Matthew Robinson, that the character had run its course. The character was given a happy ending, reuniting with his former boyfriend", + "score": 0.66845703125 + }, + { + "id": "6847633", + "title": "Marlin McKeever", + "text": "John Quimby was defeated in the Democratic primary by Richard H. Robinson, who went on to beat McKeever by more than 21 points in what was then a Democratic-leaning Orange County district. Marlin and his brother Mike McKeever were the first twins to earn All-America status. They grew up in Los Angeles. Both he and his brother appeared in the 1962 Three Stooges comedy film \"The Three Stooges Meet Hercules\" playing the Siamese Cyclops twins Ajax and Argo. Marlin appeared with several of his Los Angeles Rams teammates as football players in the 1965 \"Perry Mason\" episode, \"The Case of", + "score": 0.66845703125 + }, + { + "id": "13717050", + "title": "DeAutremont Brothers", + "text": "and convicted of first degree murder. Hugh DeAutremont denied knowledge of his brothers' whereabouts, but his capture encouraged federal authorities to redistribute new wanted posters. Within two months, a report was received that Ray and Roy DeAutremont had been seen in Portsmouth, Ohio and were discovered to be living in nearby Steubenville under the assumed names of Clarence and Elmer Goodwin. They were arrested by FBI agents on June 8, 1927, and offered no resistance. The twin brothers later claimed they had fled to Detroit after the robbery. Ray had married while in Detroit and moved to Hanging Rock, with", + "score": 0.66845703125 + }, + { + "id": "9413627", + "title": "Identical Twins, Roselle, New Jersey, 1967", + "text": "Identical Twins, Roselle, New Jersey, 1967 Identical Twins, Roselle, New Jersey, 1967 is a noted photograph by photographer Diane Arbus from the United States. Diane Arbus was known for her photographs of outsiders and people on the fringes of society. She often shot with a Rolleiflex medium format twin-lens reflex that provided a square aspect ratio and a waist-level viewfinder. The viewfinder allowed Arbus to connect with her subjects in ways that a standard eye-level viewfinder did not. \"Identical Twins\" depicts two young twin sisters, Cathleen and Colleen Wade, standing side by side in matching corduroy dresses, white tights, and", + "score": 0.66845703125 + }, + { + "id": "14994737", + "title": "Murder, He Says", + "text": "out to find a missing co-worker, Hector Smedley. He goes to see the last family the man was supposed to interview, the nutty and murderous Fleagles. There he runs afoul of Mert and Bert Fleagle (both played by Peter Whitney), the gun-toting twin sons of Mamie Fleagle Smithers Johnson (Marjorie Main). As matriarch of the clan Mamie insists that Peter, to escape death at the hands of Mert or Bert, pretend to be the boyfriend of jailed Bonnie Fleagle in order to gain the confidence of her dying grandmother (Mabel Paige). Grandma Fleagle has hidden $70,000 stolen by Bonnie and", + "score": 0.66796875 + }, + { + "id": "127673", + "title": "EastEnders", + "text": "trouble. Co-creator Tony Holland was from a large East End family, and such families have typified \"EastEnders\". The first central family was the combination of the Fowler family, consisting of Pauline Fowler, her husband Arthur, and teenage children Mark and Michelle. Pauline's family, the Beales, consisted of Pauline's twin brother Pete Beale, his wife Kathy and their teenage son Ian. Pauline and Pete's domineering mother Lou Beale lived with Pauline and her family. Holland drew on the names of his own family for the characters. The Watts and Mitchell families have been central to many notable \"EastEnders\" storylines, the show", + "score": 0.66796875 + }, + { + "id": "2612454", + "title": "Penny Marshall", + "text": "of Gloria Bunker Stivic on \"All in the Family,\" but lost the part to Sally Struthers. In 1970, Garry Marshall became the executive producer of the television series \"The Odd Couple\". The following year, Marshall was added to the permanent cast to play a secretary, Myrna, and held the role for four years. In Marshall's final appearance on \"The Odd Couple\", her character married her boyfriend, Sheldn, played by Rob Reiner, her real-life husband. The episode included Marshall's real-life siblings, Garry and Ronny, as Myrna's brother and sister. While she was on \"The Odd Couple\", Marshall played small roles in", + "score": 0.66796875 + }, + { + "id": "15981552", + "title": "Markus Redmond", + "text": "Markus Redmond Markus Redmond (born February 5, 1971) is an American actor. He is best known for his role as Raymond Alexander, in the comedy-drama series \"Doogie Howser, M.D.\", co-created by Steven Bochco. Redmond joined the cast at the start of the show's second season in 1990 until the series ended in 1993. He worked with Bochco again on two other series, in recurring roles as P.O. Lucas on \"NYPD Blue\" and as Mark Washington in \"Murder One\". In 1999, Redmond was a series regular on the sitcom \"Family Rules\", starring Greg Evigan. His other television credits include \"21 Jump", + "score": 0.66748046875 + }, + { + "id": "1676255", + "title": "Kray twins", + "text": "in the Kray family plot. The funeral was attended by celebrities including Diana Dors and underworld figures known to the Krays, such as James Kemmery. To avoid the publicity that had surrounded their mother's funeral, the twins did not ask to attend their father's funeral in March 1983. In 1985, officials at Broadmoor Hospital discovered a business card of Ron's that led to evidence that the twins, from separate institutions, were operating Krayleigh Enterprises (a \"lucrative bodyguard and 'protection' business for Hollywood stars\") together with their older brother Charlie Kray and an accomplice at large. Among their clients was Frank", + "score": 0.6669921875 + }, + { + "id": "12985981", + "title": "Keith and Kevin Schultz", + "text": "as well as watching their favorite television show, \"The Avengers\" and listening to records by their favorite singing group, \"The Byrds\". Keith and Kevin Schultz Keith and Kevin Schultz (born September 16, 1953) are American identical twin photographers and former actors. Reportedly making their screen debut as infants, the Schultz brothers are perhaps best known for their roles as brothers Jefferson and Fennimore on the ABC western frontier series \"The Monroes\", as well as for Kevin's role as Tom Sawyer on the NBC live-action/animated series \"The New Adventures of Huckleberry Finn\". After careers as child actors in front of the", + "score": 0.6669921875 + }, + { + "id": "13686878", + "title": "Lester Dragstedt", + "text": "Lester Dragstedt Lester Reynold Dragstedt (2 October 1893 \u2013 16 July 1975) was an American surgeon who was the first to successfully separate conjoined twins. He was considered nationally known, and a leading authority on ulcers and gastroneuro surgery. Lester Reynold Dragstedt was born in Anaconda, Montana to Swedish emigrant parents. His younger brother, Carl Albert, also became a doctor and surgeon. In his youth, his father encouraged him to memorize poetry including Bible passages and fragments of famous speeches. He was valedictorian of his high school and was offered a scholarship to schools including the University of Chicago. Swedish", + "score": 0.6669921875 + }, + { + "id": "4657337", + "title": "Mo Harris", + "text": "issues, raised by the re-appearance of Stacey after a four-year absence, to which Mo plans to spend more time in Walford to support her family. Mo is delighted when Kat and Alfie's twins, Bert and Ernie Moon (Freddie and Stanley Beale), are born, but the family's joy is cut short when a fire starts at their house and when it reaches a supply of knock-off hairspray, which Mo had intended to sell, a huge explosion destroys everything that they own. Kat is badly injured and Mo is wracked with guilt, briefly moving in with Masood Ahmed (Nitin Ganatra), before taking", + "score": 0.6669921875 + }, + { + "id": "11452640", + "title": "Joseph V. Perry", + "text": "Joseph V. Perry Joseph V. Perry (February 13, 1931 \u2013 February 23, 2000) was an American actor possibly best known for his role as Nemo in \"Everybody Loves Raymond\". Perry began his acting career in his youth, winning the Glenn Ford Award at Santa Monica High School in California in 1949. His successes continued in 1952 when he was presented the best actor award at UCLA by Marlon Brando. Perry officially started his film career in 1955 at the age of 24 and spent the next 45 years appearing in literally hundreds of films and television shows from dramatic anthologies", + "score": 0.66650390625 + }, + { + "id": "12445650", + "title": "The Armstrong Twins", + "text": "The Armstrong Twins The Armstrong Twins were a bluegrass and country duo consisting of the twins Floyd (1930-1994) and Lloyd Armstrong (1930-1999). They were born on January 24, 1930 in De Witt, Arkansas to a musical family, and active mostly in the 1940s and 1950s. They were one of several brother duos of their era, of which they were the only twins. Initially they both played guitar; but after randomly picking an instrument at a pawn shop in 1938 at his father's behest (\"It's a wonder I didn't pick a tuba\"), Lloyd started to play the mandolin and sing harmony,", + "score": 0.66650390625 + }, + { + "id": "19280835", + "title": "Bartlett and Robertson", + "text": "Music in London. Bartlett and Robertson Ethel Bartlett (1896\u20131978) and Rae Robertson (1893\u20131956), popularly known as Bartlett and Robertson, were a husband-and-wife classical piano duo who were credited with popularising two-piano music in Europe and the United States in the 1930s and 1940s through their extensive touring, recordings, and radio performances. Of English and Scottish background respectively, Bartlett and Robertson met during their studies at the Royal Academy of Music in London and married in 1921. Although they initially pursued solo careers, they teamed up as duo-pianists in the late 1920s and conducted annual international tours for over two decades.", + "score": 0.66650390625 + }, + { + "id": "8342363", + "title": "Andrew Lynford", + "text": "in \"The Secret Diary Of Adrian Mole\" and Hal in \"Loot\", among others. He is also a veteran of musical theatre, starring in \"The Little Shop Of Horrors\"; \"Oliver!\"; \"The King & I\" and \"Anything Goes\". In 1996 Lynford joined the cast of \"EastEnders\" where he played Simon Raymond, the homosexual brother of Martine McCutcheon's character, Tiffany Raymond. His character made headlines in the British press, following a gay kiss with the show's resident bisexual, Tony Hills (Mark Homer), who happened to be dating his sister at the time. Both Lynford and Homer left the show in 1999. After leaving", + "score": 0.666015625 + }, + { + "id": "4298121", + "title": "Ryan and Kyle Pepi", + "text": "Fun Magazine, and Parents Magazine. In 2011, Kyle Christopher Pepi and Ryan David Pepi graduated from Mansfield High School in Mansfield, Massachusetts. Ryan and Kyle Pepi Ryan and Kyle Pepi (born August 2, 1993, in North Attleboro, Massachusetts) are twin child actors. In 1995, they had a recurring role on the soap opera \"Another World\", playing \"Kirkland Harrison\". In 1999, they played the character \"Jackie Dunphy\" in the movie \"Outside Providence\". The twins also shared credits for guest roles on episodes of the television series \"MADtv\" in 1999, \"The X-Files\" in 2000, \"ER\" in 2001, and \"Robbery Homicide Division\" in", + "score": 0.666015625 + }, + { + "id": "16769923", + "title": "Le Roy Benjamin", + "text": "Perkins, who replaced Melvin. He married his wife, Etta Perkins in 1946, who managed the behind-the-scenes audio and lights production. The Le Roy Brothers Marionettes (1939\u20131955) was one of the most celebrated and requested vaudeville acts in America, showcasing the top vaudeville stars. The marionettes which astounded audiences in disbelief included lifelike comedians and actors: humorous Danny Thomas, Jimmy Durante performing with piano, Dean Martin & Jerry Lewis; and drummer Gene Krupa whose drums would explode from being played with .38 caliber blanks going off, amongst other favorite characters such as the original woman on the moon, breakaway detaching fluorescent", + "score": 0.666015625 + }, + { + "id": "14026510", + "title": "The LeGarde Twins", + "text": "TV show \"Network\". They also both appeared on the \"\" episode \"I, Mudd\" (1967). In 2009, Ted played the \"Old Man Dalton\" character in the movie \"D4\", an action-thriller directed by Darrin Dickerson. The LeGarde Twins The LeGarde Twins are a pair of identical twins, Tom and Ted (b. 15 March 1931, in Mackay, Ted LeGarde passed Aug 2,2018 Queensland), from Australia who play country music. The twins left home at the age of 15 and after trying their luck on the rodeo circuit as cowboys, they began playing music (they both sing and play guitar) and performed throughout Australia", + "score": 0.666015625 + }, + { + "id": "6237671", + "title": "Geoff Stults", + "text": "Springs High School. He moved to Los Angeles, and began to perform in the college theater productions while attending Whittier College, in Whittier, California. He played professional football in Austria as a wide receiver for the Klosterneuburg Mercenaries (now known as the Danube Dragons). Stults started his acting career at the age of seven by doing commercials alongside his brother George. He appeared on \"Everybody Loves Raymond\" as a mailman in the episode \"What's with Robert?\" He landed his first major role in 2002 as Ben Kinkirk, a fireman at the department in which Mary Camden was training and Mary's", + "score": 0.66552734375 + }, + { + "id": "9413630", + "title": "Identical Twins, Roselle, New Jersey, 1967", + "text": "\"The Old and The Restless\". In 2004, a print of the photo was sold at Sotheby's in New York for $478,000. It is also one of a set of recreated iconic portraits through photographic history by the photographer Sandro Miller using John Malkovich as the actor in each portrait. Identical Twins, Roselle, New Jersey, 1967 Identical Twins, Roselle, New Jersey, 1967 is a noted photograph by photographer Diane Arbus from the United States. Diane Arbus was known for her photographs of outsiders and people on the fringes of society. She often shot with a Rolleiflex medium format twin-lens reflex that", + "score": 0.66552734375 + } + ], + "answer": "The twin boys in the pilot episode of Everybody Loves Raymond were actually triplets. In the pilot, the twins were named Gregory and Matthew, Ray Romano's actual sons' names, and were played by the Ferreira triplets, although only two are seen at any one time. In all other episodes of the series, the twins are named Michael and Geoffrey and are played, respectively, by Sullivan and Sawyer Sweeten." + }, + { + "qa_pairs": [ + { + "context": "Other such pieces of evidence are names of Trojan heroes in Linear B tablets. Twenty out of fifty-eight men's names also known from Homer, including , \"E-ko-to\" (Hector), are Trojan warriors and some, including Hector, are in a servile capacity. No such conclusion that they are the offspring of Trojan captive women is warranted. Generally the public has to be content with the knowledge that these names existed in Greek in Mycenaean times, although Page hypothesizes that Hector \"may very well be ... a familiar Greek form impressed on a similar-sounding foreign name.\"", + "question": "What was the name of the greatest warrior for the trojans?", + "short_answers": [ + "Hector" + ], + "wikipage": "Hector" + }, + { + "context": "In Greek mythology and Roman mythology, Hector (; , ) was a Trojan prince and the greatest fighter for Troy in the Trojan War. He acted as leader of the Trojans and their allies in the defence of Troy, \"killing 31,000 Greek fighters.\" He was ultimately killed by Achilles.", + "question": "What was the position of the greatest warrior for the trojans?", + "short_answers": [ + "prince" + ], + "wikipage": "Hector" + } + ], + "wikipages": [ + { + "title": "List of Trojan War characters", + "url": "https://en.wikipedia.org/wiki/List%20of%20Trojan%20War%20characters" + }, + { + "title": "Hector", + "url": "https://en.wikipedia.org/wiki/Hector" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "In Greek and Roman mythology, Hector was a Trojan prince and the greatest warrior for Troy in the Trojan War. " + }, + { + "knowledge": [], + "long_answer": "The greatest warrior for the Trojans was Hector, whose position was that of a prince. In Greek and Roman mythology, Hector was the greatest fighter for Troy in the Trojan War and acted as leader of the Trojans and their allies in the defense of Troy." + } + ], + "sample_id": "-3469572554119413466", + "question": "Who was the greatest warrior for the trojans?", + "docs": [ + { + "id": "164634", + "title": "Hector", + "text": "Hector In Greek mythology and Roman mythology, Hector (; , ) was a Trojan prince and the greatest fighter for Troy in the Trojan War. As the first-born son of King Priam and Queen Hecuba, who was a descendant of Dardanus and Tros, the founder of Troy, he was a prince of the royal house and the heir apparent to his father's throne. He was married to Andromache, with whom he had an infant son, Scamandrius (whom the people of Troy called Astyanax). He acted as leader of the Trojans and their allies in the defence of Troy, \"killing 31,000", + "score": 0.728515625, + "summary": "Hector was the greatest fighter for Troy in the Trojan War and a prince of the royal house, as well as the first-born son of King Priam and Queen Hecuba.", + "extraction": "Hector was the greatest fighter for Troy in the Trojan War." + }, + { + "id": "20977128", + "title": "Troilus and Cressida", + "text": "but stupid man, managed to overcome the great Trojan prince Hector the previous day, and that Hector is fighting furiously because of this defeat. Cressida is joined by Pandarus, and they discuss the Trojan princes, with Pandarus taking the unlikely position that Troilus is a greater man than Hector. As they converse, several Trojan lords pass by them returning from battle, including Antenor, Aeneas, Hector, and Paris; Pandarus praises each one, but tells his niece that none of them can match Troilus. He then leaves Cressida, promising to bring a token from Troilus. Alone, Cressida remarks that while she returns", + "score": 0.71240234375, + "summary": "Hector is mentioned as a great Trojan prince, but Pandarus argues that Troilus is a greater man than Hector. Therefore, it is suggested that Troilus may have been the greatest warrior for the Trojans.", + "extraction": "Troilus was considered to be a greater man than Hector, according to Pandarus who praised several Trojan lords passing by, including Hector himself." + }, + { + "id": "5366854", + "title": "Aethiopis", + "text": "shortly after the death of the Trojan hero Hector, with the arrival of the Amazon warrior Penthesileia who has come to support the Trojans. She has a moment of glory in battle, but Achilles kills her. The Greek warrior Thersites later taunts Achilles, claiming that he had been in love with her, and Achilles kills him too. Achilles is ritually purified for the murder of Thersites. Next another Trojan ally arrives, Memnon, son of Eos and Tithonus, leading an Ethiopian contingent and wearing armour made by the god Hephaestus. In battle, Memnon kills Antilochus, a Greek warrior who was the", + "score": 0.71240234375, + "summary": "irrelevant", + "extraction": "Memnon was the greatest warrior for the Trojans." + }, + { + "id": "7861824", + "title": "Agapenor", + "text": "Agapenor Agapenor (, \"gen.\" \u1f08\u03b3\u03b1\u03c0\u03ae\u03bd\u03bf\u03c1\u03bf\u03c2) was a leader of the Arcadians in the Trojan war. He was a son of Ancaeus, and grandson of Lycurgus. As king of the Arcadians he received sixty ships from Agamemnon, in which he led his Arcadians to Troy. He also occurs among the suitors of Helen. He was one of the men to be in the Trojan Horse. On Agapenor's return from Troy he was cast by a storm on the coast of Cyprus, where he founded the town of Paphos and in it the famous temple of Aphrodite. He also occurs in the", + "score": 0.70751953125, + "summary": "Agapenor was a leader of the Arcadians in the Trojan war, but the document does not mention who was the greatest warrior for the Trojans.", + "extraction": "Irrelevant. The passage mentions Agapenor as a leader of the Arcadians in the Trojan war, but does not provide information on who the greatest warrior for the Trojans was." + }, + { + "id": "11727161", + "title": "5023 Agapenor", + "text": "of Mycenae and leader of the Greeks in the Trojan War. 911 Agamemnon, one of the largest Jupiter trojans known to exist, is named after the commander of the Greek forces. The official naming citation was published by the Minor Planet Center on 12 July 1995 (). 5023 Agapenor 5023 Agapenor, provisional designation , is a Jupiter trojan from the Greek camp, approximately 30 kilometers in diameter. It was discovered on 11 October 1985, by American astronomer couple Carolyn and Eugene Shoemaker at the Palomar Observatory in California, United States. The Jovian asteroid was named for Agapenor from Greek mythology.", + "score": 0.69580078125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about the greatest warrior for the Trojans." + }, + { + "id": "20098205", + "title": "Eurypylus of Mysia", + "text": "promised that the Mysians would not aid the Trojans in the coming war. Nevertheless, during the final stages of the war, between the death of Achilles, and the ruse of the Trojan Horse, Eurypylus led a large Mysian force to fight on the side of Troy. Eurypylus was a great warrior, and killed many opponents, including Machaon, Nireus, and Peneleus. But Neoptolemus finally killed Eurypylus, using the same spear that his father Achilles had used to both wound and heal Eurypylus' father Telephus. Homer has Odysseus say that Eurypylus was, next to Memnon, the most beautiful (\"\u03ba\u03ac\u03bb\u03bb\u03b9\u03c3\u03c4\u03bf\u03bd\") man he had", + "score": 0.6953125, + "summary": "Eurypylus was a great warrior for the Trojans, but was eventually killed by Neoptolemus.", + "extraction": "Eurypylus was a great warrior and killed many opponents, but was finally killed by Neoptolemus." + }, + { + "id": "6076273", + "title": "617 Patroclus", + "text": "character. The naming conventions for the Jupiter trojans were not adopted until after Patroclus was named (similarly, the asteroid Hektor is the only Trojan character to appear in the Greek camp). 617 Patroclus 617 Patroclus ( ), provisional designation ' is a binary Jupiter trojan approximately in diameter. It was discovered on 17 October 1906, by astronomer August Kopff at the Heidelberg Observatory in Germany. The asteroid was named after Patroclus from Greek mythology. It was the second trojan to be discovered and the only member of the Trojan camp named after a Greek character. The dark D-type asteroid is", + "score": 0.6943359375, + "summary": "irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "13521", + "title": "Ajax the Great", + "text": "Ajax the Great Ajax or Aias ( or ; Greek , gen. \"Aiantos\"; archaic ) is a mythological Greek hero, the son of King Telamon and Periboea, and the half-brother of Teucer. He plays an important role, and is portrayed as a towering figure and a warrior of great courage in Homer's \"Iliad\" and in the Epic Cycle, a series of epic poems about the Trojan War. He is also referred to as \"Telamonian Ajax\" (, in Etruscan recorded as \"Aivas Tlamunus\"), \"Greater Ajax\", or \"Ajax the Great\", which distinguishes him from Ajax, son of Oileus (Ajax the Lesser). Ajax", + "score": 0.6943359375, + "summary": "Ajax the Great was a Greek hero and warrior who played an important role in the Trojan War. He was the son of King Telamon and Periboea, and was known for his great courage. He is distinguished from Ajax the Lesser. However, the document does not state who the greatest warrior for the Trojans was, so the answer is irrelevant.", + "extraction": "Ajax the Great" + }, + { + "id": "15217", + "title": "Achilles", + "text": "Achilles In Greek mythology, Achilles or Achilleus ( ; , \"Achilleus\" ) was a Greek hero of the Trojan War and the central character and greatest warrior of Homer's \"Iliad\". His mother was the immortal Nereid Thetis, and his father, the mortal Peleus, was the king of the Myrmidons. Achilles' most notable feat during the Trojan War was the slaying of the Trojan hero Hector outside the gates of Troy. Although the death of Achilles is not presented in the \"Iliad\", other sources concur that he was killed near the end of the Trojan War by Paris, who shot him", + "score": 0.69287109375, + "summary": "Achilles was the greatest warrior for the Greeks in the Trojan War, not the Trojans.", + "extraction": "Hector was the greatest warrior for the Trojans. (Note: There is no mention of any Trojan warrior named \"Hector\" in the given passage, therefore the answer is \"irrelevant\".)" + }, + { + "id": "6076265", + "title": "617 Patroclus", + "text": "617 Patroclus 617 Patroclus ( ), provisional designation ' is a binary Jupiter trojan approximately in diameter. It was discovered on 17 October 1906, by astronomer August Kopff at the Heidelberg Observatory in Germany. The asteroid was named after Patroclus from Greek mythology. It was the second trojan to be discovered and the only member of the Trojan camp named after a Greek character. The dark D-type asteroid is also slow rotator and one of the largest Jupiter trojans. \"Patroclus\" is one of five Jovian asteroids targeted by the \"Lucy\" space probe to be visited in 2033. In 2001, a", + "score": 0.69287109375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is about an asteroid named after Patroclus from Greek mythology and does not provide information about who the greatest warrior for the Trojans was." + }, + { + "id": "858959", + "title": "Sarpedon", + "text": "of Pandion II. Zeus granted him the privilege of living three generations. The second Sarpedon, king of Lycia, a descendant of the preceding, was a son of Zeus and Laodamia, daughter of Bellerophon. Sarpedon became king when his uncles withdrew their claim to Lycia. He fought on the side of the Trojans, with his cousin Glaucus, during the Trojan War, becoming one of Troy's greatest allies and heroes. He scolded Hector in the \"Iliad\" (Book 5, lines 471\u2013492) claiming that he left all the hard fighting to the allies of Troy and not to the Trojans themselves, and made a", + "score": 0.6923828125, + "summary": "Sarpedon was a Trojan warrior and one of Troy's greatest allies and heroes during the Trojan War.", + "extraction": "Sarpedon, who fought on the side of the Trojans during the Trojan War, became one of Troy's greatest allies and heroes. Therefore, Sarpedon was the greatest warrior for the Trojans." + }, + { + "id": "10889380", + "title": "Troy series: Characters", + "text": "Banokles becomes a general at the end of the war for Thraki. He dislikes his position yet his Thrakian troops save the Trojan Horse and Rhesos's son Periklos and kill Peleus. Banokles marries a Trojan whore, Big Red, whom he loves dearly. However, she is murdered by a baker who is in love with her when she refuses to leave Banokles. This causes him to throw himself into his duties as a general. When Troy is falling, he makes sure that his friend Kalliades escapes before fighting beside the last Trojans. He laughs at the idea that, as Troy's most", + "score": 0.69140625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention any specific Trojan warriors." + }, + { + "id": "5426467", + "title": "Tommy Trojan", + "text": "Tommy Trojan Tommy Trojan, officially known as the Trojan Shrine, is one of the most recognizable figures of school pride at the University of Southern California. The life-size bronze statue of a Trojan warrior sits in the center of campus and serves as a popular meeting spot, as well as a centerpiece for a number of campus events. It is the most popular unofficial mascot of the university. The Trojan Shrine was sculpted by Roger Noble Burnham, who used USC football players such as Russ Saunders, Ernie Pinckert Henry Becker, Larry Stevens and John Ward as visual references for the", + "score": 0.689453125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "861133", + "title": "Astyanax", + "text": "Astyanax In Greek mythology, Astyanax (; \"Asty\u00e1nax\", \"protector of the city\") was the son of Hector, the crown prince of Troy, and his wife, Princess Andromache of Cilician Thebe. His birth name was Scamandrius (in Greek: \u03a3\u03ba\u03b1\u03bc\u03ac\u03bd\u03b4\u03c1\u03b9\u03bf\u03c2 Skamandrios, after the river Scamander), but the people of Troy nicknamed him Astyanax (i.e. high king, or overlord of the city), because he was the son of the city's great defender (\"Iliad\" VI, 403) and the heir apparent's firstborn son. During the Trojan War, Andromache hid the child in Hector's tomb, but the child was discovered. His fate was debated by the Greeks,", + "score": 0.689453125, + "summary": "Astyanax was the son of Hector and Andromache of Cilician Thebe. He was nicknamed \"Astyanax,\" meaning high king or overlord of the city, and was the son of the city's great defender. However, the document does not provide information on who the greatest warrior for the Trojans was.", + "extraction": "Astyanax's father, Hector, was the greatest warrior for the Trojans, but there is no mention of Astyanax being a warrior himself. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "6905313", + "title": "Theban kings in Greek mythology", + "text": "the Epigoni, the sons of the Seven led by Polyneices' son \"Thersander\". The Epigoni succeeded, and Thersander was installed as king of Thebes. King Laodamas was killed during this war. Thersander joined the Greek forces in the Trojan War, but he was killed on the shores of Mysia before ever reaching Troy (by Telephus, a son of Heracles). His son \"Tisamenus\" was too young at the time to lead the Theban contingent; but he later came of age while the war was still going on, and entered the war close to its conclusion. This is the explanation given for why", + "score": 0.68798828125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about any Trojan warrior being the greatest." + }, + { + "id": "856114", + "title": "Tros (mythology)", + "text": "of the youth: In variant versions, Ganymede is son of Laomedon son of Ilus son of Tros; however, others call him son of Ilus, Erichthonius or Assaracus. It was from Tros that the Dardanians were called Trojans and the land named the Troad. Another Tros was also a Trojan warrior. According to Homer's Illiad, he is the son of the Lycian Alastor and he was slain by Achilles. Tros (mythology) In Greek mythology, Tros (; , ) was the founder of Troy and the son of Erichthonius by Astyoche (daughter of the river god Simoeis) or of Ilus I, from", + "score": 0.6875, + "summary": "Tros was the founder of Troy and the son of Erichthonius. However, the document doesn't provide information on the greatest warrior for the Trojans, so the answer is irrelevant.", + "extraction": "The passage is irrelevant to the question as it does not provide information about any warrior being the greatest for the Trojans." + }, + { + "id": "12608786", + "title": "Menon (Trojan)", + "text": "Menon (Trojan) Menon (in Greek M\u03ad\u03bd\u03c9\u03bd) was a Trojan soldier killed by Leonteus in the Trojan War as detailed by Homer in the Iliad (XII.201). There is also a Trojan chieftain or king by the same name, mentioned by the twelfth-century Icelandic writer Snorri Sturluson in his prologue to the Prose Edda. Snorri states the chieftain's name as M\u00fan\u00f3n, yet also called Menn\u00f3n. It is uncertain whether Snorri is referring to this Menon, the Trojan soldier, or to Memnon, or to someone else. According to Snorri, M\u00fan\u00f3n was one of the twelve chieftains who dwelt in Troy in the stronghold", + "score": 0.68701171875, + "summary": "Irrelevant.", + "extraction": "irrelevant. The passage does not provide information about any specific Trojan warrior being the greatest. It only mentions Menon as a Trojan soldier who was killed in the war." + }, + { + "id": "12425267", + "title": "Mithridates VI of Pontus", + "text": "Mithridates VI of Pontus Mithridates VI or Mithradates VI (; , from Old Persian \"Mi\u03b8rad\u0101ta\", \"gift of Mithra\") 135\u201363 BC, also known as Mithradates the Great (Megas) and Eupator Dionysius, was king of Pontus and Armenia Minor in northern Anatolia (now Turkey) from about 120\u201363 BC. Mithridates is remembered as one of the Roman Republic\u2019s most formidable and successful enemies, who engaged three of the prominent generals from the late Roman Republic in the Mithridatic Wars: Lucius Cornelius Sulla, Lucius Licinius Lucullus and Gnaeus Pompeius Magnus. He has been called the greatest ruler of the Kingdom of Pontus. Mithridates VI", + "score": 0.68701171875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "835243", + "title": "Teucer", + "text": "fight in the war after his bow was broken by Zeus. He once again challenged Hector, and narrowly avoided the path of Hector's flying javelin in the ensuing battle. He was also one of the Danaans to enter the Trojan Horse. In total, Teucer slew thirty Trojans during the war; of those Homer mentions Aretaon, Orsilochus, Ormenus, Ophelestes, Daetor, Chromius, Lycophontes, Amopaon, Melanippus, Prothoon and Periphetes, as well as the aforementioned Archeptolemus. He also wounded Glaucus, son of Hippolochus. After Ajax's suicide, Teucer guarded the body to make sure it was buried, insulting Menelaus and Agamemnon when they tried to", + "score": 0.68701171875, + "summary": "Teucer was a warrior for the Danaans in the Trojan War who slayed thirty Trojans, including Aretaon, Orsilochus, Ormenus, Ophelestes, Daetor, Chromius, Lycophontes, Amopaon, Melanippus, Prothoon, and Periphetes. He also wounded Glaucus, son of Hippolochus. However, the document does not mention who was the greatest warrior for the Tro", + "extraction": "irrelevant" + }, + { + "id": "12425294", + "title": "Mithridates VI of Pontus", + "text": "Mithridates VI of Pontus Mithridates VI or Mithradates VI (; , from Old Persian \"Mi\u03b8rad\u0101ta\", \"gift of Mithra\") 135\u201363 BC, also known as Mithradates the Great (Megas) and Eupator Dionysius, was king of Pontus and Armenia Minor in northern Anatolia (now Turkey) from about 120\u201363 BC. Mithridates is remembered as one of the Roman Republic\u2019s most formidable and successful enemies, who engaged three of the prominent generals from the late Roman Republic in the Mithridatic Wars: Lucius Cornelius Sulla, Lucius Licinius Lucullus and Gnaeus Pompeius Magnus. He has been called the greatest ruler of the Kingdom of Pontus. Mithridates VI", + "score": 0.68701171875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "12042111", + "title": "Eudoros", + "text": "very fast, and a good fighter. Eudoros appears in the 2004 film \"Troy,\" played by Vincent Regan. He is the second-in-command of Achilles' fifty Myrmidons (rather fewer than the 2,500 Myrmidons in the \"Iliad\"). He is Achilles' oldest friend, and partly takes the role of Phoenix as simultaneously Achilles' respectful mentor and follower. When the Greeks first arrive at Troy, Achilles and Eudorus storm the beach together, along with the other Myrmidons. He captures Briseis and delivers her to Achilles. He is present when Patroclus is killed by Hector, and brings the news to Achilles. In his shock and anger,", + "score": 0.68701171875 + }, + { + "id": "835241", + "title": "Teucer", + "text": "Teucer In Greek mythology, Teucer (), also Teucrus, Teucros or Teucris (, \"Te\u1fe6kros\"), was the son of King Telamon of Salamis Island and his second wife Hesione, daughter of King Laomedon of Troy. He fought alongside his half-brother, Ajax, in the Trojan War and is the legendary founder of the city of Salamis on Cyprus. Through his mother, Teucer was the nephew of King Priam of Troy and the cousin of Hector and Paris\u2014all of whom he fought against in the Trojan War. During the Trojan War, Teucer was mainly a great archer, who loosed his shafts from behind the", + "score": 0.6865234375 + }, + { + "id": "8227430", + "title": "Atalanti", + "text": "battle ships and four thousand warriors. The leader of the Locrians was Ajax the Lesser, son of Oileus and grandson of Hodoedocus. Ajax excelled in the Trojan War, but while returning from Troy, he died in a storm. Another notable figure from Opus was Patroclus, son of Menoetius and best friend of Achilles. When he was still a child, Patroclus killed the nobleman Clysonymus, son of Amphidamas, during a game. Although he was a minor, Patroclus had to leave Opus in order to escape revenge. His father took him to Peleus, who raised him along with Achilles as his own", + "score": 0.6865234375 + }, + { + "id": "18505429", + "title": "Mark Griffin (actor)", + "text": "Griffin has a daughter, Gabriella, with fellow former Gladiator Zodiac, Kate Staples. Mark Griffin (actor) Mark David Charles Griffin (born 25 February 1968 in Basingstoke, Hampshire) is an English actor best known for his role as \"Trojan\" on the television series \"Gladiators\". Born in Basingstoke, Griffin attended Brighton Hill secondary school. He played squash at a young age and was invited to National Squad Training Camp. He went on to become a bodybuilder. Griffin's first acting role was in the TV series \"Action Man\" in 1995 where he played the live action version of the animated character. He has since", + "score": 0.6865234375 + }, + { + "id": "10889382", + "title": "Troy series: Characters", + "text": "attacked. As he hid in a flax field, his sister was raped and murdered nearby. This scarred him for a long time afterwards. Kalliades is Banokles's \"sword brother\" and best friend. He starts off as a warrior under the command of Kolanos and is sent to raid Troy and kill Priam with the elite of the Mykene army, but they are thwarted by Argurios and Helikaon. Priam releases them on the condition that they kill Kolanos painfully. When they returned to Mykene, Agamemnon ordered that all these soldiers would be killed on what he called the \"Night of the Lion's", + "score": 0.68603515625 + }, + { + "id": "858805", + "title": "Diomedes", + "text": "Diomedes Diomedes ( or ) or Diomede (; ) is a hero in Greek mythology, known for his participation in the Trojan War. He was born to Tydeus and Deipyle and later became King of Argos, succeeding his maternal grandfather, Adrastus. In Homer's \"Iliad\" Diomedes is regarded alongside Ajax the Great as one of the best warriors of all the Achaeans (behind only Achilles in prowess). Later, he founded ten or more Italian cities. After his death, Diomedes was worshipped as a divine being under various names in Italy as well as Greece. Diomedes was, on his father\u2019s side, an", + "score": 0.685546875 + }, + { + "id": "10889381", + "title": "Troy series: Characters", + "text": "senior general now that Priam is dead and his heir, Astyanax, has left the city, Banokles is, in fact, Troy's last king. As the last man standing fighting for Troy he stands on a staircase and fights the advancing troops. After taking nearly twenty of the Mykene men with him he meets Ajax Skull-splitter. They fight but Banokles eventually loses and is knocked wounded to the ground. The Mykene king Agamemnon orders Ajax to kill him, but he refuses, telling the king to do it himself. Agamemnon stabs Banokles in the chest. When he was a child, Kalliades's village was", + "score": 0.68505859375 + }, + { + "id": "861090", + "title": "Lycomedes", + "text": "for him - being a Jupiter Trojan, a group of asteroids which are by convention named for characters associated with the Trojan War. Lycomedes The name Lycomedes () may refer to several characters in Greek mythology, of whom the most prominent was the king of Scyros during the Trojan War. Lycomedes (also known as Lycurgus) was a king of the Dolopians in the island of Scyros near Euboea, father of a number of daughters including Deidameia, and grandfather of Pyrrhus or Neoptolemus. At the request of Thetis, Lycomedes concealed Achilles in female disguise among his own daughters. At Lycomedes' court", + "score": 0.68505859375 + }, + { + "id": "14488011", + "title": "Anticlus", + "text": "Anticlus In Greek mythology, Anticlus (Greek: \u1f0c\u03bd\u03c4\u03b9\u03ba\u03bb\u03bf\u03c2, \"Antiklos\"), son of Ortyx, was one of the Greek warriors who hid inside the Trojan Horse during the siege of Troy. When the wooden horse was taken within the city, Helen, suspecting a trick by the Greeks, circled the horse imitating the voices of the warriors' wives and sweethearts and calling their names. Anticlus was the only one to not resist and attempt to answer as he heard her talking in the voice of his wife Laodamia, but just as he was on the point of calling out in response, Odysseus shut his", + "score": 0.6845703125 + }, + { + "id": "13513", + "title": "Ajax the Lesser", + "text": "Ajax the Lesser Ajax ( \"Aias\") was a Greek mythological hero, son of Oileus, the king of Locris. He was called the \"lesser\" or \"Locrian\" Ajax, to distinguish him from Ajax the Great, son of Telamon. He was the leader of the Locrian contingent during the Trojan War. He is a significant figure in Homer's \"Iliad\" and is also mentioned in the \"Odyssey\", in Virgil's \"Aeneid\" and in Euripides' \"The Trojan Women\". In Etruscan legend, he was known as \"Aivas Vilates\". Ajax's mother's name was Eriopis. According to Strabo, he was born in Naryx in Locris, where Ovid calls him", + "score": 0.68408203125 + }, + { + "id": "4223070", + "title": "Troilus", + "text": "boy or ephebe, the son of Hecuba, queen of Troy. As he is so beautiful, Troilus is taken to be the son of the god Apollo. However, Hecuba's husband, King Priam, treats him as his own much-loved child. A prophecy says that Troy will not fall if Troilus lives into adulthood. So the goddess Athena encourages the Greek warrior Achilles to seek him out early in the Trojan War. The youth is known to take great delight in his horses. Achilles ambushes him and his sister Polyxena when he has ridden with her for water from a well in the", + "score": 0.68310546875 + }, + { + "id": "13214", + "title": "Agamemnon", + "text": "Agamemnon In Greek mythology, Agamemnon (; , \"\u1f08gam\u00e9mn\u014dn\") was a king of Mycenae, the son of King Atreus and Queen Aerope of Mycenae, the brother of Menelaus, the husband of Clytemnestra and the father of Iphigenia, Electra or Laodike (\u039b\u03b1\u03bf\u03b4\u03af\u03ba\u03b7), Orestes and Chrysothemis. Legends make him the king of Mycenae or Argos, thought to be different names for the same area. When Helen, the wife of Menelaus, was taken to Troy by Paris, Agamemnon commanded the united Greek armed forces in the ensuing Trojan War. Upon Agamemnon's return from Troy, he was killed (according to the oldest surviving account, \"Odyssey\"", + "score": 0.68212890625 + }, + { + "id": "12565203", + "title": "Demoleon", + "text": "Demoleon In Greek mythology, Demoleon (Ancient Greek: \u0394\u03b7\u03bc\u03bf\u03bb\u03ad\u03bf\u03bd\u03c4\u03b1) was a Trojan warrior, son of Antenor and Theano. He was a tough defensive fighter that was killed by Achilles during the Trojan War. Born into a peaceful family that believed that Helen should be sent back to the Greeks, he had many siblings including Archelochus, Acamas, Glaucus, Helicaon, Laodocus, Co\u00f6n, Polybus, Agenor, Iphidamas, Laodamas, Eurymachus, Hippolochus, Medon, Thersilochus, Antheus (most of whom perished during the Trojan War), and at least one sister, Crino. His father was a counselor to King Priam and his mother was a priestess of Athena. He was", + "score": 0.681640625 + }, + { + "id": "597858", + "title": "588 Achilles", + "text": "at the Heidelberg-K\u00f6nigstuhl State Observatory in southern Germany. It was the first discovery of a Jupiter trojan, although had been observed as \"\" two years previously. This body, however, remained unconfirmed as the observation period was not long enough to calculate an orbit. August Kopff, a college of Wolf at Heidelberg, then discovered 617 Patroclus eight months after \"Achilles\", and, in early 1907, he discovered the largest of all Jupiter trojans, 624 Hektor. \"Achilles\" orbits the Sun at a distance of 4.4\u20136.0 AU in the Lagrangian point of the Sun\u2013Jupiter System once every 11 years and 11 months (4,343 days;", + "score": 0.6806640625 + }, + { + "id": "15271", + "title": "Achilles", + "text": "1890, Elisabeth of Bavaria, Empress of Austria, had a summer palace built in Corfu. The building is named the \"Achilleion\", after Achilles. Its paintings and statuary depict scenes from the Trojan War, with particular focus on Achilles. Achilles In Greek mythology, Achilles or Achilleus ( ; , \"Achilleus\" ) was a Greek hero of the Trojan War and the central character and greatest warrior of Homer's \"Iliad\". His mother was the immortal Nereid Thetis, and his father, the mortal Peleus, was the king of the Myrmidons. Achilles' most notable feat during the Trojan War was the slaying of the Trojan", + "score": 0.6806640625 + }, + { + "id": "859159", + "title": "Podalirius", + "text": "Podalirius In Greek mythology, Podalirius or Podaleirius (Ancient Greek: \u03a0\u03bf\u03b4\u03b1\u03bb\u03b5\u03af\u03c1\u03b9\u03bf\u03c2) was a son of Asclepius. With Machaon, his brother, he led thirty ships from Tricca, Thessaly in the Trojan War on the side of the Greeks. Like Machaon, he was a legendary healer. He healed Philoctetes, holder of the bow and arrows of Heracles required to end the war. He was one of those who entered the Trojan Horse. Alongside Amphimachus, Calchas, Leonteus and Polypoetes he traveled to Colophon, where Calchas died. Unlike his brother, Podalirius survived the war, and subsequently settled in Caria. Accounts vary as to how he", + "score": 0.6806640625 + }, + { + "id": "7583698", + "title": "Trojan Gundulic\u0301", + "text": "Trojan Gunduli\u0107 Trojan Gunduli\u0107 (; c. 1500 - c. 1555) was a merchant and printer from the Republic of Ragusa who is remembered for his participation in the printing of the first book in Belgrade, \"The Four Gospels\" (\"\u010cetverojevan\u0111elje\"). Trojan was born in the town of Ragusa (modern Dubrovnik, Croatia) into the Gondola family (Gunduli\u0107), which was a Ragusan noble family of Italian origins. Gunduli\u0107 started as a barber in his hometown and remained in this trade after his arrival to Belgrade. He later went into the trade business, which enabled him to finance the printing of books. A large", + "score": 0.68017578125 + }, + { + "id": "875830", + "title": "Pandarus", + "text": "Pandarus Pandarus or Pandar (Ancient Greek: \u03a0\u03ac\u03bd\u03b4\u03b1\u03c1\u03bf\u03c2 \"P\u00e1ndaros\") is a Trojan aristocrat who appears in stories about the Trojan War. In Homer's \"Iliad\" he is portrayed as an energetic and powerful warrior, but in medieval literature he becomes a witty and licentious figure who facilitates the affair between Troilus and Cressida. In Shakespeare's play \"Troilus and Cressida\", he is portrayed as an aged degenerate and coward who ends the play by telling the audience he will bequeath them his \"diseases\". In Homer's \"Iliad\", Pandarus is a renowned archer and the son of Lycaon. Pandarus, who fights on the side of", + "score": 0.68017578125 + }, + { + "id": "20190714", + "title": "Amphimachus (son of Cteatus)", + "text": "Amphimachus (son of Cteatus) In Greek mythology, Amphimachus (; Ancient Greek: \u1f08\u03bc\u03c6\u03af\u03bc\u03b1\u03c7\u03bf\u03c2 derived from \u1f00\u03bc\u03c6\u03af \"amphi\" \"on both sides, in all directions, surrounding\" and \u03bc\u03ac\u03c7\u03b7 \"mache\" \"battle\") was the son of Cteatus (son of Actor) and Theronice, daughter of Dexamenus. He was one of the leaders of the Elean contingent at the Trojan War (the other was Thalpius, son of Eurytus) and was slain by Hector. \"\"But the rest fought on, and a cry unquenchable arose. And Teucer, son of Telamon, was first to slay his man, even the spearman Imbrius, the son of Mentor, rich in horses. He dwelt", + "score": 0.68017578125 + }, + { + "id": "847526", + "title": "Telephus", + "text": "Eurypylus' mother was, but all ancient sources that do mention Eurypylus' mother say that she was Astyoche, who was (usually) Priam's sister. Eurypylus led a large force of Mysian to fight on the side of Troy during the final stages of the Trojan War. Eurypylus was a great warrior, and killed many opponents, including Machaon and Nireus, but was finally killed by Achilles' son Neoptolemus. The irony of Achilles' son killing Telephus' son using the same spear that Achilles had used to heal Telephus, apparently figured in Sophocles' lost play \"Eurypylus\". According to Servius, Eurypylus had a son, Grynus, who", + "score": 0.68017578125 + }, + { + "id": "4223111", + "title": "Troilus", + "text": "as in Dares, after Hector's death as the main warrior on the Trojan side. Indeed he is named as a second Hector by Chaucer and Lydgate. These two poets follow Boccaccio in reporting that Troilus kills thousands of Greeks. However, the comparison with Hector can be seen as acknowledging Troilus' inferiority to his brother through the very need to mention him. In Joseph, Troilus is greater than Alexander, Hector, Tydeus, Bellona and even Mars, and kills seven Greeks with one blow of his club. He does not strike at opponents' legs because that would demean his victory. He only fights", + "score": 0.6796875 + }, + { + "id": "406396", + "title": "Trojan War", + "text": "Patroclus. Ajax son of Telamon laid waste the Thracian peninsula of which Polymestor, a son-in-law of Priam, was king. Polymestor surrendered Polydorus, one of Priam's children, of whom he had custody. He then attacked the town of the Phrygian king Teleutas, killed him in single combat and carried off his daughter Tecmessa. Ajax also hunted the Trojan flocks, both on Mount Ida and in the countryside. Numerous paintings on pottery have suggested a tale not mentioned in the literary traditions. At some point in the war Achilles and Ajax were playing a board game (\"petteia\"). They were absorbed in the", + "score": 0.6796875 + }, + { + "id": "18505427", + "title": "Mark Griffin (actor)", + "text": "Mark Griffin (actor) Mark David Charles Griffin (born 25 February 1968 in Basingstoke, Hampshire) is an English actor best known for his role as \"Trojan\" on the television series \"Gladiators\". Born in Basingstoke, Griffin attended Brighton Hill secondary school. He played squash at a young age and was invited to National Squad Training Camp. He went on to become a bodybuilder. Griffin's first acting role was in the TV series \"Action Man\" in 1995 where he played the live action version of the animated character. He has since gone onto appear in various films including \"Daddy Day Care\", \"Dr. Dolittle", + "score": 0.6796875 + }, + { + "id": "14910882", + "title": "The Fury of Achilles", + "text": "slave, Agamemnon, king of the Greeks offends Achilles because of a female slave and the hero withdraws from the war, creating confusion in the army. The Trojans in fact have the opportunity to drive out the Greeks at sea and so Patroclus, Achilles' best friend wears, without the knowledge of Achilles, his divine armor to instill courage in the soldiers Myrmidons. But Patroclus is killed by the Trojan prince Hector: Achilles rages, killing many Trojans, including the same Hector. The original version includes footage from The Trojan Horse. These scenes are omitted in the UK version which is altogether 20", + "score": 0.67919921875 + }, + { + "id": "10922387", + "title": "Acamas (son of Theseus)", + "text": "is not mentioned in Homer's \"Iliad\", but later works, including Virgil's \"Aeneid\", and almost certainly the \"Iliou persis\", mention that Acamas was one of the men inside the Trojan horse. The dominant character trait of Acamas is his interest in faraway places. The promontory of Acamas in Cyprus, the town of Acamentium in Phrygia, and the Attic tribe Acamantis all derived their names from him. He was painted in the Lesche at Delphi by Polygnotus, and there was also a statue of him at Delphi. Acamas (son of Theseus) In Greek mythology, Acamas or Akamas (;Ancient Greek: , folk etymology:", + "score": 0.67822265625 + }, + { + "id": "448598", + "title": "Vi\u0301\u00f0arr", + "text": "the city of Asgard had previously been\". According to \"Sk\u00e1ldskaparm\u00e1l\", V\u00ed\u00f0arr was one of the twelve presiding male gods seated in their thrones at a banquet for the visiting \u00c6gir. In the epilogue to the dialogue between the skaldic god Bragi and \u00c6gir, Snorri explains, in his typical euhemeristic style, that V\u00ed\u00f0arr \"is\" the Trojan hero Aeneas who survived the Trojan War and went on to achieve \"great deeds\". Later in the book, various kennings are given for V\u00ed\u00f0arr, including again the \"silent As\", \"possessor of the iron shoe\", \"enemy and slayer of Fenrisulf\", \"the gods' avenging As\", \"father's homestead-inhabiting", + "score": 0.67724609375 + }, + { + "id": "19586806", + "title": "Troy Uncle Sam Trojans", + "text": "Troy Uncle Sam Trojans The Troy Uncle Sam Trojans were a minor-league professional ice hockey team who competed in the Eastern Hockey League in the 1952-53 season. Based out of Troy, New York, the Trojans were coached by player-coach Bill Moe, and led by Art Stone, who scored 52 goals and added 55 assists for a league-leading 107 points. They also featured future Toronto Maple Leafs head coach John Brophy. The unique nickname was an amalgamation of Troy native Samuel Wilson's famous moniker \"Uncle Sam\", and \"Trojans\", the demonym for residents of Troy. They finished 23-34-3, last in the five-team", + "score": 0.67724609375 + }, + { + "id": "13772803", + "title": "Gaius Shaver", + "text": "Gaius Shaver Gaius Ray \"Gus\" Shaver (August 14, 1910 \u2013 October 11, 1998) was an All-American football player. He played at the quarterback and fullback positions for the University of Southern California Trojans football teams from 1929\u20131931. He was a consensus All-American in 1931 and led the Trojans that year to a national championship. Shaver was also captain of the winning team and the leading rusher in American football at the 1932 Summer Olympic Games. Born in Covina, California, Shaver played three seasons at quarterback for the Covina High School football teams. He helped lead the Colts to state football", + "score": 0.6767578125 + }, + { + "id": "858894", + "title": "Diomedes", + "text": "lover when she is sent to the Greek camp to join her traitorous father. In Shakespeare's play of that title, Diomedes is often seen fighting Troilus over her. Diomedes Diomedes ( or ) or Diomede (; ) is a hero in Greek mythology, known for his participation in the Trojan War. He was born to Tydeus and Deipyle and later became King of Argos, succeeding his maternal grandfather, Adrastus. In Homer's \"Iliad\" Diomedes is regarded alongside Ajax the Great as one of the best warriors of all the Achaeans (behind only Achilles in prowess). Later, he founded ten or more", + "score": 0.6767578125 + }, + { + "id": "14517323", + "title": "Polydorus (son of Priam)", + "text": "Polydorus (son of Priam) Polydorus (Polydoros; ) is the youngest son of Priam and Hecuba in the mythology of the Trojan War. Polydorus is an example of the fluid nature of myth, as his role and story vary significantly in different traditions and sources. In Homer's Greek epic the \"Iliad\", Polydorus is depicted briefly as a foe to Achilles. According to this source, Polydorus was the youngest son of Priam, and thus his father would not let him fight. Achilles, however, sees him on the battlefield showing off his great speed running through the lines and spears him, ending his", + "score": 0.67626953125 + }, + { + "id": "13521722", + "title": "Greek mythology", + "text": "Eris and the golden apple of Kallisti, the Judgement of Paris, the abduction of Helen, the sacrifice of Iphigenia at Aulis. To recover Helen, the Greeks launched a great expedition under the overall command of Menelaus's brother, Agamemnon, king of Argos or Mycenae, but the Trojans refused to return Helen. The \"Iliad\", which is set in the tenth year of the war, tells of the quarrel between Agamemnon and Achilles, who was the finest Greek warrior, and the consequent deaths in battle of Achilles' beloved comrade Patroclus and Priam's eldest son, Hector. After Hector's death the Trojans were joined by", + "score": 0.67578125 + }, + { + "id": "14571353", + "title": "Goffar the Pict", + "text": "Goffar the Pict Goffar, known as Goffar the Pict as an identifier, was a king of Aquitaine circa 1000BCE according to the pseudo-histories of Geoffrey of Monmouth. In the myths surrounding Brutus of Troy's occupation of Britain, he led the Poitevins to war against Brutus' fleet. Although he sent messengers under a certain Himbert first, they got in a fight with Corineus, Brutus' general, over royal property and all of the messengers were brutally killed. After a battle at the mouth of the Loire, the Trojans marched up the Loire through Goffar's dominions until they reached the territory of the", + "score": 0.67578125 + }, + { + "id": "7583700", + "title": "Trojan Gundulic\u0301", + "text": "copies of the Gospels. Trojan Gunduli\u0107 Trojan Gunduli\u0107 (; c. 1500 - c. 1555) was a merchant and printer from the Republic of Ragusa who is remembered for his participation in the printing of the first book in Belgrade, \"The Four Gospels\" (\"\u010cetverojevan\u0111elje\"). Trojan was born in the town of Ragusa (modern Dubrovnik, Croatia) into the Gondola family (Gunduli\u0107), which was a Ragusan noble family of Italian origins. Gunduli\u0107 started as a barber in his hometown and remained in this trade after his arrival to Belgrade. He later went into the trade business, which enabled him to finance the printing", + "score": 0.67578125 + }, + { + "id": "2191659", + "title": "Carians", + "text": "of Lydians and Mysians and all sons of Atys. Homer records that Miletus (later an Ionian city), together with the mountain of Phthries, the river Maeander and the crests of Mount Mycale were held by the Carians at the time of the Trojan War and that the Carians, qualified by the poet as being of incomprehensible speech, joined the Trojans against the Achaeans under the leadership of Nastes, brother of Amphimachos (\"he who fights both ways\") and son of Nomion. These figures appear only in the \"Iliad\" and in a list in Dares of Phrygia's epitome of the Trojan War.", + "score": 0.67529296875 + }, + { + "id": "13021668", + "title": "Phrygia", + "text": "and expert\" horsemen. According to the Iliad, before the Trojan War, a young king Priam of Troy had taken an army to Phrygia to support it in a war against the Amazons. Homer calls the Phrygians \"the people of Otreus and godlike Mygdon\". According to Euripides, Quintus Smyrnaeus and others, this Mygdon's son, Coroebus, fought and died in the Trojan War; he had sued for the hand of the Trojan princess Cassandra in marriage. The name \"Otreus\" could be an eponym for Otroea, a place on Lake Ascania in the vicinity of the later Nicaea, and the name \"Mygdon\" is", + "score": 0.67529296875 + }, + { + "id": "20190723", + "title": "Amphimachus of Caria", + "text": "Amphimachus of Caria In Greek mythology, Amphimachus (; Ancient Greek: \u1f08\u03bc\u03c6\u03af\u03bc\u03b1\u03c7\u03bf\u03c2 derived from \u1f00\u03bc\u03c6\u03af \"amphi\" \"on both sides, in all directions, surrounding\" and \u03bc\u03b1\u03c7\u03b7 \"mache\" \"battle\") was the son of Nomion. He and his brother Nastes were captains of the Carian contingent on the side of the Trojans in the Trojan war. Either he or his brother were killed by Achilles; according to the commentary to the Iliad by Thomas D. Seymour, his brother Nastes was the one killed and of whom the armour and golden ornaments were subsequently stripped off. \"\"And Nastes again led the Carians, uncouth of speech,", + "score": 0.6748046875 + }, + { + "id": "17220282", + "title": "Cheirisophus (general)", + "text": "Cheirisophus (general) Cheirisophus () was a Spartan general who fought with the Ten Thousand under Cyrus the Younger. Cheirisophus was sent by the Spartan ephors with 700 heavily armed men (800 according to Diodorus Siculus) to aid Cyrus the Younger in his expedition against his brother Artaxerxes in 401 BC. He joined Cyrus on his march at Issus in Cilicia. After the Battle of Cunaxa, Clearchus sent Cheirisophus with a delegation to the Persian general Ariaeus to make an offer of placing him on the Persian throne, an offer which Ariaeus declined. After the arrest of Clearchus and the other", + "score": 0.6748046875 + }, + { + "id": "13520", + "title": "Ajax the Lesser", + "text": "in Greek works of art, such as the chest of Cypselus described by Pausanias and in extant works. Ajax the Lesser Ajax ( \"Aias\") was a Greek mythological hero, son of Oileus, the king of Locris. He was called the \"lesser\" or \"Locrian\" Ajax, to distinguish him from Ajax the Great, son of Telamon. He was the leader of the Locrian contingent during the Trojan War. He is a significant figure in Homer's \"Iliad\" and is also mentioned in the \"Odyssey\", in Virgil's \"Aeneid\" and in Euripides' \"The Trojan Women\". In Etruscan legend, he was known as \"Aivas Vilates\". Ajax's", + "score": 0.67431640625 + }, + { + "id": "597863", + "title": "588 Achilles", + "text": "an infant, Achilles was plunged in the River Styx by his mother Thetis \"(also see 17 Thetis)\", thus rendering his body invulnerable excepting the heel by which he was held. He slew Hector (\"see also 624 Hektor\"), the greatest Trojan warrior. He was eventually killed by an arrow in the heel by Paris (\"see 3317 Paris\"). 588 Achilles Achilles ( ; minor planet designation: 588 Achilles), provisional designation \"\", is a large Jupiter trojan from the Greek camp. Archillies was the first Jupiter trojan to be discovered, and was discovered by Max Wolf at the Heidelberg Observatory in 1906. Wolf", + "score": 0.67431640625 + }, + { + "id": "858969", + "title": "Patroclus", + "text": "him lead the Myrmidons into combat. Achilles consented, giving Patroclus the armor Achilles had received from his father, in order for Patroclus to impersonate Achilles. Achilles then told Patroclus to return after beating the Trojans back from their ships. Patroclus defied Achilles' order and pursued the Trojans back to the gates of Troy. Patroclus killed many Trojans and Trojan allies, including a son of Zeus, Sarpedon. While fighting, Patroclus' wits were removed by Apollo, after which Patroclus was hit with the spear of Euphorbos. Hector then killed Patroclus by stabbing him in the stomach with a spear. Achilles retrieved his", + "score": 0.67431640625 + }, + { + "id": "858875", + "title": "Diomedes", + "text": "but while my Strength yet exists, not a single foe will escape me with life. The brave man makes an end of every foe.\" Having said this, Diomedes slew Ilioneus. Some of the other Trojan warriors slain by Diomedes during that night were Coroebus who came to Troy to win the hand of Cassandra, Eurydamas and Eurycoon. Cypria says that Polyxena died after being wounded by Odysseus and Diomedes in the capture of the city. During the sacking and looting of the great city, the seeress Cassandra, daughter of Priam and Hecuba, clung to the statue of Athena, but the", + "score": 0.673828125 + }, + { + "id": "568056", + "title": "Menelaus", + "text": "Menelaus In Greek mythology, Menelaus (; , \"Menelaos\", from \u03bc\u03ad\u03bd\u03bf\u03c2 \"vigor, rage, power\" and \u03bb\u03b1\u03cc\u03c2 \"people,\" \"wrath of the people\") was a king of Mycenaean (pre-Dorian) Sparta, the husband of Helen of Troy, and the son of Atreus and Aerope. According to the \"Iliad\", Menelaus was a central figure in the Trojan War, leading the Spartan contingent of the Greek army, under his elder brother Agamemnon, king of Mycenae. Prominent in both the \"Iliad\" and \"Odyssey\", Menelaus was also popular in Greek vase painting and Greek tragedy, the latter more as a hero of the Trojan War than as a", + "score": 0.673828125 + }, + { + "id": "20098203", + "title": "Eurypylus of Mysia", + "text": "Eurypylus of Mysia In Greek mythology, Eurypylus (\"Broadgate\") ( \"Eurypylos\") was the son of Telephus, king of Mysia. He was a great warrior, who led a Mysian contingent that fought alongside the Trojans against the Greeks in the Trojan War, and was killed by Achilles' son Neoptolemus. Eurypylus' father was Telephus, who was the son of Heracles, and was the king of Mysia in Asia Minor. Telephus' mother was Auge, the daughter of Aleus, the king of Tegea, a city in Arcadia, in the Peloponnese of mainland Greece. Auge ended up at the court of the Mysian king Teuthras, as", + "score": 0.673828125 + }, + { + "id": "11738014", + "title": "4348 Poulydamas", + "text": "ability to perfectly master his arms, Poulydamas was given the present of better judgment. It was Poulydamas who urged to lock the gates of Troy against Achilles , but Hector left the city and confronted him nonetheless, which led to his doom and to the city's eventual downfall during the Trojan War. The official naming citation was published on 28 April 1991 (). 4348 Poulydamas 4348 Poulydamas ( ), provisional designation \"\", is a large Jupiter Trojan from the Trojan camp, approximately in diameter. It was discovered on 11 September 1988, by American astronomer Carolyn Shoemaker at the Palomar Observatory", + "score": 0.673828125 + }, + { + "id": "4959299", + "title": "Aristodemus of Sparta", + "text": "Aristodemus of Sparta Aristodemus (, died 479 BC) was a Spartan warrior, one of the many sent to the Battle of Thermopylae. Aristodemus was one of only two Spartan survivors, as he was not present at the last stand. Along with a comrade, Eurytus, Aristodemus was stricken with a disease of the eye (they were \"\u1f40\u03c6\u03b8\u03b1\u03bb\u03bc\u03b9\u1ff6\u03bd\u03c4\u03b5\u03c2\" as Herodotus wrote), causing King Leonidas to order the two to return home before the battle, but Eurytus turned back, though blind, and met his end charging into the fray. The Greek historian Herodotus believed that had both Aristodemus and Eurytus returned alive, or", + "score": 0.67333984375 + }, + { + "id": "835247", + "title": "Teucer", + "text": "related to Teucer. Teucer In Greek mythology, Teucer (), also Teucrus, Teucros or Teucris (, \"Te\u1fe6kros\"), was the son of King Telamon of Salamis Island and his second wife Hesione, daughter of King Laomedon of Troy. He fought alongside his half-brother, Ajax, in the Trojan War and is the legendary founder of the city of Salamis on Cyprus. Through his mother, Teucer was the nephew of King Priam of Troy and the cousin of Hector and Paris\u2014all of whom he fought against in the Trojan War. During the Trojan War, Teucer was mainly a great archer, who loosed his shafts", + "score": 0.67333984375 + }, + { + "id": "15540891", + "title": "Phorcys of Phrygia", + "text": "Phorcys of Phrygia In Greek mythology, Phorcys (; , \"Phorkus\") was a Phrygian ally of King Priam in the Trojan War. Phorcys appears in \"The Iliad\" as the leader of the Phrygians, a son of Phaenops. The \"Bibliotheca\", however, refers to him as a son of Aretaon and brother of Ascanius, another Phrygian leader. Phorcys is mentioned among the Trojan allies whom Hector addresses with a speech in Book 17 of the \"Iliad\". He was killed in battle by the Greek hero Ajax. Phorcys is referenced in Pausanias' \"Description of Greece\": the author explains that Phorcys was referred to as", + "score": 0.6728515625 + }, + { + "id": "5367280", + "title": "Iliupersis", + "text": "is an armed force of Greeks inside, but others say it is a holy relic of Athena. The latter opinion prevails, and the Trojans celebrate their apparent victory. The god Poseidon, meanwhile, sends an ill omen of two snakes which kill Laoco\u00f6n and his sons; seeing this, Aeneas and his men leave Troy in anticipation of what is to come. When night comes, the Greek warriors inside the horse emerge, and open the city gates to let in the Greek army, which has sailed back from Tenedos. The Trojans are massacred, and the Greeks set fire to the city. Neoptolemus", + "score": 0.6728515625 + }, + { + "id": "861297", + "title": "Antilochus", + "text": "Antilochus In Greek mythology, Antilochus (; Ancient Greek: \u1f08\u03bd\u03c4\u03af\u03bb\u03bf\u03c7\u03bf\u03c2, \"Ant\u00edlokhos\") was the son of Nestor, king of Pylos, and was one of the Acheans in the Trojan War. One of the suitors of Helen of Troy, Antilochus accompanied his father and his brother Thrasymedes to the Trojan War. He was distinguished for his beauty, swiftness of foot, and skill as a charioteer. Though the youngest among the Greek princes, he commanded the Pylians in the war and performed many deeds of valour. He was a favorite of the gods and a friend of Achilles, to whom he was commissioned to", + "score": 0.6728515625 + }, + { + "id": "12305534", + "title": "Acamas (son of Antenor)", + "text": "Acamas (son of Antenor) In Greek mythology, Acamas or Akamas (; Ancient Greek: , folk etymology: \"unwearying\"), was the son of Trojan elder Antenor and Theano, was a participant in the Trojan War, and fought on the side of the Trojans. With his brother Archelochus and his cousin Aeneas, Acamas was lieutenant of the Dardanian contingent to assist King Priam. Along with Aeneas and Archelochus he led one of the five divisions attacking the Argive wall in the battle for the ships. Homer's \"Iliad\", Book 2, describes the troops of the Dardanians and its leaders: While in Book 16, Acamas", + "score": 0.67236328125 + }, + { + "id": "418508", + "title": "Jupiter trojan", + "text": "of a trojan occurred in February 1906, when astronomer Max Wolf of Heidelberg-K\u00f6nigstuhl State Observatory discovered an asteroid at the Lagrangian point of the Sun\u2013Jupiter system, later named 588 Achilles. In 1906\u20131907 two more Jupiter trojans were found by fellow German astronomer August Kopff (624 Hektor and 617 Patroclus). Hektor, like Achilles, belonged to the swarm (\"ahead\" of the planet in its orbit), whereas Patroclus was the first asteroid known to reside at the Lagrangian point (\"behind\" the planet). By 1938, 11 Jupiter trojans had been detected. This number increased to 14 only in 1961. As instruments improved, the rate", + "score": 0.67236328125 + }, + { + "id": "2144203", + "title": "Troy (film)", + "text": "walls of Troy; during a parley, Paris offers to duel Menelaus personally for Helen's hand in exchange for the city being spared. Agamemnon, intending to take the city regardless of the outcome, accepts. Menelaus wounds Paris and almost kills him, but is himself killed by Hector. In the ensuing battle, Hector kills Ajax and many Greek soldiers fall to the Trojan defenses. On Odysseus' insistence, Agamemnon gives the order to fall back. He gives Briseis to the Greek soldiers for their amusement, but Achilles saves her. Later that night, Briseis sneaks into Achilles' quarters to kill him; instead, she falls", + "score": 0.671875 + }, + { + "id": "173359", + "title": "Hero", + "text": "matters, and behave arrogantly in a childlike manner. During classical times, people regarded heroes with the highest esteem and utmost importance, explaining their prominence within epic literature. The appearance of these mortal figures marks a revolution of audiences and writers turning away from immortal gods to mortal mankind, whose heroic moments of glory survive in the memory of their descendants, extending their legacy. Hector was a Trojan prince and the greatest fighter for Troy in the Trojan War, which is known primarily through Homer's \"The Iliad\". Hector acted as leader of the Trojans and their allies in the defense of", + "score": 0.671875 + }, + { + "id": "858826", + "title": "Diomedes", + "text": "planned tactics of war, leadership, humility and self-restraint. Book V begins with Athena, the war-like goddess of wisdom putting valour into the heart of her champion warrior. She also makes a stream of fire flare from his shield and helmet. Diomedes then slays a number of Trojan warriors including Phegeus (whose brother was spirited away by Hera\u2019s son, Hephaestus before being slain by Diomedes) until Pandarus wounds him with an arrow. Diomedes then prays to Athena for the slaughter of Pandarus. She responds by offering him a special vision to distinguish gods from men and asks him to wound Aphrodite", + "score": 0.67138671875 + }, + { + "id": "10922385", + "title": "Acamas (son of Theseus)", + "text": "Acamas (son of Theseus) In Greek mythology, Acamas or Akamas (;Ancient Greek: , folk etymology: \"unwearying\") the son of Phaedra and Theseus, and brother or half brother to Demophon, was a character in the Trojan War. After his father lost the throne of Athens, Acamas grew up an exile in Euboea. He and Diomedes were sent to negotiate the return of Helen before the start of the Trojan War, though Homer ascribes this embassy to Menelaus and Odysseus. During his stay at Troy he caught the eye of Priam's daughter Laodice, and fathered her son Munitus. The boy was raised", + "score": 0.67138671875 + }, + { + "id": "11555622", + "title": "The Trojan Men", + "text": "The Trojan Men The Trojan Men is an all-male a cappella group at the University of Southern California. Founded in 2005, the group has participated in and has earned numerous awards from competitions like the International Championship of Collegiate A Cappella and USC's Absolut A Cappella contest. The group currently performs around USC and the Los Angeles area. The Trojan Men was founded in January 2005 by then-freshman Evan Bregman. Nine people auditioned in the initial stages, and the group had its first performance on March 3, 2005 with five members. They sang three songs: \"In the Still of the", + "score": 0.67138671875 + }, + { + "id": "14066637", + "title": "Orontes II", + "text": "of Armenian cavalry in this battle, or even that Armenia was divided into two parts ruled by two satraps. Orontes fought at the Battle of Gaugamela on the Persian right flank with 40,000 units of infantry and 7,000 of cavalry under his command, where he died. His son, Mithrenes, Satrap of Lydia, had joined Alexander the Great after being defeated at Sardis in 334 BC, and fought at Gaugamela on the side of Alexander. After the battle, Mithrenes was made Satrap of Armenia by Alexander. The ultimate fate of Orontes is unknown. Diodorus and Polyaenus mention a man named Orontes,", + "score": 0.67138671875 + }, + { + "id": "14540412", + "title": "Panthous", + "text": "Troy. Panthous was credited with killing four Greeks in the Trojan War. In the \"Aeneid\", Panthous is portrayed lamenting his own and Troy's fate on the night of the city's fall, with his baby grandson in his arms. He is further killed by one of the Greeks. Panthous In Greek mythology, Panthous (), son of Othrys, was an elder of Troy, husband of the \"queenly\" Phrontis and father of Euphorbus, Polydamas and Hyperenor. Panthous was originally a priest of Apollo at Delphi. When Priam, after Troy had been destroyed by Heracles, sent a son of Antenor to Delphi to inquire", + "score": 0.67138671875 + }, + { + "id": "7716714", + "title": "Troy Series", + "text": "he dies defending her and Troy from Mykene invaders. Laodike also died after the battle and they accompany each other on the dark road, along with many of the Mykene invaders who died and were in fact friends of Argurios. Argurious is not very tall but heavily muscled with many scars. There are no scars on his back suggesting him to be a fearless warrior who has never shown his back to attackers as in he knows no retreat. He has black hair with a jutting chisel beard. Gershom is an Egyptian prince with a very direct and straightforward approach", + "score": 0.67138671875 + }, + { + "id": "9807953", + "title": "Vincent Regan", + "text": "Vincent Regan Vincent Regan (born 16 May 1965) is a British film and television actor, best known for his roles in \"300\", \"Troy\", \"Unleashed\", \"Clash of the Titans\" and \"Lockout\". Regan was born on 16 May 1965 in Swansea, Glamorgan, Wales, the son of Irish immigrants. As a youth, he moved to Ireland with his parents, but moved to England and attended St Joseph's College, Ipswich, Suffolk, before attending the Academy of Live and Recorded Arts in London. Regan first came on UK TV screens in series 5 (1992) of LWT's London's Burning, playing Don, the love interest of Firefighter", + "score": 0.6708984375 + }, + { + "id": "17220286", + "title": "Cheirisophus (general)", + "text": "a medicine which he had taken for a fever. Cheirisophus (general) Cheirisophus () was a Spartan general who fought with the Ten Thousand under Cyrus the Younger. Cheirisophus was sent by the Spartan ephors with 700 heavily armed men (800 according to Diodorus Siculus) to aid Cyrus the Younger in his expedition against his brother Artaxerxes in 401 BC. He joined Cyrus on his march at Issus in Cilicia. After the Battle of Cunaxa, Clearchus sent Cheirisophus with a delegation to the Persian general Ariaeus to make an offer of placing him on the Persian throne, an offer which Ariaeus", + "score": 0.6708984375 + }, + { + "id": "10889403", + "title": "Troy series: Characters", + "text": "secret to making iron swords, he rushes to take the first of its kind to Agamemnon. Arriving at the Scaean Gate, he orders several Mykene soldiers to take him to Agamemnon. They say no and begin to leave. He calls them idiots, causing one to turn back and stab Khalkeus in the chest. He lies outside the walls of Troy and dies with his invention in his hands. However, Kassandra suggests that the Hittites will find him and work out how to copy his methods, so his work will not be lost. Priam, Andromache and Hektor are the most important", + "score": 0.6708984375 + }, + { + "id": "15545741", + "title": "Nireus", + "text": "Nireus In Greek mythology, Nireus (Ancient Greek: \u039d\u03b9\u03c1\u03b5\u03cd\u03c2), was king of the island Syme (according to Diodorus Siculus, also of a part of Cnidia) and one of the Achaean leaders in the Trojan War. Nireus was the son of King Charopus and Aglaea. He was renowned for his outstanding beauty, being described as the second most handsome man in the Greek camp after Achilles. Nireus was among the suitors of Helen and consequently joined in the campaign against Troy; he was said to have commanded three ships. In the military conflict with the Mysian king Telephus, which occurred on the", + "score": 0.6708984375 + }, + { + "id": "14932791", + "title": "Sophalexios", + "text": "the Trojan forces. A few years into the Trojan War, Sophalexios married Lysimache, a daughter of king Priam of Troy and had a son called Dardanos. After Hector was slain by Achilles, Sophalexios knew Troy\u2019s fall was imminent. Fearing for his family\u2019s safety, Sophalexios helped his wife and son flee the city. Never one to neglect his courage, Sophalexios stayed behind to help defend Troy. He was killed by Diomedes. Lysimache and Dardanos later returned to Troy after the city had been sacked and rebuilt. Little is known after their return. It is believed that they both became part of", + "score": 0.67041015625 + }, + { + "id": "9976026", + "title": "Va\u0301clav Trojan", + "text": "V\u00e1clav Trojan V\u00e1clav Trojan (24 April 1907, Plze\u0148 \u2013 5 July 1983) was a Czech composer of classical music best known for his film scores. Trojan studied composition at the Prague Conservatory under Jaroslav K\u0159i\u010dka and Otakar Ostr\u010dil from 1923 to 1927. He continued his studies in the composition masterclasses of Alois H\u00e1ba, Josef Suk and V\u00edt\u011bzslav Nov\u00e1k until 1929. A composer and arranger of dance and jazz music in the 1930s, he was a music director for Radio Prague from 1937 to 1945. After the end of World War II, Trojan composed most frequently for film, stage and radio,", + "score": 0.67041015625 + }, + { + "id": "876336", + "title": "Thersites", + "text": "Thersites In Greek mythology, Thersites (Ancient Greek: \u0398\u03b5\u03c1\u03c3\u03af\u03c4\u03b7\u03c2) was a soldier of the Greek army during the Trojan War. In the \"Iliad\", he does not have a father's name, which may suggest that he should be viewed as a commoner rather than an aristocratic hero. However, a quotation from another lost epic in the Trojan cycle, the \"Aethiopis\", gives his father's name as Agrius of Calydon and Dia, as his mother. Agrius, was a prince of Calydon while Dia was a daughter of King Porthaon. In some accounts, Thersites together with his five brothers including Melanippus, overthrew Oeneus from the", + "score": 0.67041015625 + }, + { + "id": "5426471", + "title": "Tommy Trojan", + "text": "which was located a local high school. Swartz also executed \u201cTommy Trojan,\u201d a monumental sculpture of a Trojan warrior on the University of Southern California campus. The original name suggested for the statue was The Spirit of Troy, but that name went to the school's marching band. On August 17, 2017, during the USC village grand opening, the Hecuba, Queen of Troy statue was unveiled to the public. This large statue serves as the female counterpart to Tommy Trojan and represents the Women of USC. Tommy Trojan is located at the core of the campus and often serves as a", + "score": 0.67041015625 + }, + { + "id": "6702995", + "title": "Thrasymedes (mythology)", + "text": "Thrasymedes (mythology) In Greek mythology, Thrasymedes (Ancient Greek: \u0398\u03c1\u03b1\u03c3\u03c5\u03bc\u03ae\u03b4\u03b7\u03c2) was a participant in the Trojan War. He was from Pylos and was the oldest son of Nestor and Eurydice (or Anaxibia), and the elder brother of Antilochus. Thrasymedes was one of the more prominent younger leaders portrayed in the \"Iliad\", though not to the extent of his brother. He fought bravely throughout the entire war. In the Iliad he was one of the lead sentries and was present at night when the Greek wall was built. When Diomedes and Odysseus went on a spying expedition he gave the former his", + "score": 0.669921875 + }, + { + "id": "6353008", + "title": "911 Agamemnon", + "text": "the Trojan War. He is a main character of Homer's \"Iliad\". The official naming citation was mentioned in \"The Names of the Minor Planets\" by Paul Herget in 1955 (). 911 Agamemnon 911 Agamemnon ( ), provisional designation \"\", is a large Jupiter trojan and a suspected binary asteroid from the Greek camp, approximately in diameter. It was discovered on 19 March 1919, by German astronomer Karl Reinmuth at the Heidelberg Observatory in southwest Germany. The dark D-type asteroid is one of the largest Jupiter trojans and has a rotation period of 6.6 hours. It is named after the Greek", + "score": 0.669921875 + }, + { + "id": "12200977", + "title": "You're the Greatest LUVer", + "text": "for the soundtrack of an episode of the Derrick TV series. Moreover, Luv' played a cameo role in the movie Cola, Candy,Chocolate (aka Drei Kesse Bienen auf den Philippinen) in which they performed Trojan Horse.
To celebrate the 20th anniversary of the trio success in Goethe's country, Mercury Records decided to release the compilation You're the Greatest LUVer.
Nowadays, the trio's greatest hits (like the \"Greatest Lover\" and \"Trojan Horse\") are often included on German 1970's/Disco various artists compilation albums or downloadable as ringtones. All songs written by Hans van Hemert and Piet Souer (aka Janschen & Janschens) Production You're", + "score": 0.66943359375 + }, + { + "id": "1502880", + "title": "Eric Bana", + "text": "In 2004, Bana co-starred with Brad Pitt in the big-budget film \"Troy\". In the film, he played Prince Hector, leader of the Trojan forces battling against the Greek warrior Achilles. The film was an international success, grossing US$364 million, with US$133 million in the US. After the critical disappointment of \"Hulk\" and \"Troy\", critics questioned Bana's bankability in big-budget films. He responded in \"Empire Magazine\": \"It's not like it [Hulk] was a flop. When you're on a long shoot it is a long personal investment. If I wasn't happy with the end result I'd be bloody upset, but in every", + "score": 0.66943359375 + }, + { + "id": "5510798", + "title": "Pedasus", + "text": "named Altes, who was killed by Agamemnon. This city was sacked by Achilles. Pedasus Pedasus (Greek: \u03a0\u03ae\u03b4\u03b1\u03c3\u03bf\u03c2) has been identified with several personal and place names in Greek history and mythology. In Homer's \"Iliad\", Pedasus was the name of a Trojan warrior, and the son of the naiad Abarbarea and human Bucolion. His twin brother was Aesepus; both were slain by Euryalus, the son of Mecisteus, during the Trojan War. In Homer's \"Iliad\", Pedasus was also the name of a swift horse taken as booty by Achilles when he killed Eetion. This horse was killed by a spear during a", + "score": 0.66943359375 + }, + { + "id": "858816", + "title": "Diomedes", + "text": "is considered the most experienced leader by many scholars (he had fought more battles than others, including the most important war expedition before the Trojan War \u2013 even old Nestor had not participated in such military work). Second only to Achilles, Diomedes is considered to be the mightiest and the most skilled warrior among the Achaeans. He was overwhelming Telamonian Ajax in an armed sparring contest when the watching Achaeans bade the men to stop and take equal prizes because they feared for Ajax's life. Ajax gave Diomedes the prize (long sword) because Diomedes drew the first blood. He vanquished", + "score": 0.6689453125 + }, + { + "id": "871106", + "title": "Epaminondas", + "text": "arm with a sword, when Agesipolis the Spartan king came to his aid from the other wing, and when all hope was lost, saved them both. Plutarch says that this incident firmly cemented their friendship, and Pelopidas would be Epaminondas's partner in politics for the next twenty years. Epaminondas was considered the greatest warrior-statesmen of ancient Thebes by many, including the Roman historian Diodorus Siculus. Diodorus does not have anything to say about the sexual orientation of Epaminondas or the Sacred Band, nor does he say anything about the following account, again from Plutarch (Amatorius 17). According to Plutarch's dramatic", + "score": 0.6689453125 + }, + { + "id": "4548539", + "title": "Cimon", + "text": "Cimon Cimon (; \u2013 450BC) or Kimon (; , \"Kim\u014dn\") was an Athenian statesman and general in mid-5th century BC Greece. He was the son of Miltiades, the victor of the Battle of Marathon. Cimon played a key role in creating the powerful Athenian maritime empire following the failure of the Persian invasion of Greece by Xerxes I in 480479 BC. Cimon became a celebrated military hero and was elevated to the rank of admiral after fighting in the Battle of Salamis. One of Cimon's greatest exploits was his destruction of a Persian fleet and army at the Battle of", + "score": 0.6689453125 + }, + { + "id": "903121", + "title": "Mygdon of Phrygia", + "text": "Mygdon of Phrygia In Greek mythology, King Mygdon (Ancient Greek: \u039c\u03cd\u03b3\u03b4\u03c9\u03bd in Greek; \"gen\".: \u039c\u03cd\u03b3\u03b4\u03bf\u03bd\u03bf\u03c2) of Phrygia, was a son of Acmon and father of Coroebus by his wife Anaximene. Mygdon led a force of Phrygians against the Amazons alongside his aides Otreus (another Phrygian leader) and King Priam of Troy, one generation before the Trojan War. Priam mentions this to Helen of Troy in Book 3 of The Iliad. A part of the Phrygians are said to have been called after him Mygdonians.\"\"Ere now have I journeyed to the land of Phrygia, rich in vines, and there I saw", + "score": 0.6689453125 + }, + { + "id": "4223103", + "title": "Troilus", + "text": "as a minor warrior if one at all. Dares' \"De excidio Trojae historia\" (\"History of the Fall of Troy\") introduces the character as a hero who takes part in events beyond the story of his death. Authors of the 12th and 13th centuries such as Joseph of Exeter and Albert of Stade continued to tell the legend of the Trojan War in Latin in a form that follows Dares' tale with Troilus remaining one of the most important warriors on the Trojan side. However, it was two of their contemporaries, Beno\u00eet de Sainte-Maure in his French verse romance and Guido", + "score": 0.6689453125 + }, + { + "id": "5053472", + "title": "The Myth Makers", + "text": "has besieged the city of Troy for ten years. On the plains just outside the city the Greek warrior Achilles slays the Trojan Hector, a son of King Priam, when the materialisation of the TARDIS disturbs Hector's concentration. When the Doctor emerges from within the TARDIS, Achilles believes him to be the god Zeus disguised as an old beggar, and insists he accompany him to the Greek encampment. En route they encounter the warrior Odysseus who goes with them to the Greek camp. When they arrive, Agamemnon insists the Doctor help him against the Trojans, and will not let him", + "score": 0.66845703125 + }, + { + "id": "14488012", + "title": "Anticlus", + "text": "mouth with his hands to prevent him from answering, and thus saved his companions. Some say he held Anticlus so tight that he strangled him. The asteroid 7214 Anticlus is named for the mythological figure. Anticlus In Greek mythology, Anticlus (Greek: \u1f0c\u03bd\u03c4\u03b9\u03ba\u03bb\u03bf\u03c2, \"Antiklos\"), son of Ortyx, was one of the Greek warriors who hid inside the Trojan Horse during the siege of Troy. When the wooden horse was taken within the city, Helen, suspecting a trick by the Greeks, circled the horse imitating the voices of the warriors' wives and sweethearts and calling their names. Anticlus was the only one", + "score": 0.66845703125 + }, + { + "id": "8363292", + "title": "Returns from Troy", + "text": "Returns from Troy The Returns from Troy are the stories of how the Greek leaders returned after their victory in the Trojan War. Many Achaean heroes did not return to their homes, but died or founded colonies outside the Greek mainland. The most famous returns are those of Odysseus, whose wanderings are narrated in the \"Odyssey\", and Agamemnon, whose murder at the hands of his wife Clytemnestra was portrayed in Greek tragedy. The Achaeans entered the city using the Trojan Horse and slew the slumbering population. Priam and his surviving sons and grandsons were killed. Glaucus, son of Antenor who", + "score": 0.66796875 + } + ], + "answer": "The greatest warrior for the Trojans was Hector, whose position was that of a prince. In Greek and Roman mythology, Hector was the greatest fighter for Troy in the Trojan War and acted as leader of the Trojans and their allies in the defense of Troy." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who is the sheriff of Maricopa County, Arizona from 1989-93?", + "short_answers": [ + "Thomas J. Agnos" + ], + "wikipage": null + }, + { + "context": "The Maricopa County Sheriff's Office (MCSO) is the law enforcement agency that serves Maricopa County, Arizona, and is the largest sheriff's office in Arizona. The MCSO provides patrol services and criminal investigation to unincorporated areas of the county and operates the county jail system. It also serves as the primary law enforcement agency for any incorporated cities within the county that have contracted with the agency for law-enforcement services (known as \"contract cities\"). The county sheriff is elected by the citizens and serves as the highest law enforcement official in Maricopa County. The current Sheriff of Maricopa County is Paul Penzone, elected in 2016. As a result of policies and practices under former sheriff Joe Arpaio the MCSO has received significant critical media coverage, federal investigation, and judicial oversight.", + "question": "Who is the sheriff of Maricopa County, Arizona from 1993-2017?", + "short_answers": [ + "Joe Arpaio" + ], + "wikipage": "Maricopa County Sheriff's Office" + }, + { + "context": "The Maricopa County Sheriff's Office (MCSO) is the law enforcement agency that serves Maricopa County, Arizona, and is the largest sheriff's office in Arizona. The MCSO provides patrol services and criminal investigation to unincorporated areas of the county and operates the county jail system. It also serves as the primary law enforcement agency for any incorporated cities within the county that have contracted with the agency for law-enforcement services (known as \"contract cities\"). The county sheriff is elected by the citizens and serves as the highest law enforcement official in Maricopa County. The current Sheriff of Maricopa County is Paul Penzone, elected in 2016. As a result of policies and practices under former sheriff Joe Arpaio the MCSO has received significant critical media coverage, federal investigation, and judicial oversight.", + "question": "Who is the sheriff of Maricopa County, Arizona from 2017-present?", + "short_answers": [ + "Paul Penzone" + ], + "wikipage": "Maricopa County Sheriff's Office" + }, + { + "context": "The Maricopa County Sheriff's Office (MCSO) is the law enforcement agency that serves Maricopa County, Arizona, and is the largest sheriff's office in Arizona. The MCSO provides patrol services and criminal investigation to unincorporated areas of the county and operates the county jail system. It also serves as the primary law enforcement agency for any incorporated cities within the county that have contracted with the agency for law-enforcement services (known as \"contract cities\"). The county sheriff is elected by the citizens and serves as the highest law enforcement official in Maricopa County. The current Sheriff of Maricopa County is Paul Penzone, elected in 2016. As a result of policies and practices under former sheriff Joe Arpaio the MCSO has received significant critical media coverage, federal investigation, and judicial oversight.", + "question": "Who is the current sheriff of maricopa county arizona since 2017?", + "short_answers": [ + "Paul Penzone" + ], + "wikipage": "Maricopa County Sheriff's Office" + }, + { + "context": "The Maricopa County Sheriff's Office (MCSO) is the law enforcement agency that serves Maricopa County, Arizona, and is the largest sheriff's office in Arizona. The MCSO provides patrol services and criminal investigation to unincorporated areas of the county and operates the county jail system. It also serves as the primary law enforcement agency for any incorporated cities within the county that have contracted with the agency for law-enforcement services (known as \"contract cities\"). The county sheriff is elected by the citizens and serves as the highest law enforcement official in Maricopa County. The current Sheriff of Maricopa County is Paul Penzone, elected in 2016. As a result of policies and practices under former sheriff Joe Arpaio the MCSO has received significant critical media coverage, federal investigation, and judicial oversight.", + "question": "Who is the sheriff of maricopa county arizona, from 1993-2017?", + "short_answers": [ + "Joe Arpaio" + ], + "wikipage": "Maricopa County Sheriff's Office" + }, + { + "context": "No context provided", + "question": "Who is the sheriff of maricopa county arizona, from 1989-1993?", + "short_answers": [ + "Thomas J. Agnos" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Maricopa County Sheriff's Office", + "url": "https://en.wikipedia.org/wiki/Maricopa%20County%20Sheriff%27s%20Office" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "From 1989-1993, Thomas J. Agnos served as the Maricopa County Sheriff. His position was taken over by Sheriff Joe Arpaio from 1993 to 2017. In 2016, Paul Penzone was elected as the new county Sheriff but has been serving as the current Maricopa County Sheriff since 2017. " + }, + { + "knowledge": [], + "long_answer": "The Maricopa County Sheriff's Office (MCSO) is the law enforcement agency that serves Maricopa County, Arizona, and is the largest sheriff's office in Arizona. The Sheriff of Maricopa County from 1989-1993 was Thomas J. Agnos. The Sheriff from 1993-2017 was Joe Arpaio. The Sheriff from to 2017 to present is Paul Penzone." + } + ], + "sample_id": "5326119942658671302", + "question": "Who is the current sheriff of maricopa county arizona?", + "docs": [ + { + "id": "11679974", + "title": "Maricopa County Sheriff's Office", + "text": "Maricopa County Sheriff's Office The Maricopa County Sheriff's Office (MCSO) is a local law enforcement agency that serves Maricopa County, Arizona. It has its headquarters at 550 West Jackson Street, Phoenix. It is the largest sheriff's office in Arizona and provides general-service and specialized law enforcement to unincorporated areas of Maricopa County, serving as the primary law enforcement for unincorporated areas of the county as well as incorporated cities within the county who have contracted with the agency for law-enforcement services (known as \"contract cities\"). It also operates the county jail system. Paul Penzone is the current Sheriff of Maricopa", + "score": 0.76806640625, + "summary": "Paul Penzone is the current Sheriff of Maricopa County, Arizona.", + "extraction": "Paul Penzone is the current Sheriff of Maricopa." + }, + { + "id": "14450779", + "title": "Maricopa County Sheriff's Office controversies", + "text": "Maricopa County Sheriff's Office controversies The Maricopa County Sheriff's Office (MCSO) is a law enforcement agency in Maricopa County, Arizona that was involved in a number of controversies between 1995 and 2017. It is the largest sheriff's office in the state of Arizona and provides general and specialized law enforcement to unincorporated areas of Maricopa County, serving as the primary law enforcement for unincorporated areas of the county as well as incorporated cities within the county which have contracted with the agency for law-enforcement services. It also operates the county jail system. Elected in 2016, Paul Penzone is the current", + "score": 0.7626953125, + "summary": "Paul Penzone is the current sheriff of Maricopa County, Arizona, elected in 2016.", + "extraction": "Paul Penzone is the current. (Note: This is not a useful span as it is incomplete and does not provide information about who Paul Penzone is. Therefore, the answer is \"irrelevant\".)" + }, + { + "id": "11679975", + "title": "Maricopa County Sheriff's Office", + "text": "County. As the elected sheriff, Penzone is the top law enforcement official in Maricopa County. Its ongoing practices are highly controversial, to which it has received national and international media coverage, along with a number of federal investigations and other controversies under former sheriff Joe Arpaio. The MCSO does not possess a legal identity separate from Maricopa County. Deputy Sheriffs of the Maricopa County Sheriff's Office are delegated their law enforcement authority by the Sheriff of Maricopa County. Maricopa County is the fourth largest county in the United States, and has a total area of . The county is currently", + "score": 0.7587890625, + "summary": "The current sheriff of Maricopa County, Arizona is Penzone.", + "extraction": "Paul Penzone is the current sheriff of Maricopa County Arizona." + }, + { + "id": "14450780", + "title": "Maricopa County Sheriff's Office controversies", + "text": "sheriff of Maricopa County. Penzone replaced Joe Arpaio after his 24-year tenure as sheriff. According to \"The Washington Post\", on August 17, 2010, the United States Department of Justice Civil Rights Division opened an inquiry into the Sheriff's Department in relation to alleged racism and abuse of power, as well as refusing to cooperate with a federal Justice Department investigation. On December 15, 2011, the U.S. Justice Department released its finding that the Sheriff's department repeatedly arrested Latinos illegally, abused them in the county jails and failed to investigate hundreds of sexual assaults. The Department of Homeland Security, reacting to", + "score": 0.75830078125, + "summary": "The current sheriff of Maricopa County, Arizona is Paul Penzone, who replaced Joe Arpaio after his 24-year tenure.", + "extraction": "Paul Penzone is the current sheriff of Maricopa County, replacing Joe Arpaio after his 24-year tenure as sheriff." + }, + { + "id": "891468", + "title": "Maricopa County, Arizona", + "text": "period of one year, and is selected by the Board members themselves through public hearing. The election of the County Sheriff, County Attorney, County Assessor, County Treasurer, Superintendent of Schools, County Recorder, Constables, Justices of the Peace, Clerk of the Superior Court, and retention of Superior Court Judges are also determined by popular vote. The county's dominant political figure for over two decades (from 1993 to 2017) was Sheriff Joe Arpaio, who had dubbed himself \"America's Toughest Sheriff\" and gained national notoriety for his flamboyant and often controversial practices and policies. As Maricopa County is home to almost 60 percent", + "score": 0.75634765625, + "summary": "Sheriff Joe Arpaio was the dominant political figure in Maricopa County from 1993 to 2017, but the current sheriff is not mentioned in the document.", + "extraction": "Sheriff Joe Arpaio was the dominant political figure for over two decades from 1993 to 2017." + }, + { + "id": "11679990", + "title": "Maricopa County Sheriff's Office", + "text": "involved in many controversial acts, lawsuits, and other operations that have been called into question, from alleged racial profiling to jail conditions. Former Maricopa County Sheriff, Joe Arpaio, has also been criticized over a number of incidents and policies. The United States Department of Justice Civil Rights Division is investigating the Maricopa County Sheriff's Office in relation to alleged racism and abuse of power, as well as refusing to cooperate with a federal Justice Department investigation. Maricopa County Sheriff's Office is also featured on TLC's television program \"Police Women of Maricopa County\" (2010). Maricopa County Sheriff's Office The Maricopa County", + "score": 0.755859375, + "summary": "Former Maricopa County Sheriff, Joe Arpaio, has been criticized for controversial acts and policies. The Department of Justice is investigating the Maricopa County Sheriff's Office for alleged racism and abuse of power. The current sheriff is not mentioned.", + "extraction": "Joe Arpaio is the former Maricopa County Sheriff. Therefore, the passage is irrelevant to the question about the current sheriff of Maricopa County, Arizona." + }, + { + "id": "8440393", + "title": "Joe Arpaio", + "text": "Joe Arpaio Joseph Michael Arpaio (; born June 14, 1932) is an American former law enforcement officer and politician. He served as the 36th Sheriff of Maricopa County, Arizona for 24 years, from 1993 to 2017, losing reelection to Democrat Paul Penzone in 2016. Arpaio styled himself as \"America's Toughest Sheriff\". Starting in 2005, he took an outspoken stance against illegal immigration. In 2010, he became a flashpoint for opposition to Arizona's SB1070 anti-illegal immigrant law, which was largely struck down by the Supreme Court of the United States. Arpaio is also known for investigating former U.S. President Barack Obama's", + "score": 0.74462890625, + "summary": "Joe Arpaio served as the 36th Sheriff of Maricopa County, Arizona from 1993 to 2017, and lost reelection to Democrat Paul Penzone in 2016.", + "extraction": "The current sheriff of Maricopa County Arizona is Paul Penzone. (The passage mentions that Arpaio lost reelection to Democrat Paul Penzone in 2016.)" + }, + { + "id": "19784989", + "title": "Paul Penzone", + "text": "Paul Penzone Paul Penzone (born March 29, 1967) is the sheriff of Maricopa County, Arizona, United States. Penzone was elected sheriff in 2016, defeating longtime incumbent Joe Arpaio. Penzone is a former sergeant in the Phoenix Police Department. Penzone was born in Trenton, New Jersey. He is the son of Rose and Charlie Penzone, and is of Italian descent. Penzone went to Phoenix's Cortez High School and studied criminal justice at Glendale Community College and Northern Arizona University. Penzone joined the Phoenix Police Department in 1988, and served for 21 years. For seven years, Penzone ran the Phoenix Police Department's", + "score": 0.740234375, + "summary": "Paul Penzone is the current sheriff of Maricopa County, Arizona. He was elected in 2016, defeating Joe Arpaio, and was previously a sergeant in the Phoenix Police Department.", + "extraction": "Paul Penzone is the current sheriff of Maricopa County, Arizona." + }, + { + "id": "14450822", + "title": "Maricopa County Sheriff's Office controversies", + "text": "civil liability. Several millions of dollars in awards and settlements resulted from this lawsuit, including $1.27 million to retired Superior Court Judge Gary Donahoe and $975,000 to former County Supervisor Mary Rose Wilcox. Maricopa County Sheriff's Office controversies The Maricopa County Sheriff's Office (MCSO) is a law enforcement agency in Maricopa County, Arizona that was involved in a number of controversies between 1995 and 2017. It is the largest sheriff's office in the state of Arizona and provides general and specialized law enforcement to unincorporated areas of Maricopa County, serving as the primary law enforcement for unincorporated areas of the", + "score": 0.7353515625, + "summary": "Irrelevant.", + "extraction": "Paul Penzone is the current sheriff of Maricopa County, Arizona. The given passage is irrelevant for answering the question." + }, + { + "id": "8440455", + "title": "Joe Arpaio", + "text": "MCSO's federal authority to identify and detain illegal immigrants. On May 10, 2012, the United States Department of Justice (DOJ) in \"United States v. Maricopa County, et al\" (Case number 2:12-cv-981), filed suit against Arpaio, the MCSO, and Maricopa County, alleging that \"The Maricopa County Sheriff's Office (MCSO) and Sheriff Joseph M. Arpaio have engaged and continue to engage in a pattern or practice of unlawful discriminatory police conduct directed at Latinos in Maricopa County and jail practices that unlawfully discriminate against Latino prisoners with limited English language skills.\" The complaint included accusations that Arpaio and his staff forced women", + "score": 0.72998046875, + "summary": "The current sheriff of Maricopa County, Arizona is Joseph M. Arpaio, according to the document.", + "extraction": "Joseph M. Arpaio." + }, + { + "id": "891464", + "title": "Maricopa County, Arizona", + "text": "The governing body of Maricopa County is its Board of Supervisors. The Board of Supervisors consists of five members chosen by popular vote within their own districts. Currently, the Board consists of four Republicans, each representing districts in the more affluent or conservative districts of the county, and one Democrat, representing the largest district. Each member serves a four-year term, with no term limits. The Maricopa County Sheriff's Office provides court protection, administers the county jail, and patrols the unincorporated areas of the county plus incorporated towns by contract. Maricopa County has a long history of being a Republican Party", + "score": 0.72705078125, + "summary": "The document is irrelevant to the question.", + "extraction": "The current passage does not provide the answer to the question \"Who is the current sheriff of Maricopa County Arizona?\"" + }, + { + "id": "14450799", + "title": "Maricopa County Sheriff's Office controversies", + "text": "Mayor Phil Gordon called for a federal investigation into Arpaio's immigration enforcement tactics, Arpaio's office responded by demanding the mayor's emails and phone logs. Arpaio also had his critic Maricopa County Supervisor Don Stapley, a Republican, arrested on suspicion of failing to properly disclose business interests. Stapley agreed to a $3.5 million settlement in his lawsuit against Arpaio, Thomas, and the County for false arrest. In 2005, the Arizona State Legislature passed a state law making it a felony, punishable by up to two years in prison, to smuggle illegal immigrants across the border. While already a federal crime, Arizona\u2019s", + "score": 0.72607421875, + "summary": "The document discusses controversies surrounding the Maricopa County Sheriff's Office, including Mayor Phil Gordon's call for a federal investigation into Arpaio's immigration enforcement tactics and the arrest of Maricopa County Supervisor Don Stapley. However, it does not provide information on the current sheriff of Maricopa County, Arizona.", + "extraction": "The passage is irrelevant as it does not mention the current sheriff of Maricopa County, Arizona." + }, + { + "id": "9675128", + "title": "Andrew Thomas (American politician)", + "text": "announced his resignation as Maricopa County Attorney, effective April 6, 2010, as required by Arizona law in order to run for the office of Arizona Attorney General. Rick Romley, was appointed interim Maricopa County Attorney by the Maricopa Board of Supervisors. Bill Montgomery thereafter won a 2010 special election, and took office as Maricopa County Attorney in November, 2010. After a divisive campaign leading up to the August 2010 Republican primary election for Arizona Attorney General, in which he was endorsed and supported by Maricopa County Sheriff Joe Arpaio, Thomas lost by 899 out of 552,623 total votes to Tom", + "score": 0.724609375, + "summary": "Bill Montgomery is the current Maricopa County Attorney, but the document does not mention the current sheriff of Maricopa County, Arizona.", + "extraction": "Bill Montgomery took office as Maricopa County Attorney in November, 2010." + }, + { + "id": "16599408", + "title": "Pima County Sheriff's Department", + "text": "would serve many years as a Constable, retiring in 1962. He would pass away in 1969. The department is led by a sheriff and four bureau chiefs, which command a total of four bureaus. Clarence Dupnik was the sheriff for over 35 years. A veteran of over 50 years in local law enforcement, he served as sheriff of Pima County from February 1980 till he retired in 2015; he was elected seven times. Dupnik saw the population of Pima County increase from 191,216 to about 1.5 million people. Below are Dupnik's accomplishments. Deputy Sheriff Chris Nanos took over as Sheriff", + "score": 0.7236328125, + "summary": "The document mentions Clarence Dupnik as the previous sheriff of Pima County for over 35 years, but there is no information about the current sheriff of Maricopa County, making the document irrelevant to the question.", + "extraction": "Chris Nanos is the current sheriff of Pima County. The passage does not provide information about the current sheriff of Maricopa County, so the extracted span is \"irrelevant\"." + }, + { + "id": "19784991", + "title": "Paul Penzone", + "text": "Penzone's 45%, with independent candidate Mike Stauffer running a distant third. In 2016, Penzone again ran against Arpaio, who at that point had been in office for 24 years (six terms). In the Democratic primary election, Penzone initially faced former Arizona Department of Corrections supervisor Joe Rodriguez, but Rodriguez withdrew from the race in April 2016 and threw his support behind Penzone \"to defeat Sheriff Arpaio in November for the good of Maricopa County citizens.\" In the November 2016 general election, Penzone defeated Arpaio by 665,478 votes (55.6%) to Arpaio's 531,674 votes (44.4%). During his campaign, Penzone pledged \"to refocus", + "score": 0.7216796875, + "summary": "The current sheriff of Maricopa County, Arizona is Paul Penzone.", + "extraction": "Paul Penzone is the current sheriff of Maricopa County, Arizona." + }, + { + "id": "19784994", + "title": "Paul Penzone", + "text": "\"circus\" that did not effectively deter crime. Tent City operations were phased out over six months; it closed with almost no fanfare in October. Paul Penzone Paul Penzone (born March 29, 1967) is the sheriff of Maricopa County, Arizona, United States. Penzone was elected sheriff in 2016, defeating longtime incumbent Joe Arpaio. Penzone is a former sergeant in the Phoenix Police Department. Penzone was born in Trenton, New Jersey. He is the son of Rose and Charlie Penzone, and is of Italian descent. Penzone went to Phoenix's Cortez High School and studied criminal justice at Glendale Community College and Northern", + "score": 0.71630859375, + "summary": "Paul Penzone is the current sheriff of Maricopa County, Arizona. He was elected in 2016, defeating longtime incumbent Joe Arpaio.", + "extraction": "Paul Penzone is the current sheriff of Maricopa County, Arizona." + }, + { + "id": "8440406", + "title": "Joe Arpaio", + "text": "for the Selective Service System. In November 2010, Arpaio created an armed illegal immigration operations posse to help his deputies enforce immigration law. Members of the posse included actors Steven Seagal, Lou Ferrigno, and Peter Lupus. Because the Maricopa County Sheriff's Office (MCSO) lost its authority to enforce immigration law (both by losing its 287(g) authority and through the Federal court's order in \"Melendres v. Arpaio\"), the posse is no longer active. While the MCSO website claimed 3,000 posse members, as of July 29, 2015, the posse had 986 members. Arpaio was a controversial sheriff. His practices were criticized by", + "score": 0.71533203125, + "summary": "Joe Arpaio was a controversial sheriff who created an armed illegal immigration operations posse in Maricopa County, Arizona. However, due to losing authority to enforce immigration law and a court order, the posse is no longer active. The document does not provide information on the current sheriff of Maricopa County, Arizona.", + "extraction": "Joe Arpaio was the former sheriff of Maricopa County, Arizona. Therefore, the passage is irrelevant to answering the question about the current sheriff of Maricopa County, Arizona." + }, + { + "id": "2936292", + "title": "Carl Hayden", + "text": "National Convention in St. Louis. Later in 1904 he was elected Maricopa County treasurer. Hayden's two years as treasurer provided him practical experience with public finance and budgetary processes. After one term as county treasurer, he chose to pursue the more lucrative office of sheriff\u2014the position providing a travel budget and a percentage of collected fees. The November 1906 election saw Hayden defeat his Republican and Prohibition party challengers by the largest margin of victory in any of the county races. By the time Hayden became sheriff, Maricopa County had transformed from a Wild West frontier into a quiet agricultural", + "score": 0.71533203125, + "summary": "Irrelevant.", + "extraction": "The passage is irrelevant to the question \"Who is the current sheriff of Maricopa County Arizona?\" as it does not provide any information about the current sheriff." + }, + { + "id": "8440425", + "title": "Joe Arpaio", + "text": "of county procurement rules. In September 2010, a 63-page internal memo written by Maricopa Deputy Chief Frank Munnell, was made public. The memo alleged years of misconduct and mismanagement by Arpaio's second-in-command and other top MCSO officers, including the use of a public-corruption task force to conduct politically motivated probes into political opponents. The memo alleged that top officials in the MCSO \"willfully and intentionally committed criminal acts by attempting to obstruct justice, tamper with witnesses, and destroy evidence.\" Arpaio forwarded the memo to the Pinal County Sheriff's Office, requesting they conduct an administrative investigation. Former top MCSO staffers claimed", + "score": 0.71533203125, + "summary": "Joe Arpaio is mentioned in the document but there is no information regarding whether he is the current sheriff of Maricopa County, Arizona. The text is irrelevant to the question.", + "extraction": "Irrelevant. The passage does not provide any information about the current sheriff of Maricopa County, Arizona." + }, + { + "id": "14450802", + "title": "Maricopa County Sheriff's Office controversies", + "text": "removed the authority of Arpaio's 160 federally trained deputies to make immigration arrests in the field. Despite the actions of the Department of Homeland Security, Arpaio has maintained that he will still pursue illegal aliens under Arizona state law. As of 2012 and beyond, he continued to do so. Reports claim that, under Arpaio, the MCSO may be improperly clearing as many as 75% of cases without arrest or proper investigation. The sheriff's office has failed to properly investigate serious crimes, including the rape of a 14-year-old girl by classmates, the rape of a 15-year-old girl by two strangers, and", + "score": 0.7138671875, + "summary": "The document discusses controversies surrounding the Maricopa County Sheriff's Office, but does not provide information about the current sheriff. Therefore, the answer is \"irrelevant\".", + "extraction": "The passage is irrelevant as it does not provide information about the current sheriff of Maricopa County, Arizona." + }, + { + "id": "14450798", + "title": "Maricopa County Sheriff's Office controversies", + "text": "introduction of pink underwear, which the Maricopa County Sheriff's website cites as being \"world famous.\" Arpaio subsequently started to sell customized pink boxer shorts (with the Maricopa County Sheriff's logo and \"Go Joe\") as a fund-raiser for the Sheriff's Posse Association. Despite allegations of misuse of funds received from these sales, Arpaio declined to provide an accounting for the money. Arpaio's success in gaining press coverage with the pink underwear resulted in him extending the use of the color. He introduced pink handcuffs, using the event to promote his book, \"Sheriff Joe Arpaio, America's Toughest Sheriff\". In 2008, when Phoenix", + "score": 0.71337890625 + }, + { + "id": "16091044", + "title": "Paul Babeu", + "text": "the Police Association president for the Chandler Police Department and on the board of directors for the Arizona Police Association. Babeu campaigned for the office of Pinal County Sheriff in 2008 and defeated Democratic incumbent Chris Vasquez, 54% to 46%. He was the first Republican sheriff elected in the history of the county (founded in 1875). Babeu was reelected in 2012 with 53.3% of the votes, winning out over Democrat and independent candidates. Babeu is vice president of the Arizona Sheriffs' Association and was named the National Sheriff of the Year in 2011 by the National Sheriffs' Association. Babeu led", + "score": 0.712890625 + }, + { + "id": "14450820", + "title": "Maricopa County Sheriff's Office controversies", + "text": "county managers. On March 11, 2010, Arpaio announced that \u201cthe Department of Justice Office of Public Integrity in Washington, D.C. has agreed to review allegations of corruption involving the Maricopa County Board of Supervisors and judicial officials and others. RICO complaints previously filed by the Maricopa County Sheriff\u2019s Office and the Maricopa County Attorney\u2019s Office were formally withdrawn so as not to duplicate or hinder the Department of Justice review or any additional investigation necessary.\u201d On March 13, 2010, in a letter sent to Arpaio\u2019s lawyer, Robert Driscoll of Alston & Bird, Raymond N. Hulser, Acting Chief, Department of Justice,", + "score": 0.7109375 + }, + { + "id": "16091050", + "title": "Paul Babeu", + "text": "incumbent representative, Democrat Ann Kirkpatrick, did not seek re-election as she instead ran for the U.S. Senate. On August 30, 2016, Babeu was declared the winner of the Republican primary. He faced Democrat Tom O'Halleran in the general election. O'Halleran defeated Babeu, receiving 51% of the vote to Babeu's 44%. Babeu's tenure as sheriff ended on January 1, 2017, after his term expired. Republican Mark Lamb succeeded Babeu as sheriff. Paul Babeu Paul Raymond Babeu (pronounced \"BAB-you\"; born February 3, 1969) is an American politician and member of the Republican Party who was sheriff of Pinal County, Arizona, from January", + "score": 0.7099609375 + }, + { + "id": "7429098", + "title": "Copwatch", + "text": "Freedom of Information Award by the Society of Professional Journalists, Northern California chapter, for \"effective use of public records to block a Homeland Security grant for putting an armored military vehicle on the streets of Albany and Berkeley.\" Joe Arpaio, the controversial Sheriff of Maricopa County, Arizona, has said that his opponents' videotaping of police during traffic stops \"create safety concerns for his deputies.\" Tim Dees, former police officer and editor-in-chief of Officer.com, alleges that Copwatch selectively distributes video and photographic media to \"spin\" incidents against law enforcement. The following is an inexhaustive list of local Copwatch organizations On 2", + "score": 0.70751953125 + }, + { + "id": "5862470", + "title": "Mike Carona", + "text": "lodge member of the Order of the Sons of Italy in 1999. He is also a member of Mensa. In 1988, at the age 33, Carona was appointed as the Marshal of Orange County. After 10 years as Marshal, Carona was elected by popular vote as the Sheriff of Orange County in 1998. Carona ran unopposed during his re-election campaign in 2002 and began his second term in 2003. In 2003, President George W. Bush appointed Michael Carona to the federal Emergency Response Senior Advisory Committee on Homeland Security. On November 15, 2007, the Department of Homeland Security asked for,", + "score": 0.70654296875 + }, + { + "id": "16122837", + "title": "Trail of Dreams 2010", + "text": "of Dreams walk ended in Washington D.C. on May 1 but the four DREAMers continue to fight for the DREAM Act and for immigration reform. On May 24, 2010 the four students flew to Arizona to participate in an immigration march. On June 1 they attended a meeting with Joe Arpaio, Maricopa County's Sheriff. Sheriff Arpaio is well known for his strict adherence to immigration laws. The meeting was risky for the undocumented illegal immigrants in the Trail of Dreams group. Earlier in the morning Sheriff Arpaio submitted a tweet that read, \"Just heard that some students from Fla. are", + "score": 0.7060546875 + }, + { + "id": "14450781", + "title": "Maricopa County Sheriff's Office controversies", + "text": "the Justice Department report, revoked Maricopa County jail officers' authority to detain people on immigration charges. The Justice Department report found that the Sheriff's office carried out a blatant pattern of discrimination against Latinos and held a \"systematic disregard\" for the United States Constitution. The Department's racial profiling expert found the sheriff's office to be the most egregious case of profiling ever seen in the United States. The MCSO Vision Statement as posted on their own web site states: \u201cThe Maricopa County Sheriff's Office is a fully integrated law enforcement agency committed to being the leader in establishing the standards", + "score": 0.70556640625 + }, + { + "id": "14501869", + "title": "Arizona SB 1070", + "text": "many indicators other than race they can use to determine whether someone may be an illegal immigrant, such as absent identification or conflicting statements made. The measure was hailed by Joe Arpaio, Sheriff of Maricopa County, Arizona \u2013 known for his tough crackdowns on illegal immigration within his own jurisdiction \u2013 who hoped the measure would cause the federal action to seal the border. Arpaio said, \"I think they'll be afraid that other states will follow this new law that's now been passed.\" Activists within the church were present on both sides of the immigration debate, and both proponents and", + "score": 0.70458984375 + }, + { + "id": "14202101", + "title": "Richard Mack", + "text": "10-point margin. Mack spent eleven years with the police department of Provo, Utah, and then moved back to Arizona to run for Graham County Sheriff in 1988. While serving as sheriff, he attended the FBI National Academy and graduated in 1992. Mack was born in 1952 in Arizona. He is a member of The Church of Jesus Christ of Latter-day Saints and attended Brigham Young University, earning a degree in Latin American studies. In January 2015 he suffered a heart attack and his wife became ill in late 2014. Mack claims that because he and his wife are self-employed they", + "score": 0.7041015625 + }, + { + "id": "14450812", + "title": "Maricopa County Sheriff's Office controversies", + "text": "The cause of his death, according to The Maricopa County Medical Examiner, was due to \"positional asphyxia\". Sheriff Arpaio investigated and subsequently cleared detention officers of any criminal wrongdoing. Norberg\u2019s parents filed a lawsuit against Arpaio and the MCSO. The lawsuit was settled for $8.25 million (USD). Richard Post was a paraplegic inmate arrested in 1996 for possession of marijuana and criminal trespass. Post was placed in a restraint chair by guards and his neck was broken in the process. The event, caught on video, shows guards smiling and laughing while Post is being injured. Because of his injuries, Post", + "score": 0.70263671875 + }, + { + "id": "13062966", + "title": "Sheriff of Cochise", + "text": "were Roy Engel, James Griffith, and Forrest Lewis. \"Sheriff of Cochise\" has been loosely compared to another contemporary crime drama, \"Highway Patrol\", starring Broderick Crawford. It is also similar in theme and setting to Rod Cameron's syndicated \"State Trooper\". \"The Witnesses\" (January 16, 1958) is the transitional episode leading to \"U.S. Marshal\". In the story line, Sheriff Morgan transfers federal witnesses from Cochise County to the U.S. Marshal's office in Tucson. The criminal element tries to gun down the witnesses, and the current marshal is mortally wounded. Morgan is then appointed as the new marshal. The episode features Joe De", + "score": 0.70166015625 + }, + { + "id": "14450808", + "title": "Maricopa County Sheriff's Office controversies", + "text": "based on conditions of confinement. Comparing recidivism rates under Arpaio to those under his predecessor, the study found \"there was no significant difference in recidivism observed between those offenders released in 1989\u20131990 and those released in 1994\u20131995.\" Family members of inmates who have died or been injured in jail custody have filed lawsuits against the MCSO. Maricopa County has paid more than $43 million in settlement claims during Arpaio's tenure. In August 2001, Charles Agster, a 33-year-old mentally handicapped man, died in the county jail, three days after being forced by sheriff's officers into a restraint chair used for controlling", + "score": 0.70166015625 + }, + { + "id": "19905282", + "title": "Maricopa County Board of Supervisors", + "text": "Maricopa County Board of Supervisors The Maricopa County Board of Supervisors, is the governing body of Maricopa County; a county of over four million in Arizona. The board has five districts. Members may serve unlimited number of four-year terms, as there are no term limits. The Board usually meets two Wednesdays every month in the Sullivan Room at the Maricopa County Complex in Phoenix, Arizona. Members of the public are invited to attend these meetings. Maricopa County was officially established on February 17, 1871, the first of the original four counties in Territorial Arizona. The County is named after the", + "score": 0.701171875 + }, + { + "id": "19348244", + "title": "Scott Jones (Sheriff)", + "text": "Scott Jones (Sheriff) Scott Robert Jones (born August 10, 1967) is the current sheriff of Sacramento County, California. Jones was first elected in 2010, winning re-election to his post in November 2014. In November 2015, Jones announced he would run for U.S. Congress in California's 7th congressional district in 2016. Jones, a Republican, faced incumbent Democrat Ami Bera in the November 2016 general election. Bera defeated Jones in the general election, winning 51% of the vote to Jones's 49%. The margin of victory was 4,802 votes. Jones was endorsed by the Northern California Carpenters Regional Council, a labor union for", + "score": 0.7001953125 + }, + { + "id": "8440433", + "title": "Joe Arpaio", + "text": "federal class action suit and a United States Department of Justice suit, both of which alleged racial profiling. Arpaio repeatedly denied racial profiling, although the MCSO did not have a policy specifically barring the practice nor any reliable internal method of ensuring it was not taking place. In 2007 Manuel De Jesus Ortega Melendres, a Mexican tourist who was a passenger in a car stopped in Cave Creek, Maricopa County, filed a lawsuit (\"Melendres v. Arpaio\") in the United States District Court for the District of Arizona against Sheriff Arpaio, the MCSO, and Maricopa County, claiming to have been detained", + "score": 0.69970703125 + }, + { + "id": "20385656", + "title": "Henry Garfias", + "text": "total amount in the three robberies added up to $68,000, became known as the \"Ghost Bandit\". Normally, Seymour hid his loot after a robbery, however suspicions as to his activities as an outlaw came about when in one occasion he used some of the money from a robbery in a local saloon's poker game. Maricopa County Sheriff Lindley Orme sent deputy Henry Garfias to investigate the situation. During his investigation Garfias was told by witnesses that on the day of the last robbery they spotted Henry Seymour, the blacksmith, with a rifle under his arm along with several gunny sacks.", + "score": 0.69921875 + }, + { + "id": "13062964", + "title": "Sheriff of Cochise", + "text": "Sheriff of Cochise Sheriff of Cochise (later renamed United States Marshal in the third and fourth seasons) is a Western-themed crime drama set in Cochise County, Arizona. Starring John Bromfield, the series aired eighty-three episodes in syndication from September 1956 to January 1958, a large number of segments for such a short time frame. As \"U.S. Marshal\", another sixty episodes aired from October 1958 to April 1960. Bromfield portrays law enforcement officer Frank Morgan. In the first two seasons, Morgan is the sheriff of Cochise County in southern Arizona. In the third season, Desilu Studios boss Desi Arnaz, Sr., retitled", + "score": 0.69873046875 + }, + { + "id": "20352410", + "title": "Maricopa County School Superintendent", + "text": "Maricopa County School Superintendent The position of Maricopa County School Superintendent is created by the Arizona Constitution and charged with the general conduct and supervision of the public school system in Maricopa County, Arizona (AZ Constitution Article 11 Section 2). The Superintendent is one of six county-wide elected officials, elected by the voters of Maricopa County every four years. Since the inception of the office, there have been thirteen Maricopa County School Superintendents. The incumbent, Steve Watson, took office January 1, 2017. The Maricopa County School Superintendent's office is located at 4041 N. Central Ave., Phoenix, AZ. The Office of", + "score": 0.69873046875 + }, + { + "id": "15222919", + "title": "Clarence Dupnik", + "text": "Clarence Dupnik Clarence William Dupnik (born January 11, 1936) is a retired American law enforcement official. Dupnik was appointed Sheriff of Pima County, Arizona, in February 1980 to fill a vacancy rising from the resignation of his predecessor, Richard Boykin. He won election in his own right in September 1980, and has been re-elected every four years since. Dupnik is a member of the Democratic party. Dupnik retired from the Pima County Sheriff's Office in 2015. Dupnik was born in Helena, Texas, and grew up in Bisbee, Arizona. He attended the University of Arizona in Tucson. He graduated from polygraph", + "score": 0.6982421875 + }, + { + "id": "8440421", + "title": "Joe Arpaio", + "text": "2010, a committee established by Arpaio (the \"Campaign to Re-Elect Joe Arpaio 2012\") funded advertisements critical of Rick Romley, a candidate in the Republican primary for Maricopa County Attorney, and Arizona Attorney General candidate Tom Horne, despite the fact that Arpaio was not running for re-election at the time (his term did not expire until the end of 2012). In August 2010, following the filing of complaints to the Maricopa Elections Department, the Office of Maricopa County Attorney found that one of the advertisements, a direct mailer, advocated the defeat of Romley and was an in-kind contribution to Bill Montgomery", + "score": 0.69775390625 + }, + { + "id": "15222920", + "title": "Clarence Dupnik", + "text": "training school Keeler Institute in Chicago, the Southern Police Institute at the University of Louisville, and the Urban Affairs Executive Institute at Massachusetts Institute of Technology. He joined the Tucson Police Department in 1958, as a Patrol Officer, eventually rising to Major in charge of Field Operations. In 1977 he was appointed Chief Deputy with the Pima County Sheriff's Department, and in 1980 he was appointed Sheriff. He was elected seven times to four-year terms as Sheriff. Because Pima County shares a border with Mexico, Dupnik's office handles a wide range of illegal immigration and drug trafficking matters. He won", + "score": 0.69775390625 + }, + { + "id": "19902308", + "title": "Doug Gillespie (politician)", + "text": "Clark County. On August 26, 2013, Gillespie withdrew his re-election bid as Sheriff of Clark County. On December 4, 2013, Joe Lombardo announced his candidacy for Sheriff of Clark County after Gillespie and Bill Young endorsed Lombardo as Sheriff of Clark County in the Republican primary and the general election. On March 20, 2014, Gillespie received Congressional Proclamation from Democratic U.S. Senator Harry Reid. On July 14, 2014, Gillespie announced that the Las Vegas Metropolitan Police Department (LVMPD) will no longer hold detainees for U.S. Immigration and Customs Enforcement (ICE) requests after joining the ICE program in 2008. On January", + "score": 0.69775390625 + }, + { + "id": "14450814", + "title": "Maricopa County Sheriff's Office controversies", + "text": "Maricopa County Medical Examiner's Office concluded that Brian's death was caused by \"complications of blunt force trauma due to a fall.\" This conclusion was reached largely on the Maricopa County Sheriff's Office's relation of their \"history\" of Brian's injuries to the Medical Examiner's Office; a history that included the MCSO's implausible story that all of Brian's injuries were caused by a fall from his cell bed. The Maricopa County Medical Examiner conducted no autopsy; nor was the Maricopa County Medical Examiner informed by MCSO or The Maricopa County Correctional Health Services about Brian's beating on March 7, 2003 and/or related", + "score": 0.69677734375 + }, + { + "id": "97356", + "title": "Disbarment", + "text": "of the case. In April 2012, a three-member panel appointed by the Arizona Supreme Court voted unanimously to disbar Andrew Thomas, former County Attorney of Maricopa County, Arizona, and a former close confederate of Maricopa County Sheriff Joe Arpaio. According to the panel, Thomas \"outrageously exploited power, flagrantly fostered fear, and disgracefully misused the law\" while serving as Maricopa County Attorney. The panel found \"clear and convincing evidence\" that Thomas brought unfounded and malicious criminal and civil charges against political opponents, including four state judges and the state attorney general. \"Were this a criminal case,\" the panel concluded, \"we are", + "score": 0.6962890625 + }, + { + "id": "6771114", + "title": "Phoenix New Times", + "text": "1970. In October 2007, Maricopa County sheriff's deputies arrested Lacey and Larkin on charges of revealing secret grand jury information concerning the investigations of the \"New Times\"s long-running feud with Maricopa County sheriff Joe Arpaio. In July 2004, the \"New Times\" published Arpaio's home address in the context of a story about his real estate dealings, which the County Attorney's office was investigating as a possible crime under Arizona state law. A special prosecutor served Village Voice Media with a subpoena ordering it to produce \"all documents\" related to the original real estate article, as well as \"all Internet web", + "score": 0.6962890625 + }, + { + "id": "14450819", + "title": "Maricopa County Sheriff's Office controversies", + "text": "forced to defend themselves against criminal investigations for the \"crime\" of having upset Arpaio and Thomas.\u201d Arpaio's practices have been criticized by organizations such as Amnesty International, the American Civil Liberties Union, the Arizona Ecumenical Council, the American Jewish Committee, and the Arizona chapter of the Anti-Defamation League. The editorial board of \"The New York Times\" called Arpaio \"America's Worst Sheriff\". On December 2, 2009 County Attorney Andrew Thomas and Sheriff Arpaio filed a federal lawsuit alleging racketeering charges against four judges, as well as various private attorneys, all current members of the Maricopa County Board of Supervisors and some", + "score": 0.69580078125 + }, + { + "id": "2571088", + "title": "Rick Romley", + "text": "of Arizona, making Romley only the 3rd interim ever since 1912 following Donald Harris in 1976 and Phil MacDonnell (Andrew Thomas' Chief Deputy) in 2010. Romley's success as the interim county attorney came to an end on August 24, 2010 when Bill Montgomery beat Romley in the Republican Primary. Rick Romley ended his appointed term on November 3, 2010. Rick Romley Rick Romley (Richard M. Romley) (born 1949), a Republican, was the County Attorney for Maricopa County, Arizona from 1989 to 2004. A veteran of the Vietnam War, serving in the United States Marine Corps, he received numerous commendations for", + "score": 0.69580078125 + }, + { + "id": "14450794", + "title": "Maricopa County Sheriff's Office controversies", + "text": "Sheriff's office, arguing that their Fourteenth Amendment rights of due process had been violated. Under Arpaio, the Maricopa County Jails have lost accreditation multiple times. In September 2008, the National Commission on Correctional Health Care (NCCHC) terminated the accreditation of all Maricopa County Sheriff's Office jails for failure to maintain compliance with national standards, and providing false information about such compliance. In October, 2008, judge Neil V. Wake of the United States District Court for the District of Arizona ruled that grossly inadequate conditions at the Maricopa County Jail, overseen by Arpaio, are unconstitutional and jeopardize the health and safety", + "score": 0.69482421875 + }, + { + "id": "19348246", + "title": "Scott Jones (Sheriff)", + "text": "and Northern Nevada chapter board of directors since 2014. Scott Jones (Sheriff) Scott Robert Jones (born August 10, 1967) is the current sheriff of Sacramento County, California. Jones was first elected in 2010, winning re-election to his post in November 2014. In November 2015, Jones announced he would run for U.S. Congress in California's 7th congressional district in 2016. Jones, a Republican, faced incumbent Democrat Ami Bera in the November 2016 general election. Bera defeated Jones in the general election, winning 51% of the vote to Jones's 49%. The margin of victory was 4,802 votes. Jones was endorsed by the", + "score": 0.69482421875 + }, + { + "id": "19784990", + "title": "Paul Penzone", + "text": "\"Silent Witness\" program, which encouraged witnesses to report crimes. Penzone ran the program during the high-profile \"Baseline Killer\" and \"Serial Shooter\" investigations. Penzone created a Spanish-language version of the program. After retiring from the police force, Penzone joined the non-profit group Childhelp as vice president. The group focuses on preventing child abuse and neglect. Penzone, a Democrat, made his first bid for elected office in an unsuccessful campaign for Maricopa County sheriff in 2012 against incumbent Republican Joe Arpaio. In that election (in which Arpaio outspent Penzone by an eight-to-one margin), Arpaio received just over 50% of the vote to", + "score": 0.69384765625 + }, + { + "id": "16599399", + "title": "Pima County Sheriff's Department", + "text": "Pima County Sheriff's Department The Pima County Sheriff's Department (PCSD) is an American law enforcement agency that serves the unincorporated areas of Pima County, Arizona. It is the seventh largest sheriff's department in the nation. It operates six district offices and three smaller satellite offices. The Corrections Bureau, has four facilities which houses on average 1,850 inmates per day. The department employs about 516 sworn officers and more than 872 civilian and corrections personnel and utilizes the services of over 400 volunteers. Its headquarters is on East Benson Highway in Tucson, Arizona. The Operations Bureau is currently headed by Chief", + "score": 0.69384765625 + }, + { + "id": "13062967", + "title": "Sheriff of Cochise", + "text": "Santis, Chris Alcaide, and Roy Barcroft. The series was filmed about Bisbee, the county seat of Cochise County in the southeastern corner of Arizona. Sheriff of Cochise Sheriff of Cochise (later renamed United States Marshal in the third and fourth seasons) is a Western-themed crime drama set in Cochise County, Arizona. Starring John Bromfield, the series aired eighty-three episodes in syndication from September 1956 to January 1958, a large number of segments for such a short time frame. As \"U.S. Marshal\", another sixty episodes aired from October 1958 to April 1960. Bromfield portrays law enforcement officer Frank Morgan. In the", + "score": 0.69384765625 + }, + { + "id": "11184102", + "title": "Sheriffs in the United States", + "text": "semi-permanent posse units which can be operated as a reserve to the main deputized force under a variety of circumstances, as opposed to solely for fugitive retrieval as is historically associated with the term. The Maricopa County Sheriff's Office (MCSO) is the largest sheriff's office in Arizona and the third-largest in the United States, with a total of 575 sworn officers and 2,735 civilian and detention employees . MCSO is headed by Sheriff Paul Penzone. In Arkansas, sheriffs and their deputies are fully empowered peace officers with county-wide jurisdiction and thus, may legally exercise their authority in unincorporated and incorporated", + "score": 0.69287109375 + }, + { + "id": "18421446", + "title": "Jim McDonnell (sheriff)", + "text": "Jim McDonnell (sheriff) James McDonnell (born 1959) is an American law enforcement official who served as the 32nd Sheriff of the County of Los Angeles in California. McDonnell was elected as L.A. County's 32nd sheriff on November 4, 2014, defeating former Undersheriff Paul Tanaka. He replaced interim sheriff John Scott on December 1, 2014, when he was sworn in. Previously he served as the Chief of Police in Long Beach, California and before that in the Los Angeles Police Department, reaching the rank of Assistant Chief. McDonnell grew up in a working-class neighborhood in Brookline, Massachusetts. He graduated from Saint", + "score": 0.69189453125 + }, + { + "id": "16599409", + "title": "Pima County Sheriff's Department", + "text": "on August 1, 2015. Nanos has been with the department since 1984. He has worked in all fields of the Sheriff Department General Specific Pima County Sheriff's Department The Pima County Sheriff's Department (PCSD) is an American law enforcement agency that serves the unincorporated areas of Pima County, Arizona. It is the seventh largest sheriff's department in the nation. It operates six district offices and three smaller satellite offices. The Corrections Bureau, has four facilities which houses on average 1,850 inmates per day. The department employs about 516 sworn officers and more than 872 civilian and corrections personnel and utilizes", + "score": 0.69091796875 + }, + { + "id": "12884226", + "title": "Smile...You're Under Arrest!", + "text": "extra on a movie set or as a model in a fashion shoot, among others. Once the trap is set and the actors have had their fun with the unsuspecting criminals, police officers arrest and take them to jail. All of the cases featured in \"Smile...You\u2019re Under Arrest!\" involve the Maricopa County Sheriff\u2019s Department of Phoenix, AZ under the command of Sheriff Joe Arpaio, who is known as \u201cThe Toughest Sheriff in America\u201d. He has a reputation for unusual law enforcement tactics such as reinstituting chain gangs, housing prisoners in a desert \u201ctent city\u201d and forcing them to wear pink", + "score": 0.69091796875 + }, + { + "id": "9675112", + "title": "Andrew Thomas (American politician)", + "text": "Rachel Mitchell. Thomas engaged in a high-profile conflict with the Maricopa County Board of Supervisors, who are responsible for allocating funds to his office. The dispute, in which he was joined by Sheriff Joe Arpaio, resulted in a number of lawsuits, with legal costs to the county for recent disputes exceeding 2.6 million. The conflict also resulted in Arpaio investigating and Thomas obtaining multiple indictments against County Supervisors Don Stapley and Mary Rose Wilcox. Thomas originally obtained indictments on Stapley on December 2, 2008, on 118 felony and misdemeanor counts dealing primarily with financial disclosure irregularities. In an effort to", + "score": 0.69091796875 + }, + { + "id": "16091046", + "title": "Paul Babeu", + "text": "was asked by Maricopa County sheriff Joe Arpaio to investigate allegations of wrongdoing in Arapaio's department. This 6-month-long detailed search led to the termination of Arpaio's top two deputies. In 2011 and 2012, the Pinal County Sheriff's Office collected $7 million worth of surplus military equipment. Babeau said he intended to balance the department's budget by auctioning the equipment. After an \"Arizona Republic\" newspaper report, the Defense Logistics Agency directed Babeu \"to retrieve vehicles and other equipment his office distributed to non-police organizations\". On October 23, 2011, Babeu announced the formation of an exploratory committee to run for U.S. Congress", + "score": 0.6904296875 + }, + { + "id": "13666216", + "title": "Orly Taitz", + "text": "Maricopa County, Arizona Sheriff Joe Arpaio and one of his assistants, Mike Zullo, to compel them to testify about the results of their investigation into Obama's birth certificate. Zullo indicated the two did not intend to attend the trial, stating, \"We don't want our information tainted by a circus show\". In September 2012, Taitz attempted to address a Kansas state board that had been reviewing a challenge to Obama's placement on the ballot, but her request to speak was denied. After the hearing was over, Taitz and an Obama supporter argued, and eventually both were escorted out of the building", + "score": 0.68994140625 + }, + { + "id": "5886635", + "title": "Greg Solano", + "text": "accept the consequences for my actions. Although my home is threatened with foreclosure and I am now unemployed, I plan to pay back what I took,\" Solano said. Solano was praised in the media for the way he handled the scandal and for taking immediate responsibility saving taxpayer dollars and resources in the investigation and prosecution . Robert Garcia, Solano's undersheriff was sworn in as interim County Sheriff. Garcia was subsequently elected as Sheriff by the citizens of Santa Fe County in the election of November 2, 2011 and began his first term on January 1, 2012. On July 20,", + "score": 0.689453125 + }, + { + "id": "16091037", + "title": "Paul Babeu", + "text": "Paul Babeu Paul Raymond Babeu (pronounced \"BAB-you\"; born February 3, 1969) is an American politician and member of the Republican Party who was sheriff of Pinal County, Arizona, from January 1, 2008, to January 1, 2017. He was Pinal County's first Republican sheriff. Babeu ran for Arizona's 4th congressional district in the 2012 elections to the United States House of Representatives but withdrew and came out as gay after a personal controversy. He became the Republican nominee for Arizona's 1st congressional district in the 2016 elections after winning the primary on August 30, 2016. He was defeated in the general", + "score": 0.689453125 + }, + { + "id": "16995791", + "title": "Dennis L. Montgomery", + "text": "An 18-month FBI investigation resulted in no charges and Gibbons being \"cleared\" of all charges by the Department of Justice. Similar reviews by the Nevada State Ethics Commission and U.S. House Ethics Committee also cleared Gibbons. In June 2014, reporter Stephen Lemons of the Phoenix New Times wrote that Montgomery had been hired by Sheriff Joe Arpaio of the Maricopa County Sheriff's Office (MCSO) as a confidential informant. Lemons, citing an anonymous source in the MCSO, said that Montgomery had claimed that, using data he had obtained while working for the Central Intelligence Agency (CIA), he could prove there was", + "score": 0.689453125 + }, + { + "id": "16599404", + "title": "Pima County Sheriff's Department", + "text": "interesting of Pima County's Sheriffs was Ed Echols. According to historian David Leighton, of the Arizona Daily Star newspaper, Ed Echols was born in Stockdale, Texas in 1879. As a teenager he helped his father on cattle drives up the old Chisholm Trail. In 1902, along with his brother Art he traveled by wagon to Cochise County, Arizona where he worked selling cords of wood and also as a ranch hand. Five years later he went on tour with the Miller Brothers 101 Wild West Show, touring cities like New York and Chicago. On the tour, he also befriended future", + "score": 0.68896484375 + }, + { + "id": "5886625", + "title": "Greg Solano", + "text": "Greg Solano Greg Solano (born 1963), a Democrat, was elected Sheriff of Santa Fe County, New Mexico in 2002, after leaving the Santa Fe City Police Department as a sergeant. Solano ran unsuccessfully for Lieutenant Governor of New Mexico in the 2010 Primary election under the Democratic party. Solano served nearly eight years as sheriff before resigning 1 month before his term was to end. On November 29, 2016 Greg Solano was in the news again when he donated a kidney to Retired District Judge Michael Vigil who was suffering from kidney failure . Greg Solano was born November 15,", + "score": 0.68896484375 + }, + { + "id": "12034216", + "title": "Adrian Garcia", + "text": "Adrian Garcia Adrian Garcia (born December 26, 1960) is the former Sheriff of Harris County, Texas. Garcia spent 23 years with the Houston Police Department, before becoming a city councilman. Garcia served six years as a Houston City Councilman, eventually becoming Mayor Pro-Tempore under former Mayor Bill White. In 2008 he became Sheriff of Harris County. In 2015 Garcia stepped down from post as Sheriff to run for Mayor of the City of Houston. Garcia won the general election for Harris County Commissioners Court Precinct 2 on November 6, 2018, after advancing from the primary on March 6, 2018. Garcia", + "score": 0.6884765625 + }, + { + "id": "5933735", + "title": "Village Voice Media", + "text": "imbroglio that eventually led to the arrests of \"New Times\" founders Larkin and Lacey. In the first, reporter John Dougherty revealed that controversial Maricopa County Sheriff Joe Arpaio had dumped thousands of dollars of cash into local real estate \u2014 and had convinced judges to redact property records so thoroughly that members of the public had no way of telling just how a relatively low-paid lawman was getting rich in the world of business. As part of that story, Dougherty published Arpaio's home address online, which was technically illegal even though, as Dougherty reported, the lawman's address was already widely", + "score": 0.68798828125 + }, + { + "id": "1008515", + "title": "Maricopa, California", + "text": "the population were below the poverty line, including 27.2% of those under age 18 and 4.5% of those age 65 or over. Maricopa Fire Department was established in 1910 with Chief F. W. Ball serving as the first fire chief. Maricopa Hospital opened on April 22, 1911 and the city was incorporated on July 25, 1911. Gary Biggerstaff was the chief of police when budget problems forced the city to close its police department in 1998. The Kern County Sheriff's Department provided police services to the citizens of Maricopa from 1998 until 2006 when the city reopened its police department", + "score": 0.68701171875 + }, + { + "id": "9429655", + "title": "Joe Lombardo", + "text": "Joe Lombardo Joseph Michael Lombardo (born November 8, 1962) is an American law enforcement officer and has been the elected 17th Sheriff of Clark County since January 5, 2015. He is a member of the Republican Party. On December 4, 2013, Lombardo announced his candidacy for Sheriff of Clark County. On November 4, 2014, Lombardo won the election by a closer margin of 51% to 49% against former Democratic LVMPD Captain Larry Burns, who was endorsed by former Democratic Clark County Sheriff Jerry Keller and outgoing Democratic Nevada Attorney General (now U.S. Senator) Catherine Cortez Masto. Lombardo was endorsed by", + "score": 0.6865234375 + }, + { + "id": "8440422", + "title": "Joe Arpaio", + "text": "(Romley's primary election opponent), in violation of Arizona election law. The order stated that a civil penalty in the amount of three times the amount of money spent on the mailer would be imposed on Campaign to Re-Elect Joe Arpaio 2012. In September 2010, Arpaio's campaign was fined $153,978. Montgomery ultimately defeated Romley in the primary election, with Romley stating Arpaio's ads \"hurt\" his results. An analysis by the Maricopa County Office of Management and Budget, completed in April 2011, found that Arpaio had misspent almost $100 million over the previous 5 years. The analysis showed that money from a", + "score": 0.6865234375 + }, + { + "id": "21014573", + "title": "Jerry McDermott", + "text": "Jerry McDermott Jerry McDermott is the 22nd and current High Sheriff of Norfolk County. He previously served on the Boston City Council and as the executive director of South Shore Habitat for Humanity. He also served as an aide to Senator Scott Brown and worked in community relations and economic development for Eversource. In March 2018 he was appointed as chief of staff in the Massachusetts Division of Capital Asset Management and Maintenance in the Charlie Baker administration. He was appointed sheriff by Baker in December 2018. While serving on the city council, he was a registered Democrat, but unenrolled", + "score": 0.6845703125 + }, + { + "id": "8440457", + "title": "Joe Arpaio", + "text": "that the MCSO engaged in racial profiling. On June 15, 2015, Senior United States District Judge Roslyn O. Silver of the United States District Court for the District of Arizona entered partial summary judgment for the DOJ, and against Arpaio, on the central racial-profiling allegations in the suit. On July 15, Maricopa County's board of supervisors voted to settle the lawsuit. The partial settlement, however, did not resolve the claims of discriminatory policing. At two press conferences held in March 2012, Arpaio and members of his Cold Case Posse claimed that President Barack Obama's long-form birth certificate, released by the", + "score": 0.68408203125 + }, + { + "id": "18579265", + "title": "Justin Smith (Colorado sheriff)", + "text": "said that his trip to the Middle East cause him to look at the world from such a different set of eyes [which] certainly provided me valuable insights into my duties as a sheriff; ones that I hadn't seen as clearly as before the trip. I appreciate the rights that have been secured for us even more now and recognize, even more clearly, my responsibility to protect those rights for my community. Smith was unopposed for a second term as sheriff in the general election held on November 4, 2014. In the same election, Larimer County voters They approved a", + "score": 0.68408203125 + }, + { + "id": "17199246", + "title": "Racine County Sheriff", + "text": "Racine County Sheriff The Racine County Sheriff is the chief law enforcement officer of Racine County, Wisconsin, and the head of the Racine County Sheriff's Office. The Sheriff's Office is the principal law enforcement agency that serves Racine County, providing police services to multiple areas throughout the county, including contracted areas. The current sheriff is Christopher Schmaling, a Republican who was first elected in 2010. The Sheriff's Office provides service for the following areas: The following departments (outside the Sheriff's Office) rely on the sheriff's office for some services and are dispatched on the sheriff's frequency: As a result, the", + "score": 0.68359375 + }, + { + "id": "8440418", + "title": "Joe Arpaio", + "text": "administrators, resulting in filing of criminal charges against several individuals, lawsuits against the Maricopa County Board of Supervisors, and a federal civil-racketeering suit against the supervisors, four judges, and attorneys who worked with the county. In early 2010, Arpaio and Thomas sought to have a grand jury indict a number of Maricopa County judges, Maricopa County supervisors, and employees of the Maricopa County Board of Supervisors. The grand jury, in an unusual rebuke, ordered the investigation ended. This action has been described as meaning that \"the case is so bad, there's no further evidence that could be brought\" to substantiate", + "score": 0.6826171875 + }, + { + "id": "10974060", + "title": "2008 United States House of Representatives elections in Arizona", + "text": "won a lot of tough elections in the past. Maricopa County Treasurer David Schweikert won the Republican primary against Susan Bitter Smith, former State Representative Laura Knaperek, State Representative Mark Anderson, Jim Ogsbury and Lee Gentry. Libertarian Warren Severin also ran. \"CQ Politics\" forecasts the race as 'Leans Democratic'. Incumbent Harry Mitchell held his seat based with about 53% of the votes. This district has been represented since 2001 by Republican Jeff Flake (campaign website), who is perhaps best known for his opposition to pork barrel projects and advocacy for earmark reform since 2001. He was challenged by Democrat Rebecca", + "score": 0.6826171875 + }, + { + "id": "16599406", + "title": "Pima County Sheriff's Department", + "text": "the idea of a rodeo and rodeo parade in Tucson and turned to Echols for advice on creation of what would be called La Fiesta de Los Vaqueros. For his many years of involvement in the Tucson rodeo he would later gain the nickname \"Mr. Rodeo.\" In 1934, Echols ran for sheriff of Pima County, even going so far as to have his friend and movie star Will Rogers campaign for him but still lost the election. Two years later he ran again and won. From 1936 to 1946 Echols served as sheriff of Pima County. He chose Herb Wood", + "score": 0.68212890625 + }, + { + "id": "19902309", + "title": "Doug Gillespie (politician)", + "text": "13, 2015, Republican U.S. Senator Dean Heller praised Gillespie's work as Sheriff of Clark County. Doug Gillespie (politician) Douglas Charles Gillespie (born August 13, 1958) is an American retired law enforcement officer and the 16th Sheriff of Clark County from January 2, 2007 to January 5, 2015. He is a member of the Republican Party. On January 20, 2010, Gillespie met with Democratic U.S. Senator Harry Reid to talk about funding for law enforcement grants. On February 9, 2010, Gillespie responded to the budget woes of the Las Vegas Metropolitan Police Department (LVMPD). On February 13, 2013, Gillespie called for", + "score": 0.68212890625 + }, + { + "id": "14598650", + "title": "2010 Arizona elections", + "text": "Paradise Valley Mayor Vernon Parker. The only Democrat in that race is Jon Hulburd. Both the 5th and 8th districts' Democratic incumbents, Harry Mitchell and Gabrielle Giffords, respectively, are seeking reelection. Mitchell faces a Republican challenge from former Maricopa County Treasurer David Schweikert, Jeffrey W. Smith, Jim Ward while Gifford's biggest Republican challengers include former State Senator Jonathan Paton and construction manager Jesse Kelly. On January 20, 2009, Janet Napolitano was confirmed as United States Secretary of Homeland Security by Barack Obama and resigned as governor the next day. Since Arizona does not have a lieutenant governor, Secretary of State", + "score": 0.68212890625 + }, + { + "id": "11670086", + "title": "David Schweikert", + "text": "Arizona citizens and businesses. There was speculation in 1999 that Arizona Governor Jane Dee Hull might appoint Schweikert to the Arizona State Corporation Commission. He was appointed chairman of the Arizona State Board of Equalization, a full-time job, where he served from 1995\u20132003. He was appointed Chief Deputy Treasurer of Maricopa County in 2004, and was elected Treasurer the same year. He resigned in 2007 to run for Congress again. In 2008, he lost by 10 percentage points, 53%\u201343%, to Democrat Harry Mitchell in congressional district 5. In 2010, he defeated the two-term incumbent. He ran for the September 1994", + "score": 0.681640625 + }, + { + "id": "7104156", + "title": "2006 Arizona elections", + "text": "Instruction, State Mine Inspector, and two seats on the five-member Corporation Commission will be decided. All races except for the State Mine Inspector, State Treasurer, and one seat on the Corporation Commission feature incumbents running for re-election. Republican Primary Republican incumbent Jan Brewer, the former chair of the Maricopa County Board of Supervisors, ran for a second four-year term, after winning her first term in 2002. She was challenged by Democrat Israel Torres, the former Arizona Registrar of Contractors and a businessman and attorney, and Libertarian Ernest Hancock, a talk radio producer, real estate agent, and restaurant owner. Democratic Party", + "score": 0.681640625 + }, + { + "id": "14450813", + "title": "Maricopa County Sheriff's Office controversies", + "text": "has lost much of the use of his arms. Post settled his claims against the MCSO for $800,000. Brian Crenshaw was a legally blind and mentally disabled inmate who suffered fatal injuries while being held in Maricopa County Jail for shoplifting. The injuries that led to his death were initially blamed on a fall from his bunk but were later discovered to have been the result of a brutal beating by jail guards on March 7, 2003. A lawsuit filed in The Maricopa County Superior Court of Arizona by the lawyer for Crenshaw's family stated:An external examination report of The", + "score": 0.681640625 + }, + { + "id": "14668069", + "title": "John Dougherty (journalist)", + "text": "coverage of Symington for over ten years, writing more than 66 articles on Symington. His coverage foreshadowed Symington's 1997 conviction on federal bank and wire fraud charges and resignation as Arizona governor. John Dougherty began covering Joe Arpaio for the Phoenix New Times when he became sheriff in 1993. Dougherty was involved in a series of court cases with Arpaio that culminated in a 2008 decision to award the Phoenix New Times $40,000 in legal fees. From 2002 through 2008, Dougherty investigated and reported heavily on the Fundamentalist Church of Jesus Christ of Latter Day Saints, and exposed the actions", + "score": 0.68115234375 + }, + { + "id": "7648680", + "title": "Phil Gordon (politician)", + "text": "by 65 percent of Phoenix voters in March, 2000. The Mayor has engaged in a verbal dispute with Maricopa County Sheriff Joe Arpaio over issues related to illegal immigration, opposing the controversial Arizona SB 1070 law, which he has considered to be racist and poorly drawn. In 2008, a group calling itself American Citizens United set up a petition to recall Gordon from office. The group faltered and did not submit any signatures. Additionally, President George W. Bush appointed Gordon to serve on the Honorary Delegation to accompany him to Jerusalem for the celebration of the 60th anniversary of the", + "score": 0.68115234375 + }, + { + "id": "891456", + "title": "Maricopa County, Arizona", + "text": "Maricopa County, Arizona Maricopa County ( ) is a county in the south-central part of the U.S. state of Arizona. As of the 2010 census, its population was 3,817,117, making it the state's most populous county, and the fourth-most populous in the United States. It is more populous than 23 states. The county seat is Phoenix, the state capital and fifth-most populous city in the country. Maricopa County is the central county of the Phoenix-Mesa-Glendale, AZ Metropolitan Statistical Area. Maricopa County was named after the Maricopa Indians. There are five Indian reservations located in the county. The largest are the", + "score": 0.6806640625 + }, + { + "id": "14450793", + "title": "Maricopa County Sheriff's Office controversies", + "text": "March 2007, the Maricopa County Jail hosted \"Inmate Idol\", a takeoff on the popular television series \"American Idol.\" Starting in July 2000, the Maricopa County Sheriff's website hosted \u201cJail Cam\u201d, a 24-hour Internet webcast of images from cameras in the Madison Street Jail, a facility which processed and housed pretrial detainees. The goals of the broadcasts were the deterrence of future crime and improved public scrutiny of jail procedures. The cameras showed arrestees being brought in handcuffed, fingerprinted, booked, and taken to holding cells; with the site receiving millions of hits per day. Twenty-four former detainees brought suit against the", + "score": 0.6806640625 + }, + { + "id": "19709406", + "title": "Glenn Palmer (sheriff)", + "text": "Glenn Palmer (sheriff) Glenn E. Palmer (born 1961) is the sheriff of Grant County, Oregon. He was first appointed in November 2000 and has since been elected in five consecutive elections. Palmer gained national attention with respect to his response during the armed occupation of the Malheur National Wildlife Refuge in 2016. He met with armed militants who were holding the federal facility and called them \"patriots\". Palmer began his law enforcement career in 1985, working as a corrections officer. He later served as a Deputy Sheriff, and a patrolman in John Day. He was appointed Sheriff in 2000 and", + "score": 0.6806640625 + }, + { + "id": "19250777", + "title": "David Ward (sheriff)", + "text": "was appointed sheriff of Harney County by the Harney County Court on December 5, 2014, and was sworn into office on January 2, 2015. His appointment was to fill the unexpired term of retiring sheriff David Glerup. The next election for sheriff of Harney County will take place in November 2016; Ward has announced he will stand in that vote. Ward was serving as the Harney County sheriff in January 2016 when a loosely organized militia group occupied the Malheur National Wildlife Refuge. The occupation was covered by national news media. Ward worked with the Federal Bureau of Investigation and", + "score": 0.68017578125 + }, + { + "id": "12897049", + "title": "Joe Straus", + "text": "to the ban on sanctuary cities, \"put the life of an illegal alien ahead of my murdered son and many other Texans just like him.\" Susan Pamerleau, the Republican sheriff of Bexar County and a candidate for a second term in the November 8 general election, defended Straus. Judson's \"use of a grieving father to accuse Joe Straus of a horrific murder committed by a career criminal is deplorable and irresponsible. No one has done more to secure the border than Joe Straus,\" Pamerleau said.\" Despite the intense campaign, Straus proved an easy winner in the primary race, having polled", + "score": 0.68017578125 + }, + { + "id": "14450818", + "title": "Maricopa County Sheriff's Office controversies", + "text": "protection due to an increased focus towards arresting illegal immigrants. The five-part series titled \u201cReasonable Doubt,\u201d which received a Pulitzer Prize for Local Reporting, described \"slow emergency response times and lax criminal enforcement.\" On December 23, 2009, The \"Arizona Republic\" published an editorial titled \u201cThe Conspiracy that won\u2019t stop.\u201d The Editorial Board referenced a published letter written by the Yavapai County Attorney, Sheila Polk, titled \u201cArpaio, Thomas are abusing power\u201d \u201d in which Polk was critical of Arpaio. The Editorial Board claimed that \u201cAs a result of stepping forward, Polk now may join the fast-growing list of Arizona public officials", + "score": 0.68017578125 + }, + { + "id": "5886632", + "title": "Greg Solano", + "text": "Sheriff Solano from office. Sheriff Solano begins his second four-year term January 1, 2007 having no Republican opponent in the General Election. The Sheriff's office is term limited with only two consecutive four year terms allowed. On August 27, 2008 Sheriff Solano announced he would run for Lieutenant Governor of New Mexico in the 2010 Primary election under the Democratic party. In January 2010 Solano dropped his bid for Lieutenant Governor citing fundraising difficulties . On November 24, 2010 Democrat Solano resigned as Sheriff of Santa Fe County after admitting to selling police and county property for years, including protective", + "score": 0.6796875 + }, + { + "id": "14450785", + "title": "Maricopa County Sheriff's Office controversies", + "text": "of Hispanic individuals represented by the ACLU alleged racial profiling by the Sheriff's Office. Among other remedies, Judge Snow appointed a court monitor to oversee compliance with his orders that included video cameras in every police car, and training of staff. Further controversy erupted when department training videos surfaced in which Judge Snow's orders were trivialized. In June 2008, the United States Department of Justice (DOJ) began an investigation of the Maricopa County Sheriff's Office. In March 2009, the US Department of Justice notified Arpaio that they were investigating the department for civil rights violations, in unfairly targeting Hispanics and", + "score": 0.6796875 + }, + { + "id": "8440405", + "title": "Joe Arpaio", + "text": "pink boxers (with the Maricopa County Sheriff's logo and \"Go Joe\") as a fund-raiser for Sheriff's Posse Association. Despite allegations of misuse of funds received from these sales, Arpaio declined to provide an accounting for the money. Arpaio's success in gaining press coverage with the pink underwear resulted in his extending the use of the color. He introduced pink handcuffs, using the event to promote his book, \"Sheriff Joe Arpaio, America's Toughest Sheriff\". Arpaio has said \"I can get elected on pink underwear... I've done it five times.\" In 2004, Arpaio ordered all undocumented immigrants currently in jail to register", + "score": 0.6796875 + }, + { + "id": "14450817", + "title": "Maricopa County Sheriff's Office controversies", + "text": "charges of revealing grand jury secrets after the publication of the subpoena. On the following day, the county attorney dropped the case and fired the special prosecutor. In a subsequent lawsuit, Lacey and Larkin won $3.75 million in damages for false arrest. On November 28, 2007, it was ruled that the subpoenas were not validly issued and in April 2008, the \"New Times\" editors filed suit against Arpaio, County Attorney Andrew Thomas and Special Prosecutor Dennis Wilenchik. In 2009, The \"East Valley Tribune\" ran a series of articles that criticized the Maricopa County sheriff for a decline in normal police", + "score": 0.6796875 + }, + { + "id": "2404684", + "title": "Wyatt Earp", + "text": "the winner. Earp resigned from the sheriff's office on November 9, 1880, and Shibell immediately appointed Johnny Behan as the new deputy sheriff for eastern Pima County. Behan had considerably more political experience than Earp, as he had served as Yavapai County sheriff from 1871 to 1873. He had been elected to the Arizona Territorial Legislature twice, representing Yavapai Country in the 7th Territorial Legislature in 1873 and Mohave County in the 10th in 1879. Behan moved to the northwest Arizona Territory, where he served as the Mohave County recorder in 1877 and then deputy sheriff of Mohave County at", + "score": 0.67919921875 + }, + { + "id": "6322589", + "title": "John Bunnell", + "text": "November 30, 1994 and served until May 1995. In the spring of 1995, Bunnell ran against Dan Noelle for Multnomah County Sheriff. Bunnell lost the election to Noelle, who assumed office in June, 1995. Between 1989 and 1990, Multnomah County's Sheriff\u2019s Office was featured in 15 episodes of \"COPS\" and in 1991, 13 episodes of \"American Detective\", which he also hosted. He is usually referred to as \"Sheriff John Bunnell\" despite no longer being active in law enforcement; this is occasionally shown as \"\"Sheriff John Bunnell [Ret]\"\". His son, Mark, is a corrections deputy with the Multnomah County Sheriff's Office", + "score": 0.67919921875 + }, + { + "id": "19902307", + "title": "Doug Gillespie (politician)", + "text": "Doug Gillespie (politician) Douglas Charles Gillespie (born August 13, 1958) is an American retired law enforcement officer and the 16th Sheriff of Clark County from January 2, 2007 to January 5, 2015. He is a member of the Republican Party. On January 20, 2010, Gillespie met with Democratic U.S. Senator Harry Reid to talk about funding for law enforcement grants. On February 9, 2010, Gillespie responded to the budget woes of the Las Vegas Metropolitan Police Department (LVMPD). On February 13, 2013, Gillespie called for gun control legislation. On April 19, 2013, Gillespie announced his re-election bid as Sheriff of", + "score": 0.67919921875 + }, + { + "id": "692990", + "title": "Carroll County, Maryland", + "text": "Commissioners are elected from five Commissioner districts, as opposed to three Commissioners elected at-large. The change occurred with the 2010 elections, since the Maryland General Assembly did not agree on the districts in time for the 2006 elections. Commissioners elected in 2014\u2014all Republican\u2014were: Supporting the commissioners is a cabinet, composed of the following departments: The current elected Sheriff is James Dewees. The current elected U.S Representatives are Democrat Jamie Raskin of the 8th District and Republican Andy Harris of the 1st District. The Carroll County Public Schools School system is the ninth largest school district in the state of Maryland.", + "score": 0.677734375 + }, + { + "id": "19905283", + "title": "Maricopa County Board of Supervisors", + "text": "Maricopa Indians, who were known to have inhabited the area as early as 1775. Maricopa County's outer geographical boundaries have not changed since they were first set in 1871. The mission of Maricopa County is to provide regional leadership and fiscally responsible, necessary public services so that residents can enjoy living in a healthy and safe community. Maricopa County was officially established on February 14, 1871. Maricopa County Board of Supervisors The Maricopa County Board of Supervisors, is the governing body of Maricopa County; a county of over four million in Arizona. The board has five districts. Members may serve", + "score": 0.67724609375 + }, + { + "id": "14450788", + "title": "Maricopa County Sheriff's Office controversies", + "text": "Adam Stoddard was subsequently found in contempt-of-court for violating attorney\u2013client privilege, was ordered by judge Gary Donahoe to hold a press conference and to publicly apologize for his actions. On the deadline set by the court, Detention Officer Stoddard, under orders from Sheriff Joe Arpaio, declined to apologize and was jailed. Arpaio argued that only he could order his Detention Officer's actions, and that the court had no authority to enforce any action against his officer, a position that the Appeals Court rejected in Stoddard's appeal. The Appeals Court did order that Judge Donahoe's order to make an apology be", + "score": 0.6767578125 + } + ], + "answer": "The Maricopa County Sheriff's Office (MCSO) is the law enforcement agency that serves Maricopa County, Arizona, and is the largest sheriff's office in Arizona. The Sheriff of Maricopa County from 1989-1993 was Thomas J. Agnos. The Sheriff from 1993-2017 was Joe Arpaio. The Sheriff from to 2017 to present is Paul Penzone." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Japanese hotel run by same family for 1300 years in Komatsu?", + "short_answers": [ + "H\u014dshi Ryokan", + "H\u014dshi" + ], + "wikipage": null + }, + { + "context": "Nishiyama Onsen Keiunkan (\u897f\u5c71\u6e29\u6cc9\u6176\u96f2\u9928) is a hot spring hotel in Hayakawa, Yamanashi Prefecture, Japan. Founded in 705 AD by Fujiwara Mahito, it is the oldest hotel and perhaps the oldest company in operation. In 2011, the hotel was officially recognized by the Guinness World Records as the oldest hotel in the world.", + "question": "Japanese hotel run by same family for 1300 years in Hayakawa?", + "short_answers": [ + "Nishiyama Onsen Keiunkan" + ], + "wikipage": "Nishiyama Onsen Keiunkan" + } + ], + "wikipages": [ + { + "title": "H\u014dshi Ryokan", + "url": "https://en.wikipedia.org/wiki/H%C5%8Dshi%20Ryokan" + }, + { + "title": "Nishiyama Onsen Keiunkan", + "url": "https://en.wikipedia.org/wiki/Nishiyama%20Onsen%20Keiunkan" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "H\u014dshi (\u6cd5\u5e2b) is a ryokan (Japanese traditional inn) in the Awazu Onsen area of Komatsu, in Ishikawa Prefecture, Japan. Founded in 718, it was once thought to be the oldest operating hotel in the world until the realization that another Japanese hotel, Nishiyama Onsen Keiunkan, in Yamanashi, Japan, had claim to this title; it was founded in 705.[1] The ryokan, which is about 1300 years old, has been owned and managed by the Hoshi family for forty-six generations.", + "wikipage": "H\u014dshi Ryokan" + } + ], + "long_answer": "The H\u014dshi Ryokan hotel founded in 718 and located in Komatsu, Japan was once thought to be the oldest operating hotel in the world until the realization that another Japanese hotel, Nishiyama Onsen Keiunkan, in Yamanashi, Japan, had claim to this title since it was founded in 705. The ryokan, which is about 1300 years old, has been owned and managed by the Hoshi family for forty-six generations." + }, + { + "knowledge": [ + { + "content": "H\u014dshi (\u6cd5\u5e2b) is a ryokan (Japanese traditional inn) in the Awazu Onsen area of Komatsu, in Ishikawa Prefecture, Japan.", + "wikipage": "H\u014dshi Ryokan" + }, + { + "content": "Founded in 718, it was once thought to be the oldest operating hotel in the world until the realization that another Japanese hotel, Nishiyama Onsen Keiunkan, in Yamanashi, Japan, had claim to this title; it was founded in 705.[1]", + "wikipage": "H\u014dshi Ryokan" + }, + { + "content": "The ryokan, which is about 1300 years old, has been owned and managed by the Hoshi family for forty-six generations.[2]", + "wikipage": "H\u014dshi Ryokan" + }, + { + "content": "It has been continuously operated by 52 generations of the same family (including adopted heirs) for over 1,300 years.[4]", + "wikipage": "Nishiyama Onsen Keiunkan History" + } + ], + "long_answer": "There are several hotels in Japan that have been run by the same family for 1300 years. In Komatsu, the H\u014dshi, founded in 718, is a ryokan (Japanese traditional inn) in the Awazu Onsen area of Komatsu, in Ishikawa Prefecture, Japan. This ryokan has been owned and managed by the Hoshi family for forty-six generations. In Hayakawa, the Nishiyama Onsen Keiunkan is a hot spring hotel that was founded in 705 AD. It has been continuously operated by 52 generations of the same family." + } + ], + "sample_id": "-5437055545265308142", + "question": "Japanese hotel run by same family for 1300 years?", + "docs": [ + { + "id": "16028188", + "title": "Nishiyama Onsen Keiunkan", + "text": "Nishiyama Onsen Keiunkan Nishiyama Onsen Keiunkan (\u897f\u5c71\u6e29\u6cc9\u6176\u96f2\u9928) is a hot spring hotel in Hayakawa, Yamanashi Prefecture, Japan. Founded in 705 AD by Fujiwara Mahito, it is the oldest hotel and one of the oldest companies in operation. In 2011, the hotel was officially recognised by the Guinness World Records as the oldest hotel in the world. It has been continuously operated by 52 generations of the same family (including adopted heirs) for over 1,300 years. The Keiunkan lies at the foot of the Akaishi Mountains. Since its foundation the hotel has had all its hot water sourced directly from the", + "score": 0.7861328125, + "summary": "The Nishiyama Onsen Keiunkan is a Japanese hot spring hotel founded in 705 AD by Fujiwara Mahito. It has been continuously operated by the same family for over 1,300 years and was recognized as the oldest hotel in the world by the Guinness World Records in 2011.", + "extraction": "Yes, the Keiunkan hotel in Japan has been continuously operated by 52 generations of the same family for over 1,300 years." + }, + { + "id": "16028189", + "title": "Nishiyama Onsen Keiunkan", + "text": "local Hakuho Springs. The hotel was last renovated in 1997 and has 37 rooms. Nishiyama Onsen Keiunkan Nishiyama Onsen Keiunkan (\u897f\u5c71\u6e29\u6cc9\u6176\u96f2\u9928) is a hot spring hotel in Hayakawa, Yamanashi Prefecture, Japan. Founded in 705 AD by Fujiwara Mahito, it is the oldest hotel and one of the oldest companies in operation. In 2011, the hotel was officially recognised by the Guinness World Records as the oldest hotel in the world. It has been continuously operated by 52 generations of the same family (including adopted heirs) for over 1,300 years. The Keiunkan lies at the foot of the Akaishi Mountains. Since", + "score": 0.77294921875, + "summary": "Japanese hotel Nishiyama Onsen Keiunkan has been continuously operated by the same family for over 1,300 years and was officially recognized as the oldest hotel in the world by Guinness World Records in 2011.", + "extraction": "The Nishiyama Onsen Keiunkan is the oldest hotel and one of the oldest companies in operation, founded in 705 AD by Fujiwara Mahito. It has been continuously operated by 52 generations of the same family (including adopted heirs) for over 1,300 years. Therefore, yes, it is a Japanese hotel run by the same family for 1300 years." + }, + { + "id": "2616318", + "title": "Ryokan (inn)", + "text": "Ryokan (inn) A is a type of traditional Japanese inn that has existed since the eighth century A.D. during the Keiun period, in which the oldest hotel in the world, Nishiyama Onsen Keiunkan, was created in 705 A.D. Another old ryokan called H\u014dshi Ryokan was founded in 718 A.D and was also known as the world's second oldest hotel. Such inns also served travelers along Japan's highways. They typically feature \"tatami\"-matted rooms, communal baths, and other public areas where visitors may wear yukata and talk with the owner. Ryokan are difficult to find in Tokyo and other large cities because", + "score": 0.72705078125, + "summary": "The document mentions the oldest hotel in the world, Nishiyama Onsen Keiunkan, which was created in 705 A.D. and is a type of traditional Japanese inn called Ryokan. Another old ryokan, H\u014dshi Ryokan, was founded in 718 A.D. However, there is no mention of a Japanese hotel run by the same family for 1300 years.", + "extraction": "irrelevant" + }, + { + "id": "16797858", + "title": "Sakan Ryokan", + "text": "It is located next to the 400 year old Iwanumaya Hotel. Sakan Ryokan Sakan Ryokan or \"Hotel Sakan\" (\u30db\u30c6\u30eb\u4f50\u52d8) is an historic ryokan (Japanese inn) located in Sendai, Miyagi Prefecture, Japan. The inn is over 1,000 years old, and is located within the spa resort named \"Akiu Spa,\" which has four communal onsen (baths) that are supplied by natural hot springs. The hot springs are one of the three oldest ones in Japan, and are located near the Natori River. The inn was originally started by a man named Kanzaburo Satoh, whom the inn is named after. Ownership of the", + "score": 0.720703125, + "summary": "Sakan Ryokan is an historic Japanese inn located in Sendai, Miyagi Prefecture, Japan that is over 1,000 years old and located within the Akiu Spa resort. However, it does not mention if the hotel has been run by the same family for 1300 years, so the document is irrelevant to the question.", + "extraction": "The inn known as Sakan Ryokan or \"Hotel Sakan\" is over 1,000 years old and has been run by the same family for that time." + }, + { + "id": "2616324", + "title": "Ryokan (inn)", + "text": "a family home. Minshuku often serve as the only type of accommodation in towns or villages too small to warrant a dedicated hotel or ryokan. The overall experience is much the same, but the food is simpler, dining may be optional and is often communal, rooms do not usually have a private toilet, and guests may have to lay out their own bedding. Ryokan (inn) A is a type of traditional Japanese inn that has existed since the eighth century A.D. during the Keiun period, in which the oldest hotel in the world, Nishiyama Onsen Keiunkan, was created in 705", + "score": 0.71826171875, + "summary": "The document briefly mentions that Ryokan (inn) is a traditional Japanese inn that has existed since the eighth century A.D. and that the oldest hotel in the world, Nishiyama Onsen Keiunkan, was created in 705 during the Keiun period. However, it does not mention if there is a Japanese hotel run by the same family for 1300 years. Therefore, the answer is \"irrelevant.\"", + "extraction": "irrelevant" + }, + { + "id": "16797857", + "title": "Sakan Ryokan", + "text": "Sakan Ryokan Sakan Ryokan or \"Hotel Sakan\" (\u30db\u30c6\u30eb\u4f50\u52d8) is an historic ryokan (Japanese inn) located in Sendai, Miyagi Prefecture, Japan. The inn is over 1,000 years old, and is located within the spa resort named \"Akiu Spa,\" which has four communal onsen (baths) that are supplied by natural hot springs. The hot springs are one of the three oldest ones in Japan, and are located near the Natori River. The inn was originally started by a man named Kanzaburo Satoh, whom the inn is named after. Ownership of the inn has been handed down to Satoh's descendants for 34 generations.", + "score": 0.70947265625, + "summary": "Japanese hotel named Sakan Ryokan has been run by the same family for 34 generations. The inn is over 1,000 years old and is located in Sendai, Miyagi Prefecture, Japan. It is part of the Akiu Spa resort and has four communal onsen supplied by natural hot springs.", + "extraction": "The inn was originally started by a man named Kanzaburo Satoh, whom the inn is named after. Ownership of the inn has been handed down to Satoh's descendants for 34 generations." + }, + { + "id": "186632", + "title": "Hotel", + "text": "hospitality to travellers have been a feature of the earliest civilizations. In Greco-Roman culture and ancient Persia, hospitals for recuperation and rest were built at thermal baths. Japan's Nishiyama Onsen Keiunkan, founded in 705, was officially recognised by the Guinness World Records as the oldest hotel in the world. During the Middle Ages, various religious orders at monasteries and abbeys would offer accommodation for travellers on the road. The precursor to the modern hotel was the inn of medieval Europe, possibly dating back to the rule of Ancient Rome. These would provide for the needs of travellers, including food and", + "score": 0.701171875, + "summary": "The Nishiyama Onsen Keiunkan hotel in Japan was founded in 705 and is officially recognized as the oldest hotel in the world.", + "extraction": "Nishiyama Onsen Keiunkan, founded in 705, was officially recognised by the Guinness World Records as the oldest hotel in the world." + }, + { + "id": "13617761", + "title": "Fujiya Hotel", + "text": "Fujiya Hotel The is a historic hotel in Miyanoshita in Hakone, Kanagawa, Japan. The hotel was constructed in 1891 and consists of different sections constructed in a mixture of traditional Japanese and western architecture that was popular during the Meiji period. Many famous guests have stayed there, including Archduke Franz Ferdinand of Austria on his tour of Japan in 1893, and John Lennon and Yoko Ono with their son Sean in 1978. The group hotel \"Fuji View Hotel\" in Kawaguchi-ko was a refuge for German Embassy after 1945 in World War II, including German Ambassador Heinrich Georg Stahmer. On September", + "score": 0.69921875, + "summary": "Irrelevant. The document is about the Fujiya Hotel and its history, but it does not mention anything about the hotel being run by the same family for 1300 years.", + "extraction": "irrelevant" + }, + { + "id": "18281328", + "title": "Friedrich Haerlin", + "text": "just 420,100 Reichsmark. The hotel was a small and inconspicuous building with just 11 rooms and 3 bathrooms. Over time, he acquired the neighboring houses nop. 9-14 until he had the acquired the entire street. By 1911, the hotel had a total of 140 bedrooms and 50 bathrooms. In 1932, Haerlin gave the hotel to his son Fritz (1897-1975). The hotel remained family-owned until 1989, when it was sold for 210 million Deutsche Marks to hotelier Hiroyoshi Aoki. The furniture that Haerlin used during the century he owned the hotel was used up until 2001. The Haerlin restaurant, named after", + "score": 0.697265625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "13617762", + "title": "Fujiya Hotel", + "text": "6, 1945, agents of the US Counter-Intelligence Corps arrested Gestapo Colonel Josef Albert Meisinger there. Starting in 1934, the hotel in collaboration with Yamagata Corporation published a series of three books on Japanese customs, with the final volume published in 1949. The three volumes were subsequently bound into one, under the title \"We Japanese: Being Descriptions of Many of the Customs, Manners, Ceremonies, Festivals, Arts and Crafts of the Japanese, Besides Numerous Other Subjects\". Editions were released at least until 1950. Fujiya Hotel The is a historic hotel in Miyanoshita in Hakone, Kanagawa, Japan. The hotel was constructed in 1891", + "score": 0.6953125, + "summary": "The document mentions the Fujiya Hotel, a historic hotel in Miyanoshita, Japan that was constructed in 1891. However, there is no information regarding whether the hotel has been run by the same family for 1300 years or not.", + "extraction": "irrelevant" + }, + { + "id": "16792934", + "title": "Takahan Ryokan", + "text": "Takahan Ryokan Takahan Ryokan is an historic ryokan (Japanese inn) located in Yuzawa, Niigata Prefecture, Japan. The inn is over 800 years old. The inn has an onsen (bath) called \"Tamago no Yu\" (English: egg-water) that is supplied by natural hot springs with a slight amount of sulfur. The inn has approximately 20,000 annual visitors, many of whom visit to soak in Tamago no Yu. The setting for the book \"Snow Country\" authored by Yasunari Kawabata is based upon Takahan Ryokan's location. The inn has preserved the room that Kawabata stayed and wrote in when he was there, along with", + "score": 0.69287109375, + "summary": "The Takahan Ryokan is an 800-year-old Japanese inn located in Yuzawa, Niigata Prefecture. It is unclear if the inn has been run by the same family for 1300 years.", + "extraction": "irrelevant" + }, + { + "id": "11327063", + "title": "Heichinrou", + "text": "Heichinrou Heichinrou (Kanji: \u8058\u73cd\u6a13, Hiragana: \u3078\u3044\u3061\u3093\u308d\u3046, Chinese: P\u00ecn-zhen-lou), is a Chinese restaurant located in the Chinatown of Yokohama, Japan. It is privately held and is the oldest operating Chinese restaurant in Japan. The Zhang (\u5f35) family first started the restaurant and operated for it for two generations, then the Bao (\u9b91) family for three generations until Tatsuo Hayashi (\u6797\u9054\u96c4) took over. Today his son, Yasuhiro Hayashi (\u6797\u5eb7\u5f18) operates as the seventh president. Heichinrou Japan and Heichinrou Hong Kong are separate entities with no financial association but both represented by Yasuhiro Hayashi. The three Chinese characters of Heichinrou, (\u8058\u73cd\u6a13), means \u201ca", + "score": 0.69140625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "16792935", + "title": "Takahan Ryokan", + "text": "some of the author's personal effects. Takahan Ryokan Takahan Ryokan is an historic ryokan (Japanese inn) located in Yuzawa, Niigata Prefecture, Japan. The inn is over 800 years old. The inn has an onsen (bath) called \"Tamago no Yu\" (English: egg-water) that is supplied by natural hot springs with a slight amount of sulfur. The inn has approximately 20,000 annual visitors, many of whom visit to soak in Tamago no Yu. The setting for the book \"Snow Country\" authored by Yasunari Kawabata is based upon Takahan Ryokan's location. The inn has preserved the room that Kawabata stayed and wrote in", + "score": 0.68994140625, + "summary": "The Takahan Ryokan is an historic Japanese inn located in Yuzawa, Niigata Prefecture and is over 800 years old. It has an onsen called \"Tamago no Yu\" and is visited by approximately 20,000 people annually. However, there is no information provided on whether the inn has been run by the same family for 1300 years.", + "extraction": "The Takahan Ryokan is an historic ryokan located in Yuzawa, Niigata Prefecture, Japan that is over 800 years old." + }, + { + "id": "15017672", + "title": "Ko\u0304shien Hotel", + "text": "K\u014dshien Hotel The was a Mayan Revival-style hotel in Nishinomiya, Hy\u014dgo, Japan, constructed by Arata Endo, a disciple of Frank Lloyd Wright. It is now used as a hall forming part of Mukogawa Women's University, and is known as the . The architectural style is heavily influenced by the Imperial Hotel, Tokyo. Even though the original Imperial Hotel by Wright does not exist anymore, the K\u014dshien Hotel gives an idea how the building must have felt like. The K\u014dshien Hotel opened in 1930. From 1944, it was used as an Imperial Navy hospital, and in 1945 it became used as", + "score": 0.6875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "15179263", + "title": "Ichibanya", + "text": "Ichibanya ICHIBANYA Co., Ltd. owns the top curry rice restaurant chain in Japan, Curry House CoCo ICHIBANYA or usually just CoCo ICHIBAN or CoCo ICHI. The chain owns both direct and franchise restaurants in total of ten countries: United States, Thailand, Indonesia, Singapore, People\u2019s Republic of China, Republic of China, Malaysia, Hong Kong, South Korea, the Philippines, and Japan.The Curry House chain is by far the company's largest business. The company also operates 25 restaurants in Japan under the name Pasta de Coco. It sells a pasta dish which is a kind of spaghetti with starchy sauce known as .", + "score": 0.6845703125, + "summary": "irrelevant", + "extraction": "irrelevant." + }, + { + "id": "17048990", + "title": "A Hundred Year Legacy", + "text": "A Hundred Year Legacy A Hundred Year Legacy () is a 2013 South Korean television series starring Eugene and Lee Jung-jin. Revolving around themes of food, love and family, the warm human drama is about a modest Seoul noodle house that's been operated by the same family for three generations. It aired on MBC from January 5 to June 23, 2013 on Saturdays and Sundays at 21:50 for 50 episodes. The early working title was \"Third Generation Noodle House\" (). It won Drama of the Year at the 2013 MBC Drama Awards. Min Chae-won is the eldest granddaughter of a", + "score": 0.6845703125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "14814218", + "title": "Oriental Hotel (Kobe, Japan)", + "text": "served as the proprietor of the hotel in Nagasaki until he died of cancer in November 1885. Begeux ran \"Le Restaurant fran\u00e7aise\" on the Lot 122 around 1886, which gained a good reputation for French and western cuisine in short time. In 1887, the Lot 80 was acquired for the Oriental Hotel's expansion, where the Main Hall with 18 rooms and a grand dining hall was built. The hotel was listed once again in the Japan Directory of 1888. Its business went well due to Beguex's culinary delights on its food service until his return home to France in 1890.", + "score": 0.68310546875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "6838550", + "title": "H.I.S. (travel agency)", + "text": "Nagasaki Prefecture, has been recognized by Guinness World Records as \u201cthe first robot-staffed hotel\u201d in the world, according to the chief of the Huis Ten Bosch theme park. Henn na Hotel, meaning \"strange hotel\" in Japanese, opened to the public in July 2015. This high class robot hotel has 144 rooms and 186 robotic employees, some of which are multilingual (Japanese, English, Chinese, Korean). The aim of Henn na Hotel as proposed by Hideo Sawada \"is not about being strange, it's about transforming and evolving ...having robots in charge of the reception and placing robots everywhere, we aim to make", + "score": 0.68310546875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is about a robot-staffed hotel in Nagasaki, not a Japanese hotel run by the same family for 1300 years." + }, + { + "id": "20603685", + "title": "HMI Hotel Group", + "text": "HMI Hotel Group HMI Hotel Group is a hotel management company, which operates the Pearl City, Creston, Crown Palais and other premium hotels in Japan. It is headed by Ryuko Hira, with its headquarters in Kobe, Japan. HMI Hotel Group, known in Japan as Hotel Management International Co., Ltd., was established in 1991 , and manages about 60 resort and business hotels in Japan. etc. HMI Hotel Group is owned by Ryuko Hira. He was born in Jaipur, Rajasthan, India, in 1948. After being engaged in gemstones and precious metals business in Tokyo, he married a Japanese woman and was", + "score": 0.68310546875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "15179264", + "title": "Ichibanya", + "text": "This dish is one of the distinctive foods of the Nagoya metropolitan area. Ichibanya ICHIBANYA Co., Ltd. owns the top curry rice restaurant chain in Japan, Curry House CoCo ICHIBANYA or usually just CoCo ICHIBAN or CoCo ICHI. The chain owns both direct and franchise restaurants in total of ten countries: United States, Thailand, Indonesia, Singapore, People\u2019s Republic of China, Republic of China, Malaysia, Hong Kong, South Korea, the Philippines, and Japan.The Curry House chain is by far the company's largest business. The company also operates 25 restaurants in Japan under the name Pasta de Coco. It sells a pasta", + "score": 0.6826171875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "6454080", + "title": "Astor House Hotel (Shanghai)", + "text": "the Empire of Japan, after transferring goods to Russia during the Russo-Japanese War. Subsequently Vernon was manager of the Hotel de France and from 1916 the Keihin Hotel in Kamakura, Japan. As Vernon had planned, the Chinese shops that occupied the newly leased property at the rear of the existing hotel were demolished. However, the new northern section of the hotel contained only 120 rooms, less than half of the number that Vernon had envisaged. An outbreak of cholera in the city resulted in few guests when the northern wing was opened in November 1903. It was managed originally by", + "score": 0.68212890625 + }, + { + "id": "8497313", + "title": "Imperial Hotel, Tokyo", + "text": "opened on March 13, 1983. Princess Sayako (the third child and only daughter of Emperor Akihito and Empress Michiko of Japan, now Sayako Kuroda), was married at the Hotel in 2005. In a reference to the three Edo era branch houses of the Tokugawa clan, the Imperial Hotel, Hotel Okura Tokyo, and Hotel New Otani Tokyo are often referred to as one of the of Tokyo. Imperial Hotel, Tokyo The is a hotel in Uchisaiwaicho, Chiyoda ward, Tokyo. It was created in the late 1880s at the request of the Japanese aristocracy to cater to the increasing number of Western", + "score": 0.681640625 + }, + { + "id": "12914700", + "title": "Fru Haugans Hotel", + "text": "Fru Haugans Hotel Fru Haugans Hotel is the oldest hotel within North Norway. The origin of the hotel dates to 1794 when a farmer's son and captain obtained royal consent to open a trading post and guesthouse. The hotel is named for Ellen Haugan who acquired the hotel in 1885. The hotel has remained in her family ever since. The hotel has been enlarged and modernized over the years. After extensive restoration and conversion, the completed hotel offers accommodation in 76 rooms, a large conference center, new restaurants, lobby, bar and parking area. Fru Haugans Hotel is located near the", + "score": 0.6796875 + }, + { + "id": "19467272", + "title": "Iwanumaya Hotel", + "text": "noodle shop, gift shop, smoking room, and small-scale museum displays. The hotel is located next to the 1,000 year old Hotel Sakan. The hot springs of Iwanumaya Hotel have been used since 1625. \"2011 Damage from the Great East Japan Earthquake\" Iwanumaya Hotel was scheduled to be the Press Center for the G7 Finance Ministers and Central Bank Governors' Meeting held 20\u201321 May 2016 in Sendai. Iwanumaya Hotel was featured as a location in the 32nd episode of the TV Asahi drama \"Seibu Keisatsu PART-III\", a police drama television program running 3 April 1983 to 22 October 1984. Iwanumaya Hotel", + "score": 0.67919921875 + }, + { + "id": "19954083", + "title": "Honno\u0304ji Hotel", + "text": "Japan on its opening weekend, with 167,000 admissions and in gross. Honn\u014dji Hotel A woman visiting Kyoto finds that she has no reservation at the hotel where she intended to stay. She then finds a quaint, historic hotel, built near the site of the Honn\u014d-ji incident, that happens to have a room available. On riding the elevator to her room she consumes a piece of \"konpeit\u014d\", and unexpectedly finds herself transported to the namesake temple in feudal Japan. Despite the perils of her unexplained presence, over several such trips she befriends the warlord Oda Nobunaga, who turns out to be", + "score": 0.67822265625 + }, + { + "id": "2599127", + "title": "Love hotel", + "text": "areas often serve similar functions as a Japanese love hotel. Colloquially known as \"no-tell motels\" or \"hot-sheets joints\", these are becoming scarce as local laws increasingly require renters' identification information to be recorded and given to law enforcement agencies. However, the Supreme Court recently struck down warrantless searches of hotel records. In Oceania, New Zealand opened its first love hotel in May 2011, and Australia opened its first love hotel in August 2011. The annual revenue of the love hotel industry in Japan is estimated at more than $40 billion, a figure double that of Japan's anime market. It is", + "score": 0.677734375 + }, + { + "id": "14938912", + "title": "The Kentish Hotel", + "text": "The Kentish Hotel The Kentish Hotel is a tavern in Waiuku, New Zealand that lays claim to the longest continuous liquor licence in the country. The Kentish Hotel has stood the test of time as being one of the most famous established watering holes in the Franklin area since it was first granted its licence to sell liquor in 1853. Built in 1851 by Edward Constable who emigrated from Maidstone, Kent in England. Constable then went on to apply to the Colonial Secretary for a Publican's Special Licence and Licence No.47 was granted on January 10, 1853. That same licence", + "score": 0.67626953125 + }, + { + "id": "14814220", + "title": "Oriental Hotel (Kobe, Japan)", + "text": "Edward Hazlett Hunter, and other foreign settlers in 1897. The hotel was made into a limited company: the Oriental\uff65Hotel, Ltd. C. N. Cross served the first president of the company, and Groom served the president sometime until 1916. The Oriental Hotel has 4 food and beverage outlets. Oriental Hotel (Kobe, Japan) The Oriental Hotel is a boutique / lifestyle hotel in Kobe, Japan, reopened on March 3, 2010. The hotel is located in the \"K\u014dbe ky\u016b-kyory\u016bchi 25 bankan\" building at the junction of Ky\u014dmachi-suji Avenue and Nakamachi-d\u014dri Street in the former Kobe foreign settlement. Dating from 1870, it is one", + "score": 0.67626953125 + }, + { + "id": "16166296", + "title": "Ko\u0304ko\u0304sei Restaurant", + "text": "prudently. On 13 February 2005, Mie Prefectural \u014cka High School opened Japan's first restaurant run by high-school students. This restaurant, named , was built at a cost of 89 million yen. The students running the business are recruited from the high school's cooking club. According to Shingo Murabayashi, the founder of the restaurant and the cooking club adviser, \"Mago no Mise\" serves around 200 to 250 customers per day and has won several awards at national cooking contests. It is currently the only restaurant in Japan that is run by a public high school. The story of \"Mago no Mise\"", + "score": 0.67578125 + }, + { + "id": "18876421", + "title": "Henokiens", + "text": "ryokan (founded 717), and the most recent the Austrian jewellery firm A. E. K\u00f6chert (founded 1814). The association includes forty-four members. Marie Brizard, having been bought by an investment fund in 2000, is not a member anymore. Henokiens The Henokiens is an association of companies who have been continuously operating and remain family-owned for 200 years or more, and whose descendants still operate at management level. It derives its name from the biblical patriarch Enoch (\"H\u00e9noch\" in French), who lived for 365 years before he was taken by God instead of dying. Founded in 1981 by the then-chairman of Marie", + "score": 0.6748046875 + }, + { + "id": "5918769", + "title": "Japanese family", + "text": "most of their income, are also developing patterns of interaction different from those of previous generations. The monogamous and patriarchal family has been prevalent since the 8th century. If a wife were childless the husband often kept a concubine, whose offspring succeeded to the headship of the family, thus securing its continuation. When neither wife nor concubine bore him a child, custom allowed the family head to adopt a successor. Family members may die under no circumstances In the traditional Japanese family, one male offspring who is to succeed to the headship of the family lives with his parents after", + "score": 0.6748046875 + }, + { + "id": "15926515", + "title": "Tasaka Guri-Guri", + "text": "it was difficult for the older Japanese people to pronounce the name, so he began to call it guri-guri. Gunji Tasaka later migrated to the United States and continued to run the family business. Tasaka Guri-Guri has operated for over 100 years but has relocated several times. The Tasaka family's business started with a small store on Pu'unene Avenue located in Kahului, Maui. From that small store, the Tasaka family relocated to a nearby city, Wailuku, where they stayed for about 1 year. Tasaka and family then moved to The Old Kahului Shopping Center in Kahului where they stayed for", + "score": 0.6728515625 + }, + { + "id": "2599121", + "title": "Love hotel", + "text": "abolished and the trade moved underground. The introduction of the automobile in the 1960s brought with it the \"motel\" and further spread the concept. Japanese housing trends at the time were characterized by small homes with sleeping areas being used as common areas during the day and, as a result, little opportunity for parents to privately engage in intercourse. Married couples therefore began to frequent love hotels. By 1961, there were around 2,700 \"tsurekomi\" inns in central Tokyo alone. Hotels of the time featured unusual attractions such as swings and vibrating beds. The Meguro Emperor, the first castle-style love hotel,", + "score": 0.67236328125 + }, + { + "id": "10925995", + "title": "New Sanno Hotel", + "text": "are eligible to use the hotel. The original Sanno Hotel opened in 1932 on the southern side of Hie Shrine in Nagatach\u014d, Tokyo, neighboring Akasaka, near the Imperial Palace and National Diet Building. The privately owned hotel, with a Western design, was considered one of the top three accommodations in Tokyo along with the Imperial Hotel and the Dai-chi Hotel, and was frequented by government and military officials. The hotel served as the headquarters for dissident military units during the February 26 Incident in 1936. The hotel was gutted by Allied bombing during World War II. The American occupation forces", + "score": 0.67236328125 + }, + { + "id": "17219059", + "title": "Great Eastern Hotel (Kolkata)", + "text": "Elizabeth II, Mark Twain, Dave Brubeck, and possibly Ho Chi Minh. The decline of the hotel began during the Naxalite era in West Bengal and continued into the 1970s when its management was taken over by the state government. The state sold it to the private group The LaLiT Hotels, Palaces and Resorts in 2005. Until its closure for restoration in 2005, the hotel was the longest continuously operating hotel in Asia. The hotel remained closed for a number of years for extensive renovations. It reopened with a soft launch as The LaLiT Great Eastern Hotel on 19 November 2013.", + "score": 0.67236328125 + }, + { + "id": "12406591", + "title": "Ho\u0304heikan", + "text": "has been repaired and renovated between 1983 and 1986. The Crown Prince Naruhito visited the H\u014dheikan in 1986. The H\u014dheikan is currently the only building used as a wedding hall among the Important Cultural Properties. The building is also the oldest wooden hotel building in existence in Japan. The architecture of the H\u014dheikan comprises a few styles. The whole building was constructed in the American style, but the balcony and its accompaniments at the front of the building was constructed in European style. The semicircle roof at the centre of the building has a sculpture, a Japanese traditional fish sculpture", + "score": 0.671875 + }, + { + "id": "13623664", + "title": "Aitken Spence", + "text": "injured animals), a herbal garden and plant nursery, a bee-keeping project, a waste-water recycling facility and a garbage sort out and recycling area. The hotel is equipped with a conference hall to cater to the MICE market. Heritance Tea Factory is a concept hotel wherein a 61-year-old dilapidated tea factory has been remodelled and conserved as a hotel. Located in Heathersett Estate (25 acre tea estate), Kandapola in the Nuwara Eliya district, the 4 star resort is considered to be the highest elevated (6,800 ft above sea level) luxury hotel in Sri Lanka. Conceptualized by Mr. G. C. Wickremasinghe, a", + "score": 0.671875 + }, + { + "id": "2599128", + "title": "Love hotel", + "text": "estimated that more than 500 million visits to Japan's 37,000 love hotels take place each year, which is the equivalent of around 1.4 million couples, or 2% of Japan's population, visiting a love hotel each day. In recent years, the love hotel business has drawn the interest of the structured finance industry. Several transactions have been completed where the cash flows from a number of such hotels have been securitised and sold to international investors and buy-out funds. Love hotel A love hotel is a type of short-stay hotel found around the world operated primarily for the purpose of allowing", + "score": 0.671875 + }, + { + "id": "18876420", + "title": "Henokiens", + "text": "Henokiens The Henokiens is an association of companies who have been continuously operating and remain family-owned for 200 years or more, and whose descendants still operate at management level. It derives its name from the biblical patriarch Enoch (\"H\u00e9noch\" in French), who lived for 365 years before he was taken by God instead of dying. Founded in 1981 by the then-chairman of Marie Brizard, the association started with 4 French members and now counts 47. Its stated objective and \"raison d'\u00eatre\" is to promote long-term decision making, notably through its Da Vinci Prize. Its oldest member is the Japanese H\u014dshi", + "score": 0.67138671875 + }, + { + "id": "18091685", + "title": "Hotel New Otani Tokyo", + "text": "Hotel New Otani Tokyo The Hotel New Otani Tokyo is a large hotel located in Tokyo, Japan operated by New Otani Hotels and opened in 1964. The hotel currently has 1,479 rooms and 39 restaurants. It has hosted numerous heads of state and is home to a 400-year-old garden. Construction of the hotel was requested by the Japanese government in the early 1960s, in order to fill a perceived shortage of hotel space for foreign visitors to the upcoming 1964 Summer Olympics. Yonetaro Otani, a former sumo wrestler who founded and ran a small steel company, agreed to build the", + "score": 0.6708984375 + }, + { + "id": "18474283", + "title": "Zum Riesen", + "text": "Zum Riesen Zum Riesen (\"The Giant\") is a hotel in Miltenberg, Germany and is one of the oldest hotels in the country, dating back to at least 1411. Records show that a building existed on the site for some time previous, though the earliest known mention of the hotel is the registration of Trestam zum Riesen as landlord in 1411, making it one of the oldest continuously operating hotels in the world. The hotel was rebuilt in the half-timbered, Renaissance style in 1590 by architect Jacob Stoer, using 100 logs donated by the city council. The building has been renovated", + "score": 0.6708984375 + }, + { + "id": "6477450", + "title": "Imperial House of Japan", + "text": "an additional hundreds of millions of yen (estimated over US$6 billion in 2017). It included numerous family heirlooms and furnishings, purebred livestock and investments in major Japanese firms, such as the Bank of Japan, other major Japanese banks, the Imperial Hotel and Nippon Yusen. After World War II, all of the collateral branches of the imperial family were abolished under the Allied occupation of Japan and the subsequent constitutional reforms imposed under Allied supervision, forced those families to sell their assets to private or government owners. Staff numbers in the imperial households were slashed from roughly 6000 to about 1000.", + "score": 0.67041015625 + }, + { + "id": "18091690", + "title": "Hotel New Otani Tokyo", + "text": "Jintao, Canadian Prime Minister Stephen Harper and UK Prime Minister Theresa May. Hotel New Otani Tokyo The Hotel New Otani Tokyo is a large hotel located in Tokyo, Japan operated by New Otani Hotels and opened in 1964. The hotel currently has 1,479 rooms and 39 restaurants. It has hosted numerous heads of state and is home to a 400-year-old garden. Construction of the hotel was requested by the Japanese government in the early 1960s, in order to fill a perceived shortage of hotel space for foreign visitors to the upcoming 1964 Summer Olympics. Yonetaro Otani, a former sumo wrestler", + "score": 0.67041015625 + }, + { + "id": "8497293", + "title": "Imperial Hotel, Tokyo", + "text": "Philippines in 1902 After the Spanish\u2013American and the Philippine\u2013American War, bringing more travelers through Japan, the hotel only averaged 40 guests and 50 restaurant customers. It was not until the start of the Russo-Japanese War in 1904 that the hotel was regularly filled to capacity. In 1906 a 42-room annex was built and the Hotel Metropole in Tsukiji was purchased to increase capacity, allowing the hotel to serve up to 150 resident guests and seat up to 200 for dinner and banquets. The Metropole was torn down in 1910, as planning began for a new building to be completed by", + "score": 0.67041015625 + }, + { + "id": "15017673", + "title": "Ko\u0304shien Hotel", + "text": "accommodation for the US military. In 1965, it was donated to Mukogawa Women's University, and was refurbished internally and externally. It is now part of the department of architecture campus. K\u014dshien Hotel The was a Mayan Revival-style hotel in Nishinomiya, Hy\u014dgo, Japan, constructed by Arata Endo, a disciple of Frank Lloyd Wright. It is now used as a hall forming part of Mukogawa Women's University, and is known as the . The architectural style is heavily influenced by the Imperial Hotel, Tokyo. Even though the original Imperial Hotel by Wright does not exist anymore, the K\u014dshien Hotel gives an idea", + "score": 0.669921875 + }, + { + "id": "8497292", + "title": "Imperial Hotel, Tokyo", + "text": "(French) food had been the official banquet fare of the Imperial Palace since Emperor Meiji hosted a luncheon for the nephew of the king of Italy on 8 September 1873, and the Imperial Hotel followed that tradition. Japan's first Diet building, just finished on 24 November 1890 in time for the first Diet session, burned down on 20 January 1891. After a week of preparations, the House of Peers reconvened in the ballroom of the Imperial Hotel, where they would meet until March 1. Business was slow at first, and the hotel lost money. Even after the U.S. annexed the", + "score": 0.669921875 + }, + { + "id": "11327074", + "title": "Heichinrou", + "text": "November 2009, during the first China Canton Cuisine Summit, Yasuhiro Hayashi was awarded the \u201cPromotion and Development of Cantonese Cuisine Contributor\u201d by the China National Tourism Agency and the Guangdong Government. Yasuhiro Hayashi was recognized for his long-term devotion and success in promoting Cantonese cuisine overseas. Heichinrou Heichinrou (Kanji: \u8058\u73cd\u6a13, Hiragana: \u3078\u3044\u3061\u3093\u308d\u3046, Chinese: P\u00ecn-zhen-lou), is a Chinese restaurant located in the Chinatown of Yokohama, Japan. It is privately held and is the oldest operating Chinese restaurant in Japan. The Zhang (\u5f35) family first started the restaurant and operated for it for two generations, then the Bao (\u9b91) family for three", + "score": 0.66943359375 + }, + { + "id": "11348448", + "title": "Hotel Majapahit", + "text": "Sarkies Hotel. Then, in 1969 Mantrust Holdings Co. became the new owner and named the hotel after the historic kingdom of Majapahit. The hotel was restored from 1996-1998 by Harry Susilo, a prominent local ethnic Chinese businessman, at a cost of $51 million. It reopened managed by the Mandarin Oriental Hotel Group as the Mandarin Oriental Hotel Majapahit Surabaya. Today it is called Hotel Majapahit and still operates as a hotel, although most of the interior of the building has been renovated. In 2014, Hotel Majapahit was officially recognized as a cultural heritage landmark by the Ministry of Education and", + "score": 0.6689453125 + }, + { + "id": "12914701", + "title": "Fru Haugans Hotel", + "text": "Mosj\u00f8en Railway Station and Bus Terminal with access to the Mosj\u00f8en Airport, Kj\u00e6rstad. The hotel buildings are situated on Sj\u00f8gata street on the Vefsna River in the town center. Some rooms are furnished with historic Norwegian furnishings and furniture approved by the Norwegian Directorate for Cultural Heritage. The hotel is known for its superb cooking, offering traditional Norwegian food and dishes. Fru Haugans Hotel Fru Haugans Hotel is the oldest hotel within North Norway. The origin of the hotel dates to 1794 when a farmer's son and captain obtained royal consent to open a trading post and guesthouse. The hotel", + "score": 0.66845703125 + }, + { + "id": "4524365", + "title": "Five Ways, Birmingham", + "text": "steel-and-glass sky bar and restaurant to the roof of the existing building. The four-star hotel opened its doors to guests on Tuesday 29 March 2016. In March 2016, it was announced that former Ivy head chef Des McDonald would be opening a \u00a33 million Japanese restaurant on the 16th floor of the Park Regis Hotel called Rofuto, the Japanese word for 'loft'. This was to sit alongside a sake and cocktail lounge named Kurabu. In 2014, developer Seven Capital announced that it had purchased No.1 Hagley Road, also known as Metropolitan House, with the intention to transform the John Madin-designed", + "score": 0.66845703125 + }, + { + "id": "17110397", + "title": "Shangri-La Hotel, Tokyo", + "text": "Shangri-La Hotel, Tokyo The Shangri-La Hotel, Tokyo is a five-star luxury hotel located over 13 floors of the Marunouchi Trust Tower Main in Marunouchi, directly above Tokyo Station in Chiyoda, Tokyo, Japan. The hotel was selected as the number one luxury hotel in the world in TripAdvisor's Travelers' Choice Award 2012, and has topped 2014's World's best hotels list. The Shangri-La Hotel, Tokyo, was opened on March 2, 2009. It was the first property in Japan from Hong Kong-based Shangri-La Hotels and Resorts. The group opened its first property in 1971 in Singapore and currently operates 112 hotels. The hotel", + "score": 0.66845703125 + }, + { + "id": "4663303", + "title": "Kyoto Imperial Palace", + "text": "families. The present palace is a direct successor\u2014after iterations of rebuilding\u2014to one of these \"sato-dairi\" palaces, the of the Fujiwara clan. The palace, like many of the oldest and most important buildings in Japan, was destroyed by fire and rebuilt many times over the course of its history. It has been destroyed and rebuilt eight times, six of them during the 250-year-long peace of the Edo period. The version currently standing was completed in 1855, with an attempt at reproducing the Heian period architecture and style of the original \"dairi\" of the Heian Palace. The grounds include a number of", + "score": 0.66796875 + }, + { + "id": "14814216", + "title": "Oriental Hotel (Kobe, Japan)", + "text": "Oriental Hotel (Kobe, Japan) The Oriental Hotel is a boutique / lifestyle hotel in Kobe, Japan, reopened on March 3, 2010. The hotel is located in the \"K\u014dbe ky\u016b-kyory\u016bchi 25 bankan\" building at the junction of Ky\u014dmachi-suji Avenue and Nakamachi-d\u014dri Street in the former Kobe foreign settlement. Dating from 1870, it is one of the most historic hotels not only in Japan, but also in Asia. The first advertisement for the Oriental Hotel on the Lot 79 of the Settlement by Van der Vlies & Co. appeared in the Hiogo News, a local English-language newspaper for foreign settlers, on August", + "score": 0.66796875 + }, + { + "id": "6454150", + "title": "Astor House Hotel (Shanghai)", + "text": "of Japan on 2 September 1945. The Astor House Hotel was occupied by the Japanese YMCA for two years, until 1939. The Japanese subsequently leased the hotel for a three-year term to another party, with \"a reasonable return\" remitted to the absent owners. On 6 November 1938 four hundred members of the White Russian diaspora in Shanghai met at the Astor House Hotel (across the road from the Soviet embassy) to discuss forming an ant-communist alliance with the Axis Powers: Japan, Italy and Germany against Soviet Union. In July 1940 \"Time\" magazine reported that, in response to the unapproved anti-Japanese", + "score": 0.66748046875 + }, + { + "id": "13200451", + "title": "Historic Anderson House Hotel", + "text": "the hotel was purchased by the Yenters and was remodeled. The hotel reopened a few months later, replacing the restaurant with a museum and ending the tradition of cats in rooms. Historic Anderson House Hotel The Historic Anderson House Hotel is a hotel and event venue in Wabasha, Minnesota, United States. The hotel opened in 1856 and was Minnesota's oldest continuously operating bed and breakfast inn west of the Mississippi River. Most of the furniture dates back to 1856 as well. The building was expanded in 1887. It was listed on the National Register of Historic Places as the Hurd", + "score": 0.66748046875 + }, + { + "id": "17858194", + "title": "Nakagusuku Hotel ruins", + "text": "home to numerous graves and sacred sites, but they were initially ignored. After many construction accidents, the workers refused to finish the complex. It now sits empty and overgrown by vegetation. The hotel's most common name in Japanese is written as \u4e2d\u57ce\u9ad8\u539f\u30db\u30c6\u30eb\u8de1 (Nakagusuku Takahara/Kogen Hotel site). The name is less of a name and more of a description. \u9ad8\u539f can be pronounced as either \"Takahara\" or \"K\u014dgen\", the latter meaning \"plateau\". An alternative name, \"Royal Hotel\", is the supposed name that the builder intended for it, and is evidenced by the faded word \"Royal\" painted above the entrance. Nakagusuku Hotel", + "score": 0.66650390625 + }, + { + "id": "14814217", + "title": "Oriental Hotel (Kobe, Japan)", + "text": "3, 1870. The proprietor of the hotel was a former Dutch naval physician Gerardus van der Vlies, who listed it only in the Japan Directory of 1879. Van der Vlies had transferred to Nagasaki to serve as the proprietor of the Belle Vue Hotel between May 1879 and 1881. In 1880, the Club Concordia, a social club for foreign settlers, was relocated into the hotel. A French chef Louis Begeux served as the proprietor of the Oriental Hotel around 1882, when he opened another hotel with the same name on the Lot 121. By 1884, van der Vlies, again, had", + "score": 0.66650390625 + }, + { + "id": "8497294", + "title": "Imperial Hotel, Tokyo", + "text": "1916. Watanabe's Imperial Hotel building was destroyed by fire on 16 April 1922, while Edward, Prince of Wales was visiting Japan. The fire broke out during the day, with a full staff on hand and most of the guests out at an Imperial garden party. No lives were lost, but business at the hotel stopped until the South wing of the new hotel could be opened. The second Imperial Hotel was built from 1919\u20131923, and officially opened on 1 September 1923. This hotel was the best-known of Frank Lloyd Wright's buildings in Japan. It was designed roughly in the shape", + "score": 0.66650390625 + }, + { + "id": "8497305", + "title": "Imperial Hotel, Tokyo", + "text": "was done outside, first on campfires, then on charcoal grills. For the first four days after the earthquake, the hotel fed all comers for free, up to 2,500 people twice daily. After that, the hotel charged only cost until the emergency was over. Electricity was restored to the hotel in September 4, and water on September 5. Relief supplies from other countries started arriving in Tokyo, and to the hotel, on September 3 with the arrival of the destroyer USS \"Stewart\". In 1930, the K\u014dshien Hotel was constructed under the plans of Arata Endo, a disciple of Wright. The design", + "score": 0.666015625 + }, + { + "id": "19172925", + "title": "Hotel Geiger", + "text": "subsequently restored to civilian use and significant development took place in 1972 when it acquired its own indoor swimming pool. Bed capacity was increased a few years later when another two floor accommodation block went up in 1976, extended with a third floor in 1982. However, on 1 November 1997, at which point the hotel had been in the Geiger family for more than 130 years, insolvency forced the closure of the hotel. Subsequently, it was used as a setting for one or two films including \"\"Der Winterschl\u00e4fer\"\" and \"\"Wilde H\u00fchner\"\". It also featured in several episodes of the vetinerary", + "score": 0.666015625 + }, + { + "id": "4252740", + "title": "Ice hotel", + "text": "In the summer, the village provides log cabin lodging. The Alpha Resort Tomamu in the Shimukappu village of Hokkaido Island in Japan builds and opens an ice hotel every year. It may be Japan's first ice hotel, and everything in it is constructed from ice. The hotel interiors are typically \u22123 to \u22125 \u00b0C. Guests dine on ice tables and sit on ice chairs covered with sheepskin. The hotel provides sheepskin apparel for guests to stay warm. Ice Bar, run by Ice Hotel, is a bar located in downtown Oslo, Norway which serves drinks all year long in an artificially", + "score": 0.666015625 + }, + { + "id": "3326870", + "title": "Imperial Hotel (company)", + "text": "was changed to Yugen Sekinen Teikoku Hoteru Kaisha (Imperial Hotel Ltd.). On January 25, 1907, the Kabushiki Kaisha Hoteru Metropole (Hotel Metropole Ltd.) merged with the Teikoku Hoteru Kabushiki Kaisha (Imperial Hotel Ltd.) and the combined company name was changed to Kabushiki Kaisha Teikoku Hoteru (still Imperial Hotel Ltd. when translated to English). The Imperial Hotel Ltd. manages the following hotels in Japan: Imperial Hotel (company) On November 28, 1887, Kihachiro Okura and Eiichi Shibusawa submitted an application to form a new company called Yugen Sekinin Tokyo Hoteru (Tokyo Hotel Co.), in order to \"build a large hotel in Tokyo", + "score": 0.66552734375 + }, + { + "id": "11068619", + "title": "Tadashi Inuzuka", + "text": "Waikiki Pearl Hotel) located in Honolulu, Hawaii. After enjoying much success in the real estate sphere, he and his wife Evelyne opened a French gastronomic restaurant, Restaurant Evelyne, in Tokyo. Restaurant Evelyne's chef, Phillippe Batton won the 1996 Iron Chef TV Show competition. In 1984, at 30 years old, Inuzuka created Kunenbo, a high-end restaurant operations management company in Tokyo. Inuzuka's creative marketing techniques not only turned Restaurant Evelyne into an instant hit but also popularized high-end French cuisine in Tokyo. Still, even with his successful business ventures, Mr. Inuzuka was always thinking of ways in which he could use", + "score": 0.6650390625 + }, + { + "id": "20603686", + "title": "HMI Hotel Group", + "text": "naturalized as a Japanese citizen, with his Japanese name, Ry\u016bko Hira (). In 1991 Hira established the Hotel Pearl City Kobe, which also serves as HMI Hotel Group's headquarters, and since mainly bought (the operating rights of) the existing hotels. He also is one of the directors of Japan-India Association, Tokyo. HMI Hotel Group HMI Hotel Group is a hotel management company, which operates the Pearl City, Creston, Crown Palais and other premium hotels in Japan. It is headed by Ryuko Hira, with its headquarters in Kobe, Japan. HMI Hotel Group, known in Japan as Hotel Management International Co., Ltd.,", + "score": 0.66455078125 + }, + { + "id": "17336342", + "title": "Lett Hotel", + "text": "Lett Hotel The Lett Hotel at 204 S. Ash in Yuma, Colorado, now known as the Tumbleweed Hotel, is a historic building, built in 1916, that is listed on the National Register of Historic Places. It was the longest operating hotel in Yuma, and had served 73 years at the time of its NRHP listing in 1990. It was deemed significant as \"one of the most prominent buildings in Yuma\", a building that has been photographed and painted, and having been \"among the first of its kind in northeastern Colorado with modern conveniences of steam heat and hot and cold", + "score": 0.66455078125 + }, + { + "id": "20872223", + "title": "In Family We Trust", + "text": "including Nappon Gomarachun, Patravadi Mejudhon, Songsit Roongnophakunsri, Saksit Tangthong, Kathaleeya McIntosh, Sopitnapa Choompanee and Kejmanee Wattanasin, as well as members of the pop idol group Nine by Nine. The Jiraanan family is a wealthy ethnic Chinese business family, whose extended family spans three generations. Grandfather (\"A-gong\") and Grandmother (\"A-ma\") have four children. Prasoet, the eldest son, heads the family business, Jirananta Hotel, and manages its main Bangkok location, while Phatson, the only daughter, manages its Pattaya branch. Met, the second son, is a single stay-at-home parent, while the youngest son Konkan lives a playboy lifestyle. Among them (and a deceased", + "score": 0.6640625 + }, + { + "id": "4267762", + "title": "Koryo Hotel", + "text": "guests' tipping. Aside from the single open revolving restaurant, the hotel has four other restaurants including a Japanese restaurant and a Korean BBQ restaurant. The restaurants are operated by Japanese expatriates and are run as private businesses, but they must pay a fee to the state. By some reports guests are prevented by guards from leaving the hotel. However, others report the ability to wander off the hotel grounds. The hotel is a few blocks from the city's restaurant district and the Pyongyang Railroad Station. Koryo Hotel The Koryo Hotel is the second largest operating hotel in North Korea, the", + "score": 0.6640625 + }, + { + "id": "19954082", + "title": "Honno\u0304ji Hotel", + "text": "Honn\u014dji Hotel A woman visiting Kyoto finds that she has no reservation at the hotel where she intended to stay. She then finds a quaint, historic hotel, built near the site of the Honn\u014d-ji incident, that happens to have a room available. On riding the elevator to her room she consumes a piece of \"konpeit\u014d\", and unexpectedly finds herself transported to the namesake temple in feudal Japan. Despite the perils of her unexplained presence, over several such trips she befriends the warlord Oda Nobunaga, who turns out to be a well-known but tragic historical figure. The film was number-one in", + "score": 0.6640625 + }, + { + "id": "17858193", + "title": "Nakagusuku Hotel ruins", + "text": "Nakagusuku Hotel ruins The , also known as the Royal Hotel or , is an abandoned, unfinished hotel in Kitanakagusuku, Okinawa. It sits no more than 50 meters from the walls of Nakagusuku Castle. It is believed to have been built by a wealthy businessman from Naha in order to take advantage of the 1975 Okinawa Ocean Exposition. The hill directly South of Nakagusuku Castle was chosen as the construction site because of the view of both the Pacific Ocean and the East China Sea. There were warnings given by monks from a nearby Buddhist temple that the site was", + "score": 0.6630859375 + }, + { + "id": "20444291", + "title": "Rental family service", + "text": "isolation (hikikomori) is well-publicized in Japan and some families have hired rental friends to break that isolation, other clients are not withdrawn but are merely seeking a relationship not defined by societal expectations, i.e., a sympathetic or confessional ear. Family Romance also offer a wedding service, which is staged two or three times a year at a cost of . In some cases, the rental includes guests and groom; the head of Family Romance, Ishii, stated he pretends he's acting but feels \"like I'm really getting married to this woman\" during the months-long planning process. Another company, Ikemeso Takky\u016bbin, offers", + "score": 0.6630859375 + }, + { + "id": "14938915", + "title": "The Kentish Hotel", + "text": "water and hung wet sheets over the facade saving most of the building from significant damage. Recently the Kentish has expanded adding a popular outdoors area overlooking the harbor and Tamakae Reserve. The Kentish went into receivership on 14 August 2012, and with it the longest held liquor licence in New Zealand. The Kentish Hotel The Kentish Hotel is a tavern in Waiuku, New Zealand that lays claim to the longest continuous liquor licence in the country. The Kentish Hotel has stood the test of time as being one of the most famous established watering holes in the Franklin area", + "score": 0.66259765625 + }, + { + "id": "4897931", + "title": "Five regent houses", + "text": "from another ancient kami, Ame-no-Koyane. Apparently, only these two clans were left in the modern era to claim kami descent. Five regent houses The five regent houses (\u4e94\u6442\u5bb6; \"go-seike\" or \"go-sekke\") is a collective term for five families of the Fujiwara clan. The leaders of these families monopolized the position of \"Sekkan\" in the Japanese Imperial Court of Kyoto between the 12th and 19th century. The five houses are Konoe, Takatsukasa, Kuj\u014d, Ichij\u014d, and Nij\u014d. The Fujiwara clan also had other families, but traditionally only these five were eligible for regentship. They were the most politically powerful families among the", + "score": 0.66259765625 + }, + { + "id": "16569934", + "title": "The Family (Shimazaki novel)", + "text": "The Family (Shimazaki novel) The Family is a Japanese novel written by T\u014dson Shimazaki, first serialized in 1910\u201311 under the title \"Ie\" (\u5bb6). This autobiographical novel deals with the disintegration of two provincial families, the Koizumis and the Hashimotos. \"The Family\" covers a period of twelve years in the lives of the Koizumi and the Hashimoto families, from 1898 to 1910. (These two families are based on the real-life families of Shimazaki and Takase: one was T\u014dson's own family and the other the family into which his eldest sister married.) Originally well respected, the families find themselves slipping down the", + "score": 0.66259765625 + }, + { + "id": "20859874", + "title": "Harunori Takahashi", + "text": "Harunori Takahashi Harunori Takahashi came from a prominent family in western Japan, near Nagasaki, and was descended from a pre-war Prime Minister. His father Yoshiharu Takahashi saved EIE from bankruptcy in June 1975. Takahashi was head of the privately-owned EIE International Corp, which at one time owned one trillion yen in real estate assets. In 1989, Takahashi started building the Four Seasons Hotel New York on 57th Street, designed by I. M. Pei. In a 1991 \"New York Times\" profile, he was compared to Donald Trump, as a \"brash\" developer with a \"hectic pace of property acquisitions\", under pressure from", + "score": 0.66259765625 + }, + { + "id": "20432862", + "title": "Hotel Sriwijaya, Jakarta", + "text": "former 19th-century Indies Empire style was lost. Despite the complete remodeling of the interior and the exterior, the building is never demolished, thus maintaining its authenticity. Because of this, and its retained function, Hotel Sriwijaya is the oldest surviving hotel in Jakarta. Hotel Sriwijaya, Jakarta Hotel Sriwijaya is a three-stars hotel located in Jakarta, Indonesia. The building of Hotel Sriwijaya has always been a hotel for over 125 years. Hotel Sriwijaya is the oldest surviving hotel building in Jakarta. Hotel Sriwijaya is managed by PT. Graha Sriwijaya Hotel. Hotel Sriwijaya, a member of the Indonesian Hotel and Restaurant Association or", + "score": 0.66259765625 + }, + { + "id": "8025014", + "title": "Gosanke", + "text": "is used to refer to \"the strongest three\" or \"the most famous three\" in various contexts. For example, the Imperial Hotel, Hotel Okura, and Hotel New Otani Tokyo are often referred to as one of the of Tokyo. The Otani Hotel was built in the Kioi district of Tokyo, where the Tokyo residence of the Kii House was located. Gosanke The , also called simply , or even , were the most noble three branches of the Tokugawa clan of Japan: Owari House of Tokugawa, Kii House of Tokugawa, and Mito House of Tokugawa, all of which were descended from", + "score": 0.662109375 + }, + { + "id": "15626934", + "title": "Miharu Takizakura", + "text": "markedly. While in 2011 the number of visitors was less than half the usual amount, in 2012 visitors returned to the tree. Miharu Takizakura The is an ancient cherry tree in Miharu, Fukushima, in northern Japan. It is a weeping higan cherry (\"Prunus pendula\" 'Pendula Rosea', \"benishidarezakura\" in Japanese) and is over 1,000 years old. It flowers in mid to late April, and its light pink flowers spread in all directions from the branches, like a waterfall. The tree is high, the trunk circumference is , the east-west spread is , and the north-south spread is . It is classified", + "score": 0.66162109375 + }, + { + "id": "10345247", + "title": "Acropole Hotel", + "text": "caption of the image read: \u201c\"I have been getting up at 5:30 a.m. for the last 50 years. My wife looks after me very well, she is my right hand, my left hand \u2013 an inspiration to me. We both grew up in Sudan. She is of Italian origin and I belong to the Greek minority. We have been happily married for 43 years.\"\"Some of the archeologists have come to our hotel for over 20 years. Having solved various problems together, we have developed strong bonds that go well beyond business relationships. We are like a family.\"\" Acropole Hotel The", + "score": 0.6611328125 + }, + { + "id": "18091686", + "title": "Hotel New Otani Tokyo", + "text": "hotel on a site he owned. It had formerly been the site of the Fushimi-no-miya family residence in the Kioicho district of Tokyo (and before that, the residence of samurai lord Kat\u014d Kiyomasa). The 1,085-room hotel was built in seventeen months using a number of techniques that were revolutionary in Japan at the time, such as curtain walls and prefabricated unit bathrooms. The 400-year-old garden on the site was retained as part of the hotel. The hotel was first announced under a management contract with Sheraton Hotels as the Otani-Sheraton Hotel. However, by the time of its completion, the arrangement", + "score": 0.6611328125 + }, + { + "id": "4159087", + "title": "Shinno\u0304ke", + "text": "Fushimi-no-miya house was the progenitor of nine other cadet branches of the imperial family, the\" \u014dke,\" during the reign of Emperor Meiji. After the 25th Fushimi-no-miya, the \"seshu shinn\u014dke\" ceased to exist. The \"shinn\u014dke\" and \"\u014dke\" households, along with the \"kazoku\" (Japanese peerage) and \"Shizoku\", were reduced to Japanese nationals (Nihon kokumin) status during the American occupation of Japan, in October 1947. Shinn\u014dke The Imperial family of Japan considers itself a single dynasty in unbroken succession; however, the succession has often not been directly from father to son, but has been in the male line within a closely related group", + "score": 0.66064453125 + }, + { + "id": "11987545", + "title": "The Windsor Hotel Toya Resort & Spa", + "text": "The Windsor Hotel Toya Resort & Spa The Hotel Apex T\u014dya opened in December, 1993. To manage the hotel, the Windsor Hotels International was established in July, 1997, and the hotel was renamed the Windsor Hotel T\u014dya. The Hokkaido Takushoku Bank, which had financed the hotel, went bankrupt in November 1997, and the management of the hotel was discontinued for lack of funds. In 2000, Tokachi Urban Properties, a local real-estate company, purchased the land and building of the hotel, and extensive renovation of the building was done during the following year. After the building was redone, the hotel was", + "score": 0.66064453125 + }, + { + "id": "17110400", + "title": "Shangri-La Hotel, Tokyo", + "text": "and sometimes welcomes chefs from the world's leading Michelin Star restaurants, such as Chef Marco Stabile of Ora d'Aria in Florence, for collaboration dinners like 'Modern Tuscan Cuisine'. Piacere was decorated with the Best Award of Excellence at the Wine Spectator Grand Awards 2012. Originally established in 1830, Nadaman originated in Osaka and has served royalty and world leaders. The restaurant 29th floor of Shangri-La Hotel, Tokyo, was designed by Hong Kong architect Andre Fu, drawing from nature with bamboo-shaped partitions and ceramic tiles with cherry-blossom motifs. Head chef Takahiko Yoshida follows the \"kaiseki\" (multi course) tradition. With 104 seats", + "score": 0.66015625 + }, + { + "id": "8497307", + "title": "Imperial Hotel, Tokyo", + "text": "the repairs to the hotel, but Wright refused. The hotel was commandeered for a period by the Allied occupation forces and managed by the U.S. government, under the supervision of Lieutenant J. Malcolm Morris, from 1945 to 1952, and some of the damage was repaired during this time. As part of the land reform instituted by the occupying forces under General Douglas MacArthur, Okura Kishichiro and all of his family had to give up their shares in the Imperial Hotel. The same applied to the Imperial Household Agency, ending the financial involvement of the Imperial family in the hotel. The", + "score": 0.66015625 + }, + { + "id": "6454149", + "title": "Astor House Hotel (Shanghai)", + "text": "described the hotel as \"the most famous inn on the China coast, redundantly identified as the Astor House Hotel,\" and also the damage inflicted upon it during the 1937 Japanese invasion: \"from the street the boards were up over the shop fronts.\" On 23 November 1937, it was reported that \"The Japanese at present have the Astor House Hotel filled with socalled Chinese traitors\". The vacuum created when the British owners of the Astor House Hotel fled to Hong Kong in September 1937 allowed the Japanese occupation forces to assume control of the hotel until the surrender of the Empire", + "score": 0.65966796875 + }, + { + "id": "13575718", + "title": "Palace Hotel, Tokyo", + "text": "Teito\u2019s land and building were sold to the private sector in 1959 and the hotel was demolished and rebuilt as the Palace Hotel, which opened for business on October 1, 1961. Palace Hotel was awarded the \"Architectural Industry Association Prize\" in 1963 for its success in blending modern architectural style with Japanese aesthetics. In 2009, Palace Hotel closed for three years for demolition and rebuilding. The new building retains the shigaraki tiles that lined the original hotel\u2019s exterior and the Chiyoda Suite's traditional ink wash painting, and also restored the original bar counter from Royal Bar. Palace Hotel was the", + "score": 0.65966796875 + }, + { + "id": "12182512", + "title": "Eureka, Winnebago County, Wisconsin", + "text": "to go out on his own. His destination was going to be either Alaska or Hawaii. He flipped a coin, and Alaska won. The Alaska Laundry Co. continues in the family in Juneau. Jaeger's coin flip left the field open for Servco Pacific, a diversified company founded in 1919, to become the oldest family business in Hawaii. Argalus J. and Augustus I. Foote constructed the Foote Mansion in Eureka, Wisconsin. The mansion had 30 rooms. The floor plan was of 2 mirrored sets of 15 rooms with a great hall in the center. Local folklore claims the Foote Mansion is", + "score": 0.6591796875 + }, + { + "id": "2616319", + "title": "Ryokan (inn)", + "text": "many are usually much more expensive compared to modern hotels and hostels. As elsewhere in the world, hotels have become a standard in Japanese urban tourism. Nonetheless, some major cities do offer ryokan with competitive rates. Traditional ryokan are more commonly found in scenic rural areas and in recent years many ryokan have been redeveloped to their original style particularly by resort chain Hoshino Resorts, whose first ryokan opened in Karuizawa in 1914. A typical ryokan has a relatively large entrance hall, with couches and chairs where guests can sit and talk; a modernized ryokan often has a television in", + "score": 0.6591796875 + }, + { + "id": "12258613", + "title": "My Grandparents Had a Hotel", + "text": "My Grandparents Had a Hotel My Grandparents Had a Hotel is a 1991 documentary film by Karen Shopsowitz that takes a nostalgic look at the Montieth Inn, a popular Jewish resort operated in the Canadian Catskills from 1935-1949. Although it is in Canada, the inn is similar to Grossinger's and the Concord Hotel in the Catskills of New York, which also saw their heyday in the mid-20th century. With playful 16mm home video footage, interviews with people who once worked and vacationed at the family-run inn, and the filmmaker's father's own memories of the family's prized hotel, the film recreates", + "score": 0.6591796875 + }, + { + "id": "17336343", + "title": "Lett Hotel", + "text": "running water.\" At the time of NRHP listing, it was largely the same as when built by John Andrew Lett. Lett Hotel The Lett Hotel at 204 S. Ash in Yuma, Colorado, now known as the Tumbleweed Hotel, is a historic building, built in 1916, that is listed on the National Register of Historic Places. It was the longest operating hotel in Yuma, and had served 73 years at the time of its NRHP listing in 1990. It was deemed significant as \"one of the most prominent buildings in Yuma\", a building that has been photographed and painted, and having", + "score": 0.6591796875 + }, + { + "id": "16178200", + "title": "Japan Center (San Francisco)", + "text": "Center by 1970, and by the mid-70s, retailers had displaced manufacturers as consumers had become familiar with Japanese electronics and cars. In 2009, ownership of the buildings and spaces was divided between: The \"Fuki-ya\" restaurant owned by Junko and Richard K. Diran is said to have been the first Robatayaki restaurant in the United States. The hotel, anchoring the east end of the super-block, was originally constructed by the Kinki Nippon Railway and operated by the Western Hotels Company as the Miyako Hotel. The Miyako originally occupied the 15-story tower, and the 4-story building to the east of the tower,", + "score": 0.6591796875 + }, + { + "id": "19758208", + "title": "Prudential Tower (Tokyo)", + "text": "occupied by a luxury Japanese restaurant that was one of the command bases used by dissident military officers during the February 26 Incident in 1936. The restaurant was destroyed during the bombing of Tokyo in 1945. Aiichir\u014d Fujiyama's business conglomerate planned to build a luxury apartment complex on the site after the war, but the award of the 1964 Summer Olympics to Tokyo led to a \"hotel boom\" in the city. The site was re-purposed for the Hotel New Japan, one of the first modern hotels in Tokyo, which opened in 1960 and became a center of political, social and", + "score": 0.65869140625 + }, + { + "id": "6454152", + "title": "Astor House Hotel (Shanghai)", + "text": "bodyguards, and carried a .45 automatic after threats to him by Japanese authorities, was ordered to leave China by the Japanese-sponsored government of Wang Ching-wei in July 1940, refused to quit his broadcasts, but eventually departed Shanghai on 14 September 1941 on board the \"President Harrison\", after four years of broadcasts. During the Japanese occupation the Astor House was also used to house prominent British (and later American) nationals captured by the Japanese., Later the Astor House Hotel was used as the Japanese General headquarters, before being leased as a hotel for the duration of the war. In late June", + "score": 0.65869140625 + }, + { + "id": "4137656", + "title": "Katsura-no-miya", + "text": "Katsura-no-miya The was the one of the four \"shinn\u014dke\", branches of the Imperial Family of Japan which were eligible to succeed to the Chrysanthemum Throne in the event that the main line should die out. It was founded by Prince Toshihito, a grandson of Emperor \u014cgimachi and brother of Emperor Go-Y\u014dzei. It is the second oldest of the \"shinn\u014dke\", after the Fushimi-no-miya. The Katsura-no-miya house has died out several times, and has undergone a number of changes in name. It was originally titled Hachij\u014d-no-miya. Prince Hachij\u014d-no-miya Toshihito lived at the Katsura Imperial Villa in Kyoto, hence he and all of", + "score": 0.65869140625 + }, + { + "id": "19005298", + "title": "Small Danish Hotels", + "text": "other accommodations, with a total of 4500 rooms. Small Danish Hotels Small Danish Hotels is the largest hotel chain in Denmark, consisting of approximately 80 privately owned inns, hotels, castles and manor houses scattered throughout Denmark. The chain is a member of the Global Alliance of Private Hotels. Roadside inns (Danish: \"kro\") have been an integral part of the Danish countryside for centuries. The oldest \"kro\" still in operation is Brom\u00f8lle Kro near lake Tiss\u00f8 on western Zealand, from 1198. In 1396, Queen Margrethe I decreed that the highways should have a royally licensed inn spaced at four Danish miles", + "score": 0.65869140625 + }, + { + "id": "8645171", + "title": "Outrigger Hotels & Resorts", + "text": "Marshall Islands Resort. In 1999, Outrigger spun off 15 of its hotels to create the hotel chain OHANA Hotels and Resorts, a brand of more moderately priced three-star properties, while keeping the Outrigger brand for its higher-end four-star and luxury properties. OHANA is a Hawaiian word meaning \"family\". By 2018, there were only two remaining OHANA Hotels. By 2014, the hotel chain operated 11,000 rooms in 40 hotels worldwide and added 2 Fiji hotels to its list of properties. In March 2016, Outrigger sold its four Australian hotels to the Mantra Group. In November 2016, the company entered into an", + "score": 0.65869140625 + }, + { + "id": "4897930", + "title": "Five regent houses", + "text": "Five regent houses The five regent houses (\u4e94\u6442\u5bb6; \"go-seike\" or \"go-sekke\") is a collective term for five families of the Fujiwara clan. The leaders of these families monopolized the position of \"Sekkan\" in the Japanese Imperial Court of Kyoto between the 12th and 19th century. The five houses are Konoe, Takatsukasa, Kuj\u014d, Ichij\u014d, and Nij\u014d. The Fujiwara clan also had other families, but traditionally only these five were eligible for regentship. They were the most politically powerful families among the kuge (court officials). As the imperial clan claimed descent from the goddess Amaterasu, in the Fujiwara tradition the clan descended", + "score": 0.658203125 + }, + { + "id": "20823392", + "title": "Heritage Hotel, Bulli", + "text": "and part of the Bulli streetscape. It is a fine and unusual example of this period in this area which reflects changes wrought in Bulli by coming of the railway; South of Old Bulli. It has a high level of architectural significance as one of the best examples of this type of Victorian period hotel in Australia. Family Hotel was listed on the New South Wales State Heritage Register on 2 April 1999, having been found to have historic, landmark, architectural, townscape, cultural and social value, and to be both rare and representative. Heritage Hotel, Bulli The Heritage Hotel is", + "score": 0.658203125 + }, + { + "id": "6454147", + "title": "Astor House Hotel (Shanghai)", + "text": "hotel, and Japanese troops searched the Astor House for an American photographer, Americans living there evacuated on 14 August, with one, Dr. Robert K. Reischauer, subsequently killed later that day in the lobby of the Cathay Hotel by a bomb dropped from a Chinese war plane. Subsequently Japanese troops seized the Astor House Hotel, but by 18 August, the Hotel management recaptured the Astor House. In the following days, some 18,000 to 20,000 Europeans, Americans and Japanese evacuated to Hong Kong, Manila, and Japan, including Lawrence and Horace Kadoorie, who fled to Hong Kong. The Hotel was damaged again on", + "score": 0.65771484375 + }, + { + "id": "7133393", + "title": "Mitsui family", + "text": "Mitsui family The is one of the most powerful families of merchants and industrialists in Japan. The Mitsui enterprise made its debut in 1673 when Mitsui Takatoshi (1622\u20131694), son of a sake brewer, established Echigo-ya, a dry goods department store in both Edo and Kyoto. Meeting with great success, Takatoshi extended his services to moneylending and exchange. In 1691 the Mitsuis were officially chartered as merchants of the Tokugawa shogunate which ruled during that time. Three years later the family members set up their first constitution, which included details about the amount of property due to each branch as well", + "score": 0.6572265625 + }, + { + "id": "11348449", + "title": "Hotel Majapahit", + "text": "Culture. Hotel Majapahit The Hotel Majapahit is a historic luxury hotel in Surabaya, Indonesia. Located at 65 Jalan Tunjungan, Surabaya. The hotel was founded in 1910 as the Hotel Oranje by Lucas Martin Sarkies who commissioned Regent Alfred John Bidwell to design the hotel. The hotel opened in 1911. A new art deco style lobby extension was opened in 1936. The opening was celebrated with a royal party attended by Crown Prince Leopold III from Belgium, Princess Astrid from Sweden and Charlie Chaplin. During the Japanese occupation of Indonesia from 1942 to 1945 during WWII, the hotel's name was changed", + "score": 0.6572265625 + } + ], + "answer": "There are several hotels in Japan that have been run by the same family for 1300 years. In Komatsu, the H\u014dshi, founded in 718, is a ryokan (Japanese traditional inn) in the Awazu Onsen area of Komatsu, in Ishikawa Prefecture, Japan. This ryokan has been owned and managed by the Hoshi family for forty-six generations. In Hayakawa, the Nishiyama Onsen Keiunkan is a hot spring hotel that was founded in 705 AD. It has been continuously operated by 52 generations of the same family." + }, + { + "qa_pairs": [ + { + "context": "The military history of the United States in World War II covers the war against the Axis powers, starting with the 7 December 1941 attack on Pearl Harbor. During the first two years of World War II, the United States had maintained formal neutrality as made official in the Quarantine Speech delivered by U.S. President Franklin D. Roosevelt in 1937, while supplying Britain, the Soviet Union, and China with war material through the Lend-Lease Act which was signed into law on 11 March 1941, as well as deploying the U.S. military to replace the British invasion forces in Iceland. Following the \"Greer incident\" Roosevelt publicly confirmed the \"shoot on sight\" order on 11 September 1941, effectively declaring naval war on Germany and Italy in the Battle of the Atlantic. In the Pacific Theater, there was unofficial early U.S. combat activity such as the Flying Tigers.", + "question": "When did the US start funding/supplying the second World War in Europe?", + "short_answers": [ + "11 March 1941" + ], + "wikipage": "Military history of the United States during World War II" + }, + { + "context": "No context provided", + "question": "With the signing of what legislation did the US start funding/supplying the second World War in Europe?", + "short_answers": [ + "Lend-Lease Act" + ], + "wikipage": null + }, + { + "context": "The military history of the United States in World War II covers the war against the Axis powers, starting with the 7 December 1941 attack on Pearl Harbor. During the first two years of World War II, the United States had maintained formal neutrality as made official in the Quarantine Speech delivered by U.S. President Franklin D. Roosevelt in 1937, while supplying Britain, the Soviet Union, and China with war material through the Lend-Lease Act which was signed into law on 11 March 1941, as well as deploying the U.S. military to replace the British invasion forces in Iceland. Following the \"Greer incident\" Roosevelt publicly confirmed the \"shoot on sight\" order on 11 September 1941, effectively declaring naval war on Germany and Italy in the Battle of the Atlantic. In the Pacific Theater, there was unofficial early U.S. combat activity such as the Flying Tigers.", + "question": "When did Roosevelt publicly confirm the \"shoot on sight\" order, effectively entering the US in the second world war in Europe?", + "short_answers": [ + "11 September 1941" + ], + "wikipage": "Military history of the United States during World War II" + }, + { + "context": "Following the attack on Pearl Harbor, President Roosevelt officially pronounced 7 December 1941, as \"a date which will live in infamy\" and asked for a declaration of war on Japan before a joint session of Congress on 8 December 1941. The motion passed with only one vote against it, in both chambers. Just three days later, on 11 December 1941 Adolf Hitler declared war on the United States, and had already remarked on the evening of the date of the Japanese attack that \"We can't lose the war at all. We now have an ally which has never been conquered in 3,000 years\".", + "question": "When did the US officially enter the second world war in europe?", + "short_answers": [ + "7 December 1941" + ], + "wikipage": "Military history of the United States during World War II" + }, + { + "context": "Following the attack on Pearl Harbor, President Roosevelt officially pronounced 7 December 1941, as \"a date which will live in infamy\" and asked for a declaration of war on Japan before a joint session of Congress on 8 December 1941. The motion passed with only one vote against it, in both chambers. Just three days later, on 11 December 1941 Adolf Hitler declared war on the United States, and had already remarked on the evening of the date of the Japanese attack that \"We can't lose the war at all. We now have an ally which has never been conquered in 3,000 years\".", + "question": "Upon what event did the US officially enter the second world war in europe?", + "short_answers": [ + "attack on Pearl Harbor" + ], + "wikipage": "Military history of the United States during World War II" + } + ], + "wikipages": [ + { + "title": "Military history of the United States during World War II", + "url": "https://en.wikipedia.org/wiki/Military%20history%20of%20the%20United%20States%20during%20World%20War%20II" + }, + { + "title": "German declaration of war against the United States", + "url": "https://en.wikipedia.org/wiki/German%20declaration%20of%20war%20against%20the%20United%20States" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Franklin Delano Roosevelt (/\u02c8ro\u028az\u0259v\u0259lt/,[1] /-v\u025blt/[2] ROH-z\u0259-velt; January 30, 1882 \u2013 April 12, 1945), often referred to by his initials FDR, was an American politician who served as the 32nd president of the United States from 1933 until his death in 1945.", + "wikipage": "Franklin D. Roosevelt" + } + ], + "long_answer": "Prior to the United States entering world war II, U.S. President Franklin D. Roosevelt signed the Lend-Lease Act on 11 March 1941 to ensure the supply of war materials to Britain, the Soviet Union, and China. On 7 December 1941, following the attack on Pearl Harbor, the United States officially joined the second world war. A few days later (on 11 September 1941), President Roosevelt publicly confirmed the \"shoot on sight\" order, effectively entering the war. " + }, + { + "knowledge": [ + { + "content": "By all accounts, a German submarine (later identified as U-652) fired upon the Greer, but made no contact.", + "wikipage": "USS Greer (DD-145) The Greer incident, September 1941" + } + ], + "long_answer": "The US officially entered the Second World War in Europe on 7 December 1941 after the attack on Pearl Harbor. President Roosevelt signed the Lend-Lease Act into law on 11 March 1941, which supplied Britain, the Soviet Union, and China with war material and deployed the US military. Following the Greer Incident, which was when a German submarine fired upon the Greer, Roosevelt publicly confirmed the \"shoot on sight\" order on 11 September 1941, effectively entering the US in the Second World War in Europe." + } + ], + "sample_id": "-3176814404414677007", + "question": "When did the us enter the second world war in europe?", + "docs": [ + { + "id": "15046309", + "title": "Warren Fales Draper", + "text": "had been in charge, was then turned over to Dr. Joseph Walter Mountin. As the Second World War progressed in Europe from 1939 to 1941, the direct involvement of the United States appeared imminent. While isolationists clamored against U.S. involvement, the attack on Pearl Harbor in December 1941 put an end to such sentiments, and the subsequent declaration of war against the United States by Germany and Italy allowed for a clean entry by the Americans into the European Theater. Planning for the invasion of Europe began almost immediately, but the organization of the invasion force did not materialize until", + "score": 0.80078125, + "summary": "The United States entered the Second World War in Europe after the attack on Pearl Harbor in December 1941.", + "extraction": "The United States entered the Second World War in Europe after the subsequent declaration of war against the United States by Germany and Italy, which happened after the attack on Pearl Harbor in December 1941." + }, + { + "id": "5019010", + "title": "Transatlantic relations", + "text": "helped to redraw the map of Europe. Although the Roosevelt administration wanted to enter the war against Germany, the vast majority of Americans were too isolationist and disillusioned at their experience in World War I to seek involvement in the World War II, at least until the U.S. was attacked by Japan at Pearl Harbor on December 7, 1941, and Adolf Hitler declared war on the United States on December 11, 1941. Once involved, the US became pivotal to the war effort and therefore European politics. After the second war the United States and Canada both desired a permanent role", + "score": 0.78955078125, + "summary": "The US entered the Second World War in Europe on December 11, 1941, when Adolf Hitler declared war on the United States.", + "extraction": "The US entered the second World War in Europe on December 11, 1941, after Adolf Hitler declared war on the United States." + }, + { + "id": "739841", + "title": "History of the United States", + "text": "with increasing anti-Nazi feelings following the German invasion of Poland in September 1939 that started World War II. Roosevelt positioned the U.S. as the \"Arsenal of Democracy\", pledging full-scale financial and munitions support for the Allies \u2013 but no military personnel. This was carried out through the Lend-Lease agreements. Japan tried to neutralize America's power in the Pacific by attacking Pearl Harbor on December 7, 1941, which catalyzed American support to enter the war. The main contributions of the U.S. to the Allied war effort comprised money, industrial output, food, petroleum, technological innovation, and (especially 1944\u201345), military personnel. Much of", + "score": 0.7705078125, + "summary": "The US entered the Second World War in Europe after the attack on Pearl Harbor on December 7, 1941.", + "extraction": "The US entered the war after the Pearl Harbor attack on December 7, 1941." + }, + { + "id": "1403029", + "title": "Military history of the United States", + "text": "for the European theatres, Roosevelt eventually won the favor of restoring the arms trade with belligerent nations after Germany's invasion of Poland, which is said by many to have fixed the United States economy. Total involvement in the war began after the Attack on Pearl Harbor, where isolationism began to cede. Starting in 1940 (18 months before Pearl Harbor), the nation mobilized, giving high priority to air power. American involvement in World War II in 1940\u201341 was limited to providing war material and financial support to Britain, the Soviet Union, and the Republic of China. The U.S. entered officially on", + "score": 0.76025390625, + "summary": "The US entered World War II officially after the Attack on Pearl Harbor, but prior to that, their involvement was limited to providing war material and financial support to other nations. The document mentions 1940-41 as the time frame for this limited involvement.", + "extraction": "The U.S. entered officially on the Attack on Pearl Harbor." + }, + { + "id": "1507082", + "title": "European Theater of Operations, United States Army", + "text": "published three months before the U.S. entered the war in 1941, which advocated the defeat of the German armies on the European continent. When the U.S. entered the war after the Japanese bombed Pearl Harbor on 7 December 1941 and the U.S. was at war with both Japan and Germany, a \"Europe first\" a modified version of his plan was adopted by U.S. President Franklin D. Roosevelt and British Prime Minister Winston Churchill. Under the German first policy, the plan was expanded to include the blueprint for the Normandy landings. European Theater of Operations, United States Army The European Theater", + "score": 0.75537109375, + "summary": "The U.S. entered the war in Europe after the Japanese bombed Pearl Harbor on December 7, 1941.", + "extraction": "The U.S. entered the war after the Japanese bombed Pearl Harbor on 7 December 1941 and the U.S. was at war with both Japan and Germany." + }, + { + "id": "16553734", + "title": "Seventh United States Army", + "text": "enemy counter-offensive during the German Operation Nordwind, then completed its reduction of the region by mid-March. In a lead role in Operation Undertone launched March 15th, the Seventh Army fought its way across the Rhine into Germany, capturing Nuremberg and then Munich. Elements reached Austria and crossed the Brenner Pass into Italy by May 4th, followed shortly by war's end on VE-Day, May 8, 1945. The United States officially entered World War II on 7 December 1941, after the Japanese attack on Pearl Harbor. This was followed four days later by the German declaration of war on the United States.", + "score": 0.7548828125, + "summary": "The United States officially entered World War II on December 7, 1941, after the Japanese attack on Pearl Harbor. The document does not provide information on when the US entered the Second World War in Europe.", + "extraction": "The United States officially entered World War II on 7 December 1941, after the Japanese attack on Pearl Harbor." + }, + { + "id": "16513382", + "title": "Bernard L. Austin", + "text": "operational and technical details of cooperation between the Royal Navy and U.S. Navy in the event that the United States entered World War II. Austin was the only member of Ghormleys mission other than Ghormley himself to attend every meeting with the United Kingdoms political and naval leadership, including Winston Churchill and Admiral Sidney Bailey. During his tour at the embassy, the United States entered World War II on 7 December 1941. Austin became commanding officer of the destroyer on 12 February 1942. A lieutenant commander by August 1942, he commanded her until December 1942. While he was in command,", + "score": 0.75341796875, + "summary": "The document mentions that the United States entered World War II on 7 December 1941.", + "extraction": "The United States entered World War II on 7 December 1941." + }, + { + "id": "14138450", + "title": "History of United States foreign policy", + "text": "materials. The United States officially entered World War II against Germany, Japan, and Italy in December 1941, following the Japanese surprise attack on Pearl Harbor. This time the U.S. was a full-fledged member of the Allies of World War II, not just an \"associate\" as in the first war. During the war, the U.S. conducted military operations on both the Atlantic and Pacific fronts. After the war and devastation of its European and Asian rivals, the United States found itself in a uniquely powerful position due to the lack of damage to its domestic industries. After 1945, the isolationist pattern", + "score": 0.75244140625, + "summary": "The United States officially entered World War II against Germany, Japan, and Italy in December 1941.", + "extraction": "The United States officially entered World War II against Germany, Japan, and Italy in December 1941." + }, + { + "id": "19272708", + "title": "Mount St John Anti-Aircraft Battery", + "text": "On 7 December 1941, the United States of America entered World War II following the bombing of Pearl Harbour in Hawaii by Japanese carrier-borne aircraft. The United Kingdom and its Commonwealth had been at war with Germany since September 1939, but now the war was truly global. Japan attacked the Philippines and Thailand, and advanced through Malaya and the Netherlands East Indies (now Indonesia). Singapore fell on 15 February 1942 and two brigades of the 8th Division of the 2nd Australian Imperial Force (2nd AIF) were captured, while the third brigade was destroyed piecemeal on the islands of Timor, Ambon", + "score": 0.74169921875, + "summary": "The US entered the Second World War in Europe on 7 December 1941, following the bombing of Pearl Harbour by Japanese aircraft.", + "extraction": "On 7 December 1941, the United States of America entered World War II following the bombing of Pearl Harbour in Hawaii by Japanese carrier-borne aircraft." + }, + { + "id": "7529849", + "title": "Military history of the United States during World War II", + "text": "and Allied merchant shipping. The convoys, coming mainly from North America and predominantly going to the United Kingdom and the Soviet Union, were protected for the most part by the British and Canadian navies and air forces. These forces were aided by ships and aircraft of the United States from September 13, 1941. The Germans were joined by submarines of the Italian Royal Navy (Regia Marina) after their Axis ally Italy entered the war on June 10, 1940. The United States entered the war in the west with Operation Torch on 8 November 1942, after their Soviet allies had pushed", + "score": 0.73681640625, + "summary": "The United States entered the war in Europe on November 8, 1942, with Operation Torch.", + "extraction": "The United States entered the war in the west with Operation Torch on 8 November 1942." + }, + { + "id": "4432585", + "title": "World War II by country", + "text": "government of the UK. During the Second World War, the Isle of Man had a detention camp for Axis citizens and suspected sympathisers, including members of the British Union of Fascists and the Irish Republican Army. A naval base, radar network and training stations were also established on the island. The United States was neutral early in the fight, although it steadily grew ties with the Allies and began providing increased levels of assistance to them. The United States joined the Allies in December 1941 after the attack on Pearl Harbor by the Empire of Japan.Germany and Italy declared war", + "score": 0.73681640625, + "summary": "The document is relevant but does not provide the exact date. It states that the United States joined the Allies in December 1941 after the attack on Pearl Harbor by Japan.", + "extraction": "The United States joined the Allies in December 1941 after the attack on Pearl Harbor by the Empire of Japan." + }, + { + "id": "454788", + "title": "World War II", + "text": "the long Battle of the Atlantic followed. On 22 June 1941, the European Axis powers launched an invasion of the Soviet Union, opening the largest land theatre of war in history. This Eastern Front trapped the Axis, most crucially the German Wehrmacht, into a war of attrition. In December 1941, Japan launched a surprise attack on the United States and European colonies in the Pacific Ocean. Following an immediate U.S. declaration of war against Japan, supported by one from Great Britain, the European Axis powers quickly declared war on the U.S. in solidarity with their Japanese ally. Rapid Japanese conquests", + "score": 0.73486328125, + "summary": "The US entered World War II in Europe in December 1941, after Japan launched a surprise attack on the US and European colonies in the Pacific Ocean.", + "extraction": "On December 1941, Japan launched a surprise attack on the United States and European colonies in the Pacific Ocean. Following an immediate U.S. declaration of war against Japan, supported by one from Great Britain, the European Axis powers quickly declared war on the U.S. in solidarity with their Japanese ally. Therefore, the US entered the Second World War in Europe in December 1941." + }, + { + "id": "7529824", + "title": "Military history of the United States during World War II", + "text": "Military history of the United States during World War II The military history of the United States in World War II covers the war against Germany, Italy, and Japan, starting with the 7 December 1941 attack on Pearl Harbor. During the first two years of World War II, the United States had maintained formal neutrality as made official in the Quarantine Speech delivered by U.S. President Franklin D. Roosevelt in 1937, while supplying Britain, the Soviet Union, and China with war materiel through the Lend-Lease Act which was signed into law on 11 March 1941, as well as deploying the", + "score": 0.73388671875, + "summary": "The US entered the Second World War in Europe after the attack on Pearl Harbor on December 7, 1941.", + "extraction": "The US entered the Second World War in Europe after the 7 December 1941 attack on Pearl Harbor." + }, + { + "id": "2581895", + "title": "Europe first", + "text": "military in 1940. When Germany declared war on the United States on December 11, 1941, the United States faced a decision about how to allocate resources between these two separate theaters of war. On the one hand, Japan had attacked the United States directly at Pearl Harbor, and the Japanese Navy threatened United States territory in a way that Germany, with a limited surface fleet, was not in a position to do. On the other hand, Germany was universally considered the stronger and more dangerous threat to Europe because only the United Kingdom and the Soviet Union remained un-occupied by", + "score": 0.7314453125, + "summary": "The document mentions that the US entered the Second World War in Europe after Germany declared war on the US on December 11, 1941.", + "extraction": "The passage is relevant but it does not provide a direct answer to the question." + }, + { + "id": "5500609", + "title": "Allies of World War II", + "text": "war on Japan, and Japan's allies Germany and Italy declared war on the US, bringing the US into World War II. On 8 December 1941, following the attack on Pearl Harbor, the United States Congress declared war on Japan at the request of President Franklin D. Roosevelt. This was followed by Germany and Italy declaring war on the United States on 11 December, bringing the country into the European theatre. The US-led Allied forces in the Pacific theatre against Japanese forces from 1941 to 1945. From 1943 to 1945, the US-led and coordinated the Western Allies' war effort in Europe", + "score": 0.72998046875, + "summary": "The US entered World War II in Europe on December 11, 1941, when Germany and Italy declared war on the US following the attack on Pearl Harbor.", + "extraction": "The United States declared war on Japan on 8 December 1941, following the attack on Pearl Harbor. Germany and Italy declared war on the United States on 11 December, bringing the country into the European theatre of World War II. Therefore, the US entered the Second World War in Europe on December 11, 1941." + }, + { + "id": "12889877", + "title": "History of the United States Army", + "text": "predecessor, combining Regular Army, National Guard, and conscript forces into one fighting unit. The Army of the United States also incorporated Reserve forces. The Army fought World War II with more flexible divisions, consisting of three infantry regiments of three infantry battalions each. From the point of view of soldiers, most of their time was spent in training in the United States, with large numbers going overseas in 1944. The United States entered World War II after the Japanese attack on Pearl Harbor in December 1941. On the European front, U.S. Army troops formed a significant portion of the forces", + "score": 0.728515625, + "summary": "The United States entered World War II in Europe after the Japanese attack on Pearl Harbor in December 1941.", + "extraction": "The United States entered World War II after the Japanese attack on Pearl Harbor in December 1941." + }, + { + "id": "1507076", + "title": "European Theater of Operations, United States Army", + "text": "the United States Department of War officially established ETOUSA in its place. Its mission was to conduct planning for the eventual retaking of Europe and to exercise administrative and operational control over U.S. forces. The 133rd Infantry Regiment of the 34th Infantry Division was the first United States Army unit sent to Europe in World War II. The first battalion arrived in Belfast in late January 1942, followed by the rest of the regiment in February. These units were designated as U.S. Army Northern Ireland Forces, later incorporated within the European Theater of Operations. The 133rd and 168th Infantry Regiments", + "score": 0.72705078125, + "summary": "Irrelevant. The document mentions the first US Army unit sent to Europe in World War II but does not provide a specific date for when the US entered the war in Europe.", + "extraction": "Irrelevant. \n\nExplanation: The passage talks about the establishment of ETOUSA and the arrival of the first US army unit in Europe during World War II, but it does not provide the date when the US entered the war in Europe." + }, + { + "id": "7529832", + "title": "Military history of the United States during World War II", + "text": "Soviet Union as well as Britain and China. Prior to America's entry into World War II in December 1941, individual Americans volunteered to fight against the Axis powers in other nations' armed forces. Although under American law, it was illegal for United States citizens to join the armed forces of foreign nations and in doing so, they lost their citizenship, many American volunteers changed their nationality to Canadian. However Congress passed a blanket pardon in 1944. American mercenary Colonel Charles Sweeny living in London began recruiting American citizens to fight as a U.S. volunteer detachment in the French Air force,", + "score": 0.724609375, + "summary": "The US entered World War II in Europe in December 1941.", + "extraction": "America's entry into World War II in December 1941." + }, + { + "id": "1403031", + "title": "Military history of the United States", + "text": "in 1943\u201345, reaching the outskirts of Japan in the Battle of Okinawa. During 1942 and 1943, the U.S. deployed millions of men and thousands of planes and tanks to the UK, beginning with the strategic bombing of Nazi Germany and occupied Europe and leading up to the Allied invasions of occupied North Africa in November 1942, Sicily and Italy in 1943, France in 1944, and the invasion of Germany in 1945, parallel with the Soviet invasion from the east. That led to the surrender of Nazi Germany in May 1945. While the final European Axis Powers were defeated within a", + "score": 0.7216796875, + "summary": "The US deployed troops to Europe in 1942 and 1943 for strategic bombing and invasion of occupied North Africa, Sicily, Italy, France, and Germany. The surrender of Nazi Germany occurred in May 1945. However, the document does not state when the US entered the Second World War in Europe.", + "extraction": "The US entered the Second World War in Europe with the Allied invasions of occupied North Africa in November 1942." + }, + { + "id": "19334720", + "title": "Food Will Win the War", + "text": "agriculture. America entered World War 2 on December 8, 1941, after a Japanese attack on Pearl Harbor. Many Americans were reluctant to enter another European war, and preferred a non-interventionist policy towards it. However, the devastating and unprovoked attack on Pearl Harbor, which was described by President Franklin D. Roosevelt as a date that will live in infamy, changed public opinion. Upon America's entrance into the war, Disney was contracted to produce propaganda pieces to gain support for the war and aid recruitment. This was often done through the use of Anti-Nazi propaganda \u2013 public opinion polls at the time", + "score": 0.7216796875, + "summary": "America entered World War 2 on December 8, 1941, after a Japanese attack on Pearl Harbor.", + "extraction": "America entered World War 2 on December 8, 1941." + }, + { + "id": "7975726", + "title": "Battle for Brest", + "text": "in the war, after the Fall of France in 1940, the United States and the United Kingdom began planning an eventual \"Invasion of Western Europe\" to be put into effect when and if the United States joined the war. American and Canadian troops would be moved from North America to England (as long as the United Kingdom was still in the war), until an Allied invasion could be mounted to the continent. A major issue was how to supply the invasion army with the tens of thousands of tons of materiel it would need after it landed. The capture of", + "score": 0.71923828125 + }, + { + "id": "2628426", + "title": "First United States Army", + "text": "this responsibility on 24 December 1942. Drum retired in 1943 when he reached mandatory retirement age. General George Grunert, commander of Second Service Command, assumed command of First Army until Headquarters, First Army was activated in Bristol, England in January 1944 under command of General Omar Bradley. First Army's entry into World War II began in October 1943 as Bradley returned to Washington, D.C. to receive his command and began to assemble a staff and headquarters to prepare for Operation Overlord, the codename assigned to the establishment of a large-scale lodgement on the European Continent following Operation Neptune, which was", + "score": 0.716796875 + }, + { + "id": "2581903", + "title": "Europe first", + "text": "threat and the need to contain Japan's advance across the Pacific, American resources allocated to the defeat of Japan initially exceeded those allocated to Europe. In the first six months the U.S. was in the war, the U.S. army deployed more than 300,000 soldiers overseas to the Pacific while less than 100,000 were sent to Europe. The U.S.'s first major offensive during World War II was in the Pacific: Guadalcanal in August 1942. Concurrently, Australian forces attacked and pushed back the Japanese in the Kokoda Track Campaign in New Guinea. Three U.S. Army divisions were deployed to Australia and New", + "score": 0.7158203125 + }, + { + "id": "5500572", + "title": "Allies of World War II", + "text": "Africa. After the start of the German invasion of North Europe until the Balkan Campaign, the Netherlands, Belgium, Greece, and Yugoslavia joined the Allies. After first having cooperated with Germany in invading Poland whilst remaining neutral in the Allied-Axis conflict, the Soviet Union perforce joined the Allies in June 1941 after being invaded by Germany. The United States provided war materiel and money all along, and officially joined in December 1941 after the Japanese attack on Pearl Harbor. China had already been in a prolonged war with Japan since the Marco Polo Bridge Incident of 1937, but officially joined the", + "score": 0.71484375 + }, + { + "id": "7529831", + "title": "Military history of the United States during World War II", + "text": "American public opinion was hostile to Hitler's Germany, but how much aid to give the Allies was controversial. Public opinion was even more hostile to Japan, and there was little opposition to increased support for China. By 1940 the U.S., while still neutral, was becoming the \"Arsenal of Democracy\" for the Allies, supplying money and war materials. The sudden defeat of France in spring 1940 caused the nation to begin to greatly grow its armed forces, including the first peacetime draft. After the German invasion of the Soviet Union in June 1941, America began sending Lend Lease aid to the", + "score": 0.71484375 + }, + { + "id": "13804681", + "title": "Military history of Asian Americans", + "text": "first American flying ace of World War II, with eight victories. He was later awarded the Distinguished Service Cross and the Air Medal. In September 1939, war broke out in Europe following the German invasion of Poland. The U.S. officially remained neutral, but Americans became involved in combat while serving in other countries' militaries in units such as the Flying Tigers in China and the Eagle Squadrons that served with the Royal Air Force shortly after the Battle of Britain; U.S. forces also provided logistic support through the cash and carry program, and by undertaking convoy escort duties in the", + "score": 0.71337890625 + }, + { + "id": "1507081", + "title": "European Theater of Operations, United States Army", + "text": "of the operational forces under the command of SHAEF were American. The ETOUSA planning staff in London was usually referred to by its Army Post Office number, \"APO 887\". After the war in Europe ended, ETOUSA became briefly U.S. Armed Forces Europe, then U.S. Forces, European Theater (USFET), and then, eventually, United States Army Europe. Operation Torch\u2014the invasion of French North Africa\u2014involving the 9th, 3rd Infantry and the 2nd Armored Divisions, initiated on 8 November 1942, was the first ground combat operations for the United States in World War II. Albert Coady Wedemeyer was chief author of the \"Victory Program\",", + "score": 0.712890625 + }, + { + "id": "14735505", + "title": "1943 Argentine coup d'e\u0301tat", + "text": "a neutral position strengthened by the Neutrality Acts and its traditional Isolationism, although that would change radically when Japan attacked its military bases in the Pacific. In the wake of Pearl Harbor, at the Rio Conference of 1942, the United States called upon all Latin American countries to enter the war en bloc. For the United States, which was not affected by the interruption of trade between Argentina and Europe, World War II was presented as an excellent opportunity to finish imposing its continental hegemony, both politically and economically, and permanently displace Great Britain from its stronghold in Latin America.", + "score": 0.71240234375 + }, + { + "id": "7529840", + "title": "Military history of the United States during World War II", + "text": "Lend-Lease program began shipping money, munitions, and food to Britain, China, and (by that fall) the Soviet Union. By 1941 the United States was taking an active part in the war, despite its nominal neutrality. In spring U-boats began their \"wolf-pack\" tactics which threatened to sever the trans- Atlantic supply line; Roosevelt extended the Pan-American Security Zone east almost as far as Iceland. The US Navy's \"neutrality patrols\" were anything but, as in practice their function was to report Axis ship and submarine sightings to the British and Canadian navies, and from April the US Navy began escorting Allied convoys", + "score": 0.71142578125 + }, + { + "id": "7529846", + "title": "Military history of the United States during World War II", + "text": "that their strategic objectives were: (1) \"The early defeat of Germany as the predominant member of the Axis with the principal military effort of the United States being exerted in the Atlantic and European area; and (2) A strategic defensive in the Far East.\" Thus, the Americans concurred with the British in the grand strategy of \"Europe first\" (or \"Germany first\") in carrying out military operations in World War II. The UK feared that, if the United States was diverted from its main focus in Europe to the Pacific (Japan), Hitler might crush both the Soviet Union and Britain, and", + "score": 0.7109375 + }, + { + "id": "6683529", + "title": "United States", + "text": "program. On December 7, 1941, the Empire of Japan launched a surprise attack on Pearl Harbor, prompting the United States to join the Allies against the Axis powers. During the war, the United States was referred as one of the \"Four Policemen\" of Allies power who met to plan the postwar world, along with Britain, the Soviet Union and China. Although the nation lost more than 400,000 soldiers, it emerged relatively undamaged from the war with even greater economic and military influence. The United States played a leading role in the Bretton Woods and Yalta conferences with the United Kingdom,", + "score": 0.71044921875 + }, + { + "id": "4457447", + "title": "First engagement of neutral United States in World War II before the attack on Pearl Harbor", + "text": "first American-caused casualties occurred on 7 December 1941 when the attacked and sank a Japanese midget submarine near the entrance to Pearl Harbor prior to the commencement of the Japanese air attack upon Hawaii later that day. As a result of the attack on Hawaii, America declared war on Japan on 8 December 1941. Germany and Italy declared war on the United States three days later. The first planned offensive action by the United States in World War II came in January 1942 when the aircraft carrier attacked Japanese bases in the Marshall Islands. First engagement of neutral United States", + "score": 0.7099609375 + }, + { + "id": "11061333", + "title": "Consequences of the attack on Pearl Harbor", + "text": "no alternative; in any case, had an acceptable settlement of differences been reached, the Carrier Striking Task Force could have been called back. On December 11, 1941, Nazi Germany and Fascist Italy declared war on the United States, and the United States reciprocated, formally entering the war in Europe. German dictator Adolf Hitler and Italian dictator Benito Mussolini were under no obligation to declare war on the United States under the mutual defense terms of the Tripartite Pact until the US counterattacked Japan. However, relations between the European Axis Powers and the United States had deteriorated since 1937. On December", + "score": 0.70947265625 + }, + { + "id": "17617810", + "title": "Gerhard Alois Westrick", + "text": "the Hungarian ITT plant would ship to Turkey, a key supplier of chromium to Germany. World War II broke out in September 1939 when Germany invaded Poland. France and Britain immediately declared war. France fell in June 1940. However, Russia remained neutral until it was invaded in June 1941. The USA remained technically neutral until four days after the attack on Pearl Harbor on 7 December 1941, when Germany and Italy declared war on the United States. Westrick was well-connected with the Nazi regime. His brother Ludger was head of the aluminium industry in Germany under Hermann G\u00f6ring, while his", + "score": 0.70703125 + }, + { + "id": "4934304", + "title": "William Christian Bullitt Jr.", + "text": "of the great crisis in Europe that was to culminate in the Munich Agreement, during the unveiling of a plaque in France honoring Franco-American friendship, Bullitt stated, \"France and the United States were united in war and peace.\" That led to much speculation in the press that if war broke out over Czechoslovakia, the United States would join the war on the Allied side. On September 9, 1938, however, Roosevelt denied any such intention. In 1939, and French Prime Minister Daladier informed him French intelligence knew that Alger Hiss in the United States Department of State was working for Soviet", + "score": 0.70703125 + }, + { + "id": "138976", + "title": "Franklin D. Roosevelt", + "text": "Germany, and Roosevelt began preparing for a possible war with Germany. Relying on an interventionist political coalition of Southern Democrats and business-oriented Republicans, Roosevelt oversaw the expansion U.S. airpower and war production capacity. When World War II began in September 1939 with Germany's invasion of Poland and Britain and France's subsequent declaration of war upon Germany, Roosevelt sought ways to assist Britain and France militarily. Isolationist leaders like Charles Lindbergh and Senator William Borah successfully mobilized opposition to Roosevelt's proposed repeal of the Neutrality Act, but Roosevelt won Congressional approval of the sale of arms on a cash-and-carry basis. He", + "score": 0.7060546875 + }, + { + "id": "11227162", + "title": "Defence of the Reich", + "text": "sophistication and better organisation, the Kammhuber Line became a formidable obstacle. The entry of the United States (U.S.) into World War II on 11 December 1941 after Hitler's declaration of war, was an unwelcome shock for the \"OKL\". For the first year, the expected all-out offensive against German targets did not come. Fully half of the \"Luftwaffe\" was assigned to the Eastern Front and its most powerful air command, \"Luftflotte\" 4 supported the Army\u2019s drive towards the Battle of Stalingrad and into the Caucasus. In the North Africa campaign, the \"Luftwaffe\" was losing air superiority, the RAF was increasing its", + "score": 0.7060546875 + }, + { + "id": "5500578", + "title": "Allies of World War II", + "text": "set up and it continued to be one of the Allies, a model followed by other occupied countries. After a quiet winter, Germany in April 1940 invaded and quickly defeated Denmark, Norway, Belgium, the Netherlands and France. Britain and its Empire stood alone against Hitler and Mussolini. In June 1941, Hitler broke the non-aggression agreement with Stalin and Germany invaded the Soviet Union. In December, Japan attacked the US and Britain. The main lines of World War II had formed. During December 1941, U.S. President Franklin D. Roosevelt devised the name \"United Nations\" for the Allies and proposed it to", + "score": 0.70556640625 + }, + { + "id": "4445535", + "title": "Military production during World War II", + "text": "and develop the military forces required to play a role in the war effort, and for the British to go on the offensive in its theatres of operation. The entry of the United States into the war in late 1941 injected financial, human and industrial resources into Allied operations. The US produced more than its own military forces required and armed itself and its allies for the most industrialized war in history. At the beginning of the war, the British and French placed large orders for aircraft with American manufacturers and the US Congress approved plans to increase its air", + "score": 0.70458984375 + }, + { + "id": "2219328", + "title": "Advanced Third Reich", + "text": "of any U-boats she builds). The US economic base starts at 150 BRPs, but besides the usual percentage growth process grows automatically by 10 BRP per turn, then 20 BRP per turn after entering the war, so by 1944-5 the US economy will have grown to colossal size. American SR and initial deployment capacity are linked to the size of her base, while her forcepool increases in three tranches, at annual intervals after the USA enters the war (so most of the US forces will not reach Europe until 1944). US involvement, before and after her formal entry into the", + "score": 0.70458984375 + }, + { + "id": "19165923", + "title": "Latinas and World War II", + "text": "and the United States suffered from a Great Depression. The political and social changes around the world proved volatile. The United States opposed the fascist regimes that were gaining ground around the world, but it was not until December 1941 that the U.S. entered into the War after the December 7 attacks on Pearl Harbor incited public support and Congress declared war on Japan on December 8, 1941. This began U.S. involvement in World War II and set the stage for Latina involvement as well. While Latinos, men and women of Latin American descent, had served in World War I", + "score": 0.70458984375 + }, + { + "id": "454901", + "title": "World War II", + "text": "Japanese colonies are included. The United States provided about two-thirds of all the ordnance used by the Allies in terms of warships, transports, warplanes, artillery, tanks, trucks, and ammunition. Though the Allies' economic and population advantages were largely mitigated during the initial rapid blitzkrieg attacks of Germany and Japan, they became the decisive factor by 1942, after the United States and Soviet Union joined the Allies, as the war largely settled into one of attrition. While the Allies' ability to out-produce the Axis is often attributed to the Allies having more access to natural resources, other factors, such as Germany", + "score": 0.7041015625 + }, + { + "id": "93027", + "title": "Foreign policy of the United States", + "text": "Instead of the loans given to allies in World War I, the United States provided Lend-Lease grants of $50,000,000,000. Working closely with Winston Churchill of Britain, and Joseph Stalin of the Soviet Union, Roosevelt sent his forces into the Pacific against Japan, then into North Africa against Italy and Germany, and finally into Europe starting with France and Italy in 1944 against the Germans. The American economy roared forward, doubling industrial production, and building vast quantities of airplanes, ships, tanks, munitions, and, finally, the atomic bomb. Much of the American war effort went to strategic bombers, which flattened the cities", + "score": 0.7041015625 + }, + { + "id": "20254001", + "title": "303rd Cavalry Regiment (United States)", + "text": "headquartered at Tacoma. After being inducted into Federal service on 10 February 1941 at home stations, it was converted into the 103rd Infantry Battalion, Antitank, on 24 July 1941. On 15 December 1941, after the United States entered World War II, it became the 803rd Tank Destroyer Battalion. On 24 June 1943, the battalion departed for England. Days after Allied troops landed in Normandy on 6 June, the 803rd landed at Omaha Beach on 13 June, equipped with the M10 tank destroyer. It helped capture Saint-L\u00f4 during the Battle of Saint-L\u00f4 in July. The battalion rapidly advanced across northern France", + "score": 0.70361328125 + }, + { + "id": "2581905", + "title": "Europe first", + "text": "the war. As late as December 1943, the balance was nearly even. Against Japan, the U.S. had deployed 1,873,023 men, 7,857 aircraft, and 713 warships. Against Germany the totals were 1,810,367 men, 8,807 airplanes, and 515 warships. In early 1944, the military buildup of American forces for the invasion of France shifted the balance of American resources toward the European theater and made Europe First a reality. However, despite the majority of American resources going into Europe in 1944, the U.S. still had sufficient resources to mount several major military operations in the Pacific that year: Saipan (June 1944); Guam", + "score": 0.703125 + }, + { + "id": "7145896", + "title": "Germany\u2013United Kingdom relations", + "text": "summer 1940, but the aerial assault was repulsed, which stopped Operation Sealion, the plans for the invasion of Britain. The British Empire was standing alone against Germany, but the United States greatly funded and supplied the British. In December 1941, United States entered the war against Germany and Japan after the attack on Pearl Harbor by Japan, which also later overwhelmed British outposts in the Pacific from Hong Kong to Singapore. The Allied invasion of France on D-Day in June 1944 as well as strategic bombing and land forces all contributed to the final defeat of Germany. As part of", + "score": 0.703125 + }, + { + "id": "7132619", + "title": "Germany\u2013United States relations", + "text": "of refugees from Germany to the U.S. was relatively small during the 1930s, many intellectuals did escape and resettled in the United States. Many were Jewish. Catholic universities were strengthened by the arrival of German Catholic intellectuals in exile, such as Waldemar Gurian at Notre Dame. Hollywood edited films for Nazi Germany. As Second World War began in September 1939, the U.S. was officially neutral until December 11, 1941 when Germany declared war on the U.S. Franklin Roosevelt's foreign policy strongly favored Britain (and France) over Germany in 1939\u201341. The United States played a central role in the defeat of", + "score": 0.701171875 + }, + { + "id": "2561019", + "title": "16th Armored Division (United States)", + "text": "port call. They sailed from the New York Port of Embarkation on 5 February 1945. The 16th Armored Division arrived in France in stages between 11 and 17 February 1945, and processed into the European Theater of Operations. They had been assigned to the Fifteenth United States Army on 29 January 1945, but were waiting for an assignment to a unit actually involved in fighting. The division was assigned to Third United States Army on 17 April 1945, and entered Germany on 19 April 1945. It crossed the Rhine at Mainz, and relieved the 71st Infantry Division at N\u00fcrnberg on", + "score": 0.701171875 + }, + { + "id": "16508071", + "title": "Thomas H. Robbins Jr.", + "text": "as navigator of the aircraft carrier from 1939 to 1940, followed by duty in 1940 and 1941 as aviation officer on the staff of the Commander, Scouting Force, and Commander, Task Force 3. Later in 1941 he became the Chief of Naval Operations liaison officer to the Commanding General of the Army Air Forces Command in Washington, D.C., the position he held when the United States entered World War II on 7 December 1941. In 1942, Robbins became liaison officer from Headquarters, Commander-in-Chief, United States Fleet, to the U.S. Army Air Forces Combat Command in Washington, D.C. Later in 1942,", + "score": 0.70068359375 + }, + { + "id": "5081545", + "title": "The Darkest Hour", + "text": "from October 1940 when it defeated the Italian troops until June 1941 when Crete surrendered to the Germans. Winston Churchill and Charles de Gaulle both praised Greece's exceptional heroism at a point where many peoples were subjugated and the Axis seemed unbeatable. The United States did not formally become involved in the war on the Allied side until after the attack on Pearl Harbor by the Japanese on December 7, 1941. However, President Franklin D. Roosevelt clearly sympathized with Britain and other opponents of Germany, and did what he could to quietly assist them within the confines of existing U.S.", + "score": 0.70068359375 + }, + { + "id": "7290378", + "title": "William Hood Simpson", + "text": "24, 1945, north of the Ruhr industrial area and on April 19 the Ninth Army made contact with Lieutenant General Courtney Hodges' First United States Army, making a complete encirclement of the Ruhr. On April 4, it had reverted to Bradley's 12th Army Group. The Ninth was the first American field army across the Elbe, on April 12, 1945. The Ninth Army continued its advance into Germany until the end of World War II in Europe on May 8, 1945, Victory in Europe Day. Simpson returned to the United States for a rest a month later, in June 1945. Dwight", + "score": 0.7001953125 + }, + { + "id": "4457445", + "title": "First engagement of neutral United States in World War II before the attack on Pearl Harbor", + "text": "First engagement of neutral United States in World War II before the attack on Pearl Harbor Scholars have identified various events as being the first engagement of neutral United States in World War II before the attack on Pearl Harbor. They disagree on which events led to formal entry of the United States into the conflict. The first American hostile action against Axis forces was on 10 April 1941, when the destroyer attacked a German U-boat the U-52 that had just sunk a Dutch freighter \"Saleier\". \"Niblack\" was picking up survivors of the freighter when it detected a U-boat preparing", + "score": 0.7001953125 + }, + { + "id": "3358935", + "title": "Causes of World War II", + "text": "war, the Imperial Japanese Navy attacked Pearl Harbor with the aim of destroying the main American battle fleet at anchor. At the same time, other Japanese forces attacked the U.S.-held Philippines and the British Empire in Malaya, Singapore, and Hong Kong. The USA and the United Kingdom to declare war upon Japan the next day. Four days later the U.S was brought into the European war when on December 11, 1941, Nazi Germany and Fascist Italy declared war on the United States. Hitler chose to declare that the Tripartite Pact required that Germany follow Japan's declaration of war; although American", + "score": 0.7001953125 + }, + { + "id": "14089850", + "title": "Strategic Command (video game series)", + "text": "the \"random\" option, neutral states may decide to join the war depending on current situation, while \"historical\" means joining the war on an exact, historical date, regardless of the circumstances (for example, the USA will always become an Allied country on December 8, 1941). With the \"neutral\" option, those states won't join the war, unless it will be directly declared against them. \"Strategic Command 2: Blitzkrieg\", released in 2006, was the first game in the series using maps divided into squares (or \"tiles\"), once again focusing on the European Theater of World War II (although a free \"Global War\" campaign", + "score": 0.69970703125 + }, + { + "id": "3958878", + "title": "USS Upshur (DD-144)", + "text": "to Reykjav\u00edk. This convoy was the first one assisted by the United States Navy in the Battle of the Atlantic. This mission proved to be only the beginning of American escort operations prior to the formal entry of the United States into World War II, as ships of the Support Force escorted 14 convoys between 16 September and 30 October. As the months wore on, clashes of American warships with German submarines grew in frequency and intensity. was damaged by a German torpedo on 17 October, and suffered a similar fate on the 30th. The next day, was sunk by", + "score": 0.69921875 + }, + { + "id": "9129946", + "title": "Hubert Zemke", + "text": "tactics of both the RAF and the Luftwaffe, observations that he would use later when the United States entered the war. In 1941, he was sent to the Soviet Union to instruct Russian pilots in flying lend-lease P-40 Tomahawks. In February 1942, after the United States' entry into World War II, Zemke desired to join a USAAF unit and made his way back to the United States through Iran and Egypt. After several temporary assignments, including tests of the new P-47 Thunderbolt, Zemke, by then a major, became group commander of the 56th Fighter Group\u2014the first fighter group to fly", + "score": 0.69873046875 + }, + { + "id": "7979754", + "title": "German resistance to Nazism", + "text": "and the Communists. Little could be done while Hitler's armies advanced triumphantly into the western regions of the Soviet Union through 1941 and 1942 \u2013 even after the setback before Moscow in December 1941 that led to the dismissal of both Brauchitsch and Bock. In December 1941, the United States entered the war, persuading some more realistic army officers that Germany must ultimately lose the war. But the life-and-death struggle on the eastern front posed new problems for the resistance. Most of its members were conservatives who hated and feared communism and the Soviet Union. How could the Nazi regime", + "score": 0.6982421875 + }, + { + "id": "15819497", + "title": "United States Navy in World War II", + "text": "United States Navy in World War II The United States Navy grew rapidly during World War II from 1941\u201345, and played the central role in the war against Japan. It assisted the British Royal Navy in the naval war against Germany and Italy. The largest amphibious invasion of all time was the invasion of France in June 1944. The combatant warships were 79 percent British or Canadian, 17 percent American, and the remainder from other Allies. The U.S. Navy grew slowly in the years prior to World War II. International naval limitations on operation in the 1920s. Battleship production restarted", + "score": 0.6982421875 + }, + { + "id": "3358936", + "title": "Causes of World War II", + "text": "destroyers escorting convoys and German U-boats were already de facto at war in the Battle of the Atlantic. This declaration effectively ended isolationist sentiment in the U.S. and the United States immediately reciprocated, formally entering the war in Europe. Causes of World War II Among the causes of World War II were Italian fascism in the 1920s, Japanese militarism and invasion of China in the 1930s, and especially the political takeover in 1933 of Germany by Adolf Hitler and his Nazi Party and its aggressive foreign policy. The immediate cause was Germany invading Poland on September 1, 1939, and Britain", + "score": 0.69775390625 + }, + { + "id": "20687279", + "title": "Third and fourth terms of the presidency of Franklin D. Roosevelt", + "text": "talks between American and British military staff, codenamed \"ABC\u20131.\" In early 1941, American and British military planners jointly agreed to pursue a Europe first strategy. In July 1941, Roosevelt ordered Secretary of War Stimson to begin planning for total American military involvement. The resulting \"Victory Program\" provided the army's estimates of the mobilization of manpower, industry, and logistics necessary to defeat Germany and Japan. The program planned to dramatically increase aid to the Allied nations and to prepare a force of ten million men in arms, half of whom would be ready for deployment abroad in 1943. When Nazi Germany", + "score": 0.697265625 + }, + { + "id": "2581906", + "title": "Europe first", + "text": "(July 1944); Peleliu (September 1944); and the invasion of the Philippines at Leyte in October 1944. In 1944 and 1945, the balance of U.S. resources shifted heavily toward Europe as the Europe First strategy became a reality rather than just a stated objective. At war's end in Europe, the U.S. Army had 47 divisions in Europe and 21 divisions, plus 6 Marine Corps divisions, in the Pacific. Seventy-eight percent of Army and Army Air Force manpower was deployed against Germany versus 22 percent deployed in the Pacific. The plan to invade Japan envisioned that 15 of the European divisions would", + "score": 0.6953125 + }, + { + "id": "2581897", + "title": "Europe first", + "text": "than the necessity of engaging in prolonged conversations. . . . This understanding, which included a recognition that Germany was the main enemy and that the major effort would be made initially in Europe, was obviously not applicable in the present situation. Of first importance now was the necessity to check the Japanese.\" Nonetheless, Marshall and other U.S. generals advocated the invasion of northern Europe in 1943, which the British rejected. After Churchill pressed for a landing in French North Africa in 1942, Marshall suggested instead to Roosevelt that the U.S. abandon the Germany-first strategy and take the offensive in", + "score": 0.6953125 + }, + { + "id": "8794162", + "title": "My Opposition", + "text": "When Poland was attacked in 1939, followed by attacks on Denmark, Norway, The Netherlands, Belgium and France, Kellner looked to the United States to come to Europe's aid. He could not understand why the United States acted so late to enter the war. On 25 June 1941, a few days after Operation Barbarossa and six months before Japan's surprise attack on Pearl Harbor, he wrote: When will this insanity be brought to an end? When will the intoxication of victory turn into a terrible hangover? Now is a unique chance for England and America to take the initiative, but not", + "score": 0.69482421875 + }, + { + "id": "4239283", + "title": "United States non-interventionism", + "text": "moved closer to war in the late 1930s, the United States Congress continued to demand American neutrality. Between 1936 and 1937, much to the dismay of President Roosevelt, Congress passed the Neutrality Acts. For example, in the final Neutrality Act, Americans could not sail on ships flying the flag of a belligerent nation or trade arms with warring nations. Such activities had played a role in American entrance into World War I. On September 1, 1939, Germany invaded Poland; Britain and France subsequently declared war on Germany, marking the start of World War II. In an address to the American", + "score": 0.69482421875 + }, + { + "id": "3705586", + "title": "Hollywood Victory Committee", + "text": "to World War II America adopted an isolationist policy and sought to avoid involvement in the growing conflicts in Europe. During World War I, war had become more violent and all-encompassing for those nations involved. Casualties from the new styles of war skyrocketed. Americans were disillusioned with war and they needed to be quickly convinced to join the conflict. With the bombing of Pearl Harbor on December 7, 1941 and America\u2019s entrance into the war, something had to be done to convert America\u2019s isolationist citizens. On December 18, 1941 President Roosevelt addressed Hollywood and asked them to help change Americans", + "score": 0.6943359375 + }, + { + "id": "454825", + "title": "World War II", + "text": "any direct military intervention in the conflict well into 1941. In December 1940 Roosevelt accused Hitler of planning world conquest and ruled out any negotiations as useless, calling for the United States to become an \"arsenal of democracy\" and promoting Lend-Lease programmes of aid to support the British war effort. The United States started strategic planning to prepare for a full-scale offensive against Germany. At the end of September 1940, the Tripartite Pact formally united Japan, Italy and Germany as the Axis Powers. The Tripartite Pact stipulated that any country, with the exception of the Soviet Union, which attacked any", + "score": 0.69384765625 + }, + { + "id": "2581904", + "title": "Europe first", + "text": "Zealand in February and March 1942 at the request of Prime Minister Churchill so that divisions from those countries could remain on operations in the Middle East. Through this sizeable deployment to the Pacific, the U.S. aided the Europe First strategy by defending Australia and New Zealand and thus enabling experienced troops from those countries to remain deployed against German forces. Nonetheless, the inability of the two allies to mount an invasion of German-controlled northern Europe in 1943 permitted the U.S. to maintain more military forces arrayed against Japan than Germany during the first two years the U.S. was in", + "score": 0.69384765625 + }, + { + "id": "4712591", + "title": "Timeline of United States military operations", + "text": "attacking German submarines. In November, in response to the October 31, 1941 sinking of , the Neutrality Act was partly repealed to protect U.S. military aid to Britain. 1941\u20131945: World War II: On December 8, 1941, the United States declared war against Japan in response to the bombing of Pearl Harbor. On December 11, Germany and Italy declared war against the United States. 1945: China: In October 50,000 U.S. Marines were sent to North China to assist Chinese Nationalist authorities in disarming and repatriating the Japanese in China and in controlling ports, railroads, and airfields. This was in addition to", + "score": 0.693359375 + }, + { + "id": "111439", + "title": "Europe", + "text": "Soviets, and signed the Molotov\u2013Ribbentrop Pact, which allowed the Soviets to invade the Baltic states and parts of Poland and Romania. Germany invaded Poland on 1 September 1939, prompting France and the United Kingdom to declare war on Germany on 3 September, opening the European Theatre of World War II. The Soviet invasion of Poland started on 17 September and Poland fell soon thereafter. On 24 September, the Soviet Union attacked the Baltic countries and later, Finland. The British hoped to land at Narvik and send troops to aid Finland, but their primary objective in the landing was to encircle", + "score": 0.69287109375 + }, + { + "id": "20687225", + "title": "First and second terms of the presidency of Franklin D. Roosevelt", + "text": "industry on a cash-and-carry basis, as allowed by law. Most of the aircraft ordered had not arrived in France by the time of its collapse in May 1940, so Roosevelt arranged for French orders to be sold to the British. World War II began in September 1939 with Germany's invasion of Poland, as France and Britain declared war in response. Western leaders were stunned when the Soviet Union and Germany split control of Poland; the two powers had reached a non-aggression pact in August 1939, which contained a secret protocol for the partition of Poland. Though few Americans wanted to", + "score": 0.6923828125 + }, + { + "id": "619070", + "title": "History of North America", + "text": "in the successful Normandy invasion. Two Mexican tankers, transporting oil to the United States, were attacked and sunk by the Germans in the Gulf of Mexico waters, in 1942. The incident happened in spite of Mexico's neutrality at that time. This led Mexico to declare war on the Axis nations and enter the conflict. The destruction of Europe wrought by the war vaulted all North American countries to more important roles in world affairs. The United States especially emerged as a \"superpower\". The early Cold War era saw the United States as the most powerful nation in a Western coalition", + "score": 0.69140625 + }, + { + "id": "454844", + "title": "World War II", + "text": "declare war on Japan, whereas the Soviet Union, being heavily involved in large-scale hostilities with European Axis countries, maintained its neutrality agreement with Japan. Germany, followed by the other Axis states, declared war on the United States in solidarity with Japan, citing as justification the American attacks on German war vessels that had been ordered by Roosevelt. On 1 January 1942, the Allied Big Four\u2014the Soviet Union, China, the United Kingdom and the United States\u2014and 22 smaller or exiled governments issued the Declaration by United Nations, thereby affirming the Atlantic Charter, and agreeing to not to sign a separate peace", + "score": 0.69091796875 + }, + { + "id": "454815", + "title": "World War II", + "text": "September 1939, Germany invaded Poland after having staged several false flag border incidents as a pretext to initiate the attack. The Battle of Westerplatte is often described as the first battle of the war. The United Kingdom responded with an ultimatum to Germany to cease military operations, and on 3 September, after the ultimatum was ignored, France, the United Kingdom, Australia, and New Zealand declared war on Germany. This alliance was joined by South Africa (6 September) and Canada (10 September). The alliance provided no direct military support to Poland, outside of a cautious French probe into the Saarland. The", + "score": 0.68994140625 + }, + { + "id": "540341", + "title": "Axis powers", + "text": "Italy, as it allowed the United States to join the war in Europe and North Africa without any limitation. On the other hand, American destroyers escorting convoys had been effectively intervening in the Battle of the Atlantic with German and Italian ships and submarines, and the immediate war declaration made the Second Happy Time possible for U-boats. The US had effectively abandoned its strictly neutral stance in March 1941 with the beginning of Lend-Lease. The US destroyer Reuben James was torpedoed and sunk by the submarine U-552 on 31 October 1941. Franklin D. Roosevelt had said in his Fireside Chat", + "score": 0.689453125 + }, + { + "id": "7511896", + "title": "War Comes to America", + "text": "World War II is then described, beginning in 1931 with the Japanese invasion of Manchuria. The film examines how American public opinion gradually changed from one of isolationism to one of support for the Allied cause, and demonstrates this using a series of Gallup polls. In 1936, public opinion is firmly isolationist, with 95% of Americans answering NO to the question \"If another world war develops in Europe, should America take part again?\". Congress responded with an arms embargo and a \"Cash and carry rule\" when trading with belligerents in raw materials. In September 1937, the question \"In the current", + "score": 0.68896484375 + }, + { + "id": "7529844", + "title": "Military history of the United States during World War II", + "text": "The USS \"Reuben James\" was sunk by \"U-552\" on 31 October 1941. On 11 December 1941, Adolf Hitler and Nazi Germany , the same day that the United States declared war on Germany and Italy. The established grand strategy of the Allies was to defeat Germany and its allies in Europe first, and then focus could shift towards Japan in the Pacific. This was because two of the Allied capitals (London and Moscow) could be directly threatened by Germany, but none of the major Allied capitals were threatened by Japan. Germany was the United Kingdom's primary threat, especially after the", + "score": 0.6884765625 + }, + { + "id": "9013278", + "title": "Presidency of Franklin D. Roosevelt", + "text": "minister in May 1940. Germany invaded Denmark and Norway in April 1940 and invaded the Low Countries and France in May. As France's situation grew increasingly desperate, Churchill and French Prime Minister Paul Reynaud appealed to Roosevelt for an American entry into the war, but Roosevelt was still unwilling to challenge the isolationist sentiment in the United States. With France on the verge of defeat, Italy also launched an invasion of France. France surrendered on June 22, resulting in the division of France into a German-controlled zone and a partially occupied area known Vichy France. Roosevelt tried to work with", + "score": 0.68701171875 + }, + { + "id": "454862", + "title": "World War II", + "text": "line in mid-November. German operations in the Atlantic also suffered. By May 1943, as Allied counter-measures became increasingly effective, the resulting sizeable German submarine losses forced a temporary halt of the German Atlantic naval campaign. In November 1943, Franklin D. Roosevelt and Winston Churchill met with Chiang Kai-shek in Cairo and then with Joseph Stalin in Tehran. The former conference determined the post-war return of Japanese territory and the military planning for the Burma Campaign, while the latter included agreement that the Western Allies would invade Europe in 1944 and that the Soviet Union would declare war on Japan within", + "score": 0.68701171875 + }, + { + "id": "4432514", + "title": "World War II by country", + "text": "their liberation in 1945, the Dutch fought alongside the Allies around the globe, from the battles in the Pacific to the Battle of Britain. On the islands of Aruba and Cura\u00e7ao (Netherlands West Indies) a large oil refinery was of major importance for the war effort in Europe, especially after D-day. As protection, a considerable U.S. military force was stationed on the island. New Zealand declared war on 3 September 1939, backdating the date to the time of Britain's declaration. New Zealand sent one Army division that served in Greece, North Africa, and Italy, and it offered a fair number", + "score": 0.6865234375 + }, + { + "id": "20687328", + "title": "Third and fourth terms of the presidency of Franklin D. Roosevelt", + "text": "urged an Anglo-American invasion of German-occupied France in order to divert troops from the Eastern front. Churchill in particular was reluctant to commit troops in Europe in 1942, and strongly favored launching a campaign designed to expel the Axis Powers from North Africa and to consolidate Allied power in the Mediterranean. General Marshall and Admiral King opposed the decision to prioritize North Africa, which they saw as relatively unimportant to the overall war. Roosevelt overrode their objections, as he wanted the U.S. commit ground forces in the European theater, in 1942, and with British cooperation. The Allies invaded French North", + "score": 0.6865234375 + }, + { + "id": "13700737", + "title": "Curtis W. Howard", + "text": "to lieutenant, junior grade, to rank from 8 June 1941. The United States entered World War II on 7 December 1941. After an Imperial Japanese Navy submarine torpedoed \"Saratoga\" on 11 January 1942 and \"Saratoga\"s subsequent departure for repairs at Puget Sound Navy Yard at Bremerton, Washington, Torpedo Squadron 3 was based ashore, first at Naval Air Station Pearl Harbor on Ford Island in Pearl Harbor, Territory of Hawaii, standing alert duty for defense of the island of Oahu, then at Naval Air Station Kaneohe Bay, Hawaii, whence the squadron trained and continued to stand alerts. On 30 May 1942,", + "score": 0.6865234375 + }, + { + "id": "1549619", + "title": "Empire of Japan", + "text": "to establish its long-planned Southeast Asian empire and defensible buffer zones. The American public saw the attack as a treacherous act and rallied against the Japanese. Four days later, Adolf Hitler of Germany, and Benito Mussolini of Italy declared war on the United States, merging the separate conflicts. The United States entered the European Theatre and Pacific Theater in full force, thereby bringing the United States to World War II on the side of the Allies. Following the attack on Pearl Harbor, the Japanese launched offensives against Allied forces in East and Southeast Asia, with simultaneous attacks in British Hong", + "score": 0.68603515625 + }, + { + "id": "15849692", + "title": "Naval history of World War II", + "text": "carriers, 72 cruisers, over 232 submarines, 377 destroyers, and thousands of amphibious, supply and auxiliary ships. The American war plan was \"Rainbow 5\" and was completed on 14 May 1941. It assumed that the United States was allied with Britain and France and provided for offensive operations by American forces in Europe, Africa, or both. The assumptions and plans for Rainbow 5 were discussed extensively in the Plan Dog memo, which concluded ultimately that the United States would adhere to a Europe first strategy, making the war against Germany a higher priority than the war against Japan. However President Roosevelt", + "score": 0.68603515625 + }, + { + "id": "20687264", + "title": "Third and fourth terms of the presidency of Franklin D. Roosevelt", + "text": "Harbor. In response, Congress declared war on Japan and, eventually, Germany and Italy. Along with Britain, China, and the Soviet Union, the United States became a leading member of the Allied Powers. In consultation with military officials and British Prime Minister Winston Churchill, Roosevelt decided on a Europe first strategy, which focused on defeating Germany before Japan. Rather than immediately launching an invasion of occupied France or other parts of Europe, Britain and the U.S. began the campaign against Germany with an invasion of North Africa. After some initial difficulties, Allied forces compelled the surrender of Axis forces in North", + "score": 0.68603515625 + }, + { + "id": "454787", + "title": "World War II", + "text": "late 1939 to early 1941, in a series of campaigns and treaties, Germany conquered or controlled much of continental Europe, and formed the Axis alliance with Italy and Japan. Under the Molotov\u2013Ribbentrop Pact of August 1939, Germany and the Soviet Union partitioned and annexed territories of their European neighbours, Poland, Finland, Romania and the Baltic states. Following the onset of campaigns in North Africa and East Africa, and the fall of France in mid 1940, the war continued primarily between the European Axis powers and the British Empire. War in the Balkans, the aerial Battle of Britain, the Blitz, and", + "score": 0.6845703125 + }, + { + "id": "2581890", + "title": "Europe first", + "text": "Prime Minister Winston Churchill in Washington, shortly after the United States entered the War, the decision for the \"Europe First\" strategy was affirmed. However, U.S. statistics show that the United States devoted more resources in the early part of the war to stopping the advance of Japan, and not until 1944 was a clear preponderance of U.S. resources allocated toward the defeat of Germany. Germany was the United Kingdom's primary threat, especially after the Fall of France in 1940, which saw Germany overrun most of the countries of Western Europe, leaving the United Kingdom alone to combat Germany. Germany's planned", + "score": 0.6845703125 + }, + { + "id": "2208547", + "title": "European theatre of World War II", + "text": "put 1,000 bombers over one German city. During the beginning raids of Operation Barbarossa the Luftwaffe wiped out the majority of the Soviet air forces. The Soviets would only regain their air wing later in the war with the help of the United States. From 1942 onwards, the efforts of Bomber Command were supplemented by the Eighth Air Force of the United States Army Air Forces, U.S. Army Air Forces units being deployed to England to join the assault on mainland Europe on 4 July 1942. Bomber Command raided by night and the US forces by day. The \"Operation Gomorrah\"", + "score": 0.6845703125 + }, + { + "id": "4432458", + "title": "World War II by country", + "text": "Germany, led by Adolf Hitler, was the primary Axis Power in the European Theatre. German forces instigated the war in September 1939 by invading Poland. Poland was divided with the Soviet Union. The Phony War ensued and in the spring of 1940 German forces invaded and conquered Denmark, Norway, France, Belgium, Luxembourg and the Netherlands. Attempts to subdue the United Kingdom by air in the summer of 1940 failed and a planned invasion was called off. In the summer of 1941 Germany turned its forces east by invading the Soviet Union. The Eastern Front became the main theatre of war", + "score": 0.6845703125 + }, + { + "id": "17381056", + "title": "Diplomatic history of World War II", + "text": "on the Atlantic Charter, which proclaimed \"the rights of all peoples to choose the form of government under which they live\" should be respected. This wording was ambiguous and would be interpreted differently by the British, Americans, and nationalist movements. Starting in December 1941, Japan overran British possessions in Asia, including Hong Kong, Malaya, and especially the key base at Singapore, and marched into Burma, headed toward India. Churchill's reaction to the entry of the United States into the war was that Britain was now assured of victory and the future of the empire was safe, but the rapid defeats", + "score": 0.6845703125 + }, + { + "id": "409441", + "title": "Total war", + "text": "were stepped up significantly. The collapse of France and the airborne aggression directed at Great Britain unsettled the Americans, who had close relations with both nations, and a peacetime draft was instituted, along with Lend-Lease programs to aid the British, and covert aid was passed to the Chinese as well. American public opinion was still opposed to involvement in the problems of Europe and Asia, however. In 1941, the Soviet Union became the latest nation to be invaded, and the U.S. gave her aid as well. American ships began defending aid convoys to the Allied nations against submarine attacks, and", + "score": 0.68359375 + }, + { + "id": "4432516", + "title": "World War II by country", + "text": "In the South West Pacific theater, the RNZAF participated in a unique force, AirSols, in the Solomon Islands, consisting of squadrons from the U.S. Marine Corps, U.S. Navy, USAAF, and RNZAF, with occasional help from the Royal Australian Air Force. During World War II the Dominion of Newfoundland was governed directly by the United Kingdom. It joined the war on 4 September 1939, declaring war on Germany. The defenses of Newfoundland, and the Newfoundland Home Guard forces, were integrated with the Canadian military, and both governments agreed to form a joint coastal defense organization. As part of the Anglo-American Destroyers", + "score": 0.68359375 + }, + { + "id": "454809", + "title": "World War II", + "text": "Soviets, this policy would prove difficult to maintain. Japan and the Soviet Union eventually signed a Neutrality Pact in April 1941, and Japan adopted the doctrine of Nanshin-ron, promoted by the Navy, which took its focus southward, eventually leading to its war with the United States and the Western Allies. In Europe, Germany and Italy were becoming more aggressive. In March 1938, Germany annexed Austria, again provoking little response from other European powers. Encouraged, Hitler began pressing German claims on the Sudetenland, an area of Czechoslovakia with a predominantly ethnic German population. Soon the United Kingdom and France followed the", + "score": 0.68310546875 + }, + { + "id": "19602576", + "title": "169th Infantry Regiment (United States)", + "text": "officer, and 2,219 enlisted men. The Attack on Pearl Harbor on 7 December 1941 marked the entry of the United States in the Second World War. On 11 December 1941, 22 officers and 700 enlisted men of the 169th were transferred to the 102nd Regiment, who were detached from the 43rd Infantry Division. At Camp Shelby, Mississippi, the 169th received 900 new recruits on 21 February 1942 and began training them right away. Another 900 raw recruits were received on 22 May 1942. On 30 September 1942, the 169th Infantry Regiment left San Francisco, California and sailed to New Zealand", + "score": 0.68212890625 + }, + { + "id": "4882570", + "title": "United States European Command", + "text": "the Korean War began, the perceived threat to Europe grew. In early 1951, NATO established Allied Command Europe. General Dwight D. Eisenhower was called from retirement to become the first Supreme Allied Commander Europe. The United States sent massive reinforcements to Europe to deter the Soviet Union. From 1950 to 1953 United States military personnel in Europe grew from 120,000 to over 400,000. United States Air Forces in Europe grew from three groups with 35,000 personnel to eleven wings with 136,000 personnel. Sixth Fleet in the Mediterranean doubled to more than 40 warships. United States Army, Europe, grew from one", + "score": 0.68212890625 + }, + { + "id": "11911914", + "title": "Ernest N. Harmon", + "text": "Chaffee Jr. during Chaffee's command of the Army's newly-organized Armored Force. The United States entered World War II in December 1941, after the Japanese attack on Pearl Harbor. For nine months, from July 1942 until April 1943, Harmon commanded the 2nd Armored Division and trained the division for overseas service. Elements of the 2nd Armored Division began to arrive in Algeria, French North Africa, in November 1942, as part of Operation Torch. Upon landing in Algiers, Harmon was delegated by General Dwight D. \"Ike\" Eisenhower, the Supreme Allied Commander in North Africa, to travel to the front to report on", + "score": 0.68212890625 + }, + { + "id": "17294670", + "title": "Russell P. Hartle", + "text": "military assault by Germany against England. On August 5, 1941, Hartle was promoted to the two-star rank of major general and placed in command of the 34th Infantry Division, an Army National Guard formation, while the 34th was on maneuvers in Louisiana. Following the Japanese attack on Pearl Harbor on December 7, 1941, and the German declaration of war against the United States on December 11, 1941, war plan MAGNET Force was activated. Pursuant to that war plan, in January 1942, the 34th Division under Hartle\u2019s command was the first U.S. division shipped overseas\u2013to Northern Ireland to begin the European", + "score": 0.68212890625 + }, + { + "id": "5500608", + "title": "Allies of World War II", + "text": "August 1941 promulgated the Atlantic Charter that pledged commitment to achieving \"the final destruction of Nazi tyranny\". Signing the Atlantic Charter, and thereby joining the \"United Nations\" was the way a nation joined the Allies, and also became eligible for membership in the United Nations world body that formed in 1945. The US strongly supported the Nationalist Government in China in its war with Japan, and provided military equipment, supplies, and volunteers to the Nationalist Government of China to assist in its war effort. In December 1941 Japan opened the war with its attack on Pearl Harbor, the US declared", + "score": 0.681640625 + }, + { + "id": "17381055", + "title": "Diplomatic history of World War II", + "text": "all of them (Australia, Canada, New Zealand, and South Africa) soon declared war on Germany. The fears in London that South Africa would take the advice of Prime Minister J. B. M. Hertzog and remain neutral were relieved when the parliament voted 80 to 67 for war, and Hertzog resigned. After the French defeat in June 1940, Britain and its empire stood alone in combat against Germany, until June 1941. The United States gave strong diplomatic, financial and material support, starting in 1940, especially through Lend Lease, which began in 1941, In August 1941, Churchill and Roosevelt met and agreed", + "score": 0.68115234375 + }, + { + "id": "12559783", + "title": "Henry T. Waskow", + "text": "before rejoining his unit at Camp Edwards in Falmouth, Massachusetts. While there, he was promoted to captain. In early April 1943, sixteen months after the Japanese attack on Pearl Harbor, on December 7, 1941 and the subsequent German declaration of war on the United States, four days later, which brought the United States into World War II, the 36th Division, commanded by Major General Fred L. Walker, a distinguished World War I veteran, was shipped from New York Harbor to Oran, Algeria, and was then stationed in Rabat in Morocco. The division, originally slated to participate in \"Operation Husky\", the", + "score": 0.68115234375 + }, + { + "id": "17224053", + "title": "Pact Ribbentrop - Beck", + "text": "on Western Europe. After capturing Paris, and defeating Belgium, the Netherlands, Norway, Denmark and France, on June 21, 1941, the Wehrmacht, together with the Polish Army, invade the Soviet Union. By the winter of 1941/42, the Soviet Union ceases to exist. Poland and Germany divide its territory, but soon afterwards, mutual relationships deteriorate. At the same time, Germany keeps fighting the United Kingdom and the United States. This war is costly, and by 1944, all main units of the Wehrmacht are in Western Europe, fighting the Anglo-Americans, who had landed in France in summer 1944. In those circumstances, Warsaw begins", + "score": 0.68115234375 + } + ], + "answer": "The US officially entered the Second World War in Europe on 7 December 1941 after the attack on Pearl Harbor. President Roosevelt signed the Lend-Lease Act into law on 11 March 1941, which supplied Britain, the Soviet Union, and China with war material and deployed the US military. Following the Greer Incident, which was when a German submarine fired upon the Greer, Roosevelt publicly confirmed the \"shoot on sight\" order on 11 September 1941, effectively entering the US in the Second World War in Europe." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who from Texas wrote brown eyes by destiny's child?", + "short_answers": [ + "Beyonc\u00e9 Giselle Knowles-Carter", + "Beyonc\u00e9 Knowles" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who from Brazil wrote brown eyes by destiny's child?", + "short_answers": [ + "Walter Afanasieff" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Brown eyes (disambiguation)", + "url": "https://en.wikipedia.org/wiki/Brown%20eyes%20%28disambiguation%29" + }, + { + "title": "Survivor (Destiny's Child album)", + "url": "https://en.wikipedia.org/wiki/Survivor%20%28Destiny%27s%20Child%20album%29" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "\"Brown Eyes\" (includes \"The Story of Beauty\" prelude)\t\nB. KnowlesWalter Afanasieff\nB. Knowles[a]Afanasieff", + "wikipage": "Survivor (Destiny's Child album)" + } + ], + "long_answer": "\"Brown Eyes\" is a song by Destiny's Child lead singer Beyonc\u00e9 Giselle Knowles-Carter written and produced by Beyonc\u00e9 and Walter Afanasieff." + }, + { + "knowledge": [ + { + "content": "Beyonc\u00e9 Giselle Knowles-Carter (/bi\u02d0\u02c8j\u0252nse\u026a/ bee-YON-say; n\u00e9e Knowles; born September 4, 1981)[6] is an American singer and actress. Born and raised in Houston, Texas, Beyonc\u00e9 performed in various singing and dancing competitions as a child.", + "wikipage": "Beyonc\u00e9" + }, + { + "content": "Walter Afanasieff (born Vladimir Nikitich Afanasiev; February 10, 1958),[1] formerly nicknamed Baby Love in the 1980s, is a Brazilian-American musician, songwriter, record producer and composer of Russian descent.", + "wikipage": "Walter Afanasieff" + }, + { + "content": "Afanasieff was born Vladimir Nikitich Afanasiev[3] (Russian: \u0412\u043b\u0430\u0434\u0438\u043c\u0438\u0440 \u041d\u0438\u043a\u0438\u0442\u0438\u0447 \u0410\u0444\u0430\u043d\u0430\u0441\u044c\u0435\u0432) in S\u00e3o Paulo, SP, Brazil, to Russian parents Nikita and Tatiana.", + "wikipage": "Walter Afanasieff" + }, + { + "content": "\"Brown Eyes\", a song by Destiny's Child from Survivor, lead singer Beyonc\u00e9 Knowles", + "wikipage": "Brown eyes (disambiguation)" + }, + { + "content": "Survivor is the third studio album by American girl group Destiny's Child.", + "wikipage": "Survivor (Destiny's Child album)" + }, + { + "content": "Aside from Carey and Dion, Afanasieff has also written and produced music for many other recording artists as well, such as Richard Marx, Whitney Houston, Thal\u00eda, Lionel Richie, Luther Vandross, George Benson, Destiny's Child, Kenny G, Michael Bolton, Toni Braxton, Andrea Bocelli, Johnny Mathis, Kenny Loggins, Barbra Streisand, Christina Aguilera, Ricky Martin, Leona Lewis, Idina Menzel and Lara Fabian.", + "wikipage": "Walter Afanasieff" + } + ], + "long_answer": "Destiny's Child's song Brown Eyes from their album Survivor was written by both Beyonc\u00e9 Knowles, an American singer and actress born and raised in Houston, Texas, and Walter Afanasieff, a Brazilian-American musician, songwriter, record producer, and composer born in S\u00e3o Paulo, Brazil, who has written and produced music for many recording artists." + } + ], + "sample_id": "6619094979746662600", + "question": "Who wrote brown eyes by destiny's child?", + "docs": [ + { + "id": "20028265", + "title": "Brown Eyes (song)", + "text": "Brown Eyes (song) \"Brown Eyes\" is a song by Fleetwood Mac from the 1979 double LP \"Tusk\". It was one of six songs composed and sung by Christine McVie. Original guitarist Peter Green also took part in the sessions for \"Brown Eyes\", but his playing on the track is not credited on the album. Mick Fleetwood, the band's drummer, remembers that Green still remained in contact with the band and would arrive in the studio from time to time. At Fleetwood's request, Green overdubbed electric guitar on \"Brown Eyes\". The session was dated September 20, 1979; and would later appear", + "score": 0.73388671875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about a song called \"Brown Eyes\" by Fleetwood Mac and its history, but it does not mention anything about Destiny's Child or the authorship of a song with that name." + }, + { + "id": "17250052", + "title": "Pretty Brown Eyes", + "text": "Pretty Brown Eyes \"Pretty Brown Eyes\" is a song by Australian-born United States-resident, pop singer, Cody Simpson. It is the lead single from his second studio album, \"Surfers Paradise\" (July 2013). It was released ahead of the album on 23 April, as a digital download in Australia. The song reached the top 100 on the Canadian, Irish and United Kingdom's singles charts. It was co-written by Simpson with songwriting duo, Timothy and Theron Thomas (brothers from Planet VI or Rock City) and Vasquez Castillo. A music video to accompany the release of \"Pretty Brown Eyes\" was first released onto YouTube", + "score": 0.7138671875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "17250053", + "title": "Pretty Brown Eyes", + "text": "on 22 April 2013, however the link was deleted or moved to private section, since August 2014. Pretty Brown Eyes \"Pretty Brown Eyes\" is a song by Australian-born United States-resident, pop singer, Cody Simpson. It is the lead single from his second studio album, \"Surfers Paradise\" (July 2013). It was released ahead of the album on 23 April, as a digital download in Australia. The song reached the top 100 on the Canadian, Irish and United Kingdom's singles charts. It was co-written by Simpson with songwriting duo, Timothy and Theron Thomas (brothers from Planet VI or Rock City) and Vasquez", + "score": 0.7119140625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "20028266", + "title": "Brown Eyes (song)", + "text": "on disc three of the deluxe edition of \"Tusk\", which contains alternate recordings of the album's 20 tracks. In a 1999 interview with the Penguin, Green admitted that he had no recollection of the recording session, likely due to his deteriorating health in the 70s. \"Brown Eyes\" was also performed on the Mirage Tour and the Shake the Cage Tour. Brown Eyes (song) \"Brown Eyes\" is a song by Fleetwood Mac from the 1979 double LP \"Tusk\". It was one of six songs composed and sung by Christine McVie. Original guitarist Peter Green also took part in the sessions for", + "score": 0.7099609375, + "summary": "Christine McVie wrote and sang \"Brown Eyes\" by Fleetwood Mac from the 1979 double LP \"Tusk\". Peter Green also took part in the sessions for the song.", + "extraction": "Irrelevant." + }, + { + "id": "1345702", + "title": "La Toya Jackson", + "text": "which peaked at number 56. Other singles from this album were \"Bet'cha Gonna Need My Lovin'\", \"Hot Potato\", and a cover of Prince's \"Private Joy.\" Jackson and Amir Bayyan co-wrote \"Reggae Nights\" for \"Heart Don't Lie\" but the track did not make the cut. Jimmy Cliff's recording of the song was a hit and was nominated for a Grammy. Cliff commissioned Jackson to write two more songs: \"Brown Eyes\" and \"American Sweet.\" In 1984, Jackson capitalized on her rising popularity by licensing her name to a fashion line; \"David Laurenz for La Toya.\" According to her three-year contract with the", + "score": 0.70263671875, + "summary": "La Toya Jackson co-wrote \"Brown Eyes\" for Jimmy Cliff, but the document does not specify who wrote it for Destiny's Child.", + "extraction": "La Toya Jackson wrote \"Brown Eyes\" by commission from Jimmy Cliff." + }, + { + "id": "8617413", + "title": "Don't It Make My Brown Eyes Blue", + "text": "Don't It Make My Brown Eyes Blue \"Don't It Make My Brown Eyes Blue\" is a song written by Richard Leigh, and recorded by American country music singer Crystal Gayle. It was released in March 1977 as the first single from Gayle's album \"We Must Believe in Magic\". Despite the title, Gayle herself has blue eyes. \"Don't It Make My Brown Eyes Blue\" composer Richard Leigh had been responsible for all three of Crystal Gayle's previous Top Ten C&W hits, the third of which \"I'll Get Over You\" had reached number 1. According to Gayle's regular producer Allen Reynolds, he", + "score": 0.7021484375, + "summary": "The song \"Don't It Make My Brown Eyes Blue\" was written by Richard Leigh and recorded by Crystal Gayle. This document is irrelevant to the question of who wrote \"Brown Eyes\" by Destiny's Child.", + "extraction": "Richard Leigh wrote \"Don't It Make My Brown Eyes Blue\" by Crystal Gayle." + }, + { + "id": "18133146", + "title": "Beautiful Brown Eyes", + "text": "Smith-Delmore version was published. Solomon Burke, the Brothers Four, Billy Walker, Connie Francis, Chet Atkins, and Roy Acuff. Beautiful Brown Eyes \"Beautiful Brown Eyes\" is a traditional country song. One of the best known versions of the song was originally arranged by Fiddlin' Arthur Smith & Alton Delmore of The Delmore Brothers in 1951. An award was presented to Alton Delmore for \"Beautiful Brown Eyes\" in 1951. The lyrics are sung from the perspective of a woman unlucky in love, divorced, remarried and will \"never love blue eyes again\". The following recordings are credited to Smith and Delmore only: The", + "score": 0.69970703125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "4009261", + "title": "Brown Eyed Girl", + "text": "Brown Eyed Girl \"Brown Eyed Girl\" is a song by Northern Irish singer and songwriter Van Morrison. Written by Morrison and recorded in March 1967 for Bang Records owner and producer Bert Berns, it was released as a single in June 1967 on the Bang label, peaking at number 10 on the \"Billboard\" Hot 100. It featured the Sweet Inspirations singing back-up vocals and is considered to be Van Morrison's signature song. \"Brown Eyed Girl\" has remained a staple on classic rock radio, and has been covered by hundreds of bands over the decades. After finishing his contract with Decca", + "score": 0.69580078125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "3643462", + "title": "Cissy Houston", + "text": "birth to daughter Whitney Houston, she formed the Sweet Inspirations with Doris Troy and niece Dee Dee Warwick. Later, under contract to Atlantic Records, Sylvia Shemwell, Estelle Brown and Myrna Smith form the line-up. During the mid-1960s, the Sweet Inspirations provided backup vocals for a variety of artists, including Otis Redding, Wilson Pickett, Lou Rawls, The Drifters, Dusty Springfield and Houston's niece Dionne Warwick. They appeared on Van Morrison's single \"Brown Eyed Girl\". Houston performed the operatic soprano melody on the Aretha Franklin hit, Ain't No Way. In 1967, The Sweet Inspirations sang background vocals for The Jimi Hendrix Experience", + "score": 0.69580078125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "18133145", + "title": "Beautiful Brown Eyes", + "text": "Beautiful Brown Eyes \"Beautiful Brown Eyes\" is a traditional country song. One of the best known versions of the song was originally arranged by Fiddlin' Arthur Smith & Alton Delmore of The Delmore Brothers in 1951. An award was presented to Alton Delmore for \"Beautiful Brown Eyes\" in 1951. The lyrics are sung from the perspective of a woman unlucky in love, divorced, remarried and will \"never love blue eyes again\". The following recordings are credited to Smith and Delmore only: The following credit Smith, Delmore and also Jerry Capehart (1928-1998) who would have only been 23 when the original", + "score": 0.6943359375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "15601192", + "title": "Peter Case (album)", + "text": "guitarist Mike Campbell, John Hiatt, drummers Jim Keltner and Jerry Marotta, Roger McGuinn, Van Dyke Parks, and his then-wife Victoria Williams, among others. Case wrote five of the songs on the LP, and co-wrote six others including three with Burnett, one with Burnett and Marotta, and one with Williams. One song features lyrics by Case with music originally written by Lightnin' Hopkins. The album closes with a cover of Shane MacGowan's \"Pair of Brown Eyes\", originally performed by MacGowan's band The Pogues. The song \"I Shook His Hand\" was originally performed live in a harder-rocking version with the Plimsouls. A", + "score": 0.69287109375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is about the Peter Case album and does not mention anything about Destiny's Child or the song \"Brown Eyes\"." + }, + { + "id": "3006685", + "title": "Bette Davis Eyes", + "text": "Bette Davis Eyes \"Bette Davis Eyes\" is a song written and composed by Donna Weiss and Jackie DeShannon, and made popular by American singer Kim Carnes. DeShannon recorded it in 1974; Carnes's 1981 version spent nine weeks at No. 1 on the \"Billboard\" Hot 100 and was \"Billboard\"s biggest hit of 1981. The song was written in 1974 by Donna Weiss and Jackie DeShannon. DeShannon recorded the song that same year on her album \"New Arrangement.\" In this original incarnation, the track is performed in an \"R&B lite\" arrangement, featuring a prominent uptempo piano part, as well as flourishes of", + "score": 0.68798828125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "14082486", + "title": "Los Ciegos Del Barrio", + "text": "another two-week tour; playing in all types of venues such as parks, schools, marketplaces, night clubs, nursing homes, orphanages and theatres. In 2007, another Los Ciegos del Barrio track, a bachata version of \"Brown Eyed Girl,\" sung by Derek Christopher Suarez, appeared on \"Sound insight: Volume 1,\" a compilation CD recorded and sponsored by the Performing Arts Division of the National Federation of the Blind (United States), which features different blind artists from around the US. In December 2009, Los Ciegos released their third album \"Por Que?...PorQue!\" which features the track \"Quitate del Medio,\" written and sung by Derek Christopher", + "score": 0.6875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "1457519", + "title": "Destiny's Child", + "text": "a part of the music ... Everybody is singing lead on every song, and it's so great\u2014because now Destiny's Child is at the point vocally and mentally that it should be at.\" Knowles, however, completely led songs like \"Brown Eyes\" and \"Dangerously in Love\". The group explored their lyrics to man-to-woman relationship, sisterhood and female empowerment anthems. \"Survivor\" contains themes interpreted by the public as a reference to the group's internal conflict. The title track, \"Survivor\", which set the theme used throughout the album, features the lyrics \"I'm not gonna blast you on the radio ... I'm not gonna lie", + "score": 0.6865234375, + "summary": "\"Brown Eyes\" was led by Knowles, but the document does not mention who wrote it.", + "extraction": "Knowles completely led songs like \"Brown Eyes\"." + }, + { + "id": "7339685", + "title": "Andre Harris", + "text": "Soulchild, Floetry, Will Smith, and Michael Jackson, to name a few. In 2000, Harris and fellow A Touch of Jazz alumnus Vidal Davis decided to go off on their own and work as Dre & Vidal. The two were inspired by another famous Philadelphia songwriter/producer duo \u2013 Gamble & Huff. The writing and producing duo is credited with creating hits for Usher (\"Caught Up\"), Chris Brown (\"Yo [Excuse Me Miss]), Ciara (\"Oh\"), Mariah Carey (\"Clown\"), Destiny's Child (\"T-Shirt\"), Musiq Soulchild (\"Love\"), Floetry (\"Say Yes\"), and Jill Scott (\"The Way\"), among others. They went on to win two Grammy Awards in", + "score": 0.68603515625, + "summary": "Destiny's Child's \"T-Shirt\" was written and produced by Dre & Vidal, a duo that has created hits for various artists.", + "extraction": "Dre & Vidal, who are credited with creating hits for various artists including Destiny's Child, wrote \"Brown Eyes\" by Destiny's Child." + }, + { + "id": "20537734", + "title": "Melanin Magic", + "text": "Request Live\" in November 2017. \"The next single is with Chris Brown,\" she said. \"'Melanin Magic,' aka 'Pretty Brown.' It's amazing.\" On January 16, 2018, Ma shared a snippet of the song on social media. The song samples Mint Condition's \"Breakin' My Heart (Pretty Brown Eyes)\", and was announced with a cover art contest, which allowed fans to vote on three different options. Ma explained in a video on Instagram that this song was meant to empower. \"I just wanted to make something to let people know that you're beautiful, you're pretty,\" she said. \"You can be brown skin, dark", + "score": 0.6845703125, + "summary": "The document is irrelevant to the question.", + "extraction": "\"Mint Condition's 'Breakin' My Heart (Pretty Brown Eyes)' was sampled in the song 'Melanin Magic' by Remy Ma and Chris Brown.\"" + }, + { + "id": "6938003", + "title": "Richard Leigh (songwriter)", + "text": "unless otherwise noted. Richard Leigh (songwriter) Richard Leigh (born 1951 in Washington, D.C.) is an American country music songwriter and singer. He is best known for penning \"Don't It Make My Brown Eyes Blue\" (sung by Crystal Gayle). In 1978 he received a Grammy Award for \"Best Country Song\" for the popular song. It was nominated in both pop and country categories and reached number one on both charts. His first number one song was \"I'll Get Over You\" (1976), also sung by Crystal Gayle. Other prominent singers who have brought his songs number one status over the years include", + "score": 0.6826171875, + "summary": "Richard Leigh wrote \"Don't It Make My Brown Eyes Blue\" sung by Crystal Gayle.", + "extraction": "Richard Leigh wrote \"Don't It Make My Brown Eyes Blue\" sung by Crystal Gayle." + }, + { + "id": "17984183", + "title": "Brown Eyes (band)", + "text": "to promotional activities abroad. In 2003 after the disbandment of Brown Eyes, Naul formed a separate group Brown Eyed Soul with three other members Jungyup, Young Jun, and Sang Hoon. Brown Eyes (band) Brown Eyes (Korean: \ube0c\ub77c\uc6b4\uc544\uc774\uc988) was a South Korean singing duo that debuted in 2001. They are considered one of South Korea's most important R&B groups, given their immense commercial success. Despite having no television appearances, Brown Eyes managed to have record sales of 640,000 and 618,026 for their first and second albums, respectively. In May 2002, Brown Eyes performed the Korean version of the Official Anthem along", + "score": 0.6826171875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention anything about Destiny's Child or who wrote the song \"Brown Eyes\" by Destiny's Child." + }, + { + "id": "5778130", + "title": "The Sweet Inspirations", + "text": "left in 1965, when her solo career began to take off. She was replaced by Myrna Smith. Estelle Brown joined the team soon after, and the line-up that was to become an Atlantic recording group was set. In a recording session on March 28, 1967, the Sweet Inspirations provided the back up vocals for Van Morrison on his classic hit \"Brown Eyed Girl\". It was released in June 1967 and rose to No. 10 on the \"Billboard\" Hot 100 charts. In October 2007, Morrison was awarded a Million-Air certificate by BMI for 8 million air plays of \"Brown Eyed Girl\".", + "score": 0.68212890625, + "summary": "The document mentions that the Sweet Inspirations provided backup vocals for Van Morrison's hit \"Brown Eyed Girl\" in a recording session on March 28, 1967. However, it does not answer the question of who wrote \"Brown Eyes\" by Destiny's Child.", + "extraction": "Irrelevant." + }, + { + "id": "2971708", + "title": "Crystal Gayle", + "text": "to record the jazz-flavored ballad, \"Don't It Make My Brown Eyes Blue\". The song became the most successful of Gayle's career, spending four weeks atop the country chart. The song reached Number 1 on the Cashbox Top 100 Singles pop chart, became her biggest hit on the Billboard Hot 100 (No. 2), peaked at No. 4 AC and gained considerable airplay worldwide. Gayle earned a Grammy Award for Best Female Country Vocal Performance and the song also earned a Grammy as Country Song of the Year for its writer, Richard Leigh. The song helped her album, \"We Must Believe in", + "score": 0.681640625, + "summary": "Irrelevant.", + "extraction": "Richard Leigh wrote \"Don't It Make My Brown Eyes Blue\" by Crystal Gayle." + }, + { + "id": "8617419", + "title": "Don't It Make My Brown Eyes Blue", + "text": "Statton (aka Devine & Statton), , Georgia White and Dana Winner. Mireille Mathieu has recorded the song first in French as \"Un peu de bleu\" in 1977 then in German as \"Tr\u00e4nen W\u00fcrden Mir Nicht Stehn\" in 1980, another French rendering \"Mes yeux bleus sont gris\" was recorded by Mich\u00e8le Torr, Matell, and a Cantonese version titled \"\u4f60\u8aaa\u662f\u751c\u6211\u8aaa\u82e6 (Your Words Are Sweet, Mine Are Bitter)\" was recorded by Prudence Liew for her \"Jokingly Saying\" album. Don't It Make My Brown Eyes Blue \"Don't It Make My Brown Eyes Blue\" is a song written by Richard Leigh, and recorded by American", + "score": 0.68115234375 + }, + { + "id": "353806", + "title": "The Righteous Brothers", + "text": "several labels, while Hatfield teamed up with singer Jimmy Walker (from The Knickerbockers) using the Righteous Brothers name on the MGM label. Medley first recorded \"I Can't Make It Alone\" written by Carole King, but the song failed to make much of an impact. The following single, \"Brown Eyed Woman\" written by Mann and Weil, performed better. However, neither he nor Hatfield was able to match their previous chart success. Hatfield and Jimmy Walker recorded an album, \"Re-Birth\", as \"The Righteous Brothers\" before disbanding in 1971. In a 2013 interview, Jimmy Walker said he had wanted to continue, but Hatfield", + "score": 0.6806640625 + }, + { + "id": "12222720", + "title": "Xscape (group)", + "text": "and \"Can't Hang\". Since her Xscape days, she has co-written songs for artists such as Mariah Carey, Faith Evans, Pink, Whitney Houston, and Alicia Keys. She has also written songs for the groups TLC, Destiny's Child, RichGirl, 'N Sync, and Boyz II Men. She is also responsible for discovering the male R&B quartet Jagged Edge. In 1999, she appeared on Sol\u00e9's debut album and was in a video for the single, titled \"4, 5, 6\". In 2000, Columbia Records released her solo debut, \"Hey Kandi\", which featured the hit song \"Don't Think I'm Not\". In 1999, Burruss teamed with bandmate", + "score": 0.6806640625 + }, + { + "id": "4009276", + "title": "Brown Eyed Girl", + "text": "other prominent artists such as: Adele (2008), Busted, Everclear, Johnny Rivers, Bruce Springsteen, U2, Bob Dylan, Brian Kennedy, Steel Pulse, Roberto Jordan (Spanish version \"La Chica De Los Ojos Cafes\"), Lagwagon, John Anderson, The Black Sorrows, Ronan Keating, Reel Big Fish, and Joe Camilleri. Brown Eyed Girl \"Brown Eyed Girl\" is a song by Northern Irish singer and songwriter Van Morrison. Written by Morrison and recorded in March 1967 for Bang Records owner and producer Bert Berns, it was released as a single in June 1967 on the Bang label, peaking at number 10 on the \"Billboard\" Hot 100. It", + "score": 0.68017578125 + }, + { + "id": "6938000", + "title": "Richard Leigh (songwriter)", + "text": "Richard Leigh (songwriter) Richard Leigh (born 1951 in Washington, D.C.) is an American country music songwriter and singer. He is best known for penning \"Don't It Make My Brown Eyes Blue\" (sung by Crystal Gayle). In 1978 he received a Grammy Award for \"Best Country Song\" for the popular song. It was nominated in both pop and country categories and reached number one on both charts. His first number one song was \"I'll Get Over You\" (1976), also sung by Crystal Gayle. Other prominent singers who have brought his songs number one status over the years include Billy Dean, Mickey", + "score": 0.68017578125 + }, + { + "id": "11471254", + "title": "Brown Eyed Handsome Man", + "text": "Brown Eyed Handsome Man \"Brown Eyed Handsome Man\" is a rock and roll song written and recorded by Chuck Berry, originally released by Chess Records in September 1956 as the B-side of \"Too Much Monkey Business.\" It was also included on Berry's 1957 debut album, \"After School Session\". The song title was also used as the title of a biography of Berry. \"Brown Eyed Handsome Man\" was written after Berry visited several African-American and Hispanic areas in California. During his time there, he saw a Hispanic man being arrested by a policeman when \"some woman came up shouting for the", + "score": 0.68017578125 + }, + { + "id": "5896634", + "title": "Fred Jerkins III", + "text": "Fred Jerkins III Fred Jerkins III, also known as Uncle Freddie, is an American songwriter and record producer who is best known for his work with his brother Rodney \"Darkchild\" Jerkins. Jerkins has co-written several hit songs with Rodney Jerkins and LaShawn Daniels, among them \"The Boy Is Mine\" by Brandy and Monica, \"Say My Name\" and \"Lose My Breath\" by Destiny's Child, \"It's Not Right but It's Okay\" by Whitney Houston, \"Man Enough\" by Toni Braxton, and multiple tracks from Michael Jackson's album \"Invincible\". He has also produced a number of songs under the Darkchild imprint for artists such", + "score": 0.6796875 + }, + { + "id": "6536831", + "title": "Stole (song)", + "text": "interest to Destiny's Child. With different types of music for each member to produce, Rowland and her bandmates Beyonc\u00e9 Knowles and Michelle Williams were not intended to compete on the charts, and thus, Destiny's Child's management strategically planned to stagger every year each member's album. Whilst Williams was the first to release a debut solo album, \"Heart to Yours\" (released in April 2002), the unexpected success of Rowland's collaboration with American rapper Nelly on the song \"Dilemma\" caused the label to advance the release date of her debut solo album, \"Simply Deep\", to late 2002, replacing it with Knowles' solo", + "score": 0.67919921875 + }, + { + "id": "4479927", + "title": "Kandi Burruss", + "text": "disbanding of Xscape, Burruss focused on production and songwriting. In 1999, Burruss teamed with groupmate Tameka \"Tiny\" Cottle to score the international number one hit \"No Scrubs\" for TLC. That same year, Burruss wrote another song, \"Bills, Bills, Bills\" for Destiny's Child. Burruss would go on to work with Pink by co-writing her debut single \"There You Go.\" Burruss was the first African-American woman to win the American Society of Composers, Authors and Publishers's Songwriter of the Year award in 2000. This award, in the Rhythm & Soul category, was given for her songwriting credits such as Destiny's Child's \"Bills,", + "score": 0.67919921875 + }, + { + "id": "17616899", + "title": "Latrelle", + "text": "Kenneth \"Babyface\" Edmonds who signed her and her mother to a publishing deal at Edmonds Music Publishing, and were impressed enough to introduced her to L.A. Reid, and push for Arista to sign the young talent. In her teen years wrote songs for artists such as Destiny's Child, Mary Mary, Next, and Monica. L.A. Reid met Latrelle and was so impressed he offered her a contract on the same day. By the age of 19, she had recorded \"Dirty Girl, Wrong Girl, Bad Girl\", her first album, which was scheduled for release in October 2001 but was never released. Latrelle's", + "score": 0.6787109375 + }, + { + "id": "5343062", + "title": "Heart to Yours", + "text": "Other songs are tributes to the victims of the September 11, 2001, attacks in the United States; \"Better Place\", written by Michelle Williams, Damon Elliott and Kayla Parker, is one such example which was inspired by the catastrophic event and is an emotional tribute to those who died in the attack. The album features guest vocals by various artists, including Williams' Destiny's Child band mates \u2013 Kelly Rowland and Beyonc\u00e9 Knowles \u2013 on \"Gospel Medley\" (originally produced for the group's 2001 album, \"Survivor\") which consists of an interpolation of Kirk Franklin's \"Holy is the Lamb\", the popular Anna B. Warner", + "score": 0.6787109375 + }, + { + "id": "5555423", + "title": "Simply Deep", + "text": "Heeba Jeeba Studios in Sherman Oaks and the Real FM Sound and Nature's Finest Studios in Hollywood. Several record producers and songwriters collaborated with Rowland on the album, including Damon Elliott, Mark J. Feist, Rob Fusari, Rich Harrison, Teron Beal, Billy Mann, Damon Sharpe, and Robert \"Big Bert\" Smith, the latter who contributed \"Love/Hate,\" a song co-written by fellow singer Brandy. Solange Knowles, Beyonc\u00e9's younger sister, wrote and co-produced three songs on \"Simply Deep\". Rowland felt pressured by high expectations due to Destiny's Child and their huge success. \"It was a challenge and I did that creatively and vocally,\" she", + "score": 0.677734375 + }, + { + "id": "13081874", + "title": "Jai Ho! (You Are My Destiny)", + "text": "wrote it\". Scherzinger put her \"heart into writing the lyrics and put in themes from the film \"Slumdog Millionaire\". Love and destiny were elements from the movie that [she] put into the track\". She stated that she \"prayed every night to do this right\". Fair and Iovine additionally hired Brick & Lace, The Writing Camp and Ester Dean to write their own interpretation of the song. E. Kidd Bogart, a member of The Writing Camp, stated that: \"They [Fair and Iovine] wanted to get a bunch of different versions to see who could nail a version for the Pussycat Dolls.\"", + "score": 0.6767578125 + }, + { + "id": "11276960", + "title": "Dangerously in Love 2", + "text": "tour on DVD/CD. The song was also performed during the \"I Am... Yours\" 2009 Las Vegas revue show, in a medley that included an acoustic version of \"Sweet Dreams\" and a cover of Anita Baker's song \"Sweet Love\". Credits taken from \"Dangerously in Love\" liner notes. !scope=\"col\" colspan=\"3\"| Mastertone Dangerously in Love 2 \"Dangerously in Love 2\" is a song written and produced by Beyonc\u00e9 and Errol McCalla, Jr. The ballad was first recorded by Destiny's Child for their third studio album \"Survivor\" (2001), under the title \"Dangerously in Love\". The song later became the title track to Beyonc\u00e9's debut", + "score": 0.67626953125 + }, + { + "id": "11608060", + "title": "8 Days of Christmas (song)", + "text": "8 Days of Christmas (song) \"8 Days of Christmas\" is a song by American girl group Destiny's Child, from their same-titled Christmas album (2001). Written by band members Beyonc\u00e9 Knowles and Kelly Rowland along with Errol McCalla, Jr., who handled its production, it is a Christmas-themed song with heavy R&B and dance pop elements. Released as a promotional single in support of its parent album, \"8 Days of Christmas\" was first released in November 2000 on the re-issue of the band's \"The Writing's on the Wall\" (1999) and the CD single of their number-one single \"Independent Women\". The song is", + "score": 0.67626953125 + }, + { + "id": "8617414", + "title": "Don't It Make My Brown Eyes Blue", + "text": "was advised by Leigh's landlady, songwriter Sandy Mason Theoret, that Leigh was \"a little down in the dumps lately because nothing much [was] happening\" after the success of \"I'll Get Over You\". At Theoret's suggestion, Reynolds visited Leigh to cheer him up. Reynolds explained, \"we were sittin' on the floor...singing songs to one another. [Leigh] mentioned a song that his publisher was gonna get to Shirley Bassey...[and] sang it for me: 'Don't It Make My Brown Eyes Blue'. I said, 'Shirley Bassey my ass, I want that song!'\" Reynolds recalls that when he played \"Don't It Make My Brown Eyes", + "score": 0.67578125 + }, + { + "id": "5953730", + "title": "Girl (Destiny's Child song)", + "text": "The girls [Beyonce and Michelle Williams] wrote it for me. Destiny's Child is deeper than what people see on the surface. Those are my homies for life... Those girls we stuck with each other \u2013 period.\" Producer 9th Wonder initially met Beyonc\u00e9 while she was in the recording studio as rapper Jay-Z was recording the song \"Threat\" for his 2003 album \"The Black Album\". After Jay went through the CD of tracks that 9th Wonder handed to him, Beyonc\u00e9 mentioned that she liked what she heard from him. Several months later, 9th received a call from Jay-Z asking for him", + "score": 0.67578125 + }, + { + "id": "5924499", + "title": "Cater 2 U", + "text": "remixes. Six days later an extended play of the single was released in Italy. \"Cater 2 U\" was included on two of Destiny's Child's compilation albums: the greatest hits album \"#1's\" (2005) and \"Love Songs\" (2013). Chicago-based singer-songwriter Rickey Allen pushed allegations that \"Cater 2 U\" was inspired by a song he had composed with the same title and spelling, which was copyrighted in the mid-1990s and 2000 and performed locally during that time. He claimed he handed over a version to producer Maurice Joshua, who allegedly went on to cover the song with Destiny's Child. Joshua denied his claims,", + "score": 0.67529296875 + }, + { + "id": "17984181", + "title": "Brown Eyes (band)", + "text": "Brown Eyes (band) Brown Eyes (Korean: \ube0c\ub77c\uc6b4\uc544\uc774\uc988) was a South Korean singing duo that debuted in 2001. They are considered one of South Korea's most important R&B groups, given their immense commercial success. Despite having no television appearances, Brown Eyes managed to have record sales of 640,000 and 618,026 for their first and second albums, respectively. In May 2002, Brown Eyes performed the Korean version of the Official Anthem along with Lena Park for the 2002 FIFA World Cup held in South Korea and Japan. In the midst of their popularity, Brown Eyes announced their official disbandment in April 2003.", + "score": 0.67529296875 + }, + { + "id": "8617416", + "title": "Don't It Make My Brown Eyes Blue", + "text": "[through] that song that we ran tape...[Gayle] sang [the song] wonderfully. It came so fast that she wasn't sure that she had done her best job. I had to let her try to sing it again on two or three different occasions until she was comfortable with the original [vocal take], and that's what we went with. Everything on that recording was the original take as it went down, except the string section I added later.\" In a 2004 Country Music Television interview, Gayle stated that Leigh wrote the song because his dog had one brown eye and one blue", + "score": 0.673828125 + }, + { + "id": "9502525", + "title": "A Pair of Brown Eyes", + "text": "A Pair of Brown Eyes \"A Pair of Brown Eyes\" is a single by The Pogues, released on 18 March 1985. The single was their first to make the UK Top 100, peaking at Number 72. It featured on the band's second album, \"Rum Sodomy & the Lash\", and was composed by Pogues front man Shane MacGowan, on the melody of \"Wild Mountain Thyme\", also known as \"Will Ye Go Lassie Go,\" a song by Francis McPeake in a traditional Irish folk style. The song references the Johnny Cash version of the song A Thing Called Love: \"\"And on the", + "score": 0.67236328125 + }, + { + "id": "11145580", + "title": "Ebony Eyes (John D. Loudermilk song)", + "text": "Ebony Eyes (John D. Loudermilk song) \"Ebony Eyes\" is a song written by John D. Loudermilk, recorded in 1961 by The Everly Brothers, and released as a single together with \"Walk Right Back\", which reached No.8 on the U.S. \"Billboard\" Hot 100. The lyrics tell a young man's tragic story of losing his beloved fianc\u00e9e in an airplane crash in dark, stormy weather conditions, conditions which remind him of his fianc\u00e9e's \"ebony eyes\". The single, a double A-side in the UK, reached No.1 in the UK Singles Chart on 2 March 1961 for 3 weeks and was the ninth best-selling", + "score": 0.671875 + }, + { + "id": "11608062", + "title": "8 Days of Christmas (song)", + "text": "appear in Santa-like clothing at a toy store on a snowy day. Throughout the video the group shops for various gifts and in between cuts, Knowles rides on a carousel. At the end of the video, many children begin rushing into the toy store where the group gives out gifts. The music video is featured on the DualDisc edition of the album \"8 Days of Christmas\". 8 Days of Christmas (song) \"8 Days of Christmas\" is a song by American girl group Destiny's Child, from their same-titled Christmas album (2001). Written by band members Beyonc\u00e9 Knowles and Kelly Rowland along", + "score": 0.67138671875 + }, + { + "id": "15315998", + "title": "Brown Sugar (D'Angelo song)", + "text": "Brown Sugar (D'Angelo song) \"Brown Sugar\" is a song by American recording artist D'Angelo, taken from his debut album, of the same name. The song was released as the album's lead single in 1995, through the Cooltempo label. The song was written and produced by D'Angelo and frequent collaborator Ali Shaheed Muhammad. Opened by falsetto ad-libs, an organ refrain and pulsating bass lines, the title track \"Brown Sugar\" features a dark, thick texture and a gutbucket-jazz style and rhythm. The instrumentation throughout the song, highlighted by Jimmy Smith-style organ work, atmospheric percussion and snapping snare drums, has been described by", + "score": 0.67138671875 + }, + { + "id": "4009263", + "title": "Brown Eyed Girl", + "text": "22nd take on the first day. Of the musicians Berns had assembled, there were three guitarists \u2013 Eric Gale, Hugh McCracken, and Al Gorgoni \u2013 plus bassist Russ Savakus, pianist Paul Griffin and drummer Gary Chester. It was released as a single in mid-June 1967. Originally titled \"Brown-Skinned Girl\", Morrison changed it to \"Brown Eyed Girl\" when he recorded it. Morrison remarked on the title change: \"That was just a mistake. It was a kind of Jamaican song. Calypso. It just slipped my mind [that] I changed the title.\" \"After we'd recorded it, I looked at the tape box and", + "score": 0.6708984375 + }, + { + "id": "9434506", + "title": "Vernon Harrell", + "text": "released a record for Capitol Records in 1972 under the name of Keidar Syeon. The songs were \"Unchain My Heart\" (originally recorded by Ray Charles in 1961) and Van Morrison's \"Brown Eyed Girl.\" He had been living in Bronx, New York before his death in 1997 at the age of 56. Vernon Harrell Vernon \"Verne\" Harrell (June 5, 1940 \u2013 March 15, 1997) was an American R&B singer and songwriter. Harrell was from New York City and released several singles in the 1960s and 1970s. He also went by the name Keidar Syenon Harrell. He co-wrote songs with J. R.", + "score": 0.6708984375 + }, + { + "id": "13404844", + "title": "Sharon Brown (singer)", + "text": "Sharon Brown (singer) Sharon Brown is an American singer-songwriter and musician who was born in Harlem, New York, US. She is the niece of songwriter Phil Medley, who co-wrote the song \"Twist and Shout\". She is also the daughter of drummer William Brown, who played with musicians such as The Isley Brothers and Cannonball Adderley. Brown co-wrote and sang backup vocals on the 1976 release of CBS Rock Band \"Blood Sweat & Tears\" Mirror's Image \" LP song titled \"Love Looks Good On You\" former lead vocalist for \"Rare Earth\" Jerry La Croix. In addition to starting her own music", + "score": 0.6708984375 + }, + { + "id": "11787342", + "title": "Darrell Brown (musician)", + "text": "the soundtrack for the movie available on EverLE Records / Thirty Tigers. Brown co-wrote and produced songs with Robby Armstrong for the Michael Hoffman-directed film, \"Gambit\". starring Cameron Diaz, Colin Firth, and Alan Rickman, with a script by the Coen brothers. Brown has also written and produced music that has appeared in both film and television; the former includes productions such as Gambit, \"Like Dandelion Dust\", and \"Cruel Intentions\", while television series \"Cold Case\", \"Rookie Blue\", \"One Tree Hill\", \"Angela's Eyes\", \"Las Vegas\", and \"Man of the People\" have utilized Brown's musical work. Since 2014 Brown plays himself in LeAnn", + "score": 0.6708984375 + }, + { + "id": "11145581", + "title": "Ebony Eyes (John D. Loudermilk song)", + "text": "single of the calendar year 1961 in the U.K. \"Ebony Eyes\" was initially banned by the B.B.C. from airplay in the U.K. as its lyrics were considered too upsetting to play on the radio. Ebony Eyes (John D. Loudermilk song) \"Ebony Eyes\" is a song written by John D. Loudermilk, recorded in 1961 by The Everly Brothers, and released as a single together with \"Walk Right Back\", which reached No.8 on the U.S. \"Billboard\" Hot 100. The lyrics tell a young man's tragic story of losing his beloved fianc\u00e9e in an airplane crash in dark, stormy weather conditions, conditions which", + "score": 0.67041015625 + }, + { + "id": "7002463", + "title": "Nasty Girl (Destiny's Child song)", + "text": "Nasty Girl (Destiny's Child song) \"Nasty Girl\" is a song by American recording group Destiny's Child. It was written by Maurizio Bassi, Naimy Hackett, and its producers Beyonc\u00e9 Knowles and Anthony Dent for the band's third studio album \"Survivor\" (2001), and features a distinct vocal interpolation of Salt-n-Pepa's 1987 song \"Push It\" and Baltimora's 1985 record \"Tarzan Boy.\" The track was released as the album's fifth and final international single in mid-2002, with its Maurice's Nu Soul remix serving as the second single of the group's remix album \"This Is the Remix\" (2002), following the Rockwilder remix of \"Bootylicious\". A", + "score": 0.67041015625 + }, + { + "id": "7002468", + "title": "Nasty Girl (Destiny's Child song)", + "text": "single Nasty Girl (Destiny's Child song) \"Nasty Girl\" is a song by American recording group Destiny's Child. It was written by Maurizio Bassi, Naimy Hackett, and its producers Beyonc\u00e9 Knowles and Anthony Dent for the band's third studio album \"Survivor\" (2001), and features a distinct vocal interpolation of Salt-n-Pepa's 1987 song \"Push It\" and Baltimora's 1985 record \"Tarzan Boy.\" The track was released as the album's fifth and final international single in mid-2002, with its Maurice's Nu Soul remix serving as the second single of the group's remix album \"This Is the Remix\" (2002), following the Rockwilder remix of \"Bootylicious\".", + "score": 0.669921875 + }, + { + "id": "6121264", + "title": "Wreck Your Life", + "text": "from these sessions, as well as two singles, were later combined by Bloodshot for the \"Early Tracks\" EP. Though the anticipation of the album was immense, the ratings were not very good. \"Doreen\" is a re-recording from the band's first album, \"Hitchhike to Rhome\", and an alternate take on \"W-I-F-E\" can be found on \"Early Tracks\". \"Big Brown Eyes\" was featured in the series finale of \"Ned's Declassified School Survival Guide\" and was re-recorded for the band's next album, \"Too Far to Care\". The lead song, \"Victoria\", is a country ballad to Miller's ex-girlfriend, while \"Doreen\" refers to a memorable", + "score": 0.669921875 + }, + { + "id": "17057573", + "title": "Love Songs (Destiny's Child album)", + "text": "Love Songs (Destiny's Child album) Love Songs is the third compilation album by American R&B girl group Destiny's Child, released on January 25, 2013 through Columbia Records. The album differs from their first two compilations in that it features mostly album-only selections as well as the newly recorded song \"Nuclear\", the first original song from Destiny's Child since the group disbanded in 2005. The album cover is based on the single artwork from the band's 2004 single \"Lose My Breath\". Destiny's Child was formed in Houston, Texas in 1990, and its final line-up consisting of Beyonc\u00e9 Knowles, Kelly Rowland and", + "score": 0.66943359375 + }, + { + "id": "4271347", + "title": "Bootylicious", + "text": "Bootylicious \"Bootylicious\" is a song by American girl group Destiny's Child from their third studio album \"Survivor\" (2001). It was written and produced by Rob Fusari, Beyonc\u00e9 Knowles and Falonte Moore. The song contains a prominent sample from the Stevie Nicks song \"Edge of Seventeen\". The song was released as the album's second single from the album in 2001 and became the group's fourth US number-one single. It also reached the top-five in Australia, Canada and the United Kingdom. A \"Rockwilder\" remix of the song featured Missy Elliott and appeared on the soundtrack of the 2001 musical \"\" and the", + "score": 0.66943359375 + }, + { + "id": "20464811", + "title": "Diane Brown", + "text": "Diane Brown Diane Edith Brown (born 1951) is a novelist and poet from New Zealand. Brown was born in 1951. She is based in Dunedin. Brown has published several novels and poetry collections including: She is also the author of the memoirs \"Liars and Lovers\" (2004), \"Here Comes Another Vital Moment\" (2006), and \"Taking My Mother To The Opera\" (2015). Poetry by Brown has appeared in literary journals including \"Landfall\", \"Poetry New Zealand,\" and \"New Zealand Listener\". Brown currently runs the creative writing school, Creative Writing Dunedin. In the 2013 New Year Honours, Brown was appointed a Member of the", + "score": 0.66796875 + }, + { + "id": "20464813", + "title": "Diane Brown", + "text": "Diane Brown Diane Edith Brown (born 1951) is a novelist and poet from New Zealand. Brown was born in 1951. She is based in Dunedin. Brown has published several novels and poetry collections including: She is also the author of the memoirs \"Liars and Lovers\" (2004), \"Here Comes Another Vital Moment\" (2006), and \"Taking My Mother To The Opera\" (2015). Poetry by Brown has appeared in literary journals including \"Landfall\", \"Poetry New Zealand,\" and \"New Zealand Listener\". Brown currently runs the creative writing school, Creative Writing Dunedin. In the 2013 New Year Honours, Brown was appointed a Member of the", + "score": 0.66796875 + }, + { + "id": "5953727", + "title": "Girl (Destiny's Child song)", + "text": "Girl (Destiny's Child song) \"Girl\" is a song recorded by American girl group Destiny's Child. Columbia Records released it as the third single from the group's fourth studio album \"Destiny Fulfilled\" (2004) on April 25, 2005. The band co-wrote the song with Darkchild, Ric Rude, Angela Beyince, Sean Garrett, and Patrick \"9th Wonder\" Douthit; the latter co-produced it with band members Beyonc\u00e9 and Kelly Rowland. Sampling \"Ocean of Thoughts and Dreams\" by The Dramatics, the soul song was written about an abusive relationship Rowland went through during the time of writing. The song received mostly positive reviews by music critics", + "score": 0.66796875 + }, + { + "id": "5051820", + "title": "Dreamlover (song)", + "text": "Dreamlover (song) \"Dreamlover\" is a song by American singer Mariah Carey, released on July 27, 1993, as the lead single from her third studio album, \"Music Box\" (1993). It was written by Carey and Dave Hall, and was produced by Carey, Walter Afanasieff and Hall. The song incorporates a sample of the hook from \"Blind Alley\" by the Emotions into its melody and instrumentation. \"Dreamlover\" helped Carey transition into the pop music market, a choice made following the mixed reception to her previous studio effort \"Emotions\" (1991), which featured gospel and 1960s soul influences. Lyrically, the song pictures a protagonist", + "score": 0.66748046875 + }, + { + "id": "12946903", + "title": "Adonis Shropshire", + "text": "Bad Boy). That work resulted in him meeting Bryan-Michael Cox. Adonis's relationship with Cox soon had him producing and writing for Chris Brown, Nicole Scherzinger, Mariah Carey and Gwen Stefani. Although prior to workin with Cox, Adonis had written and produced an extensive body of work (including Hot 100 #1 hits such as Usher\u2019s \"My Boo\") in addition to P. Diddy\u2019s \"I Need a Girl (Part One)\" and \"I Need a Girl (Part Two)\" and two Grammy awards (for work on albums by Carey and Usher), Chris Brown's \"Say Goodbye\" marked his first Hot R&B Chart #1 hit with Cox.", + "score": 0.66748046875 + }, + { + "id": "14443010", + "title": "Elliot Willensky", + "text": "in 2007, and an instrumental version by jazz guitarist/singer George Benson in 1993. Willensky continued his affiliation with the Jackson family into the 1980s, writing the noted Jermaine Jackson and Whitney Houston duet, \"If You Say My Eyes are Beautiful,\" which appeared on Jermaine's 1986 \"Precious Moments\" album. He died from a stroke on March 29, 2010 in Summit, New Jersey. Elliot Willensky Elliot A. Willensky (August 6, 1943 \u2013 March 29, 2010) was an American composer, lyricist and music producer. He wrote Michael Jackson's first solo hit \"Got to Be There\" and the Jermaine Jackson/Whitney Houston duet \"If You", + "score": 0.66748046875 + }, + { + "id": "4232843", + "title": "Breakaway (Kelly Clarkson album)", + "text": "from everything I've done; people didn't even know it was me!\" Written by Max Martin and Dr. Luke, Clarkson described the second track \"Since U Been Gone\", as \"not as \"smooth\" as pop or R&B. Clarkson said of the track, the very last to be recorded for the album, \"It's very emotional. Vocally, it can be a lot more challenging, but is very fun to play live.\" Written by Clarkson, Dr. Luke, and Martin, the third track, \"Behind These Hazel Eyes\", was the last song she had co-written for the album. She recalled, \"I wrote 'Behind These Hazel Eyes' about", + "score": 0.6669921875 + }, + { + "id": "1624207", + "title": "Mos Def & Talib Kweli Are Black Star", + "text": "materialistic pursuits. \"Brown-Skin Lady\" is an affectionate tribute to brown-skinned women. The song encourages black and brown women to be proud of their hair and complexion, and to not be influenced by Western beauty standards. Kweli rhymes, \"We're not dealin' with the European standard of beauty tonight/Turn off the TV and put the magazine away/Look in the mirror tell me what you see/I see the evidence of divine presence.\" \"Thieves in the Night\" was inspired by author Toni Morrison's novel \"The Bluest Eye\". In the album's liner notes, Kweli explains that the paragraph \"struck me as one of the truest", + "score": 0.6669921875 + }, + { + "id": "4302051", + "title": "Mama's Gun", + "text": "of The Roots. The frequency of their collaborations led to her becoming a member of the Soulquarians - a collective formed of like-minded musicians, singers and rappers including Questlove, D'Angelo, Jay Dee, and Common (with whom she had previously worked in 1997). Unfortunately, by the time the songs for her follow-up album had begun to materialize, her spousal relationship with Benjamin had already broken down. Badu used the experience as inspiration for several of the songs that she would write, most notably \"Green Eyes\". Another event, the murder of Amadou Diallo by New York City Police, serves as the basis", + "score": 0.666015625 + }, + { + "id": "5924493", + "title": "Cater 2 U", + "text": "Cater 2 U \"Cater 2 U\" is a song by American recording group Destiny's Child, taken from their fourth studio album \"Destiny Fulfilled\" (2004). Columbia Records released it as the album's fourth and final single on June 14, 2005. The song was written by band members Beyonc\u00e9, Kelly Rowland and Michelle Williams along with Rodney \"Darkchild\" Jerkins, Ricky \"Ric Rude\" Lewis and Robert Waller, with Beyonc\u00e9, Rude and Jerkins handling its production. An R&B ballad talking about a woman's desire to cater to the male love interest of her life, \"Cater 2 U\" contains synthesizers in its instrumentation. A lawsuit", + "score": 0.666015625 + }, + { + "id": "1665157", + "title": "Astral Weeks", + "text": "hoping to sign him. Presumably, their interest focused on his prior success with \"Brown-Eyed Girl\", not on Morrison's current acoustic work. Regardless, their interest allowed Morrison to return to the recording studio. At the time, Warner Bros. had a deal with Inherit Productions, the production arm of Schwaid-Merenstein, which was founded by manager Bob Schwaid (who worked for Warners Publishing) and producer Lewis Merenstein. Merenstein received a call from Warner Bros. to see Morrison in Boston, and related how eight or nine producers had gone to hear Morrison, thinking they were going to hear \"Brown Eyed Girl\" only to find", + "score": 0.66552734375 + }, + { + "id": "1527690", + "title": "Peter Brown (singer)", + "text": "Peter Brown (singer) Peter Brown (born July 11, 1953, in Blue Island, Illinois) is an American singer-songwriter and record producer. Brown was a popular performer in the late 1970s and early 1980s with hits that included \"Do Ya Wanna Get Funky With Me\" and \"Dance With Me\". He wrote, with Robert Rans, Madonna's hit \"Material Girl\". Brown grew up in Palos Heights, a Chicago suburb. His mother, Virginia, was artistic and musically talented and gave Peter music lessons at a young age. Peter's father, Maurice, was an electronic engineer whose electronics helped Peter learn the technical aspects of recording music.", + "score": 0.66552734375 + }, + { + "id": "13345369", + "title": "Visions of Dennis Brown", + "text": "Visions of Dennis Brown Visions of Dennis Brown is a 1978 reggae album by Dennis Brown. The album was the first to come out of Brown's second stint with producer Joe Gibbs, with whom he would have his breakthrough international success, and the album played a major part in establishing the dominant position of both Brown and Gibbs in late 1970s reggae. The album mixes roots reggae themes such as economic hardship, African oppression, religion, and politics, with lovers rock material (\"Love Me Always\") and a cover version of Ray Charles' \"This Little Girl of Mine\". The album was engineered", + "score": 0.6650390625 + }, + { + "id": "18437232", + "title": "James D-Train Williams", + "text": "Eyes\" was released in 1988. The title track from the album made it to #11 on the R&B/Hip Hop charts, while the follow-up single \"Runner\" failed to chart. The album reached #46 on the R&B Album charts. Following the departure from Columbia and Eaves, D Train went on to pursue his own interests as a solo artist and songwriter. He has written songs for many other artists, among them Vanessa Bell Armstrong and John P. Kee\u2019s \u201cSomething On the Inside\u201d, Patti Austin\u2019s \u201cI\u2019ll Be Waiting For You\u201d, George Duke\u2019s Children Of The Night\u201d and \"You Are the One In My", + "score": 0.6650390625 + }, + { + "id": "5393238", + "title": "The Writing's on the Wall", + "text": "Not only are they maturing as vocalists, they are fortunate to work with such skilled, talented producers as Kevin \"She'kspere\" Briggs, Rodney Jerkins, D'Wayne Wiggins, Chad Elliot, Daryl Simmons, and Missy Elliott, who all give the quartet rich, varied music upon which to work their charm. So, even when the album fails to deliver memorable songs, it always sounds alluring, thanks to the perfect combination of vocalists and producers.\" Rob Brunner from Entertainment Weekly gave the album the grade of B, stating: \"Judging from \"The Writing's on the Wall\", the second album from Destiny\u2019s Child, it's not Briggs' fault. With", + "score": 0.66455078125 + }, + { + "id": "4271350", + "title": "Bootylicious", + "text": "of writing the song, \"People don't want to hear about Rob Fusari, producer from Livingston, NJ. No offense, but that's not what sells records. What sells records is people believing that the artist is everything.\" Kelly Rowland has mentioned that \"Bootylicious\" is the most irritating Destiny's Child song for her since she has heard it too many times. Rowland sings the majority of the lead vocals on the track, with her leading both verses, Knowles leading choruses, and Michelle Williams leading the bridge. According to the sheet music published by EMI Music Publishing at Musicnotes.com, \"Bootylicious\" is an Pop song", + "score": 0.6640625 + }, + { + "id": "1382644", + "title": "Dee Brown (writer)", + "text": "Dee Brown (writer) Dorris Alexander \"Dee\" Brown (February 29, 1908 \u2013 December 12, 2002) was an American novelist, historian, and librarian. His most famous work, \"Bury My Heart at Wounded Knee\" (1970) details the history of American expansionism from the point of view of the Native Americans. Born in Alberta, Louisiana, a sawmill town, Brown grew up in Ouachita County, Arkansas, which experienced an oil boom when he was thirteen years old. Brown's mother later relocated to Little Rock so he and his brother and two sisters could attend a better high school. He spent much time in the public", + "score": 0.66357421875 + }, + { + "id": "5035141", + "title": "The Bluest Eye", + "text": "black subculture in the 1940s, rather than the military culture of the time. African-American critic Ruby Dee wrote, \"Toni Morrison has not written a story really, but a series of painfully accurate impressions.\" Morrison was additionally praised for her wide coverage of emotion in the novel, extending from Pecola Breedlove's quiet descent into madness, to Cholly Breedlove's skewed mindsets. Critics picked up on Morrison's shortcomings as a first time published author. A common critique of her writing included her language in the novel, as it was often viewed as being made too simple for the reader. Early critics were also", + "score": 0.66357421875 + }, + { + "id": "6121265", + "title": "Wreck Your Life", + "text": "fan of Killbilly, a predecessor band featuring Miller and Hammond. \"You Belong To My Heart\" was made famous by Elvis Presley, while \"My Sweet Blue-Eyed Darlin'\" is by Bill Monroe. The Robert mentioned in \"Big Brown Eyes\" (as well as \"Drowning In The Days\") is Miller's boyhood friend, Robert Jenkins. In 2009, Bloodshot reissued the album under the title Wreck Your Life... And Then Some: The Complete Bloodshot Recordings. The reissue contains not only the entire original album, but also other obscure songs the band recorded for Bloodshot. All songs by Rhett Miller, Ken Bethea, Murry Hammond and Philip Peeples,", + "score": 0.66357421875 + }, + { + "id": "14283029", + "title": "Chris Waters", + "text": "Gospel Music Association's Dove Award Song of the Year in 1980. In the pop field, he co-wrote \"Sexy Eyes\" recorded by Dr. Hook and certified gold by the RIAA. He co-produced Terri Clark's first two albums for Mercury Records, \"Terri Clark\" and \"Just the Same\", which were both certified platinum by the RIAA. He was named Sony/ATV Music Publishing, Nashville, Writer of the Year in 1997 and a BMI Writer of the Century in 1999. As Chris Waters Dunn, he writes articles as the \"Chef's Secrets\" writer who regularly appears in the \"San Antonio Express-News\". He has written a book,", + "score": 0.6630859375 + }, + { + "id": "17647111", + "title": "Read My Lips (Ciara song)", + "text": "while Rodney \"Darkchild\" Jerkins co-wrote and produced it. \"Darkchild\" is responsible for producing several of Ciara's past songs, including the 2007 single \"Can't Leave 'Em Alone\" and \"Make It Last Forever,\" both from \"\" (2006), as well as the 2012 single \"Got Me Good.\" Speaking about collaborating with Jerkins, Ciara said, \"I like Rodney for so many reasons,\" Ciara explains. \"He\u2019s a friend of mine but musically, he\u2019s one of the few music geniuses left that have had the history of the old school seasoning and the modernized way. He has it all in one. That\u2019s what makes him very", + "score": 0.6630859375 + }, + { + "id": "4246042", + "title": "Michelle Williams (singer)", + "text": "from \"Journey to Freedom\", titled \"If We Had Your Eyes\". The single became her first release to appear on the US \"Billboard\" Adult R&B Songs and Hot Gospel Songs charts, peaking at nineteen and twenty-two respectively. The single signalled her return to inspirational music and also peaked at number five on the US Hot Singles Sales chart. She reunited with Destiny's Child bandmates Beyonc\u00e9 and Kelly Rowland for the third single \"Say Yes\", which was released a year later and became Williams' first number-one on the US Hot Gospel Songs, Gospel Digital Songs and Gospel Streaming charts; additionally charting internationally", + "score": 0.66259765625 + }, + { + "id": "1910433", + "title": "Mel B", + "text": "ended in 2006. Brown has said that she had a four-year relationship with a woman when in her teens. Brown became the subject of tabloid stories during her relationship with Hollywood actor Eddie Murphy, who would eventually acknowledge he was the father of Brown's then-unborn second child, a daughter named Angel Iris Murphy Brown, born 3 April 2007. By early December 2006, Brown and Murphy had ended their relationship, and Murphy told a journalist of the Dutch TV show \"RTL Boulevard\" at the \"Dreamgirls\" film premiere that the parentage of Brown's unborn baby could not be proven until a paternity", + "score": 0.662109375 + }, + { + "id": "9336383", + "title": "Ms. Kelly", + "text": "Williams for Destiny's Child's final studio album \"Destiny Fulfilled\", released in November 2004. Meanwhile, Rowland had started work on the conception of her second solo studio album. She began collaborating with songwriter-producer Bryan Michael Cox, partner WyldCard, and production duo CKB. Some of their early recordings, including \"Bad Habit\" and \"Flashback\", were later included on Destiny's Child's final studio album as well as the group's live DVD \"\" (2006), respectively. As she was anxious to avoid hasty productions as on her previous album, which Rowland felt was less personal, she took a wider role in the production of the album;", + "score": 0.662109375 + }, + { + "id": "6592083", + "title": "Bug a Boo", + "text": "Bug a Boo \"Bug a Boo\" is an R&B/dance-pop song by American recording group Destiny's Child. It was written by band members Beyonc\u00e9 Knowles, LeToya Luckett, LaTavia Roberson and Kelly Rowland along with Kandi Burruss and Kevin \"She'kspere\" Briggs for their second album \"The Writing's on the Wall\" (1999), featuring production by the latter. The song uses interpolations of the 1978 song \"Child's Anthem\" by Toto. The song was released as the album's second single on August 23, 1999. It peaked at number thirty-three on the \"Billboard\" Hot 100. Outside the United States, the song peaked within the top ten", + "score": 0.662109375 + }, + { + "id": "5425541", + "title": "Cory Rooney", + "text": "Cory Rooney Cory Rooney (born Mark Cory Rooney) is a Grammy Award winning American songwriter, record producer, and C.E.O. of Cory Rooney Group. He has written, produced, and developed many successful songs and careers for artists including Mariah Carey, Mary J. Blige, Jessica Simpson, Jennifer Lopez, Marc Anthony, Thalia, Michael Jackson, and Destiny's Child. Rooney was raised in Jamaica, Queens, New York City and at an early age he was exposed to the music industry by his parents, Herb Rooney and Brenda Reid of The Exciters, who toured with The Beatles in the early 1960s. His father later branched out", + "score": 0.662109375 + }, + { + "id": "3187327", + "title": "The dB's", + "text": "the songs by composers Stamey and Holsapple were too distinctive to merely copy their sources of inspiration. While Holsapple was skilled in the composing of fairly conventional tunes such as \"Big Brown Eyes\" and \"Bad Reputation,\" Stamey's songs, such as \"Espionage\" and \"Tearjerkin',\" tended to be somewhat more experimental and quirky. They released a second album on Albion in October 1981, \"Repercussion\", and also released singles such as \"Judy.\" These two albums were later reissued on one compact disc. Stamey left the group after the second album, and pursued a career as a solo artist and producer. The group then", + "score": 0.662109375 + }, + { + "id": "12047481", + "title": "Ebony Eyes (Rick James song)", + "text": "Ebony Eyes (Rick James song) \"Ebony Eyes\" is a 1983 hit R&B/Soul single recorded by American singers Rick James and Smokey Robinson for the Gordy (Motown) label. The song was first featured on James' album \"Cold Blooded\". The song was produced and arranged by Rick James. It peaked at number 43 on the \"Billboard\" Hot 100 chart. Ebony Eyes was a collaborative effort by Smokey Robinson and Rick James. It was first released on the album Cold Blooded, the title song quickly became Rick James' third number one R&B hit but Ebony Eyes also climbed the R&B/Hip Hop charts and", + "score": 0.662109375 + }, + { + "id": "5343053", + "title": "Heart to Yours", + "text": "Heart to Yours Heart to Yours is the debut solo studio album by American singer and songwriter Michelle Williams. Released on April 16, 2002 by Sanctuary and Columbia Records, it became the first solo release of any Destiny's Child member. Production of the album began in 2001, with Williams working with an array of producers, including her brother Erron Williams (who produced the title track), HR Crump and Warryn Campbell. \"Heart to Yours\" is primarily an urban contemporary gospel album, however it heavily incorporates elements of many other styles and genres such as neo-soul, inspirational, R&B and even rock music.", + "score": 0.662109375 + }, + { + "id": "8528979", + "title": "Brown-eyed soul", + "text": "Brown-eyed soul Brown-eyed soul is a subgenre of soul music or rhythm and blues created and performed in the United States mainly by Latinos in Southern California during the 1960s, continuing through to the early 1980s. The genre of soul music occasionally draws from Latin, and often contains rock music influences. This contrasts with blue-eyed soul, soul music performed by non-Hispanic white artists. Brown-eyed soul emerged from the 1950s simultaneously on the East Coast United States, in the Hispanic communities, and on the West Coast, in the much larger Hispanic communities. Chicago soul and Motown hits were crowd favorites at", + "score": 0.66162109375 + }, + { + "id": "17386965", + "title": "If We Had Your Eyes", + "text": "Wass also reviewed the remix featuring Fantasia Barrino positively, writing \"the two god-fearing divas make an excellent duo, feeding off each other in the now even-more-inspiring mid-tempo ballad\", noting \"the best thing about Michelle and Fantasia joining forces is that they both possess such distinctive voices\". Wass also expressed, \"it\u2019s great to hear someone playing off the Destiny\u2019s Child diva\u2019s gravelly vocal runs and their vocal tug-of-war in the chorus is spine-chilling\". On July 1, a lyric video was released for the single, described as \"suitably righteous\" for the \"gospel-tinged soul ballad\" by Mike Wass of Idolator who also commented", + "score": 0.66162109375 + }, + { + "id": "18485770", + "title": "John Hogan (singer)", + "text": "sweetheart Esther and they have five children Caroline, Lorna, Robert, Dermot and Mark. Hogan began his career in 1987 when he recorded a song titled 'Brown Eyes' which found its way into the hands of radio presenter Don Allen. He played the song which eventually made it to #1 in the Irish Country Music charts and remained there for several weeks. Such was the impact of that first radio play that hundred if people phoned the station looking to know more about this new singer. In addition to his interpretations of country standards, Hogan has also written a number of", + "score": 0.66162109375 + }, + { + "id": "12946902", + "title": "Adonis Shropshire", + "text": "for other recording artists. This prompted his manager to set up a meeting with famed producer and CEO of Bad Boy Worldwide Sean \"Diddy\" Combs. While in New York Adonis worked on the album of pop icon Jennifer Lopez's \"J.LO\". This was Adonis' first songwriting credit. Soon after Diddy signed Adonis to his publishing venture with EMI as part of his \"Hit Men Squad.\" Immediately Adonis began to craft songs for Faith Evans, Carl Thomas, 112, Cheri Dennis, Beyonc\u00e9, Usher, B2K, and Ciara His affiliation with Bad Boy led to him working with Noontime (which had a co-management deal with", + "score": 0.66064453125 + }, + { + "id": "4839202", + "title": "Behind These Hazel Eyes", + "text": "Behind These Hazel Eyes \"Behind These Hazel Eyes\" is a song recorded by American singer Kelly Clarkson for her second studio album, \"Breakaway\" (2004). It was written by Clarkson with the song's producers Max Martin and Dr. Luke. The song was released on April 12, 2005 as the second single from the album. Clarkson considered \"Behind These Hazel Eyes\" as one of her favorite songs and she once intended to name \"Breakaway\" after the song. \"Behind These Hazel Eyes\" is an uptempo song that incorporates crunchy guitars which are pulsated with driving beats and anthemic choruses; it narrates Clarkson's broken", + "score": 0.66064453125 + }, + { + "id": "4895634", + "title": "Daydream (Mariah Carey album)", + "text": "musical and vocal transformation, a change that became more apparent in her sixth album \"Butterfly\" (1997). During the album's production, Carey endured many creative differences with her label and husband Tommy Mottola. On \"Daydream\", Carey collaborated with Jermaine Dupri for the first time, and co-wrote and produced a song with Kenneth \"Babyface\" Edmonds, with whom she had collaborated on \"Music Box\". It was also the first time she had worked with Boyz II Men, an R&B group consisting of four male vocalists. Together, they wrote the concept and lyrics for \"One Sweet Day\", a song that Carey co-produced with Afanasieff.", + "score": 0.66064453125 + }, + { + "id": "8553692", + "title": "Sylvia Moy", + "text": "Cosby after hearing Wonder improvising on piano. Moy wrote lyrics to the song, which she conveyed to Wonder by singing into his headphones one line ahead as he recorded. Among the subsequent hit singles Moy wrote and/or produced while at Motown were Stevie Wonder's \"My Cherie Amour\", \"I Was Made to Love Her\", and \"Never Had a Dream Come True\"; and \"Honey Chile\" and \"Love Bug Leave My Heart Alone\" by Martha and the Vandellas. She also co-wrote \"This Old Heart of Mine (Is Weak for You)\" with Holland-Dozier-Holland for the Isley Brothers; and \"It Takes Two\" with William \"Mickey\"", + "score": 0.66015625 + }, + { + "id": "4271572", + "title": "Survivor (Destiny's Child album)", + "text": "a positive thing by writing a song out of it. Knowles wrote the song \"Bootylicious\" on a plane flight to London while listening to the track \"Edge of Seventeen\" by Stevie Nicks when the word \"Bootylicious\" just popped in to her head. This claim has been highly disputed as Rob Fusari said in a 2010 interview that he alone had the idea for the song and had wanted to use a guitar riff from the song \"Eye of the Tiger\" but after not being able to find it used a similar riff from the Stevie Nicks song \"Edge of Seventeen\".", + "score": 0.66015625 + }, + { + "id": "1457486", + "title": "Destiny's Child", + "text": "soundtrack to the 1997 film \"Men in Black\". Destiny's Child released their self-titled debut album in the United States on February 17, 1998, featuring productions by Tim & Bob, Rob Fusari, Jermaine Dupri, Wyclef Jean, Dwayne Wiggins and Corey Rooney. \"Destiny's Child\" peaked at number sixty-seven on the \"Billboard\" 200 and number fourteen on the \"Billboard\" Top R&B/Hip-Hop Albums. It managed to sell over one million copies in the United States, earning a platinum certification by the Recording Industry Association of America (RIAA). The remix version to the album's lead single, \"No, No, No\", reached number one on the \"Billboard\"", + "score": 0.65966796875 + }, + { + "id": "5443011", + "title": "Joe Dolan", + "text": "Boston. An added benefit to this string of engagements was the opportunity to hear American music which hadn't yet been played in the UK and Ireland. The first song gleaned in this fashion was the Jim Reeves classic, \"(That's When I see the Blue in Your) Pretty Brown Eyes\" which Dolan released on the Pye label in 1966. A second US tour in 1967 led to an appraisal in Las Vegas and a substantial offer to appear there but he turned it down. Eventually in 1980 he accepted $10,000 a week plus board and lodgings to perform for six weeks", + "score": 0.6591796875 + }, + { + "id": "11008328", + "title": "The Diana Chronicles", + "text": "\"The Daily Telegraph\": Tina Brown was a magazine editor for \"Vanity Fair\" and the \"New Yorker\" before authoring \"The Diana Chronicles\". While at \"Vanity Fair\" she previously wrote about Diana's rocky marriage. In her 1985 article, \"The Mouse that Roared\", which was the issue's cover story, she first broke the story of the breakdown in Diana's relationship with Prince Charles. The Diana Chronicles The Diana Chronicles is a 2007 British biographical book by Tina Brown that chronicles the life and death of Diana, Princess of Wales. The book's release coincided with the increased attention Diana had received leading up to", + "score": 0.65869140625 + }, + { + "id": "4009265", + "title": "Brown Eyed Girl", + "text": "album \"The Best of Van Morrison\". However the remastered CD seems to have the bowdlerised lyrics in the packaging but the original \"racy\" lyrics on the disc. Lyrically, it \"shows early hints of the idealized pastoral landscapes that would flow through his songs through the decades, a tendency that links him to the Romantic poets, whom Morrison has cited as an influence\" according to music journalist Erik Hage. Because of a contract he signed with Bang Records without legal advice, Morrison states that he has never received any royalties for writing or recording this song. The contract made him liable", + "score": 0.65869140625 + }, + { + "id": "1453917", + "title": "Barry Gibb", + "text": "on the US Adult contemporary chart. In 1981, the Bee Gees released \"Living Eyes\". Songs from the album were not disco and the album was not a commercial success. In 1982, Clive Davis asked Gibb to write for Dionne Warwick, who was on his Arista label. Barry produced Warwick's \"Heartbreaker\". The songs were all written by Gibb except \"Our Day Will Come\". In August 1983, after Gibb met Kenny Rogers who asked for some songs, Gibb recorded his first demo for Rogers entitled \"Eyes That See in the Dark\". At that time, Robin was working on his \"How Old Are", + "score": 0.658203125 + }, + { + "id": "8030528", + "title": "Rusty Magee", + "text": "the Yale Repertory Theatre and the Yale School of Drama. Magee then moved to New York, where he became an accomplished composer and lyricist for theatre, television, and film and commercials. He was also an established comedian who lampooned popular musicians and musical genres. He often concluded his act with a rendition of Van Morrison's Brown Eyed Girl, which soon become a trademark. Magee co-produced and wrote the music for hundreds of one-act plays as Musical Director and co-founder (with comedian Lewis Black and Rand Forester) of Steve Olsen's West Bank Cafe Downstairs Theatre Bar in New York City. The", + "score": 0.658203125 + }, + { + "id": "4839232", + "title": "Behind These Hazel Eyes", + "text": "order to reach out to her father who divorced from her mother when she was still 11 years old. Her rendition was praised by Christina Aguilera saying, \"I got to feel your heart.\" Credits adapted from the liner notes of \"Breakaway\". Behind These Hazel Eyes \"Behind These Hazel Eyes\" is a song recorded by American singer Kelly Clarkson for her second studio album, \"Breakaway\" (2004). It was written by Clarkson with the song's producers Max Martin and Dr. Luke. The song was released on April 12, 2005 as the second single from the album. Clarkson considered \"Behind These Hazel Eyes\"", + "score": 0.65771484375 + }, + { + "id": "4009266", + "title": "Brown Eyed Girl", + "text": "for virtually all recording expenses incurred for all of his Bang Records recordings before royalties would be paid, and after those expenses were recouped, the revenue would become the \"subject of some highly creative accounting\". Morrison vented frustration about this unjust contract in his sarcastic nonsense song \"The Big Royalty Check\". Morrison has stated that \"Brown Eyed Girl\" is not among his favourite songs, remarking \"it's not one of my best. I mean I've got about 300 songs that I think are better\". To capitalise on the success of the single, producer Berns assembled the album \"Blowin' Your Mind!\" without", + "score": 0.65771484375 + }, + { + "id": "4271361", + "title": "Bootylicious", + "text": "a commercial for the video game Candy Crush Jelly Saga in 2016. Bootylicious \"Bootylicious\" is a song by American girl group Destiny's Child from their third studio album \"Survivor\" (2001). It was written and produced by Rob Fusari, Beyonc\u00e9 Knowles and Falonte Moore. The song contains a prominent sample from the Stevie Nicks song \"Edge of Seventeen\". The song was released as the album's second single from the album in 2001 and became the group's fourth US number-one single. It also reached the top-five in Australia, Canada and the United Kingdom. A \"Rockwilder\" remix of the song featured Missy Elliott", + "score": 0.65771484375 + } + ], + "answer": "Destiny's Child's song Brown Eyes from their album Survivor was written by both Beyonc\u00e9 Knowles, an American singer and actress born and raised in Houston, Texas, and Walter Afanasieff, a Brazilian-American musician, songwriter, record producer, and composer born in S\u00e3o Paulo, Brazil, who has written and produced music for many recording artists." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "What is the flower of the dead translated in spanish?", + "short_answers": [ + "flor de muertos" + ], + "wikipage": null + }, + { + "context": "Its flower, the cempas\u00fachil is also called the ' (\"flower of the dead\") in Mexico and is used in the celebration every 2 November. The word ' (also spelled ') comes from the Nahuatl term for the flower ', literally translated as \"twenty flower\". In Thai language it is called \u0e14\u0e32\u0e27\u0e40\u0e23\u0e37\u0e2d\u0e07 [DaoRuang], literally translated as \"star glittering\". Water infused with the fragrant essential oil of the flower was used to wash corpses in Honduras, and the flower is still commonly planted in cemeteries.", + "question": "What flower is celebrated as the flower of the dead in Mexico?", + "short_answers": [ + "cempas\u00fachil" + ], + "wikipage": "Tagetes erecta" + } + ], + "wikipages": [ + { + "title": "Mexican marigold", + "url": "https://en.wikipedia.org/wiki/Mexican%20marigold" + }, + { + "title": "Day of the Dead", + "url": "https://en.wikipedia.org/wiki/Day%20of%20the%20Dead" + }, + { + "title": "Tagetes erecta", + "url": "https://en.wikipedia.org/wiki/Tagetes%20erecta" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The Day of the Dead (Spanish: D\u00eda de Muertos or D\u00eda de los Muertos)[1][2] is a Mexican holiday celebrated in Mexico and elsewhere associated with the Catholic celebrations of All Saints' Day and All Souls' Day, and is held on November 1 and 2...These flowers are thought to attract souls of the dead to the offerings. ", + "wikipage": "Day of the Dead" + } + ], + "long_answer": "In conjunction with the November 2nd Mexican holiday (Day of the Dead), the cempas\u00fachil or \"flor de muertos\" in Spanish and \"flower of the dead\" in English are used to attract the souls of the dead to the offerings. " + }, + { + "knowledge": [], + "long_answer": "Mexican Marigold also known as Cempas\u00fachil, or Aztec Marigold is a native flower to M\u00e9xico and was first used by the Aztecs and is used in the Mexican holiday \"Dia de Los Muertos\" or Day of the Dead. Also called the \"Flower of the Dead\", it is translated in Spanish as \"Flor de Muertos\"." + } + ], + "sample_id": "-2046820450216612197", + "question": "What is the flower of the dead in spanish?", + "docs": [ + { + "id": "627223", + "title": "Day of the Dead", + "text": "year, including gathering the goods to be offered to the dead. During the three-day period families usually clean and decorate graves; most visit the cemeteries where their loved ones are buried and decorate their graves with \"ofrendas\" (altars), which often include orange Mexican marigolds (\"Tagetes erecta\") called \"cempas\u00fachil\" (originally named \"cempoaxochitl\", N\u0101huatl for \"twenty flowers\"). In modern Mexico the marigold is sometimes called \"Flor de Muerto\" (Flower of Dead). These flowers are thought to attract souls of the dead to the offerings. It is also believed the bright petals with a strong scent can guide the souls from cemeteries to", + "score": 0.7705078125, + "summary": "The Mexican marigold is called \"cempas\u00fachil\" and \"Flor de Muerto\" (Flower of Dead) in modern Mexico. It is used to decorate graves during the Day of the Dead and is believed to attract souls of the dead to the offerings.", + "extraction": "The flower of the dead in Spanish is called \"Flor de Muerto\"." + }, + { + "id": "7952627", + "title": "Flores de Mayo", + "text": "Flores de Mayo Flores de Mayo (Spanish for \"flowers of May\") is a festival held in the Philippines in the month of May. It is one of the May devotions to the Blessed Virgin Mary and lasts for the entire month. The Santacruzan (from the Spanish \"santa cruz\", \"holy cross\") is the ritual pageant held on the last day of the \"Flores de Mayo\". It honors the finding of the True Cross by Helena of Constantinople (known as \"Reyna Elena\") and Constantine the Great. Its connection with May stems from the May 3 date of Roodmas, which Pope John XXIII", + "score": 0.7265625, + "summary": "The document is irrelevant to the question.", + "extraction": "irrelevant" + }, + { + "id": "1279586", + "title": "Poinsettia", + "text": "language of the Aztecs, the plant is called \"Cuitlaxochitl\", meaning \"flower that grows in residues or soil\" Today it is known in Mexico and Guatemala as Flor de Nochebuena, meaning Christmas Eve Flower. In Spain it is known as Flor de Pascua or Pascua, meaning Easter flower. In Chile and Peru, the plant became known as Crown of the Andes. In Hungarian, it is called , and is widely used as a Christmas decoration. The plant's association with Christmas began in 16th-century Mexico, where legend tells of a girl, commonly called Pepita or Maria, who was too poor to provide", + "score": 0.7265625, + "summary": "Flor de Nochebuena is the flower of the dead in Spanish.", + "extraction": "Flor de Nochebuena, meaning Christmas Eve Flower." + }, + { + "id": "9052327", + "title": "Spanish flower", + "text": "Spanish flower The Spanish flower is a type of coin flan shape. It consists of a smooth edge separated into equal sections by seven indents. At least two coin issuers, the European Union and Fiji, have mentioned explicitly that the Spanish flower shape was chosen to help the visually-impaired. However, the Polish commemorative coin has different technical specifications than the circulation issue, which makes it impractical in daily use. Therefore, the Spanish flower shape has novelty value only on this coin. The Spanish 50 peseta coins issued between 1990 and 2000 were the first to feature the Spanish flower shape.", + "score": 0.7255859375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "9052326", + "title": "Spanish flower", + "text": "Spanish flower The Spanish flower is a type of coin flan shape. It consists of a smooth edge separated into equal sections by seven indents. At least two coin issuers, the European Union and Fiji, have mentioned explicitly that the Spanish flower shape was chosen to help the visually-impaired. However, the Polish commemorative coin has different technical specifications than the circulation issue, which makes it impractical in daily use. Therefore, the Spanish flower shape has novelty value only on this coin. The Spanish 50 peseta coins issued between 1990 and 2000 were the first to feature the Spanish flower shape.", + "score": 0.7255859375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "13464992", + "title": "San Antonino Castillo Velasco", + "text": "for religious purposes and still many objects made with this flower are of the religious type. Many of the orders for crafts made with the flor inmortal are for religious ceremonies, such as festivals for patron saints, such as church decorations. The flower primarily comes in three colors, yellow, red and white. Many of those who produce works in the flower, grow the primary material themselves, which takes about four months to mature. Crops are harvested in the fall, so the flower appears in abundance for Day of the Dead and the annual Noche de R\u00e1banos (Night of the Radishes)", + "score": 0.72119140625, + "summary": "The document is relevant but doesn't answer the question directly. It provides information about the flor inmortal flower used for religious purposes and its colors, growth time, and harvest season for events like Day of the Dead and Noche de Rabanos.", + "extraction": "The passage is irrelevant as it does not mention the flower of the dead in Spanish." + }, + { + "id": "18890224", + "title": "Tagetes foetidissima", + "text": "Tagetes foetidissima Tagetes foetidissima is a Mesoamerican species of marigolds in the sunflower family. It is widespread across much of Mexico and Central America from Tamaulipas to Costa Rica. Common name is \"flor de muerto,\" Spanish for \"death flower.\" \"Tagetes foetidissima\" is a branching annual herb sometimes as much as 100 cm (40 inches) tall. Leaves are up to 9 cm (3.6 inches) long, divided into 11-29 toothed leaflets. One plant produces many small flower heads in a flat-topped array, each head contains 5 small, pale yellow ray florets surrounding about 7 greenish-yellow disc florets. The head is cylindrical, with", + "score": 0.72119140625, + "summary": "The Tagetes foetidissima is a species of marigold that is commonly known as \"flor de muerto\" in Spanish, which means \"death flower\".", + "extraction": "The flower of the dead in Spanish is \"flor de muerto\"." + }, + { + "id": "7080000", + "title": "Pa\u0301tzcuaro", + "text": "of the Dead is celebrated very intensely in the towns and villages around Lake P\u00e1tzcuaro. Preparations include major cleaning and repair of the local cemeteries and the creation of flowered arches for gates of the atriums of local churches. These are made with a flower called cempas\u00fachil, also known as the Mexican marigold. In the early morning of November 1, the \"velaci\u00f3n de los angelitos\" (wake for the little angels) to honor children who have died during the previous year. This is generally done in the local cemeteries. During this day also is an event called the \"teruscan,\" in which", + "score": 0.7177734375, + "summary": "The flower of the dead in Spanish is called cempas\u00fachil.", + "extraction": "The flower of the dead in Spanish is called cempas\u00fachil, also known as the Mexican marigold." + }, + { + "id": "18890225", + "title": "Tagetes foetidissima", + "text": "purple bracts along the outside. The plant grows in disturbed areas and has been reported as a weed in cultivated maize fields. It is aromatic but with an odor that most humans find disagreeable. Tagetes foetidissima Tagetes foetidissima is a Mesoamerican species of marigolds in the sunflower family. It is widespread across much of Mexico and Central America from Tamaulipas to Costa Rica. Common name is \"flor de muerto,\" Spanish for \"death flower.\" \"Tagetes foetidissima\" is a branching annual herb sometimes as much as 100 cm (40 inches) tall. Leaves are up to 9 cm (3.6 inches) long, divided into", + "score": 0.7138671875, + "summary": "The plant Tagetes foetidissima is known as \"flor de muerto\" in Spanish, which translates to \"death flower.\" It is a species of marigold found in Mexico and Central America.", + "extraction": "The flower of the dead in Spanish is called \"flor de muerto\" and its common name is Tagetes foetidissima." + }, + { + "id": "11283366", + "title": "White Flowers for the Dead", + "text": "White Flowers for the Dead Ahasin Polowata (Sinhala, \"White Flowers for the Dead\") is a 1978 Sri Lankan drama film directed by Dr Lester James Peries and written by Dr Tissa Abeysekara. The film stars Tony Ranasinghe as Sarath, an abusive husband who is haunted by his wife's death. Peries made the film as a favour to D. B. I. S. Siriwardene who was ardent that Peries direct a film based on his wife's book. It was well received in Sri Lanka, critically and commercially, and made appearances at several foreign film festivals including the Cairo International Film Festival where", + "score": 0.7119140625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "6375555", + "title": "Silene latifolia", + "text": "rich and well-drained soil. An example ecoregion of occurrence is in the Sarmatic mixed forests. It is also named the Grave Flower or Flower of the Dead in parts of England as they are seen often growing on gravesites and around tombstones. It is naturalised in North America, being found in most of the United States, the greatest concentrations of the plant can be found in the north-central and northeastern sections of the country. \"S. latifolia\" is thought to have arrived in North America as a component of ship ballast. In \"S. latifolia\", outbred male offspring were found to sire", + "score": 0.7080078125, + "summary": "The flower of the dead in Spanish is irrelevant to the document.", + "extraction": "The Flower of the Dead." + }, + { + "id": "7952628", + "title": "Flores de Mayo", + "text": "deleted in 1960 due to the trend at the time to abolish holy days. The Feast of the Exaltation of the Cross on September 14, which commemorates the recovery of the relic by Emperor Heraclius from the Persians instead of the finding by Saint Helen was all that was retained in the calendar of the New Order. The name of the festival is derived from the Spanish language word \"flores\" meaning \"flowers.\" Other names are \"\"Flores de Mar\u00eda\"\" (\"Flowers of Mary\") and \"\"\u00c1lay\"\" (Filipino for \"offering\"). In the Bicol Region, the ritual begins with the recitation of the rosary, and", + "score": 0.70751953125, + "summary": "Irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "16373172", + "title": "Flores de otro mundo", + "text": "local single men. Another bus, full of hopeful single women, is arriving in town. The film was inspired by Spanish country bachelors, such as those from Plan, who organized parties to attract marriable women from cities, since rural women tended to emigrate to the cities. These \"caravans of women\" took inspiration from the Western \"Westward the Women\". \"Flores de otro mundo\" (\"flowers from another world\") was released on DVD in the United States on October 18, 2005. The film is in Spanish with English subtitles. There are no extras features. Flores de otro mundo Flores de otro mundo () is", + "score": 0.7041015625, + "summary": "Irrelevant.", + "extraction": "irrelevant. The passage does not provide information about the flower of the dead in Spanish." + }, + { + "id": "627215", + "title": "Day of the Dead", + "text": "Day of the Dead The Day of the Dead () is a Mexican holiday celebrated throughout Mexico, in particular the Central and South regions, and by people of Mexican heritage elsewhere. The multi-day holiday focuses on gatherings of family and friends to pray for and remember friends and family members who have died, and help support their spiritual journey. In 2008, the tradition was inscribed in the Representative List of the Intangible Cultural Heritage of Humanity by UNESCO. The holiday is sometimes called D\u00eda de los Muertos in Anglophone countries, a back-translation of its original name, \"D\u00eda de Muertos\". It", + "score": 0.69970703125, + "summary": "The document is relevant to the question. The flower of the dead in Spanish is not mentioned.", + "extraction": "The flower of the dead in Spanish is \"cempas\u00fachil\"." + }, + { + "id": "6374495", + "title": "Tagetes erecta", + "text": "it carnation of Indian, also lists its medical properties. It is widely cultivated and there are many cultivars used in gardening as an ornamental plant. The cultivar \u2018Inca Orange\u2019 has gained the Royal Horticultural Society\u2019s Award of Garden Merit. In Mexico it is used in the festivities of the Day of the Dead, to decorate altars and tombs ; hence the name \"flower of the dead\". However, since antiquity it is also used for food and medicinal purposes. Its flower, the cempas\u00fachil is also called the ' (\"flower of the dead\") in Mexico and is used in the celebration every", + "score": 0.697265625, + "summary": "The flower of the dead in Spanish is called \"cempas\u00fachil\" and is used in the festivities of the Day of the Dead in Mexico.", + "extraction": "The \"flower of the dead\" in Spanish is called cempas\u00fachil, which is the flower of Tagetes erecta and used in the festivities of the Day of the Dead in Mexico." + }, + { + "id": "17761693", + "title": "Yepachic", + "text": "the 14 shrines and praying at each one. On Good Friday, men carry around the town a platform laden with adobe bricks, along a route that begins and ends at the church. This is a symbolic reenactment of the funeral of Jesus. On D\u00eda de los Muertos (Day of the Dead), people congregate in the town cemetery. People locate the graves of lost relatives, clean the weeds off them, and decorate them with flowers, crosses and candles. Some of the mestizos use artificial flowers purchased at the local stores, but most of the Pima use freshly cut flowers from gardens.", + "score": 0.6953125, + "summary": "The document is irrelevant to the question.", + "extraction": "irrelevant" + }, + { + "id": "627235", + "title": "Day of the Dead", + "text": "Mexico. It is served cold and quite sweet with a lot of ice. The ruby-red beverage is called hibiscus tea in English-speaking countries and called \"agua de Jamaica\" (water of Jamaica) in Spanish. In Belize, Day of the Dead is practiced by people of the Yucatec Maya ethnicity. The celebration is known as \"Hanal Pixan\" which means \"food for the souls\" in their language. Altars are constructed and decorated with food, drinks, candies, and candles put on them. \"D\u00eda de las \u00d1atitas\" (\"Day of the Skulls\") is a festival celebrated in La Paz, Bolivia, on May 5. In pre-Columbian times", + "score": 0.6953125, + "summary": "Irrelevant.", + "extraction": "The passage is irrelevant as it does not provide any information about the flower of the dead in Spanish." + }, + { + "id": "3809401", + "title": "Plumeria", + "text": "the flower can be worn by women to indicate their relationship status\u2014over the right ear if seeking a relationship, and over the left if taken. \"Plumeria rubra\" is the national flower of Nicaragua, where it is known under the local name \"\"sacuanjoche\"\" \"Plumeria alba\" is the national flower of Laos, where it is known under the local name \"champa\" or \"dok champa\". In Bengali culture, most white flowers, and in particular, plumeria (Bengali, \u099a\u09ae\u09cd\u09aa\u09be \"ch\u00f4mpa\" or \u099a\u09be\u0981\u09aa\u09be \"ch\u00e3pa\"), are associated with funerals and death. Also in the Philippines, Indonesia and Malaysia, the plumeria is often associated with ghosts and cemeteries.", + "score": 0.69482421875, + "summary": "The document mentions that in Bengali culture, the flower \"plumeria\" is associated with funerals and death. However, it does not mention the Spanish name for the flower of the dead.", + "extraction": "In Bengali culture, most white flowers, and in particular, plumeria (Bengali, \u099a\u09ae\u09cd\u09aa\u09be \"ch\u00f4mpa\" or \u099a\u09be\u0981\u09aa\u09be \"ch\u00e3pa\"), are associated with funerals and death." + }, + { + "id": "16373165", + "title": "Flores de otro mundo", + "text": "Flores de otro mundo Flores de otro mundo () is a 1999 Spanish film, written and directed by Ic\u00edar Bolla\u00edn and starring Jos\u00e9 Sancho, Luis Tosar and Lisete Mej\u00eda. The plot follows three women who arrive to a village in rural Spain looking for love and to start a new life. Very well received, the film won the International Critics' Week Grand Prix award at the Cannes Film Festival. A group of women arrive by bus to a small town in the depopulated central Province of Guadalajara, where there is a scarcity of single women and economic opportunities. The men", + "score": 0.69287109375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "6374493", + "title": "Tagetes erecta", + "text": "their sovereignty or death; also form part of the collar wears a god plant in a vase found in the Templo but also could be Tagetes patula. With the arrival of the Spaniards in Mexico, the documentary record of the ceremonial and medicinal use of the Tagetes erecta increased in which the flower is described by Bernardino de Sahag\u00fan as: These flowers are called \"Cempoalx\u00f3chitl\"; they are yellow and of good smell, and wide and beautiful, that they are born, and others that sow them in the orchards; They are in two ways, some they call females \"Cempoalx\u00f3chitl\" and they", + "score": 0.69189453125, + "summary": "The document briefly mentions Tagetes erecta and Tagetes patula, but it does not provide an answer to the question of interest. Therefore, the summary is \"irrelevant.\"", + "extraction": "The flower of the dead in Spanish is \"Cempoalx\u00f3chitl\"." + }, + { + "id": "17626817", + "title": "Ofrenda", + "text": "deceased can see and refresh themselves upon arrival at the altar. Throughout the altar are placed \"calaveras\" (decorated candied skulls made from compressed sugar) and bright orange and yellow marigolds (\"cempazuchitl\"), an Aztec flower of the dead. \"Ofrendas\" are constructed in the home as well as in village cemeteries and churches. The ofrenda typically features types of decorations that are representative of the four elements. For example, candles are lit on the table to symbolize the element of fire. Incense from the resin of copal trees are also used in the offering in order to produce smells that will scare", + "score": 0.69189453125 + }, + { + "id": "627228", + "title": "Day of the Dead", + "text": "a parody of a Mexican upper-class female. Posada's striking image of a costumed female with a skeleton face has become associated with the Day of the Dead, and Catrina figures often are a prominent part of modern Day of the Dead observances. A common symbol of the holiday is the skull (in Spanish \"calavera\"), which celebrants represent in masks, called \"calacas\" (colloquial term for skeleton), and foods such as sugar or chocolate skulls, which are inscribed with the name of the recipient on the forehead. Sugar skulls can be given as gifts to both the living and the dead. Other", + "score": 0.69091796875 + }, + { + "id": "7186183", + "title": "Calavera", + "text": "Calavera A calavera [plural:calaveras] (Spanish - for \"skull\") is a representation of a human skull. The term is most often applied to edible or decorative skulls made (usually by hand) from either sugar (called Alfe\u00f1iques) or clay which are used in the Mexican celebration of the Day of the Dead (D\u00eda de los Muertos) and the Roman Catholic holiday All Souls' Day. Calavera can also refer to any artistic representations of skulls, such as the lithographs of Jos\u00e9 Guadalupe Posada. The most widely known calaveras are created with cane sugar and are decorated with items such as colored foil, icing,", + "score": 0.689453125 + }, + { + "id": "775894", + "title": "Dahlia", + "text": "imperalis\") for water pipes. The indigenous peoples variously identified the plants as \"Chichipatl\" (Toltecs) and \"Acocotle\" or \"Cocoxochitl\" (Aztecs). From Hernandez' perception of Aztec, to Spanish, through various other translations, the word is \"water cane\", \"water pipe\", \"water pipe flower\", \"hollow stem flower\" and \"cane flower\". All these refer to the hollowness of the plants' stem. Hernandez described two varieties of dahlias (the pinwheel-like \"Dahlia pinnata\" and the huge \"Dahlia imperialis\") as well as other medicinal plants of New Spain. Francisco Dominguez, a Hidalgo gentleman who accompanied Hernandez on part of his seven-year study, made a series of drawings to", + "score": 0.6884765625 + }, + { + "id": "10739921", + "title": "Festival of the Flowers", + "text": "Festival of the Flowers The Flowers Festival () is a festival that takes place in Medell\u00edn, Colombia. The festival is the most important social event for the city and includes a pageant, automobiles, a Paso Fino horse parade and many musical concerts. The first Flowers Festival took place on May 1, 1957 and was organized by Arturo Uribe, a member of the Board of the Office of Development and Tourism in Medellin, Colombia. The festival lasted for five days with an exposition of flowers displayed in the Metropolitan Cathedral, which was organized by the Gardening Club of Medell\u00edn and monsignor", + "score": 0.68798828125 + }, + { + "id": "11283367", + "title": "White Flowers for the Dead", + "text": "it won the Best Film from the Third World award. Dr.Sarath (Tony Ranasinghe) domineers over his timid wife Vineetha (Sriyani Amarasena). When she is to have a Caesarean delivery of their baby, Sarath refuses to be present even though he himself is a doctor. She dies during surgery and Sarath is forced to live with the specter of his wife hanging over him. White Flowers for the Dead Ahasin Polowata (Sinhala, \"White Flowers for the Dead\") is a 1978 Sri Lankan drama film directed by Dr Lester James Peries and written by Dr Tissa Abeysekara. The film stars Tony Ranasinghe", + "score": 0.68701171875 + }, + { + "id": "13476629", + "title": "Santos Reyes Nopala", + "text": "in the annual celebration of the Day of the Dead. The festival is celebrated with bands and processions, concluding with a solemn mass. Tombs in the cemetery are decorated with ornaments, fruits and yellow and magenta flowers from the countryside, and the families of the dead visit to share bread and salt with their deceased relatives. The ceremony is an important tourist attraction. In March 2006 eight left-wing activists were arrested during a police raid in the community of Santiago Cuixtla, in which two people were gravely injured. In May 2010 the mayor was accused of diverting 30 million pesos", + "score": 0.6865234375 + }, + { + "id": "2182014", + "title": "Passiflora", + "text": "was found to be rich in catalase, pectin methylesterase and phenolase. The \"Passion\" in \"passion flower\" refers to the passion of Jesus in Christian theology. In the 15th and 16th centuries, Spanish Christian missionaries adopted the unique physical structures of this plant, particularly the numbers of its various flower parts, as symbols of the last days of Jesus and especially his crucifixion: The flower has been given names related to this symbolism throughout Europe since that time. In Spain, it is known as \"espina de Cristo\" (\"thorn of Christ'\"). Older Germanic names include \"Christus-Krone\" (\"Christ's crown\"), \"Christus-Strauss\" (\"Christ's bouquet\"), \"Dorn-Krone\"", + "score": 0.685546875 + }, + { + "id": "17342374", + "title": "Pan dulce", + "text": "of the \"Dia de la Candelaria\" - Fiesta de la Candelaria - which occurs on February 2. Pan de muerto ('bread of the dead') is a special bread that is consumed and offered as a part of the \"D\u00eda de Muertos\" celebration in October and November. Day of the Dead is a lively and communal commemoration of the dead. \"Pan de muerto\" traces its roots back to the Aztec tradition of placing food as offerings on the tombs of the deceased. The food offerings sustained the spirits on their journey to their underworld. The bread takes many different shapes, from", + "score": 0.68408203125 + }, + { + "id": "6377156", + "title": "Calaca", + "text": "Calaca A calaca (, a colloquial Mexican Spanish name for skeleton) is a figure of a skull or skeleton (usually human) commonly used for decoration during the Mexican Day of the Dead festival, although they are made all year round. Tracing their origins from Mayan imagery, calacas are frequently shown with marigold flowers and foliage. As with other aspects of the Day of the Dead festival, calacas are generally depicted as joyous rather than mournful figures. They are often shown wearing festive clothing, dancing, and playing musical instruments to indicate a happy afterlife. This draws on the Mexican belief that", + "score": 0.68408203125 + }, + { + "id": "12400756", + "title": "Death (personification)", + "text": "a holiday that focuses on the remembrance of the dead. Our Lady of the Holy Death (Santa Muerte) is a female deity or folk saint of Mexican folk religion, whose faith has been spreading in Mexico and the United States. In Spanish the word \"muerte\" (death in English) is a female noun, so it is common in Spanish-speaking countries for death to be personified as female figures. This also happens in other Romanic languages like French (\"la mort\"), Portuguese (\"a morte\") and Italian (\"la morte\"). Since the pre-Columbian era Mexican culture has maintained a certain reverence towards death, which can", + "score": 0.68408203125 + }, + { + "id": "627216", + "title": "Day of the Dead", + "text": "is particularly celebrated in Mexico where the day is a public holiday. Prior to Spanish colonization in the 16th century, the celebration took place at the beginning of summer. Gradually, it was associated with October 31, November 1, and November 2 to coincide with the Western Christianity triduum of Allhallowtide: All Saints' Eve, All Saints' Day, and All Souls' Day. Traditions connected with the holiday include building private altars called \"ofrendas\", honoring the deceased using calaveras, aztec marigolds, and the favorite foods and beverages of the departed, and visiting graves with these as gifts. Visitors also leave possessions of the", + "score": 0.6826171875 + }, + { + "id": "11710645", + "title": "Festival of the Dead", + "text": "Allhallowtide from 31 October to 1 November, marking All Saints' Eve, All Saints' Day and the second of November as All Souls' Day. The Mexican holiday celebrated at Hallowtide is called Dia de Los Muertos or Day of the Dead - prior to the Spanish colonisation and the conversion of local people to Christianity, this festival was celebrated in the summer time. In many cultures a single event, \"Festival of the Dead\", lasting up to 3 days, was held at the end of October and beginning of November; examples include the Peruvians, the Pacific Islanders, the people of the Tonga", + "score": 0.6826171875 + }, + { + "id": "11664398", + "title": "Senecio brasiliensis", + "text": "Senecio brasiliensis Senecio brasiliensis, known by the common name flor-das-almas, (flower-of-souls), is a perennial species of the genus \"Senecio\" and family Asteraceae. It is native to fields and meadows of central South America. \"S. brasiliensis\" is a densely leafy perennial herb, to tall, with yellow flowers that prefers to make its home in degraded pasture lands and unploughed croplands in central South America. Leaves and stems: \"S. brasiliensis\" stands very upright with a branched hairless and grooved stem. The leaves are alternate, pinnate and deeply lobed dark green on the top, whitish green on the underside. The lower part of", + "score": 0.68212890625 + }, + { + "id": "18017350", + "title": "Flor do Caribe", + "text": "of a telenovela broadcast on pay-TV in the country recently. \u2018Caribbean Flower\u2019 has also been licensed to South Korea (EPG), Peru (ATV), Uruguay (Teledoce), Chile (Canal 13), and Argentina (Telefe), among other countries. Flor do Caribe Flor do Caribe (English: \"Caribbean Flower\") is a Brazilian telenovela produced and broadcast by Rede Globo originally ran from March 11 to September 19, 2013. Cassiano (Henri Castelli), an air force pilot, and Ester (Grazi Massafera), a tourist guide, fall madly in love at a young age. Their love grows throughout the years until they fall victim to a treacherous plot carried out by", + "score": 0.68115234375 + }, + { + "id": "14463055", + "title": "Ghosts in Mexican culture", + "text": "their private deities in a legendary land of origins called \"The Seven Caves and Seven Canyons\" (Nahua Chicomoztoc), and on their disappearance, left a sacred bundle. In Chiapas, at the time of the Spanish conquest, lineage ancestors were believed to have emerged from the roots of a ceiba tree. Comparable beliefs still exist amongst the Tz'utujiles. The Day of the Dead (), is a holiday celebrated in Mexico and by Latin Americans living in the United States and Canada. The holiday focuses on gatherings of family and friends to pray for and remember friends and family members who have died.", + "score": 0.68017578125 + }, + { + "id": "7186190", + "title": "Calavera", + "text": "cultural appropriation. Calavera A calavera [plural:calaveras] (Spanish - for \"skull\") is a representation of a human skull. The term is most often applied to edible or decorative skulls made (usually by hand) from either sugar (called Alfe\u00f1iques) or clay which are used in the Mexican celebration of the Day of the Dead (D\u00eda de los Muertos) and the Roman Catholic holiday All Souls' Day. Calavera can also refer to any artistic representations of skulls, such as the lithographs of Jos\u00e9 Guadalupe Posada. The most widely known calaveras are created with cane sugar and are decorated with items such as colored", + "score": 0.68017578125 + }, + { + "id": "7952638", + "title": "Flores de Mayo", + "text": "version of the greasy pole) is also played, where a tall bamboo pole is smeared with grease which participants must climb to get a small red banner or a bag with a prize, such as \u20b1500 or a higher amount. Flores de Mayo Flores de Mayo (Spanish for \"flowers of May\") is a festival held in the Philippines in the month of May. It is one of the May devotions to the Blessed Virgin Mary and lasts for the entire month. The Santacruzan (from the Spanish \"santa cruz\", \"holy cross\") is the ritual pageant held on the last day of", + "score": 0.6796875 + }, + { + "id": "1782614", + "title": "Flower war", + "text": "Flower war A flower war or flowery war (, ) was a ritual war fought intermittently between the Aztec Triple Alliance and its enemies from the \"mid-1450s to the arrival of the Spaniards in 1519.\" Enemies included the city-states of Tlaxcala, Huejotzingo, and Cholula in the Tlaxcala-Pueblan Valley in central Mexico. In these wars, participants would fight according to a set of conventions. During the Spanish conquest of the Aztec Empire, Tlaxcala allied with the Spaniards against the Aztecs, being eager to see their longtime flower war enemies overthrown. Texcocan nobleman Ixtlilxochitl gives the \"fullest early statement concerning the origin", + "score": 0.67822265625 + }, + { + "id": "10739924", + "title": "Festival of the Flowers", + "text": "In 2006, there were a total of 260 awards, selected and given by three juries. Festival of the Flowers The Flowers Festival () is a festival that takes place in Medell\u00edn, Colombia. The festival is the most important social event for the city and includes a pageant, automobiles, a Paso Fino horse parade and many musical concerts. The first Flowers Festival took place on May 1, 1957 and was organized by Arturo Uribe, a member of the Board of the Office of Development and Tourism in Medellin, Colombia. The festival lasted for five days with an exposition of flowers displayed", + "score": 0.677734375 + }, + { + "id": "16688531", + "title": "Luis Felipe Lomeli\u0301", + "text": "Story of the Story), in a Spanish-English bilingual edition. \"Cuaderno de flores\" (Flower Notebook \u2013 2007) is his first novel. It shows the violence of the guerrillas and drug trafficking in Colombia, and the protagonist's longing in that context to discover freedom and love. The novel, which tells of an engineer torn between the guerillas and the paramilitary and between freedom and safety, draws on the author's experience when staying in Medell\u00edn in 2001. Lomel\u00ed was supported when writing this novel by the Mexico-Colombia Artistic Residencies program of the Mexican National Fund for Culture and the Arts, the Colombian Ministry", + "score": 0.677734375 + }, + { + "id": "16379812", + "title": "Playa de los Muertos", + "text": "Playa de los Muertos Playa de los Muertos (Beach of the Dead) is an archaeological site from the Middle Formative period and is located on the Honduras north coast, in the Ulua valley, however it has \"had a continuous history going back as early as any sedentary society yet documented in Mesoamerica\". Thought to at one time have been a village, Playa de los Muertos is primarily known through its burials and ceramics. Archaeologists have identified a strong Aztec and Mayan influence on the early inhabitants at Playa de los Muertos, however it is considered a distinct culture. The site", + "score": 0.677734375 + }, + { + "id": "17626814", + "title": "Ofrenda", + "text": "Ofrenda An ofrenda (Spanish: \"offering\") is a collection of objects placed on a ritual display during the annual and traditionally Mexican \"D\u00eda de Muertos\" celebration. An \"ofrenda\", which may be quite large and elaborate, is usually created for an individual person who has died and is intended to welcome them to the altar setting This display coincides with the D\u00eda de Muertos, which is a tradition originating with the Aztecs. The Aztec culture considered souls to continuously live and enter different realms when a body would die. This view the Aztecs held was commingled with the Christian beliefs that the", + "score": 0.677734375 + }, + { + "id": "2440468", + "title": "Xochimilco", + "text": "forty nine important mostly secular festivals through the year, with the most important being the Feria de la Nieve, Feria de la Alegr\u00eda y el Olivo, and the Flor m\u00e1s Bellas del Ejido. The \u201cFlor m\u00e1s Bella del Ejido\u201d (Most Beautiful Flower of the Ejido or Field) pageant is a borough-wide event dedicated to fjthe beauty of Mexican indigenous women. The origins of this event are traced back over 220 years with symbolism that is based on the pre-Hispanic notion of a \u201cflower-woman\u201d representative of Mother Earth and fertility. This flower-woman is based on the goddess Xochiquetzal, the goddess of", + "score": 0.67724609375 + }, + { + "id": "15442656", + "title": "Mercado Jamaica", + "text": "plants and accessories such as flowerpots. The market offers about 5,000 types of flowers and plants, mostly foreign, but there is a number of native Mexican species available, including some gathered directly from the wild. In Spanish, \"jamaica\" means the hibiscus flower (as well as the island nation of Jamaica). This market is housed in three large naves covering a city block on the corner of Congreso de la Uni\u00f3n and Avenida Morelos in the Venustiano Carranza borough. The Metro Jamaica station on Line 9 is directly in front of the building. The market is one of the principal ones", + "score": 0.67724609375 + }, + { + "id": "627219", + "title": "Day of the Dead", + "text": "this holiday as a unifying national tradition based on indigenous traditions. The Mexican Day of the Dead celebration is similar to other societies' observances of a time to honor the dead. The Spanish tradition, for instance, includes festivals and parades, as well as gatherings of families at cemeteries to pray for their deceased loved ones at the end of the day. The Day of the Dead celebrations in Mexico developed from ancient traditions among its pre-Columbian cultures. Rituals celebrating the deaths of ancestors had been observed by these civilizations perhaps for as long as 2,500\u20133,000 years. The festival that developed", + "score": 0.6767578125 + }, + { + "id": "9951032", + "title": "Huauchinango", + "text": "who is also acknowledged as an incarnation of the Aztec goddess Tonantzin. The processional path is strewn with flowers as it makes its way to the images sanctuary church. The annual celebration of the Se\u00f1or del Santo Entierro gave rise to the city\u2019s main commercial fair, the Feria de las Flores (Flower Fair), celebrating the main agricultural product of the municipality. It began in 1938 coinciding with the religious event and now runs for nine days beginning on the first Sunday of Lent. It includes dances, cockfights, charreada and parades. It exhibits locally grown flowers and ornamental plants such as", + "score": 0.67626953125 + }, + { + "id": "17543261", + "title": "The Passion Flower", + "text": "calls for help and during Esteban's attempt to escape with Acacia he shoots his wife and is then arrested. Raimunda dies in the arms of Acacia. The Passion Flower The Passion Flower is a 1921 American drama film starring Norma Talmadge, Courtenay Foote and Eulalie Jensen, and directed by Herbert Brenon. It is based on the 1913 Spanish play \"The Unloved Woman\" by Jacinto Benavente. The forbidden love of a man for his stepdaughter leads to tragedy and murder. The Library of Congress has a print, though there is a bit of deterioration in the first scene and a \"lapse", + "score": 0.67626953125 + }, + { + "id": "4351140", + "title": "Atlixco", + "text": "of poinsettias, helping to make the state of Puebla fourth in Mexico in its production. Fifty two producers on twenty five hectares typically produce 1.5 million poinsettials per year. Sales from poinsettias alone reach at least 68 million pesos for the municipality and support 800 families. Most of the plants are shipped to other Mexican states such as Veracruz, Oaxaca, Chiapas, Yucat\u00e1n and Campeche. The main flowers grown and sold for Day of the Dead include chrysanthemums, gladiolas and baby\u2019s breath. In addition, other crops such as wheat, corn, beans and fruits, much of which are processed locally and distributed", + "score": 0.673828125 + }, + { + "id": "15171870", + "title": "El Rostro de la Muerte", + "text": "El Rostro de la Muerte El Rostro de la Muerte (Spanish for \"The Face of Death\") is the fourth album by thrash metal band Hirax, released on November 16, 2009. It is the first to feature the brothers Steve Harrison (bass) and Lance Harrison (guitar) and the last with Glenn Rogers. Music videos were made for \"El Rostro de la Muerte (The Face of Death)\" and \"Broken Neck\". A special limited edition by Thrash Corner Records, limited to 240 hand-numbered copies, includes the album with an exclusive t-shirt, a woven patch and a Spanish certificate with the copy number and", + "score": 0.67236328125 + }, + { + "id": "6362980", + "title": "San Andre\u0301s Mixquic", + "text": "other items. The modern celebrations are an extension of the cult of the dead that existed here since pre-Hispanic times. Excavations in this area have revealed a large quantity of stone skulls that used to adorn the facades of homes in this area. Solemn commemoration and festivities do not compete here; both are considered part of the event. In addition to the traditional altars to the dead called \u201cofrendas\u201d, grave cleanings and decoration, there are also plays, processions, poetry readings, concerts and folk dance. In 2009, the finale was a concert by Susana Harp. Preparations for this celebration can begin", + "score": 0.67138671875 + }, + { + "id": "17626818", + "title": "Ofrenda", + "text": "away evil spirits. A non-fiction children's book called \"Day of the Dead: A Mexican-American Celebration\" was written by Diane Hoyt-Goldsmith. The book is about a Mexican-American family celebrating the Day of the Dead (D\u00eda de Muertos) in California and is focused on two young twins in the family. The twins help the family create an ofrenda for their loved ones, as well as a larger ofrenda for their community. Ofrenda An ofrenda (Spanish: \"offering\") is a collection of objects placed on a ritual display during the annual and traditionally Mexican \"D\u00eda de Muertos\" celebration. An \"ofrenda\", which may be quite", + "score": 0.67138671875 + }, + { + "id": "15171871", + "title": "El Rostro de la Muerte", + "text": "member signatures. El Rostro de la Muerte El Rostro de la Muerte (Spanish for \"The Face of Death\") is the fourth album by thrash metal band Hirax, released on November 16, 2009. It is the first to feature the brothers Steve Harrison (bass) and Lance Harrison (guitar) and the last with Glenn Rogers. Music videos were made for \"El Rostro de la Muerte (The Face of Death)\" and \"Broken Neck\". A special limited edition by Thrash Corner Records, limited to 240 hand-numbered copies, includes the album with an exclusive t-shirt, a woven patch and a Spanish certificate with the copy", + "score": 0.6708984375 + }, + { + "id": "7481620", + "title": "Flower", + "text": "Euripides's play \"The Phoenician Women\", placed a crown of flowers on the head of the deceased; they also covered tombs with wreaths and flower petals. Flowers were widely used in ancient Egyptian burials, and the Mexicans to this day use flowers prominently in their Day of the Dead celebrations in the same way that their Aztec ancestors did. Flower A flower, sometimes known as a bloom or blossom, is the reproductive structure found in flowering plants (plants of the division Magnoliophyta, also called angiosperms). The biological function of a flower is to effect reproduction, usually by providing a mechanism for", + "score": 0.6708984375 + }, + { + "id": "2038876", + "title": "Jornada del Muerto", + "text": "Jornada del Muerto The name Jornada del Muerto is translated loosely from Spanish, historically referring to it as the \"Journey of the Dead Man\", though the modern literal translation is closer to \"The Working Day of the Dead\". As a geographic name, \"Jornada del Muerto\" is the desert region the Conquistadors had to cross to make it from Las Cruces to Socorro, New Mexico. As a name-place, \"Jornada del Muerto\" is a loose translations of \"single day's journey of the dead man\" hence \"route of the dead man\") in the U.S. state of New Mexico was the name given by", + "score": 0.67041015625 + }, + { + "id": "18144099", + "title": "Mexican breads", + "text": "for Candlemas on February 2. This bread and tradition was brought to Mexico by the Spanish. Pan de muerto (Bread of the Dead) is an important bread for Day of the Dead, especially in states with large indigenous populations such as Michoac\u00e1n, State of Mexico, Guerrero, Puebla, Tlaxcala, Veracruz, Hidalgo, Chiapas and Oaxaca, as well as Mexico City. For this occasion, bakeries turn out hundreds of loaves of this slightly sweet bread, which is often used as an offering on altars as well as eaten by the living. Most of these breads are some kind of round shape with a", + "score": 0.67041015625 + }, + { + "id": "12400758", + "title": "Death (personification)", + "text": "of the dead, which evolved from Aztec traditions into the modern Day of the Dead after synthesis with Spanish cultural traditions. She is said now to preside over the contemporary festival as well. She is known as the \"Lady of the Dead\" since it is believed that she was born, then sacrificed as an infant. Mictecacihuatl was represented with a defleshed body and with jaw agape to swallow the stars during the day. San La Muerte (Saint Death) is a skeletal folk saint that is venerated in Paraguay, the Northeast of Argentina and southern Brazil. As the result of internal", + "score": 0.669921875 + }, + { + "id": "13315572", + "title": "Dead Flowers (Miranda Lambert song)", + "text": "Dead Flowers (Miranda Lambert song) \"Dead Flowers\" is a song written and recorded by American country music artist Miranda Lambert. On May 4, 2009, the song was released as the lead-off single from her album \"Revolution\". Additionally, the song was included on an EP release also titled \"Dead Flowers\". Lambert debuted \"Dead Flowers\" at the 44th annual Academy of Country Music Awards on April 5, 2009. The song is a ballad in the key of E major about a love gone bad, driven by acoustic guitar and percussion. The narrator is saddened by the images of dead flowers and Christmas", + "score": 0.66943359375 + }, + { + "id": "16379824", + "title": "Playa de los Muertos", + "text": "los Muertos, Joyce suggests that the gender dynamic had been strongly influenced by the alliance with Classic Maya culture. Playa de los Muertos Playa de los Muertos (Beach of the Dead) is an archaeological site from the Middle Formative period and is located on the Honduras north coast, in the Ulua valley, however it has \"had a continuous history going back as early as any sedentary society yet documented in Mesoamerica\". Thought to at one time have been a village, Playa de los Muertos is primarily known through its burials and ceramics. Archaeologists have identified a strong Aztec and Mayan", + "score": 0.66943359375 + }, + { + "id": "12058754", + "title": "Facto delafe\u0301 y las flores azules", + "text": "Ma\u00f1ana\". The music of Facto delaf\u00e9 y las flores azules is halfway between indie pop and hip hop, with melodies and structures more characteristic of rock, soul or electronic music. Although the lyrics contain a certain level of criticism, they are more poetic than aggressive. Facto delaf\u00e9 y las flores azules Delaf\u00e9 y las Flores Azules (Spanish for \"Delaf\u00e9 and the Blue Flowers\") is a Spanish indie pop and hip hop band based in Barcelona (Spain), formerly known as Facto delaf\u00e9 y las flores azules. The band was formed in November 2002 by Marc Barrachina \"\"Facto\"\" (former member of band", + "score": 0.6689453125 + }, + { + "id": "6360223", + "title": "La Calavera Catrina", + "text": "seemed to be to show the tradition of welcoming and comfort the Mexicans have with death and especially the identity of a Lady of the Dead, harking back to the heritage of the Aztec goddess Mictecacihuatl. As explained by curator David de la Torre from the LA Plaza de Cultura y Artes, a Mexican-American museum and cultural center in Los Angeles, California, US, Catrina has come to symbolize not only D\u00eda de Muertos and the Mexican willingness to laugh at death itself, but originally Catrina was an elegant or well-dressed woman, so it refers to rich people, de la Torre", + "score": 0.66796875 + }, + { + "id": "13241629", + "title": "Lycoris radiata", + "text": "believe that since the red spider lily is mostly associated with death, one should never give a bouquet of these flowers. Joya relates their association with Japanese Christian martyrs in medieval times. Their places of martyrdom were believed them to be marked by these flowers. Since these scarlet flowers usually bloom near cemeteries around the autumnal equinox, they are described in Chinese and Japanese translations of the Lotus Sutra as ominous flowers that grow in Hell, (Chinese: \u9ec3\u6cc9), and guide the dead into the next reincarnation. Some legends have it that when you see someone that you may never meet", + "score": 0.66796875 + }, + { + "id": "15186306", + "title": "Dolores Paterno", + "text": "25 she composed her only known work, \"\"La Flor de Manila\"\" ('The Flower of Manila'), inspired by the sampaguita flower. The lyrics were by her brother Pedro Paterno, based on a poem of the same title written by their mother. She died at the age of 27 on July 3, 1881. \"\"La Flor de Manila\"\" is of the Habanera genre (also known as Contradanza or Danza). It was popular during the end of the 19th century and the early period of the American Commonwealth. It has since been considered a Philippine romantic classic. The lyrics were translated from Spanish into", + "score": 0.66796875 + }, + { + "id": "6362982", + "title": "San Andre\u0301s Mixquic", + "text": "season and pan de muerto have given rise to the expression \u201cya huele a muertos\u201d(now it smells like the dead) or \u201cya se siente muertitos\u201d (now the dear (lit. little) dead can be felt) indicating that Day of the Dead is near. In the public primary schools, students and teachers arrange Day of the Dead altars, called ofrendas, with the teachers arranging the school\u2019s large altar and students creating miniature ones, sometimes with themes. These are placed on public display, with the ofrendas of the Cristobal Colon Primary School the most visited due to the school\u2019s location near the church.", + "score": 0.66796875 + }, + { + "id": "2038887", + "title": "Jornada del Muerto", + "text": "Jornada Del Muerto. Jornada del Muerto The name Jornada del Muerto is translated loosely from Spanish, historically referring to it as the \"Journey of the Dead Man\", though the modern literal translation is closer to \"The Working Day of the Dead\". As a geographic name, \"Jornada del Muerto\" is the desert region the Conquistadors had to cross to make it from Las Cruces to Socorro, New Mexico. As a name-place, \"Jornada del Muerto\" is a loose translations of \"single day's journey of the dead man\" hence \"route of the dead man\") in the U.S. state of New Mexico was the", + "score": 0.66748046875 + }, + { + "id": "18808780", + "title": "Bidens bipinnata", + "text": "Bidens bipinnata Bidens bipinnata is a common and widespread species of flowering plant in the daisy family. It is widely dispersed in many lands, so much so that it is difficult to ascertain with certainty its region of origin. It seems most likely, though, that it is native to Asia and North America, and naturalized elsewhere. It is most commonly called by the common name Spanish needles. \"Bidens bipinnata\" is an annual herb up to 150 cm (60 inches) tall. It produces white or yellow flower heads sometimes one at a time but sometimes several, each containing both disc florets", + "score": 0.66748046875 + }, + { + "id": "853663", + "title": "Grim Fandango", + "text": "Land of the Dead appear as skeletal \"calaca\" figures. Alongside them are demons that have been summoned to help with the more mundane tasks of day-to-day life, such as vehicle maintenance. The souls themselves can suffer death-within-death by being \"sprouted\", the result of being shot with \"sproutella\"-filled darts that cause flowers to grow out through the bones. Many of the characters are Mexican and occasional Spanish words are interspersed into the English dialog, resulting in Spanglish. Many of the characters smoke, following a film noir tradition; the manual asks players to consider that every smoker in the game is dead.", + "score": 0.6669921875 + }, + { + "id": "2198614", + "title": "Tagetes", + "text": "areas. The marigold was regarded as the flower of the dead in pre-Hispanic Mexico, parallel to the lily in Europe, and is still widely used in the Day of the Dead celebrations. The marigold is very significant in Nepalese culture, where marigold garlands are used almost in every household, especially during the \"Tihar\" festival. It is always sold in the markets for daily worships and rituals. The marigold is also widely cultivated in India and Thailand, particularly the species \"T. erecta\", \"T. patula\", and \"T. tenuifolia\". Vast quantities of marigolds are used in garlands and decoration for weddings, festivals, and", + "score": 0.6669921875 + }, + { + "id": "11082938", + "title": "Alfen\u0303ique fair", + "text": "Alfe\u00f1ique fair The Alfe\u00f1ique fair or feria del Alfe\u00f1ique is an annual event that takes place in the city of Toluca, Mexico in which vendors sell traditional sugar skulls with names labeled on the forehead, as well as candy in a variety of shapes, in order to celebrate the Mexican holiday D\u00eda de Muertos (Day of the Dead). Chocolate and sugar skulls are used to decorate altars dedicated to the dead during the celebration. The fair starts in the middle of October and lasts up to the beginning of November. Hundreds of people sell their wares at Los Portales, a", + "score": 0.666015625 + }, + { + "id": "11794440", + "title": "Huaquechula", + "text": "also particular breads baked for these kinds of altars in this town such as \u201chojaldra\u201d to represent the skull and bones of the deceased, a \u201crosquete\u201d to represent the face and pan de muerto to represent the human body covered in its own blood (sugar colored red). There are also wax candles to give light in the darkness, twelve images of angels, one for every month of the year, incense and images of crying angels to represent the bereaved family. There can also be sugar miniatures of animals such as sheep, ducks and donkeys, especially if the deceased was a", + "score": 0.666015625 + }, + { + "id": "6639529", + "title": "El Muerto", + "text": "14, 2007 and was later screened at the first annual Whittier Film Festival, where it won the Best Feature Film award. A straight-to-DVD release was distributed on September 18, 2007 by Echo Bridge Entertainment. Despite being titled \"\"El Muerto\"\" throughout its conception and subsequent film screenings, the DVD was later re-titled \"\"The Dead One\"\" (the English translation of El Muerto) for marketing purposes. The original DVD release holds several special features including: seven original illustrations by special guest artists, DVD commentary, three original featurettes, a Spanish language track, a slide-show of the original comic, a DVD-ROM feature and an exclusive", + "score": 0.6650390625 + }, + { + "id": "3149657", + "title": "Polianthes tuberosa", + "text": "Polianthes tuberosa Polianthes tuberosa, the tuberose, is a perennial plant related to the agaves, extracts of which are used as a note in perfumery. The common name derives from the Latin \"tuberosa\" through French \"tubereuse\", meaning swollen or tuberous in reference to its root system. \"Polianthes\" means \"many flowers\" in Greek. In Spanish, the flower is called \"nardo\" or \"vara de San Jos\u00e9\", which means \"St. Joseph\u2019s staff\".. It is called \"kupaloke\" in Hawaiian. In Nahuatl it is called \"omixochitl\" \"bone flower\". In the Philippines, the plant is also known as \"azucena\".. In Indonesia, the plant is known as 'bunga", + "score": 0.6640625 + }, + { + "id": "6639514", + "title": "El Muerto", + "text": "El Muerto El Muerto (\"The Dead One\"), also known as El Muerto: The Aztec Zombie, is a fictional character and comic book superhero created by American comics creator Javier Hernandez and published through his own imprint Los Comex. The comic book follows the story of 21-year-old Diego de la Muerte, who while on his way to a local Dia de los Muertos festival in Whittier, California, is abducted and sacrificed by the Aztec gods of death and destiny only to return to earth one year later with supernatural powers. The character made his first appearance in a xeroxed black-and-white preview", + "score": 0.6640625 + }, + { + "id": "14505118", + "title": "Fiesta de las Cruces", + "text": "as relics, begins at this time. Santa Helena died praying for all believers in Christ to celebrate the commemoration of the day the Cross was found. The \"Fiesta de las Cruces\" is celebrated in numerous places in Spain and Hispanoamerica. Various groups of people - usually linked to the Hermandades, the religious Brotherhoods who organise the Easter Week processions, get together and decorate a tall cross with flowers. They choose a pretty square or street, and also decorate the area around the cross with typical and traditional items. A guitar. An embroidered shawl. Old earthenware pots. Even an old-fashioned sewing", + "score": 0.6630859375 + }, + { + "id": "627221", + "title": "Day of the Dead", + "text": "Angelitos\" (\"Day of the Little Angels\"); November 2 is referred to as \"D\u00eda de los Muertos\" or \"D\u00eda de los Difuntos\" (\"Day of the Dead\"). In the 2015 James Bond film, \"Spectre\", the opening sequence features a Day of the Dead parade in Mexico City. At the time, no such parade took place in Mexico City; one year later, due to the interest in the film and the government desire to promote the pre-Hispanic Mexican culture, the federal and local authorities decided to organize an actual \"D\u00eda de Muertos\" parade through Paseo de la Reforma and Centro Historico on October", + "score": 0.6630859375 + }, + { + "id": "627237", + "title": "Day of the Dead", + "text": "for a special Mass and blessing. The Brazilian public holiday of \"Finados\" (Day of the Dead) is celebrated on November 2. Similar to other Day of the Dead celebrations, people go to cemeteries and churches with flowers and candles and offer prayers. The celebration is intended as a positive honoring of the dead. Memorializing the dead draws from indigenous, African and European Catholic origins. Guatemalan celebrations of the Day of the Dead, on November 1, are highlighted by the construction and flying of giant kites in addition to the traditional visits to grave sites of ancestors. A big event also", + "score": 0.6630859375 + }, + { + "id": "6207724", + "title": "Night of the Radishes", + "text": "seventeen to encourage new generations to continue the tradition. Prizes for the children\u2019s categories include bicycles and school supplies. The event has also added categories for scenes made not from radishes but instead from dried corn husks (called totomoxtle) and those made with a dried flower called \u201cflor inmortal\u201d (inmortal flower) named such as it dries quickly and keeps most of its color. These entries also have several sub categories and generally have similar themes to those done with radishes. Since the radishes do not keep after they are cut and quickly wilt, the entire event lasts only for a", + "score": 0.6630859375 + }, + { + "id": "13241630", + "title": "Lycoris radiata", + "text": "again, these flowers, also called red spider lilies or corpse flowers, would bloom along the path. Perhaps because of these sorrowful legends, Japanese people often used these flowers in funerals. The popular Japanese name for \"Lycoris radiata\" literally means higan (the other or that shore of Sanzu River) flower, decorative and enjoyable, flower of the afterlife in . Lycoris radiata Lycoris radiata, known as red spider lily, red magic lily, or equinox flower, is a plant in the amaryllis family, Amaryllidaceae, subfamily Amaryllidoideae. Originally from China, Korea, and Nepal, it was introduced into Japan and from there to the United", + "score": 0.66259765625 + }, + { + "id": "14505115", + "title": "Fiesta de las Cruces", + "text": "Fiesta de las Cruces The Fiesta de las Cruces (\"Festival of the Crosses\") or Cruz de Mayo (\"May Cross\") is a holiday celebrated on the 3rd of May in many parts of Spain and Hispanic America. Religiously, the festival is rooted in the search by Byzantine Empress Saint Helena for the cross on which Jesus died, but the popular traditions connected to the festival certainly originate from pagan traditions brought to Spain by the Roman Empire (\"see May Day\"). The legend is that Emperor Constantine I, in the sixth year of his reign, confronted the barbarians on the banks of", + "score": 0.662109375 + }, + { + "id": "6916235", + "title": "Entre a Mi Mundo", + "text": "who witnessed her former lover with another woman and must move on; she wishes them the best, and compares her relationship with her ex-lover to a flower that has withered and died. \"Como la Flor\" is a \"catchy\" pop cumbia that depicts a \"lovelorn\" woman in a \"pleading vocal delivery\" to a \"lost-love\". Author Deborah Paredez said that the song signaled Selena's \"self-assertion\" and found that fans associated the song with \"a multivalent emotional register and communal sensibility\". Paredez found the recording to contain \"emotive chorus to ebullient choreography\", and stated that it \"captures and conveys\" what Roland Barthes called", + "score": 0.66162109375 + }, + { + "id": "1736332", + "title": "Hidalgo (state)", + "text": "extends from October 31 to November 2. Like in other parts of Mexico, the days around November 2 honor the dead with altars and offerings, although each community has its own variations. One area which is known for its traditions is Huejutla de Reyes, where altars dedicated to the dead are especially large and profusely decorated with flowers, colored paper and traditional foods, with the intention of counteracting mourning. In a number of areas, rituals based on Huasteca traditions are also performed. One of these is called the \"Danza de Xantolo,\" in which masked figures in robes dance in candlelight.", + "score": 0.66162109375 + }, + { + "id": "5729927", + "title": "San Miguel Petapa", + "text": "Michael (Archangel). A tradition amongst Ladinos (mestizo people) in the municipality, is the Flowers Dance, which consists of a dance in which all contestants are rolling up, first, and unrolling later in a specific tree. Meanwhile music and recited verses are executed at the same time. This tradition was begun in the old Spanish capital, Santiago de Guatemala (the Antigua Guatemala of present-day) from where it was extended to the nearest villages. Years after, was taken to the new capital, Nueva Guatemala de la Asuncion. Today this folk dance is executed in other municipalities of the department of Guatemala, such", + "score": 0.6611328125 + }, + { + "id": "7495894", + "title": "Florencio Sa\u0301nchez", + "text": "Italian ship \"Principe di Udine\" on September 25, arriving in Genova on October 13. In Italy, he dedicated himself finding a way to connect with the theater companies, for an opportunity to see his plays produced in Spain and France. Upon receiving 3000 francs in 1910 for his play \"Los muertos\" (\"The Dead\"), he spent all of his money in just a few days in Niza on women and gambling in casinos. After traveling through much of Italy and southern France, he went to Milan, an important center for theater, to contact with some theater impresarios. However, his disease was", + "score": 0.66064453125 + }, + { + "id": "2900092", + "title": "Teide", + "text": "a shrubby crucifer with yellow flowers; the Canary Island wallflower (\"Erysimum scoparium\"), which has violet flowers; and the Teide bugloss (\"Echium wildpretii\"), whose red flowers form a pyramid up to in height. The Teide daisy (\"Argyranthemum teneriffae\") can be found at altitudes close to above sea level, and the Teide violet (\"Viola cheiranthifolia\") can be found right up to the summit, making it the highest flowering plant in Spain. These plants are adapted to the tough environmental conditions on the volcano, such as high altitude, intense sunlight, extreme temperature variations, and lack of moisture. Adaptations include hemispherical forms, a downy", + "score": 0.66015625 + }, + { + "id": "20520710", + "title": "Flores negras", + "text": "later rerecorded the song in Mexico for RCA Victor in 1963 and Orfe\u00f3n in 1974. The song has also been recorded by Lydia Mendoza (1937), Bing Crosby (1941), Eydie Gorm\u00e9 with Los Panchos (1965), Elvira Quintana (1965), Irma Serrano (1973), Julio Jaramillo, and Ana Gabriel (2000). Flores negras \"Flores negras\" (\"Black Flowers\") is a bolero song written and composed by Cuban musician Sergio De Karlo and published in 1937. It was introduced by Mexican tenor Pedro Vargas in the 1937 film \"Los chicos de la prensa\". Vargas recorded it for RCA Victor. \"Flores negras\" is also one of the greatest", + "score": 0.65966796875 + }, + { + "id": "16131729", + "title": "Los muertos no hablan", + "text": "Los muertos no hablan Los muertos no hablan (The Dead Do Not Speak) is a 1958 Mexican western film directed by Jaime Salvador, starring Antonio Aguilar as Mauricio Rosales, and Flor Silvestre as Alondra, the femme fatale. The film follows another adventure of the rural policeman in a town notoriously known for its band of criminals led by \"Alma Negra\". It is the seventh installment of the \"Mauricio Rosales \"El Rayo\"\" film series, and the last subsequently until the 1980 film \"Sabor a sangre\". It was filmed in Mexiscope, a rare cinematographic process specially used in productions of Rodolfo Rosas", + "score": 0.6591796875 + }, + { + "id": "19708920", + "title": "Celosia floribunda", + "text": "venation and include 5 stamens, The stigma are round and brown in colour. Each flower produces 2-4 blackish seeds which are 1.2mm in diameter. \"Celosia floribunda\" is found in gravel plains and washes. The adult spider wasp \"Tachypompilus ferrugineus\" uses the flowers of \"C. floribunda\" as a nectar source. It flowers from March to October. \"Celosia floribunda\" is endemic to the southern and central parts of the peninsula of Baja California in Mexico. Celosia floribunda Celosia floribunda is a shrub or a small tree of the family Amaranthaceae which is endemic to Baja California Sur. It reaches a maximum height", + "score": 0.65869140625 + }, + { + "id": "15836257", + "title": "Ceramics of Jalisco", + "text": "body and long neck, with a ceramic cup placed upside down over the neck. These are called botellones or carafes. One town that specializes in these is El Rosario, near Tonal\u00e1. One variant of bru\u00f1ido is black, which is often made into jars, flower vases, platters and skulls for Day of the Dead . Canelo is a type of bru\u00f1ido is named for the color the fired clay turns out, which is various shades of cinnamon (canela in Spanish). It is burnished with lard and painted with ochre and brown tones. The decorative lines are generally horizontal with different thicknesses", + "score": 0.65869140625 + }, + { + "id": "1782626", + "title": "Flower war", + "text": "could encourage the allies of the Aztecs' enemies to change their allegiance. Flower war A flower war or flowery war (, ) was a ritual war fought intermittently between the Aztec Triple Alliance and its enemies from the \"mid-1450s to the arrival of the Spaniards in 1519.\" Enemies included the city-states of Tlaxcala, Huejotzingo, and Cholula in the Tlaxcala-Pueblan Valley in central Mexico. In these wars, participants would fight according to a set of conventions. During the Spanish conquest of the Aztec Empire, Tlaxcala allied with the Spaniards against the Aztecs, being eager to see their longtime flower war enemies", + "score": 0.658203125 + }, + { + "id": "3700944", + "title": "Pedro Flores (composer)", + "text": "Doesn't Count or Doesn't Count If You're Drunk), \"Linda\", \"Sin Bandera\" (Without a Flag), \"Despedida\" (Farewell) and \"Perd\u00f3n\" (I'm Sorry). Among those who have performed his songs are Beny More, Los Panchos, Celia Cruz, and Mar\u00eda Luisa Land\u00edn. A 1996 television special honoring his work features versions by many Puerto Rican and international artists, such as Ednita Nazario, Marc Anthony, Yolandita Monge and Shakira. Pedro Flores died in San Juan, Puerto Rico on July 14, 1979 and is buried in Santa Mar\u00eda Magdalena de Pazzis Cemetery located in Old San Juan Pedro Flores (composer) Pedro Flores born (March 9, 1894", + "score": 0.658203125 + }, + { + "id": "6360227", + "title": "La Calavera Catrina", + "text": "on the ancient rituals, those celebrations have evolved into today's Day of the Dead. As for the Spanish heritage (the death-orientation of the monastic orders, Dance of Death, and \"memento mori\" traditions), it blended with the average Mexican's stoic, but far from humorless, view of death. It should be noted that some find La Catrina to have closer ties to the Dance of Death than to the possible origins of the calavera in the art of ancient Mesoamerica. La Calavera differs markedly from the rigid sobriety of skulls carved by the Aztec or images of decomposing corpses depicted by the", + "score": 0.658203125 + }, + { + "id": "10810330", + "title": "El Quisco", + "text": "Pulla (Zephyranthes p\u00e1rvula Killip). Annual plant of the family of Amaryllidaceae, proper of Highlands andean provinces, of beautiful flowers that they bloom in spring. It is considered to be like warning of the goodor bad one agricultural year. At [Lo Orozco] was passing the Way from Limache to Las Dichas, following to Portezuelo de Ibacache, finishing at Talagante where other Mitimae existed . In 1430, T\u00fapac Inca Yupanqui, initiated a great military campaign that culminated with the establishment of a border in Maule river. Ilabe, one Incas nobles that commanded the invading forces, established in the valley Picunche of \"Llollehue\",", + "score": 0.658203125 + }, + { + "id": "11038226", + "title": "Fiestas del Pilar", + "text": "in the flower parade. The Flower Offering tradition started in 1952, when a group of City Hall functionaries went on a field trip to visit a festival outside of Zaragoza, in Castell\u00f3n de la Plana. Based on what they had witnessed there, they decided to embark on creating a similar festival for Zaragoza, which they launched in 1958. Around the Virgin's mantle, the Cross of Lorraine is usually depicted with red flowers against a background of white flowers, a two-tiered cross, insignia of the original crusader Templar Hospitallers Order of Jerusalem. This cross of flowers is an offering made by", + "score": 0.65771484375 + }, + { + "id": "3759131", + "title": "Lola Flores", + "text": "Pesca\u00edlla\", a gypsy guitarist from Barcelona. She had three children: singer and actress Lolita Flores; rock musician, singer and actor Antonio Flores; and singer and actress Rosario Flores. Lola Flores was not a gypsy herself, referring to herself as \"paya\" or non-gypsy Spanish. Nevertheless, she is considered an icon of this ethnicity in Spain, particularly since she married into a gypsy family. \"La Faraona\" died of breast cancer in 1995, aged 72, and was buried in the Cementerio de la Almudena in Madrid. Shortly after her death, her distraught 33-year-old son, Antonio Flores, committed suicide by overdosing on barbiturates and", + "score": 0.65771484375 + }, + { + "id": "13891719", + "title": "Portulaca pilosa", + "text": "up to nearly 6,000 feet in the Pohakuloa Saddle region. In Cuba, portulaca pilosa is commonly called \"Diez de la ma\u00f1ana\", i.e. the 10 a.m. flower. In other Latin countries, it is known as \"flor Diez del d\u00eda.\" The plants are annual, and the flowering can be from late spring to early fall. They grow and flower year-round in south Florida. This plant is somewhat unusual in that it can grow under a range of different environments, including dry soils, beaches, and disturbed habitats. This plant also grows on roadsides and railroads, on limestone, granitic, and sandstone outcrops. The roots", + "score": 0.65771484375 + }, + { + "id": "16131730", + "title": "Los muertos no hablan", + "text": "Priego. Los muertos no hablan Los muertos no hablan (The Dead Do Not Speak) is a 1958 Mexican western film directed by Jaime Salvador, starring Antonio Aguilar as Mauricio Rosales, and Flor Silvestre as Alondra, the femme fatale. The film follows another adventure of the rural policeman in a town notoriously known for its band of criminals led by \"Alma Negra\". It is the seventh installment of the \"Mauricio Rosales \"El Rayo\"\" film series, and the last subsequently until the 1980 film \"Sabor a sangre\". It was filmed in Mexiscope, a rare cinematographic process specially used in productions of Rodolfo", + "score": 0.65771484375 + }, + { + "id": "5323522", + "title": "San Carlos, Negros Occidental", + "text": "city's very own started what today is one of the most popular street dancing festivals in the region, the present-day \"Pintaflores Festival\". \"Pintaflores\" is coined from the words \"pintados\" (\"painted ones\"), the concept behind the Nabingkalan Tattoo Festival, and \"flores\", the Spanish word for \"flowers\" that dominated the theme of the Dances of Flowers. The \"Pintaflores\" street dancing and ritual competition highlights the annual Pintaflores Festival every November 3\u20135. It features rhythmic dances and dance dramas of life and death and the triumph of good against evil that depict the people's thanksgiving and merriment, abundant blessings and success. As part", + "score": 0.6572265625 + }, + { + "id": "627248", + "title": "Day of the Dead", + "text": "this day by visiting the family dead to clean and repair their tombs. Offerings of prayers, flowers, candles, and even food, while Chinese Filipinos additionally burn joss sticks and \"kim\". Many also spend the day and ensuing night holding reunions at the cemetery, having feasts and merriment. Day of the Dead The Day of the Dead () is a Mexican holiday celebrated throughout Mexico, in particular the Central and South regions, and by people of Mexican heritage elsewhere. The multi-day holiday focuses on gatherings of family and friends to pray for and remember friends and family members who have died,", + "score": 0.6572265625 + }, + { + "id": "6639530", + "title": "El Muerto", + "text": "mini-comic. The DVD is being reissued under the film's original title with the same special features. El Muerto El Muerto (\"The Dead One\"), also known as El Muerto: The Aztec Zombie, is a fictional character and comic book superhero created by American comics creator Javier Hernandez and published through his own imprint Los Comex. The comic book follows the story of 21-year-old Diego de la Muerte, who while on his way to a local Dia de los Muertos festival in Whittier, California, is abducted and sacrificed by the Aztec gods of death and destiny only to return to earth one", + "score": 0.6572265625 + }, + { + "id": "10584863", + "title": "Cattleya trianae", + "text": "Cattleya trianae Cattleya trianae (Lind. & Rchb. fil), also known as \"Flor de Mayo\" (\"May flower\") or \"Christmas orchid\", is a plant belonging to the Orchidaceae family. It grows as an epiphytic orchid, with succulent leaves, endemic to Colombia where it was nominated as the national flower in November 1936. That year, the National Academy of History of Argentina asked the Latin American countries to participate in an exhibition with the representative flowers of each country. The Colombian government gave the botanist Emilio Robledo the task to designate the most representative flowering plant of the country. The choice of \"Cattleya", + "score": 0.6572265625 + } + ], + "answer": "Mexican Marigold also known as Cempas\u00fachil, or Aztec Marigold is a native flower to M\u00e9xico and was first used by the Aztecs and is used in the Mexican holiday \"Dia de Los Muertos\" or Day of the Dead. Also called the \"Flower of the Dead\", it is translated in Spanish as \"Flor de Muertos\"." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who do you play as in the main game of Resident Evil 7?", + "short_answers": [ + "Ethan Winters", + "a civilian with few combat skills" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who do you play as in Resident Evil 7's downloadable content scenario \"Not a Hero\"?", + "short_answers": [ + "BSAA agent Chris Redfield", + "Chris Redfield" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who do you play as in Resident Evil 7's downloadable content scenario \"End of Zoe\"?", + "short_answers": [ + "Joe Baker", + "Zoe's uncle" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Resident Evil 7: Biohazard", + "url": "https://en.wikipedia.org/wiki/Resident%20Evil%207%3A%20Biohazard" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The player controls Ethan Winters from a first-person perspective as he searches a derelict estate for his missing wife.[1][2] Although Ethan is a civilian with few combat skills,[3] he is able to arm himself with a variety of weapons including handguns, shotguns, flamethrowers, explosives and chainsaws[4] against the estate's residents, the Baker family, as well as humanoid fungal creatures known as the \"Molded\"", + "wikipage": "Resident Evil 7: Biohazard" + }, + { + "content": "BSAA agent Chris Redfield teams up with the now reformed Umbrella Corporation, also known as Blue Umbrella, in order to apprehend Lucas Baker and uncover evidence on the mysterious group that created Eveline, called \"The Connections.\"", + "wikipage": "Resident Evil 7: Biohazard" + } + ], + "long_answer": "In Resident Evil 7, The player controls Ethan Winters from a first-person perspective as he searches a derelict estate for his missing wife. Although Ethan is a civilian with few combat skills, he is able to arm himself with a variety of weapons including handguns, shotguns, flamethrowers, explosives and chainsaws against the estate's residents, the Baker family, as well as humanoid fungal creatures known as the \"Molded\". BSAA agent Chris Redfield teams up with the now reformed Umbrella Corporation, also known as Blue Umbrella, in order to apprehend Lucas Baker and uncover evidence of the mysterious group that created Eveline, called \"The Connections.\" They are ambushed by Joe Baker, Zoe's uncle, who lives in the Dulvey swamps and has not been affected by Eveline's mold." + }, + { + "knowledge": [ + { + "content": "Resident Evil 7: Biohazard[a] is a 2017 first-person survival horror game developed and published by Capcom.", + "wikipage": "Resident Evil 7: Biohazard" + }, + { + "content": "The player controls Ethan Winters as he searches for his long-missing wife in a derelict plantation occupied by an infected family, solving puzzles and fighting enemies.", + "wikipage": "Resident Evil 7: Biohazard" + }, + { + "content": "Not a Hero \u2013 a story chapter where players control Chris Redfield,[59] which was delayed from its Q2 2017 release date,[60][61] was released for free, on December 12, 2017, along with a new DLC called End of Zoe, that came out the same day.[38]", + "wikipage": "Resident Evil 7: Biohazard Downloadable content" + } + ], + "long_answer": "Resident Evil 7: Biohazard is a 2017 first-person survival horror game developed and published by Capcom. The player controls Ethan Winters, a civilian with few combat skills as he searches for his long-missing wife in a derelict plantation occupied by an infected family, solving puzzles and fighting enemies. Not a Hero \u2013 a story chapter where players control BSAA agent Chris Redfield, was released for free on December 12, 2017, along with a new DLC called End of Zoe where players control Zoe's uncle Joe Baker." + } + ], + "sample_id": "3863117877494111972", + "question": "Who do you play as in resident evil 7?", + "docs": [ + { + "id": "19518112", + "title": "Resident Evil 7: Biohazard", + "text": "Resident Evil 7: Biohazard Resident Evil 7: Biohazard is a survival horror game developed and published by Capcom, released in January 2017 for Windows, PlayStation 4, and Xbox One, and in May 2018 for the Nintendo Switch in Japan. Diverging from the more action-oriented \"Resident Evil 5\" and \"Resident Evil 6\", \"Resident Evil 7\" returns to the franchise's survival horror roots, emphasizing exploration. The player controls Ethan Winters as he searches for his wife in a derelict plantation occupied by a cannibal family, solving puzzles and fighting enemies. It is the first main series game to use a first-person view.", + "score": 0.76171875, + "summary": "The player controls Ethan Winters in Resident Evil 7.", + "extraction": "The player controls Ethan Winters as he searches for his wife in a derelict plantation occupied by a cannibal family, solving puzzles and fighting enemies." + }, + { + "id": "19518113", + "title": "Resident Evil 7: Biohazard", + "text": "\"Resident Evil 7\" is the first full-length game to use Capcom's in-house RE Engine. The development was led by Koshi Nakanishi, director of the 2012 Nintendo 3DS game \"\". It was presented as a virtual reality demo, \"Kitchen,\" a year prior to its announcement at E3 2016, and supports the PlayStation VR headset. \"Resident Evil 7\" was considered a return to form for the series; critics praised the gameplay, graphics, and design, but criticized the boss battles and the final chapter. The PlayStation VR version received positive reviews, with some criticism including decreased resolution and physical discomfort. By March 2018,", + "score": 0.74169921875, + "summary": "You play as an unknown character in Resident Evil 7: Biohazard.", + "extraction": "irrelevant" + }, + { + "id": "19518138", + "title": "Resident Evil 7: Biohazard", + "text": "worldwide, with over 400,000 of them being VR users. The PC version was tamper-protected by anti-piracy software Denuvo, which was hacked within five days of release. Shortly after the game's reveal, a playable teaser named \"Resident Evil 7 Teaser: Beginning Hour\" was released on the PlayStation Store. The demo takes place in a dilapidated house, which the unnamed male player character needs to escape. Depending on the actions taken by the player, the teaser may have three different outcomes. Capcom later revealed that the teaser was a standalone experience and not a segment of the game, which has more variety", + "score": 0.72802734375, + "summary": "The document discusses the video game Resident Evil 7: Biohazard and mentions a playable teaser called \"Resident Evil 7 Teaser: Beginning Hour\" where an unnamed male player character needs to escape a dilapidated house.", + "extraction": "The passage is irrelevant as it does not provide any information about the playable character in Resident Evil 7." + }, + { + "id": "633081", + "title": "Resident Evil", + "text": "perspective and more action-oriented gameplay and mechanics. Some critics claimed that this overhauled control scheme \"made the game less scary.\" The next two games in the franchise furthered the action-oriented mechanics: \"Resident Evil 5\" featured cooperative play, while \"Resident Evil 6\" allowed players to move while aiming and shooting. \"Resident Evil 7\" is the first main \"Resident Evil\" game to use a first-person perspective and to use virtual reality. It drew comparisons to modern survival horror games such as \"Outlast\" and \"\". Puzzle-solving has also figured prominently throughout the series. The \"Resident Evil\" franchise features video games and tie-in merchandise", + "score": 0.724609375, + "summary": "In Resident Evil 7, the player character is not mentioned.", + "extraction": "The player character in \"Resident Evil 7\" is not mentioned in the given passage, therefore the answer is \"irrelevant\"." + }, + { + "id": "19518150", + "title": "Resident Evil 7: Biohazard", + "text": "designed\" Baker house. As for the VR, it was dubbed as a terrifying experience \"where the mildewy atmosphere gets into your soul\". \"Giant Bomb\"s Dan Ryckert referred to \"Resident Evil 7\" as the reinvigoration of earlier components in the series while at the same time yielding a fresh outlook with a yet-unrivaled story. The main antagonists bore substantial weight to Ryckert's cause for worry, and gave way to thrills when prompted to flee them. He viewed the first-person perspective as \"bold\", and attributed to the PlayStation VR, an earnest addition to the \"scare factor\". Chloi Rad of \"IGN\" endorsed the", + "score": 0.708984375, + "summary": "Irrelevant.", + "extraction": "You play as an unknown character in Resident Evil 7. (The passage does not provide a specific answer to the question, but it implies that the player character is not explicitly mentioned or known.)" + }, + { + "id": "4922997", + "title": "Resident Evil Zero", + "text": "However, unlike controlling one sole character like the previous games, the player controls two protagonists throughout the entire game. The player may switch between a police officer and medic Rebecca Chambers and convicted former Force Reconnaissance Officer Billy Coen. If they travel together, either one of them can be controlled while the other character is handled by the game's AI. The player may also control both simultaneously or split them up entirely to explore areas separately. Each character has unique abilities. Rebecca has a mixing kit which allows her to combine herbs and other chemicals, but she is weak defensively.", + "score": 0.70849609375, + "summary": "The document is irrelevant to the question.", + "extraction": "irrelevant" + }, + { + "id": "7784223", + "title": "Resident Evil: The Umbrella Chronicles", + "text": "or its surrounding area, in 1998. The final scenario, which is based on new material, is set in Russia, taking place in 2003. The game features nine playable characters from previous \"Resident Evil\" games, including Rebecca Chambers, Billy Coen, Chris Redfield, Jill Valentine, Carlos Oliviera, Albert Wesker, Ada Wong, Richard Aiken, and Hunk. The game's first scenario, based on the events of \"Resident Evil Zero\", follows STARS operative Rebecca Chambers, and former Marine Billy Coen as they venture through a train that eventually takes them to a derelict training facility. Once within the facility, they discover they are being stalked", + "score": 0.705078125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about who the player character is in Resident Evil 7." + }, + { + "id": "4533131", + "title": "Chris Redfield", + "text": "Chris Redfield He is also one of the two protagonists of the game \"\", in which he looks for his missing younger sister, Claire, and one of the main characters of \"\", where he manages to take down the Umbrella Corporation with Jill. Chris returned as the protagonist of \"Resident Evil 5\", working alongside his new partner Sheva Alomar, and is one of the protagonists in the game, \".\" Chris returns as one of four protagonists in \"Resident Evil 6\" where he and his partner Piers Nivans attempt to stop a worldwide bio-terrorism attack. He also has a cameo appearance", + "score": 0.70458984375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "15467367", + "title": "Resident Evil: Operation Raccoon City", + "text": "on the chopper as Command tells Echo Six to stay behind for one last mission that only they can accomplish. There are 12 playable characters in the game, with six characters for each side. On the Umbrella Security Service team there is: Vector (Andrew Kishino), the team's recon expert and is equipped with a cloaking ability; Lupo (Nika Futterman), who is the team leader; Beltway (Ramon Fernandez), who is proficient in the use of explosives; Spectre (David Cooley), the marksman; Bertha (Lydia Look), the medic; Four Eyes (Gwendoline Yeo), the scientist, with the ability to program the bio-organic weapons (BOWs)", + "score": 0.69970703125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "19518140", + "title": "Resident Evil 7: Biohazard", + "text": "9 and for PC on December 19. A playable demo called \"Lantern\" was made available for attendees at Gamescom 2016, as part of revealing the first \"Resident Evil 7\" story trailer. It makes use of found footage and first-person narrative as it tells the story of a young woman by the name of Mia hiding from an agitated old lady holding a lantern. The old lady is Marguerite Baker, who was first mentioned in \"Beginning Hour\". The first downloadable content package for the game, \"Banned Footage Vol. 1\", was released for the PlayStation 4 on January 31, 2017. \"Banned Footage", + "score": 0.69873046875, + "summary": "You play as Mia in Resident Evil 7.", + "extraction": "You play as an unnamed character in Resident Evil 7. Therefore, there is no specific answer to the question \"Who do you play as in resident evil 7?\" as there is no explicit mention of a playable character in the given passage." + }, + { + "id": "4185673", + "title": "Albert Wesker", + "text": "the head on the landing platform by Chris and Sheva. Wesker appears in the spin-off title \"\" as a playable character along with various other \"Resident Evil\" characters. His voice is heard on the 15th anniversary special video narrating the events. He has a son named Jake Muller who is introduced in \"Resident Evil 6\". Wesker is also featured in \"\" as a playable character in Raid Mode, presented in-universe as a virtual simulator. The primary antagonist of the main game is Alex Wesker, the only other survivor out of the Wesker children. Albert is briefly shown in the main", + "score": 0.69775390625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "19518153", + "title": "Resident Evil 7: Biohazard", + "text": "also cited issues with the PlayStation VR, including the prospect of sacrificing graphics for improved aim and immersion, as the resolution would decrease while in virtual reality. Carsillo disliked the inventory system because its restricted capacity left weaponry and ammunition with the same amount of space as other items critical to story progression. The lack of character development for the protagonist Ethan Winters was disparaged as well, with Reiner stating that the plot suffered flaws of inconsistency from this approach. Also subject to criticism was the required body movements while in seated VR mode, which were described as stomach-churning. Butterworth", + "score": 0.69580078125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about who the player controls in Resident Evil 7." + }, + { + "id": "19041334", + "title": "Umbrella Corps", + "text": "a competitive multiplayer shooter that features zombies. Players play as a mercenary from two different corporations, and they are tasked to co-operate with their fellow mercenaries to eliminate all the hostile players. Players can choose to play from a first-person perspective, or a third-person perspective. The game's maps are described as \"compact battle zones\" which have traditional historic \"Resident Evil\" themes and environments. The game features gadgets like semi-automatic rifles, shotguns, pistols, grenades and explosives, as well as unusual melee-weapons like Brainer combat axes. In order to travel between maps in an effective way, the game features repurposed climbing gear,", + "score": 0.69287109375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about Resident Evil 7." + }, + { + "id": "4494385", + "title": "Leon S. Kennedy", + "text": "world from a global outbreak. Leon also appears in several non-canonical games in the series. He stars alongside Barry Burton in the Game Boy Color-only \"Resident Evil Gaiden\" (2001). Along with Claire, Leon is one of two playable characters in the browser and mobile game \"Resident Evil: Zombie Busters\". In the third-person shooter \"\" (2012) revisiting the Raccoon City incident, the players control Umbrella operatives sent to kill any survivors, and certain actions can lead to Leon's death. He is also a player character in the \"Heroes\" mode of this game. At E3 in June of 2018, Capcom announced a", + "score": 0.6923828125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about who you play as in Resident Evil 7." + }, + { + "id": "13117323", + "title": "Resident Evil 6", + "text": "Resident Evil 6 Resident Evil 6, known in Japan as Biohazard 6, is a third-person shooter game developed and published by Capcom. The ninth main game in the \"Resident Evil\" series, it was released for the PlayStation 3 and Xbox 360 in October 2012 and for Windows in March 2013. Players control Leon S. Kennedy, Chris Redfield, Jake Muller, and Ada Wong, who confront the force behind a worldwide bio-terrorist attack; each character has unique abilities and styles. \"Resident Evil 6\" was conceptualized in 2009 and entered full development the following year under \"Resident Evil 4\" producer Hiroyuki Kobayashi. It", + "score": 0.6875, + "summary": "Players can control Leon S. Kennedy, Chris Redfield, Jake Muller, and Ada Wong in Resident Evil 6.", + "extraction": "Irrelevant. The passage is about Resident Evil 6 and does not provide information about Resident Evil 7 or the playable character." + }, + { + "id": "19518114", + "title": "Resident Evil 7: Biohazard", + "text": "the game had sold over five million copies worldwide. Its initial release was followed by two downloadable scenarios, \"Not a Hero\" and \"End of Zoe\". The player controls Ethan Winters from a first-person perspective as he searches the Baker house for his missing wife. Although Ethan is a civilian with few combat skills, he is able to arm himself with a variety of different weapons including handguns, shotguns, flamethrowers, explosives and chainsaws against the Baker family and a humanoid form of fungus known as the \"Molded\". He can also block attacks to reduce damage. Various sections of the game are", + "score": 0.68505859375, + "summary": "The player controls Ethan Winters in Resident Evil 7.", + "extraction": "The player controls Ethan Winters from a first-person perspective." + }, + { + "id": "4494398", + "title": "Leon S. Kennedy", + "text": "the 50 greatest video game characters, ranking him 44th. IGN ranked Leon as the best playable \"Resident Evil\" character, writing Leon \"quickly became one of the most capable characters in the series, matching Chris in hand-to-hand combat and being referred to as a genius by Ada.\" IGN has featured Leon on the list of things they would like to see in \"Resident Evil 6\", calling him one of the two main characters of the series along with Chris Redfield, and describing him in the article about the best zombie fighters as the \"straight-laced hero\" of \"Resident Evil\". The IGN character", + "score": 0.6845703125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "3667974", + "title": "Resident Evil 2", + "text": "lacked experience with terrifying situations: Leon S. Kennedy, largely identical to his persona in the final build, and Elza Walker, a college student and motorcycle racer vacationing in Raccoon City, her hometown. Unlike the final version, the story paths of Leon and Elza did not cross, and each playable character had two support partners instead of just one. Leon received help from fellow police officer Marvin Branagh and a researcher named Linda \u2013 an early version of Ada \u2013 while Elza was aided by Sherry Birkin and a man named John, who appeared in \"Resident Evil 2\" as gun shop", + "score": 0.68408203125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "18248203", + "title": "Resident Evil: Revelations 2", + "text": "Resident Evil: Revelations 2 Resident Evil: Revelations 2, known in Japan as , is an episodic survival horror video game developed and published by Capcom. It is the tenth major installment in the \"Resident Evil\" franchise (22nd overall). The game is a follow up to \"\" and \"Resident Evil 5\". This marks the return of Claire Redfield as the main protagonist, and the first time Barry Burton is a playable story character in the main series. The first installment was released in February 2015. The plot is set between the events of \"Resident Evil 5\" and \"Resident Evil 6,\" in", + "score": 0.6826171875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The given passage is about Resident Evil: Revelations 2 and mentions Claire Redfield and Barry Burton as playable characters, but it does not provide any information about who the player character is in Resident Evil 7." + }, + { + "id": "633076", + "title": "Resident Evil", + "text": "the Las Plagas parasite, which makes them unyieldingly murderous but also maintains their dexterity and mobility, unlike the slow, shambling undead. \"Resident Evil 5\" concerns Chris Redfield's attempts to stop the selling of illegal bio-weapons in Africa, helped by Sheva Alomar. The plot eventually involves Albert Wesker's plans to destroy humanity with a viral agent based on the Progenitor Virus and T-Virus Antibodies called Uroboros. \"Resident Evil 6\" follows multiple protagonists, including Leon Kennedy, Chris Redfield, Ada Wong, and Jake Muller, who become involved in a terrorist strike using bio-weapons which results in the zombification of the President of the", + "score": 0.68212890625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "4533140", + "title": "Chris Redfield", + "text": "with the t-Abyss virus. After a grueling fight, the two find a video containing evidence of the crimes the director of the Federal Bioterrorism Commission, Morgan Lansdale, who was behind everything. \"Resident Evil 6\" sees Chris return as one of the three protagonists alongside Leon S. Kennedy, and Jake Muller, the son of Albert Wesker. In the game, Chris leads a squad of BSAA soldiers to investigate a bio-terror attack in Europe. Ambushed by Carla Radames, posing as Ada Wong, they suffer severe casualties. Only Chris and Piers Nivans survive the assault, with the rest of his team being turned", + "score": 0.681640625 + }, + { + "id": "15467370", + "title": "Resident Evil: Operation Raccoon City", + "text": "as Lickers, Hunters, and Cerberuses. Furthermore, the players are able to control them under certain circumstances. Heroes Mode is an online multiplayer feature allowing to play characters such as Leon S. Kennedy, Claire Redfield, Jill Valentine and Carlos Oliviera, plus Ada Wong, HUNK, Nicholai Ginovaef, and a new character, Lone Wolf. Xbox 360-exclusive Nemesis Mode allows one player to control Nemesis and use him to kill the other team. The idea for the game came about during the development of \"Lost Planet 2\". On November 1, 2010, Kotaku reported on a rumor that Slant Six Games, developer of \"\", was", + "score": 0.68017578125 + }, + { + "id": "19518131", + "title": "Resident Evil 7: Biohazard", + "text": "would be received. As a hint to the demo's relation to \"Resident Evil 7\", the logo of \"KITCHEN\" had the letter \"T\" designed so that it resembled a \"7\", but it went largely unnoticed. In the company's Integrated Report of 2015, the \"Resident Evil\" development division of Capcom was stated to focus on creating experiences for the VR market, which included the new VR engine and games for the eighth generation of consoles. The game was directed by Koshi Nakanishi, who previously helmed \"\", leading a development team numbering at about 120 staff. For the first time in the series,", + "score": 0.67919921875 + }, + { + "id": "14964582", + "title": "Resident Evil: The Mercenaries 3D", + "text": "as \"Skills\") and weapons load-out by obtaining \"Skill Points\" and \"Rankings\" based on their gameplay performance. The game also features alternate costumes for each character to unlock, such as a nurse outfit for Rebecca, or an American flag-motif outfit for Barry. The game includes Wi-Fi connectivity for cooperative play from players around the world, as well as new modes and characters from across the series. The game also features a short playable demo of \"\", which shows Jill Valentine investigating a desolate cruise liner inhabited by strange bio-organic weapons (BOWs). Playable characters include Chris Redfield, Jill Valentine, Albert Wesker, Claire", + "score": 0.67919921875 + }, + { + "id": "4494379", + "title": "Leon S. Kennedy", + "text": "to work for the U.S. government and reunites with Ada and a grown-up Sherry. Leon also appears as a player character in several other video games, and has a leading role in three CG animated films: \"\" in 2008 and \"\" in 2012 and \"\" in 2017, in which he is a special agent for the government. The version of Leon in the live-action film series is portrayed by Johann Urb in \"\". Leon debuted in \"Resident Evil 2\" (1998), as one of the game's two protagonists alongside Ada Wong. In the story, he is a police officer on his", + "score": 0.6787109375 + }, + { + "id": "13314959", + "title": "Silent Hill: The Escape", + "text": "the ability to tilt the device in order to change the camera perspective. This is used in more ways than the perspective. It is also used while reloading the player's revolver, as you must align it correctly in order to reload. There are four different characters to play as. You can play as a human, alien, a woman named Mira, or Robbie the Rabbit. Each character is unlocked after beating the game with the previous character. The game is a simple way to pass time, featuring several different monsters. Silent Hill: The Escape Silent Hill: The Escape is an entry", + "score": 0.677734375 + }, + { + "id": "4057458", + "title": "Killer7", + "text": "remakes of Suda51's older works, a remastered version of \"Killer7\" for Microsoft Windows released in 2018, and the successful launch of \"No More Heroes\". The player controls the on-screen character, a member of the killer7 group, from a third-person view using the gamepad. The gameplay consists of elements of first-person shooter and action-adventure game with restricted movement (i.e. \"on rails\")\u2014rather than allow free motion, the game limits the on-screen character to predetermined paths through the environment. The on-screen character moves forward by holding a button and reverses direction with another button press. At intersections, the player may choose which path", + "score": 0.677734375 + }, + { + "id": "19518132", + "title": "Resident Evil 7: Biohazard", + "text": "the narrative designer was a westerner\u2014Richard Pearsey, writer of the two expansion packs of \"F.E.A.R.\" and one of the narrative designers of \"\". At the time of the game's reveal, development was around 65% complete. Some of the creature models in \"Resident Evil 7\" were first created in physical form \u2013 a number of them from actual meat \u2013 by make-up artists, to then be scanned through the employment of photogrammetry. This technology developed over half of the general assets of the game, but posed a problem in researching the setting of Louisiana because its considerable demand for equipment made", + "score": 0.6767578125 + }, + { + "id": "19518134", + "title": "Resident Evil 7: Biohazard", + "text": "on January 24. In October 2016, Capcom launched a 10 part video series called \"The World of Resident Evil 7\", teasing pieces of the game's contents. A cross-save feature between Microsoft Windows and the Xbox One was confirmed in November 2016. If bought on either PC through the Windows Store or on the Xbox One digitally, it is playable on both platforms through the Xbox Play Anywhere program, making it the first game published by a third-party to be a part of the program. A cloud version for the Nintendo Switch, titled \"Biohazard 7: Resident Evil Cloud Version\", was released", + "score": 0.67626953125 + }, + { + "id": "4789226", + "title": "Resident Evil 3: Nemesis", + "text": "company promoted one of its other projects as the third main canonical game while Kamiya's team moved onto \"Resident Evil 4\". The selected project was a spin-off that was being developed by an inexperienced team under director Kazuhiro Aoyama. The spin-off was originally intended to introduce a new character who would have to escape from an infected Raccoon City. However, after the promotion, Capcom decided that \"Resident Evil\" protagonist Jill Valentine would be the main character and Raccoon City would be destroyed. Unlike the majority of the early scripts in the series, the scenario of the game was not created", + "score": 0.67626953125 + }, + { + "id": "6094525", + "title": "Alice (Resident Evil)", + "text": "Alice (Resident Evil) Alice is a fictional character and the main protagonist of the \"Resident Evil film series\", which is loosely based on the video game series of the same name. Though she is not an official character in the games, she has interacted with game characters such as Jill Valentine, Claire Redfield, Carlos Olivera, Chris Redfield, and Leon S. Kennedy. Alice, portrayed by Milla Jovovich, plays the principal role in each film, with the storylines mostly revolving around her struggle with the Umbrella Corporation. In \"Resident Evil\", Alice is a security officer working for the Umbrella Corporation. She and", + "score": 0.67529296875 + }, + { + "id": "19518152", + "title": "Resident Evil 7: Biohazard", + "text": "for being \"classic \"Resident Evil\" through and through\". Kelly saw the regular state of vulnerability he was faced within the game as one of its greatest strengths, giving credit to the visuals and audio for adding to the \"rumbling sense of dread\". He considered flashbacks via VHS tapes to be one of his favorite features. \"Polygon\"s Philip Kollar applauded \"Resident Evil 7\"s return to form, declaring that \"no \"Resident Evil\" game since the first has done as good a job as \"RE7\" at making me feel scared and helpless\". Conversely, Furniss observed the boss fight and ending as disappointing. He", + "score": 0.67529296875 + }, + { + "id": "3954345", + "title": "Jill Valentine", + "text": "heroine, and were critical of some of her overtly sexualized costumes. Jill Valentine was introduced as one of two playable protagonists \u2013 alongside her partner Chris Redfield \u2013 in Capcom's 1996 video game \"Resident Evil\". As such, she was the first playable female character in the survival horror genre. Both characters were created by the director of the game, Shinji Mikami, alongside character designer Isao \u014cishi. Valentine did not appear in the 1998 sequel, as the production team sought to retain the level of fear found in the original game by introducing similarly inexperienced characters. However, she returned as the", + "score": 0.67529296875 + }, + { + "id": "13117324", + "title": "Resident Evil 6", + "text": "had a development staff of more than 600, making it Capcom's largest production. \"Resident Evil 6\" received mixed reviews; some reviewers praised the game's storyline and themes, but the interwoven campaigns and departure from survival horror received criticism. With over 8.7 million copies sold, it is the third-bestselling Capcom game. It was rereleased for the PlayStation 4 and Xbox One with all downloadable content. \"Resident Evil 6\" allows players to select between four scenarios with interwoven storylines. Each scenario follows one of four main protagonists: Leon S. Kennedy, Chris Redfield, Jake Muller and Ada Wong. The player-characters from each scenario", + "score": 0.67431640625 + }, + { + "id": "16429869", + "title": "Resident Evil (2002 video game)", + "text": "can be mixed with other herbs to increase their healing effect. Some monsters can also infect the player with a poisoning effect, which gradually depletes the player's health over time until the poison is cured with serum or special herbs. Zombies that are defeated but not decapitated or burned eventually revive and mutate into deadlier forms. The player can control either Chris Redfield or Jill Valentine, each with advantages and disadvantages. For example, Chris can take and deal more damage than Jill, but Jill can carry more items and unlock certain doors with a lock pick. Both characters can equip", + "score": 0.67333984375 + }, + { + "id": "19518129", + "title": "Resident Evil 7: Biohazard", + "text": "Following the release of \"Resident Evil 6\", Capcom conducted internal discussions regarding the direction of the next installment. A preliminary version of the game, developed in 2013, featured a more action-oriented gameplay, similar to that of \"Resident Evil 6\". Taking inspiration from the 1981 film \"The Evil Dead\", the developers decided to scale back the game to one location and use a first-person perspective to immerse players and return the series to its roots of survival horror. Development began around February 2014. The game is built on a new engine, named RE Engine, which includes virtual reality (VR) development tools.", + "score": 0.67236328125 + }, + { + "id": "11191712", + "title": "Devil May Cry (video game)", + "text": "The story was based on unraveling the mystery surrounding the body of protagonist Tony, an invincible man with skills and an intellect exceeding that of normal people, his superhuman abilities explained with biotechnology. As Kamiya felt the playable character did not look brave and heroic enough in battles from a fixed angle, he decided to drop the prerendered backgrounds from previous \"Resident Evil\" installments and instead opted for a dynamic camera system. This new direction required the team to make a trip to Europe where they spent eleven days in the United Kingdom and Spain photographing things like Gothic statues,", + "score": 0.671875 + }, + { + "id": "4533137", + "title": "Chris Redfield", + "text": "a private biohazard containment force, and in 2003 embark on a mission to destroy the Umbrella Corporation after hearing rumours of a new Bio Organic Weapon (BOW) being developed. The resulting attack on an Umbrella facility in Russia's Caucasus region is successful. In \"Resident Evil 5\", Chris is the protagonist and a founding member of the UN paramilitary group Bio-terrorism Security Assessment Alliance (BSAA). In the game, he investigates a terrorist threat in Kijuju, Africa while looking for Jill, who is missing and presumed dead. Accompanying him is his new partner Sheva Alomar. Eventually, they manage to find and free", + "score": 0.671875 + }, + { + "id": "18248205", + "title": "Resident Evil: Revelations 2", + "text": "some technical issues were largely criticized. As the end of December, 2017, the title reached a combined 2.3 million units sold, surpassing its predecessor and becoming the 24th best seller of the company. \"Resident Evil: Revelations 2\" is set between the events of \"Resident Evil 5\" and \"Resident Evil 6\". Claire Redfield is the main protagonist and Barry Burton's daughter, Moira, plays a supporting role. In December 2014, a new trailer revealed Barry as another playable protagonist and he is joined by Natalia Korda, a little girl with supernatural abilities. The official cinematic trailer was released in December 2014. \"Resident", + "score": 0.67138671875 + }, + { + "id": "5887269", + "title": "Resident Evil Gaiden", + "text": "Resident Evil Gaiden Resident Evil Gaiden, known in Japan as Biohazard Gaiden, is an action-adventure game for the Game Boy Color co-developed by Capcom and M4, and first released on December 14, 2001. Received generally unfavorably by critics, the game marks a departure from other entries in the series, insofar as areas are explored with the playable character seen from a top-down perspective, with battles fought in first-person view. The story revolves around a viral outbreak on a passenger ship and has Leon S. Kennedy and Barry Burton return as protagonists. The game features three playable characters and consists of", + "score": 0.6708984375 + }, + { + "id": "13339754", + "title": "Contra ReBirth", + "text": "Contra ReBirth \"Contra ReBirth\" retains the same sprite-based side-scrolling gameplay as the series' earlier installments. The game can be played with the standard Wii Remote, as well as with the Classic Controller or a Nintendo GameCube controller. As with most \"Contra\" games, up to two players can play simultaneously. The player initially has a choice between two different player characters: Bill Rizer, the traditional \"Contra\" hero, or Genbei Yagyu from \"Neo Contra\". Two additional characters: Brownie (Tsugumin in the Japanese version), an android shaped like a small girl; and Plissken, a tall lizard-like humanoid alien (whose name is a tribute", + "score": 0.6708984375 + }, + { + "id": "4979653", + "title": "Ada Wong", + "text": "3 and Wii ports of \"Resident Evil 4\", a new scenario starring Ada was included. Titled \"Separate Ways\", it depicts the events of the main game from her perspective. The fictional documentary \"Ada's Report\" describes her involvement with other characters in the story. In her report, it is revealed that she works for a different organization than Wesker's, sending him an inferior strain and stealing the parasite sample for herself instead. Ada is a playable character in \"Resident Evil 6\" (2012) set in 2012-2013, where she is \"a lone spy working in secret\". Her campaign, designed to bring the answer", + "score": 0.669921875 + }, + { + "id": "3667958", + "title": "Resident Evil 2", + "text": "Resident Evil 2 Resident Evil 2, known in Japan as Biohazard 2, is a survival horror game developed and published by Capcom and released for the PlayStation in 1998. The player controls Leon S Kennedy and Claire Redfield, who must escape Raccoon City after its citizens are transformed into zombies by a biological weapon two months after the events of the original \"Resident Evil.\" The gameplay focuses on exploration, puzzles, and combat; the main difference from its predecessor are the branching paths, with each player character having unique storylines and obstacles. \"Resident Evil 2\" was directed by Hideki Kamiya, produced", + "score": 0.669921875 + }, + { + "id": "14964583", + "title": "Resident Evil: The Mercenaries 3D", + "text": "Redfield, Jack Krauser, Barry Burton, Rebecca Chambers and HUNK, competing in maps from \"Resident Evil 4\" and \"5\". Before the game's release, there was a lot of confusion over why series mainstay Leon S. Kennedy was not playable. In an interview, producer Masachika Kawata jokingly states Leon's absence is due to his appearance in the upcoming \"\", but mentions that including Leon (and other features) as future downloadable content is not out of the question. The game received controversy upon release when it was discovered that the game's save data could not be erased. This implied that Capcom was attempting", + "score": 0.669921875 + }, + { + "id": "5370391", + "title": "Resident Evil Outbreak", + "text": "wanders into the bar and attacks one of the employees named Will. After that, the characters must make it through the city. The game ends in the final moments of the same incident, with the player attempting to escape Raccoon City before the U.S. government launches a missile strike to eliminate the threat posed by the T-virus. The player controls one of eight characters, in order: Kevin Ryman, Mark Wilkins, Jim Chapman, George Hamilton, David King, Alyssa Ashcroft, Yoko Suzuki, and Cindy Lennox, along with numerous supporting characters who can be selected in their place. Gameplay events transpire across various", + "score": 0.66943359375 + }, + { + "id": "14655612", + "title": "Resident Evil: Revelations", + "text": "and enemies. In the game's single-player campaign, the player must complete a series of scenarios collected together into episodes. Most of the scenarios involve the player controlling Jill Valentine aboard a ghost ship in the Mediterranean Sea, but some require the player to play as other characters in different settings. To finish a scenario and proceed to the next one, the player must complete certain objectives such as solving puzzles, defeating a boss, collecting keys that open doors to new areas, and reaching a specific point in the game, among others. As a survival horror game, \"Revelations\" emphasizes survival, evasion,", + "score": 0.66943359375 + }, + { + "id": "4979035", + "title": "Resident Evil (1996 video game)", + "text": "Resident Evil (1996 video game) Resident Evil, known in Japan as Bio Hazard, is a survival horror video game developed and released by Capcom originally for the PlayStation in 1996, and is the first game in the \"Resident Evil\" series. The game's plot follows Chris Redfield and Jill Valentine, members of an elite task force known as S.T.A.R.S., as they investigate the outskirts of Raccoon City following the disappearance of their team members. They soon become trapped in a mansion infested with zombies and other monsters. The player, having selected to play as Chris or Jill at the start of", + "score": 0.66943359375 + }, + { + "id": "16429867", + "title": "Resident Evil (2002 video game)", + "text": "version was released for Microsoft Windows, PlayStation 3, PlayStation 4, Xbox 360, and Xbox One to critical and commercial success. \"Resident Evil\" is a survival horror game where the player controls the on-screen character from a third-person perspective to interact with the environment. To advance, the player must explore a mansion and its surrounding areas while avoiding, outsmarting and defeating monsters including zombies, undead dogs, and giant spiders. The player can open doors, push certain objects, climb obstacles, and pick up items. When an item is collected, it is stored in an inventory that the player can access at any", + "score": 0.6689453125 + }, + { + "id": "3570371", + "title": "Tifa Lockhart", + "text": "was added to the iOS game \"\" as a playable character. Designed by Tetsuya Nomura, Tifa was not present in early versions of \"Final Fantasy VII\", as initially, the game was to have only three playable characters; the protagonist Cloud Strife, Aerith Gainsborough and Barret Wallace. However, during a phone call to project director Yoshinori Kitase, it was suggested that at some point in the game, one of the main characters should die, and after much discussion as to whether it should be Barret or Aerith, the producers chose Aerith. Nomura later joked that this was his idea, so as", + "score": 0.6669921875 + }, + { + "id": "5370418", + "title": "Resident Evil 5", + "text": "fictional region of Africa. Chris soon learns that he must confront his past in the form of an old enemy, Albert Wesker, and his former partner, Jill Valentine. The gameplay of \"Resident Evil 5\" is similar to that of the previous installment, though it is the first in the series designed for two-player cooperative gameplay. It has also been considered to be the first game in the main series to depart from the survival horror genre, critics saying it bore more resemblance to an action game. Motion capture was used for the cutscenes, and it was the first video game", + "score": 0.66650390625 + }, + { + "id": "4979654", + "title": "Ada Wong", + "text": "to some of the game's mysteries, becomes available after the player finishes the storylines for the main characters Leon, Chris Redfield and Jake Muller. During the course of the game, it is revealed that Ada is a former associate of the rogue National Security Advisor Derek C. Simmons who becomes dangerously obsessed with her. Though she originally worked on her own agenda, she gets caught up in the game's events and is forced to help Leon in his mission to stop Simmons' plans. Initially single-player only, Ada's campaign features the action-oriented gameplay of \"Resident Evil 4\" and \"Resident Evil 5\",", + "score": 0.666015625 + }, + { + "id": "14655609", + "title": "Resident Evil: Revelations", + "text": "Resident Evil: Revelations Resident Evil: Revelations is a survival horror video game developed by Capcom and originally released for the Nintendo 3DS handheld game console in 2012. Set between the \"Resident Evil\" titles \"Resident Evil 4\" and \"Resident Evil 5\", the game follows counter-terrorism agents Jill Valentine and Chris Redfield as they try to stop a bioterrorist organization from infecting the Earth's oceans with a virus. The game features a single-player mode where the player must complete a series of episodes that involve solving puzzles and defeating enemies, and a multiplayer mode where players may fight their way through altered", + "score": 0.666015625 + }, + { + "id": "633073", + "title": "Resident Evil", + "text": "masterminded some later events behind the scenes. \"Resident Evil Zero\", a prequel released originally for the GameCube, details the events leading up to the first game and follows Rebecca Chambers as she is separated from the Bravo team and has to team up with a fugitive Billy Coen. \"Resident Evil 2\" follows a few months after the events of the first game when rats start infecting the population of Raccoon City with the T-Virus. Playing alternately as Claire Redfield, the sister of Chris from the first game, or Leon Kennedy, a rookie police officer starting on the day of the", + "score": 0.666015625 + }, + { + "id": "19518158", + "title": "Resident Evil 7: Biohazard", + "text": "February saw \"Resident Evil 7\" ranked the second best-selling video game in the United States, behind \"For Honor\". By April 2017, \"Resident Evil 7\" had sold 3.5 million copies worldwide, short of Capcom's expectation of 4 million. In May 2017, Capcom gave the game a lifetime sales forecast of ten million units, citing favorable reviews, marketing and downloadable content as contributing factors. By September 2018, total sales reached 5.7 million copies. On September 14, 2017, Capcom announced that a new \"Resident Evil\" was \"already in motion\". Resident Evil 7: Biohazard Resident Evil 7: Biohazard is a survival horror game developed", + "score": 0.66552734375 + }, + { + "id": "12645549", + "title": "Sheva Alomar", + "text": "Sheva Alomar Sheva Alomar is a fictional character in the \"Resident Evil\" horror video game series by Capcom. She was introduced in 2009 in \"Resident Evil 5\" in which she is a native African operative of an anti-bioterrorism group and the new partner of the series' veteran Chris Redfield. Sheva is controlled by the game's artificial intelligence (AI) when playing with a single player, and is controlled by a second player in the game's cooperative mode. Designed to symbolize \"the bond of partnership\" within the game, the character's physical design was modeled off Australian actress Michelle Van Der Water, while", + "score": 0.6640625 + }, + { + "id": "19518145", + "title": "Resident Evil 7: Biohazard", + "text": "of 2017, while \"Eurogamer\" ranked it 14th on their list of the \"Top 50 Games of 2017\". Ben \"Yahtzee\" Croshaw of \"The Escapist\" listed it as his favorite game of 2017, and \"The Verge\" named it as one of their 15 Best Games of 2017. In \"Game Informer\"s Reader's Choice Best of 2017 Awards, the game came in the lead for \"Best VR Game\", also giving it the award for \"Best VR Action\" in their 2017 Action Game of the Year Awards. \"Destructoid\"s Zack Furniss felt that the primary accomplishment of \"Resident Evil 7\" concerned its pacing, which was praised", + "score": 0.6640625 + }, + { + "id": "13133619", + "title": "Resident Evil: The Darkside Chronicles", + "text": "The game's plot revolves around the personal stories and tragedies in the series. Its main focus is retelling the events of \"Resident Evil 2\" and \"\", and a new chapter is featured. For the \"Resident Evil 2\" segment, the player takes control of protagonists Leon S. Kennedy and Claire Redfield, with Sherry Birkin acting as an escort character in one chapter. The \"Code: Veronica\" chapter features Claire, accompanied by fellow Rockfort Island prisoner Steve Burnside and later her brother Chris Redfield. The first scenario in \"Resident Evil: The Darkside Chronicles\" focuses on Leon Kennedy four years after the events of", + "score": 0.6630859375 + }, + { + "id": "12645556", + "title": "Sheva Alomar", + "text": "5\", the primary player controls Chris, whom Sheva follows throughout the game as an ally controlled by artificial intelligence (AI). In the game's co-operative gameplay mode, a second player will control Sheva. When the game has been completed once, there is an option to make Sheva the primary character. During the events of the game, Sheva and Chris stop the Tricell corporation, who were continuing Umbrella's work, from infecting the world with a new BOW. In the end, they kill the series' villain Albert Wesker. Pre-order bonuses for \"Resident Evil 5\" included a sand globe of Sheva and Refield. Various", + "score": 0.66259765625 + }, + { + "id": "14286972", + "title": "Rebecca Chambers (character)", + "text": "\"Resident Evil Zero\" and details her later experiences leading up to \"Resident Evil\". The game pairs her with fellow STARS Bravo team member Richard Aiken as they work together to fend off hordes of undead creatures. She has survived the events of \"Resident Evil 2\", in which the character makes an easter egg type cameo appearance in an undeveloped film on Wesker's desk. Rebecca is also a playable character in \"Resident Evil 5 Gold Edition\" in its minigame mode Mercenaries Reunion, as well as in \"\". In the original \"Resident Evil\", Rebecca was portrayed in the game's live-action cut-scenes by", + "score": 0.66259765625 + }, + { + "id": "4318022", + "title": "Resident Evil 4", + "text": "for and was seen as a successful cross-platform hit that influenced the evolution of the survival horror and third-person shooter genres. It pioneered the \"over the shoulder\" third-person view perspective in video games. It is widely considered to be one of the best video games of all time. A sequel, \"Resident Evil 5\", was released in 2009. Departing significantly from the series' previous games, the player controls the protagonist, Leon S. Kennedy, from a third-person perspective. The gameplay focuses on action and shootouts with fewer survival horror elements. The camera is placed behind Leon and zooms in for an over-the-shoulder", + "score": 0.66259765625 + }, + { + "id": "4494383", + "title": "Leon S. Kennedy", + "text": "for Ashley, he is captured and injected with the parasite. With help from Ada and the Illuminados researcher Luis Sera, Leon is able to remove Las Plagas from his body and to rescue Ashley while confronting the cult. At the climax of the game, Leon kills the cult leader Osmund Saddler, but is forced to give a Plagas sample to Ada, who escapes in a helicopter, leaving Leon and Ashley to escape on a watercraft. Leon is one of the protagonists in \"Resident Evil 6\" (2012), alongside Chris Redfield and Jake Muller. While the game has four player characters with", + "score": 0.66162109375 + }, + { + "id": "19518135", + "title": "Resident Evil 7: Biohazard", + "text": "in Japan on May 24, 2018. Players may access the first 15 minutes of the game for free, and continue playing it afterwards by purchasing a pass allowing unlimited play for 180 days. The internal marketing team at Capcom collaborated with creative agency iam8bit to produce an escape room called \"Resident Evil Escape Room Experience\", in which groups of six are guided through a series of rooms by Umbrella Corporation employees. It was held at a gallery space in Echo Park, Los Angeles. In London, a similar event was hosted in concurrence with the release. Purchase of a GameStop-exclusive Collector's", + "score": 0.6611328125 + }, + { + "id": "19518130", + "title": "Resident Evil 7: Biohazard", + "text": "The decision to make the game first-person was made well before VR was considered; VR development started in October 2015, for which a separate team was created. The introduction of VR demanded that textures be more detailed, discarding flat textures and inaccurate object sizes that had previously been used. A year before the game's announcement, Capcom presented to attendants of E3 2015 a first-person horror-themed VR demo, \"KITCHEN\", which ran on the same engine. While \"Resident Evil 7\" had been in development long before, \"KITCHEN\" was seen as an opportunity to evaluate how the RE Engine and its VR capabilities", + "score": 0.66064453125 + }, + { + "id": "19591543", + "title": "Dino Crisis", + "text": "game, unsafe research into time-distorting Third Energy has resulted in an entire research base, military institution, and fictional metropolis of Edward City to be transported to another time; along with all of its inhabitants. Secret Operations Raid Team operative Regina returns as one of the main playable characters, sent along as an adviser to the rescue team that travels through time to find survivors of the time displacement and recover data on the Third Energy experiments. Dylan Morton, the rescue team leader, is the second playable character. Despite Dylan and Regina initially going their separate ways, they end up joining", + "score": 0.66015625 + }, + { + "id": "4789213", + "title": "Resident Evil 3: Nemesis", + "text": "Jill Valentine, from a third-person perspective to interact with the environment and enemies. The player takes control of another character for a brief portion of the game. To advance, the player explores a city while avoiding, outsmarting and defeating enemies. The player can interact with the environment in several ways, such as opening doors, pushing objects or climbing obstacles. Scattered throughout the city are weapons, ammunition and other items, which can be collected and put in the player's inventory. Items can be examined, used, or combined with others. The inventory is limited to a certain number of slots, and the", + "score": 0.66015625 + }, + { + "id": "15550038", + "title": "Mobile games in the Resident Evil series", + "text": "\"Genesis\" was developed from the ground up as a mobile phone title and designed to work more effectively with the limited control scheme and screen size. The result is a game that is more of a puzzle adventure game than the survival horror titles found in console versions. The game scored 7.8 of 10 points on IGN and an 'A' on 1UP.com. \"Resident Evil: Mercenaries Vs.\" is a multiplayer iOS game. It has three characters to choose from: Chris Redfield, Albert Wesker, and Jill Valentine. All characters are present in the attire worn in \"Resident Evil 5\". There are initially", + "score": 0.66015625 + }, + { + "id": "12645563", + "title": "Sheva Alomar", + "text": "to be reminiscent of \"an abusive heteronormative relationship\". Sheva Alomar Sheva Alomar is a fictional character in the \"Resident Evil\" horror video game series by Capcom. She was introduced in 2009 in \"Resident Evil 5\" in which she is a native African operative of an anti-bioterrorism group and the new partner of the series' veteran Chris Redfield. Sheva is controlled by the game's artificial intelligence (AI) when playing with a single player, and is controlled by a second player in the game's cooperative mode. Designed to symbolize \"the bond of partnership\" within the game, the character's physical design was modeled", + "score": 0.65966796875 + }, + { + "id": "11307570", + "title": "Resident Evil: Degeneration", + "text": "for the N-Gage mobile gaming service. This game was released on December 18, 2008, while the iPhone version was released on May 10, 2009. Despite being a main character in the film, Claire is not playable, with Leon being the sole protagonist and playable character in the game. The game takes place in the airport from the early scenes of the film and also contains enemies not seen in the actual film but seen in prior games, such as Cerberuses and the three Tyrants from \"Resident Evil\", \"Resident Evil 2\", and \"\". The film received mixed critical reception. The \"Wired", + "score": 0.65966796875 + }, + { + "id": "4494399", + "title": "Leon S. Kennedy", + "text": "guide made another comparison between Chris and Leon, calling the latter the \"determined guy clawing his way up the ladder\". Gameplanet's Aylon Herbet wrote that if both Leon and Chris would share starring roles in a \"Resident Evil\" game it would be \"awesome\", believing both of them to be the main protagonists of the series. In 2010, GameDaily predicted that Leon, along with Claire Redfield, would be the protagonist of the next main \"Resident Evil\" title, citing the series' pattern of alternating protagonists and Leon's last such appearance in \"Resident Evil 4\". In 2013, GamesRadar staff included Leon among the", + "score": 0.6591796875 + }, + { + "id": "4494393", + "title": "Leon S. Kennedy", + "text": "Evil: Degeneration\", producer Hiroyuki Kobayashi stated that he would like to make another game starring Leon as the main character. \"Resident Evil 5\"s producer Jun Takeuchi said that the series' fans \"would really love\" a video game featuring both Leon and Chris as the protagonists due to their popularity, and at the same time, it would be \"pretty dramatic\" if the two characters never met before the series would end. \"Resident Evil 6\"s producer Kobayashi took a liking to Leon and decided to include him in the game since \"he is central to the story\". Leon is voiced by Paul", + "score": 0.6591796875 + }, + { + "id": "4494392", + "title": "Leon S. Kennedy", + "text": "bloodhound of Capcom artist Isao Ohishi. Leon was announced as \"Resident Evil 4\"s protagonist in November 2002. As the game was developed, it was intended that Leon would be infected with the Progenitor virus. This concept was expanded upon in 2004, when Leon was meant to contract a bizarre disease in his fight against the game's enemies. In a documentary explaining the conception of the game's characters, it was stated that Leon was intended to \"look tougher, but also cool\". His face in \"Resident Evil 4\" was modeled after the game's animation department director Christian Duerre. During development of \"Resident", + "score": 0.658203125 + }, + { + "id": "4533133", + "title": "Chris Redfield", + "text": "the franchise, and recognized for his sex appeal. His redesign in \"Resident Evil 5\" has been the source of both praise and criticism from critics and fans alike. Chris Redfield debuted in the original \"Resident Evil\" as one of the playable protagonists, along with Jill Valentine, partnered with the rookie officer Rebecca Chambers. He is introduced as a former U.S. military pilot hailing from New York City, and a member of the Raccoon City Police Special Tactics And Rescue Service's (STARS) Alpha team, sent to investigate the disappearance of Bravo team after their helicopter goes missing in a nearby forest.", + "score": 0.658203125 + }, + { + "id": "19518148", + "title": "Resident Evil 7: Biohazard", + "text": "according to Carsillo, echoing Furniss' view that it made the game more immersive. Writing for \"Game Informer\", Andrew Reiner commended the \"tense, unsettling, overly gory\" atmosphere for providing a competent introduction to \"Resident Evil 7\". The Baker house and the nature of exploring it posed significant interest to him, for together, they would present new aspects regarding the occupants and be enhanced by the first-person perspective. Scott Butterworth at \"GameSpot\" enjoyed the narrative overall, valuing its memorable moments and the thematic consistency of the writing. He was impressed with the reliance of atmosphere as opposed to jump scares to heighten", + "score": 0.658203125 + }, + { + "id": "4979045", + "title": "Resident Evil (1996 video game)", + "text": "team member Joseph Frost. After Alpha Team's helicopter pilot, Brad Vickers, panics and takes off alone, the remaining members of the team (Chris Redfield, Jill Valentine, Albert Wesker and Barry Burton) are forced to seek refuge in a nearby abandoned mansion. Depending on which character the player assumes control of, either Chris or Barry are separated from the rest of the team during the chase and do not make it to the mansion. At this point, the team decides to split up to investigate. Over the course of the game, the player character may encounter several members of Bravo Team,", + "score": 0.658203125 + }, + { + "id": "4922993", + "title": "Resident Evil Zero", + "text": "Resident Evil Zero Resident Evil Zero, known in Japan as Biohazard Zero, is a survival horror video game developed and published by Capcom. It is the fifth major installment in the \"Resident Evil\" series and was originally released for the Nintendo GameCube in 2002. It is a prequel to \"Resident Evil\" (2002), covering the ordeals experienced in the Arklay Mountains by the special police force, S.T.A.R.S. Bravo Team. The story follows officer Rebecca Chambers and convicted criminal Billy Coen as they explore an abandoned training facility for employees of the pharmaceutical company Umbrella. The gameplay is similar to early \"Resident", + "score": 0.658203125 + }, + { + "id": "4318043", + "title": "Resident Evil 4", + "text": "\"\", a game Mikami had enjoyed playing but felt could have been better with a different view, he decided to place the camera behind the playable character. To go along with the new gameplay and story, a new type of enemy called \"Ganado\" was created, as opposed to using the undead creatures from previous \"Resident Evil\" games. Furthermore, producers expended additional detail to modify and update characters that had previously appeared in the series. In a documentary explaining the conception of the characters, Kamiya stated he intended to make Leon Kennedy \"look tougher, but also cool\". The English voice actors", + "score": 0.65771484375 + }, + { + "id": "5370429", + "title": "Resident Evil 5", + "text": "Special Tactics and Rescue Service (STARS) and current member of the BSAA, and a second player can control Sheva, who is introduced in this game. If a person plays alone, Sheva is controlled by the game's artificial intelligence (AI). When the game has been completed once, there is an option to make Sheva the primary character. Two-player mode is available online or split-screen with a second player using the same console. A second player joining a split-screen game in progress will make the game reload the last checkpoint (the point at which the game was last saved); the second player", + "score": 0.65771484375 + }, + { + "id": "19518137", + "title": "Resident Evil 7: Biohazard", + "text": "digital download of \"\". A 4D candle with the scent of the Baker House Mansion was made to enhance the virtual reality experience. The Gold Edition, released on December 12, 2017, includes previously released downloadable content (DLC) as well as the upcoming \"End of Zoe\" DLC. \"Resident Evil 7: Biohazard\" was released for Microsoft Windows, PlayStation 4 and Xbox One in North America, Europe, Australia and New Zealand on January 24, 2017, and in Japan on January 26. For the first 12 months of its release, the virtual reality format is exclusive to PlayStation VR. Over 3,500,000 players have accumulated", + "score": 0.6572265625 + }, + { + "id": "16429864", + "title": "Resident Evil (2002 video game)", + "text": "Resident Evil (2002 video game) Resident Evil, known in Japan as Biohazard, is a survival horror video game developed and published by Capcom. Released for the GameCube video game console in 2002, it is a remake of the 1996 PlayStation game \"Resident Evil\", the first installment in the \"Resident Evil\" video game series. The story takes place in 1998 near the fictional Midwestern town of Raccoon City where a series of bizarre murders have taken place. The player takes on the role of either Chris Redfield or Jill Valentine, S.T.A.R.S. agents sent in by the city to investigate the murders.", + "score": 0.6572265625 + }, + { + "id": "13117325", + "title": "Resident Evil 6", + "text": "will have their own partners whom are controlled by either artificial intelligence (AI) or another player via local or online multiplayer. In addition, each scenario features a different play-style; for example, some player-characters are more vulnerable to attacks whereas others are more resilient. Each central character has unique abilities, which vary from increased reload times and carrying more ammunition. \"Resident Evil 6\" presents new innovations and gameplay mechanics such as rolling in any direction and running while shooting and sliding. The game also features a four-player co-operative mode. When playing in single player mode, the player can allow another player", + "score": 0.65673828125 + }, + { + "id": "4533154", + "title": "Chris Redfield", + "text": "main protagonists. Chris was also repeatedly compared with Leon by IGN, both of them being regarded as the series' leading heroes. In 2010, GamesRadar website featured his team-up with Sheva in an article about gaming's \"most violent double acts\" for their actions in \"Resident Evil 5\". That same year, Joystick Division's James Hawkins ranked Chris as the seventh sexiest video game character, commenting: \"Though Chris gets matched up with some of the finest damsels in all of video gaming, he never comes across as sleazy. He shares the workload with his partners and has an unfaltering allegiance with them. That", + "score": 0.65625 + }, + { + "id": "9124603", + "title": "Hard Edge", + "text": "Hard Edge The T.R.A.G. team infiltrate the Togusa building, which has been taken over by terrorists, and they attempt to take it back, as well as rescuing Prof. Kevin Howard, an important scientist who is a hostage of the terrorists. The gameplay is somewhat similar to that of \"Resident Evil\", with 3D characters moving across pre-rendered backgrounds most of the time. There are 4 playable characters, each with a unique ability and also a different fighting style: Each character can be switched with another one almost anytime; in fact, if the characters are split into 2 teams, the player is", + "score": 0.65576171875 + }, + { + "id": "17889178", + "title": "Resident Evil: The Final Chapter", + "text": "by the winds, will take years to reach all corners of the globe, and until it does, her mission is not finished. Ever Gabo Anderson, who plays Young Alicia/Red Queen, is the daughter of Jovovich and Paul W. S. Anderson, the film's writer/director. In September 2012, following the box office success of \"\", a sixth film in the \"Resident Evil\" series was confirmed by the head of Sony Pictures distribution, Rory Bruer, with Milla Jovovich attached to reprise the role of Alice. In October 2012, in an interview with \"Forbes\", producer Samuel Hadida stated that a sixth and seventh installment", + "score": 0.65478515625 + }, + { + "id": "19719850", + "title": "Resident Evil: Vendetta", + "text": "Resident Evil: Vendetta Resident Evil: Vendetta, known as in Japan, is a 2017 Japanese 3D-animated biopunk action- horror film which makes part of the \"Resident Evil\" franchise, set in the same universe as the associated video games (unlike the live-action films starring Milla Jovovich). The film features the characters Chris Redfield, Leon S. Kennedy, and Rebecca Chambers. It is the third CG movie, after \"\" in 2008, followed by \"\" in 2012, and this film marks the third with Leon as a main character. The film is produced by Marza Animation Planet, written by Makoto Fukami (\"Psycho-Pass\") and directed by", + "score": 0.65478515625 + }, + { + "id": "15550044", + "title": "Mobile games in the Resident Evil series", + "text": "outside a city horrible things are happening and the player is requested to go there. \"Resident Evil Zombie Buster\" was an early foray into the ever growing mobile phone games industry. Using familiar characters and creatures from the \"Resident Evil\" universe. The player can choose between Leon S. Kennedy or Claire Redfield, who are faced with the task of defending a line which zombies are going to try and breach. Other B.O.W.s do make an appearance in this quirky overhead view shoot 'em up. \"Resident Evil Uprising\" is the direct sequel to \"Resident Evil Genesis\"; the alternate take on some", + "score": 0.65478515625 + }, + { + "id": "4185670", + "title": "Albert Wesker", + "text": "prospective executive, and later in \"Resident Evil 4\" as a conspirator manipulating events from behind the scenes, where he would issue orders to Ada Wong. He is also unlockable in \"The Mercenaries\" scenario. He is also the protagonist of \"\" and a playable character in several of the game's scenarios, expanding upon events alluded to in early games, as well as his involvement in Umbrella's downfall after the events of \"Code: Veronica\" and his development in \"Resident Evil 4\". In the end he kills Sergei Vladimir, a loyal Umbrella executive. Wesker also very briefly appears in \"\", as he at", + "score": 0.654296875 + }, + { + "id": "5443748", + "title": "Characters of the Final Fantasy VII series", + "text": "eventually crush the movement completely, going to the lengths of destroying the sector seven of Midgar. Among its notable members were: is the former head of Shinra's \"Department of Urban Development\", and is controller of the robotic cat Cait Sith. In \"Final Fantasy VII\", Reeve originally worked against AVALANCHE, until later deciding to help them in their quest against Sephiroth: feeling repentant about his role, he aids the group through Cait Sith. He is temporarily arrested after Rufus' apparent death, but is released in time to organize an evacuation of Midgar's population before the arrival of Meteor. He also brings", + "score": 0.654296875 + }, + { + "id": "4979047", + "title": "Resident Evil (1996 video game)", + "text": "character discovers a secret underground laboratory containing Umbrella's experiments. In the lab, the player encounters Wesker, who reveals that he is a double agent working for Umbrella, and plans to use the Tyrant, a giant humanoid supersoldier, to kill the remaining S.T.A.R.S. members. However, in the ensuing confrontation, Wesker is supposedly killed and the player character defeats the Tyrant. After activating the lab's self-destruct system, the player character reaches the heliport and manages to contact Brad for extraction, at which point the player may be confronted by Tyrant one last time. The game features multiple endings depending on the player's", + "score": 0.65234375 + }, + { + "id": "4318020", + "title": "Resident Evil 4", + "text": "Resident Evil 4 Resident Evil 4, known in Japan as Biohazard 4, is a survival horror game developed and published by Capcom. The sixth major installment in the \"Resident Evil\" series, it was originally released for the GameCube in 2005. Players control U.S. government special agent Leon S. Kennedy, who is sent on a mission to rescue the U.S. president's daughter, whom has been kidnapped by a cult. In rural Spain, Leon fights hordes of villagers infected by a mind-controlling parasite, and reunites with the spy Ada Wong. Development began for PlayStation 2 as early as 1999. \"Resident Evil 4\"", + "score": 0.65234375 + }, + { + "id": "19518117", + "title": "Resident Evil 7: Biohazard", + "text": "needed to solve a puzzle. The PlayStation 4 version is playable in virtual reality using the PlayStation VR headset. In 2017, Ethan Winters is drawn to a derelict plantation in Dulvey, Louisiana, by a message from his wife, Mia, who has been presumed dead for three years. He finds Mia imprisoned in the basement of a seemingly abandoned house, but she becomes violent and attacks him, forcing him to kill her. After receiving a call from a woman named Zoe offering assistance, Ethan is attacked by a revived Mia, who cuts his hand off. Jack, the patriarch of the Baker", + "score": 0.65185546875 + }, + { + "id": "4979038", + "title": "Resident Evil (1996 video game)", + "text": "story. A high-definition remaster of the GameCube game was released in 2015 for modern platforms. A sequel, \"Resident Evil 2,\" was released in 1998, and a prequel, \"Resident Evil Zero\", in 2002. The player's character is a member of a special law enforcement task force who is trapped in a mansion populated by dangerous mutated creatures. The objective of the game is to uncover the mystery of the mansion and ultimately escape alive. The game's graphics consist of real-time 3D polygonal characters and objects, superimposed over pre-rendered backdrops with fixed camera angles. The player controls the character by pushing the", + "score": 0.6513671875 + }, + { + "id": "19518125", + "title": "Resident Evil 7: Biohazard", + "text": "secret Connections research lab, where Lucas had killed all of the Connections researchers and plans to betray the organization. Chris manages to corner and shoot Lucas, which triggers a mutation in his body. Chris battles and eventually kills the mutated Lucas, and also stops him from transferring all of his data on Eveline to the Connections. With his mission done and Eveline's infection contained, Chris returns to the Umbrella base camp for an urgent call. Following the path in the main game in which Ethan cures Mia instead of Zoe, Zoe wanders into the swamp and is apparently killed by", + "score": 0.6513671875 + }, + { + "id": "16429873", + "title": "Resident Evil (2002 video game)", + "text": "up. The player character (Chris or Jill) finds several members of Bravo Team, including Kenneth J. Sullivan being eaten by a zombie; Richard Aiken, who is either killed by a giant venomous snake or eaten by a shark; Forest Speyer, who is found dead and revived as a zombie; and Bravo Team leader Enrico Marini, who reveals that one of Alpha Team's members is a traitor before being killed by an unseen shooter. Bravo Team survivor Rebecca Chambers joins Chris. The player character learns that a series of illegal experiments were undertaken by a clandestine research team under the authority", + "score": 0.65087890625 + }, + { + "id": "15467368", + "title": "Resident Evil: Operation Raccoon City", + "text": "and on the United States Special Ops team, Dee-Ay (Robin Atkin Downes) is the team leader; Willow (Rebecca Riedy) is the recon expert; Tweed (Tess Masters) is the demolitions expert; Harley (Gregg Berger) is the medic; Shona (Imari Williams) is the field scientist; and Party Girl (Catherine Taber) is the sniper. Alongside the single player mode, the game also offers four-player co-operative Raccoon Mode, which pits the USS against the U.S. Special Ops teams. The zombies in the game are able to attack the player in a multitude of ways. A zombie mutant that gets too close to the player", + "score": 0.65087890625 + }, + { + "id": "4533138", + "title": "Chris Redfield", + "text": "Jill, and ultimately defeat and destroy Wesker who was planning to release a new virus into the atmosphere, ensuring complete global saturation. In \"\" Chris appears as a playable character in the \"Game of Oblivion\" scenario's last chapter, a re-imagining of \"Code: Veronica\". He is also available in the Extreme Battle mode featured in the later versions of \"Resident Evil 2\" (the PlayStation 2 DualShock edition and the PC, Dreamcast and GameCube ports), and is one of the eight playable characters in \"\". Chris returns in \"\", with Jill Valentine. After co-founding the BSAA, Chris is sent by director Clive", + "score": 0.65087890625 + }, + { + "id": "4494378", + "title": "Leon S. Kennedy", + "text": "Leon S. Kennedy During the events of \"Resident Evil 2\", Leon is a rookie police officer who arrives in the doomed Raccoon City late for his first day on the job, only to confront a zombie outbreak first-hand. During the course of the game, he teams up with civilian survivor Claire Redfield, rescues the young Sherry Birkin, and is aided by the mysterious Ada Wong. Six years later, in \"Resident Evil 4\", Leon returns as a secret service agent for the U.S. federal government assigned to rescue the president's daughter from a sinister cult. In \"Resident Evil 6\", he continues", + "score": 0.650390625 + }, + { + "id": "14134785", + "title": "Claire Redfield", + "text": "plans for her in the future. Here's a suggestion: a co-op focused \"RE\" that teams Claire up with the almost as underused Jill. It's your move Capcom.\" Reacting to Claire's return in \"Revelations 2\" IGN's Mitch Dyer wrote: \"The \"Resident Evil\" series places women in prominent, powerful, playable roles. Jill Valentine, Rebecca Chambers, Sheva Alomar, and Ada Wong, to name a few. Still, they're often opposite a male lead. This is the first time a \"Resident Evil\" game has revolved around the story of two women. It's fun to get to play as Claire again.\" According to a CVG preview", + "score": 0.650390625 + }, + { + "id": "4494390", + "title": "Leon S. Kennedy", + "text": "including by Palisades Toys, ToyBiz, and Capcom itself. At Halloween Horror Nights 2013 held at Universal Orlando, Leon was featured as one of two main characters in a haunted house called \"Resident Evil: Escape from Raccoon City\", based on \"Resident Evil 2\" and \"Resident Evil 3: Nemesis\". Leon was created by Hideki Kamiya as a contrast to Chris Redfield from the original \"Resident Evil\", who he felt was the \"blunt, tough-guy type\". Though Kamiya admitted that while he was a fan of characters like Chris, as it had already been done, he opted to take Leon's development in a different", + "score": 0.64990234375 + }, + { + "id": "4533146", + "title": "Chris Redfield", + "text": "the role by searching for images and videos of Chris on the Internet, as well as doing cardio for endurance. In 2017, Chris was one of the main characters in the film \"\", alongside Leon S. Kennedy and Rebecca Chambers. Unlike the live action films, the animated films are in the same continuity as the games. The plot involves the three protagonists trying to stop a man named Glenn Arias who is attacking New York City. During the release of the Japanese Sega Saturn version of the original game, Capcom published a promotional sourcebook \"The True Story Behind Biohazard\", containing", + "score": 0.6494140625 + }, + { + "id": "4979042", + "title": "Resident Evil (1996 video game)", + "text": "is lost, Alpha Team is sent to investigate their disappearance. Players can choose between the two Alpha Team members Chris Redfield or Jill Valentine, each with their own unique differential abilities. Jill has more firepower and possesses a lock-pick that enables her to access areas and items easily, as well as an inventory large enough to hold up to eight items, while Chris has limited firepower but is more durable in terms of taking damage from enemies, and a smaller inventory that can hold only six items. The game's supporting characters include Barry Burton, Alpha team's weapons expert who provides", + "score": 0.6494140625 + } + ], + "answer": "Resident Evil 7: Biohazard is a 2017 first-person survival horror game developed and published by Capcom. The player controls Ethan Winters, a civilian with few combat skills as he searches for his long-missing wife in a derelict plantation occupied by an infected family, solving puzzles and fighting enemies. Not a Hero \u2013 a story chapter where players control BSAA agent Chris Redfield, was released for free on December 12, 2017, along with a new DLC called End of Zoe where players control Zoe's uncle Joe Baker." + }, + { + "qa_pairs": [ + { + "context": "The Lieutenant Governor of Texas serves as the President of the Senate. Unlike most lieutenant governors who are constitutionally designated as presiding officers of the upper house, the Lieutenant Governor regularly exercises this function. The Lieutenant Governor's duties include appointing chairs of committees, committee members, assigning and referring bills to specific committees, recognizing members during debate, and making procedural rulings. The Lieutenant Governor may also cast a vote should a Senate floor vote end in a tie. If the Senate votes to dissolve itself into the Committee of the Whole, in which all members are part of the Committee, the President Pro-Tempore presides over the proceedings, with the Lieutenant Governor acting as a regular voting member. Due to the various powers of committee selection and bill assignment, the Lieutenant Governor is considered one of the most powerful lieutenant governorships in the United States.", + "question": "Who serves as the president of the senate in the texas legislature in general?", + "short_answers": [ + "Lieutenant Governor of Texas", + "The Lieutenant Governor of Texas" + ], + "wikipage": "Texas Senate" + }, + { + "context": "For the 83rd Legislative Session, which began in 2013, there were six new senators, including Sylvia Garcia, who succeeded the late senator Mario Gallegos Jr. through a special election. The five other new senators were Charles Schwertner, a Republican from Georgetown, Ken Paxton, a Republican from McKinney, Kelly Hancock, a Republican from Fort Worth, Larry Taylor, a Republican from Friendswood, and Donna Campbell, a Republican from New Braunfels. For this term of the Legislature the President of the Senate is Texas Lieutenant Governor Dan Patrick. The President Pro Tempore is Republican Kel Seliger of District 31 (Amarillo). Senator John Whitmire, a Democrat from Houston, is the Dean of the Senate, meaning he is the most senior member, having served since 1987. Senator Chris Harris, a Republican from Arlington, is the most senior member of his party, and the fourth most-senior overall member.", + "question": "Who serves as the president of the senate in the texas legislature from 2015 to 2020?", + "short_answers": [ + "Dan Patrick", + "Dan Goeb Patrick" + ], + "wikipage": "Texas Senate" + }, + { + "context": "No context provided", + "question": "Who serves as the president of the senate in the texas legislature from 2003 to 2015?", + "short_answers": [ + "David Dewhurst", + "David Henry Dewhurst" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who serves as the president of the senate in the texas legislature from 2000 to 2003?", + "short_answers": [ + "Bill Ratliff", + "William Roark Ratliff" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Texas Legislature", + "url": "https://en.wikipedia.org/wiki/Texas%20Legislature" + }, + { + "title": "Texas Senate", + "url": "https://en.wikipedia.org/wiki/Texas%20Senate" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Between 2000 and 2003 he served as the 40th lieutenant governor of Texas, after previous Lieutenant Governor Rick Perry replaced George W. Bush, who resigned to become president of the United States.[2]", + "wikipage": "Bill Ratliff" + } + ], + "long_answer": "The Lieutenant Governor of Texas serves as the President of the Senate. For this term of the Legislature the President of the Senate is Texas Lieutenant Governor Dan Patrick. Prior to Dan Patrick, David Dewhurst served as president of the senate in the Texas Legislature from 2003 to 2015. Between 2000 and 2003 Bill Ratliff served as the 40th Lieutenant Governor of Texas, after previous Lieutenant Governor Rick Perry replaced George W. Bush, who resigned to become president of the United States." + }, + { + "knowledge": [ + { + "content": "Dan Goeb Patrick (born Dannie Scott Goeb; April 4, 1950)[1][2] is an American radio talk show host, television broadcaster, and politician. He has served as the 42nd lieutenant governor of Texas since January 2015, under Greg Abbott.", + "wikipage": "Dan Patrick (politician)" + } + ], + "long_answer": "The Lieutenant Governor of Texas is the position that generally serves as the President of the Senate in the Texas Legislature. The current Lieutenant Governor of Texas is Dan Patrick, who has served in this position since 2015. Patrick was preceded by David Dewhurst from 2003 to 2015 and Bill Ratliff from 2000 to 2003." + } + ], + "sample_id": "6769751506580038561", + "question": "Who serves as the president of the senate in the texas legislature?", + "docs": [ + { + "id": "2793495", + "title": "Texas Senate", + "text": "Taylor, a Republican from Friendswood, and Donna Campbell, a Republican from New Braunfels. For this term of the Legislature the President of the Senate is Texas Lieutenant Governor Dan Patrick. The President Pro Tempore is Republican Kel Seliger of District 31 (Amarillo). Senator John Whitmire, a Democrat from Houston, is the Dean of the Senate, meaning he is the most senior member, having served since 1987. Senator Chris Harris, a Republican from Arlington, is the most senior member of his party, and the fourth most-senior overall member. New senators elected in 2014 are Bob Hall, Paul Bettencourt, Van Taylor, Don", + "score": 0.80419921875, + "summary": "The President of the Senate in the Texas Legislature is Dan Patrick, the Lieutenant Governor of Texas.", + "extraction": "The President of the Senate in the Texas legislature is Texas Lieutenant Governor Dan Patrick." + }, + { + "id": "3576168", + "title": "Lieutenant Governor of Texas", + "text": "Lieutenant Governor of Texas The Lieutenant Governor of Texas is the second-highest executive office in the government of Texas, a state in the U.S. It is the second most powerful post in Texas government because its occupant controls the work of the Texas Senate and controls the budgeting process as a leader of the Legislative Budget Board. Under the provisions of the Texas Constitution, the Lieutenant Governor is President of the Texas Senate. Unlike with most other states' senates and the U.S. Senate, the Lieutenant Governor regularly exercises this function rather than delegating it to the president pro tempore or", + "score": 0.76953125, + "summary": "The President of the Texas Senate is the Lieutenant Governor of Texas.", + "extraction": "The Lieutenant Governor of Texas is the President of the Texas Senate." + }, + { + "id": "9405106", + "title": "Leticia Van de Putte", + "text": "her voice to be recognized over the male colleagues in the room?\" Her question was immediately met with cheers and applause by the spectators in the gallery. The applause delayed the legislative session past the midnight deadline, effectively ending the legislative session without a vote on the bill. This bill was ultimately passed in a special session ordered by then Governor Rick Perry. On January 8, 2013, Van de Putte was elected President Pro Tempore of the Texas Senate's 83rd Regular Session. Coinciding with her announcement to run for Mayor of San Antonio, Van de Putte resigned from the Senate", + "score": 0.7685546875, + "summary": "Leticia Van de Putte served as the President Pro Tempore of the Texas Senate's 83rd Regular Session in 2013, but resigned later. However, the document does not mention who currently serves as the president of the senate in the Texas legislature.", + "extraction": "Leticia Van de Putte was elected President Pro Tempore of the Texas Senate's 83rd Regular Session." + }, + { + "id": "8227050", + "title": "Rodney Ellis", + "text": "apologized to his colleagues for the breach of protocol. In 2001, following George W. Bush's election to the presidency and Lieutenant Governor Rick Perry's promotion to governor, Ellis \u2013 by virtue of serving as President Pro Tempore \u2013 became the official presiding officer of the Texas Senate. He drew fire from Texas media for ensuring the Senate vote to replace Perry was done with a secret ballot and without a record vote. In 2013, Ellis assisted Senator Wendy Davis with a back brace during Davis' 11-hour filibuster of Senate Bill 5, a bill to add and update abortion regulations in", + "score": 0.76611328125, + "summary": "Rodney Ellis became the official presiding officer of the Texas Senate in 2001 as the President Pro Tempore.", + "extraction": "Rodney Ellis became the official presiding officer of the Texas Senate by serving as President Pro Tempore." + }, + { + "id": "17379195", + "title": "3rd Oklahoma Legislature", + "text": "Representatives, further increased the number of seats they held after the 1910 election. Lieutenant Governor J. J. McAlester served as the President of the Senate and Elmer Thomas served as the President pro tempore of the Oklahoma Senate. W. B. Anthony served as Speaker of the Oklahoma House of Representatives during the special session in 1910, while William A. Durant took over during the regular session in 1911. Previous: 2nd Legislature \u2022 Next: 4th Legislature Lieutenant Governor J. J. McAlester served as the President of the Senate, which gave him a tie-breaking vote and allowed him to serve as a", + "score": 0.76025390625, + "summary": "Lieutenant Governor J. J. McAlester served as the President of the Senate in the Oklahoma Legislature. Irrelevant.", + "extraction": "Irrelevant. The passage talks about the 3rd Oklahoma Legislature and the officials who served during that time, but it doesn't provide any information about the president of the senate in the Texas Legislature." + }, + { + "id": "17380681", + "title": "7th Oklahoma Legislature", + "text": "first Republican Speaker of the Oklahoma House of Representatives. Lieutenant Governor Martin E. Trapp served as the President of the Senate, R. L. Davidson served as the President pro tempore of the Oklahoma Senate, and Tom Waldrep served as Speaker of the Oklahoma House of Representatives. Previous: 6th Legislature \u2022 Next: 8th Legislature Lieutenant Governor Martin E. Trapp served as the President of the Senate, which gave him a tie-breaking vote and allowed him to serve as a presiding officer. R.L. Davidson was elected by state senators to serve as the President pro tempore of the Oklahoma Senate, the primary", + "score": 0.76025390625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is about the Oklahoma legislature and does not mention the Texas legislature." + }, + { + "id": "17379201", + "title": "4th Oklahoma Legislature", + "text": "Senate and C.B. Kendrick served as the President pro tempore of the Oklahoma Senate. J. H. Maxey served as Speaker of the Oklahoma House of Representatives. Previous: 3rd Legislature \u2022 Next: 5th Legislature Lieutenant Governor James Jackson McAlester served as the President of the Senate, which gave him a tie-breaking vote and allowed him to serve as a presiding officer. C.B. Kendrick was elected by state senators to serve as the President pro tempore of the Oklahoma Senate, the primary presiding officer of the Oklahoma Senate. J. H. Maxey of Muskogee, Oklahoma, served as Speaker of the Oklahoma House of", + "score": 0.75634765625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is about the 4th Oklahoma Legislature and does not provide information on the Texas Legislature or its president of the senate." + }, + { + "id": "17374581", + "title": "17th Oklahoma Legislature", + "text": "the chief leader and organizer of the chamber. Don Welch served as Speaker of the Oklahoma House of Representatives. Previous: 16th Legislature \u2022 Next: 18th Legislature As Lieutenant Governor of Oklahoma, James E. Berry served as the President of the Senate, giving him a tie-breaking vote and the authority to serve as the presiding officer. Jim A. Rinehart of El Reno, Oklahoma, was elected by state senators to serve as President pro tempore of the Oklahoma Senate, making him the chief leader and organizer of the chamber. The Oklahoma Democratic Party held 102 of the 115 seats in the Oklahoma", + "score": 0.75634765625, + "summary": "Irrelevant.", + "extraction": "James E. Berry served as the President of the Senate in the Oklahoma Legislature." + }, + { + "id": "17366291", + "title": "37th Oklahoma Legislature", + "text": "served as the President pro tempore of the Oklahoma Senate and Daniel Draper served as the Speaker of the Oklahoma House of Representatives. Frank Keating served as the leader of the state senate Republican caucus and Neal McCaleb served as the leader of the Republican caucus in the Oklahoma House of Representatives. Previous: 36th Legislature \u2022 Next: 38th Legislature In Oklahoma, the lieutenant governor serves as President of the Oklahoma Senate, which gives he or she the authority to preside over the chamber and break tie votes. Lieutenant Governor Spencer Bernard served in the role in the 37th Oklahoma Legislature.", + "score": 0.7548828125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about the Oklahoma Legislature and the President of the Oklahoma Senate, while the question is about the Texas Legislature." + }, + { + "id": "17379208", + "title": "5th Oklahoma Legislature", + "text": "was called after the U.S. Supreme Court struck down Oklahoma's Jim Crow law. Lieutenant Governor Martin E. Trapp served as the President of the Senate and E. L. Mitchell served as the President pro tempore of the Oklahoma Senate. A. A. McCrory served as Speaker of the Oklahoma House of Representatives. Previous: 4th Legislature \u2022 Next: 6th Legislature Lieutenant Governor Martin E. Trapp served as the President of the Senate, which gave him a tie-breaking vote and allowed him to serve as a presiding officer. E. L. Mitchell was elected by state senators to serve as the President pro tempore", + "score": 0.75439453125, + "summary": "Lieutenant Governor Martin E. Trapp served as the President of the Senate in the Oklahoma Legislature. Irrelevant to the question of the president of the senate in the Texas Legislature.", + "extraction": "Martin E. Trapp served as the President of the Senate." + }, + { + "id": "9143044", + "title": "Louisiana State Senate", + "text": "became a reality; a Republican governor was in office. David Treen was elected in 1979, and with him came more Republican legislators, although only an enlarged minority, and in 2000, although still in the minority, Republican John Hainkel was appointed by Republican Governor Murphy J. Foster, Jr. to be senate president, the first Republican in over a century. In 2011 the Republicans obtained a majority in the senate, a Republican John Alario was appointed senate president by Republican Governor Bobby Jindal. The President of the Senate serves as the presiding officer and head of the Senate. The President gives the", + "score": 0.751953125, + "summary": "Irrelevant.", + "extraction": "John Alario serves as the president of the senate in the texas legislature." + }, + { + "id": "17493859", + "title": "President of the Louisiana State Senate", + "text": "President of the Louisiana State Senate The President of the Louisiana State Senate is the highest-ranking member of the Louisiana State Senate. As presiding officer, he or she convenes session and calls members to order, but can designate another state senator to preside in his or her place. The Louisiana state senate president is fifth in gubernatorial line of succession in Louisiana. The president's counterpart in the lower house of the Louisiana Legislature is the Speaker of the Louisiana House of Representatives. The Louisiana Constitution of 1812 did not provide for a lieutenant governor to preside over the state senate", + "score": 0.75048828125, + "summary": "irrelevant", + "extraction": "Irrelevant." + }, + { + "id": "5435557", + "title": "David Dewhurst", + "text": "Republican U.S. House seats in Texas from fifteen to twenty-one in the 2004 elections. The Republican seats dropped to nineteen in the 2006 elections under a modified court redistricting plan. Minority Democrats retain thirteen U.S. House seats from Texas. In his capacity as the presiding officer of the Texas Senate, Dewhurst, in the third consecutive special session called by the governor, allowed the suspension of the custom that two thirds of the body must vote to consider a bill. Dewhurst's leadership on redistricting brought him into legal conflict with his former land commissioner opponent, Richard Raymond, the only elected official", + "score": 0.74658203125, + "summary": "David Dewhurst is mentioned in the document, but it does not provide information about who serves as the president of the senate in the Texas legislature. Therefore, the answer is \"irrelevant\".", + "extraction": "Irrelevant. The passage does not provide information about who serves as the president of the senate in the Texas Legislature." + }, + { + "id": "20994645", + "title": "57th Oklahoma Legislature", + "text": "positions in both chambers. In Oklahoma, the lieutenant governor serves as President of the Oklahoma Senate, meaning that he serves as the presiding officer in ceremonial instances and can provide a tie-breaking vote. Todd Lamb served until January 14, 2019, Matt Pinell was then sworn in as the current Lieutenant Governor of Oklahoma. The current President pro tempore of the Oklahoma Senate, who presides over the state senate on the majority of session days is Greg Treat of Oklahoma City. He is aided by Majority Floor Leader Kim David of Porter. The Democratic minority leader of the state senate is", + "score": 0.74560546875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "20622253", + "title": "56th Oklahoma Legislature", + "text": "and Oklahoma House of Representatives, they hold the top leadership positions in both chambers. In Oklahoma, the lieutenant governor serves as President of the Oklahoma Senate, meaning that he serves as the presiding officer in ceremonial instances and can provide a tie-breaking vote. Todd Lamb serves as the current Lieutenant Governor of Oklahoma. The current President pro tempore of the Oklahoma Senate, who presides over the state senate on the majority of session days is Mike Schulz of Atlus. He is aided by Majority Floor Leader Greg Treat of Oklahoma City. The Democratic minority leader of the state senate is", + "score": 0.74462890625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "11389827", + "title": "2008 Texas Legislature election", + "text": "2008 Texas Legislature election 2008 elections for the Texas Legislature were held on Tuesday, November 4, 2008, in the U.S. state of Texas. The Texas Legislature election was conducted concurrently with the election for the 2008 United States presidential race, the United States Senate seat of Republican John Cornyn, and the state's 32 congressional representatives. Successful candidates served in the 81st Texas Legislature, that convened on January 13, 2009 at the Texas State Capitol in Austin through June 1, 2009. Fifteen Senate seats were up for re-election in 2008. The previous composition was twenty Republicans and eleven Democrats. Of the", + "score": 0.744140625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "7714825", + "title": "Louisiana State Legislature", + "text": "over the House. The House also elects its chief clerical officer, the clerk of the House, who is not an elected member. The Louisiana Senate elects its presiding officer, the President of the Senate, from among its membership, though the position is also traditionally recommended by the governor. The current President is John Alario. Each house provides for the election of its officers. Originally the Lieutenant Governor presided over the Louisiana Senate from 1853 until the adoption of the Louisiana constitution of 1974. Today, the Lieutenant Governor exercises powers delegated to him by the Governor as provided by law. He", + "score": 0.74365234375, + "summary": "The document is irrelevant to the question as it discusses the Louisiana State Legislature, not the Texas Legislature.", + "extraction": "The extracted span is \"The Texas Senate elects its presiding officer, the President of the Senate, from among its membership, though the position is also traditionally recommended by the governor.\"" + }, + { + "id": "17376040", + "title": "18th Oklahoma Legislature", + "text": "17th Legislature \u2022 Next: 19th Legislature As Lieutenant Governor of Oklahoma, James E. Berry served as the President of the Senate, giving him a tie-breaking vote and the authority to serve as the presiding officer. H. M. Curnutt of Barnsdall, Oklahoma, was elected by state senators to serve as the President pro tempore of the Oklahoma Senate, which gave him the authority to organize the Oklahoma Senate and to serve as the presiding officer. The Democratic caucus held the majority of seats in the Oklahoma House of Representatives in 1941, allowing them to elect E. Blumhagen of Watonga, Oklahoma, as", + "score": 0.74365234375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is about the 18th Oklahoma Legislature, not the Texas legislature." + }, + { + "id": "9558324", + "title": "M. D. K. Taylor", + "text": "serving through the following year. In January 1847, Taylor and family moved to Cass County, Texas (present-day Marion County), where he served as Postmaster for a time. He was elected to the House of Representatives of Third Texas Legislature (1849\u20131851), and the Senate of the Fourth Legislature from District 5 (1851\u20131853). After a Senate redistricting, Taylor was elected from the 7th District for the Fifth, Sixth, and Seventh Legislatures (1853\u20131859). In the Fifth Legislature, Taylor was elected President \"pro tempore\" of the Senate, a position he also held for part of the Seventh Legislature. He returned to the House for", + "score": 0.74267578125, + "summary": "M.D.K. Taylor served as President \"pro tempore\" of the Senate in the Fifth Legislature of the Texas Legislature.", + "extraction": "M. D. K. Taylor was elected as the President \"pro tempore\" of the Senate in the Fifth Legislature and held the position for part of the Seventh Legislature in the Texas Legislature." + }, + { + "id": "6560825", + "title": "Arizona Senate", + "text": "president in many states. As a result, the Senate elects its own presiding officer, the President of the Senate, who presides over the body, appoints members to all of the Senate's committees and to joint committees, and may create other committees and subcommittees if desired. The Senate President also appoints a President pro tempore, who serves for the duration of a session of the legislature, to preside in his absence, and may appoint a temporary President pro tempore in the absence of the President and President pro tempore. The current President of the Senate is Republican Steve Yarbrough of District", + "score": 0.7421875, + "summary": "The document mentions the role of the President of the Senate in many states, but does not provide information about who serves as the president of the senate in the Texas legislature. Therefore, the answer is \"irrelevant\".", + "extraction": "The passage is irrelevant as it talks about the Senate in many states but does not provide information about the Texas legislature." + }, + { + "id": "9143046", + "title": "Louisiana State Senate", + "text": "recognize senators so they may speak and control the flow of legislation through the senate. The senate president is almost always an ally of the Governor, this allows the administration to pass their legislative agenda through easier and it allows them to kill opposition legislation easier too. The senate president is usually a powerful and influential senator before he is appointed senate president. If a senate seat falls vacant before the expiration f its term the senate president calls for an election, he sets the date, times, and places of voting. Upon the petition of a majprity of the members", + "score": 0.74169921875 + }, + { + "id": "2793493", + "title": "Texas Senate", + "text": "Governor acting as a regular voting member. Due to the various powers of committee selection and bill assignment, the Lieutenant Governor is considered one of the most powerful lieutenant governorships in the United States. Unlike other state legislatures, the Texas Senate does not include majority or minority leaders. Instead, the President Pro Tempore is considered the second most powerful position, and can be reserved to any political party in the chamber regardless if the party is a majority or not. Presidents Pro Tempore are usually the most senior members of the Senate. The President Pro Tempore presides when the Lieutenant", + "score": 0.73876953125 + }, + { + "id": "9143047", + "title": "Louisiana State Senate", + "text": "of the legislature the President along with the Speakers calls a special session. The senate president is fifth in the gubernatorial line of succession. If the president is ever absent the senate president pro tempore, who is also appointed by the governor, presides. Should the senate chair ever fall permanently vacant the senate president pro tempore presides until the election of a new president. Louisiana State Senate The Louisiana State Senate (\"French: S\u00e9nat de Louisiane\") is the upper house of the state legislature of Louisiana. All senators serve four-year terms and are assigned multiple committees to work on. The Republicans", + "score": 0.73828125 + }, + { + "id": "7849210", + "title": "Oklahoma Senate", + "text": "expenses related to their duties at any point during the year. They also have access to benefits received by state employees, including health and life insurance as well as retirement savings plans. The Lieutenant Governor serves as President of the Oklahoma Senate, but only casts a vote in the case of a tie and presides less frequently since the 1960s. The President Pro Tempore is the one who serves as leader of the Senate and is the head of the majority party. The President Pro Tempore appoints the majority floor leader and the chair of the appropriations committee. Along with", + "score": 0.73828125 + }, + { + "id": "17380665", + "title": "6th Oklahoma Legislature", + "text": "Next: 7th Legislature Lieutenant Governor Martin E. Trapp served as the President of the Senate, which gave him a tie-breaking vote and allowed him to serve as a presiding officer. C.W. Board was elected by state senators to serve as the President pro tempore of the Oklahoma Senate, the primary presiding officer of the Oklahoma Senate. Paul Nesbitt of McAlester, Oklahoma, served as Speaker of the Oklahoma House of Representatives and Tom L. Waldrep of Shawnee, Oklahoma, served as Speaker Pro Tempore. 6th Oklahoma Legislature The Sixth Oklahoma Legislature was a meeting of the legislative branch of the government of", + "score": 0.7353515625 + }, + { + "id": "17493861", + "title": "President of the Louisiana State Senate", + "text": "In the Louisiana Constitution of 1846, the Lieutenant Governor of Louisiana assumed the functions of the state senate presidency. During the Civil War there were two lieutenant governors, one union, and one confederate, as there were two separate state governments. The lieutenant governor presided over the Louisiana State Senate from 1853 until the adoption of the Louisiana constitution of 1974. The current president of the state senate is selected by the governor from among the state senators and is confirmed by their vote. Although the president is not the only state senator that can serve as a presiding officer, he", + "score": 0.734375 + }, + { + "id": "18470582", + "title": "55th Oklahoma Legislature", + "text": "Party holds the majority of seats in both the Oklahoma Senate and Oklahoma House of Representatives, they hold the top leadership positions in both chambers. In Oklahoma, the lieutenant governor serves as President of the Oklahoma Senate, meaning that he serves as the presiding officer in ceremonial instances and can provide a tie-breaking vote. Todd Lamb serves as the current Lieutenant Governor of Oklahoma. The current President pro tempore of the Oklahoma Senate, who presides over the state senate on the majority of session days is Brian Bingman. He is aided by Majority Floor Leader Mike Schulz. The Democratic Minority", + "score": 0.73388671875 + }, + { + "id": "17374782", + "title": "16th Oklahoma Legislature", + "text": "the Speaker of the Oklahoma House of Representatives. Previous: 15th Legislature \u2022 Next: 17th Legislature There were no Republicans in the state senate in 1937. As Lieutenant Governor of Oklahoma, James E. Berry served as the President of the Senate, giving him a tie-breaking vote and the authority to serve as the presiding officer. Allen G. Nichols served as President pro tempore of the Oklahoma Senate, the chamber's chief leader and organizer. The Oklahoma Democratic Party held 114 of the 117 seats in the Oklahoma House of Representatives in 1937, allowing them to select the Speaker of the Oklahoma House", + "score": 0.732421875 + }, + { + "id": "17493862", + "title": "President of the Louisiana State Senate", + "text": "holds the power to assign the presiding officer in his absence. During session, the presiding officer controls the flow of debate on the Senate floor, and decides questions of order. The president controls the state senate offices and chamber, determines the physical arrangement and security of the chamber and committee rooms. As a state senator, the president is entitled to participate in debate and to vote. According to Article 4, Section 14, of the Louisiana Constitution, the president is fifth in the gubernatorial line of succession. The President pro tempore is appointed in the same way as the president. The", + "score": 0.7314453125 + }, + { + "id": "3421683", + "title": "President of the Republic of Texas", + "text": "President of the Republic of Texas The President of the Republic of Texas () was the head of state when Texas was an independent republic from 1836 to 1845. The Republic of Texas was formed in 1836. In the midst of the Texas Revolution, Texan settlers elected delegates to the Convention of 1836, which issued the Texas Declaration of Independence and elected David G. Burnet as interim president of the new country. In May 1836 Burnet and Mexican President Antonio L\u00f3pez de Santa Anna, who was at the time a Texan prisoner-of-war, signed the Treaties of Velasco officially recognizing Texas's", + "score": 0.7314453125 + }, + { + "id": "17378090", + "title": "2nd Oklahoma Legislature", + "text": "the legislature. Previous: 1st Legislature \u2022 Next: 3rd Legislature Lieutenant Governor George W. Bellamy continued to serve as the first President of the Senate, which gave him a tie-breaking vote and allowed him to serve as a presiding officer. J. C. Graham was elected as the second President pro tempore of the Oklahoma Senate, giving him the authority to organize the state senate and serve as a presiding officer. Ben Wilson served as the second Speaker of the Oklahoma House of Representatives. He hailed from a town known as Cereal, which today is known as Banner, Oklahoma. Benjamin F. Harrison,", + "score": 0.7294921875 + }, + { + "id": "6294093", + "title": "President of the Kentucky Senate", + "text": "President of the Kentucky Senate President of the Kentucky Senate is an office created by a 1992 amendment to the Constitution of Kentucky. The President of the Senate is the highest-ranking officer of that body and presides over the Senate. Prior to a 1992 amendment to Section 83 of the Constitution of Kentucky the Lieutenant Governor of Kentucky was the Senate's presiding officer. In reality, the Lieutenant Governor was rarely present to preside over the chamber. The President Pro Tempore of the Kentucky Senate - often called the President Pro Tem for short - acted as the de facto presiding", + "score": 0.728515625 + }, + { + "id": "7583210", + "title": "Washington State Senate", + "text": "state and territorial legislatures and the federal U.S. Senate, the state senate can confirm or reject gubernatorial appointments to the state cabinet, commissions and boards. The Lieutenant Governor of Washington serves as the President of the Senate, but only casts a vote if required to break a tie. In his or her absence, the President Pro Tempore presides over the Senate. The President Pro Tempore is nominated by the majority party caucus and elected by the entire Senate. The President Pro Tempore is a largely ceremonial position in the Senate. The primary leaders of the respective caucuses are the majority", + "score": 0.7275390625 + }, + { + "id": "3767767", + "title": "Mississippi State Senate", + "text": "rules. Amendments to bills must be approved by both houses. The governor has the power to veto legislation, but legislators can override the veto with a two-thirds decision. The Lieutenant Governor of Mississippi serves as the President of the Senate, but only casts a legislative vote if required to break a tie. In his or her absence, the President Pro Tempore presides over the Senate. The President Pro Tempore is elected by the majority party caucus followed by confirmation of the entire Senate through a Senate Resolution. Unlike other upper houses in state legislatures, the President Pro Tempore's power is", + "score": 0.7275390625 + }, + { + "id": "17375166", + "title": "1st Oklahoma Legislature", + "text": "Henry S. Johnston, who had served as the presiding officer of the state constitutional convention, was elected to serve as the first President pro tempore of the Oklahoma Senate. Next: 2nd Legislature With the Democratic caucus controlling the Oklahoma Senate, Henry S. Johnston of Perry, Oklahoma, was selected to serve as the first President pro tempore of the Oklahoma Senate. Johnston had served as the presiding officer of the state constitutional convention. Lieutenant Governor George W. Bellamy served as the President of the Senate, which gave him a tie-breaking vote and allowed him to serve as a presiding officer. After", + "score": 0.72705078125 + }, + { + "id": "9507257", + "title": "Congress of the Republic of Texas", + "text": "as fixed by law, but no change could be made in salary in the session in which the change was made. Since the terms of House members was one year, each Congress lasted only one year. The 1st Congress of the Republic of Texas, which convened at Columbia on October 3, 1836, was made up of thirty Representatives and fourteen Senators. The interim Vice President, Lorenzo de Zavala, served as President of the Senate until October 22, when Mirabeau B. Lamar was inaugurated as Vice President and Richard Ellis was elected President pro tem of the Senate. Ira Ingram was", + "score": 0.7265625 + }, + { + "id": "3421684", + "title": "President of the Republic of Texas", + "text": "break from Mexico. The authority and responsibilities of the president was similar to that of the President of the United States: to serve the people of Texas, and to serve as the head of the military and the state. These were detailed in the Constitution of the Republic of Texas of 1836. The Constitution specified a term of two years for the first elected president (Sam Houston) and terms of three years thereafter; the president could not succeed himself, but there were otherwise no term limits. The president was elected separately from the vice president, by popular vote, and there", + "score": 0.72607421875 + }, + { + "id": "20311649", + "title": "President of the Rhode Island Senate", + "text": "President of the Rhode Island Senate President of the Rhode Island Senate is the presiding officer of the Rhode Island Senate. Unlike most other states, the Lieutenant Governor of Rhode Island does not preside of the state senate. Instead, the lieutenant governor has roles in \"emergency preparedness and homeland security\". The role of president was established in 2003. Rhode Island Constitution provides that the lieutenant governor would no longer preside over the Senate in 2003, and power would be transferred to a president elected by senators . The first elected president is Joseph A. Montalbano, a Democrat from North Providence.", + "score": 0.7255859375 + }, + { + "id": "20311650", + "title": "President of the Rhode Island Senate", + "text": "President of the Rhode Island Senate President of the Rhode Island Senate is the presiding officer of the Rhode Island Senate. Unlike most other states, the Lieutenant Governor of Rhode Island does not preside of the state senate. Instead, the lieutenant governor has roles in \"emergency preparedness and homeland security\". The role of president was established in 2003. Rhode Island Constitution provides that the lieutenant governor would no longer preside over the Senate in 2003, and power would be transferred to a president elected by senators . The first elected president is Joseph A. Montalbano, a Democrat from North Providence.", + "score": 0.7255859375 + }, + { + "id": "4255022", + "title": "Jane Nelson", + "text": "being longest serving chair of the Senate Health and Human Services Committee in Texas history. In 2015, she was appointed chair of the Senate Finance Committee, being the first woman to hold the position in the history of the Texas Senate. She also serves as chair of the Sunset Advisory Commission. During the 2013 legislative session,Senator Nelson authored 40 bills that were passed into law by the Legislature, and she served as the Senate sponsor on 30 successful bills authored by House members. She served on 19 conference committees, including for SB 1, the appropriations bill. Senator Nelson chaired the", + "score": 0.7255859375 + }, + { + "id": "9143038", + "title": "Louisiana State Senate", + "text": "the Louisiana Constitution the Governor usually chooses the president, who in turn is usually elected by a near-unanimous, if not unanimous, vote. The president is usually chosen from the majority party, even if it is not the Governor's party, although this is not always the case. One example of this is when Republican Governor Mike Foster chose Republican State Senator John Hainkel to serve as senate president even though the Democrats had a large majority. One factor that allows for this is that the Governor usually has support on both sides of the aisle when he first enters office so", + "score": 0.72509765625 + }, + { + "id": "6294096", + "title": "President of the Kentucky Senate", + "text": "in the Senate. The President of the Senate acts as presiding officer of the Senate. The President of the Senate is also a member of the Legislative Research Commission. The President of the Senate has a position on the most influential Senate committees and exerts considerable influence in determining the membership of Senate committees and the assignment to senators of office space in the Capitol Annex building. Presidents of the Kentucky Senate: President of the Kentucky Senate President of the Kentucky Senate is an office created by a 1992 amendment to the Constitution of Kentucky. The President of the Senate", + "score": 0.72509765625 + }, + { + "id": "1772298", + "title": "President of the Senate", + "text": "the Vice-President of the Republic, currently Gabriela Michetti. This was a recent expansion of the Vice-President's powers introduced as part of the 1994 constitutional amendments (Constitution, Art. 57). The Vice-President may only cast a vote to break a tied Senate vote. The President of the Australian Senate is a senator, traditionally a member of the governing party or coalition, elected by the Senate at the beginning of each parliament as the first item of business. They are assisted by a Deputy President who is traditionally a member of the largest opposition party. The current president is Scott Ryan, a Liberal", + "score": 0.72509765625 + }, + { + "id": "1772310", + "title": "President of the Senate", + "text": "Executive Board also serves as the President of the Senate. The President of the Senate for the 2015\u201316 period of sessions is Roberto Gil Zuarth, a National Action Party (PAN) senator for Chiapas. The President of the Senate is the presiding officer of the Senate of Nigeria, elected by its membership. The President of the Senate is Dr. Bukola Saraki, who represents Kwara State for the APC. Peru had a bicameral Congress from 1829 until 1992. The President of the Senate was elected by the Senate members to preside over the sessions for one year. The first session of the", + "score": 0.724609375 + }, + { + "id": "11810059", + "title": "Tina Benkiser", + "text": "parties be of opposite sexes. When Steve Munisteri was elected to succeed Cathie Adams as chairman, Melinda Fredricks of Conroe succeeded Armstrong as vice chairman. Under Benkiser's leadership, the Texas party won all twenty-nine statewide offices and maintained its majority in the Texas State Legislature. Republicans have had a net loss of seats in the Texas House under Benkiser though, after peaking in 2003, and lost two formerly Republican seats in the U.S. Congress with the resignation of Tom DeLay and the defeat of Henry Bonilla in 2006. In 2008, however, the Republican Party of Texas regained the DeLay seat", + "score": 0.72314453125 + }, + { + "id": "17393608", + "title": "40th Oklahoma Legislature", + "text": "Timothy D. Leonard. The Speaker of the Oklahoma House of Representatives was Jim Barker. The Republican Minority leader of the House was Frank W. Davis. Previous: 39th Legislature \u2022 Next: 41st Legislature Lieutenant Governor Spencer Bernard served as President of the Senate, presiding over ceremonial session activities. Rodger Randle, of Tulsa, served as President Pro Tempore of the Oklahoma Senate. The Republican Minority leader of the Senate was Timothy D. Leonard. The Speaker of the Oklahoma House of Representatives was Jim Barker. Lonnie Abbot served as Speaker Pro Tempore. The Republican Minority leader of the House was Frank W. Davis.", + "score": 0.72314453125 + }, + { + "id": "8227044", + "title": "Rodney Ellis", + "text": "while Governor George W. Bush was running for President of the United States. When Bush traveled out of Texas, Lieutenant Governor Rick Perry was elevated to governor, and Ellis acted as Lieutenant Governor of Texas. If the governor and lieutenant governor are both out of the state, the president pro tempore is acting governor in their absence. In 1999 and 2000, Ellis served as Acting Governor of Texas for a record fifty days and was the Lieutenant Governor of Texas for 7 days, 7 hours and 31 minutes. Upon Bush's election as president, Ellis presided over the Texas Senate as", + "score": 0.72265625 + }, + { + "id": "8507024", + "title": "President pro tempore of the North Carolina Senate", + "text": "President pro tempore of the North Carolina Senate The President Pro Tempore (more commonly, \"Pro-Tem\") of the North Carolina Senate is the highest-ranking (internally elected) officer of one house of the North Carolina General Assembly. The President of the Senate is the Lieutenant Governor of North Carolina, but the President Pro-Tem actually holds most of the power and presides in the absence of the Lt. Governor. He or she, a senior member of the party with a majority of seats, appoints senators to committees and also appoints certain members of state boards and commissions. Until 1868, North Carolina had no", + "score": 0.72265625 + }, + { + "id": "9542220", + "title": "Matthew Fielding Locke", + "text": "in the Sixth Texas Legislature. In the Seventh Legislature, Locke was elected Speaker of the House \"pro tempore\" on 26 December 1857 when Speaker William S. Taylor took ill. When Taylor resigned on 18 January 1858, Locke was elected Speaker over Reps. Isaac N. Dennis and John Henry Brown, 39 votes to 14 and 13, respectively. In 1860, Locke was elected to the Texas Senate from District 6. In 1861, Locke was a member of the Texas Secession Convention, and was on the committee that informed Sam Houston, a lifelong friend of Locke\u2019s, that the convention had removed him from", + "score": 0.72265625 + }, + { + "id": "1772303", + "title": "President of the Senate", + "text": "elected as the first item of business at the start of every legislative session. While the Speaker of the Senate of Canada, who serves as the presiding officer of the Senate of Canada, is not described as a \"president\" in English, the position is called \"Pr\u00e9sident du S\u00e9nat\" in French. He is appointed by the Governor General on the advice of the Prime Minister. The President of the Senate of Chile is elected from among the country's senators. The holder of the position, since March 2010, is Jorge Pizarro. The President of the Senate \u2013 Ernesto Mac\u00edas Tovar for the", + "score": 0.72119140625 + }, + { + "id": "17180813", + "title": "54th Oklahoma Legislature", + "text": "of Oklahoma. The current President pro tempore of the Oklahoma Senate, who presides over the state senate on the majority of session days is Brian Bingman. He is aided by Majority Floor Leader Mike Schulz and Majority Whip Rick Brinkley. The Democratic Minority leader of the state senate is Sean Burrage. Paul Ziriax serves as the Secretary of the Oklahoma Senate. The first session of the legislature was led by Speaker T.W. Shannon. Jeff W. Hickman succeeded Shannon on February 10, 2014. Speaker Pro Tempore was Mike Jackson, Majority leaders were Fred Jordan and Dennis Johnson, Majority Floor Leader was", + "score": 0.720703125 + }, + { + "id": "12151046", + "title": "Samuel B. Nunez Jr.", + "text": "taken effect on November 1, 1975, for state and local offices. Nunez's service as Senate president was interrupted from 1988 to 1990 by Allen Bares of Lafayette, a leader of the anti-abortion forces in the legislature. Senator Sydney B. Nelson of Shreveport had mounted a challenge for Senate president, but Governor Buddy Roemer, sided with Bares. In 1990, in a slap at Roemer, senators removed Bares as president and returned Nunez to the post. From 1988 to 1990, Nunez nonetheless held the title of Senate President Pro Tempore. During his legislative tenure, he was involved in the establishment of the", + "score": 0.720703125 + }, + { + "id": "1772309", + "title": "President of the Senate", + "text": "chamber's day-to-day business. The Senate of Malaysia elects a president from its members, who is comparable to the Speaker of the House of Representatives. The position is partisan and has usually been held by a member of the Government party. The Senate of Mexico, at the beginning of each annual legislative session, elects an Executive Board \"(Mesa Directiva)\" from among its 128 members. The Executive Board comprises a president, three vice-presidents, and four secretaries, elected by an absolute majority of the Senators. Members of the Executive Board may be re-elected for the following year without restriction. The President of the", + "score": 0.72021484375 + }, + { + "id": "2517025", + "title": "Texas Legislature", + "text": "of Texas since Texas's 1845 entrance into the Union. The Legislature held its first regular session from February 16 to May 13, 1846. The Texas Legislature meets in regular session on the second Tuesday in January of each odd-numbered year. The Texas Constitution limits the regular session to 140 calendar days. The lieutenant governor, elected statewide separately from the governor, presides over the Senate, while the Speaker of the House is elected from that body by its members. Both have wide latitude in choosing committee membership in their respective houses and have a large impact on lawmaking in the state.", + "score": 0.72021484375 + }, + { + "id": "14476731", + "title": "Max Sherman", + "text": "Bush, then a departing U.S. representative from Houston, for one of the two Texas seats in the U.S. Senate. Sherman served on several Senate committees and was the Senate President Pro Tempore in 1974. During his tenure, Sherman was named \"Best Member of the Legislature\" by \"Texas Monthly\" magazine. In 1977, Sherman left the Senate to become president of then West Texas State University. He left the presidency in 1982 to run unsuccessfully for the Democratic nomination for Texas attorney general, a post vacated by Mark Wells White, who instead ran successfully for governor. U.S. Representative Jim Mattox of Dallas", + "score": 0.71826171875 + }, + { + "id": "2182924", + "title": "President of the Senate (Australia)", + "text": "Representatives. The President of the Senate and the Speaker of the House of Representatives may consequently be from different parties. The President of the Senate's primary task is to maintain parliamentary procedure in the chamber during legislative sessions. Unlike the Speaker of the House, he or she votes as an ordinary member during general debate, and has no casting vote in the case of a tie. The President of Senate has also various administrative and ceremonial duties, sharing responsibility for the management of Parliament House and other parliamentary facilities and services with the Speaker of the House. Section 17 of", + "score": 0.71826171875 + }, + { + "id": "6965513", + "title": "Alabama Senate", + "text": "a substantial majority in the chamber and have held it since. The Lieutenant Governor of Alabama serves as the President of the Senate, but only casts a vote if required to break a tie. In his or her absence, the President Pro Tempore presides over the Senate. The President Pro Tempore is elected by the full Senate by nominations taken from the floor, followed by a recorded vote. The President Pro Tempore is the chief leadership position in the Senate. The other Senate Majority and Minority leaders are elected by their respective party caucuses. The President of the Senate is", + "score": 0.71826171875 + }, + { + "id": "17994362", + "title": "1836 Republic of Texas presidential election", + "text": "1836 Republic of Texas presidential election The Republic of Texas presidential election of 1836 was the first such election in the newly established Republic of Texas. Popular war hero Samuel Houston was elected in a decisive victory over Henry Smith and Stephen F. Austin. Houston was inaugurated on October 22, 1836, replacing interim president David G. Burnet. Prior to Houston's entrance into the race, Stephen F. Austin considered himself to be the front-runner in the election to become the first president of Texas. His opponent in the race was Henry Smith, who had been governor of the Provisional Government and", + "score": 0.7177734375 + }, + { + "id": "2667896", + "title": "California State Senate", + "text": "397). In \"Reynolds v. Sims\", the United States Supreme Court compelled all states to draw up districts with equal population. As such, boundaries were changed to comply with the ruling. The Lieutenant Governor is the \"ex officio\" President of the Senate and may break a tied vote. The President pro tempore is elected by the majority party caucus, followed by confirmation of the full senate. Other leaders, such as the majority and minority leaders, are elected by their respective party caucuses according to each party's strength in the chamber. The current president pro tem is Democrat Toni Atkins (39th\u2013San Diego).", + "score": 0.71728515625 + }, + { + "id": "10407247", + "title": "Taddy Aycock", + "text": "respective highest positions of Senate President and House Speaker. Aycock first won the Democratic nomination for lieutenant governor in 1959 \u2013 1960. At that time, under the Louisiana Constitution of 1921, the lieutenant governor presided over the state Senate. In the 1974 Constitution, senators chose a \"Senate President\" to preside over the body, with a ceremonial President Pro Tem in the second position. These Senate presidents also have the recommendation of the governor. Aycock and then Mayor W. George Bowdon, Jr., of Alexandria led the primary field in December 1959 and went into a January 1960 runoff. Losing candidates included", + "score": 0.716796875 + }, + { + "id": "1772313", + "title": "President of the Senate", + "text": "A Vice-President of the Senate is also elected from among the senators. The current President of the Senate is Christine Kangaloo. The Vice President of the United States is assigned the responsibility of presiding over the Senate and designated as its president by the United States Constitution. The vice president, as President of the Senate, has the authority (\"ex officio\", for he or she is not an elected member of the Senate) to cast a tie-breaking vote. Other than this, the rules of the Senate grant its president very little power (in contrast to the powerful office of Speaker of", + "score": 0.71630859375 + }, + { + "id": "12676160", + "title": "Eighty-first Texas Legislature", + "text": "Eighty-first Texas Legislature The 81st Texas Legislature began meeting in regular session on January 11, 2009. The regular session adjourned sine die on June 1, 2009. Rick Perry, the Governor of Texas, called a special session of the Legislature on July 1, 2009. The Legislature passed two bills, both related to the sunset process, and adjourned sine die on July 10. All members of the House of Representatives and 13 members of the Senate were elected on 4 November 2008. The numbers above reflect the partisan composition of the House at the beginning of the legislative session in January 2009.", + "score": 0.71533203125 + }, + { + "id": "18398117", + "title": "1838 Republic of Texas presidential election", + "text": "1838 Republic of Texas presidential election The Republic of Texas presidential election of 1838 was the second presidential election. It was held on September 3, 1838. By a provision of the constitution, the term of office of the first president was limited to two years, without his being eligible for re-election; succeeding presidents were to hold their office for three years. The contest was held between Mirabeau Lamar, the vice president of the Republic of Texas and Robert Wilson, the Republic of Texas Senator for Harrisburg and Liberty. Although both candidates were considered nonpartisan, the two were representative of competing", + "score": 0.71533203125 + }, + { + "id": "14950093", + "title": "Domenici Institute", + "text": "as deputy chief of staff and senior adviser to former President George W. Bush. He is also a columnist for the Wall Street Journal and Newsweek. Lockhart served as press secretary for former President Bill Clinton from 1998-2000. He is now a political analyst and commentator. Kay Bailey Hutchison addressed border security issues. She is the first \u2013 and, to date, the only \u2013 woman elected to represent Texas in the U.S. Senate. She is the senior Republican on the Senate Committee on Commerce, Science and Transportation. Additionally, she serves on the Appropriations Committee, the Committee on Banking, Housing and", + "score": 0.71484375 + }, + { + "id": "3967076", + "title": "Senate (Belgium)", + "text": "The presiding officer of the Senate, known as the President of the Senate, is elected by the Senate at the beginning of each parliamentary term. The President of the Senate is assisted by three Vice-Presidents, who are also elected at the beginning of each parliamentary term. The President of the Senate is customarily a member of a majority party with a great deal of political experience, while the First Vice-President is a member of the other language group. The current President of the Belgian Senate is Christine Defraigne of the Mouvement R\u00e9formateur (MR). The President of the Senate presides over", + "score": 0.71484375 + }, + { + "id": "6603963", + "title": "Albert Jennings Fountain", + "text": "region. He was next appointed an election judge, and finally became the assessor and collector of internal revenue for the Western District of Texas. In November 1869, Fountain won a seat as a Republican in the Texas Senate, serving in the Twelfth and Thirteenth Texas Legislatures. He was elected as president \"pro tempore\" during the second session of the Twelfth Legislature and served as Lieutenant Governor \"ex officio\" at the same time, as the office was vacant. His most notable accomplishment was pushing through the bill that re-established the Texas Rangers, which had been abolished after the Civil War. Fountain's", + "score": 0.71435546875 + }, + { + "id": "17366701", + "title": "35th Oklahoma Legislature", + "text": "35th Oklahoma Legislature The Thirty-fifth Oklahoma Legislature was a meeting of the legislative branch of the government of Oklahoma, composed of the Senate and the House of Representatives. It met in Oklahoma City from January 7, 1975, to January 4, 1977, during the governorship of David L. Boren. Lieutenant Governor George Nigh served as President of the Senate, giving him a tie-breaking vote and the authority to serve as a presiding officer. Gene C. Howard served as President pro tempore of the Oklahoma Senate and William Willis served as Speaker of the Oklahoma House of Representatives. Previous: 34th Legislature \u2022", + "score": 0.71435546875 + }, + { + "id": "16076330", + "title": "Government of the State of Washington", + "text": "well as presiding over the body, the Speaker is also the chief leadership position, and controls the flow of legislation. In the absence of the Speaker the Speaker Pro Tem assumes the role of Speaker. The Lieutenant Governor of Washington serves as the President of the Senate, but only casts a vote if required to break a tie. In his or her absence, the President Pro Tempore presides over the Senate. The President Pro Tempore is elected by the majority party caucus followed by confirmation of the entire Senate through a Senate Resolution. The President Pro Tempore is the chief", + "score": 0.71435546875 + }, + { + "id": "8507026", + "title": "President pro tempore of the North Carolina Senate", + "text": "Pro-Tem. President pro tempore of the North Carolina Senate The President Pro Tempore (more commonly, \"Pro-Tem\") of the North Carolina Senate is the highest-ranking (internally elected) officer of one house of the North Carolina General Assembly. The President of the Senate is the Lieutenant Governor of North Carolina, but the President Pro-Tem actually holds most of the power and presides in the absence of the Lt. Governor. He or she, a senior member of the party with a majority of seats, appoints senators to committees and also appoints certain members of state boards and commissions. Until 1868, North Carolina had", + "score": 0.71435546875 + }, + { + "id": "15905568", + "title": "Betty Andujar", + "text": "during the 65th legislative session, Andujar was among four senators chosen to serve as the President Pro Tempore, the first Republican so honored by the chamber. The designation made her \"acting governor\" whenever both Governor Dolph Briscoe and Lieutenant Governor Bill Hobby were out of state. In the 1979 session, \"Texas Monthly\" magazine ranked Andujar as among the \"Ten Worst Legislators.\" Although a conservative, Andujar in 1973 introduced a bill to remove prison terms for conviction of the possession of marijuana, claiming that it should be treated as a substance comparable to alcohol and regulated. The bill did not pass", + "score": 0.7138671875 + }, + { + "id": "5871929", + "title": "Delaware Senate", + "text": "one year preceding their election. They must also be at least 27 years old at the time of their election. The Lieutenant Governor of Delaware serves as the President of the Senate, but only casts a vote if required to break a tie. In his or her absence, the President Pro Tempore presides over the Senate. The President Pro Tempore is elected by the majority party caucus followed by confirmation of the entire Senate through a Senate Resolution. The President Pro Tempore is the chief leadership position in the Senate. The other Senate leaders are elected by their respective party", + "score": 0.7138671875 + }, + { + "id": "8553883", + "title": "President pro tempore of the Oklahoma Senate", + "text": "President pro tempore of the Oklahoma Senate The President \"pro tempore\" of the Oklahoma Senate is the second-highest-ranking official of the Oklahoma Senate and the highest-ranking state senator. The Oklahoma Constitution designates the Lieutenant Governor of Oklahoma as the highest-ranking official, serving ex officio as President of the Senate, even though he or she only votes in the case of a tie. During the lieutenant governor's absence, the president pro tempore presides over sessions. The lieutenant governor presides over sessions devoted to ceremonial purposes, while the bulk of the management and political power is reserved for the president pro tempore.", + "score": 0.7138671875 + }, + { + "id": "7557846", + "title": "Speaker of the Texas House of Representatives", + "text": "Speaker of the Texas House of Representatives The Speaker of the Texas House of Representatives is the presiding officer of the Texas House of Representatives. The Speaker's main duties are to conduct meetings of the House, appoint committees, and enforce the Rules of the House. The current speaker is Joe Straus, a Republican from San Antonio, who was first elected Speaker on January 13, 2009. The speaker is elected from the legislature of Texas, by a vote of its fellow members. On the first day of each regular session, the members may nominate a fellow member, and a record vote", + "score": 0.71337890625 + }, + { + "id": "7007864", + "title": "Eleventh Texas Legislature", + "text": "Eleventh Texas Legislature The Eleventh Texas Legislature met from August 6, 1866, to November 13, 1866, in its regular session. All members of the House of Representatives and about half of the members of the Senate were elected in 1865. Jones was removed from office in July 1867 by General Phillip H. Sheridan. The office of Lieutenant Governor remained vacant until 1870. Robert Henry Guinn served as acting Lieutenant Governor for the remainder of the term. Members of the Eleventh Texas Legislature at the beginning of the regular session, August 6, 1866: Representatives of the Eleventh Texas Legislature serving from", + "score": 0.712890625 + }, + { + "id": "17493863", + "title": "President of the Louisiana State Senate", + "text": "President pro tempore acts as presiding officer in the absence of the president. If the chair is ever permanently vacated the President pro tempore acts as the temporary presiding officer until the Senate elects a new president. The President pro tempore, though not vested with much power, is usually a senior and influence senator. The position has existed since the foundation of the Senate in 1812, but it did not become a permanent position until 1880. President of the Louisiana State Senate The President of the Louisiana State Senate is the highest-ranking member of the Louisiana State Senate. As presiding", + "score": 0.712890625 + }, + { + "id": "15906347", + "title": "Walter Mengden", + "text": "Governor Bill Clements never called the promised special session of the legislature to consider the measure. Thereafter, Governor George W. Bush had initiative and referendum removed from the party platform, and support for the reform has since languished. In 1981, Mengden was one of four senators named as President Pro Tempore of the chamber. He soon left the Senate to contest the 1982 Republican nomination for the U. S. Senate to challenge the two-term Democrat Lloyd M. Bentsen, Jr., also of Houston. Mengden lost the nomination to then U.S. Representative James M. Collins of Dallas. Mengden accused Collins of having", + "score": 0.712890625 + }, + { + "id": "6294078", + "title": "President pro tempore of the Kentucky Senate", + "text": "most influential member of that body. The President Pro Tem was almost always chosen by the majority party from among their members, then elected on a party line vote. After the 1992 amendment, the Lieutenant Governor was stripped of all duties relating to the Senate. A new office, President of the Kentucky Senate, was created under amended Sections 84, 85, 86 and 87 of the Constitution of Kentucky; the President of the Kentucky Senate was given power to preside over the Senate. The last President pro tempore to serve as the highest-ranking member of the Kentucky Senate was John \"Eck\"", + "score": 0.712890625 + }, + { + "id": "14564218", + "title": "President of the Senate of Spain", + "text": "President of the Senate of Spain The President of the Senate of Spain () is the speaker of the Spanish Senate, the upper house of Spain's \"Cortes Generales\". The current office was established in 1978 by Article 72, Section 2 of the Spanish Constitution, which states in part, \"The Houses shall choose their respective Presidents...\". However, the position has a tradition of almost 200 years, since its creation in 1834. The current president, of the X Legislature, is P\u00edo Garc\u00eda-Escudero, a People's Party member who represents the electoral district of Madrid. The functions of the President of the Senate of", + "score": 0.712890625 + }, + { + "id": "17375984", + "title": "19th Oklahoma Legislature", + "text": "E. Berry served as the President of the Senate, giving him a tie-breaking vote and allowing him to serve as the presiding officer in ceremonial instances or during joint session. Tom Anglin served as the primary presiding officer, or President Pro Tempore of the Oklahoma Senate. He was a former Speaker of the Oklahoma House of Representatives, during the term of Governor William H. Murray. The Oklahoma Democratic Party held 93 seats in the Oklahoma House of Representatives in 1943, allowing them to select the Speaker of the Oklahoma House of Representatives. Harold Freeman of Pauls Valley, Oklahoma served in", + "score": 0.71240234375 + }, + { + "id": "7007865", + "title": "Eleventh Texas Legislature", + "text": "1866 to 1870: Eleventh Texas Legislature The Eleventh Texas Legislature met from August 6, 1866, to November 13, 1866, in its regular session. All members of the House of Representatives and about half of the members of the Senate were elected in 1865. Jones was removed from office in July 1867 by General Phillip H. Sheridan. The office of Lieutenant Governor remained vacant until 1870. Robert Henry Guinn served as acting Lieutenant Governor for the remainder of the term. Members of the Eleventh Texas Legislature at the beginning of the regular session, August 6, 1866: Representatives of the Eleventh Texas", + "score": 0.71240234375 + }, + { + "id": "17366331", + "title": "36th Oklahoma Legislature", + "text": "36th Oklahoma Legislature The Thirty-sixth Oklahoma Legislature was a meeting of the legislative branch of the government of Oklahoma, composed of the Senate and the House of Representatives. State legislators met at the Oklahoma State Capitol in session from January 4 to June 8, 1977, from June 13 to June 17, 1977, and from January 3 to March 28, 1978, during the term of Governor David L. Boren. Lieutenant Governor George Nigh served as President of the Senate. Gene C. Howard served as President pro tempore of the Oklahoma Senate and William Willis served as Speaker of the Oklahoma House", + "score": 0.71240234375 + }, + { + "id": "9143034", + "title": "Louisiana State Senate", + "text": "Louisiana State Senate The Louisiana State Senate (\"French: S\u00e9nat de Louisiane\") is the upper house of the state legislature of Louisiana. All senators serve four-year terms and are assigned multiple committees to work on. The Republicans gained control of the chamber in 2011 after a special election in District 26 brought victory to their nominee, Jonathan W. Perry. Previously the Democratic Party held a majority in the Senate. The Senate President is a Democrat-turned-Republican, John Alario from Westwego. The Louisiana State Senate is composed of 39 senators elected from single-member districts from across the state of Louisiana by the electors", + "score": 0.7119140625 + }, + { + "id": "7318890", + "title": "2006 Texas Legislature election", + "text": "2006 Texas Legislature election The 2006 Texas Legislature election was held on Tuesday, 7 November 2006, in the U.S. state of Texas. The Texas Legislature election was conducted as a part of the Texas general election, 2006, which also included the Texas United States Senate election, 2006, the Texas United States House elections, 2006, and the Texas gubernatorial election, 2006. Successful candidates served in the Eightieth Texas Legislature, which convened 9 January 2007 at the capitol in Austin. Fifteen of the sixteen elections for the Texas Senate were contested to some extent. In the District 3 race, Robert Nichols won", + "score": 0.7119140625 + }, + { + "id": "7652976", + "title": "Nevada Senate", + "text": "the Lieutenant Governor of Nevada serves as Senate President. In their absence, the President Pro Tempore presides and has the power to make commission and committee appointments. The President Pro Tempore is elected to the position by the majority party. The other partisan Senate leadership positions, such as the Leader of the Senate and Leader of the Opposition, are elected by their respective party caucuses to head their parties in the chamber. The current President of the Senate is Nevada Lieutenant Governor Kate Marshall of the Democratic Party. On the first day of a regular session, the Senate elects the", + "score": 0.71142578125 + }, + { + "id": "1772299", + "title": "President of the Senate", + "text": "senator from Victoria, who has held the office since 13 November 2017. At the start of every parliamentary session, the Senate of Barbados elects a President and a Vice President, neither of whom may be ministers or parliamentary secretaries. Prior to the January 2008 general election, the positions were held by Sir Fred Gollop and Dame Patricia Symmonds. The presiding officer of the Belgian Senate is elected by the senators at the beginning of each parliamentary term. The President of the Senate is customarily a member of a majority party with a great deal of political experience. The president presides", + "score": 0.71142578125 + }, + { + "id": "3767768", + "title": "Mississippi State Senate", + "text": "limited. The Lieutenant Governor has the sole ability to appoint the chairmanships or vice chairmanships of various Senate committees, regardless of party size. The other Senate majority and minority leaders are elected by their respective party caucuses. The President of the Senate is Mississippi Lieutenant Governor Tate Reeves. The President pro tempore is Republican Terry C. Burton. Although the Democratic party retained their majority (27D to 25R) in the state Senate after the 2003 general election, a party switch by former Democratic Senator, James Shannon Walley of Leakesville threw control of the chamber to the Republicans. Walley was elected as", + "score": 0.7109375 + }, + { + "id": "17180812", + "title": "54th Oklahoma Legislature", + "text": "efforts in response to a 2013 tornado outbreak, and employee development initiatives to improve care at veteran care centers. Previous: 53rd Legislature \u2022 Next: 55th Legislature 2013 Legislative Session 2013 Special Session 2014 Legislative Session Since the Republican Party holds the majority of seats in both the Oklahoma Senate and Oklahoma House of Representatives, they hold the top leadership positions in both chambers. In Oklahoma, the lieutenant governor serves as President of the Oklahoma Senate, meaning that he serves as the presiding officer in ceremonial instances and can provide a tie-breaking vote. Todd Lamb serves as the current Lieutenant Governor", + "score": 0.7109375 + }, + { + "id": "6294094", + "title": "President of the Kentucky Senate", + "text": "officer. The President Pro Tem usually presided over the body and was the most influential member of that body. After the 1992 amendment passed and altered Section 83 of the constitution, the Lieutenant Governor was stripped of all duties relating to the Senate. A new office, President of the Kentucky Senate, was created (Sections 84, 85, 86 and 87 of the constitution) and given power to preside over the Senate. The President Pro Tem was almost always chosen by the majority party from among their members, then elected on a party line vote. The President of the Senate is usually", + "score": 0.7109375 + }, + { + "id": "3576170", + "title": "Lieutenant Governor of Texas", + "text": "The Lieutenant Governor is also a member of the Legislative Redistricting Board (together with the Speaker of the House, Attorney General, Comptroller, and Land Commissioner), which is charged with adopting a redistricting plan for the Texas House of Representatives, Texas Senate, or U.S. House of Representatives after the decennial census if the Legislature fails to do so. In the case of a vacancy in the Lieutenant Governor's office, the Senate elects one of its members to act as \"President of the Senate\" until the next statewide office election, in effect becoming the Lieutenant Governor. A Senator elected as presiding officer", + "score": 0.7099609375 + }, + { + "id": "2793494", + "title": "Texas Senate", + "text": "Governor is not present or when the legislature is not in regular session. For the 82nd Legislative Session, which began in 2011, there were only two new, or freshman, senators, Brian Birdwell, a Republican from Granbury, and Jos\u00e9 R. Rodr\u00edguez, a Democrat from El Paso. For the 83rd Legislative Session, which began in 2013, there were six new senators, including Sylvia Garcia, who succeeded the late senator Mario Gallegos Jr. through a special election. The five other new senators were Charles Schwertner, a Republican from Georgetown, Ken Paxton, a Republican from McKinney, Kelly Hancock, a Republican from Fort Worth, Larry", + "score": 0.7099609375 + }, + { + "id": "7306149", + "title": "Emmett Forest Branch", + "text": "for three terms. He was elected Speaker of the House in 1907 and 1908. While Speaker he ended the omnibus practice that allowed multiple bills to be combined and passed without debate. In 1910 he returned to his law practice where he remained until nominated to run for Lieutenant Governor in 1920 and won the election. As President of the Senate he took part in debate and supported several controversial measures including banning gambling and liquor sales on Memorial Day. When legislation to ban teaching the German language in public was introduced, the Senate edged on violence and order was", + "score": 0.7099609375 + }, + { + "id": "9485310", + "title": "Tan Parker", + "text": "that year as the best legislator by Texas Monthly magazine. On March 1, 2016, he once again won the Republican primary election for House District 63. Parker is currently serving his sixth term in the Texas House of Representatives. Upon entering the 85th Legislative Session, Parker was unanimously re-elected as the chairman of the House Republican Caucus, which represents the Republican members of the Texas House by supplying its members with policy development and other crucial support services. On March 8, 2018, Parker became the third member of the House of Representatives to file for Speaker of the Texas House", + "score": 0.7099609375 + }, + { + "id": "18598201", + "title": "1st Congress of the Republic of Texas", + "text": "1st Congress of the Republic of Texas The First Congress of the Republic of Texas, consisting of the Senate of the Republic of Texas and House of Representatives of the Republic of Texas, met in Columbia at two separate buildings (one for each chamber) and then in Houston from October 3, 1836, to June 13, 1837, during the first year of Sam Houston's presidency. All members of Congress were officially non-partisan. According to the Constitution of the Republic of Texas of 1836, each member of the House of Representatives was elected for a term of one year. Each county was", + "score": 0.7080078125 + }, + { + "id": "9755768", + "title": "President of the West Virginia Senate", + "text": "President of the West Virginia Senate The President of the West Virginia Senate is a member of the West Virginia Senate who has been elected to be its president by the other senators. The current Senate President is Mitch Carmichael, who has been in office since January 2017. In addition to serving as the Senate's presiding officer, the Senate President is also first in the line of succession to the office of Governor of West Virginia. As stated in Article 7, Section 16 of the West Virginia Constitution: \"In case of the death, conviction or impeachment, failure to qualify, resignation,", + "score": 0.7080078125 + }, + { + "id": "3276906", + "title": "Preston Smith (governor)", + "text": "was first elected to the Texas House of Representatives in 1944 and then to the Texas State Senate in 1956. He won the Senate seat by defeating in the primary the incumbent Kilmer B. Corbin, the father of actor Barry Corbin. In 1962, Smith won the lieutenant governor's race, securing majorities in all but 16 of the 254 counties to defeat the Republican O.W. \"Bill\" Hayes. In 1968, Smith was elected governor, a position he held for two two-year terms. He succeeded the popular Democratic Governor John B. Connally, Jr., who later switched to the Republican Party in 1973. To", + "score": 0.7080078125 + }, + { + "id": "17379196", + "title": "3rd Oklahoma Legislature", + "text": "presiding officer. Elmer Thomas was elected by state senators to serve as the President pro tempore of the Oklahoma Senate, the primary presiding officer of the Oklahoma Senate. The Democratic caucus held the majority of seats in the Oklahoma House of Representatives. W.B. Anthony, of Marlow, served as Speaker of the Oklahoma House of Representatives during the special session in 1910, and William A. Durant served as Speaker of the Oklahoma House of Representatives during the regular session in 1911. 3rd Oklahoma Legislature The Third Oklahoma Legislature was a meeting of the legislative branch of the government of Oklahoma, composed", + "score": 0.7080078125 + }, + { + "id": "6269861", + "title": "Rienzi Melville Johnston", + "text": "of national Prohibition\" for introducing the Eighteenth Amendment to the Senate. Following his Senate term, Johnston returned to Houston and resumed his role as editor of the \"Post\". He retired from the newspaper business in 1919. In 1916, Johnston was elected to the Texas Senate, representing Houston. He served in office from January 9, 1917, to January 12, 1920, through the 35th and 36th sessions of the legislature. On March 27, 1918, Johnston was elected as President pro tempore of the Senate. During the 36th legislature, Johnston was chair of the Towns and City Corporations Committee and vice chair of", + "score": 0.70751953125 + }, + { + "id": "17380733", + "title": "13th Oklahoma Legislature", + "text": "requirements. Previous: 12th Legislature \u2022 Next: 14th Legislature With the governor's help, Wilburton editor and one of the youngest members of Oklahoma's constitutional convention Carlton Weaver was elected Speaker of the Oklahoma House of Representatives. House Majority Floor Leader J.T. Daniel was resistant to some of the governor's proposals. W.G. Stigler served as President pro tempore of the Oklahoma Senate. 13th Oklahoma Legislature The Thirteenth Oklahoma Legislature was a meeting of the legislative branch of the government of Oklahoma, composed of the Oklahoma Senate and the Oklahoma House of Representatives. The state legislature met in Oklahoma City, in regular session", + "score": 0.70751953125 + }, + { + "id": "2713948", + "title": "North Carolina Senate", + "text": "Governor was created in 1868, the Senate was presided over by a \"Speaker.\" After the 1988 election of James Carson Gardner, the first Republican Lt. Governor since Reconstruction, Democrats in control of the Senate shifted most of the power held by the Lt. Governor to the senator who is elected President Pro Tempore (or Pro-Tem). The President Pro Tempore appoints members to standing committees of the Senate, and holds great sway over bills. According to the state constitution, the Senate is also the \"Court for the Trial of Impeachments\". The House of Representatives has the power to impeach state officials,", + "score": 0.70703125 + }, + { + "id": "3712074", + "title": "Georgia State Senate", + "text": "highest position in the Senate is the President of the Senate, a position currently held by Lieutenant Governor Casey Cagle. The second highest position is that of President Pro Tempore, currently held by Senator Butch Miller. The presiding officer of the Senate is the President of the Senate. A President Pro Tempore, usually a high-ranking member of the majority party, acts as President in case of the temporary disability of the President. In case of the death, resignation, or permanent disability of the President or in the event of the succession of the President to the executive power, the President", + "score": 0.70703125 + } + ], + "answer": "The Lieutenant Governor of Texas is the position that generally serves as the President of the Senate in the Texas Legislature. The current Lieutenant Governor of Texas is Dan Patrick, who has served in this position since 2015. Patrick was preceded by David Dewhurst from 2003 to 2015 and Bill Ratliff from 2000 to 2003." + }, + { + "qa_pairs": [ + { + "context": "Outside the prison, an unidentified individual lures a group of walkers towards the prison, breaking open the front gate's lock to allow them inside.", + "question": "From the viewer's persepctive, who opened the gate to the prison, at the beginning of the walking dead's \"Killer Within\" episode?", + "short_answers": [ + "an unidentified individual" + ], + "wikipage": "Killer Within" + }, + { + "context": "Zack Handlen, writing for \"The A.V. Club\", wrote that \"things become sort of uncomfortable\" in the scene in \"Sick\" where Rick chases Andrew into a courtyard full of zombies and locks the door, noting that while Rick does not actually kill Andrew, \"it's a cold, cruel move, and it indicates a growing chill in Rick's character\". Lesley Goldberg of \"The Hollywood Reporter\" noted that in \"Killer Within\", Rick's decision to lock Andrew out \"amid a sea of walkers came back to bite the group in a major way\". Glen Mazzara felt that this decision would haunt Rick, as Rick \"believed he was committing an act of murder to save the group and that murder led to deaths within his own group and forced his own son to put down his mother\". \"Los Angeles Times\" columnist Laura Hudson considered the identity of the mysterious figure breaking open the lock on the prison gates to be \"not that much of a \"mystery\" if you consider how many black guys there are running around outside the prison with vendettas against Rick (note: one)\". Ted Pigeon of\" Slant Magazine\" described the episode's opening sequence: \"With its dreamlike, foggy setting and a conspicuously waist-down perspective of the saboteur, a peculiar sense of disconnect underlines the implications of what's being depicted. The scene ends with a single close-up of a heart placed on the cold cement. It's a foreboding image that gains magnitude as \"Killer Within\" gives way to a sudden strike of tragedy. Moreover, the pre-credit sequence lends insight into how the episode amounts to a particularly poignant, if also problematic, entry in the show's run.\" Pigeon also notes that the opening segments of the episode \"establish the origins for the ensuing chaos while going to painstaking lengths to conceal the identity of the man that caused it\". HitFix writer Alan Sepinwall commented on Andrew's sabotage of the prison: \"on the one hand, it helps justify Rick's decision to chase after the little guy in the first place. On the other, it seemed like an overly-elaborate plan from someone who probably would have been better off just leaving once he managed to get the gate open.\" Bex Schwartz wrote in her review for \"Rolling Stone\" magazine that when Andrew (\"the tiny prisoner\") tries to get Oscar to shoot Rick, \"Oscar shoots Andrew instead, because Oscar understands life and death and remembers that Andrew was one of the bad dudes\". Moore commented on how Andrew died in the series: \" It's weird because I have so much fun playing bad guys and I loved the way Andrew went out! He went out like a G, and he took a few people with him! [...] Die Hard \"TWD\" fans will remember my character forever because of all the trouble he caused. Plus Andrew almost got Rick! The fight scenes were great! Especially in my death scene.\"", + "question": "Who is the character that is discovered to have opened the gate in the prison walking dead?", + "short_answers": [ + "Andrew" + ], + "wikipage": "The Prisoners (The Walking Dead)" + }, + { + "context": "Andrew was portrayed by actor and rapper Markice Moore. He had originally auditioned for the pilot episode for the role of T-Dog, which went to IronE Singleton. Moore was later cast on season 3 as Andrew through his agency: \"Production was very hush hush about season 3 so I didn't even know I booked it officially until a week before shooting. I was elated; I couldn't believe it when my manager, Gail Tassell called to tell me the good news. I'm a huge fan of the show, it's my favorite show on TV, so yes it was a dream come true.\" Per Glen Mazzara, \"Andrew is really Tomas' right-hand man. These guys are really the ones who have been intimidating Axel and Oscar.\"", + "question": "Who is the actor that is discovered to have opened the gate in the prison walking dead?", + "short_answers": [ + "Markice Moore" + ], + "wikipage": "The Prisoners (The Walking Dead)" + } + ], + "wikipages": [ + { + "title": "Too Far Gone (The Walking Dead)", + "url": "https://en.wikipedia.org/wiki/Too%20Far%20Gone%20%28The%20Walking%20Dead%29" + }, + { + "title": "Killer Within", + "url": "https://en.wikipedia.org/wiki/Killer%20Within" + }, + { + "title": "The Prisoners (The Walking Dead)", + "url": "https://en.wikipedia.org/wiki/The%20Prisoners%20%28The%20Walking%20Dead%29" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Outside the prison, an unidentified individual lures a group of walkers towards the prison, breaking open the front gate's lock to allow them inside.", + "wikipage": "Killer Within" + } + ], + "long_answer": "Outside the prison, an unidentified individual lures a group of walkers towards the prison, breaking open the front gate's lock to allow them inside. There, they find Andrew (Markice Moore), whom Rick had left for dead, as the instigator. Andrew is about to kill Rick when Oscar shoots him, and then turns the gun over to Rick. They stop the generator and disable the alarm." + }, + { + "knowledge": [ + { + "content": "\"Killer Within\" is the fourth episode of the third season of the postapocalyptic horror television series The Walking Dead.", + "wikipage": "Killer Within" + } + ], + "long_answer": "From the viewer's perspective, an unidentified individual opened the gate to the prison at the beginning of The Walking Dead's \"Killer Within\" episode, the fourth episode of the series' third season. The character Andrew, portrayed by actor and rapper Markice Moore, is discovered to have opened the gate in the prison." + } + ], + "sample_id": "4910574660426743103", + "question": "Who opened the gate in the prison walking dead?", + "docs": [ + { + "id": "18917288", + "title": "The Prisoners (The Walking Dead)", + "text": "act of murder to save the group and that murder led to deaths within his own group and forced his own son to put down his mother\". \"Los Angeles Times\" columnist Laura Hudson considered the identity of the mysterious figure breaking open the lock on the prison gates to be \"not that much of a \"mystery\" if you consider how many black guys there are running around outside the prison with vendettas against Rick (note: one)\". Ted Pigeon of\" Slant Magazine\" described the episode's opening sequence: \"With its dreamlike, foggy setting and a conspicuously waist-down perspective of the saboteur, a", + "score": 0.7705078125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "18380386", + "title": "Coda (The Walking Dead)", + "text": "experiences the fear of his parishioners. Hearing Gabriel's screams for help, Carl Grimes (Chandler Riggs) and Michonne (Danai Gurira) break down the front door, allowing Gabriel inside but they are then overwhelmed with walkers and are forced to retreat to the rectory. Once there, Gabriel holds off the walkers while Carl, Michonne and Judith escape through the hole Gabriel had made previously in the floor of his office, then follows himself; they reseal the front doors, trapping the walkers inside. Just as the walkers are about to break through the door, Sgt. Abraham Ford's (Michael Cudlitz) group arrives in the", + "score": 0.74853515625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "17717019", + "title": "Negan", + "text": "his hair cut by Olivia outside his cell door. After finishing, Negan walks back to his cell at gunpoint from Andrea, who calls him a 'fucking monster,' much to Negan's amusement. Olivia then proceeds to lock the door, and they both leave Negan alone. However, it turns out Olivia didn't lock Negan's cell properly as the door swings open, which Negan notices. However, Negan decides not to escape and remains in his cell with the door open until Rick comes downstairs, then taunts him about the numerous ways he could have destroyed Alexandria without anyone realizing, but claimed to stay", + "score": 0.7470703125, + "summary": "Olivia opened the gate in Negan's cell, but it is irrelevant to the question of who opened the gate in the prison in The Walking Dead.", + "extraction": "Irrelevant. The passage does not mention a prison called \"walking dead\" or anyone opening a gate in a prison." + }, + { + "id": "20360946", + "title": "Mercy (The Walking Dead)", + "text": "incoming walkers. Negan runs off as his lieutenants run back inside for cover. In the midst of the mayhem, Rick's fighters continue to spray bullets at the Sanctuary, but eventually retreat to their cars for evacuation. With signals sent by Carol's group, Father Gabriel (Seth Gilliam) positions their RV, rigged with explosives, in front of the Sanctuary fence and exits as it continues slowly moving forward. Rick uses a garage door opener to detonate the explosives, successfully breaching the gate. Limping, Negan takes cover behind a sheet of metal as Rick, intent on killing Negan, continues firing at him, but", + "score": 0.74462890625, + "summary": "Rick used a garage door opener to detonate explosives to breach the gate in the prison in The Walking Dead. Negan takes cover behind a sheet of metal while Rick continues firing at him.", + "extraction": "Rick used a garage door opener to detonate the explosives, successfully breaching the gate. Therefore, Rick opened the gate in the prison in The Walking Dead, not Negan as mentioned in the question." + }, + { + "id": "20471719", + "title": "Alden (The Walking Dead)", + "text": "revenge won't help him. While they're talking, a wounded prisoner reanimates and kills two others, making Henry open the gate. In the panic, Jared is able to overpower Henry and escapes with some of the prisoners. Alden and several other prisoners however stay and try to close the main gate against a walker herd drawn by the gunfire. Alden then saves Siddiq from a walker, killing it with a shovel. Maggie and others arrive and hold Alden at gunpoint, asking him what happened. Alden explains that he and the other remaining prisoners don't know where the escapees went, but that", + "score": 0.7412109375, + "summary": "Henry opened the gate in the prison walking dead after a wounded prisoner reanimated and killed two others. Alden and several other prisoners stayed and tried to close the main gate against a walker herd. Alden saves Siddiq from a walker and is later held at gunpoint by Maggie and others, but explains that he and the remaining prisoners don't know where the escapees went.", + "extraction": "Henry opened the gate in the prison walking dead." + }, + { + "id": "17000806", + "title": "Home (The Walking Dead)", + "text": "help set up barricades, during which Axel admits he has been put in prison for trying to commit armed robbery with a water pistol. Axel begins to tell a humorous story about his brother, but is suddenly shot and killed, and Carol sees The Governor standing outside the fence. The prison group quickly take up arms while The Governor's men fire upon them. The Governor orders a bread truck filled with walkers to crash through the gates, filling the entire outer prison yard and trapping Rick who is still outside the inner fence. The Governor and his men leave the", + "score": 0.73876953125, + "summary": "The Governor opened the gate in the prison in \"Home\" episode of The Walking Dead, which led to a battle between his men and the prison group. Axel was killed during the attack.", + "extraction": "The passage is irrelevant to the given question as it does not provide any information about who opened the gate in the prison walking dead." + }, + { + "id": "16819830", + "title": "Killer Within", + "text": "(Scott Wilson) takes his first steps after the amputation of his foot. Suddenly, walkers swarm the courtyard, scattering the group. T-Dog (IronE Singleton) races after Carol (Melissa McBride) and sacrifices himself by barreling into a walker horde to let her escape. Rick, Glenn (Steven Yeun), and Daryl (Norman Reedus) find the gate's lock broken and re-secure it to prevent further walkers from entering. Rick accuses Axel and Oscar of the treachery, but an alarm begins sounding due to activation of a backup generator, potentially drawing more walkers. Rick realizes the prisoners cannot be at fault and lets them lead him", + "score": 0.73828125, + "summary": "The document is about an episode of The Walking Dead called \"Killer Within.\" It is irrelevant to the question of who opened the gate in the prison.", + "extraction": "irrelevant. The passage does not provide any information about who opened the gate in the prison walking dead." + }, + { + "id": "18625951", + "title": "Deanna Monroe", + "text": "Rick is not in present. Deanna reveals what Gabriel told her about Rick's group. Deanna and the others then were shocked when Rick arrives at the meeting and throws a dead walker in front of them and told Deanna that walkers got in because the gate was left open. Spencer notes that he asked Gabriel to secure the gate, and Deanna sends Spencer off to find Gabriel as Rick addresses the crowd telling them that the living and the dead will never stop trying to take what they have, and they will always need to be ready for it. Pete", + "score": 0.73681640625, + "summary": "The document is partially relevant but does not answer the question \"Who opened the gate in the prison walking dead?\" It mentions Deanna Monroe, Rick, Gabriel, Spencer, and Pete, but does not provide information on who opened the gate.", + "extraction": "Gabriel was asked by Spencer to secure the gate, but it was not mentioned who opened the gate in the prison walking dead. Therefore, the passage is irrelevant to the question." + }, + { + "id": "16819828", + "title": "Killer Within", + "text": "Within\" was viewed by 9.27 million viewers, including 4.9 percent of those in the 18 to 49 demographic upon its initial broadcast in the United States. Outside the prison, an unidentified individual lures a group of walkers towards the prison, breaking open the front gate's lock to allow them inside. In Woodbury, Michonne (Danai Gurira) is suspicious of how The Governor (David Morrissey) recovered supplies from a nearby National Guard camp, but he refuses to discuss it. She expresses her concerns with Andrea (Laurie Holden), and believes they should leave and head for the coast. Andrea would rather stay, and", + "score": 0.736328125, + "summary": "An unidentified individual opened the front gate's lock to allow walkers inside the prison, but their identity is not revealed in the document.", + "extraction": "An unidentified individual opened the front gate's lock to allow walkers inside the prison. The passage does not provide the name of the person who opened the gate." + }, + { + "id": "18917282", + "title": "The Prisoners (The Walking Dead)", + "text": "walkers is let into the prison courtyard, resulting in the deaths of T-Dog and Lori. When the prison's sirens sound off, Oscar explains that the back-up generators are powering the alarms, and takes Rick to shut them down. Andrew, who survived and is revealed to have let the walkers loose and turned on the alarms, attacks Rick in the generator room. Oscar kills Andrew, and Oscar and Axel are then allowed to stay with the others. Axel and Oscar helps dig graves for those who died during the walker attack. Axel volunteers to go to Woodbury, but stays behind to", + "score": 0.7333984375, + "summary": "Andrew opened the gate in the prison in The Walking Dead.", + "extraction": "Andrew, who survived and is revealed to have let the walkers loose and turned on the alarms, opened the gate in the prison walking dead." + }, + { + "id": "18616710", + "title": "Spend (The Walking Dead)", + "text": "to stop him but all three end up surrounded by walkers and stuck in the door. Eugene is able to overcome his cowardice to evacuate Tara to their van which he uses to lure the walkers away from outside the building. However, Nicholas fails to listen to Glenn's advice and causes the door to open far enough for the walkers to grab and drag Noah out, where he is consumed; a horrified Glenn watches but can do nothing. Nicholas catches up to Eugene in the van and threatens to leave him behind. Glenn, having made it out of the door,", + "score": 0.7333984375, + "summary": "Nicholas opened the door in the prison, causing walkers to grab and drag Noah out. Glenn watched helplessly while Nicholas threatened to leave Eugene behind. Irrelevant to the question.", + "extraction": "Nicholas causes the door to open far enough for the walkers to grab and drag Noah out." + }, + { + "id": "17828073", + "title": "Inmates (The Walking Dead)", + "text": "the search gives their lives a purpose beyond mere survival. While walking, they come across the prison bus, which is filled with walkers. Maggie insists on checking to see if Glenn is inside. After Bob says they'll do it together, and Sasha reluctantly agrees, Sasha opens the emergency door with the intention of allowing one walker to exit at a time. Eventually, the press of walkers trying to exit the bus proves too much, and Sasha can no longer hold the door. As the walkers attack, forcing Bob and Sasha defend themselves. Maggie initially seems dazed, and is nearly killed", + "score": 0.73095703125, + "summary": "Sasha opened the emergency door in the prison bus filled with walkers in The Walking Dead.", + "extraction": "Sasha opened the emergency door in the prison bus, but it is irrelevant to the question of who opened the gate in the prison walking dead." + }, + { + "id": "16892493", + "title": "Merle Dixon", + "text": "crashed a truck through the prison gate and unleashed a horde of walkers onto the prison grounds. Merle and Daryl save Rick from attacking walkers. In the episode \"I Ain't a Judas\", Merle is promptly locked inside a prison cell, where he shares what he knows about Woodbury and the Governor with the group. He bonds with Hershel and apologizes to Michonne, claiming his attack on her was simply following the Governor's orders. Later, Merle, hearing Beth's singing, walks into the cell block where he and Rick share an antagonizing look from across the room. In the episode \"Arrow on", + "score": 0.72607421875, + "summary": "Merle Dixon opened the gate in the prison walking dead by crashing a truck through it.", + "extraction": "Merle Dixon opened the gate in the prison walking dead." + }, + { + "id": "16368708", + "title": "Michonne", + "text": "at the prison with Maggie and Glenn's basket of infant supplies. In the episode \"When the Dead Come Knocking\", Michonne is brought into the prison, albeit cautiously, by Carl (Chandler Riggs) and Rick (Andrew Lincoln), who directs Hershel (Scott Wilson) to tend to her wounds. Michonne informs them of Glenn and Maggie's abduction by Merle, of the Governor, and of Woodbury. In the mid-season finale \"Made to Suffer\", she accompanies Rick, Daryl (Norman Reedus), unaware he is Merle's brother, and Oscar (Vincent M. Ward) to rescue Glenn and Maggie from Woodbury. In the process, Daryl is kidnapped. After Glenn and", + "score": 0.72607421875, + "summary": "Michonne is a character in the TV show The Walking Dead. The document does not answer the question of who opened the gate in the prison.", + "extraction": "Michonne accompanied Rick, Daryl, and Oscar to rescue Glenn and Maggie from Woodbury. Therefore, Michonne was involved in opening the gate in the prison walking dead." + }, + { + "id": "16819868", + "title": "When the Dead Come Knocking", + "text": "at the nearby prison. Leaving the two alone, The Governor and Merle are surprised that a group so small could take a prison that deep in the dangerous Red Zone. The Governor becomes nervous that he is still being lied to, and begins to question Merle's loyalty to him, though he asserts he is still loyal to Woodbury. The Governor assigns Merle and Martinez (Jose Pablo Cantillo) to scout the prison to verify Maggie's information. Elsewhere in Woodbury, Andrea (Laurie Holden) continues her affair with The Governor, and to avoid informing her of Maggie and Glenn's capture, he assigns her", + "score": 0.72314453125, + "summary": "The document mentions the nearby prison and the Governor and Merle's surprise that a small group could take it. However, it does not provide information on who opened the gate in the prison walking dead.", + "extraction": "irrelevant" + }, + { + "id": "18644320", + "title": "Spencer Monroe", + "text": "When Gabriel returns, Spencer asks him to close the gate as he gets ready for the community forum. At the meeting, he listens to the townspeople and members of Rick's group speak about Rick. When Rick arrives with a dead zombie, Spencer is dispatched by his mother to check the gates after the people are notified that someone [Gabriel] left the gate open. In the season premiere \"First Time Again\", Spencer listens as Carter states his plan to overthrow Rick and his group. In the episode \"JSS\", Spencer is on watch when the Wolves attack, and kills a driver trying", + "score": 0.720703125, + "summary": "Spencer Monroe is mentioned in the document, but there is no information about who opened the gate in the prison walking dead.", + "extraction": "Gabriel left the gate open and Spencer was dispatched by his mother to check the gates. However, the passage does not mention who opened the gate in the prison in Walking Dead, therefore the answer is \"irrelevant\"." + }, + { + "id": "17050752", + "title": "Welcome to the Tombs", + "text": "believing she belonged here. Elsewhere, Daryl (Norman Reedus) talks through his grief of losing his brother Merle (Michael Rooker) with Carol (Melissa McBride). She reminds him that Merle gave them a chance against The Governor. Later, a small army from Woodbury arrives at the prison. They use their heavy weapons to break through the outer walls and breach the fences with their vehicles. The prison, outside of walkers, appears empty. As they search the cell blocks they find a Bible left by Hershel open to a highlighted passage John 5:29, \"And shall come forth: they that have done good, unto", + "score": 0.72021484375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The given passage does not contain any information about someone opening the gate in the prison of The Walking Dead." + }, + { + "id": "15108029", + "title": "Rick Grimes", + "text": "they try to escape. Carl is enraged by Rick, claiming him responsible for their losses. Rick also begins hallucinating his wife. The survivors of the prison assault \u2014 Rick, Michonne and Carl \u2014 return to Hershel's farm where they reunite with the remainder of the prison group who left before the assault. They meet a new group of survivors who are on a mission to Washington, D.C., which consist of Abraham Ford (the leader), Eugene Porter (a man who claims to have knowledge on the cure, requesting to go to D.C.) and Rosita Espinosa (Abraham's girlfriend). On the journey to", + "score": 0.7177734375, + "summary": "Rick Grimes", + "extraction": "Irrelevant. The passage does not provide information about who opened the gate in the prison in Walking Dead." + }, + { + "id": "16819829", + "title": "Killer Within", + "text": "provides information on the Greene farmstead to allow Merle (Michael Rooker) to look for his brother Daryl. The Governor tells Merle he will allow the search once Merle obtains more concrete information. Andrea begins to become romantically involved with The Governor. At the prison, Rick Grimes (Andrew Lincoln) discusses with the others about making the prison their permanent home. The two remaining prisoners Axel (Lew Temple) and Oscar (Vincent Ward) request to join the group, but Rick, still distrustful, informs them of his intent to send them away at the end of the week. The group gathers as Hershel Greene", + "score": 0.71533203125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "17000802", + "title": "Home (The Walking Dead)", + "text": "for Lew Temple (Axel) Rick (Andrew Lincoln) suffers further hallucinations of his deceased wife Lori (Sarah Wayne Callies) at the prison fence, while Michonne (Danai Gurira) tracks him from a distance. With Rick's lack of mental stability and Daryl (Norman Reedus) having left the group with his brother Merle (Michael Rooker), Glenn (Steven Yeun) makes an executive decision to fortify the prison against The Governor, despite Hershel's (Scott Wilson) suggestion that they flee. When Carl (Chandler Riggs) finds more walkers in the prison's boiler room, Glenn says that he will take Maggie (Lauren Cohan) to find where the walkers have", + "score": 0.71435546875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "17710498", + "title": "The Walking Dead: The Fall of the Governor", + "text": "and attacks again. While failing to kill the Governor she steals her sword back. The Woodbury soldiers attack again, but are repelled by grenades. Gabe is killed by a prison resident who attacks them from outside. The Governor uses his tank to destroy the prison fences and the Woodbury soldiers invade the prison, searching for survivors to kill. They see three people trying to flee and kill two of them, while the third one surrenders. Then another group of survivors, led by Rick tries to escape and Alice is with them. Alice is shot in the leg and the Governor", + "score": 0.71435546875 + }, + { + "id": "17000815", + "title": "I Ain't a Judas", + "text": "per his assignment to \"keep tabs on her\"). The Governor tells Milton to help her. In the woods, Milton helps Andrea capture and disable a walker, hacking off its arms, breaking its jaws, and tethering it (imitating Michonne (Danai Gurira)). While they are doing so, Tyreese's (Chad L. Coleman) group comes upon them and kills several approaching walkers. Milton agrees to take Tyreese's group back to Woodbury, while Andrea leaves with her disabled walker for the prison. At the prison, Glenn quietly suggests handing Merle over to The Governor in a desperate hope of appeasing him. Merle, meanwhile, tries to", + "score": 0.71435546875 + }, + { + "id": "16887328", + "title": "T-Dog (The Walking Dead)", + "text": "Daryl, and T-Dog confront the prisoners, who claim rights to the prison because they were there first. Rick and his group argue that they cleared out the walkers, so they earned the prison. They initially compromise to share the prison, but when Tomas, one of the prisoners, tries to assassinate Rick, the group fights them; one inmate (Andrew) escapes, and only two are left alive, Oscar and Axel. They surrender and Rick spares their lives but locks them in another cell block. In the episode \"Killer Within\", Oscar and Axel plead to be part of the group, but Rick declines.", + "score": 0.7138671875 + }, + { + "id": "5507564", + "title": "The Walking Dead (comic book)", + "text": "friendship in Tyreese, who is accompanied by his daughter and her boyfriend. They soon find a farm run by Hershel Greene. Among Hershel's seven children is Maggie Greene, who forms a relationship with Glenn. As the group settle at a prison, they become conflicted with a group of surviving prisoners. Otis meets a katana-wielding survivor named Michonne, who is brought into the group, but struggles to acclimate, facing her own demons. Michonne, Rick and Glenn are later held in captivity by The Governor, a leader of a town called Woodbury who plan to take over the prison. Other Woodbury residents", + "score": 0.71337890625 + }, + { + "id": "17589390", + "title": "Infected (The Walking Dead)", + "text": "weeps while holding Judith close. As the survivors bury the dead, a massive group of walkers converges at a single portion of the fence. Sasha (Sonequa Martin-Green) points out the carcasses of several dead rats at the fence, suggesting that someone has been feeding the walkers, which lures them in and causes them to cluster together instead of spreading out. Despite the survivors' efforts to clear them, the walkers' combined mass causes the fence to begin to give way. Rick decides to sacrifice the piglets and uses them to successfully lure the walkers away from the fence. The plan seems", + "score": 0.71337890625 + }, + { + "id": "16943300", + "title": "The Suicide King (The Walking Dead)", + "text": "Holden)'s protests to The Governor (David Morrissey). As they wrestle, Merle discreetly tells Daryl to follow his lead as walkers are herded into the arena. Suddenly, Rick (Andrew Lincoln) and Maggie (Lauren Cohan) appear, throw a smoke bomb into the arena and help Daryl and Merle to escape through a breach in Woodbury's fence. On rejoining Glenn (Steven Yeun) and Michonne (Danai Gurira) nearby, Merle's past interactions antagonize the group, particularly when he reveals that he had brought Michonne and Andrea there. Rick forbids Merle from returning with them to the prison, and Daryl refuses to leave his brother's side,", + "score": 0.71142578125 + }, + { + "id": "18917277", + "title": "The Prisoners (The Walking Dead)", + "text": "The Prisoners (The Walking Dead) The Prisoners are fictional characters from the comic book series \"The Walking Dead\" and the television series of the same name. During Rick's coma, due to the news broadcasts, the inmates and guards had a basic understanding of what was going on. Soon, many of the guards abandoned the prison and the inmates to fend for themselves; at about the same time, a few walkers had somehow gotten inside and began to kill the inmates. Several of the guards freed the inmates and joined together to fight their way out, resulting in heavy casualties. By", + "score": 0.71142578125 + }, + { + "id": "17050765", + "title": "Welcome to the Tombs", + "text": "keep them safe. He realizes what that means -- that our group is now becoming isolated and will be picked off, that his own son is on the road to becoming the Governor (David Morrissey), so he has to open up the gates and let other people in and be compassionate. At the end of the finale, he brings in these women, children and elderly people and the group is going to transform. There needed to be a blood sacrifice for that, and there had to be a price that was paid. Andrea paying that price was important. She is", + "score": 0.7099609375 + }, + { + "id": "17455260", + "title": "30 Days Without an Accident", + "text": "of the prison's children, Lizzie (Brighton Sharbino) and her sister, Mika (Kyla Kenedy), among them, for naming one of the walkers at the fence. While several survivors kill the accumulated walkers at the fence, Tyreese (Chad L. Coleman) speaks with Karen (Melissa Ponzio), and confides his discomfort with killing walkers along the gate, as it means looking into their faces. Michonne (Danai Gurira) returns to the prison after unsuccessfully hunting for The Governor and shares her intention to travel to Macon County to continue her search. She volunteers to check the hunting traps for animals, but Rick decides to go", + "score": 0.70947265625 + }, + { + "id": "17710492", + "title": "The Walking Dead: The Fall of the Governor", + "text": "katana, which upsets the audience. The Governor discovers that Rick, Glenn and Michonne live in a prison and he wants to find out where the prison is. He enlists Martinez to gain Rick's trust and help them escape, so he can find the prison. Martinez succeeds to convince Rick that they are on the same side. He helps him escape and frees Glenn and Michonne. When they flee Dr. Stevens and his assistant Alice join them. Outside Woodbury Stevens is bitten and killed by a zombie. Meanwhile, Michonne goes back to The Governor's apartment for revenge. She knocks him out", + "score": 0.70849609375 + }, + { + "id": "17828076", + "title": "Inmates (The Walking Dead)", + "text": "reach the road near to the prison bus. Tara describes seeing her sister Lilly Chambler (Audrey Marie Anderson) being swarmed by walkers on the field outside the prison, and reveals Hershel's death to Glenn. She tells him \"Brian\" (David Morrissey) had told her the prison group were bad people. She'd believed him but sees now that wasn't true, and she cannot understand why Glenn would want her help. Glenn explains that he needs to find Maggie. After a small group of walkers attacks, Glenn collapses, wheezing, leaving Tara to tackle a walker on her own. She looks up to see", + "score": 0.70849609375 + }, + { + "id": "17828075", + "title": "Inmates (The Walking Dead)", + "text": "After escaping the crush, he sees Tara Chambler (Alanna Masterson), who has locked herself behind a fence. Glenn joins her and, after checking to see that her weapon was not fired during the attack on the prison, tells her they should go. Tara refuses, saying that she joined the prison attack and is thus responsible for its outcome. However, Glenn insists he needs her help. Glenn grabs Bob's bottle of brandy and, using it to create a Molotov cocktail, throws it to ignite a car. While the walkers are distracted by the fire, Glenn and Tara escape the prison and", + "score": 0.7080078125 + }, + { + "id": "16819865", + "title": "When the Dead Come Knocking", + "text": "Maggie and Glenn before they were taken to Woodbury by the man who shot her, though she does not reveal either Merle's or Andrea's names while describing the town. Rick determines that they need to rescue Glenn and Maggie, and Michonne offers that she can help get them into the town. Rick asks for volunteers, and while many offer, Rick decides to limit the group to himself, Daryl, Michonne, and Oscar (Vincent Ward). As they arm themselves from the prison's supply, and prepare to leave, Rick thanks Daryl for taking charge of the group while he struggled with the loss", + "score": 0.70751953125 + }, + { + "id": "17000813", + "title": "I Ain't a Judas", + "text": "Morrissey) brief but costly attack on the prison, Hershel (Scott Wilson) wants to abandon it. Merle (Michael Rooker) points out it is now too late for that; The Governor has had more than enough time to block all possible escape routes, moreover The Governor can simply besiege the prison and starve them out. Rick (Andrew Lincoln) and Glenn (Steven Yeun), however, argue that the group should stay, but they don't have enough ammunition to clear out the walkers. Rick begins to walk away causing Hershel to challenge him to get his head clear so that he can lead them. Even", + "score": 0.70703125 + }, + { + "id": "15108061", + "title": "Rick Grimes", + "text": "Maggie, Sasha and Bob Stookey (Lawrence Gilliard, Jr.) and new allies Tara Chambler (Alanna Masterson), whom Rick recognizes from the prison invasion, Sergeant Abraham Ford (Michael Cudlitz), Eugene Porter (Josh McDermitt), and Rosita Espinosa (Christian Serratos). In the season premiere, \"No Sanctuary\", Rick's group escapes Terminus as an explosion set off by Carol destroys the compound and infests it with walkers. He reunites with his daughter, Judith and graciously thanks Carol, who resettles into the group. In the episode \"Strangers\", the group meets Father Gabriel Stokes (Seth Gilliam) who brings them to his church to stay before going to Washington,", + "score": 0.70654296875 + }, + { + "id": "16335987", + "title": "The Governor (The Walking Dead)", + "text": "drives off as the survivors struggle with the walkers. In the episode \"I Ain't a Judas\", the Governor proceeds to rally Woodbury against the prison survivors, labeling them terrorists and raiders. Andrea wants to leave to negotiate peace with the prison group, but the Governor discourages her, implying that she will not be welcomed back if she leaves. When Milton tells the Governor that Andrea asked him to help her sneak out, the Governor tells him to go with her. The Governor welcomes Tyreese, Sasha, Allen, and Ben to Woodbury, after Rick kicked them out of the prison. Andrea returns", + "score": 0.7060546875 + }, + { + "id": "16740603", + "title": "Seed (The Walking Dead)", + "text": "moving into the prison to clear out a cell block. Daryl notes one wore civilian clothes, suspecting there may have been a breach. Rick and the others start clearing away the walker bodies, giving Lori the chance to confide to Hershel that she fears her child may be stillborn and re-animate as a walker, but Hershel calms her down and affirms the child is still okay. Rick, Daryl, Hershel, Glenn (Steven Yeun), Theodore \"T-Dog\" Douglas (IronE Singleton), and Maggie Greene (Lauren Cohan) go on a scouting mission to other parts of the prison, many in total darkness. The group inadvertently", + "score": 0.7060546875 + }, + { + "id": "16939715", + "title": "Milton Mamet", + "text": "and his eye). In the episode \"Prey\", Milton commands Andrea to escape to the Prison to warn her old team about the Governor's plans and for the first time, takes a direct stand against the Governor by burning the captured walkers the Governor planned to use against the Prison group. Andrea made the escape to the Prison but was chased and captured by the Governor himself. The Governor realizes Milton revealed his plans to Andrea; this creates a final rift between Milton and the Governor. At the beginning of the Third Season finale, \"Welcome to the Tombs\", the Governor viciously", + "score": 0.7060546875 + }, + { + "id": "17710497", + "title": "The Walking Dead: The Fall of the Governor", + "text": "lot of Woodbury soldiers are killed. After they retreat they are attacked by two prison group residents: Michonne and Tyreese. While Michonne manages to escape, Tyreese is captured and Michonne's katana is confiscated. The next morning the Governor goes to the prison gate and tells Rick to leave the prison. Otherwise he will kill Tyreese. The prison group do not respond and the Governor decapitates Tyreese using Michonne's katana. Back at camp the Governor tells the Woodbury soldiers that the prison people killed their own man so the Governor could not use him to take over the prison. Michonne returns", + "score": 0.70556640625 + }, + { + "id": "16368717", + "title": "Michonne", + "text": "the prison, the Governor takes a well-armed caravan with a tank and demands that Rick order his group to leave the prison, using Hershel and Michonne as leverage. Rick tries to reason with the Governor with the offer of living together peacefully but The Governor declares him a liar and decapitates Hershel with Michonne's katana. Rick's group opens fire, and Michonne rolls away and unties herself. The Governor orders his group to kill everyone at the prison, and they attack, breaking down the fences with their vehicles. When the Governor is punching Rick in the face, Michonne impales him through", + "score": 0.703125 + }, + { + "id": "16898899", + "title": "Caesar Martinez (The Walking Dead)", + "text": "Caesar Martinez is a former gym teacher from Augusta, Georgia. Martinez's backstory is told in \"The Walking Dead\" novels, \"\", and \"\". In the comics, it was Martinez who conducted Rick, Glenn, and Michonne's entry to Woodbury. He later helped Rick's party escape and fight their way back to the prison. After assisting Rick's party in escaping, Martinez betrays them by sneaking out of the prison to go tell The Governor its location so that he may capture and kill everyone inside. During his run back to Woodbury, Rick runs him down in the RV. However Martinez claims that he", + "score": 0.703125 + }, + { + "id": "15108053", + "title": "Rick Grimes", + "text": "called Woodbury, after Michonne (Danai Gurira), a mysterious katana-wielding survivor arrives at the prison to reveal Glenn and Maggie Greene (Lauren Cohan) have been kidnapped (in order to gain information on the location of the prison, a more secure environment than Woodbury). Rick follows Michonne while somewhat distrustful of her in the episode \"Made to Suffer\" and retrieves the couple by killing several soldiers and consequently causing a firefight in the streets. The Governor launches an assault on the prison in the episode \"Home\" in retaliation. A former member of Rick's group, Andrea (Laurie Holden), now a Woodbury citizen and", + "score": 0.70263671875 + }, + { + "id": "16850375", + "title": "Abraham Ford", + "text": "to Terminus, where they are greeted by a woman named Mary. In the season finale \"A\", when Rick, his son Carl, and Michonne and Daryl are locked up in a shipping container by the residents of Terminus, it is revealed that Abraham and the rest have all been captured and are being held there as well. Rick declares that the people holding them are \"gonna feel pretty stupid when they find out [...] they're screwin' with the wrong people.\" In the season premiere \"No Sanctuary\", Abraham escapes Terminus with the group. In the episode \"Strangers\", Abraham talks to Rick and", + "score": 0.70166015625 + }, + { + "id": "16740601", + "title": "Seed (The Walking Dead)", + "text": "(Scott Wilson), with the world growing increasingly more dangerous and Lori Grimes' (Sarah Wayne Callies) pregnancy advancing, Rick Grimes (Andrew Lincoln) and his group are now in search of a safe haven, as Lori is due to give birth any day. Rick and Daryl Dixon (Norman Reedus) happen upon a prison complex, while hunting for food. The group clears out the outer prison courtyard of walkers and secure their position within the fences. As many of the dispatched walkers wear prison or guard uniforms, Rick believes the prison may have fallen early during the epidemic and could hold a large", + "score": 0.70166015625 + }, + { + "id": "3653873", + "title": "Harry Pierpont", + "text": "stacks of shirts they were carrying. The other men picked up a steel shaft and followed. Though they walked almost the entire length of the prison, the guards and other prisoners paid no attention to what was happening. When they arrived at the first steel gate, Stevens told guard Frank Swanson to open the gate because the prisoners were armed and would kill if he didn't. Swanson was forced to join the procession. After proceeding through a second and they came to the third gate, where they used the steel shaft as a battering ram. Guard Fred Wellnitz was beaten,", + "score": 0.70166015625 + }, + { + "id": "19785569", + "title": "The Cell (The Walking Dead)", + "text": "Daryl. Under Negan's (Jeffrey Dean Morgan) orders, Daryl (Norman Reedus) is taken to the Saviors' home, the Sanctuary, and locked in a dark cell, to be converted to join the Saviors by Dwight (Austin Amelio). Dwight feeds Daryl only dog food sandwiches and forces him to listen to the song \"Easy Street\" played through the walls. Dwight shows that if Daryl refuses to join the Saviors, he could end up like other prisoners, who have become walkers wandering in a fenced off area. Daryl attempts an escape one day when he finds his cell unlocked, but this is revealed to", + "score": 0.701171875 + }, + { + "id": "16335986", + "title": "The Governor (The Walking Dead)", + "text": "escape. The Governor withdraws to his apartment, and the town is in a state of unrest after the attack. Andrea confronts him about her friends' presence in town, and then goes out to calm and inspire the townspeople. In the episode \"Home\", The Governor asks Milton Mamet where his loyalties lie, and asks him to keep tabs on Andrea. The Governor and his men then attack the prison; Rick Grimes' group runs for cover, and gunfire erupts on both sides. When a herd of walkers charge through town, the Governor gleefully sprays machine gun fire in the air and then", + "score": 0.70068359375 + }, + { + "id": "19044647", + "title": "First Time Again", + "text": "and Carter (Ethan Embry), an amalgamation of several comic book characters. Rick Grimes (Andrew Lincoln) and the Alexandrians stand at the top of a granite quarry filled with thousands of walkers. As Rick begins to make a speech outlining his plan to lure the walkers out of the quarry and away from the Safe-Zone, a rock collapses beneath one of the trucks that had been blocking an exit, freeing the walkers. Rick is forced to immediately execute his plan, a day ahead of schedule, while the Alexandrians who haven't been told the details flee for their lives. Flare guns and", + "score": 0.7001953125 + }, + { + "id": "15108057", + "title": "Rick Grimes", + "text": "D, after the attack Rick, Hershel and Dr. Subramanian examine Patrick's corpse and discard that the cause of death is an illness, shortly after Rick goes with Maggie to secure the prison fences, before a crowd of walkers trying to tear it down, the walkers begin to crush the fence, but a thinking Rick sacrifices the pigs to lure the walkers away from the prison with the help of Daryl, then he analyzes a boar that died from that same flu in The one that killed her sow Violet, Rick begins to burn the enclosure of the pigs to avoid", + "score": 0.7001953125 + }, + { + "id": "17000817", + "title": "I Ain't a Judas", + "text": "Governor sent Merle to kill her (Michonne), demonstrating that he won't allow anyone to leave (or live) who isn't under his control. At Woodbury, Tyreese's group has been brought to the infirmary building where they are cleaned up. The Governor gives them his friendly welcome-speech and discusses their ordeals. Allen (Daniel Thomas May) reveals that they'd been at the prison, where the \"crazy\" leader, named Rick, chased them out. Tyreese gives The Governor the same offer he'd extended to Rick: to help out and earn their keep. The Governor asks if they could provide a layout of the prison. Allen", + "score": 0.69970703125 + }, + { + "id": "16819864", + "title": "When the Dead Come Knocking", + "text": "As they debate, they notice the walkers starting to turn towards Michonne, and due to being shot in the leg earlier by Merle, she stumbles as she tries to defend herself. Rick and Carl quickly stop the walkers and bring her inside, locking her in a cell near their cell block and taking away her katana. Michonne refuses to talk when they ask her questions. When they see the supplies that she had brought, they know she is aware there was a newborn at the prison, and both Rick and Daryl (Norman Reedus) threaten her. She explains, she had overheard", + "score": 0.69970703125 + }, + { + "id": "16355717", + "title": "Glenn Rhee", + "text": "but impaled by two pieces of metal. As Glenn, Noah, and Nicholas go to save Aiden, Eugene carries Tara out of the warehouse. With the walkers closing in, Nicholas panics and flees, forcing Glenn and Noah to abandon Aiden, who is eaten alive by walkers. Glenn, Noah, and Nicholas take shelter inside a revolving door, but are trapped by walkers on both sides. Eugene arrives in the van and lures the walkers on the outside away. However, Nicholas pushes his way out, leaving Glenn and Noah vulnerable. The walkers grab Noah and tear him apart as Glenn watches in horror.", + "score": 0.69970703125 + }, + { + "id": "17050731", + "title": "Arrow on the Doorpost", + "text": "with The Governor (David Morrissey) in a barn, who shows himself to be unarmed but secretly has a pistol taped underneath their table. Both men have brought their respective support, as outside Daryl (Norman Reedus) and Hershel (Scott Wilson) meet with Martinez (Jose Pablo Cantillo) and Milton (Dallas Roberts). The initially hostile groups begin to socialize with each other, as Daryl and Martinez kill walkers together and Milton examines Hershel's leg. Having apparently brokered the summit, Andrea (Laurie Holden) enters the barn to join the discussion. Rick reveals his plan of a clear territorial division with a river as a", + "score": 0.69873046875 + }, + { + "id": "16355697", + "title": "Glenn Rhee", + "text": "Hershel gives Glenn his blessing. Glenn then asks Maggie to marry him, and she says yes. In the season finale \"Welcome to the Tombs,\" the Governor launches his assault on the prison, but the group is prepared. Glenn and Maggie fight back while wearing riot gear. Later, when Rick returns with the survivors from Woodbury, and Glenn opens the prison gates for them. In the season premiere \"30 Days Without an Accident,\" Glenn and Maggie get a pregnancy scare and decides to go out on a run in her place. When he gets back to the prison, Maggie tells him", + "score": 0.69873046875 + }, + { + "id": "17813972", + "title": "After (The Walking Dead)", + "text": "on the episode's pace. Following The Governor's (David Morrissey) deadly assault on the prison, the survivors are forced to scatter and try to regroup. Michonne (Danai Gurira) reconnoiters the prison for survivors. She discovers the reanimated head of her friend, Hershel (Scott Wilson), and stabs it to put him out of his torment. She discovers a trail of footprints leading away from the prison. To protect herself, she slices off the arms and jaws of two walkers, leading them pet-like to help mask her presence from other walkers, however this appears to draw more walkers towards her. While taking shelter", + "score": 0.69873046875 + }, + { + "id": "20674980", + "title": "Wrath (The Walking Dead)", + "text": "but is caught by Eugene. Following the map, Rick's group witnesses a massive walker horde in the distance and continue on. They end up in a large field where Negan taunts them over a public address system. Negan reveals that he has Gabriel at gunpoint, that their traitor Dwight is a prisoner, and that his people are ready to fire. He counts down from three, as a firing line of Saviors appears on the ridge line of the hill, ready to shoot down Rick's group. However, as they fire, their weapons all backfire due to Eugene's purposely faulty ammo, killing", + "score": 0.69775390625 + }, + { + "id": "16939714", + "title": "Milton Mamet", + "text": "upset residents. In the episode \"Home\", the Governor orders Milton to keep tabs on Andrea. In the episode \"I Ain't a Judas\", Milton helps Andrea escape to make peace with Rick. In the episode \"Arrow on the Doorpost\", Milton accompanies The Governor to a peace summit, in which the Governor and Rick Grimes are to come to peaceful compromise between Woodbury and the Prison. He expresses misgivings about The Governor's methods when he learns the Governor plans to kill everyone at the Prison save Michonne (whom he plans to brutally torture before death in retaliation for the loss of Penny", + "score": 0.69775390625 + }, + { + "id": "20457245", + "title": "Time for After", + "text": "anyway, but Dwight shoots the drone down before it can attract the walkers. Just then, Daryl drives the truck into the Sanctuary walls, allowing the walkers to flood the lower floors of the Sanctuary. Many of the workers are killed, but Negan's lieutenants lead an assault to keep the walkers at bay. Eugene, enraged by events, tells Gabriel that he will do what keeps him alive and will remain loyal to Negan. He then goes to see Negan, preparing to inform him that Dwight is the mole, but Dwight and Regina (Traci Dinwiddie) suddenly arrive, causing Eugene to stop short", + "score": 0.697265625 + }, + { + "id": "20457234", + "title": "How It's Gotta Be", + "text": "the nearby woods. Carol encounters them, and tries to help Ezekiel, but he locks her out of the Kingdom to face the Saviors alone. Morgan (Lennie James) observes this from a distance. Inside Alexandria, Carl (Chandler Riggs) writes a note to his father. He later prepares to take more food to Siddiq (Avi Nash) when suddenly Negan and many other Saviors seize Alexandria's front gate and assert Alexandria is now theirs. Carl talks to Negan over Alexandria's walls, offering his own life in exchange; however, this is a distraction to allow all the Alexandria residents to escape into the sewers,", + "score": 0.697265625 + }, + { + "id": "17589385", + "title": "Infected (The Walking Dead)", + "text": "Back in Cell Block \"D\", a zombified Patrick (Vincent Martella) enters a cell and kills the man sleeping inside. After Patrick feeds on him, the man reanimates. Michonne (Danai Gurira) goes to hunt for The Governor, while Rick (Andrew Lincoln) and Carl (Chandler Riggs) head out to tend to the pigs. Carl asks if he can help clear the walkers at the fence, but Rick shuts the idea down. Carl apologizes but asks for his gun back. They hear gunshots and see Lizzie and Mika Samuels (Brighton Sharbino and Kyla Kenedy) run out of Cell Block \"D\", screaming for help.", + "score": 0.697265625 + }, + { + "id": "16901885", + "title": "Made to Suffer", + "text": "Williams (Sonequa Martin-Green). It also features a cameo from Jon Bernthal (Shane Walsh). Rick (Andrew Lincoln), Michonne (Danai Gurira), Daryl (Norman Reedus), and Oscar (Vincent Ward) head towards Woodbury to rescue Glenn (Steven Yeun) and Maggie (Lauren Cohan) from The Governor (David Morrissey). While they are gone, a group of five survivors\u2014siblings Tyreese Williams (Chad L. Coleman) and Sasha Williams (Sonequa Martin-Green), and Allen (Daniel Thomas May) and Donna (Cherie Dvorak) with their son Ben (Tyler Chase)\u2014come across the prison while fleeing a horde of walkers, and discover a breach in its fence. They make their way inside, discovering that", + "score": 0.697265625 + }, + { + "id": "16819863", + "title": "When the Dead Come Knocking", + "text": "When the Dead Come Knocking \"When the Dead Come Knocking\" is the seventh episode of the third season of the post-apocalyptic horror television series \"The Walking Dead\". It was directed by Dan Sackheim and written by Frank Renzulli, and originally aired on AMC in the United States on November 25, 2012. At the prison, Rick (Andrew Lincoln) and Carl (Chandler Riggs) observe Michonne (Danai Gurira), who remains at the prison fence with infant formula and other supplies collected by Glenn and Maggie, the walker guts she is covered in keeping her undetected by the walkers that roam outside the prison.", + "score": 0.697265625 + }, + { + "id": "17050747", + "title": "Welcome to the Tombs", + "text": "Welcome to the Tombs \"Welcome to the Tombs\" is the sixteenth and final episode of the third season of the post-apocalyptic horror television series \"The Walking Dead\", which aired on AMC on March 31, 2013. In the episode, The Governor (David Morrissey) and Rick Grimes (Andrew Lincoln) prepare for the upcoming assault on the prison. Tyreese (Chad L. Coleman) and Sasha (Sonequa Martin-Green) decide to not participate in the assault and stay on guard duty before preparing to leave, as the citizens of Woodbury become increasingly alarmed at The Governor's erratic behaviour. Meanwhile, Andrea (Laurie Holden) struggles to escape The", + "score": 0.69677734375 + }, + { + "id": "17632303", + "title": "Internment (The Walking Dead)", + "text": "Maggie Greene (Lauren Cohan), who had been clearing a large herd of walkers at the fence, about banishing Carol Peletier (Melissa McBride) for killing two of their own. Inside the quarantined A Block, conditions continue to worsen for those infected by the deadly virus. Hershel Greene (Scott Wilson) tends to the patients, with the aid of Sasha (Sonequa Martin-Green) and Glenn Rhee (Steven Yeun). Hershel starts closing everyone's cell doors, following the advice of the dying Dr. Caleb Subramanian (Sunkrish Bala), and kills those who succumb to the virus away from the others' view. After being told of Carol's exile,", + "score": 0.69677734375 + }, + { + "id": "19972230", + "title": "Rock in the Road", + "text": "with dynamite. Rick and Michonne (Danai Gurira) spend time to recover the dynamite, but a large group of walkers approaches. Rick and Michonne use the two cars to which the tripline was attached to run through and decimate the walker herd, giving them time to escape. They arrive at Alexandria just as a group of Saviors led by Simon (Steven Ogg) drive up; they are seeking Daryl. Rick lets them aggressively search the community, discovering that most of their food and other weapons are missing. As they leave, Simon warns that should Daryl turn up, there is \"no statute of", + "score": 0.6962890625 + }, + { + "id": "20629931", + "title": "The Key (The Walking Dead)", + "text": "The Key (The Walking Dead) \"The Key\" is the twelfth episode of the eighth season of the post-apocalyptic horror television series \"The Walking Dead\", which aired on AMC on March 18, 2018. It was written by Corey Reed and Channing Powell, and directed by Greg Nicotero. At the Sanctuary, Negan (Jeffrey Dean Morgan) organizes the Saviors to cover their weapons in the blood and viscera of the walkers prior to an attack on the Hilltop community. Dwight (Austin Amelio) struggles with hiding his loyalty to Rick (Andrew Lincoln) and his allies from Negan and his other lieutenants, particularly Simon (Steven", + "score": 0.6962890625 + }, + { + "id": "18616736", + "title": "Conquer (The Walking Dead)", + "text": "blames Bob Stookey and Tyreese Williams's deaths on her sins. A struggle ensues and Sasha holds Gabriel at gunpoint. Gabriel tells her to shoot him but Maggie arrives and stops her. Maggie hears Gabriel's confession over letting his congregation die, and helps him to his feet. On his way to the meeting, Rick notices the front gate open. He closes it and follows a trail of blood to find walkers amongst the houses. At the meeting, Michonne, Carol, Abraham and Maggie speak in Rick's defense, while Deanna reveals Gabriel's claims. Rick arrives with a walker corpse, saying the walls alone", + "score": 0.69482421875 + }, + { + "id": "16359997", + "title": "Hershel Greene", + "text": "Beth. At some point during Maggie's childhood he employed Otis and Patrica as farmhands. Sometime after the apocalypse began, he lost Annette and Shawn to the hordes of zombies. He and the rest of his group remained unaware of the reality of the outside world and strongly believed that there could be a cure. As a result of this mistaken belief, Hershel kept a large group of walkers, mostly family and friends, locked in a nearby barn. Hershel subsequently barricaded his family and surviving friends, consisting of Maggie, Beth, Otis, Patrica and Beth's boyfriend Jimmy within the house. In the", + "score": 0.69384765625 + }, + { + "id": "20038772", + "title": "The First Day of the Rest of Your Life (The Walking Dead)", + "text": "the iPod and some water for the trip before the casket is closed up. They encounter a roadblock set by Dwight, delaying their arrival at Alexandria, by which point all of the armed Alexandrians and Scavengers are in position to defend the walls. Eugene attempts to negotiate with Rick, who is standing with Jadis on a guard tower at the gates, but Rick refuses to accept Eugene's words after his betrayal, and they stand their ground. Negan begins to taunt Rick, and reveals he was prepared, as Jadis and the other Scavengers suddenly turn their weapons onto the Alexandrians, having", + "score": 0.69384765625 + }, + { + "id": "16819861", + "title": "Hounded (The Walking Dead)", + "text": "the walkers that surround the prison. Inside, Daryl (Norman Reedus) and Oscar (Vincent Ward) are clearing out walkers when they spot one with Carol's (Melissa McBride) knife in it, who they thought had died in the previous walker infestation. Seeing a secured door nearby, they open it and discover Carol inside, exhausted but alive. Zack Handlen, writing for \"The A.V. Club\", rated the episode an A\u2212 on an A to F scale. Of the multiple storylines weaved in this episode, he felt that Rick's was the strongest and Andrea's the weakest, but also noted that Andrea has become \"more interesting\"", + "score": 0.693359375 + }, + { + "id": "16360016", + "title": "Hershel Greene", + "text": "but The Governor has already made his decision. Once The Governor arrives at the Prison with his group and the two hostages, Hershel attempts to help Rick in reaching diplomacy. Rick spends several minutes pleading with The Governor, asking him to let Hershel and Michonne go and offering to let his group live in the Prison with the others. The Governor becomes irritated and holds Michonne's katana to Hershel's throat. Rick then looks down at Hershel and Hershel nods his head, as a sign of saying Rick has made the right choice. Rick frantically tries to reason, and reinstates Hershel's", + "score": 0.693359375 + }, + { + "id": "18290699", + "title": "Gabriel Stokes (The Walking Dead)", + "text": "help him escape and says that he will never put himself at risk. In \"How It's Gotta Be\" Gabriel is first seen in the hospital bed when Eugene comes in and reveals that he will allow him and Harlan to escape. Eugene has taken out the guard at the North Gate and prepared a vehicle so that Harlan and Gabriel can make it to the Hilltop and Harlan can take care of Maggie. Gabriel asks Eugene to come with him to the Hilltop, but he refuses and Eugene \u201cdrops\u201d the key to the gate, and Gabriel compliments Eugene for doing", + "score": 0.693359375 + }, + { + "id": "17207408", + "title": "Sophia Peletier", + "text": "largely of his family and neighbors, in his barn, as he had believed them to be sick but nonetheless curable patients. Shane goes against Rick's orders, opens the barn, and (along with the rest of the group) shoots all the walkers that stumble out. Just as things seem to be over and done with, one more walker stumbles out of the barn - Sophia, who had been bitten while in the woods. (She had then been found by Otis, who put her zombified form in the barn before his death.) Knowing what must be done, Rick steps forward and shoots", + "score": 0.693359375 + }, + { + "id": "19192855", + "title": "No Way Out (The Walking Dead)", + "text": "but is swarmed and saved by the timely arrival of Daryl, Abraham and Sasha, the latter two shooting assault rifles from atop the fuel truck. Glenn opens the gate so Maggie and Enid can climb down the fuel truck, and they with Sasha and Abraham cover Daryl who fills a pond with fuel and ignites it with the RPG launcher. The enormous pool of fire in the night immediately draws the attention of the walkers. This takes pressure off of those fighting just as they were about to be overwhelmed, allowing them to gain the upper hand and continue relentlessly.", + "score": 0.69287109375 + }, + { + "id": "16335977", + "title": "The Governor (The Walking Dead)", + "text": "defense that forces Woodbury's humiliating retreat. After a failed attempt to gain his way into the prison, by using Tyreese as a hostage and subsequently decapitating him with Michonne's katana, The Governor crushes the fences with a tank. A bloody massacre ensues, leading to a high death toll and ultimately making the prison less secure and less habitable. Tensions steadily rise within The Governor's group, as their remaining ammunition is limited, and a handful of Woodbury residents' moral consciences come into play, especially regarding the killing of defenseless or young members of the prison group. Both factors lead to the", + "score": 0.6923828125 + }, + { + "id": "20038738", + "title": "The Other Side (The Walking Dead)", + "text": "building near the Sanctuary, Sasha and Rosita set up a sniper's nest. While waiting, they bond over their purpose and past events. At night, Sasha and Rosita attempt to sneak into the Sanctuary, where they encounter Eugene (Josh McDermitt) from the other side of a fence. They urge Eugene to come with them and escape, but he refuses. He tells them to go away and heads back inside the compound; Rosita curses at Eugene, in sincere disappointment. At Sasha's suggestion, Rosita keeps watch as Sasha slips through the fence, but doesn't notice Sasha using a lock to close the opening", + "score": 0.69189453125 + }, + { + "id": "17000814", + "title": "I Ain't a Judas", + "text": "Carl (Chandler Riggs) sees his father would benefit from some rest, and suggests that he let Hershel and Daryl (Norman Reedus) take charge. The Governor is readying Woodbury for total war. Civilians, including women and adolescents, are given weapons and taught to use them, in preparation for combat. Andrea (Laurie Holden) is disturbed by this and asks to leave to negotiate a peace with the prison, but The Governor discourages her, implying that she will not be welcomed back if she leaves. Andrea asks Milton (Dallas Roberts) to help her sneak out, which Milton reports back to The Governor (as", + "score": 0.69189453125 + }, + { + "id": "17632325", + "title": "Dead Weight (The Walking Dead)", + "text": "Lilly's insistence that the camp is safe, The Governor believes they need to move to a more secure location. During a game of tag, a walker who has entered the camp attacks Meghan and Tara, but The Governor quickly kills it. Concluding that the prison is a safe place for his family, The Governor scouts the prison and observes Rick (Andrew Lincoln) and his son Carl (Chandler Riggs) digging in the prison yard. He looks away and notices Hershel (Scott Wilson) and a smiling Michonne (Danai Gurira) burning walker corpses. Angered, he aims his pistol at them. This episode marks", + "score": 0.69140625 + }, + { + "id": "17710496", + "title": "The Walking Dead: The Fall of the Governor", + "text": "group. Rick's people kill all of them, except for Bruce, who is barely alive. When the Governor arrives he shoots Bruce in the head to prevent reanimation and tells his people to follow the tracks to find the prison. They find the prison, but the Governor orders them not to attack yet. They have to wait until the guard of the prison group is down. After a few weeks the Governor and a group of Woodbury soldiers march towards the prison. Among the vehicles is a tank. They attack first, but the prison group fends off the attack and a", + "score": 0.69140625 + }, + { + "id": "16335990", + "title": "The Governor (The Walking Dead)", + "text": "the walkers that the Governor had been corralling; he then orders him to kill Andrea. Milton tries in vain to kill the Governor, but the Governor stabs him and locks him in with Andrea, so that Milton will reanimate and kill Andrea. The Governor then leads his army into the prison to kill Rick's entire group, but Tyreese and Sasha wants nothing to do with it, and stay behind at Woodbury. Rick and the others have set a trap at the prison, expecting the Woodbury army's arrival. Ambushed and outgunned by Maggie and Glenn, the Governor's army flees the prison", + "score": 0.6904296875 + }, + { + "id": "18917290", + "title": "The Prisoners (The Walking Dead)", + "text": "writer Alan Sepinwall commented on Andrew's sabotage of the prison: \"on the one hand, it helps justify Rick's decision to chase after the little guy in the first place. On the other, it seemed like an overly-elaborate plan from someone who probably would have been better off just leaving once he managed to get the gate open.\" Bex Schwartz wrote in her review for \"Rolling Stone\" magazine that when Andrew (\"the tiny prisoner\") tries to get Oscar to shoot Rick, \"Oscar shoots Andrew instead, because Oscar understands life and death and remembers that Andrew was one of the bad dudes\".", + "score": 0.6904296875 + }, + { + "id": "17603321", + "title": "Eugene Porter", + "text": "gain new recruits and supplies. In the season finale \"A\", when Rick, his son Carl, and Michonne and Daryl are locked up a shipping container by the residents of Terminus, it is revealed that Eugene and the rest have all been captured and are being held there as well. In the season premiere \"No Sanctuary\", the group escapes from Terminus. In the episode \"Strangers\", Eugene accompanies them to Father Gabriel's church. In the episode \"Four Walls and a Roof\", they have the final confrontation with the survivors of Terminus. The next day, Tara, Glenn and Maggie depart with Abraham, Rosita", + "score": 0.68994140625 + }, + { + "id": "16850450", + "title": "Tyreese", + "text": "encourage her to face her demons rather than ignore them. Glenn recalled the story of his miraculous survival in the prison gym to several Alexandria citizens at the group's welcome party, all of whom were stunned and in awe upon hearing this. In the episode \"Made to Suffer\", Tyreese and his group discover the prison and proceed to sneak in, through the exposed back side of one of the buildings. They are no sooner locked in a cell block by Carl, while Rick and others are away at Woodbury. Donna, having been bit in the woods, succumbs to her infection", + "score": 0.68994140625 + }, + { + "id": "18917297", + "title": "The Prisoners (The Walking Dead)", + "text": "of letting in strangers.\" The Prisoners (The Walking Dead) The Prisoners are fictional characters from the comic book series \"The Walking Dead\" and the television series of the same name. During Rick's coma, due to the news broadcasts, the inmates and guards had a basic understanding of what was going on. Soon, many of the guards abandoned the prison and the inmates to fend for themselves; at about the same time, a few walkers had somehow gotten inside and began to kill the inmates. Several of the guards freed the inmates and joined together to fight their way out, resulting", + "score": 0.68994140625 + }, + { + "id": "17050751", + "title": "Welcome to the Tombs", + "text": "and Sasha (Sonequa Martin-Green) will stay behind to protect the citizens of Woodbury, as they only kill walkers, not humans. The Governor, after a moment, agrees and gives Tyreese a gun, and thanks him. At the prison, Rick (Andrew Lincoln) and his group pack up supplies in cars. Rick is still seeing hallucinations of Lori (Sarah Wayne Callies), making him question his judgement. Michonne (Danai Gurira) finds Rick and forgives him for his decision to try to turn her over to The Governor, and his decision to bring her into the group. Rick admits it was Carl's (Chandler Riggs) choice,", + "score": 0.68994140625 + }, + { + "id": "16260736", + "title": "Beside the Dying Fire", + "text": "if needed. As the group starts to dispatch walkers, Rick and Carl are able to lure a number into the barn, and set it ablaze. Jimmy (James Allen McCune) drives the RV near the barn and allows Rick and Carl to safely escape the burning barn, but he is killed when the walkers overrun the RV. The group quickly realizes they are outnumbered, and they all attempt to escape to safety. Patricia (Jane McNeill) is killed as walkers overtake the Greene household, and Rick convinces Hershel to abandon his property as it is a lost cause. Everyone escapes in groups,", + "score": 0.689453125 + }, + { + "id": "15108025", + "title": "Rick Grimes", + "text": "members of the survivors discover a prison, where everyone seeks refuge and settles down. Rick and the group settle into the prison where they meet the former prison inmates who hadn't managed to escape. Rick and Dale soon decide it is best to have as many people as possible at his new settlement, and decide to convince Hershel and his family to leave the farm and join him at the prison, as the farm grows increasingly precarious. The group's concept of the prison being a safe haven quickly diminishes when Rick and Tyreese find Tyreese's daughter, Julie, shot dead in", + "score": 0.689453125 + }, + { + "id": "17050734", + "title": "Arrow on the Doorpost", + "text": "Woodbury and secretly orders Martinez to set an ambush at the barn, to bring Michonne back alive, and to kill Rick and any of his people who show up to the meeting. Milton takes exception to the ruthlessness of the plan but does not press the issue, while The Governor keeps the agreement terms from Andrea. At the prison, Rick tells the group that The Governor wants them all dead and that they are going to war. He privately confides to Hershel the true terms of the agreement but, while knowing The Governor would kill them all anyway, he must", + "score": 0.689453125 + }, + { + "id": "17632336", + "title": "Too Far Gone (The Walking Dead)", + "text": "and the militia infiltrates the prison. Rick ambushes The Governor and the two struggle in a fist fight. With the tank blasting holes in the prison, the inhabitants begin boarding the evacuation bus. Maggie (Lauren Cohan) takes a sick Glenn (Steven Yeun) aboard the bus, but quickly departs to find Beth (Emily Kinney), who left to find Judith. Maggie, Sasha (Sonequa Martin-Green), and Bob Stookey (Lawrence Gilliard Jr.) flee the prison after the bus drives off and Bob is shot in the shoulder (through and through). Tara (Alanna Masterson), shaken by the gunfire, runs off. As a large number of", + "score": 0.689453125 + }, + { + "id": "17828093", + "title": "Claimed", + "text": "distraction when shouts from inside, due to Lou having become a walker, draw Joe's attention away, allowing Rick to run and warn Michonne and Carl away. The three continue travelling and encounter a sign near railroad tracks, stating that \"sanctuary for all\" lies down the ways of the train tracks. \"Claimed\" was co-written by supervising producer Nichole Beattie and co-executive producer Seth Hoffman and directed by Seith Mann. This episode focuses entirely on the main characters of Rick Grimes (Andrew Lincoln), Carl Grimes (Chandler Riggs), Michonne (Danai Gurira), and Glenn Rhee (Steven Yeun), and features guest appearances by recurring actors", + "score": 0.68896484375 + }, + { + "id": "16360013", + "title": "Hershel Greene", + "text": "and kill the walkers. Right after, Hershel goes to get the breathing tube from the walker to save Glenn, but is pinned. Maggie, after hearing the gunfire from outside the prison, finally breaks into the cell block, and kills the walker and saves Hershel. She kills the remaining walkers and then they go to save Glenn, which they do. Afterwards, Hershel is seen back in Caleb's cell, where he tends to his corpse and attempts to read his bible before breaking down and sobbing over the events of the day. The next day, Hershel is confronted by Daryl, who asks", + "score": 0.68896484375 + }, + { + "id": "16850380", + "title": "Abraham Ford", + "text": "forced to hold the doors closed to keep walkers from entering. In the episode \"The Distance\", Maggie and Sasha bring in a stranger named Aaron and after Rick disbelieves his claim of a nearby community Abraham takes part in the barn's defense on Rick's orders. When Michonne, Glenn and Maggie are set on following Aaron's claim of there being cars nearby Rick orders Abraham and Rosita to accompany them, eventually finding an R.V. After clearing it out Abraham asks Rosita if she believed he was going to hurt her back at the fire truck but she says no, knowing him", + "score": 0.68896484375 + }, + { + "id": "17717061", + "title": "Negan", + "text": "hear a lot of things from his window and that Rosita has said some interesting stuff, but not about Gabriel. When Gabriel returns, Negan continues to taunt him until Gabriel reveals that Rosita is at the Hilltop, hurt and Gabriel can't go to her because he has to look after Negan. Negan gives an apparently sincere apology for his behavior upon hearing this, but Gabriel storms out. Later, while playing with his tennis ball, Negan realizes that his cell door is unlocked. With a smirk, Negan departs his cell and escapes. Negan will appear as a playable character in the", + "score": 0.68896484375 + }, + { + "id": "16368734", + "title": "Michonne", + "text": "You\", Michonne, Glenn, and Heath struggle to stay ahead of the herd and keep the others alive. Glenn gets separated from the group and only Michonne and Heath return to Alexandria alive. In the episode \"Now\", Michonne informs Maggie she isn't sure what happened to Glenn, but that he would send up a signal if he was alive. Rick returns to Alexandria as well, but has been followed by the herd, and barely makes it back inside Alexandria's walls as Michonne helps close the gates. With walkers gathered outside the walls, the group must decide how to address the problem", + "score": 0.6884765625 + }, + { + "id": "17828066", + "title": "Inmates (The Walking Dead)", + "text": "Inmates (The Walking Dead) \"Inmates\" is the tenth episode of the fourth season of the post-apocalyptic horror television series \"The Walking Dead\", which aired on AMC on February 16, 2014. The episode was written by Matthew Negrete and Channing Powell, and directed by Tricia Brock. The other survivors of the prison assault deal with recent losses and decide whether or not to try reuniting with each other. This episode marks the return of Carol Peletier (Melissa McBride), who has been absent since the fourth episode of season four. Scott Wilson and David Morrissey are no longer featured in the opening", + "score": 0.6884765625 + }, + { + "id": "18290696", + "title": "Gabriel Stokes (The Walking Dead)", + "text": "locks himself in a little storage area inside the room and refuses to come out unless Negan confesses about his real wife. Once Negan mentions he had a real wife and couldn't put her down, he described himself as \"weak\". Gabriel comes out and Negan drags a walker out of a hole. He and Gabriel then rub walker guts on themselves and head outside. Once they are outside, they begin to make their way through the herd of walkers, Gabriel trips over a walker, and is saved by Negan, and he later saves Negan in return. They finally make it", + "score": 0.6884765625 + }, + { + "id": "17716987", + "title": "Negan", + "text": "Rick and says that he and the Safe-Zone residents are \"fucking fucked.\" Negan smiles and says that in a stand-off situation, snipers tend to give away their position after several shots. He clarifies that Rick's \"sniper bitch is as good as dead,\" causing Rick to try and strike him. As Negan holds him off, Carl shoots off a portion of Lucille, causing the Saviors to open fire at the Safe-Zone walls. Negan orders them to stop, and is shocked and angry about the damage to Lucille .Negan issues an ultimatum: \"Give me the boy, or I'll bash in all four", + "score": 0.6884765625 + }, + { + "id": "20457242", + "title": "Time for After", + "text": "having overheard their discussion, and offers the support of himself and his group of snipers that are monitoring the Sanctuary under Rick's (Andrew Lincoln) orders. Rosita starts to become concerned about going against Rick's plan and leaves, while Michonne is still unsure if this is the right action, knowing that the situation, as it is, is working to keep the Saviors confined. Inside the Sanctuary, Eugene (Josh McDermitt), who is aware that Dwight (Austin Amelio) is the mole within Negan's (Jeffrey Dean Morgan) ranks that allowed Rick's plan to work, struggles with what action to take. Gabriel (Seth Gilliam), who", + "score": 0.6875 + }, + { + "id": "18917281", + "title": "The Prisoners (The Walking Dead)", + "text": "him in a courtyard full of walkers. Rick, Daryl, and T-Dog hold Axel and Oscar at gunpoint; Axel begs for his life, but Oscar refuses to beg. Rick's group shows mercy on them and allows them to stay in the prison, though he and Oscar are told to stay in another block. Oscar and Axel find it very disturbing to stay with their deceased inmates and begs Rick to let them stay. T-Dog sympathizes with the prisoners and asks Rick to let them join the group, but Rick is adamant about keeping to their earlier compromise. Later, a horde of", + "score": 0.68701171875 + }, + { + "id": "18917283", + "title": "The Prisoners (The Walking Dead)", + "text": "protect the prison. Oscar instead decides to go. During his plan to rescue Glenn Rhee and Maggie Greene, members of Rick's group, Oscar is shot dead by a Woodbury soldier. At the prison, Axel soon tries to win the favor of the group by trying to stir up conversations and takes a liking to Beth and Carol, flirting with them both. He is later shown saddened by Oscar's death. Axel, Hershel, and Beth, visit new arrivals Tyreese, Sasha, Allen, and Ben. He helps the group fortify the prison, and becomes friendly with Carol by telling her stories of his criminal", + "score": 0.68701171875 + } + ], + "answer": "From the viewer's perspective, an unidentified individual opened the gate to the prison at the beginning of The Walking Dead's \"Killer Within\" episode, the fourth episode of the series' third season. The character Andrew, portrayed by actor and rapper Markice Moore, is discovered to have opened the gate in the prison." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who owns green and black's organic chocolate in 2017?", + "short_answers": [ + "Mondel\u0113z International" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who owns green and black's organic chocolate in 2005?", + "short_answers": [ + "Cadbury", + "Cadbury Schweppes" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who owns green and black's organic chocolate in 1991?", + "short_answers": [ + "Craig Sams", + "Josephine Fairley" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who first owned green and black's organic chocolate?", + "short_answers": [ + "Craig Sams, Josephine Fairley", + "Craig Sams", + "Josephine Fairley" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who bought and owned green and black's organic chocolate in 2005?", + "short_answers": [ + "Cadbury" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who owns green and black's organic chocolate after buying it from Cadbury?", + "short_answers": [ + "Mondel\u0113z International", + "formerly kraft foods" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Green & Black's", + "url": "https://en.wikipedia.org/wiki/Green%20%26%20Black%27s" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Green & Black's is a British chocolate company founded in 1991. The company produces a range of organic food[1] products, including: chocolate bars, ice cream, biscuits and hot chocolate.\nGreen & Black's was bought by Cadbury in 2005, and later became part of Mondel\u0113z International (formerly known as Kraft Foods).\nGreen & Black's was founded in 1991 by the couple Craig Sams and Josephine Fairley, organic food pioneer and journalist respectively. ", + "wikipage": null + } + ], + "long_answer": "Green & Black's is a British chocolate company that was founded by Craig Sams and Josephine Fairley in 1991. The company was bought by Cadbury in 2005, and later became part of Mondel\u0113z International." + }, + { + "knowledge": [ + { + "content": "Green & Black's is a British chocolate company founded in 1991.", + "wikipage": "Green & Black's" + }, + { + "content": "Green & Black's was founded in 1991 by the couple Craig Sams and Josephine Fairley, organic food pioneer and journalist respectively.", + "wikipage": "Green & Black's" + }, + { + "content": "Cadbury, formerly Cadbury's and Cadbury Schweppes, is a British multinational confectionery company fully owned by Mondelez International (originally Kraft Foods) since 2010.", + "wikipage": "Cadbury" + } + ], + "long_answer": "Green and Black's organic chocolate has had several owners. Organic food pioneer Craig Sams and journalist Josephine Fairley first owned it in 1991, the year they founded the British chocolate company Green & Black's. Confectionery company Cadbury bought it and owned it in 2005. Mondel\u0113z International owned it after buying it from Cadbury and owned it in 2017." + } + ], + "sample_id": "-6249787590084786692", + "question": "Who owns green and black's organic chocolate?", + "docs": [ + { + "id": "5883417", + "title": "Green & Black's", + "text": "Green & Black's Green & Black's is a British chocolate company founded in 1991. The company produces a range of organic products, including: chocolate bars, ice cream, biscuits and hot chocolate, with its principal manufacturing sites in Canada, Poland, and Italy. It was bought by Cadbury in 2005, and later became part of Mondel\u0113z International (formerly known as Kraft Foods). Green & Black's was founded in 1991 by the couple Craig Sams and Josephine Fairley, organic food pioneer and journalist respectively. The name was derived from a wordplay \u2014 \"Green\" standing for the environmental concerns of the founders, and \"Black\"", + "score": 0.8212890625, + "summary": "Green & Black's was bought by Cadbury in 2005 and later became part of Mondel\u0113z International.", + "extraction": "Green and Black's organic chocolate is owned by Mondel\u0113z International (formerly known as Kraft Foods)." + }, + { + "id": "5883420", + "title": "Green & Black's", + "text": "are Fairtrade Certified. On 15 October 2012 Mondel\u0113z Global LLC conducted voluntary U.S. recall of Green & Black\u2019s organic peanut and sea salt milk chocolate bar due to possible health risk. Green & Black's Green & Black's is a British chocolate company founded in 1991. The company produces a range of organic products, including: chocolate bars, ice cream, biscuits and hot chocolate, with its principal manufacturing sites in Canada, Poland, and Italy. It was bought by Cadbury in 2005, and later became part of Mondel\u0113z International (formerly known as Kraft Foods). Green & Black's was founded in 1991 by the", + "score": 0.8125, + "summary": "Green & Black's is a British chocolate company that was bought by Cadbury in 2005 and later became part of Mondel\u0113z International.", + "extraction": "Green & Black's is owned by Mondel\u0113z International (formerly known as Kraft Foods), which bought the company from Cadbury in 2005." + }, + { + "id": "12347528", + "title": "Craig Sams", + "text": "Grain, the following year. He and his brother Greg and their father Ken edited and published 'Seed, the Journal of Organic Living' 1971-1977. In 1970 Greg and Craig set up Harmony Foods, which eventually became known as Whole Earth Foods. In 1991, with his partner Josephine Fairley, he founded Green & Black's chocolate, which was sold to Cadbury in 2005. He continues to be involved with the company. He writes a monthly column in the organic products section of Natural Product News From 1990 until 2001 he was honorary treasurer of the Soil Association, the British organic food and farming", + "score": 0.7958984375, + "summary": "Craig Sams co-founded Green & Black's chocolate with Josephine Fairley in 1991, which was later sold to Cadbury in 2005. He continues to be involved with the company.", + "extraction": "Craig Sams founded Green & Black's chocolate along with his partner Josephine Fairley, but it was sold to Cadbury in 2005. Therefore, Cadbury owns Green & Black's organic chocolate." + }, + { + "id": "5883418", + "title": "Green & Black's", + "text": "for the high cocoa solids chocolate they wished to provide. In 1994, the company began purchasing Fairtrade cocoa from Maya farmers in Belize for the Maya Gold chocolate bar, and was awarded the Worldaware Business Award in 1994 for good business practice, as well as the UK's first Fairtrade mark. The company has a small office in Punta Gorda, Belize. In May 2005, Cadbury Schweppes (latterly Cadbury plc) bought Green & Black's for an undisclosed sum, estimated to be around \u00a320m. Cadbury pledged to run the company as a separate business. Green & Black's Australia chocolate announced that it would", + "score": 0.7744140625, + "summary": "Cadbury Schweppes (now Cadbury plc) bought Green & Black's in May 2005 for an undisclosed sum.", + "extraction": "Cadbury Schweppes (latterly Cadbury plc) bought Green & Black's for an undisclosed sum, estimated to be around \u00a320m." + }, + { + "id": "17393012", + "title": "Mott Green", + "text": "in Cottage Grove, Oregon, the men restored old machines from Europe and built new ones themselves. By the late 1990s they had shipped everything to Grenada. Working with small cocoa farmers in Grenada and as many as 50 factory employees during peak operations, and Grenadian co-founder Edmond Brown, all of whom earned the same salary. By keeping the processing and packaging of chocolate within Grenada, he appears to have created the first and only chocolate-making company in a cocoa-producing country. Mr. Green dried cocoa beans in the sun; built, maintained and powered the machinery to make chocolate; packaged the finished", + "score": 0.72265625, + "summary": "The document does not provide information on the ownership of Green and Black's organic chocolate.", + "extraction": "Green and Black's organic chocolate ownership is irrelevant to the given passage." + }, + { + "id": "5883419", + "title": "Green & Black's", + "text": "convert 90% of its range to Fairtrade by the end of 2010, and its entire range by 2011. In August 2017 the Company launched its first product line, the Velvet Edition, which is neither Fair Trade nor Organic. Green & Black's has operations around the world, including the United States, United Kingdom, Canada, Australia, and other nations. Green & Black's sells chocolate bars in the United States. They are sold in stores such as Whole Foods Market, Trader Joe's, Walgreens, among other retailers nationwide. They have various chocolate bars, on various flavors such as \"Dark 85% Cacao\" and \"White\". All", + "score": 0.71044921875, + "summary": "Green & Black's is a chocolate company that launched in August 2017 with a product line called the Velvet Edition, which is neither Fair Trade nor Organic. The company has operations around the world and sells chocolate bars in various flavors in the United States. Ownership information is irrelevant.", + "extraction": "Green & Black's owns their organic chocolate." + }, + { + "id": "9114851", + "title": "Greg Sams", + "text": "following year. To spread the word about Ceres and SEED, Greg published three editions of a specialised magazine called 'Harmony'. During the 1970s, Greg, his brother Craig and their father Ken edited and published a magazine called 'Seed, the Journal of Organic Living' over a seven-year period. In 1970 Greg and Craig set up Harmony Foods, which eventually became known as Whole Earth Foods. In 1982, Greg left Whole Earth Foods with his brother who went on to become chairperson of the Soil Association, and develop Green & Blacks organic chocolate with his partner. Greg went on to invent the", + "score": 0.7060546875, + "summary": "Craig Sams and his partner own Green & Blacks organic chocolate. Greg Sams left Whole Earth Foods in 1982, while Craig became the chairperson of Soil Association and developed Green & Blacks organic chocolate.", + "extraction": "Greg's brother and his partner own Green & Blacks organic chocolate." + }, + { + "id": "17393011", + "title": "Mott Green", + "text": "medical services at Coney Island Hospital, taught on the island each winter, often bringing his family along. He was the valedictorian of his class at Curtis High School in Staten Island. Mott was accepted at the Massachusetts Institute of Technology, but chose the University of Pennsylvania instead. He studied at the University of Pennsylvania, but did not complete his degree, dropping out in 1988 during his senior year. Mr. Green founded the Grenada Chocolate Company in 1999. Its slogan was \"tree to bar\". Joining with a friend from Eugene, Oregon, Doug Browne he studied chocolate production in San Francisco. Working", + "score": 0.7001953125, + "summary": "Irrelevant.", + "extraction": "irrelevant. The passage does not mention anything related to who owns Green and Black's organic chocolate. It only talks about Mott Green, his education, and his involvement in founding the Grenada Chocolate Company." + }, + { + "id": "17393013", + "title": "Mott Green", + "text": "product; and cobbled together an international network of distributors, including volunteer cargo cyclists in the Netherlands. In 2011, the company received recognition from the State Department for its \"contribution to the sustainable growth of rural economies by establishing Grenadian products in international markets; pioneering agritourism; outstanding environmental conservation efforts; and promotion of organic farming.\" In 2012 the company delivered tens of thousands of chocolate bars to Europe on a sail-powered Dutch ship, the Brigantine Tres Hombres, operated by a company called Fairtransport. A team of volunteer cyclists in Amsterdam helped handle distribution on the ground. Mr. Green called it \"the", + "score": 0.6904296875, + "summary": "Mott Green is mentioned in the document, but it does not answer the question of who owns Green and Black's organic chocolate. Therefore, the answer is irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "17393010", + "title": "Mott Green", + "text": "Mott Green Mott Green (April 15, 1966June 1, 2013) was an American businessman and chocolatier, who founded the Grenada Chocolate Company in 1999. An edition of The Food Programme was devoted to Mott Green in June 2013. Mott Green was born David Lawrence Friedman in Washington, D.C. in 1966 and raised in Staten Island, New York City. He would later adopted the name Mott Green, with \"Mott\" being a variation of his nickname \"Moth\", and \"Green\" representing his support of environmentalism. As a boy Mott was a frequent visitor to Grenada as his father, Dr. Sandor Friedman, the director of", + "score": 0.68603515625, + "summary": "irrelevant", + "extraction": "The passage is irrelevant to the question as it does not provide any information about who owns Green and Black's organic chocolate." + }, + { + "id": "19389695", + "title": "Organic chocolate", + "text": "Organic chocolate Organic chocolate is chocolate which has been certified organic. As of 2016, it was a growing sector in the global chocolate industry. Organic chocolate is a socially-desirable product for some consumers. Major brands, such as The Hershey Company, have begun to produce organic chocolate. Many, if not most, producers of organic chocolate source their ingredients from certified fair trade cocoa farms and cooperatives. Organic chocolate comes in many varieties, including milk chocolate, white chocolate, and dark chocolate. Major brands of organic chocolate include Britain-based Green & Black's, Hershey-owned Dagoba Chocolate, and Equal Exchange. Less-known retailers include Taza Chocolate,", + "score": 0.685546875, + "summary": "Green & Black's is a major brand of organic chocolate, based in Britain.", + "extraction": "Green & Black's is owned by Britain-based company." + }, + { + "id": "18766124", + "title": "Jacobs Douwe Egberts", + "text": "and the Senseo brand in Austria is licensed to a competitor. Brands owned by the company include: Jacobs Douwe Egberts Jacobs Douwe Egberts is a Dutch privately owned company that owns numerous beverage brands (coffee, tea and hot chocolate). It was formed in 2015 following the merger of the coffee division of Mondelez International with Douwe Egberts. The company is majority owned by Acorn Holdings, a subsidiary of JAB Holding Company. Mondelez International owns the remaining shares. The company has its origins in De Witte Os, a general grocery shop that Egbert Douwes established in 1753 in Joure, Netherlands. In", + "score": 0.68408203125, + "summary": "Acorn Holdings, a subsidiary of JAB Holding Company, is the majority owner of Jacobs Douwe Egberts, which owns numerous beverage brands including coffee, tea, and hot chocolate. Mondelez International owns the remaining shares.", + "extraction": "Green and Black's organic chocolate ownership is irrelevant in the given passage." + }, + { + "id": "11164285", + "title": "Chocolat Frey", + "text": "War, the company\u2019s situation improved. In 1946 for the first time the Board of Directors came up with the idea of looking around for partners. Four years later \"Migros\" took over the company. \"Chocolat Frey AG\" is the oldest acquired company of Migros. Initially the alliance appeared to be debatable, as until then \"Migros\" owned its own chocolate factory with \"Jonatal AG\". However, for \"Chocolat Frey AG\" the signing of the agreement was an important decision. Although the chocolate factory had to adopt the new owner\u2019s terms and conditions, the company management remained in the hands of Robert Frey junior.", + "score": 0.68212890625, + "summary": "Migros owns Chocolat Frey, but there is no information about who owns Green and Black's organic chocolate.", + "extraction": "irrelevant. The passage is about Chocolat Frey and Migros but it does not mention anything about green and black's organic chocolate." + }, + { + "id": "12218098", + "title": "Blacks Outdoor Retail", + "text": "Sports Direct, which it fought off. Sports Direct owned around 30% of Blacks' shares. It was at this time that Blacks sold off its Mambo boardwear arm for an estimated \u00a3800,000 to New Zealand born Andrew Gerrie (CEO of Lush cosmetics). Private equity funds, including the owner of rival Cotswold Outdoor, circled Blacks after it confirmed early talks on a possible offer in late October 2010. On 7 December 2011, the group was put up for sale. On 23 December 2011 the directors stated that the company was likely to enter receivership. The company was effectively insolvent and the shares", + "score": 0.681640625, + "summary": "Irrelevant. The document is about Blacks Outdoor Retail and does not mention anything about green and black's organic chocolate ownership.", + "extraction": "Irrelevant. The passage does not provide any information about who owns Green and Black's organic chocolate." + }, + { + "id": "2822661", + "title": "Ghirardelli Chocolate Company", + "text": "Ghirardelli Chocolate division to a private investment group. John J. Anton, from that group, became the president and CEO of the newly independent Ghirardelli Chocolate Company. Lindt and Spr\u00fcngli, from Switzerland, acquired Ghirardelli Chocolate Company in 1998 as a wholly owned subsidiary of its holding company. According to their own website, Ghirardelli is one of the few chocolate companies in the United States to control every aspect of its chocolate manufacturing process, rejecting up to 40% of the cocoa seeds shipped in order to select what the company calls the \"highest quality\" seeds. The company then roasts the cocoa seeds", + "score": 0.67822265625, + "summary": "Lindt and Spr\u00fcngli own Ghirardelli Chocolate Company. Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about who owns green and black's organic chocolate." + }, + { + "id": "18766119", + "title": "Jacobs Douwe Egberts", + "text": "Jacobs Douwe Egberts Jacobs Douwe Egberts is a Dutch privately owned company that owns numerous beverage brands (coffee, tea and hot chocolate). It was formed in 2015 following the merger of the coffee division of Mondelez International with Douwe Egberts. The company is majority owned by Acorn Holdings, a subsidiary of JAB Holding Company. Mondelez International owns the remaining shares. The company has its origins in De Witte Os, a general grocery shop that Egbert Douwes established in 1753 in Joure, Netherlands. In 1780, the company was transferred to his eldest son Douwe Egberts. It developed into a company dealing", + "score": 0.67724609375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about who owns green and black's organic chocolate." + }, + { + "id": "13752304", + "title": "Simpson Investment Company", + "text": "completed. It generates 55 megawatts of power which is sold to Iberdrola Renovables and used by the Sacramento Municipal Utility District. The company is owned by the Reed family. William G. Reed Jr is a chairman on the board. The company was split into two units in 2006. The Green Diamond Resource Company is a spinoff that was created to manage Simpson's forest lands. Both companies are owned by the same shareholders and as with the current subsidiaries, function as separate departments within a large company rather than as completely independent companies. The Simpson Lumber Company conducted logging operations and", + "score": 0.67431640625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about who owns Green and Black's organic chocolate." + }, + { + "id": "7903561", + "title": "Keurig Dr Pepper", + "text": "an investor group led by private-equity firm JAB Holding Company announced its intent to acquire Keurig Green Mountain for $13.9 billion. JAB is an investment firm dealing in high-end consumer goods; its holdings include Peet's Coffee & Tea. The minority investors in the KGM purchase include shareholders in the global coffee and tea company Jacobs Douwe Egberts, which owns Maxwell House and Tassimo. The agreement was unanimously approved by Keurig Green Mountain's board of directors. The selling price, at $92 per share, represented a 77.9% premium over the closing price of Keurig Green Mountain (stock ticker \"GMCR\") on December 5,", + "score": 0.6728515625, + "summary": "Irrelevant. The document does not mention Green and Black's organic chocolate or its ownership.", + "extraction": "irrelevant (There is no information about the ownership of Green and Black's organic chocolate in the given passage.)" + }, + { + "id": "4772154", + "title": "Divine Chocolate", + "text": "of income to Kuapa Kokoo 1) the Fairtrade minimum price for its cocoa, or world price if that is higher 2) the Fairtrade premium of $200 for every tonne of cocoa 3) 2% of annual turnover for Producer Support & Development 4) 44% of distributed profit. Following The Body Shop handing all their shares in the company over to Kuapa Kokoo in 2007, Divine Chocolate Ltd was then owned by the following organizations: The most recent development (in 2015) is that UK and US businesses have been merged, giving Kuapa Kokoo a 44% share of the new company - still", + "score": 0.67236328125, + "summary": "Kuapa Kokoo owns 44% of Divine Chocolate Ltd.", + "extraction": "Kuapa Kokoo owns 44% of Divine Chocolate Ltd, which produces organic chocolate." + }, + { + "id": "6406765", + "title": "Big Chocolate", + "text": "large cocoa users to wield significant impact in economies, many of them poor African nations, that rely on cocoa production as a critical element of foreign trade. Big Chocolate \"Big Chocolate\" is a business term assigned to multi-national chocolate food producers, akin to the terms assigned to \"Big Oil\" and \"Big Tobacco\". According to self-described fair trade proponents including Ghanaian cooperative Kuapa Kokoo, \"Big Chocolate\" companies are Mondelez (which owns Cadbury), Mars, Nestl\u00e9, and The Hershey Company. Together these companies process about 12% of the world's 3 million tons of cocoa each year. At the core of the chocolate debate", + "score": 0.66748046875, + "summary": "Mondelez, Mars, Nestl\u00e9, and The Hershey Company are the owners of \"Big Chocolate\" and are responsible for processing about 12% of the world's cocoa each year.", + "extraction": "Mondelez (which owns Cadbury), Mars, Nestl\u00e9, and The Hershey Company are the owners of green and black's organic chocolate." + }, + { + "id": "10013043", + "title": "Dagoba Chocolate", + "text": "list of the current product line of Dagoba chocolate bars. Percentages indicate the cacao content. Dagoba Chocolate also produces a line of Drinking Chocolates: Dagoba Chocolate also produces In October 2006, Dagoba was acquired by The Hershey Company. Hershey's CEO Richard H. Lenny stated in a press release \"Organic chocolate products are experiencing dramatic growth as consumers continue to trade up for indulgent, high-quality products.\" Dagoba Chocolate Dagoba or Loving Earth Organic Chocolate reduced from Knoppers German chocolate wafer snacks, is a brand of premium organic chocolate, founded in 2001 by Frederick Schilling. It has been owned by The Hershey", + "score": 0.666015625 + }, + { + "id": "18682785", + "title": "Cheryl Bogart", + "text": "where she managed Casey Johnson, and, among others, Richard Grieco's band, Wasteland Park. In 2009, she signed The Green Children, a duo from The United Kingdom and Norway, to a two-album deal under her management company. During that same year, she took on the role as senior executive for Knightingale Entertainment, which is owned by The Green Children. Bogart secured a worldwide distribution deal for the group through Spinside Records, a subsidiary of Inside Recordings, which is owned by the legendary Jackson Browne. Bogart and The Green Children parted ways in 2011, and now she is focusing on creative production", + "score": 0.6630859375 + }, + { + "id": "13239136", + "title": "Desnoes & Geddes", + "text": "Only a small portion of D&G's shares are publicly traded. From 1993 until autumn 2015, Guinness and Smirnoff owner Diageo owned a controlling stake in the company. In October 2015, Dutch brewer Heineken acquired Diageo's stake taking its stake to 73.3%. It stated it would launch a full bid for the shares it did not own. D&G also made soft drinks, including the popular Ting, but sold that division to PepsiCo in 1999. Desnoes & Geddes Desnoes and Geddes Limited (D&G) is a Jamaican brewer and beverage producer. It was formed in 1918 by Eugene Peter Desnoes and Thomas Hargreaves", + "score": 0.66259765625 + }, + { + "id": "16931787", + "title": "Earth's Own Food Company", + "text": "and Canadian Nutrition Association. In early 2011, Soyaworld Inc. was renamed Earth's Own Food Company Inc. In 2012 Earth's Own ownership group was renamed to Life Health Foods, Inc. The group remained 100% owned by the Seventh-day Adventist Church. In 2012 Agrifoods International Cooperative LTD purchased shares of Earth's Own. Earth's Own Food Company Earth's Own Food Company (previously Soyaworld Inc.) is a health food manufacturing company in Canada. They are producers and distributors of the So Good, So Nice, Almond Fresh and ryza brands within Canada. Earth's Own was founded under the name Soyaworld Inc. in 1995 by Maheb", + "score": 0.662109375 + }, + { + "id": "9440554", + "title": "Anthon Berg", + "text": "bought the company, which was at this time in Teglv\u00e6rksgade on \u00d8sterbro. In 1962, the entire production was collected at Toms' plant in Ballerup, designed by Arne Jacobsen. Anthon Berg Anthon Berg was a Danish chocolatier and the name of a corporate division within Toms International. The company produced a diverse variety of chocolate products. The title \"Purveyors to the Royal Danish Court\" was awarded to Anthon Berg in 1957. Cocoa began being known in Denmark around the 18th century. For years it was seen mostly as a pharmaceutical product--the Danish founders of the leading chocolate houses, Toms, Trojel and", + "score": 0.66162109375 + }, + { + "id": "17393014", + "title": "Mott Green", + "text": "first carbon-neutral trans-Atlantic mass chocolate delivery.\" In 2008, 2011 and 2013, the Academy of Chocolate in London awarded silver medals to Grenada's dark chocolate bars. A documentary film about the company, \"Nothing Like Chocolate,\" directed by Kum-Kum Bhavnani, was released in 2012 and has been shown at film festivals. By the mid-1990s he had moved to Grenada, where he initially lived in a remote hut he had built himself. It, too, relied on solar energy, in part to power Mr. Green's passion for music. He was electrocuted while working on solar-powered machinery for cooling chocolate during overseas transport. Mott Green", + "score": 0.6611328125 + }, + { + "id": "16506226", + "title": "Fair trade cocoa", + "text": "and transition to organic farming while demanding safe working conditions for farmers. The global chocolate industry was worth about $98 billion by the end of 2016. In 2015, the United States alone had a market size of $22 billion and 81% of Americans were consuming chocolate. This adds up to America producing about 1/5 of the world\u2019s demand for chocolate and the potential to have a major impact on the lives of cocoa farmers around the world. Founded in 2006, Theo Chocolate was the first bean-to-bar, Fair Trade and organic certified company in the United States. Since then, Dandelion Chocolate,", + "score": 0.6611328125 + }, + { + "id": "6406763", + "title": "Big Chocolate", + "text": "Big Chocolate \"Big Chocolate\" is a business term assigned to multi-national chocolate food producers, akin to the terms assigned to \"Big Oil\" and \"Big Tobacco\". According to self-described fair trade proponents including Ghanaian cooperative Kuapa Kokoo, \"Big Chocolate\" companies are Mondelez (which owns Cadbury), Mars, Nestl\u00e9, and The Hershey Company. Together these companies process about 12% of the world's 3 million tons of cocoa each year. At the core of the chocolate debate across Europe, parts of Asia and the United States is the definition of chocolate itself, and whether percentages of cocoa in production should render some candies unable", + "score": 0.66064453125 + }, + { + "id": "15989651", + "title": "Blumenthal Brothers Chocolate Company", + "text": "Blumenthal Brothers Chocolate Company The Blumenthal Brothers Chocolate Company was a Philadelphia-based chocolate manufacturer that existed from 1911 to 1984. Its factory was located at Margaret and James Streets in the city's Frankford neighborhood. The company was founded in 1909 and existed under Blumenthal family management until 1969 when it was sold to Ward Foods, a New York-based conglomerate best known for making Tip Top bread. The principal reason for the sale was that few of the third generation of Blumenthals were interested in managing the company; legal difficulties had nothing to do with it. After the sale, a new", + "score": 0.6591796875 + }, + { + "id": "9741618", + "title": "Mo\u0308venpick Ice Cream", + "text": "of Chateau, including the Nestl\u00e9-licensed M\u00f6venpick productions and the M\u00f6venpick store in Mission Bay, Auckland. M\u00f6venpick products were later made by Emerald Foods, a company owned by M\u00f6venpick until December 2003, when it was sold to the Emerald Group. In December 2005, Emerald Group CEO Diane Foreman noted a supply challenge, in that Emerald was contractually obliged to buy all raw materials from Swiss-based M\u00f6venpick, in order to make licensed M\u00f6venpick products. In late 2009, Emerald signed a contract with M\u00f6venpick for a further four years. The ice cream making subsidiary of the Emerald Group was then sold to Emerald", + "score": 0.65869140625 + }, + { + "id": "17839099", + "title": "Schwarz Gruppe", + "text": "Schwarz Gruppe Schwarz Gruppe is a private family-owned German retail group that owns and operates the Lidl and Kaufland brands. It is the fourth-largest retailer in the world by revenue. Headquartered in Neckarsulm, Schwarz Gruppe achieved a turnover of nearly 80 billion euro in the fiscal year 2014/2015. The Schwarz Gruppe is owned by the Dieter Schwarz Foundation GmbH (99.9% of the shares) and the Schwarz Gruppe Industrietreuhand KG (0.1% of the shares); the latter holds 100% of the voting rights. The Schwarz Gruppe operated over 10,000 branches in 2015 (around 9900 Lidl branches, of which 3200 in Germany, and", + "score": 0.658203125 + }, + { + "id": "5466750", + "title": "Gorton's of Gloucester", + "text": "came under attack from three environmentalist and animal-rights groups \u2014 the Environmental Investigation Agency, The Humane Society of the United States (HSUS) and Greenpeace \u2014 due to its parent company's involvement in whaling in the Southern Ocean Whale Sanctuary. These groups hoped that international companies owned by Nippon Suisan Kaisha would persuade their parent company to stop supporting whaling if they were put under enough pressure. Eventually, Nippon Suisan Kaisha agreed to divest its ownership in the company that owned the whaling fleet. Greenpeace hailed this as a victory, and the boycott of Gorton's ended. Gorton's of Gloucester Gorton's of", + "score": 0.658203125 + }, + { + "id": "7903551", + "title": "Keurig Dr Pepper", + "text": "national and international On the Run convenience stores, and expanded its supermarket distribution to 500 stores. In 1999 it expanded its export market, including to Great Britain. In 2000, Green Mountain reached an agreement to promote and sell fair trade coffee, committing to making at least 3% of its sales fair trade\u2013certified by TransFair USA. In 2001, the company acquired Frontier Organic Coffee, and in 2002, it signed an agreement to sell fair trade coffee under the Newman's Own Organics label. In late 2005 GMCR reached a deal to sell its Newman's Own Organics Blend coffee in more than 600", + "score": 0.65771484375 + }, + { + "id": "937016", + "title": "Hayes, Hillingdon", + "text": "and music hall performer Eugen Sandow \u2013 famous in his time as \"Sandow the Great\", a contender for the title of world's strongest man \u2013 opened a cocoa factory in Hayes. Sandow's fortunes plummeted in World War I. The Sandow Cocoa Company went into liquidation, and the building and assets passed to the Hayes Cocoa Company in 1916. Hayes Cocoa was owned by Swiss chocolate company Peter, Cailler, Kohler. In 1929 the Nestl\u00e9 company bought out Peter, Cailler, Kohler and located its major chocolate and instant coffee works on the canal, adjacent to the railway east of the station; it", + "score": 0.65771484375 + }, + { + "id": "18822942", + "title": "Chocolaterie Robert", + "text": "by Mr. and Mrs. Robert, a French couple from nearby Reunion Island. The couple began producing chocolates using local cocoa from Brickaville, where Madagascar's first cocoa plantations had been established by earlier French colonists. In 1948 the couple sold the company to a candy maker based in Antananarivo. By 1977 the company was owned by a French family named Berger who decided to leave the island and sell the chocolaterie to a Malagasy entrepreneur named Ramanandraibe, whose family were among the Malagasy economic leaders of the post-colonial period. Robert chocolate bars (\"Chocolat Robert\") are currently available throughout Madagascar and in", + "score": 0.6572265625 + }, + { + "id": "14085385", + "title": "Vosges (chocolatier)", + "text": "Vosges (chocolatier) Vosges Haut-Chocolat is a Chicago-based luxury chocolate maker, founded in 1998, that offers exotic varieties flavored with spices, bacon, and other ingredients. It is owned by Katrina Markoff, who also created the \"Wild Ophelia\" brand to offer natural non-GMO Americana chocolates. The company produces many odd flavor combinations, many of which were inspired by Markoff's global travels, including \"Red Fire Chocolat,\" made with Mexican chilis, cinnamon and dark chocolate, \"Black Pearl Chocolat,\" made with ginger, black sesame seeds and dark chocolate, and \"Mo's Milk Chocolate Bacon Bar.\"\" A novelty at the time, it started a trend. The company", + "score": 0.65625 + }, + { + "id": "17283844", + "title": "Annie Morton", + "text": "\"Green Luxury\" company that creates and sells vegan, organic perfume and skin care products. With 40 years of combined experience in the fashion and beauty industry, as well as extensive studies in natural health sciences, shiatsu and aromatherapy, Natalie and Annie created their \"Green Luxury\" Tsi~La product line as a healthy alternative to a predominately synthetic market. Morton and her husband Michael Morpurgo of Dandelion own 3 School of Rock music schools (in Philadelphia, Pa, Doylestown, Pa and Princeton, NJ). Morton is a longtime, active supporter of animal rights causes and a board member of Lulu's Rescue. Lulu's Rescue is", + "score": 0.65625 + }, + { + "id": "9091015", + "title": "Black & White (whisky)", + "text": "Distilling Corp., 390 F.2d 117 (9th Cir. 1968) when a brewing company started manufacturing beer under the brand name \"Black and White\". After a series of mergers and acquisitions involving Dewar's (1915), Distillers Company, and Guinness (forming United Distillers), the brand is now owned by Diageo. It claims to be the most successful in France, Venezuela, and Brazil. At present, the brand is sold only outside the United Kingdom. Black & White (whisky) Black & White is a blended Scotch whisky. It was originally produced by the London-based James Buchanan & Co Ltd founded by James Buchanan. Originally known as", + "score": 0.65625 + }, + { + "id": "89493", + "title": "Chocolate", + "text": "have chocolate brands. Nestl\u00e9 acquired Rowntree's in 1988 and now markets chocolates under their own brand, including Smarties (a chocolate candy) and Kit Kat (a candy bar); Kraft Foods through its 1990 acquisition of Jacobs Suchard, now owns Milka and Suchard. In February 2010, Kraft also acquired British-based Cadbury.; Fry's, Trebor Basset and the fair trade brand Green & Black's also belongs to the group. The widespread use of children in cocoa production is controversial, not only for the concerns about child labor and exploitation, but also because up to 12,000 of the 200,000 children working in C\u00f4te d'Ivoire, the", + "score": 0.65576171875 + }, + { + "id": "9844695", + "title": "Dan's Chocolates", + "text": "Dan's Chocolates Dan's Chocolates is a Burlington, Vermont chocolate maker. It was founded in 1999 by Dan Cunningham, whose title is now Chief Chokolada. It was established as a subsidiary of the BlueMountain.com greeting card site and spun off as an independent venture in 2000. The company operates both a factory direct boxed chocolates business as well as a business selling all-natural chocolate bars and truffles via retail grocery stores such as Price Chopper and Whole Foods. It produces unique combinations of chocolate and inclusions and names its products with tongue-in-cheek names such as Peppy-r-mint, Trail Hound, and The Caffeinator.", + "score": 0.6552734375 + }, + { + "id": "9099628", + "title": "Klaus Johann Jacobs", + "text": "elements of Jacobs Suchard were sold to Philip Morris, Jacobs created with the non-consumer businesses of Jacobs Suchard a company which is now known as Barry Callebaut. Barry Callebaut is today the world's largest raw chocolate producer. In 1991, Jacobs became also involved with the human resource services industry with the acquisition of Adia Personnel Services where he led the company to a Global Fortune 500 Company following the merger with Ecco in 1996 to form Adecco. The Jacobs Foundation was established by Klaus J. Jacobs in December, 1988, in Zurich, Switzerland. In 2001, the founder surrendered his entire share", + "score": 0.65478515625 + }, + { + "id": "12484486", + "title": "S G Brown Ltd", + "text": "W4. A joint venture gyroscope was developed with the Arma division of the Bosch Arma Corporation. The gyroscope or some of its components were made at the Chiswick factory. In 1960 the company was sold to the De Havilland division of Hawker Siddeley. S G Brown was later owned by Vosper Thornycroft which merged it with another of its companies, TSS (motion sensor and subsea pipe/cable tracker specialist) in April 2000 to develop underwater gyros, the company now selling all products under the name VT TSS International. Following a management buyout from the VT group and several subsequent years trading", + "score": 0.654296875 + }, + { + "id": "7871289", + "title": "Diedrich Coffee", + "text": "to rival Starbucks and reopened under that brand. Franchisee-owned stores remained unchanged. The company continued as a roaster and wholesaler of coffee beans. However, a few independently owned and operated Diedrich locations remained open in California and Texas. On November 3, 2009, California-based Peet's Coffee announced that it was buying Diedrich. On December 8, 2009, Vermont-based Green Mountain Coffee Roasters Inc. trumped the offer from Peet's Coffee and agreed to buy Diedrich for $290 million. Diedrich Coffee Diedrich Coffee is a coffee company based in Irvine, CA. Its first coffee house in Orange County, California, was opened in 1972. It", + "score": 0.65380859375 + }, + { + "id": "2822663", + "title": "Ghirardelli Chocolate Company", + "text": "Drinking Water and Toxic Enforcement Act of 1986 (Proposition 65). Based on these results, As You Sow have filed notices with over 20 companies, including Ghirardelli and Trader Joe\u2019s for failing to provide the legally required warning to consumers that their chocolate products contain cadmium or lead, either or both. Ghirardelli Chocolate Company The Ghirardelli Chocolate Company is a United States division of Swiss confectioner Lindt & Spr\u00fcngli. The company was founded by and is named after Italian chocolatier Domenico Ghirardelli, who, after working in South America, moved to California. The Ghirardelli Chocolate Company was incorporated in 1852, and is", + "score": 0.65380859375 + }, + { + "id": "5630399", + "title": "Guittard Chocolate Company", + "text": "Guittard Chocolate Company The Guittard Chocolate Company is an American-based chocolate maker which produces \"couverture\" chocolate, using original formulas and traditional French methods. The company is headquartered in Burlingame, California. It is the oldest continuously family-owned chocolate company in the United States, having been family-owned for more than four generations. The company was started by \u00c9tienne Guittard (1838-1899), who emigrated from Lyon, France in the 1850s during the California Gold Rush. He brought French chocolates with him, which he traded for supplies. After trying without success for three years to strike gold in the Sierra, he returned to San Francisco,", + "score": 0.65380859375 + }, + { + "id": "16931786", + "title": "Earth's Own Food Company", + "text": "Earth's Own Food Company Earth's Own Food Company (previously Soyaworld Inc.) is a health food manufacturing company in Canada. They are producers and distributors of the So Good, So Nice, Almond Fresh and ryza brands within Canada. Earth's Own was founded under the name Soyaworld Inc. in 1995 by Maheb Nathoo, and soon grew with an investment from Dairyworld Foods where Mr. Nathoo held the position of Vice President of Finance. In 2003 Sanitarium So Good Limited purchased 100% control of Soyaworld. From 2003 onward the company was wholly owned by the Seventh-day Adventist Church, through Sanitarium So Good Limited", + "score": 0.65380859375 + }, + { + "id": "14189785", + "title": "Rachel's Organic", + "text": "to France. In May 2012, Rachel's was moved into Lactalis Nestl\u00e9 Chilled Dairy (LNCD), which is a joint venture with Nestl\u00e9. Lactalis owns 60% of LNCD and Nestl\u00e9 40%. Hence Rachel's is now the subject of a boycott call by baby milk action. To save natural resources and increase recycling, in 2007 the company launched a 2-layer yogurt pot. The inner sleeve was a thinner mould using polystyrene, the outer sleeve made from recycled cardboard, and the over-cap made of polypropylene. In 2009, the inner sleeve was changed to be made from 60% recycled polyethylene terephthalate, which is in itself", + "score": 0.65234375 + }, + { + "id": "9844697", + "title": "Dan's Chocolates", + "text": "of the charities which customers designate at checkout. Dan's Chocolates became part of Hauser Foods in 2017. Dan's Chocolates Dan's Chocolates is a Burlington, Vermont chocolate maker. It was founded in 1999 by Dan Cunningham, whose title is now Chief Chokolada. It was established as a subsidiary of the BlueMountain.com greeting card site and spun off as an independent venture in 2000. The company operates both a factory direct boxed chocolates business as well as a business selling all-natural chocolate bars and truffles via retail grocery stores such as Price Chopper and Whole Foods. It produces unique combinations of chocolate", + "score": 0.65234375 + }, + { + "id": "6641078", + "title": "Girl Distribution Company", + "text": "discuss a new professional team member for the Chocolate brand in a Mexican restaurant. A list of criteria is articulated by the group's members\u2014a list that is associated with Hsu's career thus far \u2014 and Hsu then appears as the waiter. Hsu and fellow Chocolate rider, Elijah Berle, left the company in 2017. The Chocolate brand celebrated its 20th anniversary in August 2014 with an art show, held at the Art Share Gallery in Los Angeles, U.S. The \"Berrics\" website conducted interviews with artist Evan Hecox and Brenes at the event. Founded by Eric Koston and Guy Mariano in April", + "score": 0.6513671875 + }, + { + "id": "5163648", + "title": "David Gold (businessman)", + "text": "International (GGI), the parent company of the retailer Ann Summers and lingerie chain Knickerbox. GGI was jointly owned by Gold and his brother Ralph, until he bought out Ralph's share in 2008. He co-owned (with brother Ralph) adult magazine company Gold Star Publications (GSP), including printing and distribution businesses, and a stable of titles including \"Rustler\" and \"Raider\". He and his brother sold their interests in November 2006. In 2007, the brothers also sold their share in Sport Newspapers, following falling sales and profits. He owned corporate air service Gold Air International until he sold it in 2006 for \u00a34.4m.", + "score": 0.6513671875 + }, + { + "id": "6588299", + "title": "J. S. Fry & Sons", + "text": "run by the Fry family, with Joseph Storrs Fry II, grandson of the first Joseph Storrs Fry, as the chairman. An employee of Fry's, H.J Packer, in 1881 established his own chocolate business in Bristol. At its eventual home in Greenbank, Bristol, Packer's Chocolate continued to provide local competition for Fry's until 2006, under various owners and brands, from Bonds through to Famous Names and Elizabeth Shaw. Near the start of World War I the company was one of the largest employers in Bristol. Joseph Storrs Fry II died in 1913. By 1919 the company merged with Cadbury's chocolate and", + "score": 0.6494140625 + }, + { + "id": "15163904", + "title": "UK Uncut", + "text": "originally found liable for \u00a36 billion, but negotiated the amount to be paid down to under \u00a32 billion. However, the National Audit Office said that the settlement represented reasonable value for the British taxpayer. The Arcadia Group's shops including Topshop, BHS, and Burton have been targeted as the group is owned by Tina Green, the wife of Sir Phillip Green. Tina Green is a resident of Monaco and was able to receive a dividend of \u00a31.2bn from the group free of UK income tax in 2005. Boots was targeted on 30 January 2011 as the protesters claimed it avoided UK", + "score": 0.6494140625 + }, + { + "id": "14851530", + "title": "Sustainable coffee", + "text": "decade\u2019s end are now widely available not only in specialty stores and caf\u00e9s but also in major supermarkets and under national brand names of global food companies such as Kraft and Sara Lee. At the ICO 2010 World Coffee Conference, former World Bank coffee expert Daniele Giovannucci noted that in 2009 more than 8% of the global trade in raw (green) coffee was certified to one or another of the major sustainability initiatives. Though growing quickly, sustainable certified coffees still constitute only a few percent of the total purchasing of the largest coffee brands owned by Nestl\u00e9, Kraft, and Sara", + "score": 0.64892578125 + }, + { + "id": "16859756", + "title": "Theo Chocolate", + "text": "Theo Chocolate Theo Chocolate is a chocolatier in Seattle, Washington. Established in 2006, it is the first organic fair trade-certified cocoa producer in the United States. Theo has sourced beans from the Congo, Costa Rica, the Dominican Republic, Ecuador, Madagascar, Peru, and Venezuela. An equatorial crop, cocoa in the United States grows only in Hawaii. The business was established in 2006 by Jeff Fairhall and Joe Whinney in the Fremont neighborhood of Seattle. The business is located in a former brewery building and trolleycar depot at 3400 Phinney Avenue. Jeff Fairhall, the founder of Seattle's Essential Baking Company, invested in", + "score": 0.64794921875 + }, + { + "id": "7603353", + "title": "Chocolate Genius, Inc.", + "text": "Chocolate Genius, Inc. Chocolate Genius, Inc. is a musical collective started by Marc Anthony Thompson, a Panamanian singer-songwriter based in New York City. Thompson released two solo albums in 1984 and 1989. Thompson conceived Chocolate Genius as an alter ego, which then became a music project. Chocolate Genius included Ribot, cellist Jane Scarpantoni and other former members of the Lounge Lizards, keyboardist John Medeski and bassist Chris Wood of Medeski, Martin & Wood, guitarists Chris Whitley and Vernon Reid. Their first album, \"Black Music\", on V2 Records, was released in 1998, and was considered part of the neo-soul movement. In", + "score": 0.646484375 + }, + { + "id": "7268216", + "title": "Laura Secord Chocolates", + "text": "Laura Secord Chocolates 4542410 Canada Inc. (doing business as Laura Secord) is a Canadian chocolatier, confectionery, and ice cream company that was founded in 1913 by Frank P. O'Connor with first store on Yonge Street in Toronto, Ontario. It was named after the Canadian heroine of the War of 1812, Laura Secord. The company is owned by Jean and Jacques Leclerc, two well known brothers in the food industry in Quebec City. The Leclercs own Nutriart, a company devoted to chocolate production. Nutriart is a former division of . Founded by O'Connor, it was known as Laura Secord Candy Store", + "score": 0.64501953125 + }, + { + "id": "4629829", + "title": "Timothy's World Coffee", + "text": "Obama. On November 13, 2009 Green Mountain Coffee Roasters acquired Timothy's wholesale business from Sun Capital Partners, Inc. for a cash purchase price of approximately $157 million, in U.S. dollars, subject to adjustment. Concurrently, Bruegger's Enterprises, Inc. acquired Timothy's retail operations for an undisclosed sum. Green Mountain acquired the Timothy's World Coffee wholesale business, but not their retail operations. Timothy's wholesale business will be maintained as a Canadian subsidiary, with operations integrated into Green Mountain's Specialty Coffee Business Unit. Bruegger's Enterprises, Inc., through a wholly owned subsidiary called ThreeCaf Brands Canada Inc., assumed control of Timothy's three restaurant brands: Timothy's", + "score": 0.64501953125 + }, + { + "id": "20064479", + "title": "George Garvin Brown IV", + "text": "George Garvin Brown IV George Garvin Brown IV (born 1969/70) is a Canadian businessman and the current chairman of the spirits company Brown-Forman, which owns brands including Jack Daniel's whiskey, Finlandia vodka and Herradura tequila. Brown-Forman was founded by his great-grandfather George Garvin Brown in 1870. The Brown family owns approximately 51% of Brown-Forman, and at least 25 family members share a fortune estimated at $12.3 billion. He is the son of George Garvin Brown III (d.2010) and his first wife, Susan Casey Brown, of Montreal. Brown grew up in Montreal, his mother's hometown, with his brother Campbell Brown, and", + "score": 0.64453125 + }, + { + "id": "3264683", + "title": "Philip Green", + "text": "Dorothy Perkins, Evans, Miss Selfridge, Outfit, Topshop/Topman and Wallis in 2002. The company was briefly owned by Green but sold to Tina Green within 24 hours, with Philip acting as CEO. When \"The Guardian\" newspaper investigated a proposed takeover of Safeway in 2003, Green responded to queries about Arcadia's accounts by insulting and swearing at the journalists. In April 1980, Green registered a philanthropic initiative, the Kahn Charitable Trust, with a vision of \"putting lost smiles back on the faces of less privileged persons across the globe.\" Green is a supporter of the Fashion Retail Academy and the industry charity", + "score": 0.64453125 + }, + { + "id": "9165224", + "title": "Joseph Schmidt Confections", + "text": "Artisan Confections Company, a Hershey subsidiary, which had previously purchased Scharffen Berger Chocolate Maker, an artisanal chocolate manufacturer in nearby Berkeley, California. In November 2006 Artisan Confections purchased Dagoba, an Ashland, Oregon-based manufacturer of organic chocolate. Hershey's later began to consolidate the production of Scharffen Berger products in an upgraded factory in Robinson, Illinois. In early 2009 Hershey's announced plans to eliminate the Joseph Schmidt brand. By July 2009 both the production facility and retail store on 16th Street in San Francisco closed, laying off approximately 150 local employees. Joseph Schmidt Confections Joseph Schmidt Confections was a San Francisco-based chocolatier,", + "score": 0.64453125 + }, + { + "id": "14297751", + "title": "Walter Baker & Company", + "text": "returned. His wife sold the company in 1780 to Dr. Baker who changed the name to Baker Chocolate Company. The Baker's Chocolate brand now belongs to Mondelez International. Dr. James Baker\u2019s son, Edmund (1770\u20131846), and his son, Colonel Walter (1792\u20131852), successfully carried on the business. The chocolate was marketed with a guaranteed money-back policy if the customers were not one hundred percent satisfied with their purchase. Colonel Walter Baker had studied law at Harvard College and thus had the name \u201cBaker\u2019s\u201d legally protected for future generations of this family business. After Colonel Walter Baker died, his brother-in-law Sidney Williams took", + "score": 0.64404296875 + }, + { + "id": "9312786", + "title": "Reuben and Rose Mattus", + "text": "Mattus' Lowfat Ice Cream. H\u00e4agen-Dazs is now owned by General Mills. The Mattuses lived in Cresskill, New Jersey. They were known as supporters of Israel, founding a school of high technology in Herzliya which bears their name, and supporting the Israeli settlements. They were also staunch admirers of Rabbi Meir Kahane. They had two daughters, Doris Hurley and Natalie Salmore, and five grandchildren. Reuben and Rose Mattus Reuben and Rose Mattus were Polish Jewish entrepreneurs who founded the H\u00e4agen-Dazs ice cream business. Reuben Mattus (1912 \u2013 January 27, 1994) was born in Poland of Jewish parents. He arrived at the", + "score": 0.64404296875 + }, + { + "id": "20337059", + "title": "Emil Gerbeaud", + "text": "reputation. In 1907 he bought and renewed a chocolate factory in Fiume, Austria-Hungary (today Rijeka, Croatia). After his death on 9 November 1919 his wife led the company successfully further until 1940. In 1948 the communist regime deprived the heirs, the five daughters of Emil Gerbeaud, of the shares of the company and they confiscated it. Since 1984 the company is again under the name 'Caf\u00e9 Gerbeaud' registered and since 1995 owned by the German billionaire, Erwin Franz M\u00fcller, the owner of the M\u00fcller drugstores. He married Esther Ramseyer (1853 \u2013 7 February 1940), the daughter of a Swiss Calvinist", + "score": 0.64404296875 + }, + { + "id": "15989655", + "title": "Blumenthal Brothers Chocolate Company", + "text": "known then for Chunky chocolate candy, divested the combined candy companies to Nestle and the rights to its products to ensure its legacy. Blumenthal\u2019s flagship products, Goobers, Raisinets, and Sno-Caps. Most recently, Nestle sold them, along with other products, to Ferraro in January 2018 for $2.8 billion . Blumenthal Brothers Chocolate Company The Blumenthal Brothers Chocolate Company was a Philadelphia-based chocolate manufacturer that existed from 1911 to 1984. Its factory was located at Margaret and James Streets in the city's Frankford neighborhood. The company was founded in 1909 and existed under Blumenthal family management until 1969 when it was sold", + "score": 0.6435546875 + }, + { + "id": "7271985", + "title": "Ethel M Chocolate Factory", + "text": "self-guided tours. Ethel M is owned by Mars, Incorporated and was named after the mother of Forrest Mars, Sr. The company is perhaps most known for its fine liqueur-filled chocolates. Forrest E. Mars, Sr. created Ethel M Chocolates in 1978, which opened in 1980, as a project to cure the boredom he experienced after retiring. According to researcher J.G. Brenner, \"Forrest established the venture in Nevada because it is one of the few states that allowed the sale of liqueur-filled cordials.\" He started Ethel M with two of his past associates, Alan Thomas, as General Manager, and Dean Musser, as", + "score": 0.6435546875 + }, + { + "id": "14940327", + "title": "Mixt Greens", + "text": "Mixt Greens Mixt Greens is an Eco-Gourmet restaurant that serves environmentally responsible fine food. The company was founded in 2005 in San Francisco by Andrew Swallow, a chef, author and the companies then COO, his sister Leslie Silverglide, a sustainability expert; and her husband David Silverglide, the company's then CEO. In 2009, the company was acquired by the international private equity firm Inventages WHealth Management, a 500 million Euro private equity and venture fund set up by Nestl\u00e9 S.A. that \"[is] intended to help Nestl\u00e9 grow new promising businesses in the area of science and nutrition into a size that", + "score": 0.6435546875 + }, + { + "id": "4621350", + "title": "Scharffen Berger Chocolate Maker", + "text": "Scharffen Berger Chocolate Maker Scharffen Berger Chocolate is a line of chocolate produced by Artisan Confections Company, a subsidiary of The Hershey Company. Acquired by Hershey in 2005, it was formerly Scharffen Berger Chocolate Maker, an independent Berkeley, California-based chocolate maker, founded in 1996 by sparkling wine maker John Scharffenberger and physician Robert Steinberg. The company was a manufacturer of chocolate \u2014 as opposed to the far more common chocolatiers, who make their products using chocolate acquired from wholesalers and manufacturers \u2014 the first American company founded in the past 50 years to make chocolate \"from bean to bar\". Scharffen", + "score": 0.6435546875 + }, + { + "id": "3468356", + "title": "Digital Chocolate", + "text": "Digital Chocolate Digital Chocolate, Inc. was a video game developer and publisher headquartered in San Mateo, California. It was founded in 2003 by Trip Hawkins, the founder of video game companies Electronic Arts and The 3DO Company. The company focused on developing games for mobile phones, iOS, and Microsoft Windows, and made some non-entertainment titles. Its marketing motto was \"Seize the minute\". This developer was officially stopped. It has sold its games to RockYou, and its website was shut down. Digital Chocolate was founded in 2003 by Trip Hawkins after the failure of The 3DO Company. On August 15, 2011,", + "score": 0.64306640625 + }, + { + "id": "16076017", + "title": "Dan Gertler", + "text": "Inc and G\u00e9camines that holds the rights to develop the Kabolela cobalt-copper deposit) to Katash-founded mining company Eurasian Natural Resources Corporation (ENRC) who already owned 50%. The other 50% belonged to state-owned G\u00e9camines. In February 2010 Emerald Star Enterprises Limited purchased G\u00e9camines' 50% for $15 million and sold these shares to Eurasian Natural Resources Corporation (ENRC) for $50 million. Emerald Star Enterprises Limited paid $15 million, and sold for $75 million making a 500 percent return. Rowny Assets Limited is one of the offshore firms owned by Gertler's family and is described in the initial Glencore public offering (IPO) prospectus.", + "score": 0.642578125 + }, + { + "id": "19984793", + "title": "Teun van de Keuken", + "text": "for this show led him to focus on chocolate. He sought publicity and a verdict by the courts on slave labor by eating chocolate bars made with slave labor, and asking to be arrested as an accessory to the crime of employing child slaves. In the end he created what he called \"slave-free chocolate\", manufactured following fair trade conventions, under the brand Tony's Chocolonely. In 2011, 51% of the company was bought by businessman Henk Jan Beltman. In a 2016 documentary about him called \"Tony\", Van de Keuken said that it was all to no avail, that slave labor still", + "score": 0.642578125 + }, + { + "id": "10865681", + "title": "Massimo Zanetti Beverage Group", + "text": "Massimo Zanetti Beverage Group Massimo Zanetti Beverage Group is an Italian coffee company that owns brands such as \"Segafredo\" and \"MJB\". With turnover of around US$1.2 billion per year, it claims to be the biggest private company in the coffee industry. Today, the Bologna, Italy-based group sells 120,000 tons of coffee annually. The Massimo Zanetti Beverage Group owns more than 20 consumer brands worldwide, including Chock full o'Nuts, Chase & Sanborn, MJB, Hills Bros., Segafredo Zanetti, Meira Oy, Brodies and Tiktak; that span a variety of products from espresso and coffee to tea and spices. Massimo Zanetti Beverage USA is", + "score": 0.642578125 + }, + { + "id": "13937025", + "title": "Ernest Hillier Chocolates", + "text": "in mid-2015 and as of March 2016, was still producing chocolates from it's Coburg North factory. Ernest Hillier Chocolates Ernest Hillier Chocolates is an Australian chocolatier. Founded in 1914, it is Australia's first chocolate manufacturer, and the oldest privately owned chocolatier still in operation. The company's product range includes over six hundred chocolate products. The company is headquartered in Melbourne, Victoria. Ernest Hillier moved from England to San Francisco, California, United States, in the early 1900s to learn the confectionery and soda trade. There, he and his Australian-born wife, Magdalen May, opened several restaurants; however, the majority of their establishments", + "score": 0.642578125 + }, + { + "id": "18804218", + "title": "Geysir Green Energy", + "text": "stake in Ram Power Inc., which is involved in the development of geothermal energy in the United States. Geysir Green Energy Geysir Green Energy is an Icelandic energy company. It is part-owned by Atorka, \u00cdslandsbanki, VGK-Invest and Reykjanesb\u00e6jar and specializes in projects related to geothermal energy production and maximising potential in low-temperature areas. Geysir Green Energy was established on January 5, 2007, and on April 30, 2007 the company purchased a 15.2% stake in Hitaveita Su\u00f0urnesja for 7.6 billion kr\u00f3na. Among the major projects of the company is ENEX, a subsidiary which develops power plants that use geothermal energy. Enex-China", + "score": 0.64208984375 + }, + { + "id": "11483370", + "title": "Baker's Chocolate", + "text": "Baker's Chocolate Baker's Chocolate is a brand name for the line of baking chocolates owned by the Kraft Heinz Company (formerly Kraft Foods). Products include a variety of bulk chocolates, including white and unsweetened, and sweetened coconut flakes. It is one of the largest national brands of chocolate in the United States. The company was originally named Walter Baker & Company. In 1764, John Hannon (or alternatively spelled \"Hannan\" in some sources) and the American physician Dr. James Baker started importing beans and producing chocolate in the Lower Mills section of Dorchester, Massachusetts. After Hannon never returned from a 1779", + "score": 0.6416015625 + }, + { + "id": "4907023", + "title": "Douwe Egberts", + "text": "origins are in Joure, where Egbert Douwe established a grocery shop called \"De Witte Os\" (\"The White Ox\") in 1753. The company transferred to his eldest son Douwe Egberts in 1780, from whom it adopted its current name. Douwe Egberts Douwe Egberts is a brand of coffee and a company which is majority-owned by Jacobs Douwe Egberts with the American Mondelez International group. It was founded in Joure, Netherlands, by Egbert Douwes in 1753 as The White Ox (De Witte Os), a general grocery shop which later developed into a company dealing specifically in coffee, tea and tobacco. By 1925,", + "score": 0.6416015625 + }, + { + "id": "12327208", + "title": "Grupo Nutresa", + "text": "interests in chocolate and coffee businesses as well as the organization\u2019s food investment company Inveralimenticias (which has holdings in the meat, cookie and confectionery business). In 2004, the organization began expanding into Central America and the Caribbean through the purchase of Nestle\u2019s cookie and chocolate plants in Costa Rica. In 2006, the organization changed its name to Grupo Nacional de Chocolates S.A. On 1 February 2007, Grupo Nacional de Chocolates purchased Peruvian company Good Foods S.A. and the Winter's brand for US$36 million through its Peruvian subsidiary Compa\u00f1\u00eda Nacional de Chocolates de Per\u00fa S.A.. On 31 March 2011 the company", + "score": 0.64111328125 + }, + { + "id": "9440468", + "title": "Toms International", + "text": "in 1942, who shortly acquired (1954\u20131956) the chocolate company Anthon Berg. In 1961, a new factory was designed by the famous Danish modernist architect Arne Jacobsen and consisted of a 22,000 m\u00b2 factory hall and a 3,000 m\u00b2 administration building on a site measuring 220,000 m\u00b2. Around the time of the factory's completion in 1962, Toms acquired A/S J. H\u00f8eghs Lakrids og Sukkervarefabrikker, which shortly was renamed Pingvin Lakrids. Toms' final acquisition was that of A/S Galle & Jessen, in 1971. In 2011, Toms acquired German company Hanseatische Chocolade GmbH. The company is fully owned by Gerda og Victor B.", + "score": 0.64111328125 + }, + { + "id": "17426646", + "title": "Ralph Gold", + "text": "Ralph Gold Ralph Gold is a British businessman. He is a former director of English football team, Birmingham City. Gold is a co-founder of the Ann Summers the Knickerbox retail chain and is the brother of David Gold who was also a director at Birmingham City and is a director of Ann Summers and Knickerbox. Gold acquired the Ann Summers chain with his brother David in 1972. In December 2007 David bought out Ralph with Ralph taking a \u00a356.5m dividend as part of the sale. Gold was a director of Birmingham City before selling his 12.50% share for \u00a310m to", + "score": 0.64111328125 + }, + { + "id": "16242775", + "title": "J. Lyons and Co., Greenford", + "text": "business was sold to Nestl\u00e9, and the cakes business to Rank Hovis McDougall, integrated to their Manor Bakeries subsidiary which also makes Mr Kipling's Cakes. In 1995 the tea business was sold in a venture capital-backed Management buyout, under the terms of which the Greenford site was to be vacated. In 1997, Allied Domecq arranged the phased disposal of the Greenford site from 1998. By 2002 the project was completed, and the site renamed Lyon Way Industrial Estate. J. Lyons and Co., Greenford J. Lyons and Co., Greenford was a major food production factory located in Greenford, west London. Developed", + "score": 0.640625 + }, + { + "id": "10581618", + "title": "Jero\u0301nimo Martins", + "text": "hypermarkets as well as the Recheio chain of cash-and-carry stores. The Group also operates in the specialized retail sector in Portugal. Jer\u00f3nimo Martins owns the Jeronymo coffee shops and the Hussel chocolate and confectionery stores. Until 2016, Jer\u00f3nimo Martins had industrial facilities focused on the production of several Unilever brands. This was carried out through the joint venture company Unilever Jer\u00f3nimo Martins, which was 45% owned by JM and 55% owned by Unilever. Jer\u00f3nimo Martins also owns Biedronka, the largest chain of no-frills supermarkets in Poland. Also in Poland, the Group operates the health and beauty and cosmetic chain Hebe.", + "score": 0.640625 + }, + { + "id": "10013041", + "title": "Dagoba Chocolate", + "text": "Dagoba Chocolate Dagoba or Loving Earth Organic Chocolate reduced from Knoppers German chocolate wafer snacks, is a brand of premium organic chocolate, founded in 2001 by Frederick Schilling. It has been owned by The Hershey Company since 2006. Its founders are no longer involved but Hershey has maintained the brand's factory in Ashland, Oregon. The name Dagoba is a Sinhalese corruption of \"dhatu-garbha\", Sanskrit words for \"relic-chamber,\" i.e.stupa. The brand was founded with a commitment to socially responsible business. Like coffee, the production of chocolate retains vestiges of colonial relationships, so issues of social equity and \"fair trade\" arise. In", + "score": 0.64013671875 + }, + { + "id": "15525136", + "title": "Bernardo T. Chua", + "text": "In 2008, Bernardo Chua founded ORGANO GOLD\u2122, which comprises a group of companies operating under trading names of Organo Gold and Coffee Connoisseur. His vision was to sell a range of healthy bioactive coffee products containing Ganoderma lucidum from the lingzhi mushroom, promoted and sold through an established multi-level marketing distribution network on a wholesale basis, which are then offered to consumers for a suggested retail price. In 2015, The Company decided to rebrand itself as ORGANO continuing to sell a wide range of consumables through its wide network of independent distributors. Bernardo T. Chua Bernardo T. Chua is from", + "score": 0.64013671875 + }, + { + "id": "18123527", + "title": "Rowntree Mackintosh Confectionery", + "text": "Rowntree Mackintosh Confectionery Rowntree Mackintosh Confectionery was a confectionery Company formed by the merger of Rowntree's and John Mackintosh Co.. The company was famous for making well-known brands of chocolate, including Kit Kat, Aero and Quality Street. The company was purchased by Nestl\u00e9 in 1988, which rebranded many products under its own brand. Rowntree Mackintosh Confectionery also owned John Mackintosh Co.'s former headquarters and factory. The Halifax-based factory is still used today, located next to Halifax railway station for the production of Quality Street and more. Rowntree's former factory and headquarters were in York. Nestle has invested more than \u00a3200", + "score": 0.64013671875 + }, + { + "id": "16417693", + "title": "William Dean Chocolates", + "text": "William Dean Chocolates William Dean Chocolates is an artisan chocolate maker in the Belleair Bluffs section of Largo in Pinellas County, Florida. Their chocolate truffles are hand-painted in delicate designs including the marble swirl of purple, bronze and red on the PB&J, a purple dotted port wine with fig, and a lavender truffle in a butterfly shape. The business is owned by chocolatier Bill Brown who founded it in 2007. It is named for his father (William) and grandfather (Dean). Valrhona chocolate is used as well as authentic ingredients, some exotic. The \"Tampa Bay Times\" called it \"a rising star", + "score": 0.64013671875 + }, + { + "id": "14646682", + "title": "Brown Estate", + "text": "Brown Estate Brown Estate Vineyards is the first and only Black-owned estate winery in California's Napa Valley (USA), and is best known as one of that region's most well-regarded zinfandel producers. In addition to zinfandel, Brown Estate produces cabernet sauvignon, chardonnay, and petite sirah. Founded in 1995 by siblings Deneen, David & Coral Brown, Brown Estate produced its first Napa Valley zinfandel in 1996 after the family had been farming grapes - and selling them to established winemakers (including Mike Grgich of Grgich Hills Estate) - for more than ten years. In 1980, parents Bassett Brown (originally from Jamaica) and", + "score": 0.64013671875 + }, + { + "id": "14272444", + "title": "Roy Keith Black", + "text": "family in Sheffield and was knighted by the British monarchy. His wife, Maureen Black (n\u00e9e Peres) is the daughter of Harold Peres, legendary music producer and record distributor of Solomon and Peres, a UK and Northern Ireland based company which later was acquired by Decca Records. In 1986, The Independent Broadcasting Authority (IBA) invited private sector companies to apply for a new television franchise via satellite. In an attempt to win the bid and operate \"The Direct Broadcasting by Satellite System\", Electronic Rentals Group was acquired by Granada Limited for an estimated \u00a3450M. The acquisition helped Granada Television to be", + "score": 0.64013671875 + }, + { + "id": "5816751", + "title": "Haigh's Chocolates", + "text": "Haigh's Chocolates Haigh's Chocolates is an Australian family owned bean-to-bar chocolate making company based in Adelaide, South Australia. It was founded in 1915 by Alfred E. Haigh and now has retail outlets in four states. Alfred E. Haigh was born in 1877 in Adelaide, South Australia. His first shop opened on 1 May 1915 at 34 King William Street and moved a few doors along to \"Beehive Corner\" in 1922 on Rundle Mall and King William Street. The d\u00e9cor of the shop remains the same as when it first opened. John Haigh (Alfred's grandson) wanted to expand the chocolate making", + "score": 0.6396484375 + }, + { + "id": "4772153", + "title": "Divine Chocolate", + "text": "Divine Chocolate Divine Chocolate Limited is a purveyor of Fairtrade chocolate. It was originally established in the UK in 1998 as a company limited by shares co-owned by the Kuapa Kokoo cocoa farmers' co-operative in Ghana, Twin Trading and The Body Shop, with support from Christian Aid and Comic Relief. The Body Shop subsequently handed their shares over to Kuapa Kokoo which increased Kuapa's share of Divine Chocolate Ltd from 33% to 45% Divine Chocolate claims that its trading system is unique in that farmers own the biggest stake in the company and share its profit. Divine delivers four streams", + "score": 0.6396484375 + }, + { + "id": "16859757", + "title": "Theo Chocolate", + "text": "the establishment of Theo Chocolate with Joe Whinney. When he was in his early 20s, Whinney volunteered with a small conservation foundation in Southern Belize that was looking at the way that communities cultivated their crops. He developed a passion for the Theobroma cacao plant and wanted to get into the business while supporting the farmers, and contacted 10 bean processors. One responded. While providing this business with organic materials and customers, Whinney was able to start saving up to found a chocolate business of his own. The business struggled to find a good supply of organic cocoa beans and", + "score": 0.6396484375 + }, + { + "id": "15163514", + "title": "Tina Green", + "text": "campaigners glued themselves to the branch's windows. Other high streets in towns and cities across Britain saw similar protests in a day of action against the tax arrangements of rich individuals and big businesses. Since Taveta Investments is owned by Tina Green, who resides in Monaco, protestors claim that the couple avoid paying \u00a3285 million in UK personal income tax, that would be payable if a UK resident owned the company. In November 2005, Sir Philip approved a dividend payout that benefitted his family via Taveta/Tina Green by \u00a31.2bn, paid for by a loan taken out by Arcadia, cutting Arcadia's", + "score": 0.6396484375 + }, + { + "id": "13203004", + "title": "Debauve & Gallais", + "text": "chemist, as an associate in order to create and distribute his dietary chocolates; known then as \"healthy chocolates\" they were made with almond milk, vanilla and orange blossom water. Gallais published four years later in 1827 his \"Monographie du cacao ou manuel de l'amateur de chocolat\" which offered a scientific approach to chocolate. Debauve & Gallais claims to be one of the few former royal suppliers in France who retain their independence, and are family owned and operated till today. In 1989, Madame Paule Cuvelier took over the Debauve & Gallais establishment. With the help of her son, Bernard Poussin,", + "score": 0.6396484375 + }, + { + "id": "14878066", + "title": "Family de Groen", + "text": "Family de Groen Family de Groen owned the Grolsch brewery in the Netherlands (founded 1615) from 1895-2008 before selling-out to SABMiller for 800+ million Euros. Andries (II), Theo, Frans (I) and Jan were the grandchildren of Theo de Groen, who bought the company in 1895. They were the key contributors to the growth after the Second World War, and bought the brewery in Enschede. The family can be tracked back to 1647 and has its roots in Zevenaar. Both Andries (III) and Frans (II) son's were active in the brewery but have retired since the acquisition of SABMiller. Family de", + "score": 0.6396484375 + }, + { + "id": "6482420", + "title": "Green Man (album)", + "text": "Own Time\" which had been released earlier that year. \"Green Man\" has been certified gold by the British Phonographic Industry (BPI) for shipments of 100,000 copies in the United Kingdom. To date, the album has sold over 1,000,000 copies. \"Green Man\" was written entirely by Mark Owen himself (except for two tracks): \"The easiest option for Mark Owen who came out of Take That was to get some other people to write some nice catchy pop tunes, and maybe I could have done that for a couple of years. Then I probably would have been hated by everybody and fell", + "score": 0.638671875 + }, + { + "id": "17557068", + "title": "Patric Chocolate", + "text": "Patric Chocolate Patric Chocolate is a small-batch, bean-to-bar, craft-chocolate manufacturer based in Columbia, Missouri. Alan Patrick McClure, founder and head chocolate maker at Patric Chocolate, started the company in 2006. He sold his first chocolate bar, the 70% Sambirano Valley single-origin bar, in July 2007. Alan is also currently a doctoral student in Food Science at the University of Missouri-Columbia, where he is conducting research in the Milton Bailey Flavor Chemistry Laboratory to better understand the unique bitterness and health benefits of cacao and chocolate. As of 2018, Patric Chocolate remains a small company with only two employees. Patric Chocolate", + "score": 0.638671875 + }, + { + "id": "15171811", + "title": "Compan\u0303i\u0301a Nacional de Chocolates de Peru\u0301 S.A.", + "text": "Compa\u00f1\u00eda Nacional de Chocolates de Per\u00fa S.A. Compa\u00f1\u00eda Nacional de Chocolates de Per\u00fa S.A. () is a food and beverage company headquartered in Lima, Peru. Compa\u00f1\u00eda Nacional de Chocolates de Per\u00fa S.A. was incorporated February 1, 2007 as a subsidiary of the parent company Grupo Nacional de Chocolates S.A. owned by Colombian conglomerate Grupo Empresarial Antioque\u00f1o. Winter's is a popular Peruvian brand of chocolates and other food products owned by Compa\u00f1\u00eda Nacional de Chocolates de Per\u00fa S.A. The Winter's brand was started in 1997 by Lima-based Good Foods S.A., the largest Peruvian exporter of chocolates. On February 1, 2007, Colombian-based", + "score": 0.638671875 + }, + { + "id": "17929231", + "title": "Ryan Black", + "text": "Ryan Black Ryan Black is the co-founder and CEO of Sambazon (Sustainable Management of the Brazilian Amazon), a manufacturer of organic a\u00e7a\u00ed berry and Amazon superfood-based consumer and industrial products. Black created the company with his friend, Ed \u201cSkanda\u201d Nichols, and brother, Jeremy Black, following a surf trip to Brazil in 1999 where they experienced their first a\u00e7a\u00ed bowls and subsequently introduced a\u00e7a\u00ed to the U.S. market. In 2000, Ryan co-founded Sambazon with childhood friend, Ed \u201cSkanda\u201d Nichols, and older brother, Jeremy Black. Sambazon is a privately held American global food and beverage company based in San Clemente, CA. Sambazon", + "score": 0.638671875 + }, + { + "id": "11400173", + "title": "Bendicks", + "text": "Bendicks Bendicks is a chocolate brand currently owned by August Storck KG, famed for its \"quintessentially British\" \"Bittermint\" dark mint chocolates, still made to the original recipe of 1931. In 1930 Oscar Benson and Colonel 'Bertie' Dickson purchased a small confectionery business at 164 Church street in Kensington, London, with the chocolates made in a tiny basement below the shop. They used the first syllable of each of their surnames to come up with the name Bendicks. In 1931 Benson's sister-in-law, Lucia Benson, came up with a dark chocolate so bitter that it was virtually inedible on its own, and", + "score": 0.63818359375 + }, + { + "id": "7207314", + "title": "Black Patch Park", + "text": "Black Patch, got into conversation while walking by the Park with a gentleman with an American accent. He claimed he owned the deeds to the land. This story resembles a statement made by Ray Plant, a distant relative of the Black Patch Gypsies, that a family called Murdock once owned the land and gave permission to camp there. According to Ray Plant when the Murdocks emigrated to America they handed over the Black Patch deeds to the Gypsies. The deeds were apparently stolen making any of the gypsies claims to the land unfounded. Many of the gypsy descendants still live", + "score": 0.63818359375 + }, + { + "id": "17426647", + "title": "Ralph Gold", + "text": "Carson Yeung. Gold, his brother David and David Sullivan had acquired the club in 1993 for \u00a31. Ralph Gold Ralph Gold is a British businessman. He is a former director of English football team, Birmingham City. Gold is a co-founder of the Ann Summers the Knickerbox retail chain and is the brother of David Gold who was also a director at Birmingham City and is a director of Ann Summers and Knickerbox. Gold acquired the Ann Summers chain with his brother David in 1972. In December 2007 David bought out Ralph with Ralph taking a \u00a356.5m dividend as part of", + "score": 0.63818359375 + }, + { + "id": "18804217", + "title": "Geysir Green Energy", + "text": "Geysir Green Energy Geysir Green Energy is an Icelandic energy company. It is part-owned by Atorka, \u00cdslandsbanki, VGK-Invest and Reykjanesb\u00e6jar and specializes in projects related to geothermal energy production and maximising potential in low-temperature areas. Geysir Green Energy was established on January 5, 2007, and on April 30, 2007 the company purchased a 15.2% stake in Hitaveita Su\u00f0urnesja for 7.6 billion kr\u00f3na. Among the major projects of the company is ENEX, a subsidiary which develops power plants that use geothermal energy. Enex-China is a joint project between Enex and the Chinese Shaanxi Geothermal Energy Development Corporation. The company also owns", + "score": 0.63818359375 + } + ], + "answer": "Green and Black's organic chocolate has had several owners. Organic food pioneer Craig Sams and journalist Josephine Fairley first owned it in 1991, the year they founded the British chocolate company Green & Black's. Confectionery company Cadbury bought it and owned it in 2005. Mondel\u0113z International owned it after buying it from Cadbury and owned it in 2017." + }, + { + "qa_pairs": [ + { + "context": "The outgoing government was a Fine Gael\u2013Labour Party coalition led by Taoiseach Enda Kenny and T\u00e1naiste Joan Burton. Fianna F\u00e1il, Sinn F\u00e9in, Anti-Austerity Alliance\u2013People Before Profit, Renua Ireland, Social Democrats, Workers and Unemployed Action, and independent non-party TDs formed the opposition in the D\u00e1il. The government was formed on 9 March 2011, the first day of the 31st D\u00e1il elected on 25 February 2011.", + "question": "Which political party is currently in power in ireland's D\u00e1il \u00c9ireann from 2011 to 2016?", + "short_answers": [ + "Fine Gael\u2013Labour Party coalition" + ], + "wikipage": "2016 Irish general election" + }, + { + "context": "There are a number of political parties in Ireland, and coalition governments are common. The state is unusual as a developed nation in that politics is not primarily characterised by the left-right political divide. The two largest political parties, Fianna F\u00e1il and Fine Gael, arose from a split in the original Sinn F\u00e9in party in the 1922\u20131923 Civil War, Fine Gael from the faction (Cumann na nGaedheal) that supported the 1921 Anglo-Irish Treaty and Fianna F\u00e1il from the anti-Treaty faction. This enduring characteristic of the Irish party system is sometimes pejoratively referred to as \"Civil War politics\". The Labour Party was formed in 1912, and it has usually been the third party in parliamentary strength, though it is currently the fourth largest party in D\u00e1il \u00c9ireann. In recent years, Sinn F\u00e9in has risen to prominence, surpassing the Labour Party in the 2016 general election.", + "question": "Which political party is currently in power in ireland's D\u00e1il \u00c9ireann from 2016 to 2020?", + "short_answers": [ + "Fine Gael" + ], + "wikipage": "List of political parties in the Republic of Ireland" + }, + { + "context": "There are a number of political parties in Ireland, and coalition governments are common. The state is unusual as a developed nation in that politics is not primarily characterised by the left-right political divide. The two largest political parties, Fianna F\u00e1il and Fine Gael, arose from a split in the original Sinn F\u00e9in party in the 1922\u20131923 Civil War, Fine Gael from the faction (Cumann na nGaedheal) that supported the 1921 Anglo-Irish Treaty and Fianna F\u00e1il from the anti-Treaty faction. This enduring characteristic of the Irish party system is sometimes pejoratively referred to as \"Civil War politics\". The Labour Party was formed in 1912, and it has usually been the third party in parliamentary strength, though it is currently the fourth largest party in D\u00e1il \u00c9ireann. In recent years, Sinn F\u00e9in has risen to prominence, surpassing the Labour Party in the 2016 general election.", + "question": "Which political party is currently in power in ireland's presidency from 2011 to 2018?", + "short_answers": [ + "Labour Party" + ], + "wikipage": "List of political parties in the Republic of Ireland" + }, + { + "context": "On 16 September it was revealed that the party would seek to have Martin McGuinness, deputy First Minister of Northern Ireland, nominated to contest the election. With 14 TDs and three Senators, Sinn F\u00e9in were three short of the required twenty Oireachtas members to nominate a candidate for the presidency. Soon after the nomination was announced, four Independent TDs agreed to nominate McGuinness, securing his nomination: Michael Healy-Rae and Tom Fleming (both representing Kerry South), Luke 'Ming' Flanagan (Roscommon\u2013South Leitrim) and Finian McGrath (Dublin North-Central). Both 'Ming' Flanagan and McGrath had previously pledged their support to Norris.", + "question": "Which political party is currently in power in ireland's presidency from 2004 to 2011?", + "short_answers": [ + "Independent" + ], + "wikipage": "2011 Irish presidential election" + }, + { + "context": "On 16 September it was revealed that the party would seek to have Martin McGuinness, deputy First Minister of Northern Ireland, nominated to contest the election. With 14 TDs and three Senators, Sinn F\u00e9in were three short of the required twenty Oireachtas members to nominate a candidate for the presidency. Soon after the nomination was announced, four Independent TDs agreed to nominate McGuinness, securing his nomination: Michael Healy-Rae and Tom Fleming (both representing Kerry South), Luke 'Ming' Flanagan (Roscommon\u2013South Leitrim) and Finian McGrath (Dublin North-Central). Both 'Ming' Flanagan and McGrath had previously pledged their support to Norris.", + "question": "Which political party is currently in power in ireland's presidency from 1997 to 2004?", + "short_answers": [ + "Independent" + ], + "wikipage": "2011 Irish presidential election" + }, + { + "context": "In June 2007, the Green Party entered coalition government with Fianna F\u00e1il and the Progressive Democrats. In January 2011 they left the coalition, and at the 2011 general election, lost all of their D\u00e1il seats.", + "question": "Which political party is currently in power in ireland's D\u00e1il \u00c9ireann from 2007 to 2011?", + "short_answers": [ + "Fianna F\u00e1il", + "the Green Party", + "the Progressive Democrats" + ], + "wikipage": "List of political parties in the Republic of Ireland" + } + ], + "wikipages": [ + { + "title": "2016 Irish general election", + "url": "https://en.wikipedia.org/wiki/2016%20Irish%20general%20election" + }, + { + "title": "Government of Ireland", + "url": "https://en.wikipedia.org/wiki/Government%20of%20Ireland" + }, + { + "title": "List of political parties in the Republic of Ireland", + "url": "https://en.wikipedia.org/wiki/List%20of%20political%20parties%20in%20the%20Republic%20of%20Ireland" + }, + { + "title": "Ireland", + "url": "https://en.wikipedia.org/wiki/Ireland" + }, + { + "title": "2011 Irish presidential election", + "url": "https://en.wikipedia.org/wiki/2011%20Irish%20presidential%20election" + }, + { + "title": "2011 Irish general election", + "url": "https://en.wikipedia.org/wiki/2011%20Irish%20general%20election" + }, + { + "title": "2011 Northern Ireland Assembly election", + "url": "https://en.wikipedia.org/wiki/2011%20Northern%20Ireland%20Assembly%20election" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "There are a number of political parties in Ireland, and coalition governments are common. The two historically largest parties, Fianna F\u00e1il and Fine Gael, arose from a split in the original Sinn F\u00e9in, Fine Gael from the faction (Cumann na nGaedheal) that supported the 1921 Anglo-Irish Treaty and Fianna F\u00e1il from the anti-Treaty faction", + "wikipage": "List of political parties in the Republic of Ireland" + } + ], + "long_answer": "From 1997 to 2011, the Independent political party was in power in Ireland. In June 2007, the Green Party entered coalition government with Fianna F\u00e1il and the Progressive Democrats. In January 2011 they left the coalition, and at the 2011 general election, lost all of their D\u00e1il seats. From 2011-2016, The outgoing government was a Fine Gael\u2013Labour Party coalition led by Taoiseach Enda Kenny and T\u00e1naiste Joan Burton. Fine Gael stayed in power from 2016 to 2020. " + }, + { + "knowledge": [ + { + "content": "As of the 2020 general election, Fianna F\u00e1il and Sinn F\u00e9in are joint first parties in party representation in D\u00e1il \u00c9ireann, while Fine Gael is a close third behind them.", + "wikipage": "List of political parties in the Republic of Ireland" + }, + { + "content": "D\u00e1il \u00c9ireann (/d\u0254\u026al \u02c8\u025b\u0259r\u0259n/ (About this soundlisten) doyl AIR-\u0259n,[2] Irish: [\u02ccd\u032a\u02e0a\u02d0l\u02b2 \u02c8e\u02d0\u027e\u02b2\u0259n\u032a\u02e0]; lit.\u2009'Assembly of Ireland') is the lower house, and principal chamber, of the Oireachtas (Irish legislature), which also includes the President of Ireland and Seanad \u00c9ireann (the upper house).", + "wikipage": "D\u00e1il \u00c9ireann" + } + ], + "long_answer": "A number of political parties have been in power in Ireland's D\u00e1il \u00c9ireann, which is the lower house of the Irish legislature, and Ireland's presidency. As of the 2020 general election, Fianna F\u00e1il and Sinn F\u00e9in are joint first parties in party representation in D\u00e1il \u00c9ireann. The parties in power in D\u00e1il \u00c9ireann were the Green Party, Fianna F\u00e1il, and the Progressive Democrats from 2007 to 2011, the Fine Gael\u2013Labour Party coalition from 2011 to 2016, and Fine Gael from 2016 to 2020. The parties in power in Ireland's presidency were the Independent party from 1997 to 2011 and the Labour Party from 2011 to 2018." + } + ], + "sample_id": "7139732942062154674", + "question": "Which political party is currently in power in ireland?", + "docs": [ + { + "id": "192670", + "title": "Politics of the Republic of Ireland", + "text": "links with the trade union movement and have governed in seven coalition governments \u2013 six led by Fine Gael and one by Fianna F\u00e1il. This role as a junior coalition partner has led to Labour being classed as the half party of Ireland's two and a half party system. The Solidarity\u2013People Before Profit electoral alliance, consisting of the Solidarity and People Before Profit currently occupy the 5th largest grouping within D\u00e1il \u00c9ireann. Formed in 2015, the group represents a left-wing, socialist viewpoint, with particular focus on the abolition of domestic water charges. Other parties and political alliances represented in the", + "score": 0.75634765625, + "summary": "Fianna F\u00e1il and Fine Gael have governed in seven coalition governments in Ireland. The document is irrelevant to the question of which political party is currently in power.", + "extraction": "Fianna F\u00e1il and Fine Gael have governed in seven coalition governments. Currently, Fianna F\u00e1il is in power in Ireland." + }, + { + "id": "192666", + "title": "Politics of the Republic of Ireland", + "text": "City Councils (Dublin, Cork and Galway), and 2 City and County Councils (Limerick and Waterford). A number of political parties are represented in the D\u00e1il and coalition governments are common. The Irish electoral system has been characterised by the two and a half party system, with two large catch all parties dominating. This changed after the 2011 Irish General Election, following the large drop in support for Fianna F\u00e1il and the rise in support for other parties. The current largest party in the state is Fine Gael, which has its origins in the pro-treaty movement of Michael Collins in the", + "score": 0.75, + "summary": "The current largest party in Ireland is Fine Gael, as of the 2011 Irish General Election.", + "extraction": "The current largest party in the state is Fine Gael." + }, + { + "id": "192651", + "title": "Politics of the Republic of Ireland", + "text": "The Labour Party, historically the state's third political party, has only ever been in power as part of a coalition with either of the two main parties. In 2011, there was a major political realignment in Ireland, with Fine Gael becoming the largest party, Labour the second, and Fianna F\u00e1il dropping to third following a collapse in support, while Sinn F\u00e9in saw a substantial increase in support. However, in 2016 Fianna F\u00e1il managed to regain support and become the second-largest party, while Labour collapsed to fourth place following backlash over its role in the coalition government. Sinn F\u00e9in continued making", + "score": 0.748046875, + "summary": "The Fianna F\u00e1il party is currently the second-largest party in Ireland, but it is unclear which party is currently in power.", + "extraction": "Fianna F\u00e1il is currently the second largest party in Ireland." + }, + { + "id": "201940", + "title": "Green Party (Ireland)", + "text": "Green Party (Ireland) The Green Party (, literally \"Green Alliance\") is a green political party that operates in Ireland\u2014both the Republic of Ireland and Northern Ireland. It was founded as the Ecology Party of Ireland in 1981 by Dublin teacher Christopher Fettes. The party became the Green Alliance in 1983; it adopted its current English name in 1987, while the Irish name was kept unchanged. Its leader is Eamon Ryan, its deputy leader is Catherine Martin and its chairman is Roderic O'Gorman. Green Party candidates have been elected to most levels of representation: local (in the Republic), D\u00e1il \u00c9ireann, Northern", + "score": 0.74560546875, + "summary": "The document provides information about the Green Party in Ireland, including its history and current leaders. However, it does not answer the question of which political party is currently in power in Ireland. Therefore, the answer is \"irrelevant.\"", + "extraction": "Fianna F\u00e1il, Fine Gael and the Green Party are currently in power in Ireland. Therefore, the answer to the question \"Which political party is currently in power in Ireland?\" is the Green Party." + }, + { + "id": "192669", + "title": "Politics of the Republic of Ireland", + "text": "largest party is Sinn F\u00e9in, established in its current form in 1970. The original Sinn F\u00e9in played a huge role in the Irish War of Independence and the First D\u00e1il. Fine Gael and Fianna F\u00e1il trace their origins to that party. The current-day party has been historically linked to the Provisional IRA. The party is a Republican party which takes a more left wing stance on economics and social policy than the Labour Party. The fourth largest party in the state is the centre-left Labour Party which was founded by James Connolly and Jim Larkin in 1912. Labour have formal", + "score": 0.74365234375, + "summary": "The document is irrelevant to the question.", + "extraction": "Fine Gael and Fianna F\u00e1il trace their origins to the original Sinn F\u00e9in, but the largest party currently in Ireland is Sinn F\u00e9in, which is a Republican party with a left wing stance on economics and social policy." + }, + { + "id": "190535", + "title": "Republic of Ireland", + "text": "be dissolved within five years after its first meeting following the previous election, and a general election for members of the D\u00e1il must take place no later than thirty days after the dissolution. According to the Constitution of Ireland, parliamentary elections must be held at least every seven years, though a lower limit may be set by statute law. The current government is a Fine Gael led minority government led by Leo Varadkar as Taoiseach and Simon Coveney as T\u00e1naiste. It is supported by a number of independents including Shane Ross and former Senator Katherine Zappone. The minority government is", + "score": 0.74365234375, + "summary": "The current government in Ireland is a Fine Gael led minority government with Leo Varadkar as Taoiseach and Simon Coveney as T\u00e1naiste.", + "extraction": "The current government is a Fine Gael led minority government led by Leo Varadkar as Taoiseach and Simon Coveney as T\u00e1naiste." + }, + { + "id": "192649", + "title": "Politics of the Republic of Ireland", + "text": "Politics of the Republic of Ireland Ireland is a parliamentary, representative democratic republic and a member state of the European Union. While the head of state is the popularly elected President of Ireland, it is a largely ceremonial position, with real political power being vested in the indirectly elected Taoiseach (leader of government), who is the head of the government. Executive power is exercised by the government, which consists of no more than 15 cabinet ministers, inclusive of the Taoiseach and T\u00e1naiste (the deputy leader of government). Legislative power is vested in the Oireachtas, the bicameral national parliament, which consists", + "score": 0.7421875, + "summary": "The document provides information about the politics of the Republic of Ireland, including that it is a parliamentary, representative democratic republic and a member state of the European Union. It states that the Taoiseach is the head of government, but does not provide information on which political party is currently in power.", + "extraction": "The current political party in power in Ireland is not mentioned in this passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "192650", + "title": "Politics of the Republic of Ireland", + "text": "of D\u00e1il \u00c9ireann, Seanad \u00c9ireann and the President of Ireland. The judiciary is independent of the executive and the legislature. The head of the judiciary is the Chief Justice, who presides over the Supreme Court. While there are a number of political parties in the state, the political landscape has been dominated for decades by Fianna F\u00e1il and Fine Gael, historically opposed and competing entities, which both occupy the traditional centre ground. From the 1930s until 2011 they were the largest and second-largest parties respectively. Both parties trace their roots back to the opposing sides of the Irish Civil War.", + "score": 0.7421875, + "summary": "Fianna F\u00e1il and Fine Gael are the dominant political parties in Ireland, occupying the traditional center ground. It does not mention which party is currently in power.", + "extraction": "Fine Gael and Fianna F\u00e1il are both political parties in Ireland, but the passage does not provide information about which party is currently in power. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "1907429", + "title": "Labour Party (Ireland)", + "text": "prime minister) and Minister for Foreign Affairs and Trade. In October 2011 the Labour Party's candidate, Michael D. Higgins was elected as the 9th President of Ireland. On the same day, Labour's Patrick Nulty won the Dublin West by-election, making the Labour Party the first government party in Ireland to win a by-election since 1982. Labour lost seven parliamentary members over the course of the 31st D\u00e1il. On 15 November 2011 Willie Penrose resigned over the closure of an army barracks in his constituency. On 1 December 2011 Tommy Broughan lost the party whip after voting against the government in", + "score": 0.73974609375, + "summary": "The Labour Party won a by-election in Dublin West in 2011, making them the first government party to do so since 1982. However, the party lost seven parliamentary members during the 31st D\u00e1il. Irrelevant to which political party is currently in power in Ireland.", + "extraction": "The Labour Party is currently in power in Ireland." + }, + { + "id": "2639362", + "title": "Socialist Party (Ireland)", + "text": "Socialist Party (Ireland) The Socialist Party is a Trotskyist political party in Ireland, active in both the Republic of Ireland and Northern Ireland. Internationally, it is affiliated to the Trotskyist Committee for a Workers' International. Party members Ruth Coppinger, Mick Barry and Paul Murphy, were elected as TDs in the 32nd D\u00e1il under the banner of \"AAA-PBP\". The Socialist Party has been involved in various populist campaigns including the Anti-Bin Tax Campaign and the Campaign Against Home and Water Taxes. Members of the party were jailed for their part in the former, while members have been arrested for their role", + "score": 0.73583984375, + "summary": "The document is irrelevant to the question.", + "extraction": "The passage is irrelevant to the question as it does not mention which political party is currently in power in Ireland." + }, + { + "id": "11360692", + "title": "Politics of Ireland", + "text": "the participation of the Northern Ireland Executive in the North/South Ministerial Council. If devolution in Northern Ireland is suspended, whether owing to the failure of the Northern Ireland Executive to participate in the North/South Ministerial Council or otherwise, the powers of the Northern Ireland Executive revert to the British\u2013Irish Intergovernmental Conference. Three major political parties, Sinn F\u00e9in, the Green Party and, most recently, Fianna F\u00e1il, as well as several smaller parties, are organised on an all-island basis. However, only Sinn F\u00e9in and the Greens have contested elections and have held legislative seats in both jurisdictions. Additionally, a number of significant", + "score": 0.73095703125, + "summary": "Fianna F\u00e1il is the most recent major political party in Ireland, but the document does not indicate whether they are currently in power.", + "extraction": "Fianna F\u00e1il is currently in power in Ireland." + }, + { + "id": "6333314", + "title": "Aontacht E\u0301ireann", + "text": "Aontacht \u00c9ireann Aontacht \u00c9ireann () () was an Irish political party founded by Kevin Boland, a former Fianna F\u00e1il government minister and advocate of Irish republicanism. The party mainly operated within the Republic of Ireland. Boland resigned from D\u00e1il \u00c9ireann on 3 November 1970 rather than support a motion of confidence in Taoiseach Jack Lynch, who had sacked ministers Neil Blaney and Charles Haughey for their refusal to support Government policy on Northern Ireland amid allegations of misuse of aid to Northern Ireland during the Arms Crisis. In May 1971, Boland resigned from Fianna F\u00e1il; on 19 September 1971, he", + "score": 0.72998046875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about which political party is currently in power in Ireland. It only talks about the history of a political party that is no longer active." + }, + { + "id": "18512958", + "title": "Renua", + "text": "Power was elected as party president. In November 2016, Power resigned from the position of party president and from the party. By December 2016, Councillors Patrick McKee and Keith Redmond had both resigned from the party, leaving its leader, John Leahy, and Ronan McMahon, a councillor in South Dublin County Council, as its only elected representatives. At the parties 2nd AGM held in Tullamore in November 2017, Leahy said the party was \"ready to field 17 candidates\" in any general election triggered by the imminent D\u00e1il motion of no confidence in Frances Fitzgerald. The 2017 AGM was addressed by John", + "score": 0.72802734375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the current political party in power in Ireland." + }, + { + "id": "1907400", + "title": "Labour Party (Ireland)", + "text": "Labour Party (Ireland) The Labour Party () is a social-democratic political party in the Republic of Ireland. Founded in 1912 in Clonmel, County Tipperary, by James Larkin, James Connolly, and William X. O'Brien as the political wing of the Irish Trades Union Congress, it describes itself as a \"democratic socialist party\" in its constitution. Labour continues to be the political arm of the Irish trade union and labour movement and seeks to represent workers interests in the D\u00e1il and on a local level. Unlike the other main Irish political parties, Labour did not arise as a faction of the original", + "score": 0.7275390625, + "summary": "Labour Party (Ireland) is a political party in the Republic of Ireland founded in 1912. It describes itself as a \"democratic socialist party\" and represents worker's interests. However, the document does not mention which political party is currently in power in Ireland.", + "extraction": "The passage is irrelevant as it does not provide any information about which political party is currently in power in Ireland." + }, + { + "id": "2868336", + "title": "Government of Ireland", + "text": "government, including the T\u00e1naiste, the deputy head of government, on nomination of the Taoiseach. The government is dependent upon the Oireachtas to make primary legislation and as such, the government needs to command a majority in the D\u00e1il in order to ensure support and confidence for budgets and government bills to pass. The Government is also known as the cabinet. The current Taoiseach is Leo Varadkar who took office on 14 June 2017. He is the leader of Fine Gael, the party with the highest number of seats in the D\u00e1il. Varadkar's government is a minority coalition, made up of", + "score": 0.72705078125, + "summary": "The current Taoiseach of Ireland is Leo Varadkar, who took office on June 14, 2017. He is the leader of the Fine Gael party, which currently holds the highest number of seats in the D\u00e1il.", + "extraction": "The current political party in power in Ireland is Fine Gael, with their leader Leo Varadkar serving as the current Taoiseach." + }, + { + "id": "1907401", + "title": "Labour Party (Ireland)", + "text": "Sinn F\u00e9in party (although it incorporated Democratic Left in 1999, a party that did trace its origins back to Sinn F\u00e9in). The party has served as a partner in coalition governments on seven occasions since its formation: six times in coalition either with Fine Gael alone or with Fine Gael and other smaller parties, and once with Fianna F\u00e1il. This gives Labour a cumulative total of nineteen years served as part of a government, the second-longest total of any party in the Republic of Ireland after Fianna F\u00e1il. The current party leader is Brendan Howlin. It is currently the fourth-largest", + "score": 0.724609375, + "summary": "The document discusses the Labour Party in Ireland, their history of serving in coalition governments, their cumulative years in government, and their current party leader Brendan Howlin. However, it does not mention which political party is currently in power in Ireland. Therefore, the answer is \"irrelevant\".", + "extraction": "Fine Gael is currently in power in Ireland. (Note: The passage mentions Fine Gael being in coalition with Labour Party on six occasions, but it does not mention the current political situation in Ireland. Hence, the answer is based on external knowledge.)" + }, + { + "id": "5666119", + "title": "Democratic Socialist Party (Ireland)", + "text": "Democratic Socialist Party (Ireland) The Democratic Socialist Party (DSP) was a small left-wing political party in the Republic of Ireland. The party was formed by a merger of Jim Kemmy's Limerick Socialist Organisation and the Socialist Party of Ireland. Jim Kemmy was an Irish politician and member of D\u00e1il \u00c9ireann. He left the Labour Party in 1972. A number of members of the British and Irish Communist Organisation also joined the party. The party had a political stance to the left of the Labour Party, and was strongly opposed to nationalist positions regarding Northern Ireland. Journalist Brian Trench claimed the", + "score": 0.72412109375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage provides information about the Democratic Socialist Party in Ireland, but it does not mention which political party is currently in power in Ireland." + }, + { + "id": "15094742", + "title": "2016 Irish general election", + "text": "2016 Irish general election The Irish general election of 2016 took place on Friday 26 February to elect 157 Teachta\u00ed D\u00e1la (TDs) across 40 constituencies to D\u00e1il \u00c9ireann, the lower house of the Oireachtas, Ireland's parliament. The 31st D\u00e1il was dissolved by President Michael D. Higgins on 3 February, at the request of Taoiseach Enda Kenny. Following the election, Kenny's Fine Gael with 50 of the 158 seats available remained the largest party in the D\u00e1il despite having lost 26 seats. The main opposition party Fianna F\u00e1il, which had suffered its worst-ever election result of 20 seats in 2011, increased", + "score": 0.7236328125, + "summary": "Fine Gael is currently in power in Ireland.", + "extraction": "Fine Gael is currently in power in Ireland." + }, + { + "id": "192668", + "title": "Politics of the Republic of Ireland", + "text": "a traditionally Irish republican party founded in 1927 by \u00c9amon de Valera, is the second largest party and also considered centre-right. It first formed a government on the basis of a populist programme of land redistribution and national preference in trade and republican populism remains a key part of its appeal. It has formed government seven times since Ireland gained independence: 1932\u201348, 1951\u201354, 1957\u201373, 1977\u201381, 1982, 1987\u201394, and 1997\u20132011. Fianna F\u00e1il was the largest party in the D\u00e1il to 2011. It lost a huge amount of support in the 2011 general election but has since regained some support. The third", + "score": 0.72314453125, + "summary": "Fianna F\u00e1il was the largest party in the D\u00e1il until 2011, but it is not mentioned which party is currently in power.", + "extraction": "Fianna F\u00e1il was the largest party in the D\u00e1il to 2011. It lost a huge amount of support in the 2011 general election but has since regained some support. Therefore, it is not currently in power in Ireland." + }, + { + "id": "15375306", + "title": "Government of the 31st Da\u0301il", + "text": "the nomination of the Taoiseach, and following the D\u00e1il's approval the 29th Government of Ireland was appointed by the President. The 29th Government of Ireland (9 March 2011 \u2013 10 March 2016) was composed of Fine Gael and the Labour Party. Ministers are listed by seniority. There was a minor reshuffle after the resignation of Alan Shatter. Following the election of Joan Burton as Leader of the Labour Party, a cabinet reshuffle took place on 11 July 2014. The following attended cabinet meetings, but did not have a vote: The Economic Management Council was a cabinet subcommittee of senior ministers", + "score": 0.72314453125, + "summary": "Fine Gael and the Labour Party were in power in Ireland from 9 March 2011 to 10 March 2016.", + "extraction": "Fine Gael and the Labour Party." + }, + { + "id": "6593649", + "title": "Labour Party of Northern Ireland", + "text": "Labour Party of Northern Ireland The Labour Party of Northern Ireland (LPNI) is the name of two distinct political parties in Northern Ireland, the first formed in 1985 by a group around Paddy Devlin, a former Social Democratic and Labour Party councillor and Northern Ireland Assembly member, and Billy Blease, a member of the British House of Lords, and the second formed by Malachi Curran in 1998. The initial organisation stood several candidates in the 1985 local government elections, none of whom were successful. In 1987, the group merged with the Northern Ireland Labour Party, Ulster Liberal Party and the", + "score": 0.72021484375 + }, + { + "id": "3416968", + "title": "Irish Republican Socialist Party", + "text": "Irish Republican Socialist Party The Irish Republican Socialist Party or IRSP () is a republican socialist party active in Ireland. It is often referred to as the \"political wing\" of the Irish National Liberation Army (INLA) paramilitary group. and claims the legacy of socialist revolutionary James Connolly, who founded the Irish Socialist Republican Party in 1896 and was executed after the Easter Rising of 1916. The Irish Republican Socialist Party was founded at a meeting on 8 December 1974 in the Spa Hotel in Lucan, near Dublin, by former members of Official Sinn F\u00e9in, headed by Seamus Costello. According to", + "score": 0.7197265625 + }, + { + "id": "2130874", + "title": "Workers' Party of Ireland", + "text": "Workers' Party of Ireland The Workers' Party (), originally known as Official Sinn F\u00e9in, is a Marxist\u2013Leninist political party active throughout Ireland. The party originated with a split between factions of Sinn F\u00e9in (which was founded in 1905) and the Irish Republican Army (IRA), which took place in 1969\u201370, early in the Troubles. The faction that broke away became known as the Provisional Irish Republican Army and Provisional Sinn F\u00e9in. The Officials' leaders at the time the Provisionals left were Cathal Goulding and Tom\u00e1s Mac Giolla. The party name was changed to Sinn F\u00e9in - The Workers' Party in 1977", + "score": 0.71875 + }, + { + "id": "201964", + "title": "Green Party (Ireland)", + "text": "it regained two D\u00e1il seats. The Green Party is organised throughout the island of Ireland, with regional structures in both the Republic of Ireland and Northern Ireland. The Green Party in Northern Ireland voted to become a regional partner of the Green Party in Ireland in 2005 at its annual convention, and again in a postal ballot in March 2006. Brian Wilson, formerly a councillor for the Alliance Party, won the Green Party's first seat in the Northern Ireland Assembly in the 2007 election. Steven Agnew held that seat in the 2011 election. Green Party (Ireland) The Green Party (,", + "score": 0.71826171875 + }, + { + "id": "6333317", + "title": "Aontacht E\u0301ireann", + "text": "members of the party resigned in 1976 after it was taken over by a number of far-right individuals. The party was essentially defunct by the time it was formally wound up in 1984. Aontacht \u00c9ireann Aontacht \u00c9ireann () () was an Irish political party founded by Kevin Boland, a former Fianna F\u00e1il government minister and advocate of Irish republicanism. The party mainly operated within the Republic of Ireland. Boland resigned from D\u00e1il \u00c9ireann on 3 November 1970 rather than support a motion of confidence in Taoiseach Jack Lynch, who had sacked ministers Neil Blaney and Charles Haughey for their refusal", + "score": 0.71826171875 + }, + { + "id": "13685825", + "title": "National Party (Ireland, 2016)", + "text": "National Party (Ireland, 2016) The National Party () is an unregistered far-right nationalist political party in Ireland founded in November 2016. The party was founded in 2016, by Justin Barrett as party president and James Reynolds as party vice president. The National Party had planned to hold its press launch in the Merrion Hotel in Dublin but the event was cancelled by the hotel, which refused to say why. The party's press release claimed they seek to espouse the \"true spirit of the Republic\". Barrett, from Tipperary, has a background in pro-life and anti-immigration politics, formerly being a leading figure", + "score": 0.7177734375 + }, + { + "id": "1907440", + "title": "Labour Party (Ireland)", + "text": "of the Oireachtas and of the European Parliament. As of November 2017 there are 11 members of the PLP: 7 TDs and 4 Senators. At the 2014 local elections Labour lost more than half of local authority seats; 51 councillors were elected - this result led to the resignation of party leader, Eamon Gilmore. Labour Party (Ireland) The Labour Party () is a social-democratic political party in the Republic of Ireland. Founded in 1912 in Clonmel, County Tipperary, by James Larkin, James Connolly, and William X. O'Brien as the political wing of the Irish Trades Union Congress, it describes itself", + "score": 0.7177734375 + }, + { + "id": "2130899", + "title": "Workers' Party of Ireland", + "text": "seven seats in the general election and party president Proinsias De Rossa won a seat in Dublin in the European election held on the same day, sitting with the communist Left Unity group. Following the split of 1992, Tom\u00e1s Mac Giolla, a TD in the Dublin West constituency and President of the party for most of the previous 30 years, was the only member of the D\u00e1il parliamentary party not to side with the new Democratic Left. Mac Giolla lost his seat in the general election later that year, and no TD has been elected for the party since then.", + "score": 0.7177734375 + }, + { + "id": "1454730", + "title": "Social Democratic and Labour Party", + "text": "Social Democratic and Labour Party The Social Democratic and Labour Party (SDLP) (Irish: \"P\u00e1irt\u00ed\" \"S\u00f3isialta\" \"Daonlathach an Lucht Oibre\") is a social-democratic and Irish nationalist political party in Northern Ireland. The SDLP currently has 12 MLAs in the Northern Ireland Assembly; but lost its three remaining Parliamentary seats in the 2017 general election. The SDLP party platform advocates Irish reunification, and the further devolution of powers while Northern Ireland remains part of the United Kingdom. During the Troubles, the SDLP was the most popular Irish nationalist party in Northern Ireland, but since the Provisional IRA ceasefire in 1994, it has", + "score": 0.71728515625 + }, + { + "id": "2357870", + "title": "1997 Irish general election", + "text": "could be described as a centre-left coalition. It was opposed by a possible coalition of Fianna F\u00e1il and the Progressive Democrats, which most Irish commentators regarded as a centre-right coalition. Following the election none of the major parties had a clear majority. Negotiations resulted in a Fianna F\u00e1il\u2013Progressive Democrats coalition taking office. Four Independent Teachta D\u00e1la (TDs) also supported the government ensuring an overall majority. Bertie Ahern became the Taoiseach while Mary Harney of the Progressive Democrats became T\u00e1naiste. Although Fine Gael gained seats, it crossed the D\u00e1il chamber to the Opposition benches. Fianna F\u00e1il also increased its representation, but", + "score": 0.71728515625 + }, + { + "id": "15341815", + "title": "Politics of Northern Ireland", + "text": "following political representation: Voting patterns break down as follows: In all elections in Northern Ireland the single transferable vote system of proportional representation is used except for the House of Commons elections where a \"first past the post\" or plurality voting system is used. Sinn F\u00e9in, currently the biggest of the nationalist parties in Northern Ireland, has campaigned for a broadening of the franchise of Northern Ireland voters to allow them to vote in elections to choose the President of Ireland. It has also demanded that all Northern Ireland Members of the European Parliament (MEPs) and MPs be allowed speaking", + "score": 0.716796875 + }, + { + "id": "147654", + "title": "Fianna Fa\u0301il", + "text": "Fianna F\u00e1il Fianna F\u00e1il (, meaning 'Soldiers of Destiny' or 'Warriors of F\u00e1l'), officially Fianna F\u00e1il \u2013 The Republican Party (), is a conservative political party in Ireland. The party was founded as an Irish republican party on 23 March 1926 by \u00c9amon de Valera and his supporters after they split from Sinn F\u00e9in on the issue of abstentionism, in the aftermath of the Irish Civil War. Fianna F\u00e1il has since 1927 been one of Ireland's two major parties, along with Fine Gael; both are seen as being centre-right parties, and as being to the right of the Labour Party", + "score": 0.7158203125 + }, + { + "id": "13702483", + "title": "Pirate Party (Ireland)", + "text": "Pirate Party (Ireland) The Pirate Party Ireland was an unregistered minor political party in Ireland, modelled on the Swedish Pirate Party. The party was founded in May 2009 after discussions on the Pirate Parties International website and re-founded in April 2012. The Irish party began to gain attention after the official registration of Pirate Party UK. Discussions were started on the Pirate Parties International discussion forum in 2007 relating to setting up an Irish Pirate Party. A small number of people were involved in the talks at the time and little was done apart from some basic planning and writing", + "score": 0.71533203125 + }, + { + "id": "4261663", + "title": "Justin Barrett", + "text": "Control Platform. In a press release in November 2016, Justin Barrett announced that he was President of the newly founded \"National Party\", a political party that will oppose multi-culturalism and abortion. While Barrett had previously promoted the idea of a \"Catholic republic\", the National Party states that it is a secular party. The party was due to be publicly launched in a press event on 17 November 2016 at the Merrion Hotel in Dublin. However, after a public backlash, the hotel cancelled the event. Barrett called for a complete ban on Muslims entering Ireland and for the introduction of racial", + "score": 0.71533203125 + }, + { + "id": "7841523", + "title": "History of the Labour Party (Ireland)", + "text": "success for Labour in the 2007 elections, and Rabbitte resigned to be replaced by Eamon Gilmore. The 2011 general election saw one of Labour's best results, with over 19% of the first-preference votes. Labour once more entered a coalition government with Fine Gael, and the Irish presidential election later that year saw the Labour Party's candidate, Michael D. Higgins, elected as President. However, Labour in government experienced a series of dismissals and resignations among its members in the D\u00e1il. In 2014, Gilmore resigned as party leader after Labour's poor performance in the European and local elections, and Joan Burton was", + "score": 0.71484375 + }, + { + "id": "19367802", + "title": "2016 Irish government formation", + "text": "2016 Irish government formation The events surrounding the formation of Ireland's government in 2016 took place during March, April and May of that year, following the general election held on 26 February, which failed to produce an overall majority for any of the country's outgoing political alliances and resulted in a hung parliament. The outgoing administration was a coalition government of Fine Gael and the Labour Party. Both parties lost many seats, meaning they no longer commanded an overall majority in D\u00e1il \u00c9ireann. The largest opposition party, Fianna F\u00e1il, more than doubled its number of seats, becoming the second-largest party", + "score": 0.71435546875 + }, + { + "id": "1907418", + "title": "Labour Party (Ireland)", + "text": "1989 general election. The party's representation in the D\u00e1il doubled to 33 seats and, after a period of negotiations, the Labour Party formed a coalition with Fianna F\u00e1il, taking office in January 1993 as the 23rd Government of Ireland. Fianna F\u00e1il leader Albert Reynolds remained as Taoiseach, and Labour Party leader Dick Spring became T\u00e1naiste and Minister for Foreign Affairs. After less than two years the government fell in a controversy over the appointment of Attorney General, Harry Whelehan, as president of the High Court. The parliamentary arithmetic had changed as a result of Fianna F\u00e1il's loss of two seats", + "score": 0.71435546875 + }, + { + "id": "20313050", + "title": "Socialist Party of Ireland (1904)", + "text": "Socialist Party of Ireland (1904) The Socialist Party of Ireland (SPI) was a small political party in Ireland associated with James Connolly. Until 1904, Connolly was the leading figure in the Irish Socialist Republican Party (ISRP). However, the ISRP had lost many members following internal disputes, with some forming the rival Irish Socialist Labour Party (ISLP). The ISLP attempted to affiliate to the recently founded British Socialist Labour Party, but was advised to attempt to merge with the ISRP first. With Connolly out of the country, this was achieved, the two groups coming together to form the new \"Socialist Party", + "score": 0.71337890625 + }, + { + "id": "192671", + "title": "Politics of the Republic of Ireland", + "text": "D\u00e1il after the 2016 general election are the Independents 4 Change, Social Democrats and Green Party. A number of independent TDs such as Maureen O'Sullivan, Mick Wallace, Finian McGrath, John Halligan and Thomas Pringle largely hold left-wing views. The Independent Alliance, a loose alliance of independents formed in 2015, returned 6 TDs after the 2016 general election. 5 of the 6 helped elect Enda Kenny as Taoiseach again after the election, and have since entered government in various forms. Ireland's foreign relations are substantially influenced by its membership of the European Union, although bilateral relations with the United States and", + "score": 0.71337890625 + }, + { + "id": "20889028", + "title": "Quiet Revolution (Republic of Ireland)", + "text": "the Republic of Ireland to Northern Ireland. Sinn F\u00e9in is a left-wing Irish republican political party in both the Republic and Northern Ireland with political goals toward a united Ireland. The party advocates for \"Europe-wide measures that promote and enhance human rights, equality and the all-Ireland agenda\u201d. One key social and cultural policy in their recent election campaign is to extend same-sex marriage to Northern Ireland. Although the party pledges support for minority rights, migrants' rights, and eradicating poverty, it is not in favor of extending legalized abortion to Northern Ireland. Only in certain cases, including incest, rape, sexual abuse,", + "score": 0.712890625 + }, + { + "id": "5615823", + "title": "National Democratic Party (Northern Ireland)", + "text": "National Democratic Party (Northern Ireland) The National Democratic Party (NDP) was an Irish nationalist political party in Northern Ireland. The organisation's origins lay in National Unity, a political study group founded in 1959. It failed to unite nationalists as it had hoped, and so it worked with Gerry Quigley, Secretary of the Irish National Teachers' Organisation, to call a conference of all nationalists. The conference was held on 19 April 1964 in Maghery. It was well attended, although Nationalist Party leader Eddie McAteer rejected his invitation, and other Nationalist MPs were reluctant to accept criticisms raised of them. The conference", + "score": 0.71240234375 + }, + { + "id": "6593651", + "title": "Labour Party of Northern Ireland", + "text": "Northern Ireland was the Labour coalition, which won seats on the Northern Ireland Forum in 1996. This split in 1998, and a group around Malachi Curran founded a new \"Labour Party of Northern Ireland\". This group ran candidates in the Northern Ireland Assembly election, including David Bleakley. Curran stood unsuccessfully in the 2007 Assembly election, coming last. As of 2016, the party appears to be moribund but remains registered with the Electoral Commission. Labour Party of Northern Ireland The Labour Party of Northern Ireland (LPNI) is the name of two distinct political parties in Northern Ireland, the first formed in", + "score": 0.71240234375 + }, + { + "id": "1941619", + "title": "Minority government", + "text": "majority in the \"Senate\" (\"see also\": Purple (government)). The Irish parliamentary system broadly works on a simple majority system, where the Taoiseach is elected by the D\u00e1il when they achieve 50% + 1 of the votes in favour of their nomination. The Taoiseach then appoints his or her own cabinet. Until the 1980s, Irish politics was dominated by two parties, either of whom could achieve a simple majority of seats in the D\u00e1il and therefore elect their party leader as Taoiseach. Since the 1980s, the popularity of other parties has increased such that coalition governments are now typical and expected,", + "score": 0.71240234375 + }, + { + "id": "15341824", + "title": "Politics of Northern Ireland", + "text": "Democrat and Reform Party and Liberal International. Other parties who contest elections in Northern Ireland include the Green Party, the Workers' Party and the Northern Ireland branch of the Conservative Party. The feminist Northern Ireland Women's Coalition briefly held seats in the Northern Ireland Assembly, but is now defunct. Ulster Third Way was a small grouping advocating independence for Northern Ireland. Fianna F\u00e1il, the second-largest party in the Republic, opened a cumann (branch) in Derry, and began recruiting at Queens University Belfast. The leadership had decided not to take part in electoral politics in Northern Ireland, however in the latter", + "score": 0.7109375 + }, + { + "id": "13702486", + "title": "Pirate Party (Ireland)", + "text": "\"down for maintenance\", and the party appears to be defunct. DU Pirate Party is a separate organisation open to Trinity College Dublin (Dublin University) students and staff. The student-led society has been in operation since 2009 and has undergone yearly changes in committee. The core principles of the party are: Pirate Party (Ireland) The Pirate Party Ireland was an unregistered minor political party in Ireland, modelled on the Swedish Pirate Party. The party was founded in May 2009 after discussions on the Pirate Parties International website and re-founded in April 2012. The Irish party began to gain attention after the", + "score": 0.7099609375 + }, + { + "id": "75282", + "title": "Coalition government", + "text": "a total of 48 political parties participated in the 1999 election, a total of 24 parties in the 2004 election, 38 parties in the 2009 election, and 15 parties in the 2014 election. There are no majority winner of those elections and coalition governments are inevitable. The current government is a coalition of seven parties led by the PDIP and Golkar. In Republic of Ireland, coalition governments are quite common; not since 1977 has a single party been able to form a majority government. Coalitions are the typically formed of two or more parties always consisting of one of the", + "score": 0.7099609375 + }, + { + "id": "6166714", + "title": "Cumann na Poblachta", + "text": "Cumann na Poblachta Cumann na Poblachta (; \"League of the Republic\" in English) was an Irish republican political party. The party was founded on 15 March 1922 by \u00c9amon de Valera. It opposed the Anglo-Irish Treaty and was composed of the anti-Treaty wing of Sinn F\u00e9in. The party did contest the 1922 Irish general election but, in accordance with the Collins/De Valera Pact, under the Sinn F\u00e9in banner like their opponents. The party commonly appended the title \"The Republican Party\" to its name. This subtitle was later adopted by the Fianna F\u00e1il party at its foundation in 1926. Its headquarters", + "score": 0.7099609375 + }, + { + "id": "8348465", + "title": "Ireland\u2013United Kingdom relations", + "text": "devolved administrations there exists no formal overarching \"National/Inter-island\" structure. Several Irish parties are organised on both sides of the Irish border. In recent years, Sinn F\u00e9in and the Green Party have won seats in D\u00e1il and Assembly elections in the Republic of Ireland and Northern Ireland, respectively. Fianna F\u00e1il won a seat in the 1933 general election to the former Parliament of Northern Ireland but refused to take the seat. Pan-Celticism is also a movement which is present in several countries which have a Celtic heritage. Irish migration to Great Britain is an important factor in the politics and labour", + "score": 0.70947265625 + }, + { + "id": "1725621", + "title": "Democratic Unionist Party", + "text": "Democratic Unionist Party The Democratic Unionist Party (DUP) is a unionist political party in Northern Ireland. Ian Paisley founded the DUP in 1971, during the Troubles, and led the party for the next 37 years. Now led by Arlene Foster, it is the party with the most seats in the Northern Ireland Assembly and the fifth-largest party in the House of Commons. Following the 2017 general election, the party agreed to support a Conservative minority government on a case-by-case basis on matters of mutual concern. The DUP evolved from the Protestant Unionist Party and has historically strong links to the", + "score": 0.70947265625 + }, + { + "id": "2307109", + "title": "Republican Labour Party", + "text": "Republican Labour Party The Republican Labour Party (RLP) was a political party in Northern Ireland. It was founded in 1964, with two MPs at Stormont, Harry Diamond and Gerry Fitt. They had previously been the sole Northern Ireland representatives of the Socialist Republican Party and the Irish Labour Party respectively, so a common joke was that \"two one-man parties had become one two-man party\". Fitt won the West Belfast seat in the UK general election of 1966, and held it in the 1970 election. In August 1970, Fitt founded the Social Democratic and Labour Party, and he and Senator Paddy", + "score": 0.70947265625 + }, + { + "id": "20889023", + "title": "Quiet Revolution (Republic of Ireland)", + "text": "party in the Republic of Ireland since 2017 and has campaigned for policies related to equality of opportunity. It is notable that Leo Varadkar is an openly gay leader in a Catholic nation that supports his leadership status. Enda Kenny has played a prominent political role in Ireland since 1975. In 2011 when he was Taoiseach, Kenny publicly condemned the Catholic Church in matters related to clerical child abuse and the values which dominate the culture of the Vatican. As reported by the media, the content of the Cloyne Report and Kenny's reaction speech caused controversy and acrimony amongst Irish", + "score": 0.70947265625 + }, + { + "id": "1907436", + "title": "Labour Party (Ireland)", + "text": "records can be accessed by means of the call number: MS 49,494. Subsequently, the records of Democratic Left (Ireland) were also donated to the library and can be access via the call number: MS 49,807. The Labour Party is a membership organisation consisting of Labour (D\u00e1il) constituency councils, affiliated trade unions and socialist societies. Members who are elected to parliamentary positions (D\u00e1il, Seanad, European Parliament) form the Parliamentary Labour Party (PLP). The party's decision-making bodies on a national level formally include the Executive Board (formerly known as the National Executive Committee), Labour Party Conference and Central Council. The Executive Board", + "score": 0.708984375 + }, + { + "id": "18357665", + "title": "24th Government of Ireland", + "text": "24th Government of Ireland The 24th Government of Ireland (15 December 1994 \u2013 26 June 1997) was the 2nd Government of the 27th D\u00e1il. Known as the Rainbow Coalition, it was a coalition of Fine Gael, the Labour Party and Democratic Left. The Labour Party had been part of the 23rd Government with Fianna F\u00e1il, formed after the 1992 general election, but left in 1994 following a number of scandals, particularly over the beef industry and the alleged mishandling of the prosecution of paedophile priest Brendan Smyth. After Albert Reynolds was replaced by Bertie Ahern as Fianna F\u00e1il leader, there", + "score": 0.708984375 + }, + { + "id": "18745506", + "title": "Labour Party in Northern Ireland", + "text": "Labour Party in Northern Ireland The Labour Party in Northern Ireland (LPNI) is the regional section of the UK Labour Party that operates in Northern Ireland. The Labour Party is not a registered political party in Northern Ireland and does not currently contest elections. In the 2016 Assembly elections, eight members of the party ran for election under the name of the Northern Ireland Labour Representation Committee, as the Labour Party NEC had refused to allow candidates to stand as official Labour Party candidates. For many years the UK Labour Party held to a policy of not allowing residents of", + "score": 0.708984375 + }, + { + "id": "1870869", + "title": "Sea\u0301n MacBride", + "text": "O'Brien in 1942. In 1946, during the inquest into the death of Se\u00e1n McCaughey, MacBride embarrassed the authorities by forcing them to admit that the conditions in Portlaoise Prison were inhumane. In 1946, MacBride founded the republican/socialist party Clann na Poblachta. He hoped it would replace Fianna F\u00e1il as Ireland's major political party. In October 1947, he won a seat in D\u00e1il \u00c9ireann at a by-election in the Dublin County constituency. On the same day, Patrick Kinane also won the Tipperary by-election for Clann na Poblachta. However, at the 1948 general election Clann na Poblachta won only ten seats. The", + "score": 0.70849609375 + }, + { + "id": "18135162", + "title": "Socialist Party of Northern Ireland", + "text": "Socialist Party of Northern Ireland The Socialist Party of Northern Ireland, sometimes known as the Northern Ireland Socialist Party, was a small socialist group based in Northern Ireland in the 1930s. The group originated in Belfast in 1892 as a group founded by activists including William Walker and John Murphy. It became a branch of the British-based Independent Labour Party (ILP) when that organisation was founded in 1893. Later in the year, the British Trades Union Congress held its annual conference in Belfast, and an ILP fringe meeting was addressed by speakers including Keir Hardie, greatly increasing local party membership.", + "score": 0.70849609375 + }, + { + "id": "721581", + "title": "Trotskyism", + "text": "the Socialist Party of Great Britain) and the Scottish Socialist Party. The Socialist Party in Ireland was formed in 1990 by members who had been expelled by the Irish Labour Party's leader Dick Spring. It has had support in the Fingal electoral district as well as in the city of Limerick. It currently has three elected officials in D\u00e1il \u00c9ireann. Paul Murphy, representing Dublin West (D\u00e1il constituency), Mick Barry representing Cork North-Central (D\u00e1il constituency) and Ruth Coppinger representing Dublin West (D\u00e1il constituency). In Portugal's October 2015 parliamentary election, the Left Bloc won 550,945 votes, which translated into 10.19% of the", + "score": 0.70849609375 + }, + { + "id": "2130906", + "title": "Workers' Party of Ireland", + "text": "Originally conceived as a straightforward party paper, \"Look Left\" was relaunched as a more broad-left style publication in March 2010 but still bearing the emblem of the Workers' Party. It is distributed by party members and supporters and is also stocked by a number of retailers including Eason's and several radical/left-wing bookshops. Workers' Party of Ireland The Workers' Party (), originally known as Official Sinn F\u00e9in, is a Marxist\u2013Leninist political party active throughout Ireland. The party originated with a split between factions of Sinn F\u00e9in (which was founded in 1905) and the Irish Republican Army (IRA), which took place in", + "score": 0.7080078125 + }, + { + "id": "142761", + "title": "Fine Gael", + "text": "which won 407 seats, and making Fine Gael the largest party of local government nationally. They gained 88 seats from their 2004 result. At 2009 European Parliament election held on the same day as the Local elections, which saw a reduction in the number seats from 13 to 12 for Ireland, the party won four seats, retaining the largest number of seats of an Irish party in the European Parliament. This was a loss of one seat from its 2004 result. While Fine Gael was responsible for the initial nomination of the uncontested, first President of Ireland, Douglas Hyde, a", + "score": 0.7080078125 + }, + { + "id": "1907419", + "title": "Labour Party (Ireland)", + "text": "in by-elections in June, where the Labour Party itself had performed disastrously. On the pretext that the Labour Party voters were not happy with involvement with Fianna F\u00e1il, Dick Spring withdrew his support for Reynolds as Taoiseach. The Labour Party negotiated a new coalition, the first time in Irish political history that one coalition replaced another without a general election. Between 1994 and 1997 Fine Gael, the Labour Party, and Democratic Left governed in the 24th Government of Ireland. Dick Spring became T\u00e1naiste and Minister for Foreign Affairs again. The Labour Party presented the 1997 general election, held just weeks", + "score": 0.7080078125 + }, + { + "id": "2639365", + "title": "Socialist Party (Ireland)", + "text": "from Labour. In 1989 they established an independent party, adopting the title Militant Labour\u2014also used by other sections of the Committee for a Workers' International at the time. In 1996 the party merged fully with the Labour and Trade Union Group of Northern Ireland and changed its name to the Socialist Party. The Socialist Party has been particularly successful at building electoral support in the Republic of Ireland. It found it harder to gain an electoral foothold in Northern Ireland, but it has maintained a minor presence in the trade union movement there, as well as a youth wing. Militant", + "score": 0.70751953125 + }, + { + "id": "4775788", + "title": "2007 Irish general election", + "text": "29th D\u00e1il, the Progressive Democrats, lost six of their eight seats. On 12 June 2007, Fianna F\u00e1il and the Green Party reached agreement on a draft Programme for Government, this was subsequently ratified by the Fianna F\u00e1il parliamentary party and Green Party members on 13 June 2007. This resulted in the formation of a coalition government on 14 June 2007 between Fianna F\u00e1il, the Green Party and the Progressive Democrats. The government was initially supported by four Independent TDs. On 30 April 2007, President Mary McAleese dissolved the 29th D\u00e1il on the request of the Taoiseach, Bertie Ahern. The election", + "score": 0.70751953125 + }, + { + "id": "1935179", + "title": "Clann na Poblachta", + "text": "County and Tipperary). The Taoiseach, de Valera, saw the threat posed by the new party, and in February 1948 he called a snap general election to try and catch Clann na Poblachta off guard. At the time Clann had not entirely unrealistic hopes of replacing Fianna F\u00e1il both as the majority republican party and as the leading party of the state. De Valera's tactic was successful in that Clann na Poblachta won only ten seats\u2014far fewer than was expected. However, the election did produce enough seats among the opposition groups for them to be able to form a non-Fianna F\u00e1il", + "score": 0.70654296875 + }, + { + "id": "18745508", + "title": "Labour Party in Northern Ireland", + "text": "voted to contest elections in Northern Ireland. In the run-up to the 2016 Assembly elections, local members registered a new party, the Northern Ireland Labour Representation Committee, with the Electoral Commission recognising them in April 2016. The party's constitution has a clause stating that it will disband once Labour lifts the ban on contesting elections in Northern Ireland. The new party's leader is journalist and author Kathryn Johnston. Several former members of the Northern Ireland Labour Party hold membership, including Erskine Holmes and Douglas McIldoon. Eight candidates ran under the label, despite the Labour Party warning Northern Irish Labour party", + "score": 0.7060546875 + }, + { + "id": "18727679", + "title": "2015 United Kingdom general election in Northern Ireland", + "text": "2015 United Kingdom general election in Northern Ireland The 2015 United Kingdom general election in Northern Ireland was held on 7 May 2015 and all 18 seats were contested. A political debate was held between the leaders of the five main parties in Northern Ireland: the Democratic Unionist Party, Sinn F\u00e9in, the Ulster Unionist Party, Social Democratic and Labour Party and Alliance Party of Northern Ireland as part of \"BBC Newsnight\" on 16 April 2015. Northern Ireland returned eighteen members of parliament to House of Commons, one for each of its 18 parliamentary constituencies. In total, three seats changed hands", + "score": 0.7060546875 + }, + { + "id": "6910854", + "title": "Government of the 30th Da\u0301il", + "text": "later rejoined the Fianna F\u00e1il parliamentary party in April 2008. Ministers are listed in order of seniority. The 28th Government of Ireland (7 May 2008 \u2013 9 March 2011) was formed following the resignation of Bertie Ahern as Taoiseach on 6 May 2008 and the subsequent election of Brian Cowen as Ireland's 12th head of government. It was initially composed of Fianna F\u00e1il, the Green Party, the Progressive Democrats and supported by independent TDs Jackie Healy-Rae, Michael Lowry and Finian McGrath. McGrath later withdrew his support in October 2008. Following the disbandment of the Progressive Democrats in 2009, it became", + "score": 0.705078125 + }, + { + "id": "3728066", + "title": "Communist Party of Ireland", + "text": "Communist Party of Ireland The Communist Party of Ireland (CPI; ) is an all-Ireland Marxist-Leninist party, founded in 1933. The party is a member of the International Meeting of Communist and Workers' Parties. Originating as the Revolutionary Workers' Groups, located at Connolly House in Dublin, the most prominent early member was James Larkin Jnr (son of James Larkin). After being outlawed under the government of W. T. Cosgrave in 1931 (as part of a wider crackdown on Peadar O'Donnell's Saor \u00c9ire and the IRA), it was legalised in 1932 under \u00c9amon de Valera's government and subsequently changed its name to", + "score": 0.705078125 + }, + { + "id": "1907425", + "title": "Labour Party (Ireland)", + "text": "Labour Party failed to increase its seat total and had a net loss of 1 seat, returning with 20 seats. Fine Gael, the Labour Party, the Green Party and independents did not have enough seats to form a government. Pat Rabbitte resisted calls to enter negotiations with Fianna F\u00e1il on forming a government. Eventually, Fianna F\u00e1il entered government with the Progressive Democrats and the Green Party with the support of independents. On 23 August 2007 Rabbitte resigned as Labour Party leader. He stated that he took responsibility for the outcome of the recent general election, in which his party failed", + "score": 0.70458984375 + }, + { + "id": "8487061", + "title": "Socialist Republican Party (Ireland)", + "text": "1945 Northern Ireland general election, the party won 5,497 votes and Harry Diamond took the Belfast Falls seat. He held the seat in 1949, with no other candidate contesting it. A couple of months later, the group joined the Irish Labour Party. Diamond later stood for Parliament under a variety of labels before forming the Republican Labour Party. Socialist Republican Party (Ireland) The Socialist Republican Party was an Irish republican political party in Northern Ireland. It was founded in 1944 by a coalition of former Nationalist Party members, former Irish Republican Army (IRA) members and Protestant trade unionists around Victor", + "score": 0.70458984375 + }, + { + "id": "2639367", + "title": "Socialist Party (Ireland)", + "text": "were sent to Mountjoy Prison for a month after refusing to abide by a High Court injunction relating to the blockading of bin lorries. At the 2004 local elections, the Socialist Party gained two council seats, with Mick Murphy being elected to South Dublin County Council and Mick Barry being elected to Cork City Council. The party also retained their two previous seats (held by Daly and Ruth Coppinger) on Fingal County Council. At the European election held on the same day, Joe Higgins received 23,218 (5.5%) votes in the Dublin constituency, but did not win a seat. Councillor Mick", + "score": 0.70458984375 + }, + { + "id": "10293046", + "title": "Fathers Rights-Responsibility Party", + "text": "2010, it is defunct. Fathers Rights-Responsibility Party Fathers' Rights-Responsibility Party was an Irish political party, led by Liam \u00d3 G\u00f3g\u00e1in and formed in 2007. It did not register with the Clerk of D\u00e1il \u00c9ireann (a legal requirement for entities seeking to form political parties in the Republic of Ireland) and thus it contested the 2007 general election with 8 candidates running as Independents. They polled 1,355 first preference votes in total in that election but did not win any seats. The party campaigned on fathers' rights issues in Ireland \"growing from what it argues are injustices against fathers within the", + "score": 0.7041015625 + }, + { + "id": "14884369", + "title": "LGBT conservatism", + "text": "for same-sex couples. During the 2007 Irish general election, the manifestos of Fianna F\u00e1il, Fine Gael, and Progressive Democrats, supported civil unions for same-sex couples. All parties ran advertisements in Gay Community News (GNC) with commitments to same-sex couples. In 2010, \u00d3gra Fianna F\u00e1il came out in favor of same-sex marriage. In 2010, the Botswana government, under the control of the Botswana Democratic Party, passed an amendment to its Employment Act that will bring an end to dismissal based on an individual's sexual orientation or HIV status. In July 2011, Young Fine Gael came out in favor of same-sex marriage.", + "score": 0.7041015625 + }, + { + "id": "1725668", + "title": "Democratic Unionist Party", + "text": "Ireland Assembly elected in May 2016: Members elected in 2014 Democratic Unionist Party The Democratic Unionist Party (DUP) is a unionist political party in Northern Ireland. Ian Paisley founded the DUP in 1971, during the Troubles, and led the party for the next 37 years. Now led by Arlene Foster, it is the party with the most seats in the Northern Ireland Assembly and the fifth-largest party in the House of Commons. Following the 2017 general election, the party agreed to support a Conservative minority government on a case-by-case basis on matters of mutual concern. The DUP evolved from the", + "score": 0.7041015625 + }, + { + "id": "1907402", + "title": "Labour Party (Ireland)", + "text": "party in D\u00e1il \u00c9ireann, with seven seats. In November 2018, Labour announced that they were considering running candidates again in Northern Ireland, in response to a potential merger between Fianna F\u00e1il and the Social Democratic and Labour Party, with whom Labour have long had fraternal links. The last time Labour had contested elections in the region was in 1973, shortly after the SDLP's formation. The Labour Party is a member of the Progressive Alliance, Socialist International, and Party of European Socialists (PES). James Connolly, James Larkin and William X. O'Brien established the Irish Labour Party in 1912, as the political", + "score": 0.7041015625 + }, + { + "id": "17352090", + "title": "Centrism", + "text": "Republic of Ireland, both two main political parties (Fianna F\u00e1il and Fine Gael) claim the political centre ground, but seem to lean to the centre-right and be mostly made up of centre-right members. The two parties have shared broadly similar policies in the past, with their primary division being perceived as being steeped in Irish Civil War politics. Fine Gael is aligned to Christian democratic parties in Europe via its membership of the European People's Party and is described internationally as centre-right by the likes of Reuters. The consensus in analysis seems to be that Fianna F\u00e1il is mostly centrist,", + "score": 0.703125 + }, + { + "id": "15094760", + "title": "2016 Irish general election", + "text": "Gael negotiated a deal with Independent TDs on the formation of a minority coalition. Enda Kenny was re-elected Taoiseach on 6 May 2016. 2016 Irish general election The Irish general election of 2016 took place on Friday 26 February to elect 157 Teachta\u00ed D\u00e1la (TDs) across 40 constituencies to D\u00e1il \u00c9ireann, the lower house of the Oireachtas, Ireland's parliament. The 31st D\u00e1il was dissolved by President Michael D. Higgins on 3 February, at the request of Taoiseach Enda Kenny. Following the election, Kenny's Fine Gael with 50 of the 158 seats available remained the largest party in the D\u00e1il despite", + "score": 0.703125 + }, + { + "id": "6590958", + "title": "National Progressive Democrats", + "text": "National Progressive Democrats The National Progressive Democrats was a small socialist political party in the Republic of Ireland, active between 1958 and 1963. The party was founded in 1958 as a left-wing, progressive and secular grouping. Its founders were No\u00ebl Browne (former Minister for Health) and Jack McQuillan, former members of the social democratic wing of Clann na Poblachta. The party was noted for its vigorous role in D\u00e1il \u00c9ireann. Between 1958 and 1961, 7 of the 9 motions discussed in Private Member\u2019s Time had been proposed by one of them. In 1961 and 1962, they asked 1,400 parliamentary questions,", + "score": 0.70263671875 + }, + { + "id": "5615829", + "title": "National Democratic Party (Northern Ireland)", + "text": "a UK-wide breakaway from the British National Front. National Democratic Party (Northern Ireland) The National Democratic Party (NDP) was an Irish nationalist political party in Northern Ireland. The organisation's origins lay in National Unity, a political study group founded in 1959. It failed to unite nationalists as it had hoped, and so it worked with Gerry Quigley, Secretary of the Irish National Teachers' Organisation, to call a conference of all nationalists. The conference was held on 19 April 1964 in Maghery. It was well attended, although Nationalist Party leader Eddie McAteer rejected his invitation, and other Nationalist MPs were reluctant", + "score": 0.70263671875 + }, + { + "id": "13685833", + "title": "National Party (Ireland, 2016)", + "text": "(method unstated), and supported the retention of the Eighth Amendment. The party endorsed a No vote in the abortion referendum, and campaigned against it through the Abortion Never campaign. Barrett has spoken in support of a form of economic nationalism which he deemed \"intelligent protectionism\". The party is in favour of subsidiarity as a \"principle of government\". National Party (Ireland, 2016) The National Party () is an unregistered far-right nationalist political party in Ireland founded in November 2016. The party was founded in 2016, by Justin Barrett as party president and James Reynolds as party vice president. The National Party", + "score": 0.7021484375 + }, + { + "id": "18904033", + "title": "Social Democrats (Ireland)", + "text": "Social Democrats (Ireland) The Social Democrats () is a political party in Ireland. The party was launched on 15 July 2015 by three independent TDs, Stephen Donnelly, Catherine Murphy, and R\u00f3is\u00edn Shortall. The Social Democrats was established with a co-leadership arrangement between its three founding members. R\u00f3is\u00edn Shortall is a former Labour Party TD and former Minister of State for Primary Care. She resigned from the role and from Labour in September 2012, citing lack of support and the lack of an explanation from then-Minister for Health James Reilly concerning his controversial decision to locate a new primary care centre", + "score": 0.7021484375 + }, + { + "id": "201963", + "title": "Green Party (Ireland)", + "text": "party's annual convention. Roderic O'Gorman was elected party chairperson. The Green Party lost all its D\u00e1il seats in the 2011 general election. Party Chairman Dan Boyle and D\u00e9irdre de B\u00farca were nominated by the Taoiseach to Seanad \u00c9ireann after the formation of the Fianna F\u00e1il\u2013Progressive Democrats\u2013Green Party government in 2007, and Niall \u00d3 Brolch\u00e1in was elected in December 2009. De B\u00farca resigned in February 2010, and was replaced by Mark Dearey. Neither Boyle nor O'Brolchain was re-elected to Seanad \u00c9ireann in the Seanad election of 2011, leaving the Green Party without Oireachtas representation until the 2016 general election, in which", + "score": 0.70166015625 + }, + { + "id": "2130903", + "title": "Workers' Party of Ireland", + "text": "split in 1992. Davy Kettyles became an independent 'Progressive Socialist' while Gerry Cullen in Dungannon and the Workers' Party northern chairman, Seamus Lynch in Belfast, joined Democratic Left. The party held onto its one council seat in the 1993 local elections with Peter Smyth retaining the seat that had been held by Tom French in Craigavon. This was lost in 1997, leaving them without elected representation in Northern Ireland. The party performed poorly in the March 2007 Assembly election; it won no seats, and in its best result in Belfast West, it gained 1.26% of the vote. The party did", + "score": 0.70166015625 + }, + { + "id": "190536", + "title": "Republic of Ireland", + "text": "held in place by a confidence and supply deal with Fianna F\u00e1il. Opposition parties in the current are Fianna F\u00e1il, Sinn F\u00e9in, the Labour Party, Solidarity\u2013People Before Profit, Social Democrats, Workers and Unemployed Action, the Green Party as well as a number of independents. Ireland has been a member state of the European Union since 1973, but has chosen to remain outside the Schengen Area. Citizens of the United Kingdom can freely enter the country without a passport due to the Common Travel Area, which is a passport-free zone comprising the islands of Ireland, Great Britain, the Isle of Man", + "score": 0.70166015625 + }, + { + "id": "9349890", + "title": "2011 Irish general election", + "text": "the September 1927 election that it was not the largest party in the chamber. \"The Irish Times\", Ireland's newspaper of record, described Fianna F\u00e1il's meltdown as \"defeat on a historic scale.\" Fine Gael won 76 seats to become the largest party in the D\u00e1il for the first time in its 78-year history, while the Labour Party became the second largest party with 37 seats, and Sinn F\u00e9in also increased its number of seats. Fine Gael leader Enda Kenny became Taoiseach, in a coalition with Labour. Following the bailout of Irish banks and the deteriorating level of state debt that led", + "score": 0.70166015625 + }, + { + "id": "18357667", + "title": "24th Government of Ireland", + "text": "reports of improper payments from businessman Ben Dunne. 24th Government of Ireland The 24th Government of Ireland (15 December 1994 \u2013 26 June 1997) was the 2nd Government of the 27th D\u00e1il. Known as the Rainbow Coalition, it was a coalition of Fine Gael, the Labour Party and Democratic Left. The Labour Party had been part of the 23rd Government with Fianna F\u00e1il, formed after the 1992 general election, but left in 1994 following a number of scandals, particularly over the beef industry and the alleged mishandling of the prosecution of paedophile priest Brendan Smyth. After Albert Reynolds was replaced", + "score": 0.70166015625 + }, + { + "id": "2639366", + "title": "Socialist Party (Ireland)", + "text": "Labour was renamed the Socialist Party in 1996, and came to wider attention among the general public when Joe Higgins polled just 252 votes behind victor Brian Lenihan Jnr in the Dublin-West by-election. In the general election of the following year, Higgins was elected to D\u00e1il \u00c9ireann for the first time. At the 2002 general election, Joe Higgins retained his Dublin West seat in D\u00e1il \u00c9ireann. Clare Daly narrowly missed out on gaining a second seat for the party in the Dublin North constituency. The Anti-Bin Tax Campaign came about at this time. On 19 September 2003, Higgins and Daly", + "score": 0.70166015625 + }, + { + "id": "3531234", + "title": "Northern Ireland Labour Party", + "text": "Northern Ireland Labour Party The Northern Ireland Labour Party (NILP) was a political party in Northern Ireland which operated from 1924 until 1987. In 1913 the British Labour Party resolved to give the recently formed Irish Labour Party exclusive organising rights in Ireland (the 1907 conference of the British party had been held in Belfast). This decision was not popular with the trade unions in Belfast, where skilled and organised workers tended to be Protestant and broadly Unionist (or at least anti-Nationalist) in outlook. After partition the NILP was founded as a socialist political party by groups including the Belfast", + "score": 0.701171875 + }, + { + "id": "4133298", + "title": "Green Party in Northern Ireland", + "text": "Green Party in Northern Ireland The Green Party in Northern Ireland is a green party in Northern Ireland which works in co-operation with green parties across Britain and Ireland, Europe and globally. Like many green parties around the world, its origins lie in the anti-nuclear, labour and peace movements of the 1970s and early 1980s. Since 2006, the party has operated as a region of the Green Party of Ireland and also maintains links with other Green parties, including the Scottish Green Party and the Green Party of England and Wales. The party has a youth wing operating in Northern", + "score": 0.701171875 + }, + { + "id": "19367804", + "title": "2016 Irish government formation", + "text": "matters of confidence and supply. After the 2011 general election, Fine Gael and the Labour Party formed a coalition government, taking over from the previous Fianna F\u00e1il-Green Party coalition government shortly after the latter had agreed to embark on the Economic Adjustment Programme for Ireland. Fine Gael and the Labour Party continued with these measures. The general election was held on Friday 26 February 2016. Fine Gael lost 26 seats; the Labour Party, which lost 30 seats, only just returned enough members to secure speaking rights in D\u00e1il \u00c9ireann. Fianna F\u00e1il added 23 seats, Sinn F\u00e9in added nine seats and", + "score": 0.701171875 + }, + { + "id": "15293088", + "title": "Irish Political Studies", + "text": "Irish Political Studies Irish Political Studies is a quarterly peer-reviewed academic journal and the official journal of the Political Studies Association of Ireland covering research on Irish politics including politics of the Republic of Ireland and Northern Ireland and politics concerning relations with the United Kingdom and the European Union. The editors-in-chief are Thomas Hennessey (Canterbury) and R. Kenneth Carty (UBC). The journal was established in 1986 and is published by Routledge. \"Irish Political Studies\" sponsors a conference paper prize at the annual conference of the Political Studies Association of Ireland each year. Previous winners include: Sean McGraw (Notre Dame),", + "score": 0.701171875 + }, + { + "id": "1826570", + "title": "Democratic Left (Ireland)", + "text": "Democrats. The party subsequently won two seats in by-elections, Eric Byrne regaining his seat in Dublin South Central and Kathleen Lynch in Cork North Central. After the collapse of the Fianna F\u00e1il-Labour Party coalition government in 1994, Democratic Left joined the new coalition government with Fine Gael and the Labour Party. Proinsias De Rossa served as Minister for Social Welfare, initiating Ireland's first national anti-poverty strategy. In the 1997 general election Democratic Left lost two of its six seats, both of its by-election victors being unseated. The party won 2.5% of the vote. The party also was in significant financial", + "score": 0.7001953125 + }, + { + "id": "1454752", + "title": "Social Democratic and Labour Party", + "text": "with the party retaining their 12 seats in a reduced Assembly, with an increase of 12,000 first preference votes. In the 2017 Westminster elections, however, the SDLP lost all three seats. Social Democratic and Labour Party The Social Democratic and Labour Party (SDLP) (Irish: \"P\u00e1irt\u00ed\" \"S\u00f3isialta\" \"Daonlathach an Lucht Oibre\") is a social-democratic and Irish nationalist political party in Northern Ireland. The SDLP currently has 12 MLAs in the Northern Ireland Assembly; but lost its three remaining Parliamentary seats in the 2017 general election. The SDLP party platform advocates Irish reunification, and the further devolution of powers while Northern Ireland", + "score": 0.69970703125 + }, + { + "id": "6038177", + "title": "Socialist Party of Ireland (1971)", + "text": "Socialist Party dissolved with the majority joining Jim Kemmy's Democratic Socialist Party and the others either joining the Workers' Party of Ireland or B&ICO. Socialist Party of Ireland (1971) The Socialist Party of Ireland (SPI) was a minor left-wing political party which existed in Ireland from 1971 to 1982. The SPI was set up by ex-members of Official Sinn F\u00e9in. It was formed on 13 December 1971 in Dublin and published its political manifesto on 19 January 1972. The SPI saw itself as a hard-line Marxist-Leninist alternative to the Communist Party of Ireland, which it criticised for its \u201cblurred philosophy,", + "score": 0.69970703125 + }, + { + "id": "3372964", + "title": "Irish republicanism", + "text": "weaponry. Socialism has traditionally been part of the Irish republican movement since the early 20th century, when James Connolly, an Irish Marxist and Syndicalist theorist, took part in the Easter Rising of 1916. Today, most Irish nationalist and republican organizations located in Northern Ireland advocate some form of socialism, both Marxist and non-Marxist. The Social Democratic and Labour Party, which until recently was the largest nationalist party in Northern Ireland, promotes social democracy, while militant republican parties such as Sinn F\u00e9in, Republican Sinn F\u00e9in, and the 32 County Sovereignty Movement all promote their own varieties of democratic socialism intended to", + "score": 0.69970703125 + }, + { + "id": "1445224", + "title": "Independent Irish Party", + "text": "which is often regarded as the formal foundation of the Liberal Party. Independent Irish Party The Independent Irish Party (1852\u20131858) was an Irish political party founded in July 1852 by 40 Liberal Irish MPs who had been elected to the Parliament of the United Kingdom of Great Britain and Ireland. It is sometimes mentioned as the Irish Independent Opposition Party, and colloquially known as the Pope's Brass Band because of their stance on the Ecclesiastical Titles Act. Its MPs were also called the \"Irish Brigade\". It had two central aims: The Independent Irish Party initially achieved the balance of power", + "score": 0.69970703125 + }, + { + "id": "15107263", + "title": "Northern Ireland Liberal Democrats", + "text": "Northern Ireland Liberal Democrats The Northern Ireland Liberal Democrats (; Ulster-Scots: \"Norlin Airlann Leeberal Democrats\"), is a local party of the Liberal Democrats that operates in Northern Ireland. Unlike its counterparts in England, Scotland and Wales, the Northern Ireland party is not a state party within the federal Liberal Democrats (though there does exist constitutional provision for it to be established so by conference) but a local party similar to constituency parties in the rest of the UK. The Liberal Democrats do not presently contest elections in Northern Ireland but there is a strong history of support to the Alliance", + "score": 0.69970703125 + }, + { + "id": "2900644", + "title": "Brendan Howlin", + "text": "the appointment of Attorney General Harry Whelehan as a Judge of the High Court and President of the High Court. No general election was called and, while it was hoped that the coalition could be revived under new Fianna F\u00e1il leader Bertie Ahern, the arithmetic of the D\u00e1il now allowed the Labour Party to open discussions with the opposition parties. After negotiations a Rainbow Coalition came to power involving Fine Gael, Labour and Democratic Left. In John Bruton's cabinet, he became Minister for the Environment. Following the 1997 general election, a Fianna F\u00e1il-Progressive Democrats coalition government came to power and", + "score": 0.69921875 + }, + { + "id": "147655", + "title": "Fianna Fa\u0301il", + "text": "and Sinn F\u00e9in. The party dominated Irish political life for most of the 20th century, and since its foundation either it or Fine Gael has led every government. Between 1989 and 2011, it led coalition governments with parties of both the left and the right. Fianna F\u00e1il was last in government from 1997 to 2011 under Bertie Ahern and Brian Cowen, with a periodic high of 81 seats in 2002, reduced to 77 in 2007 and then to 20 in 2011, the lowest in the party's history. Having won 44 seats at the 2016 general election, Fianna F\u00e1il is currently", + "score": 0.69921875 + }, + { + "id": "7841519", + "title": "History of the Labour Party (Ireland)", + "text": "History of the Labour Party (Ireland) The Labour Party has been part of the political scene in the Republic of Ireland throughout that state's existence. Although never attracting majority support, it has repeatedly participated in coalition governments. The party was established in 1912 by James Connolly James Larkin, and William X. O'Brien and others as the political wing of the Irish Trade Union Congress. It intended to participate in a Dublin Parliament that would follow passage of the Home Rule Act 1914, which was suspended on the outbreak of World War I. Connolly was executed following the Easter Rising in", + "score": 0.69921875 + }, + { + "id": "16049869", + "title": "Social Democratic and Labour Party leadership election, 2011", + "text": "Social Democratic and Labour Party leadership election, 2011 An election for the leadership of the Social Democratic and Labour Party (SDLP) was held on 4\u20135 November 2011. Alasdair McDonnell won the leadership election and was announced the new leader of the SDLP on 5 November 2011. Following poor election results in the 2010 UK general election as well as the 2011 Northern Ireland Assembly election, it was reported that the then-SDLP leader, Margaret Ritchie, faced a leadership challenge from deputy leader Patsy McGlone. McGlone stated at the beginning of August, 2011, that he would challenge Ritchie for the party's leadership", + "score": 0.69921875 + } + ], + "answer": "A number of political parties have been in power in Ireland's D\u00e1il \u00c9ireann, which is the lower house of the Irish legislature, and Ireland's presidency. As of the 2020 general election, Fianna F\u00e1il and Sinn F\u00e9in are joint first parties in party representation in D\u00e1il \u00c9ireann. The parties in power in D\u00e1il \u00c9ireann were the Green Party, Fianna F\u00e1il, and the Progressive Democrats from 2007 to 2011, the Fine Gael\u2013Labour Party coalition from 2011 to 2016, and Fine Gael from 2016 to 2020. The parties in power in Ireland's presidency were the Independent party from 1997 to 2011 and the Labour Party from 2011 to 2018." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Where is the upper school of the Minnehana Academy in Minneapolis?", + "short_answers": [ + "3100 West River Parkway, Minneapolis, Minnesota 55406" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Where is the middle and lower school of the Minnehana Academy in Minneapolis?", + "short_answers": [ + "4200 West River Parkway, Minneapolis, Minnesota, 55406" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Minnehaha Academy", + "url": "https://en.wikipedia.org/wiki/Minnehaha%20Academy" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "The upper school of the Minnehaha Academy is located at 3100 West River Parkway, Minneapolis, Minnesota 55406. The the middle and lower schools are located at 4200 West River Parkway, Minneapolis, Minnesota, 55406. " + }, + { + "knowledge": [], + "long_answer": "The Minnehaha Academy in Minneapolis has both an upper school and a middle and lower school. The upper school is located at 3100 West River Parkway, Minneapolis, Minnesota 55406. The middle and lower school is located at 4200 West River Parkway, Minneapolis, Minnesota, 55406." + } + ], + "sample_id": "5681227898580645683", + "question": "Where is the minnehaha academy located in minneapolis?", + "docs": [ + { + "id": "6997040", + "title": "Minnehaha Academy", + "text": "Minnehaha Academy Minnehaha Academy (often abbreviated MA) is a Christian private school in Minneapolis, Minnesota, United States, for students in preschool through 12th grade, and established in 1913. There are two campuses, the South Campus for preschool through 8th graders, and the North Campus, for 9th through 12th graders. It is a ministry of the Northwest Conference of the Evangelical Covenant Church, and is located in the Cooper and Hiawatha neighborhoods on West River Parkway. The student body is drawn from Minneapolis, St. Paul, and throughout the Minneapolis\u2013Saint Paul metropolitan area, as well as several international students. In 1884, Rev.", + "score": 0.8427734375, + "summary": "Minnehaha Academy is a Christian private school in Minneapolis, Minnesota with two campuses - South Campus for preschool through 8th graders and North Campus for 9th through 12th graders. It is located in the Cooper and Hiawatha neighborhoods on West River Parkway.", + "extraction": "Minnehaha Academy is located in Minneapolis, Minnesota, United States, in the Cooper and Hiawatha neighborhoods on West River Parkway." + }, + { + "id": "6997042", + "title": "Minnehaha Academy", + "text": "was $25,000, and they exceeded that figure and broke ground on June 30, 1912. On Monday, Sept. 15, 1913, Minnehaha Academy welcomed its first class of high school students. Since 1913, Minnehaha has been located in Minneapolis, Minnesota, on the banks of the Mississippi River. Minnehaha was a high school serving grades 9\u201312 until 1972, when grades 7 and 8 were added. In 1981, the South Campus was purchased from Breck School and a chapel was added. The Middle School was established with the addition of grade 6. The Lower School, grades 1\u20135, started in 1982. Kindergarten was added in", + "score": 0.83935546875, + "summary": "Minnehaha Academy is located in Minneapolis, Minnesota, on the banks of the Mississippi River.", + "extraction": "Minnehaha Academy has been located in Minneapolis, Minnesota, on the banks of the Mississippi River since 1913." + }, + { + "id": "3452529", + "title": "Minnehaha Park (Minneapolis)", + "text": "Minnehaha Park (Minneapolis) Minnehaha Park is a city park in Minneapolis, Minnesota, United States, and home to Minnehaha Falls and the lower reaches of Minnehaha Creek. Minnehaha Park is part of the Minneapolis Park and Recreation Board which lies within the Mississippi National River and Recreation Area, a unit of the National Park Service. The park was designed by landscape architect Horace W.S. Cleveland in 1883 as part of the Grand Rounds Scenic Byway system, and was part of the popular steamboat Upper Mississippi River \"Fashionable Tour\" in the 1800s. The park preserves historic sites that illustrate transportation, pioneering, and", + "score": 0.78564453125, + "summary": "Minnehaha Park is located in Minneapolis, Minnesota and is home to Minnehaha Falls and the lower reaches of Minnehaha Creek. However, there is no mention of the location of Minnehaha Academy in the document.", + "extraction": "Irrelevant. The passage does not mention the location of Minnehaha Academy in Minneapolis. It talks about Minnehaha Park." + }, + { + "id": "6997043", + "title": "Minnehaha Academy", + "text": "1985, and then preschool in 1995. The following year, Minnehaha expanded to another campus in Bloomington for preschool through grade 5. The new Athletic Center at North Campus was dedicated in 2002, and the new Chapel and Fine Arts Center in 2003. Renovation of the South Campus (lower and middle school) was completed in 2008. In the Spring of 2011, Minnehaha Academy consolidated its Bloomington Lower School Campus with its Lower School in Minneapolis. In February, 2017, the north campus of the Upper School had to close for three days as a result of a Norovirus outbreak. On Wednesday, August", + "score": 0.77734375, + "summary": "Minnehaha Academy has campuses in Minneapolis and Bloomington. The Lower School in Minneapolis was consolidated with the Bloomington Lower School Campus in 2011.", + "extraction": "Minnehaha Academy has two campuses, one in Minneapolis and one in Bloomington for preschool through grade 5. However, the passage does not provide a specific location within Minneapolis for the Minnehaha Academy." + }, + { + "id": "3452577", + "title": "Minnehaha Park (Minneapolis)", + "text": "children took possession of the park and everything in it. There was no such thing as controlling them, and they ran over everything in sight. It would have taken a small regiment of policemen to have kept that throng in check.\" Minnehaha Park (Minneapolis) Minnehaha Park is a city park in Minneapolis, Minnesota, United States, and home to Minnehaha Falls and the lower reaches of Minnehaha Creek. Minnehaha Park is part of the Minneapolis Park and Recreation Board which lies within the Mississippi National River and Recreation Area, a unit of the National Park Service. The park was designed by", + "score": 0.77490234375, + "summary": "Minnehaha Park is a city park in Minneapolis, Minnesota, and home to Minnehaha Falls and the lower reaches of Minnehaha Creek. However, there is no information provided about the location of Minnehaha Academy.", + "extraction": "Minnehaha Park is a city park in Minneapolis, Minnesota, United States, and home to Minnehaha Falls and the lower reaches of Minnehaha Creek." + }, + { + "id": "4325596", + "title": "50th Street/Minnehaha Park station", + "text": "50th Street/Minnehaha Park station 50th Street/Minnehaha Park is a light rail station on the Blue Line in Minneapolis, Minnesota. This station is located on the southwest corner on the intersection of 50th Street with Minnesota State Highway 55 (Hiawatha Avenue), in the Minnehaha neighborhood. This is a side-platform station. Service began at this station when the Blue Line opened on June 26, 2004. Early on in the design process, there had been some consideration to use a small existing rail station on the other side of the highway for this stop. The Minnehaha Depot, also known as the \"Princess Depot,\"", + "score": 0.76953125, + "summary": "The document mentions the 50th Street/Minnehaha Park station, which is located in the Minnehaha neighborhood of Minneapolis, Minnesota. However, it does not mention the location of Minnehaha Academy. Therefore, the answer is irrelevant.", + "extraction": "The passage is irrelevant to the question \"Where is the minnehaha academy located in Minneapolis?\" as it does not provide any information related to the location of Minnehaha Academy." + }, + { + "id": "6997044", + "title": "Minnehaha Academy", + "text": "2, 2017, at around 10:23 AM, the west-central portion of the Upper School exploded from a natural gas leak while construction crews were working to move a gas meter. Two staff members died, and nine people were injured, one critically. The high school opened in temporary quarters in Mendota Heights for the 2017-18 and 2018-19 school years. Demolition began in December of 2017, and reconstruction of the new structure on that same site is expected to conclude in time for the 2019-20 school year. Minnehaha Academy is a member of the Independent Metro Athletic Conference.The school colors are red and", + "score": 0.75927734375, + "summary": "The Minnehaha Academy's Upper School exploded in 2017 due to a gas leak, causing two staff members to die and nine people to be injured. The high school relocated to Mendota Heights for two years and is expected to be reconstructed in the same location in time for the 2019-20 school year. The school is a member of the Independent Metro Athletic Conference, but the document does not specify where the school is located in Minneapolis, so the answer is \"irrelevant.\"", + "extraction": "The Minnehaha Academy is located in Minneapolis is not mentioned in the provided passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "3452573", + "title": "Minnehaha Park (Minneapolis)", + "text": "activity. Dubbed the \"Birthplace of Minneapolis\", both Hennepin County and Minneapolis were organized in Stevens' home; it was in this home that the name \"Minneapolis\" was suggested. In 1896 over 10,000 school children helped pull the house to its present location in Minnehaha Park. The children were divided into seven relay teams, each consisting of around 1,000 pupils. As teams finished their designated distance, they dropped the ropes and boarded trolley cars for the park. All went well until \"the lads from the South Side High School\" refused to give up the ropes to the next relay team. The \"Minneapolis", + "score": 0.75, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the location of Minnehaha Academy in Minneapolis." + }, + { + "id": "5079750", + "title": "Minnehaha", + "text": "Twin City Rapid Transit on Lake Minnetonka, which has now been restored and is currently operated by Museum of Lake Minnetonka. Minnehaha Avenue and Hiawatha Avenue run parallel to each other from downtown Minneapolis, while another Minnehaha Avenue runs through Saint Paul. Farther west, Minnehaha, Washington stands near Vancouver. Her name is also linked to Minnehaha County in South Dakota and Minnehaha Covenant Church and Minnehaha Park in Spokane, Washington. Lake Minnehaha is located in the center of Holliday Park in Cheyenne, Wyoming. Arizona's Bradshaw Mountains contain a Minnehaha Flat. Toward the Atlantic coast, a Minnehaha Island stands in the", + "score": 0.74951171875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the location of Minnehaha Academy in Minneapolis." + }, + { + "id": "5922637", + "title": "Cooper, Minneapolis", + "text": "committed to renovating and re-opening Cooper's school for the 2017-18 school year. Sanford Middle School (formerly Jr. High) is the closest middle school, and is located in the Howe neighborhood to the south. South High School is the closest senior high school, and is located in the Corcoran neighborhood further to the west. Minnehaha Academy's high school (private) is located along West River Road. The middle school is further south on West River Road in the Howe neighborhood. Cooper is represented by the following people: Cooper, Minneapolis The Cooper neighborhood (part of the larger Longfellow community) resides along the west", + "score": 0.7470703125, + "summary": "Minnehaha Academy is a private high school located along West River Road in Minneapolis.", + "extraction": "Minnehaha Academy's high school (private) is located along West River Road." + }, + { + "id": "3452551", + "title": "Minnehaha Park (Minneapolis)", + "text": "photographed site in Minnesota. Minnehaha Park is situated on the banks of the Mississippi River within the Minnehaha Historic District. Located between Hiawatha Avenue and the Minnehaha Parkway, the park includes Minnehaha Creek with its falls and glen. The 167-acre park is divided into two main portions: an upper section above the falls, with grassy open areas like many other city parks, and the lower 54-acre section which is for the most part allowed to maintain its natural state. The creek runs through the upper section and after it drops at the falls, it flows through the lower glen for", + "score": 0.7470703125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage doesn't mention the location of Minnehaha Academy in Minneapolis." + }, + { + "id": "1245142", + "title": "Minnehaha, Washington", + "text": "\"curling water\" or \"waterfall\", as in Minnehaha Falls, Minnesota. The name comes from the Dakota language. Minnehaha is located in southwestern Clark County at (45.656, -122.622). It is bordered on the west, south, and east by the city of Vancouver and on the north by Walnut Grove. According to the United States Census Bureau, the Minnehaha CDP has a total area of , of which , or 0.26%, is water. As of the census of 2000, there were 7,689 people, 2,795 households, and 2,031 families residing in the CDP. The population density was 3,464.1 people per square mile (1,337.3/km\u00b2). There", + "score": 0.74560546875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about Minnehaha in Clark County, not Minnehaha Academy located in Minneapolis." + }, + { + "id": "9867355", + "title": "Arts in Minneapolis", + "text": "Arts in Minneapolis Minneapolis is the largest city in the US state of Minnesota, and the county seat of Hennepin County. Minneapolitans support a dozen large art, cultural, science, and historical museums alongside smaller galleries and museums, four large ballet, dance, and folkdance companies, as well as filmmakers groups and numerous theater companies. The city publishes updates to \"The Minneapolis Plan for Arts and Culture\" which has produced results such as the formal recognition of the Northeast Arts District in Northeast Minneapolis. The Minneapolis Institute of Arts, founded in 1883, is located near the Minneapolis College of Art and Design", + "score": 0.74365234375, + "summary": "The document is irrelevant to the question.", + "extraction": "The passage is irrelevant to the question \"Where is the Minnehaha Academy located in Minneapolis?\" as it does not provide any information about the academy." + }, + { + "id": "7562276", + "title": "Museum of Lake Minnetonka", + "text": "and is no longer associated with the former organization. The MLM continues to operate the \"Minnehaha\" out of the communities of Excelsior and Wayzata during the summer and autumn seasons and offers a variety of different excursions. The \"Minnehaha\" is currently the only authentic passenger steamboat home-ported in Minnesota. Museum of Lake Minnetonka The Museum of Lake Minnetonka (MLM) is a 501(c)(3) nonprofit, all-volunteer organization that maintains and operates the Lake Minnetonka streetcar steamboat \"Minnehaha\". The MLM formed during a restructuring of the Minnesota Transportation Museum (MTM) in 2004 and is headquartered in Excelsior, Minnesota. Its mission is to \"preserve", + "score": 0.740234375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention the location of Minnehaha Academy in Minneapolis." + }, + { + "id": "4325597", + "title": "50th Street/Minnehaha Park station", + "text": "had been built in 1875 and was used for a variety of purposes over the years. The Milwaukee Road used it for the majority of the time until it closed in 1963, and it was part of the Twin City Rapid Transit streetcar system for many years. Just north of this station is a short tunnel under Minnehaha Parkway. 50th Street/Minnehaha Park station 50th Street/Minnehaha Park is a light rail station on the Blue Line in Minneapolis, Minnesota. This station is located on the southwest corner on the intersection of 50th Street with Minnesota State Highway 55 (Hiawatha Avenue), in", + "score": 0.73974609375, + "summary": "Irrelevant.", + "extraction": "Minnehaha Academy's location is not mentioned in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "7562271", + "title": "Museum of Lake Minnetonka", + "text": "Museum of Lake Minnetonka The Museum of Lake Minnetonka (MLM) is a 501(c)(3) nonprofit, all-volunteer organization that maintains and operates the Lake Minnetonka streetcar steamboat \"Minnehaha\". The MLM formed during a restructuring of the Minnesota Transportation Museum (MTM) in 2004 and is headquartered in Excelsior, Minnesota. Its mission is to \"preserve Lake Minnetonka's history through acquiring, restoring, and presenting items that help tell the story of the lake's colorful past.\" The \"Minnehaha\" was built by the Twin City Rapid Transit Company (TCRT) in 1906 and provided fast and reliable transportation for the residents of Lake Minnetonka during much of the", + "score": 0.7392578125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about the location of Minnehaha Academy in Minneapolis." + }, + { + "id": "11029492", + "title": "Minnehaha Grange Hall", + "text": "near Minnesota State Highway 100 and Eden Avenue in Edina, Minnesota from its original location at the southeast corner of Wooddale Avenue and West 50th Street. The building also served as Edina Village Hall from 1888 to 1942. The building is now owned by the Edina Historical Society along with the adjacent Cahill School, which are open for tour by appointment. Minnehaha Grange Hall Minnehaha Grange No. 398 was organized on December 23, 1873, with members from Edina Mills, Richfield Mills, St. Louis Park, and Hopkins. The National Grange of the Order of Patrons of Husbandry, commonly known as the", + "score": 0.73828125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention the location of Minnehaha Academy in Minneapolis." + }, + { + "id": "8659764", + "title": "Longfellow, Minneapolis", + "text": "It is now an interpretive and information center for the Minneapolis Park System. Lock and Dam No. 1 is located on the southern edge of the neighborhood and offers a bird's-eye view of the locking procedure and other topics ranging from barge traffic in the transportation network to the Corps 9-foot channel project. Minnehaha Park is a historic city park on the shores of the Mississippi River that includes picnic areas, trails, sculpture and the 53 foot falls. An old snack shack in the Minnehaha Pavilion is home to the popular Sea Salt Eatery. Mississippi National River and Recreation Area", + "score": 0.73779296875, + "summary": "Irrelevant.", + "extraction": "The passage is irrelevant as there is no mention of the Minnehaha Academy or its location in Minneapolis." + }, + { + "id": "3452531", + "title": "Minnehaha Park (Minneapolis)", + "text": "was a favorite subject of pioneer photographers, beginning with Alexander Hesler's daguerreotype in 1852. Although he never visited the park, Henry Wadsworth Longfellow helped to spread the waterfall's fame when he wrote his celebrated poem, \"The Song of Hiawatha\". The falls are located on Minnehaha Creek near the creek's confluence with the Mississippi River, near Fort Snelling. The main Minnesota Veterans Home is located on a bluff where the Mississippi and Minnehaha Creek converge. More than 850,000 people visit Minnehaha Falls each year, and it continues to be the most photographed site in Minnesota. Settlement in the area began in", + "score": 0.73779296875, + "summary": "The document is irrelevant to the question.", + "extraction": "Minnehaha Academy is not mentioned in the given passage, so the answer is \"irrelevant\"." + }, + { + "id": "3452578", + "title": "Minnehaha Creek", + "text": "Minnehaha Creek Minnehaha Creek is a 22-mile-long (35 km) tributary of the Mississippi River that flows east from Gray's Bay Dam on Lake Minnetonka through the suburban cities of Minnetonka, Hopkins, Saint Louis Park, and Edina, and the city of Minneapolis. The creek flows over Minnehaha Falls in Minnehaha Park near its mouth at the Mississippi River. As with much of the Midwest, the area around the creek and Lake Minnetonka was originally inhabited by a native culture affiliated with the Mound Builders, but by the 1700s was occupied by the Mdewakanton People, a sub-tribe of the Dakota. The first", + "score": 0.736328125, + "summary": "Minnehaha Creek flows through Minneapolis, including Minnehaha Park where it flows over Minnehaha Falls.", + "extraction": "The passage is irrelevant to the question as it does not mention anything about the location of Minnehaha Academy in Minneapolis." + }, + { + "id": "3452530", + "title": "Minnehaha Park (Minneapolis)", + "text": "architectural themes. Preserved structures include the Minnehaha Princess Station, a Victorian train depot built in the 1870s; the John H. Stevens House, built in 1849 and moved to the park from its original location in 1896, utilizing horses and 10,000 school children; and the Longfellow House, a house built to resemble the Henry Wadsworth Longfellow's house in Cambridge, Massachusetts. The park was listed on the National Register of Historic Places in 1969 as the Minnehaha Historic District in recognition of its state-level significance in architecture, commerce, conservation, literature, transportation, and urban planning. The central feature of the park, Minnehaha Falls,", + "score": 0.7333984375 + }, + { + "id": "7210785", + "title": "Art Institutes International Minnesota", + "text": "Art Institutes International Minnesota The Art Institutes International Minnesota is part of The Art Institutes, a system of proprietary colleges focusing on creative industries. The Art Institutes International Minnesota offered certificate, associates, and bachelor's degrees and at one time had an enrollment of over 2,000 students. The school is located in two facilities in Minneapolis, MN, the LaSalle Building, located at 15 South 9th Street in downtown Minneapolis, and the historic Pence Building, located on the corner of 8th and Hennepin. The Art Institutes International Minnesota houses a variety of classrooms, labs, kitchens, library, student lounges, photography studios, and a", + "score": 0.73193359375 + }, + { + "id": "10501652", + "title": "The Minikahda Club", + "text": "The Minikahda Club The Minikahda Club is a golf club and course located in southwest Minneapolis, Minnesota, just west of Lake Calhoun. The course hosted the U.S. Open in 1916, the U.S. Amateur in 1927, and the Walker Cup in 1957. Minikahda was founded in 1898 on the hills above the west shore of Lake Calhoun, the land, purchased from the Oglala Lakota Chief \"Swift Dog\" who owned the land in which the golf course stands to this day. At the time, there were no roads around the lake, so the property extended to the lake, with a boathouse for", + "score": 0.73046875 + }, + { + "id": "5239618", + "title": "University Avenue (Minneapolis\u2013Saint Paul)", + "text": "its length), and University Avenue is still a significant thoroughfare in the area. University Avenue originally ran along a line several blocks north of its current location, forming a route that once connected the Minneapolis campus of the University of Minnesota to Hamline University in Saint Paul (hence the name). When the construction of the Minnesota Transfer Railway yards blocked that route, the street was moved one-half mile to the south on the Saint Paul side, to what was then called Melrose Avenue. The old University Avenue route was renamed Minnehaha Avenue, which it remains to this day. Some important", + "score": 0.72900390625 + }, + { + "id": "7240198", + "title": "Hennepin Center for the Arts", + "text": "Hennepin Center for the Arts The Hennepin Center for the Arts (HCA) is an art center in Minneapolis, Minnesota, United States. It occupies a building on Hennepin Avenue constructed in 1888 as a Masonic Temple. The building was designed by Long and Kees in the Richardsonian Romanesque architectural style. In 1978, it was purchased and underwent a renovation to become the HCA. Currently it is owned by Artspace Projects, Inc, and is home to more than 17 performing and visual art companies who reside on the building's eight floors. The eighth floor contains the Illusion Theater, which hosts many shows", + "score": 0.72900390625 + }, + { + "id": "4870845", + "title": "Minneapolis Institute of Art", + "text": "Minneapolis Institute of Art The Minneapolis Institute of Art (Mia), formerly known as the Minneapolis Institute of Arts, is a fine art museum located in the Whittier neighborhood of Minneapolis, Minnesota, on a campus that covers nearly 8 acres (32,000 m\u00b2), formerly Morrison Park. As a major, government-funded public museum, the Institute does not charge an entrance fee, except for special exhibitions, and allows photography of its permanent collection for personal or scholarly use only. The museum receives support from the Park Board Museum Fund, levied by the Hennepin County commissioners. Additional funding is provided by corporate sponsors and museum", + "score": 0.724609375 + }, + { + "id": "9871012", + "title": "Geography of Minneapolis", + "text": "where Louis Hennepin first saw it and named St. Anthony Falls in 1680. Due to its value as a power source, this waterfall determined the location of Minneapolis. One branch of the river coming from the west, Minnehaha Creek receded only a few hundred yards from one of the channels of the Mississippi. Minnehaha Falls remains as a picturesque and informative relic of River Warren Falls, and the limestone-over-sandstone construction is readily apparent in its small gorge. Geography of Minneapolis Minneapolis is the largest city in the state of Minnesota in the United States, and the county seat of Hennepin", + "score": 0.724609375 + }, + { + "id": "6997041", + "title": "Minnehaha Academy", + "text": "Erik August Skogsbergh had a vision for education that inspired Minnehaha Academy. He believed in the importance of quality education with Christian faith as its center. The original incorporation from 1905 stated: \u201cThe purpose of this institution shall be to furnish young men and women with the essential elements of a liberal education, and to foster the development of character under the personal influence of Christian teachers.\u201d In 1911, Rev. Skogsbergh and Andrew L. Skoog gathered a group of 11, called the Core of Collectors, who were to raise $100 each toward a new building on the campus. The goal", + "score": 0.72265625 + }, + { + "id": "17789187", + "title": "Hiawatha and Minnehaha", + "text": "the 1893 Exposition. Then, it was put on display in the Minneapolis Public Library. Fjelde's expenses for \"Hiawatha and Minnehaha\" were paid for by small donations collected from Minnesota schoolchildren. Mrs. L.P. (Lizzie) Hunt, a founding member of the Mankato Art History Club and later an official art critic for the state, organized the fundraising drive. Beginning in 1902, an informal public campaign was launched to cast Fjelde's original plaster \"Hiawatha and Minnehaha\" sculpture in bronze and place it in Minneapolis's Minnehaha Park, near the falls mentioned in Longfellow's poem. Critics of the move said that the piece was \"flawed,\"", + "score": 0.7216796875 + }, + { + "id": "7010085", + "title": "Loyola Catholic School", + "text": "located near the Ss Peter and Paul Catholic Church. The Good Counsel Academy was located on Good Counsel Hill, the location for the School Sisters of Notre Dame mother house for the province of Mankato. The Academy closed in 1980. The Loyola High school moved to the Good Counsel Hill location. Loyola Catholic School Loyola Catholic School is located in Mankato, Minnesota. The school is part of the Roman Catholic Diocese of Winona-Rochester and serves students in PreK-Grade 12. The first Catholic school in Mankato was started at Ss. Peter and Paul Catholic Church in 1865. Other elementary schools in", + "score": 0.71923828125 + }, + { + "id": "6997045", + "title": "Minnehaha Academy", + "text": "white. Since 1990 the teams have been called the Redhawks, with the only exceptions being for some of the co-op teams. The following MSHSL sanctioned sports are offered: MA's yearbook is named \"The Antler,\" with its Middle School counterpart the \"Minneantler.\" MA's school newspaper is \"The Talon,\" referring to the foot of the fictional Redhawk mascot. It is a member of the High School National Ad Network. MA's quarterly news publication for parents and alumni is called \"The Arrow.\" Minnehaha Academy Minnehaha Academy (often abbreviated MA) is a Christian private school in Minneapolis, Minnesota, United States, for students in preschool", + "score": 0.71875 + }, + { + "id": "3452571", + "title": "Minnehaha Park (Minneapolis)", + "text": "facade was designed to resemble Longfellow's home in Cambridge, Massachusetts. Originally the home was part of Jones' private 4.6-acre botanical garden and zoological park near Minnehaha Falls. After Jones died, the home fell into disrepair. His will gave the property to the city which used the house as part of the Minneapolis public library from 1936 to 1967. The house was moved in 1994 and renovated. It opened as an information center in 2001. Today the home serves as the home of a botanical art school and provides Park Board offices. The Longfellow House and John H. Stevens House also", + "score": 0.71826171875 + }, + { + "id": "5265684", + "title": "Academy of Holy Angels", + "text": "boys and girls hockey teams won the state championship, the first time in Minnesota that the boys and girls hockey championships were from the same school. Academy of Holy Angels Academy of Holy Angels (AHA) is a private, Catholic, coeducational high school located in Richfield, Minnesota. Located in the Roman Catholic Archdiocese of Saint Paul and Minneapolis, Holy Angels educates more than 650 students each year in grades nine through twelve from around the Twin Cities metropolitan area. The Academy of Holy Angels was founded by the Sisters of St. Joseph of Carondelet on October 2, 1877. On September 15,", + "score": 0.71728515625 + }, + { + "id": "11470251", + "title": "Minnesota Martial Arts Academy", + "text": "Minnesota Martial Arts Academy The Minnesota Martial Arts Academy is a martial arts training center in Brooklyn Center, Minnesota. It was founded in 1992 by Greg Nelson, a former NCAA Division 1 wrestler at the University of Minnesota. The Academy provides training in combative martial arts that include Muay Thai, Wrestling, Boxing, Brazilian Jiu Jitsu, Judo, Filipino Martial Arts, Jeet Kune Do, Modern Army Combatives, and mixed martial arts. The Academy's MMA team, Team Academy, has a winning percentage of 80% Greg Nelson combined his background in NCAA Division 1 wrestling, from college, with the Thai-boxing training he began in", + "score": 0.71630859375 + }, + { + "id": "10501655", + "title": "The Minikahda Club", + "text": "Amateur in 2017. Memberships runs initiation of $100,000 and monthly dues of $2000 The Minikahda Club offers tennis as well as golf, featuring clay courts and during Wimbleton Season, grass courts on the lakeside green. As well as traditional tennis, paddle court tennis is also offered year round. The Minikahda Club The Minikahda Club is a golf club and course located in southwest Minneapolis, Minnesota, just west of Lake Calhoun. The course hosted the U.S. Open in 1916, the U.S. Amateur in 1927, and the Walker Cup in 1957. Minikahda was founded in 1898 on the hills above the west", + "score": 0.7158203125 + }, + { + "id": "3452560", + "title": "Minnehaha Park (Minneapolis)", + "text": "an early missionary who had learned the Dakota language wrote: \"The Indian name, 'Little Waterfall,' is given . . . in speaking of the falls now called by white people 'Minnehaha'. The Indians never knew it by the latter name, bestowed upon it by the whites.\" Minnehaha Creek extends from Lake Minnetonka in the west and flows east for 22 miles (35 km) through several suburbs west of Minneapolis, and continuing through south Minneapolis. The watershed for the creek covers . Along the creek is a 53-foot (16-meter) waterfall, Minnehaha Falls, which is situated 3/4 of a mile from where", + "score": 0.7158203125 + }, + { + "id": "10038875", + "title": "Charles M. Loring", + "text": "advocated a Minnesota state park at Minnehaha Falls, a goal the state tried and failed to achieve. In 1888, Cleveland presented \"The Aesthetic Development of the United Cities of St. Paul and Minneapolis\" at the Minneapolis Society of Fine Arts and convinced the city to preserve the waterfall and to build a city park there. In the 1890s, Cleveland's Minnehaha Park was annexed to Minneapolis and completed the Grand Rounds. Today Minnehaha Park sees 850,000 visitors each year. Named by Folwell, the 52-mile (83 km) Grand Rounds circles from Northeast, Minneapolis to Theodore Wirth Park, to the Chain of Lakes", + "score": 0.7158203125 + }, + { + "id": "5265679", + "title": "Academy of Holy Angels", + "text": "Academy of Holy Angels Academy of Holy Angels (AHA) is a private, Catholic, coeducational high school located in Richfield, Minnesota. Located in the Roman Catholic Archdiocese of Saint Paul and Minneapolis, Holy Angels educates more than 650 students each year in grades nine through twelve from around the Twin Cities metropolitan area. The Academy of Holy Angels was founded by the Sisters of St. Joseph of Carondelet on October 2, 1877. On September 15, 1931, the newly constructed building was opened. The initial enrollment of 107 students in grades 1-12 grew to 182 by the end of the 1931\u20131932 school", + "score": 0.71533203125 + }, + { + "id": "3452569", + "title": "Minnehaha Park (Minneapolis)", + "text": "from the beaches, and now has been exposed by erosion. Together, the three formations that are visible as one walks from the falls to the river represent a sequence of sea-level rise which occurred during the Ordovician period. A small train station officially named Minnehaha Depot but also known as \"the Princess Depot\" was built around 1875; it was a stop on the Milwaukee Road railroad and provided easy access to the park from Fort Snelling and Minneapolis. The depot handled as many as 39 round trips per day. The interior is complete and well-preserved, containing an iron heating stove,", + "score": 0.71484375 + }, + { + "id": "7240200", + "title": "Hennepin Center for the Arts", + "text": "local significance in the theme of architecture. It was nominated for the craftsmanship and integrity of its design by a significant local architectural firm, and for being one of the last well-preserved Richardsonian Romanesque business buildings in Minneapolis. Hennepin Center for the Arts The Hennepin Center for the Arts (HCA) is an art center in Minneapolis, Minnesota, United States. It occupies a building on Hennepin Avenue constructed in 1888 as a Masonic Temple. The building was designed by Long and Kees in the Richardsonian Romanesque architectural style. In 1978, it was purchased and underwent a renovation to become the HCA.", + "score": 0.71484375 + }, + { + "id": "11447003", + "title": "City Academy High School", + "text": "City Academy High School City Academy High School is a charter school in Saint Paul, Minnesota, United States. The school was created a year after charter school legislation in Minnesota was passed. As a charter school, it operates independently, but is sponsored by the College of St. Catherine. On September 7, 1992, City Academy became the first charter school in the United States to open. City Academy operates in a variety of buildings in Saint Paul. The majority of classes are held at a local recreation center in Saint Paul. City Academy enrolls students 15\u201321 years of age who have", + "score": 0.71484375 + }, + { + "id": "11466591", + "title": "Nokomis East", + "text": "Nokomis East Nokomis East is a group of neighborhoods in the southeastern corner of Minneapolis, Minnesota. It consists of four neighborhoods: Keewaydin, Minnehaha, Morris Park and Wenonah. Nokomis East contains two schools, the Nokomis Community Library, and a post office. On its western edge is Lake Nokomis, for which it is named. Two regional parks (Minnehaha and Lake Nokomis), and three neighborhood parks, (Keewaydin, Bossen Field and Morris Park) provide recreation and educational programming for all age groups. Seven churches serve residents of various denominations. Nokomis East is served by the Nokomis East Neighborhood Association (NENA). The main transportation corridors", + "score": 0.71484375 + }, + { + "id": "10395689", + "title": "Minne Lusa", + "text": "Places in September 2010. Several buildings are located within the geographic boundaries of the district but not considered as contributing to the historic district due to their significant alterations. The original Minne Lusa School was opened as Fort School in 1916. It was moved and rebuilt, opening in 1924 in its current location. The school was updated in 1955, and completed another renovation in 1997. Another local landmark called the Viking Ship is, according to a local neighborhood group, \"a building of distinctive architecture at the corner of Minne Lusa Boulevard and Redick Avenue... [it has] been known at different", + "score": 0.71435546875 + }, + { + "id": "20515998", + "title": "Minneapolis Park and Recreation Board", + "text": "of the 53-foot (16 m) Minnehaha Falls, Minnehaha Park is one of the city's oldest and most popular parks, receiving over 850,000 visitors each year. Henry Wadsworth Longfellow named Hiawatha's wife Minnehaha for the Minneapolis waterfall in \"The Song of Hiawatha\", a bestselling and often-parodied 19th century poem. The first natural swimming pool in the United States opened in Webber Park in 2015. The outdoor pool does not use any chemicals, rather it uses natural filters and plants in several container ponds to keep the water clean. The Minneapolis Park and Recreation Board facilities include of land and water, 179", + "score": 0.7119140625 + }, + { + "id": "4808443", + "title": "Brave New Workshop", + "text": "home to productions such as Tony n' Tina's Wedding) in downtown Minneapolis. This location is the main venue for the Brave New Workshop, housing the theater where the main stage sketch comedy shows are performed, as well as an event space and administrative offices. In August 2014, the company announced that the historic Uptown location at 2605 Hennepin Avenue had been sold, and that it had purchased a building located at 727 Hennepin Avenue in downtown Minneapolis. This building is now the home of the Brave New Workshop Student Union, which runs improv and comedy writing classes, as well as", + "score": 0.7119140625 + }, + { + "id": "17789189", + "title": "Hiawatha and Minnehaha", + "text": "and recited parts of Longfellow's poem as part of the program. Fjelde's Hiawatha and Minnehaha sculpture soon became a visitor attraction in the park, and postcards depicting it were widely available. As of 2011, the sculpture remains in its location along Minnehaha Creek and is one of Fjelde's best-known works. Hiawatha and Minnehaha Hiawatha and Minnehaha is a sculpture by Jacob Fjelde that has stood in Minnehaha Park in Minneapolis since the early twentieth century. Now a popular fixture of the park, its placement there was originally controversial. In 1855, Henry Wadsworth Longfellow published a book-length poem entitled \"The Song", + "score": 0.7109375 + }, + { + "id": "3452552", + "title": "Minnehaha Park (Minneapolis)", + "text": "another three-fourths of a mile. Minnehaha Park is a popular site for weddings and cultural festivities. Minnesota is well known for its large population of Swedish immigrants. Since 1934 Swedes have celebrated \"Svenskarnas Dag\" (Swedish Heritage Day) at the park in June of each year. The park has a bandstand with free music concerts in the summer. Bicyclists use miles of off-street trails, including the former Milwaukee Road right-of-way, which leads to Fort Snelling State Park. Bikes are available for rent, and there is an off-leash dog park area. Also located within the park are reservable outdoor picnic sites, and", + "score": 0.7109375 + }, + { + "id": "2985898", + "title": "Orchestra Hall (Minneapolis)", + "text": "Orchestra Hall (Minneapolis) Orchestra Hall, located on 11th Street at Peavey Plaza, between Nicollet Mall and Marquette Avenue in downtown Minneapolis, Minnesota, United States, is home to the Minnesota Orchestra. It is a major landmark of the southern portion of Nicollet Mall and home to many events throughout the year, in addition to being the Orchestra's home. The auditorium seats 2,087, of whom about 1,200 are accommodated on the main floor. The remaining seats are placed in three balconies above and along the sides of the main floor. The auditorium is actually a second building separated for acoustical reasons by", + "score": 0.7099609375 + }, + { + "id": "12616911", + "title": "Minneapolis Golf Club", + "text": "Minneapolis Golf Club Minneapolis Golf Club is a golf club located in St. Louis Park, Minnesota, a suburb of Minneapolis, Minnesota. Designed by Willie Park, Jr. and Donald Ross, the Minneapolis golf course opened in 1916. The club hosted the U.S. Amateur in 1950 as well as the PGA Championship in 1959, which Bob Rosburg won. In 1916, there were only two golf clubs in Minneapolis, Minikahda Country Club and Interlachen Country Club In early 1916, five members of the Minneapolis Athletic Club set plans to establish another golf club to meet the growing popularity of the game. By July,", + "score": 0.70947265625 + }, + { + "id": "1114351", + "title": "Minnetonka, Minnesota", + "text": "the city of Minnetonka: Deephaven Elementary School (Deephaven, MN),Excelsior Elementary School (Excelsior, MN), Minnewashta Elementary School (Shorewood, MN), and Minnetonka Middle School West (Chanhassen, MN) The Hopkins School District comprises two thirds of the city of Minnetonka, the entirety of Hopkins, and portions of the cities of Golden Valley, Edina, St. Louis Park, Wayzata, and Plymouth. In addition to schools located within Minnetonka, the Hopkins School District also includes four schools in the cities of Hopkins and Golden Valley: Eisenhower Elementary School/Xin Xing Academy (Hopkins, MN), Alice Smith Elementary School (Hopkins, MN), Meadowbrook Elementary School (Golden Valley, MN), and Harley", + "score": 0.708984375 + }, + { + "id": "11507192", + "title": "John Harrington Stevens House", + "text": "and was dubbed the \"birthplace of Minneapolis.\" Both Hennepin County and Minneapolis were organized in Stevens' home. He and his wife, Frances Helen, had no white neighbors, but Indians were often seen nearby. The Stevens House was moved several times, finally to Minnehaha Park in south Minneapolis in 1896. The home is part of the Minnehaha Historic District, which was listed on the National Register of Historic Places in 1969. The house is now a museum, with tours available on summer weekends. John Harrington Stevens House The John Harrington Stevens House was the first authorized house on the west bank", + "score": 0.70849609375 + }, + { + "id": "4870859", + "title": "Minneapolis Institute of Art", + "text": "viewer stands inside, the labyrinth can be viewed by looking up. To celebrate its 100th anniversary, the institute purchased a sculpture by the Polish artist Igor Mitoraj (1944\u20132014). \"Eros Bendato Screpolato\", 1999, is one of a series of bronze \"bandaged heads\" produced by Mitoraj. Similar Mitoraj sculptures can be found at other public sites, including Market Square in Krak\u00f3w, Poland, and Citygarden in downtown St. Louis, Missouri. Minneapolis Institute of Art The Minneapolis Institute of Art (Mia), formerly known as the Minneapolis Institute of Arts, is a fine art museum located in the Whittier neighborhood of Minneapolis, Minnesota, on a", + "score": 0.7080078125 + }, + { + "id": "6247811", + "title": "Mounds Park Academy", + "text": "Piano Lessons, STEAM Club, Swim Team, Tumbling, and Dynamic Cartoons. MPA offers bussing from 3 Twin Cities communities: St. Paul/Roseville, Shoreview/North Oaks, Woodbury/Stillwater. District 622 (North St. Paul, Oakdale, Maplewood) provides students living within its boundaries with transportation to MPA. Mounds Park Academy Mounds Park Academy, founded in 1982, is an independent, PreK-12, co-educational, college preparatory day school in St. Paul, Minnesota, United States, serving students from throughout the Twin Cities metropolitan area. The school is accredited by and is a member of the Independent Schools Association of the Central States. It is also a member of the National Association", + "score": 0.70654296875 + }, + { + "id": "12678645", + "title": "Minnesota History Center", + "text": "Minnesota History Center The Minnesota History Center is a museum and library that serves as the headquarters of the Minnesota Historical Society. It is near downtown Saint Paul, Minnesota, and is considered one of Minnesota's finest public buildings. The History Center is on Kellogg Boulevard, between the Mississippi River and the Minnesota State Capitol. Before this building was built in 1992, the Minnesota Historical Society (MNHS) occupied what is now the Minnesota Judicial Center, originally built for the Society in 1917. Before that, MNHS was housed in the basement of the State Capitol. The Center hosts concerts, dance performances, lectures,", + "score": 0.70654296875 + }, + { + "id": "10311660", + "title": "Handicraft Guild Building", + "text": "Handicraft Guild Building The Handicraft Guild Building is located at 89 10th Street South, Minneapolis, Minnesota, United States. It was designed in 1907 by architect William Channing Whitney in the Georgian Revival/Arts & Crafts style to house The Handicraft Guild. An addition to the Handicraft Guild was designed in 1914 by architects Edwin Hawley Hewitt and Edwin Brown at 1000-1006 Marquette Avenue South Minneapolis, Minnesota. It was protected in 1998 by the Minneapolis Heritage Preservation Commission despite attempts by condominium developers to tear the building down. The building houses The Handicraft Guild; founded in 1904, an artist collective and gallery", + "score": 0.70556640625 + }, + { + "id": "7660060", + "title": "Hopkins High School", + "text": "Hopkins High School Hopkins High School is a public high school located in Minnetonka, Minnesota, a southwestern suburb of Minneapolis. It offers classes for grades 9,10, 11, and 12. Hopkins High School is part of the Hopkins School District 270 and draws students from the city of Hopkins, central and eastern parts of Minnetonka, western Edina, northern Eden Prairie, Golden Valley, western St. Louis Park, and southern Plymouth. (Minnetonka High School draws students from western Minnetonka.) In the 1970s, there were two high schools in the district: Dwight D. Eisenhower Senior High School, named for the former general and U.S.", + "score": 0.70556640625 + }, + { + "id": "2846623", + "title": "Dunwoody College of Technology", + "text": "from the school\u2019s inception, the first two buildings were opened in August 1917 and have remained throughout the century. In issues of the Artisan from this period, the Minneapolis Public Library had one of its branches on the campus offering its services the campus\u2019s students. Located across from St. Mary\u2019s Basilica and Loring Park, just west of downtown, the new facility was dedicated on October 31, 1917 and the space at the Minneapolis Central High School facility was left empty. Dr. Marion L. Burton, president of the University of Minnesota, gave the address. Dr. Prosser\u2019s commencement address in May 1918", + "score": 0.70556640625 + }, + { + "id": "6094289", + "title": "SS Minnehaha", + "text": "reach the munitions and caused minimal damage to the ship itself. On 7 September 1917, \"Minnehaha\" sank within four minutes with 43 fatalities, after being torpedoed by German U-boat \"U-48\", off the Fastnet. Her sister ships \"Minneapolis\" and \"Minnetonka\" were sunk while in use as troop transports during World War I. SS Minnehaha SS \"Minnehaha\" was a 13,443-ton ocean liner built by Harland and Wolff and launched on 31 March 1900. Operated by the American-owned Atlantic Transport Line, she was the sister ship of , , and \"Minnewaska\". In her first year of operations, the \"Minnehaha\" collided with and sank", + "score": 0.705078125 + }, + { + "id": "8659759", + "title": "Longfellow, Minneapolis", + "text": "the west border, may have influenced the naming decision when community borders were drawn in the 1960s. Hiawatha Avenue is the main thoroughfare leading north into Downtown Minneapolis and south to the Minneapolis-Saint Paul Airport. Longfellow is home to the Danish American Center, Minnehaha Academy, Christ Church and the Longfellow House. The area is typically recognized by bungalow style Craftsman homes built in the 1920s. However it also contains the Ray and Kay Price House, designed by the famed Ralph Rapson, and the Frederick Lang House, designed by Herb Fritz. Minnehaha Falls was once a national attraction and still is", + "score": 0.705078125 + }, + { + "id": "3594018", + "title": "McNamara Alumni Center", + "text": "McNamara Alumni Center The McNamara Alumni Center at the University of Minnesota's Twin Cities campus in Minneapolis, Minnesota is one of the more architecturally striking buildings in the Twin Cities. The building, opened in 2000, contains two main components: University office space and 10 meeting rooms for University and public use. The University owns the land, but the University of Minnesota Gateway Corporation, consisting of the U of M Foundation and U of M Alumni Association, owns the structure. Located at the intersection of University Avenue and Oak Street SE (200 SE Oak St, Minneapolis, MN 55414), the landmark building", + "score": 0.705078125 + }, + { + "id": "3452563", + "title": "Minnehaha Park (Minneapolis)", + "text": "channel and resulting in an \"abandoned waterfall\" at the north end of the channel. The abandoned west channel is now a grassy cul-de-sac known as the \"Deer Pen\". Locating the abandoned waterfall was made difficult in recent years since the Deer Pen was partially filled with tons of fill dirt from nearby construction projects. Today, the mouth of Minnehaha Creek where it joins the Mississippi River is the lowest surface point in the city of Minneapolis at 686 ft (209 m) above sea level. Erosion within the last century has resulted in a falls that is fairly narrowly channeled and", + "score": 0.70458984375 + }, + { + "id": "14678175", + "title": "Minneapolis Club", + "text": "actor and comedian. The Minneapolis Club is an ivy-covered brick building located in downtown Minneapolis. The present building was designed by Gordon, Tracy and Swartwout (New York) with William Channing Whitney and constructed in 1908. It was expanded in 1911 by Hewitt and Brown and again in 2002 by Setter Leach & Lindstrom. Minneapolis Club The Minneapolis Club is a private club with its clubhouse at 729 Second Avenue South Minneapolis, Minnesota. The Minneapolis Club was founded in 1883 by leading Minnesota business and civic leaders, including John Pillsbury and Charles Loring. In its first 25 years, the club changed", + "score": 0.70458984375 + }, + { + "id": "9865451", + "title": "History of Minneapolis", + "text": "History of Minneapolis Minneapolis is the largest city by population in the U.S. state of Minnesota, and the county seat of Hennepin County. The origin and growth of the city was spurred by the proximity of Fort Snelling, the first major United States military presence in the area, and by its location on Saint Anthony Falls, which provided power for sawmills and flour mills. Fort Snelling was established in 1819, at the confluence of the Mississippi and Minnesota Rivers, and soldiers began using the falls for waterpower. When land became available for settlement, two towns were founded on either side", + "score": 0.70458984375 + }, + { + "id": "9850817", + "title": "Minneapolis Pioneers and Soldiers Memorial Cemetery", + "text": "Minneapolis Pioneers and Soldiers Memorial Cemetery The Minneapolis Pioneers and Soldiers Memorial Cemetery is the oldest extant cemetery in Minneapolis, Minnesota, United States. It was established in 1858 as a privately owned burial ground known as Minneapolis Cemetery or Layman's Cemetery. By 1919 it was full, with more than 27,000 bodies, and was closed by the city government. Only a handful of burials have taken place there since. The cemetery is located at the intersection of Lake Street and Cedar Avenue. Since the first burial in 1853 the cemetery has been the final resting place of those who helped shape", + "score": 0.70361328125 + }, + { + "id": "10311638", + "title": "Handicraft Guild", + "text": "the turn of the 21st century and is a leading influence on the Arts in Minneapolis. The Handicraft Guild Building is located at 89 10th Street South, Minneapolis, Minnesota and still stands today thanks to the efforts of the Minneapolis Heritage Preservation Commission. Correspondence, photographs, and general research about topics, organizations, and individuals involved in or associated with the Handicraft Guild of Minneapolis are held by the Minnesota Historical Society. Handicraft Guild The Handicraft Guild was an organization central to Arts and Crafts movement active in Minneapolis, Minnesota, United States, from 1904 to 1918. The Handicraft guild was founded, led,", + "score": 0.70361328125 + }, + { + "id": "6162327", + "title": "Lake Hiawatha", + "text": "Lake Hiawatha Lake Hiawatha is located just north of Lake Nokomis in Minneapolis, Minnesota. It was purchased by the Minneapolis Park and Recreation Board in 1922 for $550,000. At that time the lake was a marsh known as Rice Lake, but over four years, the park system transformed the wetland into a lake surrounded by a park. The lake and park have a fishing dock, wading pool, tennis courts, and softball diamonds. There is a recreation center that hosts activities. The lake borders a municipal golf course. In the winter the park sets up ice and hockey rinks. There is", + "score": 0.70361328125 + }, + { + "id": "8595238", + "title": "Hennepin County Law Library", + "text": "origin when the Minneapolis Bar Association incorporated on February 20, 1883. The Bar Association was a stock corporation that allowed members to pay for stock by contributing books, the value of which was determined by an appraisal committee. The law library's first location was a room on the second floor of a building on Nicollet Avenue adjoining the First National Bank at Washington Avenue. In August 1883 the collection was moved to the Academy of Music Building, at the corner of Washington and Hennepin Avenues. This magnificent building, a showplace for the arts and the center of the city's entertainment", + "score": 0.70361328125 + }, + { + "id": "6430256", + "title": "Hiawatha, Minneapolis", + "text": "Hiawatha, Minneapolis Hiawatha is a neighborhood within the larger Longfellow community in Minneapolis. It is bordered by Howe to the north, the Mississippi River to the east, Minnehaha Park and Minnehaha neighborhood to the south, and Ericsson and Standish to the west. The Hiawatha Avenue Mural is public art in the Hiawatha neighborhood of Minneapolis. Dedicated on June 7, 1992, the mural was sponsored in 1990 by the Minneapolis Arts Commission through the city's Art in Public Places Program. Sara Rotholz Weiner created the mural to cover 29,000 feet of the Harvest State grain elevator next to Hiawatha Avenue on", + "score": 0.70263671875 + }, + { + "id": "8344494", + "title": "Performing Institute of Minnesota Arts High School", + "text": "and also received a Reward School 2012 recognition from the Minnesota Department of Education. Performing Institute of Minnesota Arts High School Founded in 2002 by Stages Theatre Company and the Hopkins School District, the Performing Institute of Minnesota Arts High School (PiM Arts High School), formerly Main Street School of Performing Arts (MSSPA) is a tuition free public charter school for grades 9 through 12, sponsored by the University of St. Thomas, located in Eden Prairie, Minnesota. PiM Arts High School is open to all high school students throughout the metro area and offers students an integrated program of superior", + "score": 0.7021484375 + }, + { + "id": "8659765", + "title": "Longfellow, Minneapolis", + "text": "provides trails for biking and hiking on along the river and provides access to sandy beaches and viewing points. Minnehaha Mile is a street containing nine antique, vintage, retro, and secondhand shops, more than any other commercial corridor in the state of Minnesota. East Lake Street is a commercial corridor that hosts an extraordinary collection of restaurants that serve foods from around the world and unique shopping & business venues. Longfellow, Minneapolis Longfellow is a defined community in Minneapolis, Minnesota which includes five smaller neighborhoods inside of it: Cooper, Hiawatha, Howe, Seward, and Longfellow. Grouped with South Minneapolis between the", + "score": 0.7021484375 + }, + { + "id": "10395685", + "title": "Minne Lusa", + "text": "Minne Lusa The Minne Lusa Residential Historic District is located in North Omaha, Nebraska. It is included on the National Register of Historic Places. According to the National Park Service, it is an \"example of a substantial, affordable single-family residential development within the city limits that was platted, developed and constructed by a single firm between 1915 and 1941.\" The neighborhood is filled with bungalows, Craftsman, and other styles that were popular in the era. There are 540 properties in the neighborhood that contribute to the historic district, the other 167 do not. Minne Lusa Boulevard is a contributing structure.", + "score": 0.70166015625 + }, + { + "id": "9865524", + "title": "History of Minneapolis", + "text": "2006, just southeast of the Mill City Museum. History of Minneapolis Minneapolis is the largest city by population in the U.S. state of Minnesota, and the county seat of Hennepin County. The origin and growth of the city was spurred by the proximity of Fort Snelling, the first major United States military presence in the area, and by its location on Saint Anthony Falls, which provided power for sawmills and flour mills. Fort Snelling was established in 1819, at the confluence of the Mississippi and Minnesota Rivers, and soldiers began using the falls for waterpower. When land became available for", + "score": 0.701171875 + }, + { + "id": "6094287", + "title": "SS Minnehaha", + "text": "SS Minnehaha SS \"Minnehaha\" was a 13,443-ton ocean liner built by Harland and Wolff and launched on 31 March 1900. Operated by the American-owned Atlantic Transport Line, she was the sister ship of , , and \"Minnewaska\". In her first year of operations, the \"Minnehaha\" collided with and sank a tug in New York Harbor on 18 September 1900. The tug suffered two fatalities. On 18 April 1910, the liner grounded on rocks on Bryher in the Isles of Scilly while en route from New York City to Tilbury, near London; she remained stranded until 13 May when two tugs", + "score": 0.70068359375 + }, + { + "id": "11776740", + "title": "Saint Joseph's Academy (Saint Paul, Minnesota)", + "text": "Saint Joseph's Academy (Saint Paul, Minnesota) St. Joseph's Academy (SJA) was a Catholic school for girls in St. Paul, Minnesota, United States, from 1851 to 1971. Its origins trace to 1851, when the Sisters of St. Joseph opened a school for girls in a log cabin in the frontier settlement. In 1863 the school relocated to a new building, which was expanded over the following decades into a complex that still stands today as the oldest extant Catholic school building in the state of Minnesota. The school complex was listed on the National Register of Historic Places in 1975 for", + "score": 0.7001953125 + }, + { + "id": "15075853", + "title": "Minnesota Sinfonia", + "text": "Orchestras in May 2010. The Minnesota Sinfonia plays at the following venues in the Minneapolis / St. Paul \"Twin Cities\" as well as tours to Greater Minnesota Communities: Winter: The Basilica of Saint Mary (Minneapolis), Metropolitan State University (St. Paul), The University of Minnesota (Minneapolis), Temple Israel (Minneapolis), Temple of Aaron (St. Paul), First Covenant Church (St. Paul), Annunciation Church (Minneapolis), Summer: Como Park, Lake Harriet Bandshell, Lake Phalen Regional Park, Caponi Art Park, Minnesota Zoo, Coon Rapids Regional Dam Park, Roseville Central Park, Camp Courage, John A. Johnson Elementary School, Farnsworth Aerospace Elementary School, Farwell Park, North Commons Park.", + "score": 0.7001953125 + }, + { + "id": "11776742", + "title": "Saint Joseph's Academy (Saint Paul, Minnesota)", + "text": "of the Mississippi River in November 1851. Within a week they opened their first school in the vestry of a log chapel, the forerunner of the Cathedral of St. Paul. When the need for more space became apparent, the Sisters acquired land on what was then the outskirts of the city, in an area known as St. Anthony Hill (now Cathedral Hill). In 1863 the first building that became St. Joseph's Academy was built on the corner of Marshall and Western Avenues. This three-and-a-half-story limestone building is one of the oldest in St. Paul. Growth spurred the construction of more", + "score": 0.7001953125 + }, + { + "id": "3452570", + "title": "Minnehaha Park (Minneapolis)", + "text": "waiting room benches and a ticket window. In 1964, the title was transferred to the Minnesota Historical Society. The Minnesota Transportation Museum assisted in the restoration of the building, and today provides historic interpretation. The depot is open in the summer on Sundays from 1:30 to 4:30. The 50th Street / Minnehaha Park light rail station of the METRO Blue Line currently serves the park. Despite its name, the Longfellow House was never home to the American poet Henry Wadsworth Longfellow; it was instead the home of Robert F. Jones, a Minneapolis philanthropist and entrepreneur. Built in 1907, the house's", + "score": 0.7001953125 + }, + { + "id": "4309339", + "title": "Warehouse District/Hennepin Avenue station", + "text": "Warehouse District/Hennepin Avenue station The Warehouse District/Hennepin Avenue station is a light rail station on the METRO Blue Line and Green Line in Minneapolis, Minnesota. This was the original northern terminus of the Blue Line until the new Target Field station opened on November 14, 2009 to provide access to the new Northstar Commuter Rail line. The Warehouse District station is located on 5th Street North, between 1st Avenue North and Hennepin Avenue in downtown Minneapolis. This is a center-platform station with one traffic lane to the south of the platform. Service began at this station when the Blue Line", + "score": 0.7001953125 + }, + { + "id": "11033073", + "title": "First Church of Christ, Scientist (Minneapolis, Minnesota)", + "text": "and neglected properties in the city. In 1914 First Church of Christ, Scientist, built its second edifice at 24th and Nicollet. Designed by noted Minneapolis architect Harry Wild JOnes, this building is now the Minneapolis First Seventh-day Adventist Church. First Church of Christ, Scientist (Minneapolis, Minnesota) The former First Church of Christ, Scientist, located at 614-620 15th Street, East, in the residential neighborhood of Elliott Park, in Minneapolis, Minnesota, United States. was the first Christian Science church building in Minnesota. It was once surrounded by Victorian homes, but most of them have been replaced by apartment buildings. Minneapolis architect S.", + "score": 0.69970703125 + }, + { + "id": "6572397", + "title": "Saint Thomas Academy", + "text": "Saint Thomas Academy Saint Thomas Academy (abbr. STA), originally known as St. Thomas Aquinas Seminary, and formerly known as St. Thomas Military Academy is the only all male, Roman Catholic, college-preparatory, military high school in Minnesota. It is located in Mendota Heights near Saint Paul. The Academy has a middle school (grades 6-8) and a high school (grades 9-12). The high school students are required to participate in military leadership classes, as the school was previously part of Army JROTC. Its sister school, Convent of the Visitation, is located down the street. Many classes and after school activities involve both", + "score": 0.69970703125 + }, + { + "id": "11848417", + "title": "Minnesota Children's Museum", + "text": "Minnesota Children's Museum The Minnesota Children's Museum is a non-profit community organization located in Saint Paul, Minnesota, USA. The Museum mission statement is \u201cproviding children with a fun, hands-on and stimulating environment to explore and discover\u201d The Museum, in operation since 1981, embraces these core concepts: Early learning is the foundation for lifelong learning. Families are our children\u2019s first teachers. All children deserve a time and place to be children. Diverse perspectives enrich children\u2019s lives. Play is learning On December 12, 1981, the first children entered the original Children's Museum, known as \"Minnesota's AwareHouse\", in downtown Minneapolis. Attendance grew to", + "score": 0.69970703125 + }, + { + "id": "3594022", + "title": "McNamara Alumni Center", + "text": "and reducing foot traffic through events, specifically in Memorial Hall. McNamara Alumni Center The McNamara Alumni Center at the University of Minnesota's Twin Cities campus in Minneapolis, Minnesota is one of the more architecturally striking buildings in the Twin Cities. The building, opened in 2000, contains two main components: University office space and 10 meeting rooms for University and public use. The University owns the land, but the University of Minnesota Gateway Corporation, consisting of the U of M Foundation and U of M Alumni Association, owns the structure. Located at the intersection of University Avenue and Oak Street SE", + "score": 0.69921875 + }, + { + "id": "3452558", + "title": "Minnehaha Park (Minneapolis)", + "text": "park include a bronze statue of Hiawatha carrying Minnehaha created by Jacob Fjelde. It was created for the Columbian Exposition in 1893 and moved to the park in 1912. Other statues commemorate several notable figures including John H. Stevens, the first authorized resident on the west bank of the Mississippi River in what would become Minneapolis. He was granted permission to occupy the site, then part of the Fort Snelling military reservation, in exchange for providing ferry service to St. Anthony across the river. A statue of Swedish musician and poet Gunnar Wennerberg was placed in the park in 1915.", + "score": 0.69873046875 + }, + { + "id": "9188402", + "title": "Bohemian Flats", + "text": "Bohemian Flats Bohemian Flats, also known as Little Bohemia, is the informal name given a residential area of what is now Minneapolis, Minnesota. The area was the low-lying river terrace on west bank of the Mississippi River, a short distance southeast of St. Anthony Falls. About the time Minneapolis was incorporated (1867), immigrants seeking employment in the city or at the mills at St. Anthony settled there. In 1884, the first Washington Avenue Bridge was constructed over the area, linking central Minneapolis with the campus of the University of Minnesota, on the east bank of the river. The area known", + "score": 0.69873046875 + }, + { + "id": "8654752", + "title": "Northeast, Minneapolis", + "text": "The Art of Service. Local and international artists alike compete for space in the juried and non-juried artistic shows. The recent arts influence is expressed by \"Art-A-Whirl\", an art crawl the third week of May that has existed for 18 years, encompassing 400 art studios. The Northeast Minneapolis Arts Association (or NEMAA), which runs Art-A-Whirl, was instrumental in establishing the Northeast Minneapolis Arts District, bounded by Central Avenue, Broadway, the Mississippi River and 26th Avenue. This geographic area was officially recognized as the Arts District by declaration of the City of Minneapolis in 2003. In performing arts, the Ritz Theater,", + "score": 0.69873046875 + }, + { + "id": "11470252", + "title": "Minnesota Martial Arts Academy", + "text": "1983 to form the basis of his Mixed Martial arts system. Starting the gym in 1992 the focus was on combative martial arts & sport martial arts. As The Academy grew it attracted future UFC champions such as Dave Menne, Brock Lesnar, and Sean Sherk. Minnesota Martial Arts Academy The Minnesota Martial Arts Academy is a martial arts training center in Brooklyn Center, Minnesota. It was founded in 1992 by Greg Nelson, a former NCAA Division 1 wrestler at the University of Minnesota. The Academy provides training in combative martial arts that include Muay Thai, Wrestling, Boxing, Brazilian Jiu Jitsu,", + "score": 0.6982421875 + }, + { + "id": "7683826", + "title": "Minneapolis Arena", + "text": "was an events promoter and one of the presidents of the arena, and later inducted into the United States Hockey Hall of Fame. Minneapolis Arena The Minneapolis Arena was an indoor ice rink in Minneapolis, Minnesota that hosted the various Minneapolis Millers teams from 1925 until 1963 and the Minneapolis Bruins of the Central Hockey League from 1963 until 1965. It held 5,500 people and was located at 2900 Dupont Avenue South in the Uptown district of Minneapolis. The University of Minnesota's Golden Gophers ice hockey team used the arena as one of its primary home rinks from 1925 until", + "score": 0.697265625 + }, + { + "id": "4456791", + "title": "Science Museum of Minnesota", + "text": "Institute of Science and Letters, was first located at the St. Paul Auditorium on Fourth Street. In 1927 the museum moved to Merriam Mansion on Capitol Hill, the former home of Col. John Merriam. This move provided more storage space for exhibits. As the Science Museum continued to outgrow its facilities, it moved to the St. Paul-Ramsey Arts and Sciences Center at 30 East Tenth Street in 1964. In 1978, this expanded across a skyway into a new space on Wabasha between 10th and Exchange, greatly increasing exhibit space and adding an IMAX Dome (OMNIMAX) cinema. In the early 1990s,", + "score": 0.697265625 + }, + { + "id": "3452557", + "title": "Minnehaha Park (Minneapolis)", + "text": "The Minneapolis Park and Recreation Board is working to remove invasive species that have been introduced into the park in order to promote a healthy environment so that native species may survive and grow. The central feature of the park, Minnehaha Falls, lies several thousand feet upstream from its original mouth where it emptied into the Mississippi River 10,000 years ago at the end of the last Great Ice Age. Erosion below the falls has exposed Minnesota's geologic past from the present day back to over 450 million years ago, when Minnesota was covered with shallow seas. Statues in the", + "score": 0.69677734375 + }, + { + "id": "19296816", + "title": "Minnehaha (sternwheeler)", + "text": "at auction, either by the sheriff or, more likely, by A.B. Richardson, auctioneer. The auction was conducted on the \"Minnehaha\" itself, at the dock at the foot of Morrison Street in Portland, Oregon. The purchaser at the auction was Barney Train, of East Portland. In 1874, \"Minnehaha\" was engaged in light towing service on the lower Willamette and Columbia rivers. \"Minnehaha\" was dismantled in 1876 at Portland. Minnehaha (sternwheeler) Minnehaha was a sternwheel-driven steamboat which was built in 1866 on Oswego Lake, then known as Sucker Lake, in Oregon, United States. \"Minnehaha\" was later transferred to the Willamette and Columbia", + "score": 0.69677734375 + }, + { + "id": "17766806", + "title": "Lionsgate Academy", + "text": "program serves students from 18\u201321 years of age and is located off-site. For the school's first eight years, it was located at 3420 Nevada Avenue North in Crystal, Minnesota, in a shared building with the local Cornerstone Church. The building, which is now Beacon Academy, was originally Crystal Heights Elementary School before its purchase by the church, making it particularly suitable for Lionsgate Academy. In November 2015, Lionsgate leased a former office building at 5605 Green Circle Drive in Minnetonka, and moved there starting in the 2016-17 school year. Wellington Wealth Management, Inc. owns the building. At the Ribbon Cutting", + "score": 0.6962890625 + }, + { + "id": "17789188", + "title": "Hiawatha and Minnehaha", + "text": "specifically that the features of \"Hiawatha and Minnehaha\" were not Indian enough. Fjelde had struggled to find American Indian people to model the faces after, and he relied on photographs to guide his work. The sculptor died in 1896, so significant changes to the sculpture were no longer possible by 1902. The debate continued until 1912, when the sculpture finally was cast, then installed and unveiled in a public ceremony at Minnehaha Park on October 5. Charles M. Loring, the first president of the Board of Park Commissioners for the Minneapolis Park System, gave a dedicatory speech. Local schoolchildren sang", + "score": 0.6962890625 + }, + { + "id": "11711432", + "title": "Minnesota Center for Book Arts", + "text": "Minnesota Center for Book Arts Minnesota Center for Book Arts (MCBA) is the largest and most comprehensive independent nonprofit book arts center in the United States. Located in Minneapolis, Minnesota, MCBA is a nationally recognized leader in the celebration and preservation of traditional crafts, including hand papermaking, letterpress printing and hand bookbinding, as well as the use of these traditional techniques by contemporary artists in creating new artists' books and artwork. MCBA was established in 1983. Two years later, it moved to the first floor of the McKesson building, at 24 North Third Street, in the Warehouse District of Minneapolis.", + "score": 0.69580078125 + }, + { + "id": "7010074", + "title": "Loyola Catholic School", + "text": "Loyola Catholic School Loyola Catholic School is located in Mankato, Minnesota. The school is part of the Roman Catholic Diocese of Winona-Rochester and serves students in PreK-Grade 12. The first Catholic school in Mankato was started at Ss. Peter and Paul Catholic Church in 1865. Other elementary schools in Mankato/North Mankato were founded at Holy Rosary Catholic Church in 1925, St. John The Baptist Catholic Church in 1942, and St. Joseph the Worker Catholic Church in 1958. The first Catholic high school in Mankato was founded as Loyola High School in 1908. In addition, Good Counsel Academy was opened as", + "score": 0.69580078125 + }, + { + "id": "6247806", + "title": "Mounds Park Academy", + "text": "By 1986, MPA had quadrupled its enrollment and celebrated its first graduating class of nine students. Today MPA has around 500 students in Pre-Kindergarten through 12th grade, and graduates as many as 65 students each year. MPA was originally going to be located in the Mounds Park neighborhood of St. Paul. By the time the school opened, the location had changed to Larpenteur Avenue; however, the school's name and mission stayed the same. The Academy has had a 1:1 laptop program in the upper school since 2000, and added a 1:1 laptop program in the middle school in 2017.]] The", + "score": 0.69580078125 + }, + { + "id": "4870846", + "title": "Minneapolis Institute of Art", + "text": "members. It is one of the largest art museums in the United States. The Minneapolis Society of Fine Arts was established in 1883 to bring the arts into the life of the community. This group, made up of business and professional leaders, organized art exhibits throughout the decade. In 1889, the Society, now known as the Minneapolis Institute of Art, moved into its first permanent space, inside the newly built Minneapolis Public Library. The institute received gifts from Clinton Morrison and William Hood Dunwoody, among others, for its building fund. In 1911, Morrison donated the land, formerly occupied by his", + "score": 0.6953125 + }, + { + "id": "8785462", + "title": "Midtown Phillips, Minneapolis", + "text": "Global Market, Saint Paul's Church, Abubakar As-Sadique Islamic Center, and the Heart of the Beast Theater. The $189 million redevelopment of the vacant Sears building at Chicago Avenue and Lake Street into a mixed-used development of offices, hotel, retail and housing located in Midtown Phillips is one of the most important projects undertaken in Minneapolis in recent times. Stewart Park and Andersen United School are located in the core of Midtown Phillips. According to niche.com, Andersen School has 1,086 students in grades PK and K-8. According to state standards, 28% of students at this school are considered proficient in math", + "score": 0.6953125 + }, + { + "id": "8061170", + "title": "Hennepin Avenue", + "text": "county line. In Downtown Minneapolis, Hennepin Avenue serves as a major entertainment thoroughfare, dubbed the Hennepin Theatre District. It also serves as the dividing line between \"North\" and \"South\" street addresses. Across the river, it divides \"Northeast\" and \"Southeast\" street addresses. The Theatre District contains four historic and architecturally significant theaters for live performances. The State Theatre, the Orpheum Theatre, the Pantages Theatre and the Goodale Theater (formerly the Shubert Theatre on North 7th Street). Also, the Hennepin Center for the Arts and the Cowles Center for Dance and the Performing Arts are located on the artery. For sections south", + "score": 0.69482421875 + }, + { + "id": "6377795", + "title": "Milwaukee High School of the Arts", + "text": "More recently, actress Amy Pietz and Andrew Mrotek, former drummer for The Academy Is... attended MHSA, though not as a music major. Milwaukee High School of the Arts Established in 1895, Milwaukee High School of the Arts (MHSA), formerly West Division Sr. High School, is a high school in Milwaukee, Wisconsin, United States. It is a part of the Milwaukee Public Schools system. It specializes in preparation for a profession in the arts. Students receive a minimum of two hours in arts study each day. Focus is given to creative outlets such as dance, writing, theater, technical theater, visual arts,", + "score": 0.69482421875 + }, + { + "id": "6572400", + "title": "Saint Thomas Academy", + "text": "Champions, 2006 Solar Bike Race Champions, and two time Shell Eco-marathon Champions), Mock Trial, The Rifle Team and The Crack Drill Squad. More than 90% of students participate in co-curricular athletics or activities. Saint Thomas Academy Saint Thomas Academy (abbr. STA), originally known as St. Thomas Aquinas Seminary, and formerly known as St. Thomas Military Academy is the only all male, Roman Catholic, college-preparatory, military high school in Minnesota. It is located in Mendota Heights near Saint Paul. The Academy has a middle school (grades 6-8) and a high school (grades 9-12). The high school students are required to participate", + "score": 0.69482421875 + } + ], + "answer": "The Minnehaha Academy in Minneapolis has both an upper school and a middle and lower school. The upper school is located at 3100 West River Parkway, Minneapolis, Minnesota 55406. The middle and lower school is located at 4200 West River Parkway, Minneapolis, Minnesota, 55406." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who was drafted first in the 2017 nfl draft as player?", + "short_answers": [ + "Myles Lorenz Garrett", + "Myles Garrett" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who was the team that drafted first in the 2017 nfl draft?", + "short_answers": [ + "Cleveland Browns" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who was the college that drafted first in the 2017 nfl draft?", + "short_answers": [ + "Texas A&M" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who was the conference that drafted first in the 2017 nfl draft?", + "short_answers": [ + "Southeastern Conference", + "SEC" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "2017 NFL Draft", + "url": "https://en.wikipedia.org/wiki/2017%20NFL%20Draft" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Myles Lorenz Garrett (born December 29, 1995) is an American football defensive end for the Cleveland Browns of the National Football League (NFL). He played college football at Texas A&M, where he was a two-time All-American. Touted as a standout defensive prospect, Garrett was selected by the Browns first in the 2017 NFL Draft. He has been named to two Pro Bowls and received first-team All-Pro honors in 2020.", + "wikipage": "Myles Garrett" + } + ], + "long_answer": "Myles Lorenz Garrett is an American football defensive end for the Cleveland Browns of the National Football League (NFL). He played college football at Texas A&M, where he was a two-time All-American. Touted as a standout defensive prospect, Garrett was selected by the Browns first in the 2017 NFL Draft within the Southeastern Conference." + }, + { + "knowledge": [ + { + "content": "The 2017 NFL Draft was the 82nd annual meeting of National Football League (NFL) franchises to select newly eligible American football players.", + "wikipage": "2017 NFL Draft" + }, + { + "content": "He played college football at Texas A&M, where he was a two-time All-American.", + "wikipage": "Myles Garrett" + }, + { + "content": "The Aggies compete in the Football Bowl Subdivision (FBS) of the National Collegiate Athletic Association (NCAA) and the Western Division of the Southeastern Conference (SEC).[3]", + "wikipage": "Texas A&M Aggies football" + } + ], + "long_answer": "The 2017 NFL Draft was the 82nd annual meeting of National Football League (NFL) franchises to select newly eligible American football players. Myles Garrett, who played college football at Texas A&M, was drafted first by the Cleveland Browns. Texas A&M is part of the Western Division of the Southeastern Conference (SEC)." + } + ], + "sample_id": "5191207153839372750", + "question": "Who was drafted first in the 2017 nfl draft?", + "docs": [ + { + "id": "19715215", + "title": "2018 NFL Draft", + "text": "15, 2018. Five quarterbacks were selected in the first round\u2014Baker Mayfield, Sam Darnold, Josh Allen, Josh Rosen, and Lamar Jackson\u2014the second highest number of first-round quarterback selections (tied with the 1999 NFL Draft) after the six selected in the 1983 NFL Draft. The draft was also the first to have to have siblings\u2014safety Terrell Edmunds and linebacker Tremaine Edmunds\u2014selected in the opening round of the same draft. The 2018 NFL Draft was the first of two professional sports drafts to be held in the Dallas-Fort Worth metroplex during the calendar year, as the Dallas Stars hosted the 2018 NHL Entry", + "score": 0.759765625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "18315482", + "title": "Myles Garrett", + "text": "draft analyst and scouts to be the first overall player selected. He was ranked the top overall prospect and defensive end by \"Sports Illustrated\", ESPN, Pro Football Focus, and DraftScout.com. Garrett was also ranked the top edge rusher in the draft by NFL analyst Mike Mayock. The Cleveland Browns selected Garrett with the first overall pick of the 2017 NFL Draft. Garrett became the highest draft pick from Texas A&M in the history of the NFL draft. On May 19, 2017, the Cleveland Browns signed Garrett to a fully guaranteed four-year, $30.41 million contract that features a $20.25 million signing", + "score": 0.73095703125, + "summary": "Myles Garrett was drafted first in the 2017 NFL Draft by the Cleveland Browns.", + "extraction": "Myles Garrett was selected with the first overall pick of the 2017 NFL Draft by the Cleveland Browns." + }, + { + "id": "17495350", + "title": "Jared Goff", + "text": "Goff projected to be selected in the early first round of the draft, with the second overall pick of the Cleveland Browns being his most frequently predicted landing spot, or the San Francisco 49ers with the seventh overall pick. On April 28, 2016, Goff was selected with the first overall pick by the Los Angeles Rams in the 2016 NFL Draft. The Rams had traded up in the first round and acquired the first pick from the Tennessee Titans. Goff, Roman Gabriel, and Terry Baker share the distinction of being the only quarterbacks drafted by the Rams in the first", + "score": 0.7255859375, + "summary": "Jared Goff was selected first overall by the Los Angeles Rams in the 2016 NFL Draft.", + "extraction": "Jared Goff was selected with the first overall pick by the Los Angeles Rams in the 2016 NFL Draft." + }, + { + "id": "19896619", + "title": "Solomon Thomas", + "text": "was ranked the second best defensive end (behind Myles Garrett) by NFLDraftScout.com, ESPN, and Sports Illustrated. Pro Football Focus ranked him as the fourth best defensive end in the 2017 NFL Draft. Thomas was drafted by the San Francisco 49ers in the first round with the third overall pick in the 2017 NFL Draft. He became the third consecutive defensive end drafted in the first round by the 49ers, joining Arik Armstead (2015) and DeForest Buckner (2016). The man who drafted Thomas, newly appointed 49ers general manager John Lynch had by chance studied alongside Thomas as a mature student while", + "score": 0.716796875, + "summary": "Solomon Thomas was drafted by the San Francisco 49ers in the first round with the third overall pick in the 2017 NFL Draft.", + "extraction": "Solomon Thomas was drafted by the San Francisco 49ers in the first round with the third overall pick in the 2017 NFL Draft. Therefore, Solomon Thomas was drafted first in the 2017 NFL draft." + }, + { + "id": "19135821", + "title": "2018 NFL season", + "text": "eligible for some form of free agency during the free agency period. Notable players to change teams include: Other retirements The 2018 NFL Draft was held from April 26 to 28 at AT&T Stadium in Arlington, Texas. This was the first draft to take place in an NFL stadium, and the first to be held in Texas. The Cleveland Browns selected Baker Mayfield with the first overall pick. Four referees retired during the 2018 off-season, the most to do so since records on the statistics have been kept. In total, 10 officials left the league in the offseason, and seven", + "score": 0.7158203125, + "summary": "The Cleveland Browns selected Baker Mayfield with the first overall pick in the 2018 NFL Draft.", + "extraction": "Baker Mayfield was drafted first overall by the Cleveland Browns in the 2018 NFL Draft." + }, + { + "id": "18558439", + "title": "Patrick Mahomes", + "text": "with were the Arizona Cardinals head coach Bruce Arians, New Orleans Saints head coach Sean Payton, Cincinnati Bengals quarterbacks coach Bill Lazor, and coaches from the Los Angeles Chargers, Cleveland Browns, Chicago Bears, and Pittsburgh Steelers. The Kansas City Chiefs selected Mahomes in the first round (10th overall) in the 2017 NFL Draft. The Buffalo Bills traded the 10th overall pick to the Chiefs for their first round pick, third round pick, and the Chiefs' first round pick in the 2018 NFL Draft. He was the first quarterback selected by the Chiefs in the first round since they selected Todd", + "score": 0.71533203125, + "summary": "Patrick Mahomes was drafted first by the Kansas City Chiefs in the 2017 NFL draft.", + "extraction": "Patrick Mahomes was drafted first by the Kansas City Chiefs in the 2017 NFL Draft." + }, + { + "id": "19783733", + "title": "Malik Hooker", + "text": "top 15 pick by NFL draft experts and analysts. He was ranked the top free safety in the draft by DraftScout.com and was ranked the second best safety in the draft, behind Jamal Adams, by \"Sports Illustrated\", ESPN, Pro Football Focus, NFL analyst Mike Mayock, and NFL analyst Bucky Brooks. The Indianapolis Colts selected Hooker in the first round (15th overall) of the 2017 NFL Draft. He was the second safety selected, behind LSU's Jamal Adams. On May 18, 2017, the Indianapolis Colts signed Hooker to a fully guaranteed four-year, $12.59 million contract that includes a signing bonus of $2.29", + "score": 0.71533203125, + "summary": "Malik Hooker was drafted 15th overall by the Indianapolis Colts in the first round of the 2017 NFL Draft.", + "extraction": "Malik Hooker was drafted first by the Indianapolis Colts in the first round (15th overall) of the 2017 NFL Draft." + }, + { + "id": "13518855", + "title": "Los Angeles Rams", + "text": "a third-round pick in 2016. They also traded away their first and third-round picks in the 2017 NFL draft. On April 28, 2016, the Rams made their first selection in the 2016 NFL draft by selecting California quarterback Jared Goff first overall. In June 2016, it was reported that the Rams had sold 63,000 season tickets, which was short of their goal of 70,000. Later on July 12, 2016, it was reported that they had sold 70,000 tickets, reaching their goal. In July 2016, the Rams signed a three-year agreement with UC Irvine to use the university's facilities for training", + "score": 0.71484375, + "summary": "Jared Goff was drafted first overall by the Los Angeles Rams in the 2016 NFL draft.", + "extraction": "Jared Goff was drafted first overall by the Los Angeles Rams in the 2016 NFL draft, but there is no information about who was drafted first in the 2017 NFL draft in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "19678579", + "title": "Mitchell Trubisky", + "text": "ESPN and Pro Football Focus ranked Trubisky the second best quarterback, NFLDraftScout.com ranked him as the top quarterback in the draft, and \"Sports Illustrated\" ranked him the fourth best quarterback available. Trubisky was drafted by the Chicago Bears in the first round with the second overall pick in the 2017 NFL Draft (after defensive end Myles Garrett was selected by the Cleveland Browns first overall). The Bears moved up from the third overall pick by trading the San Francisco 49ers two third-round picks and a fourth-round pick. During the 2017 preseason, Trubisky recorded the third-highest passer rating of the 29", + "score": 0.7109375, + "summary": "Mitchell Trubisky was drafted by the Chicago Bears in the first round with the second overall pick in the 2017 NFL Draft.", + "extraction": "Mitchell Trubisky was drafted by the Chicago Bears in the first round with the second overall pick in the 2017 NFL Draft." + }, + { + "id": "19970991", + "title": "Forrest Lamp", + "text": "Lamp to be selected in the first round. He was ranked the top guard in the draft by NFLDraftScout.com and Pro Football Focus, the top offensive lineman by ESPN, the top interior offensive lineman by NFL media analysts Mike Mayock and Bucky Brooks, and the third best offensive tackle by \"Sports Illustrated\". The Los Angeles Chargers selected Lamp in the second round (38th overall) of the 2017 NFL Draft. Lamp was the first offensive guard drafted in 2017. On May 11, the Los Angeles Chargers signed Lamp to a four-year, $6.66 million contract with $3.75 million guaranteed and a signing", + "score": 0.71044921875, + "summary": "Forrest Lamp was the first offensive guard drafted in the 2017 NFL Draft, selected in the second round (38th overall) by the Los Angeles Chargers.", + "extraction": "Forrest Lamp was the first offensive guard drafted in the 2017 NFL Draft." + }, + { + "id": "20359216", + "title": "2018 Major League Baseball draft", + "text": "5 and 6. With a tie for the worst record in the 2017 MLB season at 64\u201398, the Detroit Tigers received the first overall pick ahead of the San Francisco Giants via a tiebreaker. The Detroit Tigers selected Casey Mize with the first overall pick in the draft. There were a total of 40 rounds in the draft, with 1,214 players selected. 2018 Major League Baseball draft The 2018 Major League Baseball (MLB) First-Year Player Draft began on June 4, 2018. The draft assigned amateur baseball players to MLB teams. The draft order was determined based on the reverse order", + "score": 0.70703125, + "summary": "Irrelevant.", + "extraction": "Casey Mize" + }, + { + "id": "6958430", + "title": "1984 NFL Draft", + "text": "a quarterback was not selected in the first round; the first quarterback selected in 1984 was Boomer Esiason, who was selected by the Cincinnati Bengals in the second round, with the 38th overall pick. 1984 NFL Draft The 1984 NFL Draft was the procedure by which National Football League teams selected amateur college football players. It is officially known as the NFL Annual Player Selection Meeting. The draft was held May 1\u20132, 1984, at the Omni Park Central Hotel in New York City, New York. No teams elected to claim any players in the regular supplemental draft that year. The", + "score": 0.70654296875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is about the 1984 NFL draft, not the 2017 NFL draft." + }, + { + "id": "18504420", + "title": "2016 NFL Draft", + "text": "2016 NFL Draft The 2016 NFL Draft was the 81st annual meeting of National Football League (NFL) franchises to select newly eligible American football players. As in 2015, the draft took place in Chicago, Illinois at the Auditorium Theatre and Grant Park. The draft began on Thursday, April 28 with the first round, and ended on Saturday, April 30. The Tennessee Titans, the team with the fewest wins in the NFL for the 2015 season, traded the right to the top pick in the draft to the Los Angeles Rams, the first time the top pick was traded before the", + "score": 0.70654296875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "19648055", + "title": "Minkah Fitzpatrick", + "text": "was expected to be drafted within the top 15 selections. Fitzpatrick was ranked as the top cornerback prospect in the draft by DraftScout.com and was ranked as the top safety prospect by Sports Illustrated and NFL analyst Mike Mayock. The Miami Dolphins selected Fitzpatrick in the first round (11th overall) of the 2018 NFL Draft. Fitzpatrick was the first safety drafted in 2018. On June 1, 2018, the Miami Dolphins signed Fitzpatrick to a fully guaranteed four-year, $16.4 million contract that includes a signing bonus of $10.04 million. During training camp, Fitzpatrick competed against T. J. McDonald to be the", + "score": 0.70654296875, + "summary": "Irrelevant. The document talks about Minkah Fitzpatrick's draft and contract details in 2018, but does not mention who was drafted first in the 2017 NFL draft.", + "extraction": "Minkah Fitzpatrick was not drafted first in the 2017 NFL Draft. Therefore, the passage is irrelevant to the given question." + }, + { + "id": "20513348", + "title": "Hayden Hurst", + "text": "passes for 559 yards and two touchdowns. He was unanimously named to the 2017 All-SEC football team. Hurst declared for the 2018 NFL Draft on December 7, 2017, nearly a month before the 2018 Outback Bowl against Michigan. Hurst recorded three receptions for 41 yards in the 2018 Outback Bowl for a 26\u201319 South Carolina victory over Michigan. The Baltimore Ravens selected Hurst in the first round (25th overall) of the 2018 NFL Draft. He was the first tight end selected in the draft. On June 19, 2018, Hurst signed a four-year deal worth $11 million featuring a $6.1 million", + "score": 0.7060546875, + "summary": "The Baltimore Ravens selected Hayden Hurst as the first tight end in the 2018 NFL Draft.", + "extraction": "Hayden Hurst was the first tight end selected in the draft, drafted by the Baltimore Ravens in the first round (25th overall) of the 2018 NFL Draft." + }, + { + "id": "6733914", + "title": "1997 NFL Draft", + "text": "1997 NFL Draft The 1997 NFL draft was the procedure by which National Football League teams selected amateur college football players. It is officially known as the NFL Annual Player Selection Meeting. The draft was held April 19\u201320, 1997, at the Paramount Theatre at Madison Square Garden in New York City, New York. No teams chose to claim any players in the supplemental draft that year. This draft was notable for its high-profile offensive linemen. The first overall selection was Orlando Pace, who has appeared in seven consecutive Pro Bowls from 2000 to 2006. Tarik Glenn was selected 19th overall", + "score": 0.7060546875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is about the 1997 NFL draft and does not provide information about the 2017 NFL draft." + }, + { + "id": "17038506", + "title": "Laremy Tunsil", + "text": "Bowl by a score of 48\u201320. Shortly after Ole Miss's bowl game, Tunsil announced his decision to forgo his final college year and enter the 2016 NFL Draft. In February, a number of mock drafts projected him to be the No. 1 overall selection by the Tennessee Titans. NFL Media analyst Lance Zierlein compared Tunsil to All-Pro offensive tackle Tyron Smith. After an outstanding performance in offensive line drills at the NFL Combine, Tunsil further established himself as the No. 1 draft prospect. On April 14, the Titans announced a trade of their first overall draft pick to the Los", + "score": 0.705078125, + "summary": "Irrelevant.", + "extraction": "Laremy Tunsil was the No. 1 draft prospect and was drafted first in the 2017 NFL Draft." + }, + { + "id": "16192536", + "title": "History of the Los Angeles Rams", + "text": "Rams traded their 2016 first-round pick, two second-round picks, a third-round pick, and their 2017 first-round and third-round picks to the Tennessee Titans in exchange for the number one pick, alongside their fourth-round pick and a sixth-round pick. The Rams decided to wait until after Lakers great Kobe Bryant's last game before announcing the blockbuster trade. On April 28, 2016, the Rams drafted quarterback Jared Goff from California, with the 1st overall pick in the 1st round. The team also selected tight end Tyler Higbee and wide receiver Pharoh Cooper in the 4th round with the 110th and 117th picks,", + "score": 0.70361328125, + "summary": "Jared Goff was drafted first in the 2017 NFL draft by the Los Angeles Rams.", + "extraction": "Jared Goff was drafted first in the 2017 nfl draft." + }, + { + "id": "19027969", + "title": "Jack Conklin", + "text": "the third best offensive tackle prospect in the draft by DraftScout.com, NFL analyst Mike Mayock, and ESPN analyst Jeff Legwold. He was ranked the fourth best offensive tackle by Sports Illustrated. The Tennessee Titans selected Conklin in the first round (8th overall) of the 2016 NFL Draft. The Tennessee Titans traded their first (15th overall) and third round (76th overall) picks in the 2016 NFL Draft to the Cleveland Browns in order to receive the eighth overall pick, as well as a sixth round pick (176th overall), to draft Conklin. Conklin was the second offensive tackle drafted after the unexpected", + "score": 0.70263671875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about the 2016 NFL Draft, not the 2017 NFL Draft." + }, + { + "id": "17825422", + "title": "2015 NFL Draft", + "text": "held the right to select first because they had the league's worst record in the previous season. The Arizona Cardinals made the final pick in the draft, commonly called Mr. Irrelevant. One of the major storylines approaching the NFL draft was the competition between the previous two Heisman Trophy winners, Jameis Winston winning the award in 2013 and Marcus Mariota in 2014. Both were considered excellent prospects and had the potential to become the first overall draft selection. Winston was considered to be a more polished pocket passer and pro-style quarterback, but has had several off the field issues while", + "score": 0.7021484375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "17902700", + "title": "2017 NHL Entry Draft", + "text": "New Jersey Devils, Philadelphia Flyers and Dallas Stars won the draft lotteries that took place on April 29, 2017, giving them the first, second and third picks overall. New Jersey moved up four spots to earn the first selection, while Philadelphia and Dallas moved up from the thirteenth and eighth spots, respectively. In the process, the Colorado Avalanche, Vancouver Canucks, Vegas Golden Knights and Arizona Coyotes were each knocked down three places from first, second, third and fourth overall, respectively, while the Buffalo Sabres and Detroit Red Wings dropped two spots and the Florida Panthers, Los Angeles Kings, Carolina Hurricanes", + "score": 0.701171875 + }, + { + "id": "19733622", + "title": "Mike McGlinchey (offensive lineman)", + "text": "Prior to 2016, he moved from right to left tackle. McGlinchey said he would be returning to Notre Dame for his 5th year of eligibility. The San Francisco 49ers selected McGlinchey in the first round (ninth overall) of the 2018 NFL Draft. McGlinchey was the first offensive tackle drafted in 2018 and was the second offensive linemen selected, behind Notre Dame teammate Quenton Nelson (sixth overall). On July 23, 2018, the San Francisco 49ers signed McGlinchey to a fully guaranteed four-year, $18.34 million contract that includes a signing bonus of $11.41 million. McGlinchey entered training camp slated as the starting", + "score": 0.70068359375 + }, + { + "id": "6621349", + "title": "1986 NFL Draft", + "text": "1986 NFL Draft The 1986 NFL draft was the procedure by which National Football League teams selected amateur college football players. It is officially known as the NFL Annual Player Selection Meeting. The draft was held April 29\u201330, 1986, at the Marriot Marquis in New York City, New York. The league also held a supplemental draft after the regular draft and before the regular season. The first overall selection, Bo Jackson, had told the Buccaneers prior to the draft that he would refuse to sign with the team. Disputes with team owner Hugh Culverhouse intensified after Jackson was ruled ineligible", + "score": 0.7001953125 + }, + { + "id": "20296075", + "title": "2019 NFL Draft", + "text": "2019 NFL Draft The 2019 NFL Draft will be the 84th annual meeting of National Football League (NFL) franchises to select newly eligible players. The draft will be held on April 25\u201327 in Nashville, Tennessee. The first round will be held on April 25, followed by the second and third round on April 26 and will conclude with rounds 4\u20137 on Saturday April 27. The host city for the 2019 (as well as the 2020) draft was chosen from among finalists Denver, Kansas City, Las Vegas, Nashville, and Cleveland/Canton in May 2018 at the NFL Spring League Meeting. On May", + "score": 0.69921875 + }, + { + "id": "9564279", + "title": "Gary Glick", + "text": "Gary Glick Gary Galen Glick (May 14, 1930 \u2013 February 11, 2015) was a professional American football safety who played seven seasons in the National Football League. He was the first overall selection in the 1956 NFL Draft, and the only defensive back to be picked first overall in all NFL drafts (1936 to 2017). Glick attended Colorado State University, where he starred as a quarterback. Until 1985 he was a head coach for the Norfolk Neptunes and then the Montreal Alouettes before becoming an NFL scout. Glick died on February 11, 2015, aged 84, at his home in Fort", + "score": 0.6982421875 + }, + { + "id": "20296076", + "title": "2019 NFL Draft", + "text": "23, 2018, the league announced Nashville as the host city of the 2019 NFL Draft. 2019 NFL Draft The 2019 NFL Draft will be the 84th annual meeting of National Football League (NFL) franchises to select newly eligible players. The draft will be held on April 25\u201327 in Nashville, Tennessee. The first round will be held on April 25, followed by the second and third round on April 26 and will conclude with rounds 4\u20137 on Saturday April 27. The host city for the 2019 (as well as the 2020) draft was chosen from among finalists Denver, Kansas City, Las", + "score": 0.69677734375 + }, + { + "id": "7194217", + "title": "1978 NFL Draft", + "text": "1978 NFL Draft The 1978 NFL draft was the procedure by which National Football League teams selected amateur college football players. It is officially known as the NFL Annual Player Selection Meeting. The draft was held May 2\u20133, 1978, at the Roosevelt Hotel in New York City, New York. The league also held a supplemental draft after the regular draft and before the regular season. The Tampa Bay Buccaneers had the first pick in the 1978 draft, by virtue of their 2\u201312 record in 1977. Tampa Bay traded the pick to the Oilers, for tight end Jimmie Giles and the", + "score": 0.6962890625 + }, + { + "id": "19743693", + "title": "Sam Darnold", + "text": "was selected by the New York Jets in the first round, with the third overall selection, of the 2018 NFL Draft. On July 30, 2018, Darnold signed a 4-year deal worth $30.25 fully guaranteed featuring a $20 million signing bonus with the Jets. Darnold made his professional debut on August 10, in the first preseason game against the Atlanta Falcons, where he finished with 96 passing yards and a touchdown as the Jets won 17\u20130. On August 29, the Jets named Darnold the starter for Week 1 of the season. Darnold played his first regular season game on September 10,", + "score": 0.69580078125 + }, + { + "id": "17825423", + "title": "2015 NFL Draft", + "text": "playing at Florida State, ranging from a sexual assault allegation to shoplifting incidents. Mariota was considered a better athlete, the fastest quarterback in the draft, and had a better off-the-field reputation. However, Mariota ran a spread offense at Oregon which typically had not transitioned well from college to the NFL. Although neither was considered a perfectly safe pick, the two quarterbacks were selected first and second overall. This is only the sixth time in NFL history that this has occurred. (1971, 1993, 1998, 1999, 2012). It was also the first time that two Heisman trophy winners were selected with the", + "score": 0.6953125 + }, + { + "id": "8069439", + "title": "1966 NFL Draft", + "text": "1966 NFL Draft The 1966 National Football League draft was held at the Summit Hotel in New York City on Saturday, November 27, 1965. The expansion Atlanta Falcons were awarded the first pick in each round as well as the final pick in each of the first five rounds. The first overall selection was Tommy Nobis, a linebacker from Texas. The league also provided the Falcons with an expansion draft six weeks later. This was the last draft in which the NFL and the AFL selected their players separate of one another. As a result, most players drafted by teams", + "score": 0.6953125 + }, + { + "id": "7694296", + "title": "1974 NFL Draft", + "text": "is the Dallas Cowboys\u2019 1964 draft, when three Hall of Famers were taken. The Houston Oilers had the first pick in the 1974 draft based on their one-win record in 1973, but they traded the first overall pick\u2014as well as the first pick of the third round, #53 overall\u2014to the Dallas Cowboys in exchange for defensive end Tody Smith and wide receiver Billy Parks. Dallas used the two picks to select two future Pro Bowlers, defensive end Ed \"Too Tall\" Jones and quarterback Danny White. This was the first NFL draft since 1938 to not have any quarterbacks taken in", + "score": 0.6953125 + }, + { + "id": "19482264", + "title": "David Onyemata", + "text": "play in the East\u2013West Shrine Game, and became the top Canadian prospect in the 2016 draft. Onyemata was drafted by the New Orleans Saints in the fourth round of the 2016 NFL draft as the 120th overall pick. He was the first player from the University of Manitoba ever selected for the NFL draft, and the twelfth NFL draft pick from the CIS (now U Sports). The Saints traded their fifth round picks for 2016 and 2017 to Washington in order to draft Onyemata. He was also selected by the Saskatchewan Roughriders in the fourth round of the 2016 CFL", + "score": 0.69482421875 + }, + { + "id": "5341931", + "title": "Dan Wilkinson", + "text": "trade with the Cincinnati Bengals for the No. 1 draft pick, including the New England Patriots, who reportedly offered their first-round pick (4th overall), plus several players including offensive guard Eugene Chung (their first-round choice in 1992), and the Arizona Cardinals, who offered their pick plus running back Garrison Hearst (their 1993 first-rounder). Eventually, the Bengals decided to keep the pick, and decided not to select a quarterback, since they already picked David Klingler in 1992. Becoming the third defensive lineman in four years\u2014after Russell Maryland and Steve Emtman\u2014to be selected first overall, Wilkinson was chosen by the Bengals. He", + "score": 0.6943359375 + }, + { + "id": "11345530", + "title": "2000 Sugar Bowl", + "text": "National Football League during the 2000 NFL Draft, held April 15 and 16, in New York City. Florida State had three players selected in the first round of the draft and seven players taken overall. Peter Warrick was the first player picked, selected with the fourth overall selection by the Cincinnati Bengals. Defensive tackle Corey Simon was selected two picks later with the sixth overall selection, and placekicker Sebastian Janikowski was taken 17th. Later rounds saw Ron Dugans (66th), Laveranues Coles (78th), Jerry Johnson (101st), and Mario Edwards (180th) taken in the draft from Florida State. Virginia Tech had no", + "score": 0.69384765625 + }, + { + "id": "16475156", + "title": "NFL Top 100", + "text": "the reigning MVP of the league. The reigning MVP of that season, Aaron Rodgers, was ranked number two. The NFL Top 100 list returned for the 2016 NFL season. The season ran from on May 4 to July 6, 2016. The number one ranked player of 2016 was Carolina Panthers quarterback Cam Newton. Marcell Dareus and Steve Smith fell out of Top 100, but were in honorable mentions list alongside Jameis Winston. The NFL Top 100 list returned for the 2017 NFL season. The season ran from on May 1 to June 26, 2017. The number one ranked player of", + "score": 0.69287109375 + }, + { + "id": "6733937", + "title": "1999 NFL Draft", + "text": "1999 NFL Draft The 1999 NFL draft was the procedure by which National Football League teams selected amateur college football players. It is officially known as the NFL Annual Player Selection Meeting. The draft was held April 17\u201318, 1999, at the Theater at Madison Square Garden in New York City, New York. The league also held a supplemental draft after the regular draft and before the regular season. Five quarterbacks were selected in the first round - Tim Couch, Donovan McNabb, Akili Smith, Daunte Culpepper, and Cade McNown - the second most (along with the 2018 NFL Draft) after the", + "score": 0.6923828125 + }, + { + "id": "9564280", + "title": "Gary Glick", + "text": "Collins, Colorado, following a stroke. Gary Glick Gary Galen Glick (May 14, 1930 \u2013 February 11, 2015) was a professional American football safety who played seven seasons in the National Football League. He was the first overall selection in the 1956 NFL Draft, and the only defensive back to be picked first overall in all NFL drafts (1936 to 2017). Glick attended Colorado State University, where he starred as a quarterback. Until 1985 he was a head coach for the Norfolk Neptunes and then the Montreal Alouettes before becoming an NFL scout. Glick died on February 11, 2015, aged 84,", + "score": 0.69189453125 + }, + { + "id": "11776760", + "title": "2001 Atlanta Falcons season", + "text": "pick and first African American quarterback taken number 1 in the NFL Draft. The San Diego Chargers had the number one selection spot in the draft that year but traded the rights to the first overall choice to the Atlanta Falcons a day before the draft, for which they received the Falcons\u2019 first round pick (5th overall) and third round pick in 2001 (used to draft CB Tay Cody), a second round pick in 2002 (used to draft WR Reche Caldwell) and WR/KR Tim Dwight. With the Chargers\u2019 downgraded spot (the 5th overall), they selected Texas Christian University running back", + "score": 0.69189453125 + }, + { + "id": "8468375", + "title": "1960 NFL Draft", + "text": "the draft. 1960 NFL Draft The 1960 National Football League Draft in which NFL teams take turns selecting amateur college American football players and other first-time eligible players, was held at the Warwick Hotel in Philadelphia on November 30, 1959. Many players, including half of those drafted in the first round, signed with teams in the newly created American Football League, including the first overall pick and Heisman Trophy winner Billy Cannon. At the time of the draft, the Cardinals were still the Chicago Cardinals; they moved to St. Louis in March 1960. The Dallas Cowboys were enfranchised in January", + "score": 0.69189453125 + }, + { + "id": "17495342", + "title": "Jared Goff", + "text": "Jared Goff Jared Thomas Goff (born October 14, 1994) is an American football quarterback for the Los Angeles Rams of the National Football League (NFL). He played college football at California and was a first-team All-Pac-12 quarterback in 2015. He was selected by the Rams with the first overall pick of the 2016 NFL Draft. He started his rookie season as the backup to Case Keenum, eventually starting the latter half of the season. He was selected to the Pro Bowl in his second season. Goff was born and raised in Novato, California, the second child and only son of", + "score": 0.69140625 + }, + { + "id": "8468374", + "title": "1960 NFL Draft", + "text": "1960 NFL Draft The 1960 National Football League Draft in which NFL teams take turns selecting amateur college American football players and other first-time eligible players, was held at the Warwick Hotel in Philadelphia on November 30, 1959. Many players, including half of those drafted in the first round, signed with teams in the newly created American Football League, including the first overall pick and Heisman Trophy winner Billy Cannon. At the time of the draft, the Cardinals were still the Chicago Cardinals; they moved to St. Louis in March 1960. The Dallas Cowboys were enfranchised in January 1960 after", + "score": 0.69091796875 + }, + { + "id": "6777298", + "title": "2006 NFL Draft", + "text": "2006 NFL Draft The 2006 National Football League Draft, the 71st in league history, took place in New York City, New York, at Radio City Music Hall on April 29 and April 30, 2006. For the 27th consecutive year, the draft was telecast on ESPN and ESPN2, with additional coverage offered by ESPNU and, for the first time, by the NFL Network. Having signed a contract with the Houston Texans on the evening before the draft, Mario Williams, a defensive end from North Carolina State, became the draft\u2019s first pick. The selection surprised many commentators, who predicted that the Texans", + "score": 0.69091796875 + }, + { + "id": "3868995", + "title": "Bubba Smith", + "text": "by the Baltimore Colts with a selection originally held by the expansion New Orleans Saints, which had been traded for quarterback Gary Cuozzo. Smith's Michigan State teammate, running back Clint Jones, followed him as the #2 pick. To date, Smith is the only Michigan State player to be taken #1 overall. Smith spent nine seasons in the NFL as a defensive end and played in the Super Bowl twice in his first five seasons. The heavily-favored Colts lost Super Bowl III to the New York Jets and won Super Bowl V two years later following the 1970 season. It was", + "score": 0.69091796875 + }, + { + "id": "6733984", + "title": "2001 NFL Draft", + "text": "the previous season \u2014 the champion Baltimore Ravens were assigned the final draft slot and the runner-up New York Giants assigned the 30th slot in each round. The draft was broadcast on ESPN and ESPN2. Due to previous trades, the Dallas Cowboys and Tennessee Titans did not have selections in the first round. More than half of the players selected in the draft's first round (17 of 31) would eventually be elected to at least one Pro Bowl. The first player selected in the draft was quarterback Michael Vick from Virginia Tech, who was selected by the Atlanta Falcons after", + "score": 0.69091796875 + }, + { + "id": "19196256", + "title": "Kareem Hunt", + "text": "Kareem Hunt Kareem AJ Hunt (born August 6, 1995) is an American football running back who is currently a free agent. He played college football at Toledo and was drafted by the Kansas City Chiefs of the National Football League (NFL) in the third round of the 2017 NFL Draft. As a rookie in 2017, he led the NFL in rushing yards and was selected to the Pro Bowl. In November 2018, after video of a violent incident involving Hunt was released, he was placed on the commissioner's exempt list and released by the Chiefs. Hunt attended South High School", + "score": 0.69091796875 + }, + { + "id": "18316294", + "title": "Joey Bosa", + "text": "all of the required combine drills and also participated in positional drills. Bosa met and interviewed with 13 NFL teams at the combine, including the Baltimore Ravens, New Orleans Saints, Dallas Cowboys, Cleveland Browns, and Tennessee Titans. His overall performance at the combine was thought by scouts to be impressive. Bosa was drafted in the first round (3rd overall) by the San Diego Chargers. He was the first of five Ohio State players to be drafted in the first round of the 2016 NFL Draft, followed by Ezekiel Elliott, Eli Apple, Taylor Decker, and Darron Lee. When he remained the", + "score": 0.68994140625 + }, + { + "id": "14914138", + "title": "Geno Smith", + "text": "(No. 1 selection), the Jacksonville Jaguars (No. 2 selection), the Oakland Raiders (No. 3 selection), the Philadelphia Eagles (No. 4 selection), the Buffalo Bills (No. 8 selection), and the New York Jets (No. 9 and No. 13 selections). Smith was in attendance for the first round of the draft as many analysts and scouts expected him to be taken that night however he was not selected; EJ Manuel was the lone quarterback taken in the first round. Smith declined to be interviewed by ESPN afterwards and originally planned to return home but later decided to attend the second day of", + "score": 0.68994140625 + }, + { + "id": "20789895", + "title": "2019 Major League Baseball draft", + "text": "be streamed on MLB.com. With the worst record in the 2018 MLB season, the Baltimore Orioles will receive the first overall pick. The Atlanta Braves will receive the ninth overall pick as compensation for failing to sign Carter Stewart. The Arizona Diamondbacks will receive the 26th overall pick as compensation for failing to sign Matt McLain. The Los Angeles Dodgers will receive the 31st overall pick as compensation for not signing J. T. Ginn. The Pittsburgh Pirates will receive the 37th overall pick for failing to sign Gunnar Hoglund. 2019 Major League Baseball draft The 2019 Major League Baseball (MLB)", + "score": 0.68994140625 + }, + { + "id": "20129149", + "title": "Tanoh Kpassagnon", + "text": "analysts projected him to be drafted anywhere from the second to fourth round. He was ranked the 12th best defensive end in the draft by NFLDraftScout.com and the 13th best defensive end by ESPN. The Kansas City Chiefs selected Kpassagnon in the second round (59th overall) of the 2017 NFL Draft. He was the seventh defensive end selected in the 2017 NFL Draft. On June 7, 2017, the Kansas City Chiefs signed Kpassagnon to a four-year, $4.32 million contract with $1.94 million guaranteed and a signing bonus of $1.32 million. He competed with Rakeem Nu\u00f1ez-Roches, Jarvis Jenkins, Allen Bailey, and", + "score": 0.68994140625 + }, + { + "id": "6959768", + "title": "1979 NFL Draft", + "text": "1979 NFL Draft The 1979 NFL draft was the procedure by which National Football League teams selected amateur college football players. It is officially known as the NFL Annual Player Selection Meeting. The draft was held May 3\u20134, 1979, at the Waldorf Astoria Hotel in New York City, New York. The league also held a supplemental draft after the regular draft and before the regular season. The Buffalo Bills held the first overall pick in the draft, acquired from the San Francisco 49ers in the trade which sent O.J. Simpson to his hometown team. The Bills' selection at No. 1,", + "score": 0.68994140625 + }, + { + "id": "22341", + "title": "Atlanta Falcons", + "text": "2016 NFL Draft selection as a result of the league's investigation. Dan Quinn's first season saw a 5\u20130 start, the team's best start in four years. They would then struggle throughout the rest of the season by losing 8 of their last 11 games, resulting in an 8\u20138 record. They did, however, give the Panthers their only regular season loss. The Falcons used their first-round pick in the 2016 NFL Draft on safety Keanu Neal from the University of Florida. In the Falcons' 25th and final season in the Georgia Dome, Atlanta lost their Week 1 game to the Buccaneers", + "score": 0.689453125 + }, + { + "id": "16463839", + "title": "Christo Bilukidi", + "text": "Arizona College in 2009 before playing for Georgia State. He was a member of Georgia State's first football team and, together with Jake Muasau, the first Panthers to play in the NFL. Bilukidi was drafted 21st overall in the 3rd round of the 2012 CFL Draft by the Winnipeg Blue Bombers. On April 28, 2012, Bilukidi became the first former Georgia State football player to be drafted into the NFL when he was chosen by the Oakland Raiders as the 189th pick overall in the sixth round of the 2012 NFL Draft. He was released by the Raiders on October", + "score": 0.689453125 + }, + { + "id": "19028031", + "title": "Tre'Davious White", + "text": "draft by \"Sports Illustrated\", Pro Football Focus, and ESPN, ranked the fourth best cornerback by NFL analyst Bucky Brooks, ranked the fifth best cornerback by NFL analyst Mike Mayock, and ranked the seventh best cornerback by DraftScout.com. The Buffalo Bills selected White in the first round (27th overall) of the 2017 NFL Draft. White was the fifth cornerback drafted in 2017. On May 18, 2017, the Buffalo Bills signed White to a four-year, $10.09 million contract that includes $7.78 million guaranteed and a signing bonus of $5.47 million. Head coach Sean McDermott named White the No. 1 starting cornerback on", + "score": 0.689453125 + }, + { + "id": "19254593", + "title": "Chris Jones (defensive tackle, born 1994)", + "text": "by NFLDraftScout.com. Jones was invited to the NFL Combine and completed the entire workout and all the positional drills. During his 40-yard dash, he fell. He attended Mississippi State's Pro Day, but decided he was satisfied with his combine performance and only performed positional drills. The Kansas City Chiefs drafted Jones in the second round (37th overall) in the 2016 NFL Draft. Jones was the fifth defensive tackle drafted in 2016. On May 8, 2016, the Chiefs signed Jones to a four-year, $6.23 million contract with $3.44 million guaranteed and a signing bonus of $2.73 million. He entered training camp", + "score": 0.68896484375 + }, + { + "id": "17902697", + "title": "2017 NHL Entry Draft", + "text": "2017 NHL Entry Draft The 2017 NHL Entry Draft was the 55th NHL Entry Draft. The draft was held on June 23\u201324, 2017, at the United Center in Chicago, Illinois. The first three selections were Nico Hischier going to the New Jersey Devils, Nolan Patrick going to the Philadelphia Flyers, and Miro Heiskanen going to the Dallas Stars. Ice hockey players born between January 1, 1997, and September 15, 1999, were eligible for selection in the 2017 NHL Entry Draft. Additionally, undrafted, non-North American players born in 1996 were eligible for the draft; and those players who were drafted in", + "score": 0.68896484375 + }, + { + "id": "19896618", + "title": "Solomon Thomas", + "text": "first team All-Pac-12 and won the Morris Trophy. Following the 2016 season, Thomas declared his intentions to enter the 2017 NFL Draft. He was selected 3rd overall in the draft by the San Francisco 49ers. Coming out of Stanford, Thomas was projected to be a first round pick by the majority of analysts and scouts. He was invited to the NFL Scouting Combine, but only chose to participate in the bench, 40-yard dash, vertical, and broad jump. On March 23, 2017, Thomas attended Stanford's pro day, but opted to stand on his combine numbers and only performed positional drills. He", + "score": 0.6884765625 + }, + { + "id": "17658784", + "title": "Hunter Henry", + "text": "yard dash and completing 21 reps in the bench press establishing himself as one of the top tight ends in the 2016 NFL Draft. Henry was drafted by the San Diego Chargers in the second round (35th overall) of the 2016 NFL Draft. He was the first tight end to be selected in the 2016 NFL Draft. In addition, he was the first of five Arkansas Razorbacks to be selected that year. On June 2, 2016, Henry and the Chargers agreed to a four-year, $6.38 million contract with $3.98 million guaranteed and a $2.84 million signing bonus. Henry entered training", + "score": 0.6884765625 + }, + { + "id": "6733856", + "title": "1991 NFL Draft", + "text": "1991 NFL Draft The 1991 NFL draft was the procedure by which National Football League teams selected amateur college football players. It is officially known as the NFL Annual Player Selection Meeting. The draft was held April 21\u201322, 1991, at the Marriott Marquis in New York City, New York. On that day, Raghib \"Rocket\" Ismail from the University of Notre Dame, who was projected as the number one overall pick, instead signed with the Toronto Argonauts of the Canadian Football League (CFL). No teams elected to claim any players in the supplemental draft that year. The first six selections of", + "score": 0.6884765625 + }, + { + "id": "19743682", + "title": "Sam Darnold", + "text": "Sam Darnold Samuel Richard Darnold (born June 5, 1997) is an American football quarterback for the New York Jets of the National Football League (NFL). He played college football at USC. He was drafted third overall by the Jets in the 2018 NFL Draft. Darnold was a two-sport athlete at San Clemente High School, playing football and basketball. Considered a four-star recruit by Rivals.com, he was recruited to USC and joined the football team. After redshirting his freshman year, he served as the second-string quarterback in 2016 before being named the starter after three games. As a redshirt freshman starter,", + "score": 0.6884765625 + }, + { + "id": "16475157", + "title": "NFL Top 100", + "text": "2017 was New England Patriots quarterback Tom Brady, becoming the first player to be voted No. 1 more than once. It was also the second time the #1 ranked player was not the reigning MVP of the league. Matt Ryan, The reigning MVP of that season was ranked number ten. The NFL Top 100 list returned for the 2018 NFL season. The season ran from on April 30 to June 25, 2018. The number one ranked player of 2018 was New England Patriots quarterback Tom Brady, marking his third time being voted No. 1. NFL Top 100 The NFL Top", + "score": 0.68798828125 + }, + { + "id": "19715214", + "title": "2018 NFL Draft", + "text": "2018 NFL Draft The 2018 NFL Draft was the 83rd annual meeting of National Football League (NFL) franchises to select newly eligible players for the 2018 NFL season. The draft was held on April 26\u201328 at AT&T Stadium in Arlington, Texas, and was the first draft to take place in an NFL stadium and the first to be held in Texas, which won out in a fourteen city bid. In order to be eligible to enter the draft, players must be at least three years removed from high school. The deadline for underclassmen to declare for the draft was January", + "score": 0.68798828125 + }, + { + "id": "20512374", + "title": "Trey Quinn", + "text": "for the 2018 NFL Draft. Quinn was drafted by the Washington Redskins with the final pick of the 2018 NFL Draft, making him Mr. Irrelevant. He suffered a high-ankle injury during the first game of the season and was subsequently placed on injured reserve a few days later. He was activated off injured reserve on November 14, 2018. He was placed back on injured reserve on December 5, 2018 after re-injuring his ankle. Trey Quinn Trey Quinn (born December 7, 1995) is an American football wide receiver for the Washington Redskins of the National Football League (NFL). He holds the", + "score": 0.6875 + }, + { + "id": "19264988", + "title": "2017 NFL Draft", + "text": "2017 NFL Draft The 2017 NFL Draft was the 82nd annual meeting of National Football League (NFL) franchises to select newly eligible American football players. It was held in front of the Philadelphia Museum of Art on April 27\u201329, returning to Philadelphia for the first time since 1961. The player selections were announced from an outdoor theater built on the Rocky Steps, marking the first time an entire NFL draft was held outdoors. The NFL announced that the draft was the most attended in history, with more than 250,000 people present. Starting with this draft, compensatory picks could be traded.", + "score": 0.6875 + }, + { + "id": "19150438", + "title": "Saquon Barkley", + "text": "would have made him the first running back since Ki-Jana Carter in 1995 to go first overall. The New York Giants drafted Barkley as the second overall pick in the 2018 NFL Draft. On July 22, 2018, Barkley signed a four-year deal worth $31.2 million fully guaranteed featuring a $20.76 million signing bonus with $15 million of the bonus received immediately (remaining bonus received in October). He scored his first NFL touchdown, a 68-yard rush, in Week 1 of the 2018 season against the Jacksonville Jaguars. Overall, he had 106 rushing yards and a touchdown in the 20\u201315 loss. The", + "score": 0.68701171875 + }, + { + "id": "20408595", + "title": "Daron Payne", + "text": "NFL Draft. Payne was drafted by the Washington Redskins in the first round (13th overall) of the 2018 NFL Draft. On May 10, 2018, Payne signed a four-year contract worth $14.4 featuring a $8.56 million signing bonus. He recorded his first career sack in Week 3 against the Green Bay Packers. Daron Payne Daron Payne, alternatively spelled DaRon, (born May 27, 1997) is an American football nose tackle for the Washington Redskins of the National Football League (NFL). He played college football at Alabama, and was selected by the Redskins in the first round of the 2018 NFL Draft. Payne", + "score": 0.68701171875 + }, + { + "id": "7699450", + "title": "Nick Mangold", + "text": "who had just prior used their No. 1 pick on offensive tackle D'Brickashaw Ferguson in an effort to rebuild their offensive line. The Jets originally acquired the pick from the Atlanta Falcons in a trade for John Abraham. It marked the first instance of a team drafting two offensive linemen in the first round following the 1975 NFL Draft, when the Los Angeles Rams took Dennis Harrah and Doug France. Nick Mangold was the only center selected in the first round of the 2006 NFL Draft, and the highest pick among Ohio State Buckeye centers since Gordon Appleby went 26th", + "score": 0.68701171875 + }, + { + "id": "18293683", + "title": "Deshaun Watson", + "text": "\"Sports Illustrated\", Pro Football Focus, and ESPN. He was ranked the second best quarterback by NFLDraftScout.com. The Houston Texans drafted Watson in the first round (12th overall) of the 2017 NFL Draft. The Texans acquired the pick from the Cleveland Browns, trading their 25th overall pick in the 2017 NFL Draft and their first round pick in the 2018 NFL Draft. Houston had already traded (then, Houston starting quarterback) Brock Osweiler to Cleveland for draft picks earlier that year in part of what was widely considered the first major \"salary dump\" of the NFL. Watson was the third quarterback taken", + "score": 0.68701171875 + }, + { + "id": "19089296", + "title": "Christian McCaffrey", + "text": "He was ranked the third best running back in the draft by \"Sports Illustrated\", the fourth best running back by Pro Football Focus, and ranked the second best by NFLDraftScout.com and ESPN. The Carolina Panthers selected McCaffrey in the first round with the eighth overall pick in the 2017 NFL Draft. He was the second running back selected in that year's draft. Only Leonard Fournette went before him with the fourth overall pick. On May 4, 2017, the Carolina Panthers signed McCaffrey to a four-year, $17.2 million contract with the signing bonus of $10.7 million. He made his professional regular", + "score": 0.6865234375 + }, + { + "id": "14344496", + "title": "Cindrich & Company", + "text": "Atlanta Falcons for a 1st and 3rd round selection. The Atlanta Falcons then selected Fralic, who signed the most lucrative contract for any lineman in the draft, including the top overall pick, Buffalo\u2019s Bruce Smith. The \"Atlanta Journal & Atlanta Constitution\" reported that: \u201cFralic\u2019s contract is so lucrative that it has caused slowdown in the next eleven picks below him in the first round of the draft. No other Number 1 has such an annuity package nor a present value this high. Defensive end Bruce Smith, the draft\u2019s No. 1 pick, signed a $2.8 Million contract for the Buffalo Bills,", + "score": 0.6865234375 + }, + { + "id": "6777300", + "title": "2006 NFL Draft", + "text": "season. 2006 NFL Draft The 2006 National Football League Draft, the 71st in league history, took place in New York City, New York, at Radio City Music Hall on April 29 and April 30, 2006. For the 27th consecutive year, the draft was telecast on ESPN and ESPN2, with additional coverage offered by ESPNU and, for the first time, by the NFL Network. Having signed a contract with the Houston Texans on the evening before the draft, Mario Williams, a defensive end from North Carolina State, became the draft\u2019s first pick. The selection surprised many commentators, who predicted that the", + "score": 0.685546875 + }, + { + "id": "9462905", + "title": "1964 NFL Draft", + "text": "1964 NFL Draft The 1964 National Football League draft was held in Chicago, Illinois, at the Sheraton Hotel & Towers on Monday, December 2, 1963. The first overall pick was Dave Parks, an end from Texas Tech, selected by the San Francisco 49ers. The AFL draft was two days earlier, on Saturday, November 30. In the next two years, the drafts were held on the same day; following the merger agreement in June 1966, a common draft was instituted for 1967. The 1964 NFL Draft is notable for the highest number of players enshrined in Pro Football Hall of Fame", + "score": 0.685546875 + }, + { + "id": "19027631", + "title": "Vadal Alexander", + "text": "and played in the Senior Bowl in January 2016. Coming out of college, he was ranked as the second best offensive guard and projected to be selected in the second or third round. After the NFL Combine, Alexander was projected by the majority of analysts to be selected in the third or fourth round of the 2016 NFL Draft and was ranked the seventh best offensive guard out of the 203 available by NFLDraftScout.com. Alexander was drafted by the Raiders in the seventh round, 234th overall, in the 2016 NFL Draft. Many analysts were surprised by his drastic fall in", + "score": 0.685546875 + }, + { + "id": "19037804", + "title": "Carson Wentz", + "text": "a 40/50 on his Wonderlic test. On April 28, 2016, the Philadelphia Eagles selected Wentz in the first round with the 2nd overall pick in the 2016 NFL Draft. He is the first quarterback the Eagles selected in the first round of an NFL Draft since Donovan McNabb in 1999, who was also taken second overall. He is also the first FCS quarterback taken in the first round since Joe Flacco was taken with the 18th overall selection in 2008, and the highest FCS quarterback taken in draft history. The Eagles traded three top 100 picks in 2016, a first", + "score": 0.685546875 + }, + { + "id": "5641760", + "title": "1999 NFL season", + "text": "interpretation of a forward pass would later be commonly known as the \u201cTuck Rule\u201d, and was repealed in 2013. The 1999 NFL Draft was held from April 17 to 18, 1999 at New York City's Theater at Madison Square Garden. With the first pick, the Cleveland Browns selected quarterback Tim Couch from the University of Kentucky. 1999 NFL season The 1999 NFL season was the 80th regular season of the National Football League. The Cleveland Browns returned to the field for the first time since the 1995 season, whilst the Tennessee Oilers changed its name to Tennessee Titans, and the", + "score": 0.68505859375 + }, + { + "id": "19694356", + "title": "Corey Davis (wide receiver)", + "text": "injury. Davis reportedly scored 31 on the Wonderlic test. Despite an injury leaving Davis unable to perform pre-draft workouts, he was still considered a top wide receiver prospect eligible for the 2017 NFL Draft class. The Tennessee Titans selected Davis in the first round (fifth overall) of the 2017 NFL Draft. He is the highest draft selection ever from Western Michigan University. On July 29, 2017, the Tennessee Titans signed Davis to a fully guaranteed four-year, $25.39 million contract that includes a signing bonus of $16.60 million. Davis made his NFL debut in the Tennessee Titans' season-opening 26-16 loss to", + "score": 0.68505859375 + }, + { + "id": "6733906", + "title": "1995 NFL Draft", + "text": "13 (they would return to Los Angeles in 2016). The league also held a supplemental draft after the regular draft and before the regular season. There were 32 picks in the first round of this draft as the two expansion teams each received two extra picks between the first and second rounds. The Carolina Panthers, having selected second in the 1995 NFL Expansion Draft, were awarded the first overall pick in this draft and the Jacksonville Jaguars, having picked first in the expansion draft, selected second. The Panthers, however, traded their number one pick to the Cincinnati Bengals for the", + "score": 0.6845703125 + }, + { + "id": "20134493", + "title": "D. J. Jones (defensive lineman)", + "text": "drafted by the San Francisco 49ers in the sixth round, 198th overall, in the 2017 NFL Draft. D. J. Jones (defensive lineman) David Oliver \"D. J.\" Jones (born January 19, 1995) is an American football defensive tackle for the San Francisco 49ers of the National Football League (NFL). He played college football at Ole Miss. Jones was drafted by the 49ers in the sixth round of the 2017 NFL Draft. Following high school, D.J. went to East Mississippi Community College, where he was listed as the no. 3 junior college prospect by ESPN. He later transferred to Ole Miss and", + "score": 0.6845703125 + }, + { + "id": "5906281", + "title": "Russell Maryland", + "text": "was inducted into the Iron Arrow Honor Society, the highest honor bestowed by the university. Maryland was inducted into the College Football Hall of Fame in 2011 and to the University of Miami Sports Hall of Fame in 2001. He was the first overall pick in the 1991 NFL Draft, by the Dallas Cowboys, after the initial No. 1 prospect Raghib Ismail decided to sign with the Toronto Argonauts. After the New England Patriots failed to sign Ismail, the Cowboys attempted to do so by trading for the first overall pick, sending the Patriots Eugene Lockhart, Ron Francis, David Howard,", + "score": 0.68408203125 + }, + { + "id": "16396186", + "title": "Chance Warmack", + "text": "Naeole in 1997 has a guard been selected in the top-10 of an NFL draft, but Warmack was considered to have a chance. Warmack was selected in the first round as the 10th overall pick by the Tennessee Titans in the 2013 NFL Draft, becoming the second guard picked in the draft, behind Jonathan Cooper. Cooper and Warmack became the first guards to be selected in the top-10 of the same draft since Dave Cadigan and Eric Moore in 1988. On September 21, 2016, Warmack was placed on injured reserve with a hand injury. On March 9, 2017, Warmack signed", + "score": 0.68408203125 + }, + { + "id": "18415599", + "title": "Danielle Hunter", + "text": "was selected by the Minnesota Vikings in the third round of the 2015 NFL Draft with the 88th pick overall. The pick was part of a trade where the Vikings traded back in the third round, giving up their 80th overall pick for the third- and fifth-rounders (88th and 143rd overall) of the Detroit Lions. As a rookie in 2015, Hunter was the youngest player in the NFL, but quickly managed to earn a rotational role on defense and finished second among all NFL rookies and second in the team in sacks with 6.0. After two seasons in Minnesota, Hunter", + "score": 0.68359375 + }, + { + "id": "19781752", + "title": "John Ross (American football)", + "text": "in the draft by ESPN and was ranked the second best wide receiver prospect by \"Sports Illustrated\" and NFLDraftScout.com. The Cincinnati Bengals selected Ross in the first round (9th overall) of the 2017 NFL Draft. He was the third wide receiver to be selected after Corey Davis and Mike Williams. On May 7, 2017, the Cincinnati Bengals signed Ross to a four-year, $17.1 million contract with a signing bonus of $10.6 million. Ross competed with Brandon LaFell, Cody Core, Tyler Boyd, and Josh Malone throughout training camp to be the starting wide receiver alongside A. J. Green. Although he was", + "score": 0.68310546875 + }, + { + "id": "19363741", + "title": "William Jackson III", + "text": "by NFL draft experts and scouts. He was ranked as the second best cornerback prospect in the draft by DraftScout.com, the third best cornerback by NFL analyst Mike Mayock, and was ranked the fourth best cornerback by \"Sports Illustrated\" and ESPN. The Cincinnati Bengals selected Jackson in the first round (24th overall) of the 2016 NFL Draft. Jackson was the fourth cornerback drafted in 2016. On June 10, 2016, the Cincinnati Bengals signed Jackson to a four-year, $9.07 million rookie contract with $8.71 million guaranteed. Throughout training camp, Jackson competed to be the Bengals' third cornerback on the depth chart", + "score": 0.68310546875 + }, + { + "id": "6560627", + "title": "2003 NFL Draft", + "text": "the Bengals the previous day. He became the first Heisman Trophy winner selected first overall in the draft since Vinny Testaverde in 1987. The event ended nearly 30 hours later with Ryan Hoag being chosen by the Oakland Raiders with the final pick and thus gaining the distinction of \"Mr. Irrelevant\". The draft took an odd turn with the Minnesota Vikings' pick in the first round. The Vikings were apparently attempting to consummate a trade when their fifteen-minute time allowance elapsed. The Jaguars who selected next were quick to pounce, turning in their card to select QB Byron Leftwich immediately", + "score": 0.6826171875 + }, + { + "id": "17036660", + "title": "Menelik Watson", + "text": "Menelik Watson Menelik Watson (born 22 December 1988) is an English professional American football offensive tackle who is currently a free agent. He was drafted by the Oakland Raiders in the second round of the 2013 NFL Draft. He played college football at Florida State. Watson was born into a single-parent family of four brothers and a sister raised on the Anson Estate in Longsight, Greater Manchester, England; his mother, originally from Jamaica, worked as an office cleaner to support the family. At Burnage High School, he excelled at sport. However, he broke his right ankle in 2001 while playing", + "score": 0.6826171875 + }, + { + "id": "14629815", + "title": "2011 Orange Bowl", + "text": "days later, fellow running back Ryan Williams made a similar move. Stanford quarterback Andrew Luck made news for not entering the draft, where he had been widely predicted to be the No. 1 selection. In interviews, he said he looked forward \"to earning [his] degree in architectural design from Stanford University\" and graduating in spring 2012. The 2011 NFL Draft took place in late April, and several players from each Orange Bowl team were selected by professional squads seeking their talents. Virginia Tech's Ryan Williams was the first Orange Bowl participant selected, taken with the 38th overall pick. Tech's Rashad", + "score": 0.6826171875 + }, + { + "id": "19437392", + "title": "Keanu Neal", + "text": "in 10 games with eight starts and had 45 tackles and three interceptions. As a junior in 2015, he started 11 of 12 games, recording 96 tackles, an interception and two sacks under new head coach Jim McElwain. After the season, he entered the 2016 NFL Draft. The Atlanta Falcons selected Neal in the first round (17th overall) of the 2016 NFL Draft. He was the second safety selected in 2016 behind West Virginia's Karl Joseph (12th overall). On May 4, 2016, the Atlanta Falcons signed Neal to a fully guaranteed four-year, $10.73 million contract that includes a signing bonus", + "score": 0.6826171875 + }, + { + "id": "17902701", + "title": "2017 NHL Entry Draft", + "text": "and Winnipeg Jets each dropped one place. The order of the 2017 Entry Draft is listed below. 2017 NHL Entry Draft The 2017 NHL Entry Draft was the 55th NHL Entry Draft. The draft was held on June 23\u201324, 2017, at the United Center in Chicago, Illinois. The first three selections were Nico Hischier going to the New Jersey Devils, Nolan Patrick going to the Philadelphia Flyers, and Miro Heiskanen going to the Dallas Stars. Ice hockey players born between January 1, 1997, and September 15, 1999, were eligible for selection in the 2017 NHL Entry Draft. Additionally, undrafted, non-North", + "score": 0.68212890625 + }, + { + "id": "17594362", + "title": "Leonard Fournette", + "text": "overall running back prospect by NFLDraftScout.com, but was ranked the second best running back behind Florida State's Dalvin Cook by Pro Football Focus and \"Sports Illustrated\". The Jacksonville Jaguars selected Fournette in the first round (fourth overall) of the 2017 NFL Draft. He was the first running back taken in that year's draft. On May 17, 2017, the Jacksonville Jaguars signed Fournette to a four-year, $27 million contract with a $18 million signing bonus. Fournette played his first regular season game on September 10, 2017, against the Houston Texans at NRG Stadium. He rushed for 100 yards and a touchdown", + "score": 0.68212890625 + }, + { + "id": "20290010", + "title": "Frank Ragnow", + "text": "2018 NFL Draft. Ragnow was the first center drafted in 2018 and was the second interior linemen drafted. Ragnow became the highest drafted center from Arkansas, surpassing Steve Korte who was selected 38th overall during the 1983 NFL Draft. On May 12, 2018, the Detroit Lions signed Ragnow to a four-year, $11.78 million contract that includes $9.21 million guaranteed and a signing bonus of $6.64 million. The Detroit Lions immediately moved Ragnow to offensive guard although he had been used strictly as a center during his collegiate career. The Lions had Graham Glasgow slated to be the starting center after", + "score": 0.681640625 + }, + { + "id": "8496711", + "title": "2007 NFL Draft", + "text": "Goodell. The first round was the longest in the history of the NFL draft, lasting six hours, eight minutes. One of the big stories of the draft was the fall of Notre Dame quarterback Brady Quinn. Quinn had been projected as a potential first overall pick in early mock drafts and had been invited to attend the draft in person, but he wasn't selected until the 22nd pick in the first round by the Cleveland Browns, who acquired the pick in a trade with the Dallas Cowboys. Louisiana State University quarterback JaMarcus Russell was selected first overall by the Oakland", + "score": 0.681640625 + }, + { + "id": "15155374", + "title": "Jadeveon Clowney", + "text": "the fastest among defensive linemen, which caused \"USA Today\" calling him \"by far the most freakish physical specimen in this draft.\" Clowney was selected as the first overall pick by the Houston Texans in the 2014 NFL Draft. Clowney joined David Carr and Mario Williams as the third player selected first overall by the Texans. He was also the first defensive player selected first overall since Williams. On June 6, 2014, Clowney signed a four-year deal worth $22.272 million that featured a $14.518 million signing bonus. Clowney made his professional debut on August 9, 2014 during the first preseason game", + "score": 0.681640625 + }, + { + "id": "17898661", + "title": "Myles Jack", + "text": "the draft by \"Sports Illustrated\", ESPN, and NFL analysts Charles Davis, Mike Mayock, Lance Zierlein, and Daniel Jeremiah. Jack was also ranked the top overall player in the draft by ESPN, the second best overall player by NFL analysts Daniel Jeremiah and Lance Zierlein, and the third best overall player by NFL analyst Charles Davis. The Jacksonville Jaguars selected Jack in the second round (36th overall) in the 2016 NFL Draft. The Jaguars traded their second (38th overall) and fifth round (146th overall) picks in the 2016 NFL Draft to the Baltimore Ravens in order to move up two spots", + "score": 0.681640625 + }, + { + "id": "6753781", + "title": "Tyrone Williams (wide receiver)", + "text": "by the Phoenix Cardinals in the ninth round (239th overall) of the 1992 NFL draft, becoming the first CIAU player selected in the NFL draft since the Los Angeles Rams selected offensive lineman Mike Schad of the Queen's University Golden Gaels in the first round (23rd overall) in 1986. Not since University of Toronto Varsity Blues quarterback Dan Feraday, who was selected in the 12th round by the Cincinnati Bengals in 1982, had a skill-position player from a Canadian university been taken by an NFL team. Williams was not the first Western graduate to go to the NFL. Future Canadian", + "score": 0.68115234375 + }, + { + "id": "15799813", + "title": "2013 NFL Draft", + "text": "2013 NFL Draft The 2013 NFL draft was the 78th annual meeting of National Football League (NFL) franchises to select newly eligible football players. The draft, which is officially called the \"NFL Player Selection Meeting,\" was held at Radio City Music Hall in New York City, New York, on April 25 through April 27. Eric Fisher was chosen first overall by the Kansas City Chiefs, becoming the fourth offensive lineman ever to be selected with the top pick (all of them being tackles), since the first Common draft in 1967. Players who attended high school in 39 of the 50", + "score": 0.68115234375 + }, + { + "id": "6946303", + "title": "1988 NFL Draft", + "text": "1988 NFL Draft The 1988 NFL draft was the procedure by which National Football League teams selected amateur college football players. It is officially known as the NFL Annual Player Selection Meeting. The draft was held April 24\u201325, 1988, at the Marriot Marquis in New York City, New York. The league also held a supplemental draft after the regular draft and before the regular season. Notably, the first player selected at the quarterback position did not come until the third round (76th overall), which is the last draft in which this has occurred. In fact, only one draft since \u2013", + "score": 0.6806640625 + }, + { + "id": "18495204", + "title": "Mike Williams (wide receiver, born 1994)", + "text": "2016. On January 10, 2017, hours after Clemson defeated Alabama 35\u201331 for the national championship, Williams announced that he would forgo his senior year and enter the 2017 NFL Draft. Coming out of Clemson, Williams was projected as a first round pick by the majority of draft experts and analysts. He attended the NFL Combine, but only performed the bench, vertical, and broad jump. He performed the 40-yard dash, 20-yard dash, and 10-yard dash at Clemson's Pro Day and also ran positional drills. Williams was ranked the best wide receiver in the draft by ESPN, the second best wide receiver", + "score": 0.6806640625 + }, + { + "id": "18771161", + "title": "Rakeem Nun\u0303ez-Roches", + "text": "the 2014 season, he decided to forego his final year of eligibility and entered the 2015 NFL Draft. Nu\u00f1ez-Roches was drafted in the sixth round (217th overall) of the 2015 NFL Draft by the Kansas City Chiefs. He was the first Belizean born player to ever be drafted in the NFL. On May 11, he signed his rookie contract with the Chiefs. In the 2015 season, he appeared in seven games and recorded four solo tackles. On September 17, 2016, Nu\u00f1ez-Roches was released by the Chiefs. He was signed to the practice squad on September 20, 2016. He was signed", + "score": 0.6806640625 + }, + { + "id": "20130887", + "title": "Derrick Jones (cornerback)", + "text": "to corner for his senior season. At the start of his senior year, Jones was suspended three games for violating the Rebels' conduct standards. In 2016, Jones took his first interception for a touchdown. Jones was drafted by the New York Jets in the sixth round, 204th overall, in the 2017 NFL Draft. The Jets looked to bring in an interception threat with the pick. Derrick Jones (cornerback) Derrick Jones (born December 4, 1994) is an American football cornerback for the New York Jets of the National Football League (NFL). He played college football at Ole Miss. The sixth-round pick", + "score": 0.6806640625 + }, + { + "id": "9239488", + "title": "Rutgers Scarlet Knights football", + "text": "No. 30 overall by the Tennessee Titans. An Associated Press All-America selection, Britt became the first player in Rutgers history to be selected in the first round of the NFL Draft. Ten Scarlet Knights have been drafted in the last three years. 2010 also marked the fourth consecutive year that a Scarlet Knight has been taken on the draft's first day after Brian Leonard (2007) and Ray Rice (2008) were both second-round draft selections. The 2012 NFL Draft saw wide receiver Mohamed Sanu drafted in the 3rd round to the Cincinnati Bengals, while the 2013 NFL Draft was the most", + "score": 0.6796875 + }, + { + "id": "17285242", + "title": "Linden Gaydosh", + "text": "of the 2013 CFL Combine. Duane Forde said that, \"If rankings were based solely on the combine Linden Gaydosh would be the number one guy.\". He was drafted by the Hamilton Tiger-Cats of the Canadian Football League, with the 1st pick of the 1st round (1st overall) in the 2013 CFL Draft. On May 12, 2013, less than a week after being drafted into the CFL, Gaydosh signed with the Carolina Panthers of the National Football League. On August 2, 2013, Gaydosh was waived/injured by the Carolina Panthers due to a back injury. On August 3, 2013, Gaydosh cleared waivers", + "score": 0.6796875 + } + ], + "answer": "The 2017 NFL Draft was the 82nd annual meeting of National Football League (NFL) franchises to select newly eligible American football players. Myles Garrett, who played college football at Texas A&M, was drafted first by the Cleveland Browns. Texas A&M is part of the Western Division of the Southeastern Conference (SEC)." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who wins at the end of friday night lights film?|Who wins at the end of friday night lights book?", + "short_answers": [ + "Dallas Carter", + "David W. Carter High School", + "Dallas Carter High School", + "David Wendel Carter High School" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who wins at the end of friday night lights season 5?", + "short_answers": [ + "East Dillon Lions", + "East Dillon", + "East Dillon High" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Friday Night Lights: A Town, a Team, and a Dream", + "url": "https://en.wikipedia.org/wiki/Friday%20Night%20Lights%3A%20A%20Town%2C%20a%20Team%2C%20and%20a%20Dream" + }, + { + "title": "Friday Night Lights (film)", + "url": "https://en.wikipedia.org/wiki/Friday%20Night%20Lights%20%28film%29" + }, + { + "title": "Friday Night Lights (TV series)", + "url": "https://en.wikipedia.org/wiki/Friday%20Night%20Lights%20%28TV%20series%29" + }, + { + "title": "Friday Night Lights (season 5)", + "url": "https://en.wikipedia.org/wiki/Friday%20Night%20Lights%20%28season%205%29" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "In the 5A playoff semifinals, Permian meets Dallas Carter Cowboys, a predominantly black team. In a hard fought game in the rain at Memorial Stadium in Austin, the Panthers are defeated 14\u20139.", + "wikipage": "Friday Night Lights: A Town, a Team, and a Dream" + }, + { + "content": "In the last episode, East Dillon wins the state championship after Coach Taylor and Vince share a moment of respect for each other.", + "wikipage": "Friday Night Lights (TV series) Season five" + } + ], + "long_answer": "At the end of the film Friday Night Lights, the Dallas Carter High School wins the Championship. However, in the book \"Friday Night Lights: A town, a team, a dream\", Permian High plays the Dallas Carter Cowboys in the 5A playoff semifinals. In a hard fought game in the rain at Memorial Stadium in Austin, the Permian Panthers were defeated 14\u20139. In the TV Series Season 5 of Friday Night Lights, East Dillon High School wins the state championship." + }, + { + "knowledge": [ + { + "content": "The fifth and final season of the American serial drama television series Friday Night Lights commenced airing in the United States on October 27, 2010.", + "wikipage": "Friday Night Lights (season 5)" + }, + { + "content": "Friday Night Lights is an American sports drama television series developed by Peter Berg, that is inspired by the 1990 nonfiction book by H. G. Bissinger, which was adapted as the 2004 film of the same name by Berg.", + "wikipage": "Friday Night Lights (TV series)" + }, + { + "content": "Friday Night Lights: A Town, a Team, and a Dream is a 1990 non-fiction book written by H. G. Bissinger.", + "wikipage": "Friday Night Lights: A Town, a Team, and a Dream" + } + ], + "long_answer": "Friday Night Lights was a book, a film, and a TV series. David Wendel Carter High School wins at the ends of both Friday Night Lights: A Town, a Team, and a Dream, the 1990 nonfiction book by H. G. Bissinger, and the 2004 film Friday Night Lights adapted from the book. At the end of Friday Night Lights Season 5, the final season of the TV series inspired by the book, the East Dillon Lions win." + } + ], + "sample_id": "2260680157828850192", + "question": "Who wins at the end of friday night lights?", + "docs": [ + { + "id": "3902975", + "title": "Friday Night Lights (film)", + "text": "down, Winchell is stopped just short of the goal line as the clock runs out, and Carter wins the championship. Afterwards, Gaines removes the outgoing seniors from his depth chart, and it is revealed that Winchell, Billingsley, Miles, and Chavez went on to have successful lives after their football careers ended, with only Christian receiving a Division I scholarship. The movie ends with the statement that Gaines and Comer led Permian to an undefeated state championship season the following year. In the movie, the team was depicted as practicing in full pads and with full contact on the first day", + "score": 0.791015625, + "summary": "Carter wins the championship at the end of Friday Night Lights.", + "extraction": "\"Carter wins the championship.\"" + }, + { + "id": "11274295", + "title": "Friday Night Lights: A Town, a Team, and a Dream", + "text": "is incomplete. Permian loses 14\u20139. For the players, high school football is over and a big part of their lives has just ended. Right after the game the team heads home. McDougal, who loved football to death, lingered in the team locker room for a little longer than everyone else but eventually left to the locker room. Then Gaines and the coaches took down the magnetic names on the board. Bissinger ends the chapter saying, \"The season had ended, but another one had begun. People everywhere, young and old were already dreaming of heroes.\" Epilogue A week later, Dallas Carter", + "score": 0.76904296875, + "summary": "Permian loses 14-9 in Friday Night Lights, making the question of who wins irrelevant.", + "extraction": "Permian loses 14-9. Therefore, there is no winner at the end of Friday Night Lights." + }, + { + "id": "15122693", + "title": "Friday Night Lights (season 5)", + "text": "company and Universal Media Studios and filmed in Pflugerville, Texas. The final score was clearly 29\u201328 at the end of the episode \"Expectations\", but at the beginning of the episode \"The Right Hand of the Father\", the Cowboys game ball reads 22\u201321. TVLine's Michael Ausiello said after watching the finale that \"One of the best dramas in the history of TV is over...\" Ken Tucker from \"Entertainment Weekly\" wrote \"...that was one fine, emotional, intelligent, and satisfying ending... Watching the final episode, I came once again to the conclusion that this was the best portrait of a marriage I\u2019ve", + "score": 0.7509765625, + "summary": "The final score of the game in the Friday Night Lights season 5 finale was 29-28, according to the episode \"Expectations\". However, at the beginning of the following episode \"The Right Hand of the Father\", the Cowboys game ball reads 22-21. No information is provided about who wins at the end.", + "extraction": "The final score was clearly 29-28 at the end of the episode \"Expectations\". Therefore, it can be inferred that the team that scored 29 points won at the end of Friday Night Lights." + }, + { + "id": "14639097", + "title": "Pilot (Friday Night Lights)", + "text": "starting quarterback does not move, and has to be taken off on a stretcher to a waiting ambulance. Coach Taylor now has to put in the highly unprepared Saracen, who initially makes several silly mistakes. The coach tells him to relax and focus, and Saracen manages to connect with Smash, who scores a touchdown. Riggins recovers the ensuing onside kick for the Panthers. In the final seconds of the game, Saracen throws a long pass to a receiver, who makes it to the end zone for another touchdown. As the Panthers win the game, both teams gather at mid-field to", + "score": 0.75048828125, + "summary": "The Panthers win the game in the end of Friday Night Lights.", + "extraction": "The Panthers win the game." + }, + { + "id": "10463847", + "title": "Eric Taylor (Friday Night Lights)", + "text": "Dillon star running back, Luke Cafferty, who must attend East Dillon due to his real address. During the season, under Taylor's tutelage, sophomore quarterback, Vince Howard, emerges as one of the state's best players. With Howard and the acquisition of Cafferty from West Dillon, the Lions end the season respectably, defeating West Dillon in the final game on a field goal by Landry Clarke. Although the Lions end the season with a poor 2-8 mark, Taylor, Howard, and Cafferty lay the foundation for the next year's championship team. The Lions begin the season on a roll, winning their first seven", + "score": 0.7431640625, + "summary": "The Lions win the final game against West Dillon on a field goal by Landry Clarke, but end the season with a poor 2-8 mark. It is unclear who wins at the end of the entire series.", + "extraction": "The Lions end the season respectably, defeating West Dillon in the final game on a field goal by Landry Clarke." + }, + { + "id": "11274291", + "title": "Friday Night Lights: A Town, a Team, and a Dream", + "text": "first defeats Tascosa High School in Amarillo 21\u20137. They then play Andress High School in El Paso in the Sun Bowl, winning 41\u201313. The Saturday after Thanksgiving, Permian beats the Irving Nimitz Vikings, a team ranked sixth in the state, 41\u20137. Bissinger also explores the fates of many famous Permian players and how many of them ended right back in Odessa. He cites these stories as key examples of the false world Permian football can have on its players. Permian then beats Arlington Lamar 21\u20137. But now it was on to play the team many called the best high school", + "score": 0.74169921875, + "summary": "The document includes multiple victories of Permian High School football team against Tascosa High School, Andress High School, Irving Nimitz Vikings, and Arlington Lamar. However, it does not mention who wins at the end of Friday Night Lights.", + "extraction": "Permian wins at the end of Friday Night Lights." + }, + { + "id": "11274290", + "title": "Friday Night Lights: A Town, a Team, and a Dream", + "text": "and Mike Belew drive to meet the head coaches of Midland High and Midland Lee. The event is held at a truck stop on the south side of Midland at 2:00 am local time. The location is undisclosed and it is broadcast live on TV. When the coin toss finally happens there it is originally thought to be a tie. Then it turns out that Permian and Midland Lee landed heads and Midland High landed tails. The two teams will continue their seasons while Midland High's season is over. Chapter 14: Friday Night addiction The playoffs have finally arrived. Permian", + "score": 0.740234375, + "summary": "The document mentions a coin toss between Permian, Midland High, and Midland Lee, but it does not reveal who wins at the end of Friday Night Lights.", + "extraction": "Midland Lee and Permian win at the end of Friday Night Lights, while Midland High's season is over." + }, + { + "id": "8042747", + "title": "Friday Night Lights (TV series)", + "text": "his bar. Tim is angry with his brother Billy and threatens to move to Alaska to work on a pipeline but Tyra Collette comes back for a visit to Dillon and tells him he needs to repair his relationship with Billy. After they spend the night together, she asks Tim to show her his land, and the episode closes with Tyra asking, \"Alaska, Tim?\" to which Tim smiles a guilty smile. In the last episode, East Dillon wins the state championship after Coach Taylor and Vince share a moment of respect for each other. Coach Taylor then moves with his", + "score": 0.73681640625, + "summary": "East Dillon wins the state championship in the last episode of Friday Night Lights.", + "extraction": "\"East Dillon wins the state championship\"" + }, + { + "id": "8042701", + "title": "Friday Night Lights (TV series)", + "text": "9, 2011, after five seasons. Though \"Friday Night Lights\" never garnered a sizable audience, it was a critical success, lauded for its realistic portrayal of Middle America and deep exploration of its central characters. The show appeared on a number of best lists and was awarded a Peabody Award, a Humanitas Prize, a Television Critics Association Award and several technical Primetime Emmy Awards. At the 2011 Primetime Emmy Awards, the show was nominated for Outstanding Drama Series. Kyle Chandler and Connie Britton also scored multiple nominations for the Outstanding Lead Actor and Actress awards for a drama series. Executive producer", + "score": 0.73681640625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about the success and awards the TV series \"Friday Night Lights\" received, but it doesn't provide any information about who wins at the end of the show." + }, + { + "id": "11274289", + "title": "Friday Night Lights: A Town, a Team, and a Dream", + "text": "only gotten as far as the third round of playoffs. Boobie Miles quietly quits the team. Meanwhile, Jerrod McDougal, the Permian defensive tackle who knew he wouldn't play football in college, was devastated at the prospect of the season ending so early. Permian, Midland High and Midland Lee are all tied with one district loss each and only two can go to represent the district in the 1988 playoffs. It will be decided in a coin toss. Permian ends the regular season beating the San Angelo Bobcats 41\u20137. But now it all comes down to a coin toss. Coach Gaines", + "score": 0.736328125, + "summary": "Permian, Midland High, and Midland Lee are tied with one district loss each and only two can go to represent the district in the 1988 playoffs. It will be decided in a coin toss. The document does not reveal who wins at the end of Friday Night Lights.", + "extraction": "It will be decided in a coin toss." + }, + { + "id": "3902972", + "title": "Friday Night Lights (film)", + "text": "The Panthers fall behind, and Gaines puts Miles in out of desperation, but Miles is soon injured again. Winchell leads a comeback drive, but Permian loses as his final pass flies over the receiver's hands. After the game, Billingsley fights with his drunk father, who throws his state championship ring onto the side of the freeway. The next morning, Don reveals to his father that he recovered the championship ring and gives it back to him. Charles partially apologizes and makes the point that his state championship was the best thing that happened to him, and he now has nothing", + "score": 0.73193359375, + "summary": "The Permian Panthers lose at the end of Friday Night Lights.", + "extraction": "Permian loses at the end of Friday Night Lights." + }, + { + "id": "9929094", + "title": "Friday Night Lights (season 1)", + "text": "the 23rd TCA Awards, the series won for Outstanding New Program of the Year and received nominations for Outstanding Achievement in Drama, Program of the Year, and Individual Achievement in Drama (Connie Britton and Kyle Chandler). Friday Night Lights (season 1) The first season of the American serial drama television series \"Friday Night Lights\" commenced airing in the United States and Canada on October 3, 2006 and concluded its 22-episode season on April 11, 2007 on NBC. The series revolves around the Dillon Panthers and their new head coach Eric Taylor as they deal with the pressure of high school", + "score": 0.73095703125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage provides information about awards and the airing dates of the first season of Friday Night Lights, but does not mention who wins at the end of the season." + }, + { + "id": "3902973", + "title": "Friday Night Lights (film)", + "text": "happy except those memories. The loss puts Permian in a three-way tie for first place with Lee and Abilene Cooper, and a coin toss is held to determine which two teams make the playoffs. Permian and Lee win the toss, and as the Panthers prepare for the playoffs, Miles clears his locker. While in his uncle's car, he cries about his future in football becoming bleak. Permian is successful in the playoffs, but all eyes are on the state powerhouse Dallas Carter High School. Permian and Carter make it to the state championship game, which is held at the Astrodome", + "score": 0.73046875, + "summary": "Permian makes it to the playoffs in a three-way tie with Lee and Abilene Cooper. Permian and Lee win the coin toss and prepare for the playoffs. Permian makes it to the state championship game against Dallas Carter High School. The document is irrelevant to who wins at the end of Friday Night Lights.", + "extraction": "Permian is successful in the playoffs." + }, + { + "id": "11274267", + "title": "Friday Night Lights: A Town, a Team, and a Dream", + "text": "Friday Night Lights: A Town, a Team, and a Dream Friday Night Lights: A Town, a Team, and a Dream is a 1990 non-fiction book written by H. G. Bissinger. The book follows the story of the 1988 Permian High School Panthers football team from Odessa, Texas, as they made a run towards the Texas state championship. While originally intended to be a \"Hoosiers\"-type chronicle of high school sports that holds together a small town, the final book ended up being critical about life in the town of Odessa. It was later adapted for television and film. Bissinger was a", + "score": 0.728515625, + "summary": "The document is irrelevant to the question.", + "extraction": "Irrelevant. The given passage does not provide information about who wins at the end of Friday Night Lights." + }, + { + "id": "11274294", + "title": "Friday Night Lights: A Town, a Team, and a Dream", + "text": "blocks exceptionally well, and Chris Comer moves the ball exceptionally well. But then a bad call in which the football bounced off the artificial turf of the field into a Carter receiver's hand. Carter then scores. Permian is now down 14\u20139. As the game draws to an end in the fourth quarter Permian gains the ball and starts gaining yards fast until finally the final seconds of the game are at hand with Permian on the Carter 24-yard line. Winchell gets ready to pass to Robert Brown. The ball is snapped, Winchell looks to Brown and throws the ball. It", + "score": 0.728515625, + "summary": "Permian wins at the end of Friday Night Lights by scoring a touchdown in the final seconds of the game.", + "extraction": "Permian wins at the end of Friday Night Lights." + }, + { + "id": "8042759", + "title": "Friday Night Lights (TV series)", + "text": "in 2010, while executive producer Jason Katims won two Humanitas Prize awards for writing. In 2011, after concluding its run, the show was honored by four Emmy nominations and Kyle Chandler won the award for Outstanding Lead Actor in a Drama Series and Jason Katims won for Outstanding Writing for a Drama Series for \"Always\". \"Friday Night Lights\" enjoys what former NBC President Kevin Reilly called a \"passionate and vocal [fanbase]\". This fan dedication has shown itself in everything from advertisers expressing their support for the show to news outlets getting massive amounts of support mail after running positive pieces", + "score": 0.72802734375, + "summary": "Kyle Chandler wins Outstanding Lead Actor in a Drama Series and Jason Katims wins Outstanding Writing for a Drama Series for \"Always\" at the end of Friday Night Lights.", + "extraction": "Irrelevant. The passage does not provide any information about who wins at the end of Friday Night Lights." + }, + { + "id": "11274269", + "title": "Friday Night Lights: A Town, a Team, and a Dream", + "text": "won championships in 1965, 1972, 1980, and 1984. Bissinger moved his family to Odessa and spent the entire 1988 football season with the Permian Panther players, their families, their coaches, and even many of the townspeople in an effort to understand the town and its football-mad culture. In the 5A playoff semifinals, Permian meets Dallas Carter Cowboys, a predominantly black team. In a hard fought game in the rain at Memorial Stadium in Austin, the Panthers are defeated 14\u20139. Dallas Carter, led by future Miami Hurricanes and New York Giants linebacker Jessie Armstead, goes on to win the state championship,", + "score": 0.7275390625, + "summary": "Dallas Carter Cowboys win the state championship at the end of Friday Night Lights.", + "extraction": "Dallas Carter Cowboys win the state championship at the end of Friday Night Lights." + }, + { + "id": "8042699", + "title": "Friday Night Lights (TV series)", + "text": "Friday Night Lights (TV series) Friday Night Lights is an American drama television series about a high school football team in the fictional town of Dillon, Texas. It was developed by Peter Berg and executive produced by Brian Grazer, David Nevins, Sarah Aubrey and Jason Katims, based on by H. G. Bissinger, adapted as the 2004 film of the same name. The series' primary setting, Dillon, is a small, close-knit community in rural Texas. Team coach Eric Taylor (Kyle Chandler) and his family, Tami, Julie and Grace, are featured. The show uses this small-town backdrop to address many issues facing", + "score": 0.7275390625, + "summary": "The document is about the TV series \"Friday Night Lights\" and does not provide information on who wins at the end. Therefore, the answer is irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "12829391", + "title": "Friday Night Lights (season 3)", + "text": "with Chris and her devout Christianity. Lyla is now living with her father and in a relationship with Tim Riggins. Landry and Tyra have dated and are now broken up. Smash Williams was seriously injured in a playoff game the preceding season and, consequently, has lost his college football scholarship; he is now a manager at the Alamo Freeze fast food restaurant. Playing without him, the Dillon football team fell apart and failed to win the state championship. Jason Street was last seen in season 2 trying to convince Erin, a waitress with whom he had had a one-night stand,", + "score": 0.7275390625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "10463841", + "title": "Eric Taylor (Friday Night Lights)", + "text": "as a relative unknown and hardly-used talent. In addition, he has to deal with the overbearing booster club president, Buddy Garrity, who ambitiously recruits Ray \"Voodoo\" Tatum without consulting Taylor. Taylor eventually expels Tatum from the team for being disrespectful in the locker room (i.e. insubordination), and for failing to follow the playbook, costing the team an interception at a crucial juncture of a game. Despite a rough road into the playoffs, the Panthers end the season with a record of 12-2 and win the 2006 Texas High School State Championship, winning a thrilling final game by overcoming a 26-0", + "score": 0.72314453125, + "summary": "The Panthers win the 2006 Texas High School State Championship at the end of Friday Night Lights.", + "extraction": "The Panthers win the 2006 Texas High School State Championship at the end of Friday Night Lights." + }, + { + "id": "8042758", + "title": "Friday Night Lights (TV series)", + "text": "included on \"The Huffington Post\"s and E! Online's 2011's Best TV Shows. In 2013, the Writers Guild of America ranked \"Friday Night Lights\" No. 22 in its of the \"101 Best Written TV Series of All Time\". \"Friday Night Lights\" won a Peabody Award, three AFI awards, an Emmy Award for Outstanding Casting for a Drama Series, an ACE Eddie Award for editing, an NAACP Image Award for Outstanding Directing, a Television Critics Association Award, and has earned multiple Writers Guild of America nominations. The show's two leading actors, Kyle Chandler and Connie Britton, received Emmy nominations for their performances", + "score": 0.72265625 + }, + { + "id": "8042749", + "title": "Friday Night Lights (TV series)", + "text": "Mindy. Luke Cafferty is seen with Becky at the bus depot departing for the Army. The second to the last scene is of Tim and Billy, taking a break while putting up the frame of Tim's new house. They sit back, crack open a beer, and Billy toasts, \"Texas Forever?\" to which Tim responds emphatically, \"Texas Forever\" and they clink their beers. The series ends with Eric coaching a new high school team in Philadelphia (in a noticeably smaller stadium than those in Texas). After practice, Eric recites the phrase: \"Clear eyes, full hearts...\" After not getting the normal response", + "score": 0.720703125 + }, + { + "id": "10463844", + "title": "Eric Taylor (Friday Night Lights)", + "text": "receiver. Saracen plays well in his new role, and along with McCoy and Riggins, helps the Panthers post their strongest regular season under Coach Taylor, as they cruised into the playoffs with a 9-1 record. For the second time in three seasons, the Panthers reached the state final. However, McCoy breaks down mentally and the Panthers find themselves losing by a huge margin at halftime, again. Sensing McCoy's immaturity, Taylor decides to play Saracen at quarterback in the second half, in which Matt leads the Panthers to a tremendous comeback. However, poor time management causes the Panthers to relinquish their", + "score": 0.720703125 + }, + { + "id": "8042774", + "title": "Friday Night Lights (TV series)", + "text": "it was confirmed by Berg that a film would not be moving forward. Friday Night Lights (TV series) Friday Night Lights is an American drama television series about a high school football team in the fictional town of Dillon, Texas. It was developed by Peter Berg and executive produced by Brian Grazer, David Nevins, Sarah Aubrey and Jason Katims, based on by H. G. Bissinger, adapted as the 2004 film of the same name. The series' primary setting, Dillon, is a small, close-knit community in rural Texas. Team coach Eric Taylor (Kyle Chandler) and his family, Tami, Julie and Grace,", + "score": 0.7197265625 + }, + { + "id": "11274296", + "title": "Friday Night Lights: A Town, a Team, and a Dream", + "text": "won the 1988 Texas state championship. For the players, the sense of entitlement and the feeling that they could do whatever they wanted to reach an all-time high. Gary Edwards got a full scholarship to the University of Houston. However, in May 1989, Edwards and several other players committed an armed robbery in Dallas. They were arrested and they were tried in September. It was then discovered they had committed as many as ten robberies prior. Edwards, who initially thought he would just get probation, was sentenced to 16 years in prison. After some review it was decided that because", + "score": 0.7197265625 + }, + { + "id": "8042755", + "title": "Friday Night Lights (TV series)", + "text": "confront the emotions of its characters, aided by central performances \u2014 as one of TV\u2019s most realistic and loving couples \u2014 from Chandler and Connie Britton.\" \"The A.V. Club\" named it the 16th best TV series of the 2000s. In 2010, Kristin Dos Santos of E! Online ranked it number 4 on her list, \"Top 20 TV Series of the Past 20 Years\". \"Friday Night Lights\" final season was lauded by critics. Based on 10 reviews, the season obtained a score of 82 out of 100 on Metacritic, indicating \"universal acclaim\" and it was included on numerous best lists. Poniewozik", + "score": 0.71826171875 + }, + { + "id": "3902968", + "title": "Friday Night Lights (film)", + "text": "Friday Night Lights (film) Friday Night Lights is a 2004 American sports drama film, directed by Peter Berg. The film follows the coach and players of a high school football team in the Texas city of Odessa, which supported and was obsessed with them. The book on which it was based, \"\" (1990) by H. G. Bissinger, followed the story of the 1988 Permian High School Panthers football team as they made a run towards the state championship. A television series of the same name premiered on October 3, 2006 on NBC. The film won the Best Sports Movie ESPY", + "score": 0.7177734375 + }, + { + "id": "13260310", + "title": "Bring It On: Fight to the Finish", + "text": "after practice, while Lina is at her locker talking with Sky and Christina, Evan kisses her and tells her exactly how he feels in front of a crowd in the hallway that is recording the entire scene. They get back together, and Lina and her team make it to the final round of the All Star Championship and end up defeating The Jaguars, after which Avery breaks down. Evan comforts her but motions a \"call me\" signal to Lina over Avery's shoulder. The film ends with Lina taking a picture with Trey, Gloria and Sky, claiming all of them as", + "score": 0.71533203125 + }, + { + "id": "10463842", + "title": "Eric Taylor (Friday Night Lights)", + "text": "deficit, 27-26. Along with teammates, Brian \"Smash\" Williams and Tim Riggins, Saracen leads the Panthers to a victory in the state final over ex-Panther, Ray \"Voodoo\" Tatum's, new team, West Cambria. Taylor decides to leave his position at TMU and rejoin the Panthers, after Buddy Garrity and the boosters fire his replacement due to frustration with the team's performance during the first two games, in which they posted a 1-1 record. After Taylor's return, the Panthers go on a prolonged winning streak, qualifying for the playoffs with an 8-2 record. However, their quest for a second consecutive state title falls", + "score": 0.71533203125 + }, + { + "id": "9712054", + "title": "David Hudgins", + "text": "for the WGA Award for Best Dramatic Series the following year at the February 2008 ceremony for his work on the second season of \"Friday Night Lights\". He was nominated for Best Dramatic Series a second time at the February 2009 ceremony for his work on the third season of \"Friday Night Lights\". He was nominated for the WGA Award for Best Drama Series for the third consecutive year at the February 2010 ceremony for his work on the fourth season. He also won a Peabody Award for Excellence in Television in 2011 and in Season 5, when he was", + "score": 0.7138671875 + }, + { + "id": "4547071", + "title": "Meatballs (film)", + "text": "day of competition, Mohawk dominates North Star, cheating in many cases to win. Crockett fails to clear the high jump bar, Hardware gets pummeled in boxing, and Jackie suffers a broken leg in field hockey, thanks to the dirty work of two Mohawk girls. The score at the end of Day One is: Mohawk 170, North Star 63. That evening at the North Star Lodge, Tripper gives a rousing speech, telling the demoralized campers that it doesn't matter whether they win or lose. In unison, Camp North Star begins to chant, \"It just doesn't matter!\" Day Two of the Olympiad", + "score": 0.71337890625 + }, + { + "id": "6866903", + "title": "George C. Marshall High School", + "text": "state championship (against Andrew Lewis High School of the Roanoke Valley) was a 27-0 blowout. The Titans actually did win the Marshall game on a fourth down come-from-behind play at the very end of the game. In addition to the added drama of the Marshall game, there were apparently some legal issues concerning the use of Andrew Lewis High School's name in the movie. Ignored in both the original newspaper articles and the movie is the fact that in 1971, the city of Alexandria consolidated three four-year high schools into a single two-year school, with only juniors and seniors. As", + "score": 0.712890625 + }, + { + "id": "3902969", + "title": "Friday Night Lights (film)", + "text": "Award and was ranked number 37 on \"Entertainment Weekly\"'s list of the Best High School Movies. As preseason practice begins for the Permian High School football team in August 1988, the town of Odessa, Texas has high expectations for the players and their coach Gary Gaines to win a state championship with their star running back James \"Boobie\" Miles. The quarterback, Mike Winchell, runs under the expectation of handing off the ball to Miles on most plays. Fullback Don Billingsley struggles with his ball handling and is abused by his alcoholic father Charles, who won a state championship with Permian.", + "score": 0.7119140625 + }, + { + "id": "8042740", + "title": "Friday Night Lights (TV series)", + "text": "last game of the season as they play the Dillon Panthers led by J.D. McCoy. In an amazing show of perseverance, the East Dillon Lions defeat the Dillon Panthers, ruining the Panthers' playoff chances. In season four, Matt Saracen struggles with staying in Dillon and living as a townie. He turned down an art school in Chicago and is instead studying art at the local technical college. After returning from a hunting trip with Tim Riggins, he finds out that his father was killed in Iraq. The episode \"The Son\" shows Matt going through the five stages of grief as", + "score": 0.7119140625 + }, + { + "id": "14639096", + "title": "Pilot (Friday Night Lights)", + "text": "toast to \"Texas Forever\". On game night, coach Taylor gives a pep talk where he warns the players against taking the opponents \u2013 Westerby High School \u2013 too lightly. They say their rallying cry, \"Clear Eyes, Full Hearts, Can't Lose!\" and enter the field. The first half is problematic for the Panthers, and at the end of the second half, the visitors make a potentially game-winning interception. Street is the only one left to make a tackle. He succeeds, but the tackle is so hard that he remains prone on the ground. The crowd is left in silence as the", + "score": 0.7119140625 + }, + { + "id": "10452009", + "title": "High School Musical on Stage!", + "text": "with students (\"Breaking Free\"). Mrs. Darbus gives Troy and Gabriella the parts on the spot with everyone watching. The end of Act II brings us to the gym where all the main characters wrap up their plots (Chad asks Taylor to an after-party, Zeke gets Sharpay to be nice to him, Jack Scott and Kelsi flirt, and Sharpay makes up with Gabriella and Troy). The Wildcats win the big game and the Decathlon. The students celebrate (\"We're All in This Together (Reprise)\") followed by a recap of all the major songs in the show (\"Megamix\") during the curtain call. Disney", + "score": 0.7109375 + }, + { + "id": "2180878", + "title": "T. C. Williams High School", + "text": "1971 AAA state championship football game between T. C. Williams and George C. Marshall High School. The dramatic license taken in the movie was to convert what was actually a mid-season matchup between T. C. Williams and Marshall into a made-for-Hollywood state championship. In reality, the Marshall game was the toughest game T. C. Williams played all year and the actual state championship (against Andrew Lewis High School of Salem) was a 27\u20130 blowout. As depicted in the movie, the real Titans won the Marshall game on a fourth down come-from-behind play at the very end of the game. T.", + "score": 0.708984375 + }, + { + "id": "5268620", + "title": "Glory Road (film)", + "text": "mounting problems with forward and team captain Harry Flournoy leaving the game with an injury, and their center David Lattin in foul trouble. In a close game, the Miners narrowly lead at halftime, but finally manage to beat Kentucky 72\u201365 with some impressive steals, rebounding and passing techniques in the second half. The film ends with the players exiting the plane that brought them back to El Paso to the greeting of a raucous crowd. \"Glory Road\" was inspired by a true story, as described by Texas Western's head coach Don Haskins in his autobiography of the same title, a", + "score": 0.70751953125 + }, + { + "id": "3902978", + "title": "Friday Night Lights (film)", + "text": "survey of the football-obsessed heartland that succeeds as both a stirring drama and a rousing sports movie.\" The film also has a score of 70/100 on Metacritic, based on 35 reviews. While the residents of Odessa held a negative reception of , they eagerly anticipated the release of the film. The film was recognized by American Film Institute in these lists: Friday Night Lights (film) Friday Night Lights is a 2004 American sports drama film, directed by Peter Berg. The film follows the coach and players of a high school football team in the Texas city of Odessa, which supported", + "score": 0.70751953125 + }, + { + "id": "10463845", + "title": "Eric Taylor (Friday Night Lights)", + "text": "lead, as they fall in the final seconds of the state championship, 30-28. The Panthers end the season with a 12-2 mark. West Dillon decides not to renew Coach Taylor's contract, as Joe McCoy's influence leads the boosters and the school board to select Wade Aikmen, J.D. McCoy's personal quarterback coach, as the new Panther Head Coach. Taylor's failure to comply with McCoy and Aikmen's demands and total control of offensive play calling and assurance that J.D. will start every game leads to his departure. Taylor is selected to coach the new team at the newly re-opened East Dillon High", + "score": 0.70654296875 + }, + { + "id": "13952255", + "title": "Best Player", + "text": "winner, but the game is not over. Sheldon/Shell-Shock, thought to have been defeated, gets up and defeats Chris/Prodigy to win the game. Ash appears from the crowd to Chris's surprise. He congratulates her despite not winning and says he intended to spend the evening with her anyway, and that there is still time to go to the prom. Quincy apologizes to and reconciles with Tracy and asks her to the prom, to which she accepts and they dance to \"Big Night\" performed by Big Time Rush. In the ending credits, you see prom photos of Ash, Tracy, Chris, and Quincy.", + "score": 0.70654296875 + }, + { + "id": "12801724", + "title": "Bridget Carpenter", + "text": "\"Friday Night Lights\". Carpenter was nominated for Best Dramatic Series a second time at the February 2009 ceremony for her work on the third season of \"Friday Night Lights\". She was nominated for the WGA Award for Best Drama Series for the third consecutive year at the February 2010 ceremony for her work on the fourth season. She won the 2000 Susan Smith Blackburn Prize for \"Fall\", was awarded a 2002 Guggenheim Fellowship, and was awarded the 2003 Kesselring Prize for \"The Faculty Room\". In 1997, she received a Princess Grace Award for Playwriting and the Princess Grace Statue Award", + "score": 0.70654296875 + }, + { + "id": "11008323", + "title": "Freddie James", + "text": "was later forfeited because of eligibility infringements. After a ban from the state playoffs in 1989, because James had played an ineligible player, Carter reached the state semis again in 1990. He retired in 1995, having guided the Carter Cowboys to a 123-22-3 record in his 14 seasons, and having turned the program into a nationally recognized power. His overall coaching record stands 147-28-4. James was inducted to the Texas Black Sports Hall of Fame in 1996 (inaugural class). He was portrayed in the 2004 movie \"Friday Night Lights\" by actor Julius Tennon. He was also portrayed in the 2015", + "score": 0.70556640625 + }, + { + "id": "7130923", + "title": "Gary Gaines", + "text": "Gary Gaines Gary Gaines (born May 4, 1949) is a former American football coach. Gaines was the head coach of the 1988 Permian High School football team, which was the focus of the H. G. Bissinger book \"\" and the 2004 motion picture \"Friday Night Lights\" starring Billy Bob Thornton. Gaines went on to work as an assistant at Texas Tech University recruiting and coaching linebackers such as former National Football League (NFL) player Zach Thomas. Gaines was the 17th head football coach at Abilene Christian University in Abilene, Texas and he held that position for five seasons, from 2000", + "score": 0.70556640625 + }, + { + "id": "11274281", + "title": "Friday Night Lights: A Town, a Team, and a Dream", + "text": "medical supplies than the entire English department. The teachers make less money than the coaches who are financially at the mercy of the boosters who seldom care about education. Permian's SAT scores have plummeted dramatically since the 1970s and no one seems to care as long as Permian wins football games. As a result, everyone including the football players suffers. As the season progresses, Permian begins winning games. Chapter 8: East versus West Bissnger discusses the Permian\u2013Odessa High game. The cross town rivalry is fueled by the cultural difference between the schools. For one thing, Permian also got the majority", + "score": 0.70556640625 + }, + { + "id": "11175436", + "title": "Sunday Best (TV series)", + "text": "cash prize benefiting his or her community as well as the title of 'Sunday Best'. Season one runner up Shari Addison also scored a recording contract, as well as season two runner up Jessica Reedy although her contract was not rewarded from the show. On the season 4 finale, host Kirk Franklin announced that the series would be returning for a 5th season next year. The 5th season premiered Sunday, July 8, 2012. Season 5 ended with a 2 hour special on September 2, 2012. The winner of the 5th season was Joshua Rogers from Greeleyville, South Carolina. He made", + "score": 0.705078125 + }, + { + "id": "17714705", + "title": "The Big Game (Modern Family)", + "text": "and now Patrick is afraid of her. Gloria, who does not want to admit that she was the one who advised Lily, she says that she will talk to her. Back at school game, Cam's team wins due to Manny's (Rico Rodriguez) final kick and Cam and the team is over the moon. Manny though is not as excited as the others are, since he wanted to miss the kick and let the other team win because they were playing for their coach's memory. At the end of this episode, Charlie comes to Phil after Mitch's encouragement, and asks him", + "score": 0.705078125 + }, + { + "id": "8042702", + "title": "Friday Night Lights (TV series)", + "text": "Jason Katims was nominated for Outstanding Writing for a Drama Series. Chandler and Katims each won the Emmy in 2011. \"Friday Night Lights\" was inspired by H.G. \"Buzz\" Bissinger's non-fiction book \"\" (1990) and the 2004 film based on it. The book, which explores the 1988 season of the Permian Panthers, a high school football team in Odessa, Texas, was a factual work of documentary journalism. The people featured were not renamed in the book. The Universal Pictures film, which stars Billy Bob Thornton and was directed by Peter Berg, Bissinger's second cousin, based its characters on the residents of", + "score": 0.70458984375 + }, + { + "id": "6625378", + "title": "Stoney Case", + "text": "Stoney Case Stoney Jarrod Case (born July 7, 1972 in Odessa, Texas) is a former quarterback for three teams in the National Football League and three teams in the Arena Football League. Case played high school football for the Odessa Permian Panthers, quarterbacking the team to an undefeated, 16\u20130 season and the Texas 5A football title in 1989, one year after the events chronicled in the \"Friday Night Lights\" and movie. The Panthers were voted ESPN's National Champion team as a result. During his Permian career, Case also lettered in baseball as an outfielder, first baseman and pitcher. His brother", + "score": 0.7041015625 + }, + { + "id": "14273067", + "title": "Boobie Miles", + "text": "again. Miles was a key figure in \"Friday Night Lights: A Town, a Team, and a Dream\", a 1990 book by H. G. Bissinger that followed the story of the 1988 Permian High Panthers football team as they made a run towards the Texas state championship. In 2002, \"Sports Illustrated\" named \"Friday Night Lights\" the fourth-greatest book ever written about sports. A movie version of \"Friday Night Lights\" was made and then released in the United States on October 6, 2004. It starred Billy Bob Thornton as Permian Coach Gary Gaines. The film was a box office and critical success", + "score": 0.7041015625 + }, + { + "id": "11274270", + "title": "Friday Night Lights: A Town, a Team, and a Dream", + "text": "but faced severe penalties for their grade tampering, giving the state championship to Judson High School almost three years later. The book ends with Coach erasing names of the seniors from his board and replacing them with names of the juniors who will replace them next season. Permian goes undefeated the next year, with future NFL player Stoney Case as quarterback, and becomes the 1989 Texas state football champions. Prologue Bissinger discusses the Midland Lee game, as Permian's arch rival. The game is played on October 28, 1988. He introduces the characters of Gary Gaines, Mike Winchell, Don Billingsley, Boobie", + "score": 0.703125 + }, + { + "id": "11274300", + "title": "Friday Night Lights: A Town, a Team, and a Dream", + "text": "gone into getting you here. It ought to make you play that much harder. You represent a lot of people. We're gonna represent them well and we're gonna win this sucker!\" The players then took the field. Odessa had gone through a ridiculous amount of change in the 1980s going from a place where anything was possible to a place where nothing was certain and everything was finite. Yet football had always been there. Bissinger ends the book by saying, \"It would always go on just as Jerrod McDougal had realized, because it was a way of life. The Permian", + "score": 0.703125 + }, + { + "id": "10274067", + "title": "Jason Street", + "text": "Jason Street Jason Mitchell Street is a fictional character in the NBC/DirecTV (The 101 Network) television drama \"Friday Night Lights\", portrayed by Scott Porter. Introduced as the small town \"All-American,\" Jason is the starting quarterback of the Dillon Panthers, with a promising future career, until an injury during the season-opening football game results in paraplegia. Jason's story arc is focused on his adjusting to life and carving out a niche for himself outside of Panthers' football. In Season 3, due to Porter leaving the show, Jason moves to New York City after landing an entry-level position at a sports agency", + "score": 0.703125 + }, + { + "id": "14278803", + "title": "Matt Lauria", + "text": "Brooke Shields, Andrew McCarthy and \"One Tree Hill\"'s Robert Buckley. Lauria landed his first starring role as Luke Cafferty, #44 of the East Dillon Lions, in the Emmy award-winning NBC/DirecTV drama \"Friday Night Lights\", for which he moved to Pflugerville, Texas in order to film. Lauria remained on the show until it ended in 2011. After finishing \"Friday Night Lights\", Lauria moved to Chicago, Illinois after being cast as Caleb Evers in the Fox crime drama \"The Chicago Code\". The show was cancelled after one season. He co-starred as Charlie Carnegie on the ABC drama pilot \"Gilded Lilys\" created and", + "score": 0.70263671875 + }, + { + "id": "11274301", + "title": "Friday Night Lights: A Town, a Team, and a Dream", + "text": "Panthers ended the decade the same way they had begun it. Two days before Christmas, they became the state football champions of Texas.\" While Bissinger, who had taken a leave of absence from reporting for \"The Philadelphia Inquirer\" to follow the team and write \"Friday Night Lights\", was writing the book, the University Interscholastic League (UIL) investigated the Permian Panthers football program, alleging that Bissinger took players out to eat and paid for the meals while interviewing them for the book, a violation of amateur rules. He also paid for Boobie Miles' car for an interview. The book's release during", + "score": 0.7021484375 + }, + { + "id": "8042730", + "title": "Friday Night Lights (TV series)", + "text": "end of season two. Jason pleads with the woman to keep the child and promises to take care of the two. This season ends on a cliffhanger due to the Writers' Strike. The show's head writer and executive producer, Jason Katims, stated that this last episode was \u201cnot in any way viewed as the season finale... If we were leading to the end of the season [under normal circumstances], we would have most likely brought the story around to the coach and his family again,\u201d and there would have been a strong football element as well, Katims said. Seven of", + "score": 0.70166015625 + }, + { + "id": "8042744", + "title": "Friday Night Lights (TV series)", + "text": "with summer wrapping up in Dillon: Billy Riggins joins Coach Taylor as a special teams coach for the East Dillon Lions. Tami is the new guidance counselor at East Dillon, where she is faced with the challenge of a particularly difficult student named Epyck. Landry is departing for Rice University, and Tim Riggins has three more months in jail. Becky experiences turmoil in her living situation and moves in with Billy and Mindy and develops a family of her own with them, while also developing a closer relationship with Luke. With Vince leading the Lions, along with Luke Cafferty, new", + "score": 0.701171875 + }, + { + "id": "11274268", + "title": "Friday Night Lights: A Town, a Team, and a Dream", + "text": "journalist for \"The Philadelphia Inquirer\" when he was selected as a Harvard Neiman Fellow. It was while he was at Harvard that the idea to write a book focused upon the role high school football plays within American society, in particular rural society, took hold. Bissinger returned to \"The Inquirer\" briefly, received a Pulitzer Prize, and then took off in search of a community for which high school football was paramount. He settled on Odessa, Texas. Permian High School and its football team, the Permian Panthers, had a substantial, rich history of winning in Texas' 4A and 5A division, having", + "score": 0.70068359375 + }, + { + "id": "13974296", + "title": "Friday Night Lights (season 4)", + "text": "on him, but he treats her more like a sister. Tami Taylor continues to navigate politics as the principal of Dillon High as she becomes unpopular by the transfer of Luke to East Dillon and when she is wrongly accused of telling a student to get an abortion. Matt Saracen goes to Dillon Tech, but eventually moves to Chicago, much to the dismay of his girlfriend, Julie Taylor. Julie is now a senior in High School, and decided to attend East Dillon to set an example that there is nothing wrong with the school. JD McCoy becomes heavily arrogant, and", + "score": 0.7001953125 + }, + { + "id": "11274271", + "title": "Friday Night Lights: A Town, a Team, and a Dream", + "text": "Miles, Ivory Christian, Brian Chavez and Jerrod McDougal and gives insight into their personalities, thoughts and their pregame rituals. Former star, Boobie knows his performance against Midland Lee will be important for his future. He hasn't played well since August when he injured his knee in a preseason scrimmage, but the coaches never put Boobie in the game. Permian puts up a valiant fight but lose 22\u201321. After the game, a furious Boobie storms out of the locker room and quits the team two days later. Chapter 1: Odessa Bissinger begins the book at the start of the 1988 football", + "score": 0.7001953125 + }, + { + "id": "11274304", + "title": "Friday Night Lights: A Town, a Team, and a Dream", + "text": "the Grain\" (1993), starring a young Ben Affleck. A movie version of \"Friday Night Lights\" was made and then released in the United States on October 6, 2004. It starred Billy Bob Thornton as Permian Coach Gary Gaines. The film was a box office and critical success and, in turn, spawned the NBC television series of the same name, which ran five seasons from 2006\u20132011. Friday Night Lights: A Town, a Team, and a Dream Friday Night Lights: A Town, a Team, and a Dream is a 1990 non-fiction book written by H. G. Bissinger. The book follows the story", + "score": 0.69921875 + }, + { + "id": "11137040", + "title": "Brad Leland", + "text": "series of the same name. Silverado The Battle of Athens (1991) Brad Leland Brad Leland (born September 15, 1954) is an American film and television actor best known for his role as Buddy Garrity in the NBC/DirecTV series \"Friday Night Lights\". He has appeared in 20 feature films, 25 television shows and numerous theater performances. Leland was born in Lubbock, Texas, but moved to Plano during his sophomore year in high school. While in Plano, Leland played football for Plano High School. He sustained a serious knee injury the year the Wildcats won the 1971 AAA State Championship. In 1980,", + "score": 0.69921875 + }, + { + "id": "10692843", + "title": "Smash Williams", + "text": "the opposing team, offers to let Smash transfer so they can be the same formidable duo again. Smash declines, his loyalty to the Panthers having grown over the season. In the game, Smash gets injured after scoring a touchdown, but returns in time to make a last-second score with no time remaining to complete a Panther comeback to win the state championshipship. When Coach Taylor visits the school after possibly taking a job at fictional Texas Methodist University, Smash leads the other players in a chant of the team's motto \"Clear eyes, full hearts, can't lose,\" showing they still have", + "score": 0.69873046875 + }, + { + "id": "18200626", + "title": "The Biggest Loser (season 16)", + "text": "end zone. As soon as the competition begins, the Red and Blue Teams take off, while the White Team can't seem to catch one football. Sonya is a softball infielder and says she has no depth perception, and Jen keeps falling over. Finally they catch their first ball, but by that time the other two teams are nearly done. It's Scott vs. Damien, and in the end the Red Team is victorious! Scott realizes there was nothing to fear - the NFL stars are there to support him and the others. As Ali congratulates the Red Team on their victory", + "score": 0.69873046875 + }, + { + "id": "9929088", + "title": "Friday Night Lights (season 1)", + "text": "Friday Night Lights (season 1) The first season of the American serial drama television series \"Friday Night Lights\" commenced airing in the United States and Canada on October 3, 2006 and concluded its 22-episode season on April 11, 2007 on NBC. The series revolves around the Dillon Panthers and their new head coach Eric Taylor as they deal with the pressure of high school football in Texas and everything that comes with it, on and off the field. The first 10 episodes aired Tuesdays at 8:00 pm in the United States. When the show returned from the Christmas hiatus, it", + "score": 0.69873046875 + }, + { + "id": "11274288", + "title": "Friday Night Lights: A Town, a Team, and a Dream", + "text": "was all circumstantial. Once the embargo ended, the boom was over. The final nail in the coffin was the closing of the First National Bank of Midland in October 1983 as a result of the 1980s oil glut and the Permian Basin never fully recovered. Bissinger also discusses the effects that the Reagan 1980s had on the Odessa-Midland Area. Chapter 12: Civil War After Permian loses to Midland Lee the fate of the season is unclear. Gaines is now under tremendous pressure and wonders if he will still have a job in a year's time. In two seasons Gaines had", + "score": 0.6982421875 + }, + { + "id": "5220106", + "title": "Kyle Chandler", + "text": "Outstanding Lead Actor in a Drama Series for his role in the final season of \"Friday Night Lights\". While shooting the series, Chandler also acted in some films. In 2007, he appeared in \"The Kingdom\", which was directed by \"Friday Night Lights\" creator Berg, and in 2008, he appeared in \"The Day the Earth Stood Still\" as John Driscoll. After \"Friday Night Lights\" ended, Chandler focused on film work. In 2011, he had a lead role in J.J. Abrams' science fiction film \"Super 8\". The following year, he appeared in \"Argo\". Chandler also co-starred in Kathryn Bigelow's \"Zero Dark Thirty\"", + "score": 0.6982421875 + }, + { + "id": "8042748", + "title": "Friday Night Lights (TV series)", + "text": "wife to Philadelphia as she accepts the job as Dean of Admissions at a prestigious school, and the show ends showing them living happily. Tim and Tyra talk about their dreams and a potential future at his new home site. Julie is engaged to Matt and lives with him in Chicago. Vince is the quarterback of the Dillon Panthers \"Superteam\", consisting of both East and West Dillon High School athletes, joined by Buddy Jr., Tinker, and possibly Hastings. Jess is living in Dallas, and helping to student coach a team and is following her dreams. Billy is expecting twins with", + "score": 0.69775390625 + }, + { + "id": "3902971", + "title": "Friday Night Lights (film)", + "text": "running back gets hurt. Comer goes in, but avoids contact, and discussion arises about Gaines losing his job. However, the Panthers start winning again as Winchell and Comer improve, and safety Brian Chavez and linebacker Ivory Christian emerge as defensive standouts. Miles holds out hope that he can return to playing soon, and although his MRI scan shows otherwise, he rejects it and lies to Gaines so he can suit up again, with his uncle and guardian L.V. backing him up. Permian plays its final district game against Midland Lee, with first place and a playoff spot on the line.", + "score": 0.697265625 + }, + { + "id": "15289060", + "title": "1994 John Tyler vs. Plano East high school football game", + "text": "1994 John Tyler vs. Plano East high school football game On November 26, 1994, in a high school football playoff game in Texas, the Lions of John Tyler High School defeated the Panthers of Plano East Senior High School 48\u201344. The game drew national attention in the United States due to its wildly improbable and tumultuous finish, with seven touchdowns scored in the last four and a half minutes, and it won the 1995 Showstopper of the Year ESPY Award. It has been billed by many sportscasters, both in Texas and the rest of the United States, as the greatest", + "score": 0.697265625 + }, + { + "id": "11053041", + "title": "Friday Night Lights (season 2)", + "text": "are at home with his family and former team, leaves TMU and returns to coach the Panthers. Friday Night Lights (season 2) The second season of the American serial drama television series \"Friday Night Lights\" commenced airing in the United States and Canada on October 5, 2007 and concluded its 15-episode season on February 7, 2008, on NBC. While initially renewed for a 22-episode full season, the show ended production for the season after filming the 15th episode, due to the 2007\u201308 Writers Guild of America strike. The series' future was once again placed in doubt as it did", + "score": 0.69580078125 + }, + { + "id": "10273979", + "title": "Matt Saracen", + "text": "Matt Saracen Matthew \"Matt\" Saracen is a fictional character in the NBC/DirecTV (The 101 Network) television drama series \"Friday Night Lights\" portrayed by the actor, Zach Gilford. He is the former back-up quarterback of the Dillon High School Panthers before being thrust into the starting spotlight after Jason Street suffers a career-ending injury. His character is based on Mike Winchell from the source novel and the 2004 film \"Friday Night Lights\". Matt is the son of Henry Saracen and Shelby Garrett. He lives alone with his grandmother, Lorraine Saracen. Matt takes care of Lorraine due to her old age and", + "score": 0.69580078125 + }, + { + "id": "10463852", + "title": "Eric Taylor (Friday Night Lights)", + "text": "called the most realistic depiction of a strong marriage on television, and we agree with that assessment. Deeply good people who are imperfect enough to never seem saccharine, they have major disagreements and relationship-changing conflicts but value each other and their marriage enough to work them out.\" For his portrayal, Kyle Chandler received several award nominations, winning notably one Primetime Emmy Award in 2011. Eric Taylor (Friday Night Lights) Eric Taylor is a fictional character in the NBC/DirecTV (The 101 Network) drama television series \"Friday Night Lights\" played by Kyle Chandler. He is introduced as the head coach of the", + "score": 0.69580078125 + }, + { + "id": "8042746", + "title": "Friday Night Lights (TV series)", + "text": "again when Buddy Jr., who developed problems in California, is sent back to Dillon to get help from his father. He's pleased when his son becomes a Lions football player. Julie looks for support first from her parents, and then from her old boyfriend Matt Saracen, who is living in Chicago and attending art school. Julie drives up to spend some time with him, but leaves still confused about her future. Tim is up for parole, and with the help of Coach Taylor and Buddy Garrity, is approved for early release. Buddy gives him a job as a bartender at", + "score": 0.69580078125 + }, + { + "id": "6882634", + "title": "Necessary Roughness (film)", + "text": "as huge underdogs, and without Gennero, who is hospitalized just before the game for a potential heart attack, leaving Coach Rig in charge. After a horrible first half, they rally in the second half to cut the deficit to one, and Gennero returns to the sideline, having only suffered from indigestion, though he lets Coach Rig call the final play. The team decides to try to win it all with a two-point conversion. They fake a point after attempt and pass for two. Blake scrambles and finally finds Banks in the end zone to win the game. After learning about", + "score": 0.6953125 + }, + { + "id": "1445665", + "title": "Like Mike", + "text": "3rd quarter ends with Vince Carter and the Toronto Raptors routing the Knights 80\u201359. In the 4th quarter of the last regular season, Calvin is put into the game by the coach and the Knights start to make a comeback. After a pile-on towards the end of the game, Calvin's shoes are ruined with the Knights down by one point. Without the shoes, and wanting to be a normal child, Calvin tells the team this will be his last game. In the final play, Calvin manages to pump fake to get Vince Carter to jump and pass the ball to", + "score": 0.6953125 + }, + { + "id": "8630335", + "title": "The Biggest Loser (season 3)", + "text": "Red Team wins the challenge. Given the timing, it is likely that Heather Hansen became pregnant on this cruise, as she was five months pregnant at the finale. The Blue Team handily wins the weigh-in., and Heather is the Biggest Loser for her team. The vote results in a tie, with the three men voting as a bloc for Pam, and the three women voting as a bloc for Wylie. The Blue Team therefore breaks the tie by voting off Nelson (Massachusetts). Red Team morale is at a low point due to Nelson's eviction, and members refuse to work out.", + "score": 0.6953125 + }, + { + "id": "9997520", + "title": "Sydney White", + "text": "admit dork status including Tyler, Jeremy, Spanky and Dinky. Sydney wins the debate and the election, becoming the new president, while Rachel is stripped of her Kappa sisterhood privileges by her sisters because of the years of cruelty she bestowed on both her Kappa sister's and the students at the University as well as lying and cheating during the election. The film ends with Sydney's father and other construction workers fixing the Vortex. New relationships have formed as well\u2014Dinky and Lenny are now a couple (who bonded because of their sensitive digestive system), Spanky is finally getting some girls, the", + "score": 0.69482421875 + }, + { + "id": "10463843", + "title": "Eric Taylor (Friday Night Lights)", + "text": "short, as the Panthers lose in the state quarterfinal, ending the season with a 9-3 record. Again, as in season 1, quarterback controversy surrounds the Panthers the entire year, with a conflict emerging between veteran, Matt Saracen, and young phenom, J.D. McCoy. The two share playing time for the first few games of the season, after which time Taylor decides to start McCoy and demote Saracen to second string. Determined to win back a starting role, Saracen, with the help of his girlfriend and coach's daughter, Julie Taylor, convinces Coach Taylor to give him a starting role as a wide", + "score": 0.69482421875 + }, + { + "id": "11053033", + "title": "Friday Night Lights (season 2)", + "text": "Friday Night Lights (season 2) The second season of the American serial drama television series \"Friday Night Lights\" commenced airing in the United States and Canada on October 5, 2007 and concluded its 15-episode season on February 7, 2008, on NBC. While initially renewed for a 22-episode full season, the show ended production for the season after filming the 15th episode, due to the 2007\u201308 Writers Guild of America strike. The series' future was once again placed in doubt as it did not return to production once the strike ended, and it continued to suffer from low ratings in its", + "score": 0.69482421875 + }, + { + "id": "12829384", + "title": "Friday Night Lights (season 3)", + "text": "containing 13 episodes each. The third season was released on DVD in region 1 on May 19, 2009. The season continues to focus around the Dillon Panthers and the pressures faced on and off the field. This season also has four main characters leave the show by season's end. Unlike the previous two seasons, only eight of ten major roles received star billing in the opening credits: Kyle Chandler portrayed Eric Taylor, head coach of the Dillon Panthers. Connie Britton played Tami Taylor, wife of Eric and new principal of Dillon High School; Zach Gilford played quarterback Matt Saracen. Minka", + "score": 0.69482421875 + }, + { + "id": "14779328", + "title": "The Son (Friday Night Lights)", + "text": "beauty pageant, Vince winning a football award and going to extreme measures to take care of his family, and Luke ending his friendship with J.D. after the events of the previous episode. Becky kisses Tim, but he rebuffs her advances.Luke and Becky also have a one-night-stand after a chance encounter at a convenience store. \"The Son\" has received unanimous praise from critics. Eric Goldman of IGN gave the episode a perfect 10, stating \"this episode was Friday Night Lights reminding us that yes indeed, this is still one of the best shows on television \u2013 one that can pack a", + "score": 0.69482421875 + }, + { + "id": "8042734", + "title": "Friday Night Lights (TV series)", + "text": "at a sports agency in New York City, after visiting a former Panthers player who is now playing professionally, and moves to the northeast to be close to his girlfriend and newborn baby. Matt is pushed back into his former football role in the playoffs. While Eric Taylor and Buddy Garrity were making a visit to a possible recruit who just moved into town, the coach learns of a plot to have him replaced as head coach of the Dillon Panthers. They learn that Joe McCoy wants Taylor replaced with Wade Aikman, J.D.'s personal coach. After the school's administration meets", + "score": 0.6943359375 + }, + { + "id": "10578252", + "title": "David Edwards (motivational speaker)", + "text": "him paralyzed from the shoulders down. Over 9,000 people were on hand to witness this devastating hit. His injury profoundly affected many who were in the stadium. One attendee was filmmaker Peter Berg, who had followed Westlake's season as part of his own research on Texas high school football, prior to filming the movie version of \"Friday Night Lights\". Seeking a way to help Edwards, Berg eventually came up with the idea of having a benefit concert for him and other young men in similar circumstances. That concert took place on April 2004 in Austin. The concert was produced by", + "score": 0.6943359375 + }, + { + "id": "10463849", + "title": "Eric Taylor (Friday Night Lights)", + "text": "the season, leading the Lions to dominate throughout the playoffs and reach the state final. Howard throws a Hail Mary touchdown pass to clinch the state championship for the Lions at 27-26. Despite the state championship, budget cuts force the elimination of the Lions after the season, at which time the Lions' players will join the Panthers. Taylor receives an offer to return to the head coach position for the Dillon Panthers; he eventually declines due to past conflicts with the booster club. Taylor moves away from Dillon and begins coaching the Pemberton Pioneers in Philadelphia, due to a career", + "score": 0.6943359375 + }, + { + "id": "10072627", + "title": "Jesse Plemons", + "text": "co-star Taylor Kitsch (playing Tim Riggins) Plemons' chin split open, requiring eleven stitches. The show, a fan and critic favorite, after shifting to DirecTV, ended after five seasons, in 2011. In 2012, Plemons reunited with Kitsch and \"Friday Night Lights\" creator Peter Berg in the film \"Battleship.\" Berg, who directed the film, explained that he knew how comfortable Kitsch was with Plemons: \"I know that he's really good for Taylor and he makes Taylor better. So, I wrote that whole part for Jesse. I never thought of it as a \"Friday Night Lights\" reunion. I thought of it as protection,", + "score": 0.69384765625 + }, + { + "id": "8764551", + "title": "Ernest Goes to School", + "text": "down field on a drum after the ball that was thrown and flies into the end zone, catching it. The team wins just as the football players arrive from the locker room in bewilderment and the board trustee is informed of the inspector's actions and intentions and the coach's involvement. In the end, the school stays open (they won the football game) and both the coach and the inspector get fired. It is also revealed Ernest passed the final exam, so he earns his high school diploma and is permitted to keep his job. Ernest Goes to School Ernest Goes", + "score": 0.69384765625 + }, + { + "id": "6579756", + "title": "Lucas Black", + "text": "his character visits a horse every day in the hope of buying it. Black played a supporting role as Oakley in the historical drama \"Cold Mountain\" (2003). In 2004 he starred as Vernon, an autistic piano prodigy, in the indie musical drama \"Killer Diller\" (2004), and as Mike Winchell in the football-themed drama \"Friday Night Lights\" (2004), directed by Peter Berg. Black starred as Nat Banyon in the indie thriller film \"Deepwater\" (2005), directed by David S. Marfield; as Chris Kruger in the Gulf War-themed drama film \"Jarhead\" (2005), directed by Sam Mendes; and as Sean Boswell in the third", + "score": 0.69384765625 + }, + { + "id": "12829389", + "title": "Friday Night Lights (season 3)", + "text": "Taylor becomes the principal of cash-strapped Dillon High School and fights with Buddy Garrity about the allocation of funds toward a Jumbotron. While Eric Taylor and Buddy Garrity are visiting a possible recruit who just moved into town, the coach learns of a plot to have him replaced as head coach of the Dillon Panthers; Joe McCoy wants Taylor replaced with Wade Aikman, J.D.'s personal coach. After the school board meets to decide who gets the coaching job, Aikman is offered the job at Dillon High School, while Taylor is offered the job of coaching the Lions of East Dillon", + "score": 0.69384765625 + }, + { + "id": "15289071", + "title": "1994 John Tyler vs. Plano East high school football game", + "text": "kicker; Robert Woods; Rico Hall; Kenny Reed; Kevin Coit; Derek Martin, David Tomlinson, Donald Tomlinson, Dion Hilliard, Scott Phillips, coach 1994 John Tyler vs. Plano East high school football game On November 26, 1994, in a high school football playoff game in Texas, the Lions of John Tyler High School defeated the Panthers of Plano East Senior High School 48\u201344. The game drew national attention in the United States due to its wildly improbable and tumultuous finish, with seven touchdowns scored in the last four and a half minutes, and it won the 1995 Showstopper of the Year ESPY Award.", + "score": 0.69384765625 + }, + { + "id": "15122692", + "title": "Friday Night Lights (season 5)", + "text": "Friday Night Lights (season 5) The fifth and final season of the American serial drama television series \"Friday Night Lights\" commenced airing in the United States on October 27, 2010. It is the third season to be aired on DirecTV's The 101 Network. The 13-episode season concluded on The 101 Network on February 9, 2011. The fifth season began airing on NBC on April 15, 2011, and concluded on July 15, 2011. The fifth season was released on DVD in region 1 on April 5, 2011. The season was produced by Brian Grazer's Imagine Television company, Peter Berg's Film 44", + "score": 0.693359375 + }, + { + "id": "3767336", + "title": "Jason Katims", + "text": "and executive producer. He was nominated for a Writers Guild of America Award for Best New Series at the February 2007 ceremony for his work on the first season of \"Friday Night Lights\". He was nominated for the WGA Award for Best Dramatic Series the following year at the February 2008 ceremony for his work on the second season of \"Friday Night Lights\". Katims was nominated for Best Dramatic Series a second time at the February 2009 ceremony for his work on the third season of \"Friday Night Lights\". He was nominated for the WGA Award for Best Drama Series", + "score": 0.693359375 + }, + { + "id": "14639098", + "title": "Pilot (Friday Night Lights)", + "text": "pray for Jason Street. Team members then head over to the hospital, where Street's condition is still unclear. Riggins and Smash reconcile, while Julie tries to comfort Lyla. In a voice-over, coach Taylor is heard saying that \"We are all vulnerable, and we will all at some point in our lives fall.\" The television series \"Friday Night Lights\" was based on the 2004 movie \"Friday Night Lights\", which was in turn based on the 1990 non-fiction book \"\" by H. G. Bissinger. The book describes the 1988 season of the Permian Panthers, a high school football team in Odessa, Texas.", + "score": 0.69287109375 + }, + { + "id": "14962332", + "title": "Spit It Out (TV series)", + "text": "Oliver Plunkett, Albion North, Yarrambat and Apollo Parkways. New Frenzee rules were introduced for the Grand Final Week, that the Frenzieeists must now create a Frenzee stack with 4, 5, 6 AND 7 words, and each worth only one point. In day one of the grand final week, Yarrambat played against Apollo Parkways, Yarrambat won 53-21. In day two of the grand final week, St Oliver Plunkett played against Albion North, St Oliver Plunkett won 75-24. On the first two days all four teams still succeeded because of the round-robin reset. In day three of the grand final week, Yarrambat", + "score": 0.69287109375 + }, + { + "id": "11137039", + "title": "Brad Leland", + "text": "and directing. After graduating from college, Leland moved to Dallas where he worked in local theatre and found an agent. He also got a part in one episode of the TV series \"Dallas\" and in an episode of \"In the Heat of the Night\". He later appeared in seven episodes of the TV series \"Walker, Texas Ranger\", in the 2003 \"Texas Chain Saw Massacre\" remake and as an executive in the film \"Hancock\". His most visible roles, though, are that of football booster John Aubrey in the film \"Friday Night Lights\" and the similar character, Buddy Garrity, in the TV", + "score": 0.69287109375 + }, + { + "id": "10463834", + "title": "Eric Taylor (Friday Night Lights)", + "text": "Eric Taylor (Friday Night Lights) Eric Taylor is a fictional character in the NBC/DirecTV (The 101 Network) drama television series \"Friday Night Lights\" played by Kyle Chandler. He is introduced as the head coach of the Dillon High School football team, the Dillon Panthers. At the end of the first season, he accepts a position as the quarterback coach at the fictional Texas Methodist University (TMU), where he had served as an assistant coach. After the birth of his second daughter, he leaves TMU in the second season to return to Dillon and once again coach the Panthers. Following a", + "score": 0.6923828125 + }, + { + "id": "12204377", + "title": "The N's Student Body", + "text": "The solo win went to Mike Walker for his overall change in attitude and self-esteem. Every week, the two schools compete in some sort of challenge. The school who wins the challenge gets a reward, such as a yacht ride or being served dinner by the other team. The losing team gets \"punishment\", like husking corn or cleaning the bleachers after a high school football game. After the challenge and reward/punishment, the schools go to the weigh in to find out what their current weight is, therefore evaluating how much weight has been lost that week. Later, the teams go", + "score": 0.6923828125 + }, + { + "id": "6275450", + "title": "Angels in the Outfield (1994 film)", + "text": "instead, George gives him some motivation, and with encouragement from Roger, the team, and finally, the entire stadium audience as well as owner Murphy and the broadcasters. The Angels ultimately win the final game of the regular season without the help of the angels and clinch the division pennant over the rival Chicago White Sox, thanks to Mel. Murphy dismisses Ranch because of his denigration of the team. The film ends with George adopting both Roger and J.P. as he wants to try be a father. J.P. sees Al at the window and says \"I knew it could happen.\" Al", + "score": 0.69189453125 + }, + { + "id": "15352996", + "title": "Heidi Game", + "text": "be won were now lost. In Oakland, Gowdy and DeRogatis left the broadcast booth to tell Ellis that the final two minutes were the most exciting they had ever seen. Ellis replied, \"It's too bad America didn't see it.\" Realizing that the original call had been lost, Ellis had the two sportscasters re-create their descriptions of the two Raider touchdowns on tape. In an attempt to inform the audience of the game's outcome, NBC displayed the message \"SPORTS BULLETIN: RAIDERS DEFEAT JETS 43-32\" as an on-screen news update during the film. It did so during a scene just as Heidi's", + "score": 0.69189453125 + }, + { + "id": "1445663", + "title": "Like Mike", + "text": "his first game with the Knights, but realizes that he is not there to play. When the Knights play the San Antonio Spurs they start losing badly and Coach Wagner decides to let Calvin play in the fourth quarter. Calvin leads a comeback against the Spurs and they win, which leads to Calvin getting a season contract. Reynolds becomes his mentor since Calvin is a minor. Calvin brings teamwork to the Knights and makes them one of the best teams in the league. Tracy starts to respect Calvin after Calvin gets himself into trouble when making sure that Tracy didn't", + "score": 0.69091796875 + } + ], + "answer": "Friday Night Lights was a book, a film, and a TV series. David Wendel Carter High School wins at the ends of both Friday Night Lights: A Town, a Team, and a Dream, the 1990 nonfiction book by H. G. Bissinger, and the 2004 film Friday Night Lights adapted from the book. At the end of Friday Night Lights Season 5, the final season of the TV series inspired by the book, the East Dillon Lions win." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "What is the new name of bangalore city railway station?", + "short_answers": [ + "Krantivira Sangolli Rayanna Bengaluru Railway Station", + "Bengaluru City railway station" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "What is the original name of bangalore city railway station?", + "short_answers": [ + "South Bangalore City railway station" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Bangalore City railway station", + "url": "https://en.wikipedia.org/wiki/Bangalore%20City%20railway%20station" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Bangalore City Railway Station, officially Krantivira Sangolli Rayanna (Bengaluru Station), also known as Bengaluru City railway station (2014\u20132016),[1] (station code: SBC[2]) is the main railway station serving the city of Bangalore, Karnataka, India.", + "wikipage": "Bangalore City railway station" + } + ], + "long_answer": "South Bangalore City railway station, officially Krantivira Sangolli Rayanna Benguluru Rilway Station also known as Bengaluru City railway station is the main railway station serving the city of Bangalore, Karnataka, India." + }, + { + "knowledge": [ + { + "content": "Bangalore City Railway Station, officially Krantivira Sangolli Rayanna (Bengaluru Station), also known as Bengaluru City railway station (2014\u20132016),[1] (station code: SBC[2]) is the main railway station serving the city of Bangalore, Karnataka, India.", + "wikipage": "Bangalore City railway station" + } + ], + "long_answer": "The new name of the Bangalore City railway station is the Krantivira Sangolli Rayanna Bengaluru Railway Station, while the original name of the station was the South Bangalore City Railway Station. It's currently also known as the Bangalore City Railway Station." + } + ], + "sample_id": "-4929126693046447466", + "question": "What is the name of bangalore city railway station?", + "docs": [ + { + "id": "11818826", + "title": "Bangalore City railway station", + "text": "Rail Corporation Limited (BMRCL) decided to construct a foot-over-bridge from the metro station until the boundary of the railway station, while the South Western Railway, would complete the rest of the work. The foot-over-bridge is expected to open in June 2017. The railway station is also served by Kempegowda Bus Station. Bangalore City railway station Bangalore City railway station (Station code: SBC), officially known as Krantivira Sangolli Rayanna railway station, is the main railway station serving the city of Bengaluru, Karnataka, India.It is the second busiest railway station in South India after the Chennai Central in Chennai It is located", + "score": 0.86865234375, + "summary": "Bangalore City railway station is officially known as Krantivira Sangolli Rayanna railway station.", + "extraction": "The name of Bangalore city railway station is Krantivira Sangolli Rayanna railway station." + }, + { + "id": "11818824", + "title": "Bangalore City railway station", + "text": "Bangalore City railway station Bangalore City railway station (Station code: SBC), officially known as Krantivira Sangolli Rayanna railway station, is the main railway station serving the city of Bengaluru, Karnataka, India.It is the second busiest railway station in South India after the Chennai Central in Chennai It is located across the Kempegowda Bus Station. The station has 10 platforms and two entrances. Platforms 1 to 7 connect to the Chennai and Salem railway lines. On platforms 8 to 10, service trains arrive via Yeshwantpur from Hubballi-Dharwad. Platforms 1 to 4 terminate at Bangalore. On platforms 5 to 10, service trains", + "score": 0.8642578125, + "summary": "The name of Bangalore city railway station is Krantivira Sangolli Rayanna railway station.", + "extraction": "The name of Bangalore city railway station is Krantivira Sangolli Rayanna railway station." + }, + { + "id": "11818825", + "title": "Bangalore City railway station", + "text": "depart towards Mysuru. There are railway lines between Platforms 4 and 5 that are used as the railway yard. There are 5 railway lines passing from Bangalore City railway station - to Hyderabad via Guntakal, Chennai via Krishnarajapuram, Salem via Hosur, Mysuru, Hubballi-Dharwad via Tumkur, Birur. The Bangalore-Chennai railway line via Bangalore Cantonment, Bangarpet, is fully electrified and open for traffic. The Bangalore- Mysore line is also doubled and electrified. The railway station is served by KSR City Railway Station metro station on the Namma Metro's Purple Line, which opened on 30 April 2016. Later that year, the Bangalore Metro", + "score": 0.81494140625, + "summary": "The name of the railway station in Bangalore city is \"Bangalore City railway station\".", + "extraction": "The name of Bangalore city railway station is \"Bangalore City railway station\"." + }, + { + "id": "17750436", + "title": "Bangarapet Junction railway station", + "text": "Bangarapet Junction railway station Bangarapet railway station (station code: BWT) (earlier called Bowringpet) is located in Kolar district in the Indian state of Karnataka and serves Bangarapet. Madras Railway connected Bangalore Cantonment to Jolarpettai as a branch on the newly constructed Chennai- Beypur line in 1864.The station was then known by the name as Kolar Road for its proximity to the Kolar Gold fields and later christened as Bowringpet the name of a District collector of Britishers of the area. Bangalore Mail started running around the same period the exact date not being very clear . The wide narrow gauge", + "score": 0.80029296875, + "summary": "The document is irrelevant to the question.", + "extraction": "The name of the Bangalore city railway station is not mentioned in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "19137342", + "title": "Bangalore East railway station", + "text": "has existed since starting operations in 1864, with the launch of the Bangalore Cantonment - Jolarpettai train services by the Madras Railway. The train line was broad-gauge and 149 km long, connecting the Bangalore Cantonment with Vellore district. Recently in a bid to give a face-lift to the Bangalore East Railway Station, the Indian Railways started 5 new booking counters at the station. As the Express trains do not halt at this station, there has been a long-standing demand from residents of the surrounding suburbs of Fraser Town, Cox Town, Bharathinagar, Sevanagar, Jeevanahalli, Banaswadi and Kammanahalli, for all trains to", + "score": 0.79638671875, + "summary": "The document mentions Bangalore East railway station, but does not provide the name of Bangalore city railway station. Therefore, the answer is \"irrelevant\".", + "extraction": "The given passage is irrelevant as it does not mention the name of Bangalore city railway station." + }, + { + "id": "17750438", + "title": "Bangarapet Junction railway station", + "text": "wide broad gauge Bangarpet-Marikuppam line came up in 1894. The Mulanur-Bangarpet-Bangalore City sector was electrified in 1991-92. Bangarapet railway station has a subscriber trunk dialing booth, computerized reservation counter, waiting room, vegetarian refreshment stall, tea stall and book stall. Bangarapet Junction railway station Bangarapet railway station (station code: BWT) (earlier called Bowringpet) is located in Kolar district in the Indian state of Karnataka and serves Bangarapet. Madras Railway connected Bangalore Cantonment to Jolarpettai as a branch on the newly constructed Chennai- Beypur line in 1864.The station was then known by the name as Kolar Road for its proximity to the", + "score": 0.7958984375, + "summary": "The name of Bangalore city railway station is not mentioned in the document, it is irrelevant to the question.", + "extraction": "The name of Bangalore city railway station is not mentioned in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "17949201", + "title": "Bangalore Cantonment railway station", + "text": "was opened to public on January 2011 by K Muniyappa, Union minister of state for railways. South India's first Double Decker AC train has a stop at \"Bengaluru Cantonment railway station\". Following is the table of list of trains passing through Bangalore Cantonment station every day. Bangalore Cantonment railway station Bengaluru Cantonment (station code: BNC) is one among the three important railway stations serving the city of Bengaluru and it is located in the locality of Vasanth Nagar and nearby to Shivajinagar. The Station started operations in 1864, with the launch of the Bangalore Cantonment - Jolarpettai train services by", + "score": 0.79541015625, + "summary": "The name of Bangalore city railway station is Bengaluru Cantonment railway station (station code: BNC). It started operations in 1864 and was opened to the public in January 2011. The station serves as one of the three important railway stations in the city and is located in the locality of Vasanth Nagar and nearby to Shivajinagar.", + "extraction": "The name of the Bangalore city railway station is \"Bengaluru Cantonment railway station\" or \"Bangalore Cantonment railway station\" (station code: BNC)." + }, + { + "id": "19137341", + "title": "Bangalore East railway station", + "text": "cartoonist Paul Fernandes remembers as a young boy befriending train drivers at this station, and getting grease for his bicycle. According to the 'List of Mysore Residency records, from the year 1880-1947', the Bangalore East Railway Station was constructed in 1906, on the Bangalore-Madras Railway Line. At that time, the trains from Madras terminated at the Bangalore Cantonment Railway Station, in Bangalore Civil and Military Station which was controlled by the British Madras Presidency. The Bangalore City station in the Bangalore Pete (under the control of the Maharaja of Mysore), was used to connect to Mysore State. The railway line", + "score": 0.79296875, + "summary": "The document mentions the Bangalore East railway station, but does not directly answer the question of what the name of the Bangalore city railway station is.", + "extraction": "The name of Bangalore city railway station is Bangalore City station in the Bangalore Pete." + }, + { + "id": "19137340", + "title": "Bangalore East railway station", + "text": "Bangalore East railway station Bangalore East Railway Station (station code: BNCE) is an old British Era Railway Station surrounded by Pottery Road, Kumaraswamy Naidu Road, Murgesha Mudaliar Road and Kenchappa Road, is a small quaint station located in Fraser Town, Bangalore Cantonment. This station is very convenient for residents traveling towards or returning from Kolar Gold Fields or Madras. Express and Mail trains did not stop here till the 1920s. The station is now renovated with a larger platform. Adjacent to Railway Station, there is the Bangalore East Football Grounds, which nowadays is more used for playing Cricket. Well known", + "score": 0.78662109375, + "summary": "The name of Bangalore city railway station is not mentioned in the document.", + "extraction": "The name of the Bangalore city railway station is not mentioned in the passage. The passage is irrelevant." + }, + { + "id": "12622837", + "title": "Bengaluru Commuter Rail", + "text": "Bengaluru Commuter Rail Bengaluru Commuter Rail (Kannada: \u0cac\u0cc6\u0c82\u0c97\u0cb3\u0cc2\u0cb0\u0cc1 \u0caa\u0ccd\u0cb0\u0caf\u0cbe\u0ca3\u0cbf\u0c95\u0cb0 \u0cb0\u0cc8\u0cb2\u0cc1) is approved in 2014/2015 Railway Budget for suburban railway service for the city of Bangalore. So far no progress has been made. The suburban rail services existed for HAL employees to commute from City Railway station to Vimanapura Railway station in 1963. However a modern suburban rail system for Bangalore was first proposed in 2007. The proposal called for 10 routes totalling 204.0 km. The principal advantage of the system, according to the Rail Indian Technical and Economic Services (RITES), is that commuter rail costs less than rapid transit systems.", + "score": 0.78466796875, + "summary": "The document mentions the city of Bangalore and its proposed suburban railway service called Bengaluru Commuter Rail, which was approved in the 2014/2015 Railway Budget. However, it does not provide the name of Bangalore city railway station.", + "extraction": "The name of Bangalore city railway station is \"City Railway station\"." + }, + { + "id": "17949199", + "title": "Bangalore Cantonment railway station", + "text": "Bangalore Cantonment railway station Bengaluru Cantonment (station code: BNC) is one among the three important railway stations serving the city of Bengaluru and it is located in the locality of Vasanth Nagar and nearby to Shivajinagar. The Station started operations in 1864, with the launch of the Bangalore Cantonment - Jolarpettai train services by the Madras Railway. The train line was broad-gauge and 149 km long, connecting the Bangalore Cantonment with Vellore district. Total 119 passenger trains Start/End/PassThrough Bangalore Cantonment Railway Station. Total 499 Stations are directly connected to Bangalore Cantonment Railway Station via these 269 passenger trains. Amenities available", + "score": 0.78466796875, + "summary": "The name of the Bangalore city railway station is not mentioned in the document.", + "extraction": "The name of Bangalore city railway station is not mentioned in the given passage. The answer is \"irrelevant\"." + }, + { + "id": "19137343", + "title": "Bangalore East railway station", + "text": "stop at this station. As they are being forced to use the Bangalore Cantonment Railway Station, which is located at a distance. Bangalore East railway station Bangalore East Railway Station (station code: BNCE) is an old British Era Railway Station surrounded by Pottery Road, Kumaraswamy Naidu Road, Murgesha Mudaliar Road and Kenchappa Road, is a small quaint station located in Fraser Town, Bangalore Cantonment. This station is very convenient for residents traveling towards or returning from Kolar Gold Fields or Madras. Express and Mail trains did not stop here till the 1920s. The station is now renovated with a larger", + "score": 0.7822265625, + "summary": "The name of Bangalore city railway station is irrelevant to this document as it only talks about Bangalore East railway station.", + "extraction": "The name of Bangalore city railway station is not mentioned in the given passage. Therefore the answer is \"irrelevant\"." + }, + { + "id": "17744484", + "title": "Chennai Central\u2013Bangalore City line", + "text": "Arakkonam has engineering workshops. Chennai Central, Katpadi and Bangalore City, on this line, are amongst the top hundred booking stations of Indian Railway. Chennai Central\u2013Bangalore City line The Chennai Central\u2013Bengaluru City line (popularly known as Chennai-Bengaluru line) connects the main railway stations in two of the larger cities in India - Chennai Central in Tamil Nadu and Bengaluru City in Karnataka. The first train service in southern India and the third in India was operated by Madras Railway from Royapuram / Veyasarapady to Wallajah Road (Arcot) in 1856. Madras Railway extended its trunk route to Beypur / Kadalundi (near Calicut)", + "score": 0.7783203125, + "summary": "The document mentions that the railway line connects Chennai Central in Tamil Nadu and Bengaluru City in Karnataka, but it does not provide the name of the Bangalore city railway station.", + "extraction": "Bangalore City." + }, + { + "id": "18377610", + "title": "Bangalore", + "text": "railway station, with railway lines towards Jolarpettai in the east, Chikballapur in the north-east, Guntakal in the north, Tumkur in the northwest, Hassan in the west, Mysore in the southwest and Salem in the south. There is also a railway line from Baiyappanahalli to Vimanapura which is no more in use. Though Bangalore has no commuter rail at present, there have been demands for a suburban rail service keeping in mind the large number of employees working in the IT corridor areas of Whitefield, Outer Ring Road and Electronics City. The Rail Wheel Factory is Asia's second largest manufacturer of", + "score": 0.77197265625, + "summary": "The document mentions railway lines in Bangalore going towards various directions but does not mention the name of the city's railway station.", + "extraction": "The name of Bangalore city railway station is not explicitly mentioned in the passage. Therefore, the extracted span is \"irrelevant\"." + }, + { + "id": "20761418", + "title": "Baiyyappanahali railway station", + "text": "office,Parking,Skyway and toilet,felicity available. Baiyyappanahali railway station Baiyyappanahali railway station (station code:BYPL) is an Indian Railways Train station located in Baiyyappanahali, Bangalore in the Indian state of Karnataka which is located about 13 km away from the Bangalore City railway station and serves Baiyyappanahali and Krishnarajapuram area. South Western Railway (SWR) developed Byappanahalli, located on the eastern part of the city, as the third railway terminal for the city along with facilities in 2008 due to no space around the Bangalore City railway station. Baiyyappanahali railway station has two platforms,and 4 tracks each running to 400m in length, shelters, lighting,", + "score": 0.77001953125, + "summary": "The name of Bangalore city railway station is not mentioned in the document.", + "extraction": "The name of Bangalore city railway station is \"Bangalore City railway station\". However, this information is not present in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "18486855", + "title": "Fraser Town, Bangalore", + "text": "Station is an old British Era Railway Station surrounded by Pottery Road, Kumaraswamy Naidu Road, Murgesha Mudaliar Road and Kenchappa Road, is a small quaint station located in Fraser Town. This station is very convenient for residents travelling towards Kolar Gold Fields or returning from Madras or KGF. Express and Mail trains did not stop here till the 1920s. The station is now renovated with a larger platform. Adjacent to Railway Station, there is the Bangalore East Football Grounds, which nowadays is more used for playing Cricket. Well known cartoonist Paul Fernandes remembers as a young boy befriending train drivers", + "score": 0.77001953125, + "summary": "The document is relevant but does not provide the name of Bangalore city railway station.", + "extraction": "The passage is irrelevant to the question as it does not mention the name of Bangalore city railway station." + }, + { + "id": "20761417", + "title": "Baiyyappanahali railway station", + "text": "Baiyyappanahali railway station Baiyyappanahali railway station (station code:BYPL) is an Indian Railways Train station located in Baiyyappanahali, Bangalore in the Indian state of Karnataka which is located about 13 km away from the Bangalore City railway station and serves Baiyyappanahali and Krishnarajapuram area. South Western Railway (SWR) developed Byappanahalli, located on the eastern part of the city, as the third railway terminal for the city along with facilities in 2008 due to no space around the Bangalore City railway station. Baiyyappanahali railway station has two platforms,and 4 tracks each running to 400m in length, shelters, lighting, benches and a booking", + "score": 0.76513671875, + "summary": "The name of Bangalore city railway station is not mentioned in the document.", + "extraction": "The name of Bangalore city railway station is not mentioned in the given passage. Therefore, the extracted span is \"irrelevant\"." + }, + { + "id": "17744478", + "title": "Chennai Central\u2013Bangalore City line", + "text": "Chennai Central\u2013Bangalore City line The Chennai Central\u2013Bengaluru City line (popularly known as Chennai-Bengaluru line) connects the main railway stations in two of the larger cities in India - Chennai Central in Tamil Nadu and Bengaluru City in Karnataka. The first train service in southern India and the third in India was operated by Madras Railway from Royapuram / Veyasarapady to Wallajah Road (Arcot) in 1856. Madras Railway extended its trunk route to Beypur / Kadalundi (near Calicut) in 1861. Madras Railway connected Bangalore Cantonment to Jolarpettai on the newly constructed Beypur line in 1864. Bangalore Mail started running the same", + "score": 0.7626953125, + "summary": "Bangalore City is the name of the railway station in Bangalore connected by the Chennai Central\u2013Bangalore City line.", + "extraction": "The name of Bangalore city railway station is \"Bengaluru City\"." + }, + { + "id": "18377609", + "title": "Bangalore", + "text": "of for the North-South and East-West lines was made operational by June 2017. Phase 2 of the metro covering is under construction and includes two new lines along with the extension of the existing North-South and East-West lines. There are also plans to extend the North-South line to the airport, covering a distance of . It is expected to be operational by 2021. Bangalore is a divisional headquarters in the South Western Railway zone of the Indian Railways. There are four major railway stations in the city: \"Krantiveera Sangolli Rayanna Railway Station\", Bangalore Cantonment railway station, Yeshwantapur junction and Krishnarajapuram", + "score": 0.76025390625, + "summary": "The name of Bangalore city railway station is \"Krantiveera Sangolli Rayanna Railway Station\".", + "extraction": "The name of Bangalore city railway station is \"Krantiveera Sangolli Rayanna Railway Station\"." + }, + { + "id": "14413230", + "title": "Krishnarajapuram railway station", + "text": "Krishnarajapuram railway station Krishna rajapura railway station is a suburb station located in Krishnarajapuram which is located about 14 km away from the Bangalore City railway station. It is one of the important railway station serving the Bangalore Metropolitan area and most of the trains have a stop here. Some of the major routes include to the places of Howrah, Chennai Central, and Patna Jn. Some of the popular trains traveling to Bangalore are Lal Bagh Express(12608) to Chennai operating 7 times a week, Kanyakumari Exp(16526) to Kanyakumari operating 7 times a week, and SBC Double Deck(22625) Chennai - Bangalore", + "score": 0.7548828125, + "summary": "Krishnarajapuram railway station is a suburb station located in Krishnarajapuram, 14 km away from Bangalore City railway station.", + "extraction": "Bangalore City railway station." + }, + { + "id": "19891735", + "title": "Mookambika Road Byndoor railway station", + "text": "and terminating trains at this station.Mokambika Road-Kannur Passenger train. A KRCL official said that with a 93-m long station building and 10 m x 600 m platform, the Byndoor station is the biggest station in the Konkan Railway network, after Madgaon.The station is directly connected to Mangalore, Bangalore, Mumbai, New Delhi, Amritsar, Chandighar, Pune, Ajmer, Jaipur, Rajkot, Ahmedabad, Okha, Mysore, Belgaum, Jodhpur, Agra, Thiruvananthapuram, Ernakulam, Kozhikode, Kollam. This station has One platforms and Kollour Mookambika Temple type Building is the main Highlight. It lies off the Kanyakumari-Panvel Road, in Mookambika Road Byndoor, PIN Code 576214. The Mangalore Bajpe Airport (Code:", + "score": 0.75390625 + }, + { + "id": "19768322", + "title": "Shrirangapattana railway station", + "text": "at Hubballi and comprises 3 divisions namely Hubballi, Mysuru, and Bengaluru. Shrirangapattana railway station Shrirangapattana railway station (station code: S) is a railway station on Mysore\u2013Bangalore railway line in Mandya district of Karnataka state of India. Mysore railway division is one of the three railway divisions under South Western Railway zone of Indian Railways. This railway division was formed on 5 November 1951 and its headquarter is located at Mysore in the state of Karnataka in India. Bangalore railway division and Hubli railway division are the other railway divisions under SWR Zone headquartered at Hubli. The South Western Railway is", + "score": 0.75390625 + }, + { + "id": "20275742", + "title": "Bangarapet - Bangalore City Express", + "text": "Bangarapet - Bangalore City Express The Bangarapet - Bangalore City Express is an express train belonging to South Western Railway zone that runs between Bangarapet Junction and Bangalore City in India. It is currently being operated with 16521/16522 train numbers on daily basis. The 16521/Bangarapet - Bangalore City Express has averages speed of 40 km/hr and covers 70 km in 1h 45m. The 16522/Bangalore City - Bangarapet Express has averages speed of 44 km/hr and covers 70 km in 1h 35m. The important halts of the train are: The train has standard ICF rakes with a max speed of 110", + "score": 0.75146484375 + }, + { + "id": "7081073", + "title": "Infrastructure in Bangalore", + "text": "the telegraph system in the city. The South Parade, today known as M.G. Road, became a fashionable area with bars, and restaurants. In his book \"Bangalore: Scenes from an Indian City\", M. N. Srinivas opines that the reasons leading to the haphazard development of narrow, winding roads around the civilian areas around the cantonment was because the British chose to ignore the development of these areas, which were normally reserved for non-European labourers. The first railway lines between Bangalore and Jolarpet were laid in 1864 under the directives of Cubbon. His successor, Lewin Bentham Bowring (1862\u20131870) established the first organised", + "score": 0.7509765625 + }, + { + "id": "17151398", + "title": "Ananthnagar", + "text": "station is being constructed within walkable distance from the area as part of Bangalore Metro Yellow Line. Also a mall named Mahendra Millennium Mall is coming up very close to this area on Hosur road. The Heelalige Railway station on Bengaluru - Hosur line is just about 3 km from the Ananthnagar area. A fleet of new Suburban trains are passing through this station which connects people to Bangalore's other tech. corridor railway stations of Carmelaram (Sarjapur Road), Bellandur Road, Bayyappanahalli (METRO Link) and Hebbal. This has immensely benefited the people, who commute from this area to the other parts", + "score": 0.7490234375 + }, + { + "id": "16009045", + "title": "Baiyappanahalli metro station", + "text": "under contract, till 2015. The parking lot can accommodate 100 four-wheel and 150 two-wheel vehicles. It was the first Namma Metro station to offer parking facilities. Metro station is connected with Baiyyappanahali railway station of Indian Railways network. Baiyappanahalli metro station Baiyappanahalli metro station is the eastern terminal point on the east-west corridor of the Namma Metro in Bangalore, India. BMRCL has constructed a skywalk from the Baiyappanahalli station to BMRCL's traffic integration area on the NGEF side (Kasturinagar). The commissioner of metro railway safety (Southern Circle) had given permission to construct the skywalk. Initially, there were no toilets at", + "score": 0.74853515625 + }, + { + "id": "8177598", + "title": "Kengeri", + "text": "KENGERI TTMC Kengeri railway station is on the Bangalore-Mysore rail route. Chamundi Express, Mysore-Tirupati Fast Passenger, Mysore-Chennai Express, Yeshwantpur-Karwar Express connecting Bangalore-Mysore, Bangalore-Mangalore, Udupi, Karwar) and Tuticorin-Mysore Express are the main train connections. The computerised passenger reservation system is in service. The station is served by the South Western Railways. Bangalore City Junction railway station is to the north-east of Kengeri. Travelling south-west, Bidadi railway station is the nearest main station. Kengeri Bus Station is the nearest bus terminal. BMTC now has constructed a modern traffic and transit management centre (TTMC) at the entrance of the town. This centre facilitates", + "score": 0.74755859375 + }, + { + "id": "20287721", + "title": "Bangalore City\u2013Tirupati Intercity Express", + "text": "WAP-4 diesel locomotive pulls the train to its destination. Bangalore City\u2013Tirupati Intercity Express The 22617 / 18 Bangalore City - Tirupati Intercity Express is a Express train belonging to Indian Railways Southern Railway zone that runs between and in India. It operates as train number 22617 from to and as train number 22618 in the reverse direction serving the states of Karnataka, Tamil Nadu & Andhra Pradesh. The 22617 / 18 Bangalore City - Tirupati Intercity Express has one AC chair car, eight Chair car, 14 general unreserved & two SLR (seating with luggage rake) coaches . It does not", + "score": 0.74755859375 + }, + { + "id": "14023207", + "title": "Kempegowda Bus Station", + "text": "Kempegowda Bus Station Kempegowda Bus Station, more commonly known as Majestic Bus Station, is a large bus station in central Bangalore, India. It is located opposite the Bangalore City Railway Station. It is bordered by Seshadri Road to the north, Danavanthri Road to the east, Tank Bund Road to the south and Gubbi Thotadappa Road to the west. This bus station provides connectivity to almost all the areas of Bangalore. One side of the bus station is used for intra-city buses by the Bangalore Metropolitan Transport Corporation (BMTC) while the other side is used by out-station buses operated by various", + "score": 0.74658203125 + }, + { + "id": "17712417", + "title": "Mangalore Junction railway station", + "text": "Mangalore Junction railway station Mangalore Junction railway station (Station code: MAJN) is a gateway to the port city of Mangalore located at Darbar Hill, Padil, Mangalore, 575007, coming under the Palakkad Division of Southern Railway. The station is a junction interconnecting Mangalore Central railway station with Kerala in the south, Maharashtra/Goa and Mangalore Sea Port in the north and Bangalore-Chennai in the east. It is the busiest railway junction in the area, as all north- and southbound trains touch Mangalore through this station. It was formerly called Kankanadi railway station when the city railway station was simply called Mangalore railway", + "score": 0.74658203125 + }, + { + "id": "19768321", + "title": "Shrirangapattana railway station", + "text": "Shrirangapattana railway station Shrirangapattana railway station (station code: S) is a railway station on Mysore\u2013Bangalore railway line in Mandya district of Karnataka state of India. Mysore railway division is one of the three railway divisions under South Western Railway zone of Indian Railways. This railway division was formed on 5 November 1951 and its headquarter is located at Mysore in the state of Karnataka in India. Bangalore railway division and Hubli railway division are the other railway divisions under SWR Zone headquartered at Hubli. The South Western Railway is one of the 17 railway zones in India. It is headquartered", + "score": 0.74609375 + }, + { + "id": "19438657", + "title": "Hosahalli metro station", + "text": "Hosahalli metro station Hosahalli is a metro station on the Purple Line of the Namma Metro serving Hosahalli, Bangalore. It was opened to the public on 16 November 2015. On 16 November 2015, Union Minister of Chemicals and Fertilisers H.N. Ananth Kumar requested the Karnataka Government to rename the station after Balagangadharanatha Swamiji, a Vokkaliga seer. The request was supported by Union Urban Development Minister M. Venkaiah Naidu. Karnataka Chief Minister Siddaramaiah had \"no objection\" to naming the station after the seer and had an \"open mind\" on the issue. The Hosahalli station is located near the Adichunchanagiri Mahasamsthana, a", + "score": 0.74365234375 + }, + { + "id": "14305695", + "title": "Shantinagar Bus Station", + "text": "Shantinagar Bus Station The Shantinagar Bus Station is a bus station in Bengaluru, Karnataka, India. All KSRTC, TNSTC and SETC buses bound towards Tamil Nadu and KSRTC and APSRTC buses towards Andhra Pradesh now depart from this bus station instead of Kempegowda Bus Station owing to land acquired for Bengaluru Metro Rail Construction at Kempegowda Bus Station. The bus station is located on Kengal Hanumantaiah Road, next to the central offices of the Bengaluru Metropolitan Transport Corporation and Karnataka State Road Transport Corporation. The Depot #1 of BMTC was remodelled as a bus station with four bays. The first bay", + "score": 0.7431640625 + }, + { + "id": "15891375", + "title": "Mangalore Central railway station", + "text": "Mangalore Central railway station Mangaluru Central (Station code: MAQ) is the main railway terminus in the city of Mangaluru. It is one of the major railway stations in the Karnataka state. Mangalore Central railway station is located at Old Kent road, Hampankatta. The other major railway station in the city, Mangalore Junction located at Darbar Hill, Padil, Mangalore 575007. Rail connectivity in Mangalore was established in 1907. A metre gauge railway track, built through the Western Ghats, connected Mangalore with Hassan. The metre gauge track was converted to a broad gauge track connecting Mangalore to Bangalore via Hassan. The re-gauged", + "score": 0.74267578125 + }, + { + "id": "20277230", + "title": "Bangalore City - Kochuveli Express", + "text": "of 22 coaches : LHB rakes are allotted with effect from 28-07-2018. Both trains are hauled by a Royapuram Loco Shed based WAP-4 electric locomotive from Bangalore to Kochuveli and vice versa. 16315 - Starts form KSR Bangalore City Jn daily at 16:50 Hrs IST and reach Kochuveli Next Day at 9:35 AM IST 16316 - Starts for Kochuveli Daily at 16:45 Hrs IST and reach next Day at 8:35 Hrs KSR Bangalore City Jn Bangalore City - Kochuveli Express The Bangalore City - Kochuveli Express is an express train belonging to Southern Railway zone that runs between Bangalore City", + "score": 0.74267578125 + }, + { + "id": "20275743", + "title": "Bangarapet - Bangalore City Express", + "text": "kmph. The train consist of 13 coaches : Both trains are hauled by a Royapuram Loco Shed based WAP-7 Electric locomotive from Bangalore to Bangarapet and vice versa. Bangarapet - Bangalore City Express The Bangarapet - Bangalore City Express is an express train belonging to South Western Railway zone that runs between Bangarapet Junction and Bangalore City in India. It is currently being operated with 16521/16522 train numbers on daily basis. The 16521/Bangarapet - Bangalore City Express has averages speed of 40 km/hr and covers 70 km in 1h 45m. The 16522/Bangalore City - Bangarapet Express has averages speed of", + "score": 0.74169921875 + }, + { + "id": "20687562", + "title": "Hoodi Halt railway station", + "text": "line. The railway station is located between Krishnarajapuram railway station and Whitefield railway station. Hoodi Halt railway station Hoodi Halt Railway Station (station code: HDIH) is an Indian Railways Train station located in Hoodi, Bangalore in the Indian state of Karnataka which is located about 38 km away from the Bangalore City railway station and serves Hoodi and Whitefield area. There was a sustained demand for stoppage at Hoodi from 2013 from commuters in the Whitefield area, Sustained campaigns were carried out through public forums and social media. Hoodi Halt has two platforms, each running to 400m in length, shelters,", + "score": 0.7412109375 + }, + { + "id": "14413232", + "title": "Krishnarajapuram railway station", + "text": "trains. And apart from that existing platforms could accommodate only 19 coaches whereas all the trains which stop here have 24 coaches which causes inconvenience to the passengers. So the extension of the platforms were approved by the railways which was completed in fifteen days. Krishnarajapuram railway station is a junction on the Bangalore-Chennai main line with a line from Guntakal joining the track into the station. However the Guntakal track is mostly used by freight trains and oil tankers from Whitefield, though a few express trains from Tamil Nadu and Kerala heading towards the north do use this line,", + "score": 0.740234375 + }, + { + "id": "20274663", + "title": "Gandhidham - Bangalore City Express", + "text": "Weekly Express, 16533/16534 Bhagat Ki Kothi\u2212Bangalore City Express (via Guntakal), 16533/16534 Ajmer - Bangalore City Garib Nawaz Express and 16507/16508 Bhagat Ki Kothi\u2212Bangalore City Express (via Hubballi). Gandhidham - Bangalore City Express The Gandhidham - Bangalore City Express is an express train belonging to South Western Railway zone that runs between Gandhidham Junction and Bangalore City in India. It is currently being operated with 16505/16506 train numbers on weekly basis. The 16505/Gandhidham - KSR Bengaluru Express has averages speed of 46 km/hr and covers 1955 km in 42h 15m. The 16506/KSR Bengaluru - Gandhidham Express has averages speed of 50", + "score": 0.73974609375 + }, + { + "id": "16009044", + "title": "Baiyappanahalli metro station", + "text": "Baiyappanahalli metro station Baiyappanahalli metro station is the eastern terminal point on the east-west corridor of the Namma Metro in Bangalore, India. BMRCL has constructed a skywalk from the Baiyappanahalli station to BMRCL's traffic integration area on the NGEF side (Kasturinagar). The commissioner of metro railway safety (Southern Circle) had given permission to construct the skywalk. Initially, there were no toilets at Namma Metro stations, despite demand from commuters. The metro's first toilets were opened at Baiyappanahalli and Indiranagar stations on 21 June 2013. Baiyappanahalli station has a 2600m asphalted parking area. It is being operated by Central Parking Services,", + "score": 0.73828125 + }, + { + "id": "20287719", + "title": "Bangalore City\u2013Tirupati Intercity Express", + "text": "Bangalore City\u2013Tirupati Intercity Express The 22617 / 18 Bangalore City - Tirupati Intercity Express is a Express train belonging to Indian Railways Southern Railway zone that runs between and in India. It operates as train number 22617 from to and as train number 22618 in the reverse direction serving the states of Karnataka, Tamil Nadu & Andhra Pradesh. The 22617 / 18 Bangalore City - Tirupati Intercity Express has one AC chair car, eight Chair car, 14 general unreserved & two SLR (seating with luggage rake) coaches . It does not carry a pantry car coach. As is customary with", + "score": 0.73828125 + }, + { + "id": "20979459", + "title": "Whitefield (Bangalore) railway station", + "text": "three platforms, each running to 400m in length, shelters, lighting, benches and a booking office. Whitefield railway station is on the Bangalore\u2013Chennai main line. The railway station is located between Hoodi Halt railway station and Devangonthi railway station. Whitefield (Bangalore) railway station Whitefield railway station (station code: WFD) is an Indian Railways train station located in Whitefield, Bangalore, in the Indian state of Karnataka, which is about 8 km away from the Krishnarajapuram railway station and serves the Whitefield area. The Whitefield railway station is about 3 km north of the Whitefield Bus stop. It lies on the Bangalore-Chennai route", + "score": 0.73779296875 + }, + { + "id": "16138637", + "title": "Bandra railway station", + "text": "the railway station. Auto Rickshaws are also available. The charm of this station is in its station building and canopy. Sloping Mangalore tiled roofing, spacious layout and Grecian facade add to the beauty. Bandra railway station Bandra(\u0935\u093e\u0902\u0926\u094d\u0930\u0947) is a railway station on the Western Line and Harbour Line of the Mumbai Suburban Railway network. It serves the Bandra suburban area as also the modern commercial area called Bandra-Kurla-Complex (BKC). Bandra Terminus is near to Bandra railway station and serves interstate traffic on the Western Railway. All fast and slow commuter trains have a halt at this station. Bandra is also", + "score": 0.73779296875 + }, + { + "id": "14413231", + "title": "Krishnarajapuram railway station", + "text": "Double Decker Express to Bangalore operating 7 times a week. Krishnarajapuram railway station (station code: KJM) is located at the junction of the Old Madras Road (NH 4) and Outer Ring Road, Bangalore. The cable stayed bridge of Old Madras road crosses the tracks just near the station. Krishnarajapuram station has about 4 platforms and 2 thorough tracks for non stopping trains. Most of the long distance trains stop at platform 4, while incoming trains heading to Bangalore City stop at platform 3. Platform 1 is long enough only for eight coaches so it is used for goods and mail", + "score": 0.7373046875 + }, + { + "id": "20472110", + "title": "BNI City railway station", + "text": "BNI City railway station BNI City railway station () (\"Bank Negara Indonesia granted for naming rights\") is a station for the Soekarno-Hatta Airport Rail Link service. The station was known as Sudirman Baru railway station during construction period. The station is located in Central Jakarta, on the north bank of West Flood Canal, about a hundred meters from Sudirman Commuter Rail station. Sudirman Baru Station has three floors and is about in length. On the ground floor, a number of station support facilities such as escalators, tap-in and tap-out machines, ticket vending machines, two seating areas for passengers, and lifts", + "score": 0.73681640625 + }, + { + "id": "8125793", + "title": "Chintamani, Karnataka", + "text": "being operational. The Train Timings: Train will departure from Bangalore City Railway Station at 8.30 AM and reach Chintamani via Chickballapur and Shidlaghatta en route to Kolar by 12.00 Noon. In the reverse trip the train departs from Kolar by 2.00 Pm. and comes to Chintamani by 2.40 PM. Departs by 2.45 PM and reaches Bangalore City Railway Station by 5.30PM. However, there is a demand that one more train should be introduced in this route with early morning departure from Kolar around 6 AM and come to Chintamani around 7 AM and reaches Bangalore city around 9.30 AM which", + "score": 0.736328125 + }, + { + "id": "20264036", + "title": "Bhagat Ki Kothi\u2212Bangalore City Express (via Guntakal)", + "text": "Jn, (Bangalore) on Friday Morning 3:15 AM IST The 16553 / 54 Bhagat Ki Kothi - Bangalore City Express runs from via , , , , , , , , , , , , to . As the route is going to electrification, a based WDP-4 diesel locomotive pulls the train to its destination. Bhagat Ki Kothi\u2212Bangalore City Express (via Guntakal) The 16553 / 54 Bhagat Ki Kothi - Bangalore City Express is an Express train belonging to Indian Railways South Western Railway zone that runs between and in India. It operates as train number 16553 from to and as", + "score": 0.736328125 + }, + { + "id": "9400357", + "title": "Wandoor", + "text": "Bangalore through Highways.12,29 and 181. National highway No.66 passes through Ramanattukara and the northern stretch connects to Goa and Mumbai. The southern stretch connects to Cochin and Trivandrum. State. The nearest airport is at Kozhikode. The nearest major railway station is at Feroke. Bus routes:-- 1 Banglore 2 Mysore 3 Manjeri 4 Calicut 5 Areecode 6 Edavanna 7 Nilambur 8 Kalikavu 9 Poongod 10 Pookottumpadam 11 Perinthalmanna 12 Thrissur 13 Palakkad 14 Ernakulam Etc Train :- Vaniyambalam Raiway Station Vaniyambalam - Shornur-Trivandrum Vaniyambalam - Nilambur road Kuttiyil: A Junction one and half kilometer on Vaniyambalam Road, intersected by Karakkaparamba- Old", + "score": 0.736328125 + }, + { + "id": "2570676", + "title": "Bandra", + "text": "for a while been strained with traffic, particularly around the railway station and S.V. Road. The development of a business centre has only exacerbated the traffic problems, as unlike other commercial hubs, Bandra's BKC is not located in the centre by the railway station, but quite a ways towards the east. Thus, nearly 300,000 workers a day alight at Bandra Railway Station and take a taxi or bus to BKC. This has made Bandra among the busiest stations in India, surpassing Andheri and Bombay Central, and the second-busiest station in Maharashtra's Western Railway after Churchgate Station. Bandra has a large", + "score": 0.736328125 + }, + { + "id": "20264034", + "title": "Bhagat Ki Kothi\u2212Bangalore City Express (via Guntakal)", + "text": "Bhagat Ki Kothi\u2212Bangalore City Express (via Guntakal) The 16553 / 54 Bhagat Ki Kothi - Bangalore City Express is an Express train belonging to Indian Railways South Western Railway zone that runs between and in India. It operates as train number 16553 from to and as train number 16554 in the reverse direction serving the states of Rajasthan, Gujarat, Maharashtra, Andhra Pradesh & Karnataka. The coach composition of the 15007 train is: As is customary with most train services in India, coach composition may be amended at the discretion of Indian Railways depending on demand. The 16553 - Express covers", + "score": 0.73486328125 + }, + { + "id": "20472113", + "title": "BNI City railway station", + "text": "with Jakarta LRT and Jakarta MRT. BNI City railway station BNI City railway station () (\"Bank Negara Indonesia granted for naming rights\") is a station for the Soekarno-Hatta Airport Rail Link service. The station was known as Sudirman Baru railway station during construction period. The station is located in Central Jakarta, on the north bank of West Flood Canal, about a hundred meters from Sudirman Commuter Rail station. Sudirman Baru Station has three floors and is about in length. On the ground floor, a number of station support facilities such as escalators, tap-in and tap-out machines, ticket vending machines, two", + "score": 0.73486328125 + }, + { + "id": "20277229", + "title": "Bangalore City - Kochuveli Express", + "text": "Bangalore City - Kochuveli Express The Bangalore City - Kochuveli Express is an express train belonging to Southern Railway zone that runs between Bangalore City and Kochuveli in India. It is currently being operated with 16315/16316 train numbers on daily basis. The 16315/KSR Bengaluru - Kochuveli Express has averages speed of 51 km/hr and covers 824 km in 16h. The 16316/Kochuveli - KSR Bengaluru Express has averages speed of 52 km/hr and covers 824 km in 15h 50m. The important halts of the train are: The train has LHB rakes with a max speed of 160 kmph. The train consist", + "score": 0.73486328125 + }, + { + "id": "7167202", + "title": "Bangalore Cantonment", + "text": "Still called the Bangalore Cantonment Railway Station, it is one of many railway stations servicing the city of Bangalore. Around 1883, Richmond Town, Benson Town and Cleveland Town were added to the cantonment. The population of the Bangalore \"pete\" and cantonment fell dramatically in 1898 when a bubonic plague epidemic broke out. The epidemic took a huge toll and many temples were built during this time, dedicated to the goddess Mariamma. The crisis caused by this epidemic catalyzed the improvement and sanitation of Bangalore and, in turn, improvements in sanitation and health facilities helped to modernize Bangalore. Telephone lines were", + "score": 0.734375 + }, + { + "id": "20298867", + "title": "Hazur Sahib Nanded\u2013Bangalore City Express", + "text": "Hazur Sahib Nanded\u2013Bangalore City Express 16593 / 94 Hazur Sahib Nanded Bangalore City Express is an Express train belonging to Indian Railways South Western Railway zone that runs between and in India. This train was introduced in 1993 as Bidar Link Express, It was the only one train connecting Bangalore and Bidar at that time. It was extended to Nanded after few months since Nanded lacked a direct train to Bangalore. In 1996, this train was attached to this train as the Hampi Express which connects between Hubli and Mysore later it became a separate train in 2010. It operates", + "score": 0.7333984375 + }, + { + "id": "16138636", + "title": "Bandra railway station", + "text": "Bandra railway station Bandra(\u0935\u093e\u0902\u0926\u094d\u0930\u0947) is a railway station on the Western Line and Harbour Line of the Mumbai Suburban Railway network. It serves the Bandra suburban area as also the modern commercial area called Bandra-Kurla-Complex (BKC). Bandra Terminus is near to Bandra railway station and serves interstate traffic on the Western Railway. All fast and slow commuter trains have a halt at this station. Bandra is also directly connected to Victoria Terminus through a branch line via Vadala Road. BEST buses are also available from Bandra Terminus bus stand or Bandra (West) bus stand ; both being very close to", + "score": 0.73291015625 + }, + { + "id": "20275783", + "title": "Bangalore City - Nagercoil Express", + "text": "The train consist of 21 coaches : Both trains are hauled by a Erode Loco Shed based WDM3D diesel locomotive from Bangalore to Nagercoil and vice versa. Bangalore City - Nagercoil Express The Bangalore City - Nagercoil Express is an express train belonging to South Central Railway zone that runs between Bangalore City and Nagercoil Junction in India. It is currently being operated with 17235/17236 train numbers on daily basis. The 17235/KSR Bengaluru - Nagercoil Express has averages speed of 46 km/hr and covers 670 km in 14h 40m. The 17236/Nagercoil - KSR Bengaluru Express has averages speed of 48", + "score": 0.73291015625 + }, + { + "id": "15073911", + "title": "Bangalore high-speed rail link", + "text": "expected to be 44 minutes, but may go up to 55 minutes as more stations are added on the route. Although the high-speed rail link can carry passengers to the airport in 29 minutes, it will be more expensive to build than the metro extension. Metro link is expected to become operational from 2025 onwards. Bangalore high-speed rail link The Bangalore high-speed rail link (HSRL) was a proposed railway to connect Bangalore's city centre with Kempegowda International Airport (BIA) at Devanahalli. The rail line was to have run along the National Highway 7, to its left in the direction of", + "score": 0.73193359375 + }, + { + "id": "17213547", + "title": "Siddhaganga Intercity Express", + "text": "Siddhaganga Intercity Express Siddaganga Intercity Express is a daily express train that runs between Dharwad and Bengaluru in Karnataka, India. Until 2011, this train ran from Hubballi to Bengaluru. It was extended to Dharwad in 2011. It takes 8 hours 50 minutes to cover . It has 12 stops and 65 intermediate Stations. It is numbered as 12725/12726. The train belongs to Mysuru Division of South Western Railway. This train goes through Haveri, Ranibennur, Harihar, Davangere, Chikjajur, Birur, Kadur, Arsikere, Tiptur, Tumakuru, Bengaluru's Yeshwantpur Junction and terminates at Bangalore City railway station(Krantivira Sangolli Rayanna railway station). This train is hauled", + "score": 0.7314453125 + }, + { + "id": "20959021", + "title": "Kelamangalam railway station", + "text": "station.It belongs to South Western Railway, Bangalore Cy Jn. Neighbourhood Stations are Periyanaga Thumai,Hosur, Near By major Railway Station is Bangalore Cy Jn and Airport is Bengaluru International Airport .Total Express Trains Stops at this Station are nil. Tourist places near by Kelamangalam are Around Kelamangalam village people are choosing passenger train transport for going to nearest place for lowest cost. And working people are using daily to go and from Hosur, Bengaluru and Dharmapuri by this passenger train transport. Some kind of people are gaining income by selling vegetables, fruits and some home remedies in this Passenger trains. Kelamangalam", + "score": 0.73095703125 + }, + { + "id": "16013733", + "title": "Cubbon Park metro station", + "text": "Cubbon Park metro station Cubbon Park is a station on the Purple Line of the Namma Metro in Bangalore, India. It was opened to the public on 30 April 2016. The station is located a few metres away from one of the entrances to Cubbon Park. The Cubbon Park metro station, like all other underground stations on the Purple Line, was built using the cut-and-cover method. There was a proposal to build a 35 km line known as Bangalore High-Speed Rail Link, from Cubbon Road to the Bengaluru International Airport in Devanahalli, according to BMRCL sources. This later shelved. Cubbon", + "score": 0.73095703125 + }, + { + "id": "15073909", + "title": "Bangalore high-speed rail link", + "text": "Bangalore high-speed rail link The Bangalore high-speed rail link (HSRL) was a proposed railway to connect Bangalore's city centre with Kempegowda International Airport (BIA) at Devanahalli. The rail line was to have run along the National Highway 7, to its left in the direction of the airport, and cover a distance of 33 kilometres from MG Road to BIA. The project cost was estimated to be . The project was cancelled in 2013 in favor of an extension of the Namma Metro. Four stations viz., Cubbon Road (City Center check-in station), Hebbal (Check-in station), Yelahanka (pick-up station) and Bangalore International", + "score": 0.72998046875 + }, + { + "id": "20687561", + "title": "Hoodi Halt railway station", + "text": "Hoodi Halt railway station Hoodi Halt Railway Station (station code: HDIH) is an Indian Railways Train station located in Hoodi, Bangalore in the Indian state of Karnataka which is located about 38 km away from the Bangalore City railway station and serves Hoodi and Whitefield area. There was a sustained demand for stoppage at Hoodi from 2013 from commuters in the Whitefield area, Sustained campaigns were carried out through public forums and social media. Hoodi Halt has two platforms, each running to 400m in length, shelters, lighting, benches and a booking office. Hoodi Halt station is on the Bangalore-Chennai main", + "score": 0.72998046875 + }, + { + "id": "8122164", + "title": "Bangarapet", + "text": "The distance through road is approximately 90 km.It takes about 15 km to get connected to NH4 ROAD(Bangalore to Chennai) & 30 km to next nearest town, kuppam of Andhra Pradesh Bangarapet railway station is the last railway junction in Karnataka before the Bangalore-Chennai line enters Andhra Pradesh and Tamil Nadu. Bangarpet is approximately 71 km from Bangalore City via rail route. People travelling to Kolar Gold Fields (KGF) need to change trains here while travelling in trains bound to Bangalore or Chennai. Bangarapet is a town municipality with 23 municipal wards, each ward is represented by a councilor directly", + "score": 0.72998046875 + }, + { + "id": "19161541", + "title": "Krishna Rajendra Market metro station", + "text": "Krishna Rajendra Market metro station Krishna Rajendra Market or K. R. Market is a Namma Metro station on the Green Line serving K. R. Market, Bangalore. It was opened to the public on 18 June 2017. In January 2017, \"The Hindu\" reported that the station would most likely be named Fort (Kote) Station. The station is located close to several heritage sites such as Tipu Sultan's Summer Palace, his armoury in Kalasipalyam, the mud fort, Kote Venkataramana Swamy temple, and the century-old Victoria and Vanivilas hospitals. The BMRCL plans to integrate the station with the nearby landmarks, and recreate a", + "score": 0.7294921875 + }, + { + "id": "14023209", + "title": "Kempegowda Bus Station", + "text": "in honour of Kempe Gowda I, the founder of Bangalore. However, Majestic continues to be the most commonly used name for the station. Buses terminating at the station usually display signs that show \"Kempegowda Bus Station\" or \"KBS\". The Kempegowda Bus Station was opened in the 1960s. The semi-circular city bus terminal was built in 1980s. The station is located on the site of the Dharmambudhi Lake, which dried up in the early 20th century. Kempegowda Bus Station Kempegowda Bus Station, more commonly known as Majestic Bus Station, is a large bus station in central Bangalore, India. It is located", + "score": 0.7294921875 + }, + { + "id": "6247116", + "title": "Sangolli Rayanna", + "text": "Rayanna, riding a horse with open sword in right hand, was installed near Railway station of Bangalore. The main railway station of Bangalore City has been renamed as \"Krantiveera Sangolli Rayanna Railway station\" in 2015. However the station officially re named and notified as \"Krantivira Sangolli Rayanna\" Railway Station on 03-02-2016 In 2012, a film was produced on his life history. was the subject of another Kannada-language motion picture \"Kraanthiveera Sangolli Rayanna\" (Legendary Warrior Sangolli Rayanna), directed by Naganna and starring Darshan Thoogudeep, Jayaprada and Nikita Thukral. } Kuruba Sangolli Rayanna Sangolli Rayanna (15 August 1798 \u2013 26 January 1831)", + "score": 0.72900390625 + }, + { + "id": "19438658", + "title": "Hosahalli metro station", + "text": "religious mutt owned by the Vokkaliga community. Although the station has not yet been renamed, it is referred to as \"Sri Balagangadhara Natha Swamiji Station - Hosahalli\" in announcements on the Namma Metro. Hosahalli metro station Hosahalli is a metro station on the Purple Line of the Namma Metro serving Hosahalli, Bangalore. It was opened to the public on 16 November 2015. On 16 November 2015, Union Minister of Chemicals and Fertilisers H.N. Ananth Kumar requested the Karnataka Government to rename the station after Balagangadharanatha Swamiji, a Vokkaliga seer. The request was supported by Union Urban Development Minister M. Venkaiah", + "score": 0.72900390625 + }, + { + "id": "20369898", + "title": "Bagalkot railway station", + "text": "Bagalkot railway station Bagalkot Junction railway station with Indian Railways station code BGK is a B Category railway station in the Hubli railway division of South Western Railway in Bagalkot district, Karnataka, India. The station lies on the Gadag-Hotgi railway line, which serves Bagalkot and nearby towns with 3 platforms and was converted from meter gauge to broad gauge in December 2008. A new line is being constructed between Bagalkot and Kudachi. Railway stations have amenities such as a computerized reservation office, waiting room, retiring roombook stall. Gadag-Hotgi Railway line doubling is sanctioned in the year 2014-15 with part of", + "score": 0.72802734375 + }, + { + "id": "7794917", + "title": "Ernakulam Town railway station", + "text": "a convenient station to alight for passengers travelling to Northern suburbs of Kochi city and nearby areas. The major railway station in Kochi is the Ernakulam Junction railway station. It is situated in the northern part of the city and the stopping point for trains going towards mainly to Kottayam side in the south. The station has only 2 platforms. Ernakulam Town railway station Ernakulam Town (also known as Ernakulam North, code: ERN) is one of the main railway stations in the city of Kochi, Kerala, India. The station is operated by the Southern Railway zone of the Indian Railways", + "score": 0.7275390625 + }, + { + "id": "20979458", + "title": "Whitefield (Bangalore) railway station", + "text": "Whitefield (Bangalore) railway station Whitefield railway station (station code: WFD) is an Indian Railways train station located in Whitefield, Bangalore, in the Indian state of Karnataka, which is about 8 km away from the Krishnarajapuram railway station and serves the Whitefield area. The Whitefield railway station is about 3 km north of the Whitefield Bus stop. It lies on the Bangalore-Chennai route and is double and electrified, the Krishnarajapuram-Whitefield section is slated to be converted to a quadruple line. The station is slated to become a junction with a new Whitefield-Kolar (53 km; 33 miles) line being laid. Banaswadi has", + "score": 0.72705078125 + }, + { + "id": "14767928", + "title": "Bangalore Rajdhani Express", + "text": "WAP 7. Bangalore Rajdhani Express The Bengaluru - Delhi Hazrat Nizamuddin Rajdhani Express. This train connects Bengaluru and Delhi. It was the fastest service on the Bangalore & Delhi sector before Yeshvantapur Delhi Sarai Rohilla AC Duronto Express. The Rajdhani Express is the 2nd fastest train on the Bengaluru (Earlier known as Bangalore) - Delhi sector after Duronto. It is a daily service. It operates as train number 22691 from Krantivira Sangolli Rayanna(Bengaluru) to Hazrat Nizamuddin Railway Station and as train number 22692 in the reverse direction. It has been converted into a daily service from July 1, 2017. Originally", + "score": 0.7265625 + }, + { + "id": "17949200", + "title": "Bangalore Cantonment railway station", + "text": "at the station include Passenger Reservation Centre (PRS), Waiting halls, AC VIP lounge, enquiry counters, essential stalls, Food plaza, ATM along with the other basic facilities. Hand trolley facility are provided to porters for carrying luggage of passengers with no change in fare charged by the porters. Considering the need of medical services at the station by Bengaluru Division of the South Western Railway opened a clinic in February, 2014 which would provide free emergency medical services for the train travellers. Bengaluru cantonment station got a face lift with the remodelled entrance and ticketing counter behind the platform 2 which", + "score": 0.7265625 + }, + { + "id": "18352672", + "title": "Thindlu", + "text": "routes. BMTC route number 288E connects Vidyaranyapura to CV Raman Nagar via Thindlu. In the below table, important bus routes that passes Thindlu is given. Many more buses operate from Vidyaranyapura via Nanjappa circle to all parts of the city which is a ten-minute walk away from Thindlu. Nearest railway station is Kodigehalli railway station which is ten minutes walkway from Thindlu circle. This station was recently electrified and was made Double track. Many passenger trains stop here and one such train is Chik Ballapur - Bangalore Passenger which also stops at Nandi Halt station Nandi Hills, India. One can", + "score": 0.7265625 + }, + { + "id": "20264112", + "title": "Bhagat Ki Kothi\u2212Bangalore City Express (via Hubballi)", + "text": "to . As the route is going to electrification, a based WDP-4 diesel locomotive pulls the train to its destination. Bhagat Ki Kothi\u2212Bangalore City Express (via Hubballi) The 16507 / 08 Bhagat Ki Kothi - Bangalore City Express is a Express train belonging to Indian Railways South Western Railway zone that runs between and in India. It operates as train number 16507from to and as train number 16508 in the reverse direction serving the states of Rajasthan, Gujarat, Maharashtra & Karnataka. The 16507 / 08 Bhagat Ki Kothi - Bangalore City Express has one AC-1 Tier, one AC 2-tier, five", + "score": 0.72607421875 + }, + { + "id": "7984529", + "title": "Transport in Kochi", + "text": "be extended to more areas like Thevara soon. At present, there is no intra-city rail transport system in Kochi. The inter-city rail transport system in the city is administered by the Southern Railway Zone of the Indian Railways. There are two major railway stations \u2013 Ernakulam Junction and Ernakulam Town (locally known as the \"South\" and \"North\" railway stations respectively), followed by smaller stations - Tripunithura, Edapally and Kalamassery. The South Railway Station is one of the busiest railway stations in South India, with more than 128 scheduled train services daily. The Junction Railway station currently has six platforms with", + "score": 0.72607421875 + }, + { + "id": "20301595", + "title": "Chennai\u2013Bengaluru high-speed rail corridor", + "text": "railway line would mainly be built along side the existing railway between the two cities. However, a 38-kilometre viaduct between Bangarapet and Vaniyambadi, as well as a 44-kilometre viaduct between Katpadi and Arakkonam, would need to be constructed due to hilly terrain. There would be two new railway stations built underground in Bengaluru, while Chennai would witness the high-speed trains, running at around 350 km/h, terminating at its existing central station. Chennai\u2013Bengaluru high-speed rail corridor The Chennai\u2013Bengaluru high-speed rail corridor (or Madras\u2013Bangalore high-speed rail corridor) is a proposed 340-kilometer long high-speed railway line that connects two major economic and state", + "score": 0.7255859375 + }, + { + "id": "17907460", + "title": "Bekal Fort railway station", + "text": "Bekal Fort railway station Bekal Fort Railway Station is one of the important railway station in Kasaragod district which serves thousands of people per day. It comes under the Southern Railway Zone of Indian Railways. Bekal Fort Railway Station handles over 10 trains and serves about 5000 of people per day. It is situated next to the Bekal Fort Beach and near to the Bekal Fort. The older name of this railway station was Pallikkere Railway Station. But later, it was named after the Bekal Fort as 'Bekal Fort Railway Station'. The Indian Railway has about 13 acres of land", + "score": 0.7255859375 + }, + { + "id": "14767924", + "title": "Bangalore Rajdhani Express", + "text": "Bangalore Rajdhani Express The Bengaluru - Delhi Hazrat Nizamuddin Rajdhani Express. This train connects Bengaluru and Delhi. It was the fastest service on the Bangalore & Delhi sector before Yeshvantapur Delhi Sarai Rohilla AC Duronto Express. The Rajdhani Express is the 2nd fastest train on the Bengaluru (Earlier known as Bangalore) - Delhi sector after Duronto. It is a daily service. It operates as train number 22691 from Krantivira Sangolli Rayanna(Bengaluru) to Hazrat Nizamuddin Railway Station and as train number 22692 in the reverse direction. It has been converted into a daily service from July 1, 2017. Originally introduced in", + "score": 0.72509765625 + }, + { + "id": "20275685", + "title": "Jolarpettai - Bangalore City Express", + "text": "Jolarpettai - Bangalore City Express The Jolarpettai - Bangalore City Express is an express train belonging to South Western Railway zone that runs between Jolarpettai Junction and Bangalore City in India. It is currently being operated with 16519/16520 train numbers on weekly basis. The 16519/Jolarpettai - KSR Bengaluru Express has averages speed of 40 km/hr and covers 145 km in 3h 35m. The 16520/KSR Bengaluru - Jolarpettai Express has averages speed of 44 km/hr and covers 145 km in 3h 20m. The important halts of the train are: The train has standard ICF rakes with a max speed of 110", + "score": 0.72509765625 + }, + { + "id": "20287545", + "title": "Bangalore City\u2013Shivamogga Town Intercity Express", + "text": "to electrification, a based WDP-4 diesel locomotive pulls the train to its destination. Rakes are maintained by Mysuru Division of South Western Railway. This train shares its rakes with Siddhaganga Intercity Express and Tippu Express. Day 1 - 12613>20651 Day 2 - 20652>12725 Day 3 - 12726>12614 Bangalore City\u2013Shivamogga Town Intercity Express The 20651 / 20652 Bangalore City \u2013 Shimoga Town Intercity Express is a Superfast train belonging to Indian Railways South Western Railway zone that runs between and Shimoga Town in India. It operates as train number 20651 from to Shimoga Town and as train number 20652 in the", + "score": 0.724609375 + }, + { + "id": "20274661", + "title": "Gandhidham - Bangalore City Express", + "text": "Gandhidham - Bangalore City Express The Gandhidham - Bangalore City Express is an express train belonging to South Western Railway zone that runs between Gandhidham Junction and Bangalore City in India. It is currently being operated with 16505/16506 train numbers on weekly basis. The 16505/Gandhidham - KSR Bengaluru Express has averages speed of 46 km/hr and covers 1955 km in 42h 15m. The 16506/KSR Bengaluru - Gandhidham Express has averages speed of 50 km/hr and covers 1955 km in 39h 10m. 16505- Leaves Gandhidham BG every Tuesday at Morning 9:00 AM and reach Bangalore every Thursday Morning 3:15 AM 16506", + "score": 0.724609375 + }, + { + "id": "20275782", + "title": "Bangalore City - Nagercoil Express", + "text": "Bangalore City - Nagercoil Express The Bangalore City - Nagercoil Express is an express train belonging to South Central Railway zone that runs between Bangalore City and Nagercoil Junction in India. It is currently being operated with 17235/17236 train numbers on daily basis. The 17235/KSR Bengaluru - Nagercoil Express has averages speed of 46 km/hr and covers 670 km in 14h 40m. The 17236/Nagercoil - KSR Bengaluru Express has averages speed of 48 km/hr and covers 670 km in 14h. The important halts of the train are: The train has standard ICF rakes with a max speed of 110 kmph.", + "score": 0.72412109375 + }, + { + "id": "18314560", + "title": "Bangalore City Hubli Jan Shatabdi Express", + "text": "the same day . Bangalore City Hubli Jan Shatabdi Express The 12079 / 80 Bangalore City Hubli Jan Shatabdi Express is a Superfast express train of the Jan Shatabdi Express series belonging to Indian Railways - South Western Railway zone that runs between Bangalore City Junction and Hubli Junction in India. It operates as train number 12079 from Bangalore City Junction to Hubli Junction and as train number 12080 in the reverse direction serving the state of Karnataka. It is part of the Jan Shatabdi Express series launched by the former railway minister of India, Mr. Nitish Kumar in the", + "score": 0.72412109375 + }, + { + "id": "5751051", + "title": "Namma Metro", + "text": "metres and are 5 metres apart. Underground UG1 (east to west corridor) tunneling work was completed on 17 March 2014 after tunnel boring machine Helen (TBM 1) finished its task of tunneling between Bangalore City railway station underground (UG) station and Kempegowda UG station (Majestic). Trackwork and 3rd rail electrification works are completed on the eastbound tunnel of Bangalore metro's Purple line between Cubbon Park and Magadi Road, and the Bangalore Metro Rail Corporation Ltd (BMRCL) began end to end trials on the entire Purple line which stretches from Baiyappanahalli to Mysore Road on 23 November 2015. The entire Purple", + "score": 0.7236328125 + }, + { + "id": "14935953", + "title": "Kannur railway station", + "text": "Railway platform subway is under construction .at Kannur Railway Station. The speeds of trains entering the station has posed risk about passenger safety. Kannur railway station Kannur railway station, also known as Cannanore, is one of the railway station in Kerala located in the Kannur City which lies in Shoranur\u2013Mangalore section. It is operated by the Southern Railway of the Indian Railways. There are many trains operating towards Southern Kerala, Tamil Nadu, Mumbai and North India. Kannur and Kannur South are two different stations which serves Kannur City. This Station has Four platforms, namely Platform No.1, 1A, 2 and 3", + "score": 0.72314453125 + }, + { + "id": "17130145", + "title": "Kolkata railway station", + "text": "underutilized, so more express trains must be immediately shifted from Sealdah & Howrah to Kolkata Railway Terminal. The Maharaja Express departed from this station for the first time at 20 March 2010. Nearest Metro Station is Belgachia Metro Station. Kolkata railway station Kolkata railway station formerly known as Chitpur Station, is the newest of the five intercity railway stations serving Howrah and Kolkata, India; the others are Sealdah Station, in Kolkata, Shalimar Station in Howrah and Howrah Station in Howrah, Santragachi Junction railway station in Howrah. Kolkata station is situated in the Chitpur locality of north central Kolkata. The place", + "score": 0.72314453125 + }, + { + "id": "18679561", + "title": "Belagavi railway station", + "text": "Belagavi railway station Belagavi railway station (Station code: BGM) is an \"A\" Category Station under South Western Railways and it is the primary railway station serving Belagavi in northern Karnataka. The station comes under the jurisdiction of Hubli division of South Western Railways. The station is situated on Sangli - Londa line. The station has three platforms. In 1881 the Bombay Eastern Deccan Railway was under construction with William Michell the Engineer-in-Charge. This line immediately upon opening became the Bijapur Branch of the Southern Mahratta Railway. The Southern Mahratta Railway (SMR) was founded in 1882 to construct a metre gauge(MG)", + "score": 0.72314453125 + }, + { + "id": "20287543", + "title": "Bangalore City\u2013Shivamogga Town Intercity Express", + "text": "Bangalore City\u2013Shivamogga Town Intercity Express The 20651 / 20652 Bangalore City \u2013 Shimoga Town Intercity Express is a Superfast train belonging to Indian Railways South Western Railway zone that runs between and Shimoga Town in India. It operates as train number 20651 from to Shimoga Town and as train number 20652 in the reverse direction serving the state of Karnataka. The 20651 / 52 Bangalore City - Shimoga Town Intercity Express has one AC chair car, five Chair car, 14 general unreserved & two SLR (seating with luggage rake) coaches . It does not carry a pantry car coach. As", + "score": 0.72265625 + }, + { + "id": "14935951", + "title": "Kannur railway station", + "text": "Kannur railway station Kannur railway station, also known as Cannanore, is one of the railway station in Kerala located in the Kannur City which lies in Shoranur\u2013Mangalore section. It is operated by the Southern Railway of the Indian Railways. There are many trains operating towards Southern Kerala, Tamil Nadu, Mumbai and North India. Kannur and Kannur South are two different stations which serves Kannur City. This Station has Four platforms, namely Platform No.1, 1A, 2 and 3 and two entrances. Another platform and new exclusive entrance is under construction towards east. The Platform number 1 of the Kannur Railway Station", + "score": 0.72216796875 + }, + { + "id": "20275686", + "title": "Jolarpettai - Bangalore City Express", + "text": "kmph. The train consist of 13 coaches : Both trains are hauled by a Royapuram Loco Shed based WDP-4 Electric locomotive from Bangalore to Jolarpettai and vice versa. Jolarpettai - Bangalore City Express The Jolarpettai - Bangalore City Express is an express train belonging to South Western Railway zone that runs between Jolarpettai Junction and Bangalore City in India. It is currently being operated with 16519/16520 train numbers on weekly basis. The 16519/Jolarpettai - KSR Bengaluru Express has averages speed of 40 km/hr and covers 145 km in 3h 35m. The 16520/KSR Bengaluru - Jolarpettai Express has averages speed of", + "score": 0.72216796875 + }, + { + "id": "19891734", + "title": "Mookambika Road Byndoor railway station", + "text": "Mookambika Road Byndoor railway station Mookambika Road Byndoor is a railway station in coastal Karnataka in South India. Its four-letter code is BYNR. Mookambika Road Byndoor is the main railway station in the town of Udupi District. It serves Byndoor city which is 1 kilometres away from the station Trains from here connect the city to prominent state capitals of India like, Bangalore, Thiruvananthapuram (via Southern Railway), Mumbai (via Konkan Railways) and so forth. Rail connectivity in Byndoor was established in 1997.Mookambika Road Byndoor railway station. A total of 34 express and passenger trains halt here; there is one originating", + "score": 0.7216796875 + }, + { + "id": "20264110", + "title": "Bhagat Ki Kothi\u2212Bangalore City Express (via Hubballi)", + "text": "Bhagat Ki Kothi\u2212Bangalore City Express (via Hubballi) The 16507 / 08 Bhagat Ki Kothi - Bangalore City Express is a Express train belonging to Indian Railways South Western Railway zone that runs between and in India. It operates as train number 16507from to and as train number 16508 in the reverse direction serving the states of Rajasthan, Gujarat, Maharashtra & Karnataka. The 16507 / 08 Bhagat Ki Kothi - Bangalore City Express has one AC-1 Tier, one AC 2-tier, five AC 3-tier, 10 sleeper class, two general unreserved & two SLR (seating with luggage rake) coaches. It carries a pantry", + "score": 0.7216796875 + }, + { + "id": "17589268", + "title": "Sudirman railway station", + "text": "to a MRT station, this station is also going to be integrated with the Transjakarta bus rapid transit system that is already in service. Distance between this station and Karet railway station is one of the shortest in the network, measuring only 0.8 km between each stations. Moreover, BNI City railway station, a station that only serves train bound for Soekarno Hatta International Airport, is wedged between Karet and Sudirman station. There is a passageway connecting both Sudirman and BNI City station. As the station is located in Jakarta's CBD and is surrounded by some of the most prominent buildings", + "score": 0.7216796875 + }, + { + "id": "16012520", + "title": "Mahatma Gandhi Road metro station (Bangalore)", + "text": "the boulevard. BMRCL plans to open an exhibition of the life of Mahatma Gandhi on one floor of the station. It was scheduled to open in 2013. ATM of several banks have been installed at Mahatma Gandhi Road metro station. Mahatma Gandhi Road metro station (Bangalore) Mahatma Gandhi Road, commonly referred to by the abbreviation MG Road, is a station on the Purple Line of the Namma Metro in Bangalore, India. It was constructed by Punj Lloyd and opened to the public on 20 October 2011. The station MG Road has a bicycle stand next to the Urban Square, from", + "score": 0.7216796875 + }, + { + "id": "18297200", + "title": "Bangalore City\u2013Ernakulam Intercity Express", + "text": "Bangalore City\u2013Ernakulam Intercity Express Bangalore City\u2013Ernakulam Intercity Express is an intercity express train which runs daily between Bangalore City Junction and Ernakulam Junction. In the railway budget of the year 1997\u201398, a plan was proposed to introduce a superfast train between Coimbatore and Bangalore. On 15 April 1998, Bangalore-Coimbatore Intercity Express train was inaugurated as Train no: 2677. In the year 2008, the service was extended till Ernakulam as Train no: 12677 after few temporary runs. On 13 February 2015, the train derailed on its onward journey to Ernakulam from Bangalore leading to 10 deaths and injuring 150 people. This", + "score": 0.7216796875 + }, + { + "id": "12771109", + "title": "Bidhannagar Road railway station", + "text": "on the eastern side of the Hooghly River. The Sealdah-Ranaghat sector was electrified in 1963-64. Bidhannagar Road railway station handles 975,000 passengers every day, with about 325 trains in both directions. Bidhannagar Road railway station Bidhannagar Road is a Kolkata Suburban Railway Junction Station on the Sealdah-Ranaghat line. It is linked to the Sealdah South lines via Sir Gurudas Banerjee halt. It is located in North 24 Parganas district in the Indian state of West Bengal. It serves Bidhannagar, Ultadanga and the surrounding areas. Many EMU trains coming from or going to Sealdah stop at Bidhannagar Road. Most long distance", + "score": 0.72119140625 + }, + { + "id": "14401556", + "title": "Yesvantpur Junction railway station", + "text": "Yesvantpur Junction railway station Yesvantpur Junction railway station (station code: YPR) is one of the three important stations which serves the city of Bangalore which is located in Yesvantpur locality. It is one of the developing stations of Bangalore created for reducing the rush at Bangalore City Railway Station. This station is located on the Bangalore\u2013Pune & Bangalore\u2013Hyderabad main lines. Being a main location, all trains bound towards Hubli & Hyderabad either originate from here or the ones from Bangalore City have a stop at this station. Direct trains to major Indian cities such as Delhi, Mumbai, Pune, Indore, Bhopal,", + "score": 0.72119140625 + }, + { + "id": "19673740", + "title": "Balli railway station", + "text": "Balli railway station Balli railway station (Station code: BLLI) is a smaller railway station in Goa, under the jurisdiction of Konkan Railway. It lies is in Balli (also referred to as Bali) village off the highway connecting Chandor to Canacona. The station falls under the administration of Karwar railway division of Konkan Railway zone, a subsidiary zone of Indian Railways. Madgaon (Margao) railway station in South Goa district is the largest Konkan Railway station within Goa, while Thivim railway station in North Goa comes at second place. The former is a gateway to South Goa, Margao, the urban area of", + "score": 0.720703125 + }, + { + "id": "20275650", + "title": "Bangalore City - Kannur Express", + "text": "Bangalore City - Kannur Express The Bangalore City - Kannur Express is an express train belonging to South Western Railway zone that runs between Bangalore City and Kannur in India. It is currently being operated with 16517/16518 train numbers on weekly basis. The 16517/KSR Bengaluru City - Kannur Express has averages speed of 39 km/hr and covers 579 km in 14h 40m. The 16518/Kannur - KSR Bengaluru Express has averages speed of 37 km/hr and covers 579 km in 15h 40m. The important halts of the train are: The train has standard ICF rakes with a max speed of 110", + "score": 0.720703125 + }, + { + "id": "17562463", + "title": "Ramamurthy Nagar", + "text": "km away. This is a Purple Line metro connecting the hub of Bangalore. In the upcoming phase II expansion of the Purple Line metro, Ramamurthy Nagar will have access to two more stations: Jyothipura and K.R. Puram. The Krishnarajapuram railway station, an important railway junction in Bangalore, is 1 km away and is soon proposed to be a station for Bangalore Commuter Rail. BMTC runs a good fleet of buses to Ramamurthy Nagar, connecting it with all the important business districts in the city. The metro feeder bus helps in connecting with the metro stations of the purple line. Buses", + "score": 0.71923828125 + } + ], + "answer": "The new name of the Bangalore City railway station is the Krantivira Sangolli Rayanna Bengaluru Railway Station, while the original name of the station was the South Bangalore City Railway Station. It's currently also known as the Bangalore City Railway Station." + }, + { + "qa_pairs": [ + { + "context": "A total of 115 Series have been contested, with the AL champion winning 66 and the NL champion winning 49. The New York Yankees of the AL have played in 40 World Series through 2019, winning 27 \u2014 the most championship appearances and most victories by any team in the four major North American professional sports leagues. The Los Angeles Dodgers of the NL have the most losses with 14, while the Yankees have the most losses among AL teams with 13. The St. Louis Cardinals have won 11 championships, the most championships among NL clubs and second-most all-time behind the Yankees, and have made 19 total appearances, third-most among NL clubs. Both the Giants and the Los Angeles Dodgers have represented the NL in more World Series, with 20 each.", + "question": "Who's the team that has won the most total world series in baseball?", + "short_answers": [ + "New York Yankees" + ], + "wikipage": "List of World Series champions" + }, + { + "context": "The most successful postseason team in MLB history is the New York Yankees, who have achieved three of the four instances of a franchise winning more than two World Series championships in a row (one streak each of durations 3, 4, and 5 seasons) and five of the six instances of a franchise winning the league pennant (i.e., an appearance in the World Series) more than three times in a row (three streaks of 4 seasons and two streaks of 5 seasons). The only other franchises to achieve these milestones are the Oakland Athletics, who won three consecutive championships from 1972 to 1974, and the New York Giants, who won four consecutive pennants from 1921 to 1924. The Yankees also achieved a remarkable run of appearing in 15 of the 18 World Series from 1947 to 1964.", + "question": "Who's the team that has won the most consecutive world series in baseball?", + "short_answers": [ + "New York Yankees" + ], + "wikipage": "List of Major League Baseball franchise postseason streaks ..." + }, + { + "context": "No context provided", + "question": "Who's the player that has won the most world series in baseball?", + "short_answers": [ + "Yogi Berra" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who's the manager that has won the most world series in baseball?", + "short_answers": [ + "Joe McCarthy and Casey Stengel" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who's won the most world series in baseball as a player and coach combined?", + "short_answers": [ + "Frankie Crosetti" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "List of World Series champions", + "url": "https://en.wikipedia.org/wiki/List%20of%20World%20Series%20champions" + }, + { + "title": "List of Major League Baseball franchise postseason streaks ...", + "url": "https://en.wikipedia.org/wiki/List%20of%20Major%20League%20Baseball%20franchise%20postseason%20streaks" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "He was an 18-time All-Star and won 10 World Series championships as a player\u2014more than any other player in MLB history.[2] ", + "wikipage": "Yogi Berra" + }, + { + "content": "As a player and third base coach for the Yankees, Crosetti was part of seventeen World Championship teams and 23 World Series participants overall (1932\u20131964), the most of any individual.", + "wikipage": "Frankie Crosetti" + } + ], + "long_answer": "The New York Yankees have won the most World Series Championships in Baseball, as well as the most consecutive World Series wins. Yogi Berra has won 10 World Series championships as a player- more than any other player. Joe McCarthy and Casey Stengel are the managers that have won the most World Series Championships. As a player and third base coach for the Yankees, Frankie Crosetti was part of seventeen World Championship teams and 23 World Series participants overall, the most of any individual." + }, + { + "knowledge": [], + "long_answer": "A total of 115 Series have been contested, with the AL champion winning 66 and the NL champion winning 49. The New York Yankees of the AL have played in 40 World Series through 2019, winning 27, the most championship appearances and most victories by any team in the four major North American professional sports leagues. The player with the most world series wins in baseball is Yogi Berra. Joe McCarthy and Casey Stengel have the most world series wins as managers. As a player and coach combined, Frankie Crosetti won the most the world series wins." + } + ], + "sample_id": "-7612789396027174533", + "question": "Who's won the most world series in baseball?", + "docs": [ + { + "id": "13544794", + "title": "World Series", + "text": "teams have won 66 of the 114 World Series played (57.9%). The New York Yankees have won 27 titles, accounting for 23.7% of all series played and 40.9% of the wins by American League teams. The St. Louis Cardinals have won 11 World Series, accounting for 9.6% of all series played and 23% of the 48 National League victories. When the first modern World Series was played in 1903, there were eight teams in each league. These 16 franchises, all of which are still in existence, have each won at least two World Series titles. The number of teams was", + "score": 0.78662109375, + "summary": "The New York Yankees have won the most World Series in baseball with 27 titles, accounting for 23.7% of all series played. The St. Louis Cardinals have won 11 World Series.", + "extraction": "The New York Yankees have won 27 titles, accounting for 23.7% of all series played and 40.9% of the wins by American League teams." + }, + { + "id": "13544744", + "title": "World Series", + "text": "became the 11th team to lose the World Series in consecutive seasons. In the American League, the New York Yankees have played in 40 World Series and won 27, the Philadelphia/Kansas City/Oakland Athletics have played in 14 and won 9, and the Boston Red Sox have played in 14 and won 9, including the first World Series. In the National League, the St. Louis Cardinals have appeared in 19 and won 11, the New York/San Francisco Giants have played in 20 and won 8, the Brooklyn/Los Angeles Dodgers have appeared in 20 and won 6, and the Cincinnati Reds have", + "score": 0.7578125, + "summary": "The New York Yankees have won the most World Series in baseball with 27 wins.", + "extraction": "The New York Yankees have played in 40 World Series and won 27." + }, + { + "id": "13049436", + "title": "World Series ring", + "text": "on World Series rings. The New York Yankees Museum, located in Yankee Stadium, has an exhibit with replicas of all Yankees' World Series rings, including the pocket watch given after the 1923 World Series. Yogi Berra won the most World Series rings with 10, as a player. Frankie Crosetti won 17 as a player and as a coach. Yogi Berra Museum and Learning Center. World Series ring A World Series ring is an award given to Major League Baseball players who win the World Series. Since only one Commissioner's Trophy is awarded to the team, a World Series ring is", + "score": 0.75634765625, + "summary": "Yogi Berra won the most World Series rings with 10 as a player, while Frankie Crosetti won 17 as a player and coach.", + "extraction": "Yogi Berra won the most World Series rings with 10, as a player." + }, + { + "id": "4169752", + "title": "1982 World Series", + "text": "White Sox, due to the Astros moving to the American League in 2013. The Brewers and Cardinals would later meet in the 2011 National League Championship Series, with the Cardinals winning that series four games to two. As in 1982, the Cardinals won the 2011 World Series in seven games, this time against the Texas Rangers. As of 2015, the Cardinals' 11 championships are the most won by any National League team, and second only to the New York Yankees, who have 27. As of the 1982 World Series victory, the Cardinals had 9 championships compared to the Yankees' 22.", + "score": 0.7490234375, + "summary": "As of 2015, the New York Yankees have won the most World Series in baseball with 27 championships. The St. Louis Cardinals have won 11 championships, the most by any National League team. The 1982 World Series victory brought the Cardinals' total championships to 9.", + "extraction": "The New York Yankees, who have 27." + }, + { + "id": "745935", + "title": "American League", + "text": "the National League champion; two seasons did not end in playing a World Series (1904, when the National League champion New York Giants refused to play their AL counterpart, and 1994, when a players' strike prevented the Series). Through 2018, American League teams have won 66 of the 114 World Series played since 1903, with 27 of those coming from the New York Yankees alone. The New York Yankees have won 40 American League titles, the most in the league's history, followed by the Philadelphia/Kansas City/Oakland Athletics (15) and the Boston Red Sox (14). Originally a minor league known as", + "score": 0.74365234375, + "summary": "American League teams have won 66 of the 114 World Series played since 1903, with the New York Yankees winning 27 times, the most in the league's history.", + "extraction": "American League teams have won 66 of the 114 World Series played since 1903, with 27 of those coming from the New York Yankees alone." + }, + { + "id": "4342037", + "title": "1926 World Series", + "text": "fan reception, having won their first undisputed world championship. Each member of the championship team collected $5,584.51, while the Yankees' players were given $3,417.75 each. To date, the Cardinals' 11 world championships are the most won by any National League team, and rank second only to the Yankees' 27. The Cardinals' and Yankees' last wins were within two years of each other (having occurred in 2011 and 2009, respectively). The two teams would meet again in 1928 (which the Yankees swept in four games); 1942 (which the Cardinals won in five games); 1943 (which the Yankees won in five games);", + "score": 0.74267578125, + "summary": "The St. Louis Cardinals have won the most World Series out of any National League team with 11 championships, second only to the New York Yankees' 27. The last wins for both teams were within two years of each other, in 2011 for the Cardinals and 2009 for the Yankees.", + "extraction": "\"The Cardinals' 11 world championships are the most won by any National League team, and rank second only to the Yankees' 27.\"" + }, + { + "id": "13544745", + "title": "World Series", + "text": "appeared in 9 and won 5. As of 2018, no team has won consecutive World Series championships since the New York Yankees in , , and \u2014the longest such drought in Major League Baseball history. Until the formation of the American Association in 1882 as a second major league, the National Association of Professional Base Ball Players (1871\u20131875) and then the National League (founded 1876) represented the top level of organized baseball in the United States. All championships were awarded to the team with the best record at the end of the season, without a postseason series being played. From", + "score": 0.74169921875, + "summary": "The document mentions that no team has won consecutive World Series championships since the New York Yankees in [unknown years], but does not answer the question of who has won the most World Series championships. Therefore, the answer is \"irrelevant\".", + "extraction": "irrelevant" + }, + { + "id": "4341752", + "title": "1952 World Series", + "text": "1952 World Series The 1952 World Series featured the 3-time defending champions New York Yankees beating the Brooklyn Dodgers in seven games. The Yankees won their 4th consecutive title, tying the mark they set in 1936-1939 under manager Joe McCarthy, and Casey Stengel became the second manager in Major League history with 4 consecutive World Series championships. This was the Yankees' 15th World Series championship win, and the 3rd time they defeated the Dodgers in 6 years. In Game 7, the Yankees' second baseman Billy Martin made a great catch, preserving the Yankees' two-run lead. Also, the home run hit", + "score": 0.740234375, + "summary": "The New York Yankees won their 15th World Series championship in 1952, their 4th consecutive title, tying a mark they set in 1936-1939. They defeated the Brooklyn Dodgers in seven games, and this was the 3rd time they beat the Dodgers in six years. Casey Stengel became the second manager in Major League history to win 4 consecutive World Series championships.", + "extraction": "The Yankees' have won the most world series championships with 15 wins." + }, + { + "id": "4342220", + "title": "1937 World Series", + "text": "only \"Classic Eight\" National League (1900\u20131961) team to hold a Series edge over the Bronx Bombers, with three wins to the Yankees' two. The 1937 victory by the Yankees also broke a three-way tie among themselves, the Philadelphia Athletics and the Boston Red Sox for the most World Series wins all-time (five each). By the time the Athletics and Red Sox won their sixth World Series (in 1972 and 2004, respectively), the Yankees had far outpaced them in world championships with 20 in 1972 and 26 in 2004. The 1937 Series was the first in which a team (in this", + "score": 0.73974609375, + "summary": "The Yankees won the 1937 World Series, breaking a tie with the Philadelphia Athletics and Boston Red Sox for the most World Series wins at the time. The Yankees have since won many more World Series than those two teams.", + "extraction": "The New York Yankees broke a three-way tie among themselves, the Philadelphia Athletics, and the Boston Red Sox for the most World Series wins all-time with five each. The Yankees have won the most World Series championships with 26 as of 2004. Therefore, the New York Yankees have won the most World Series in baseball." + }, + { + "id": "6327842", + "title": "St. Louis Cardinals award winners and league leaders", + "text": "championships and 23 league pennants. Eleven of the interleague championships are World Series titles won under the modern format since 1903; 19 of the league pennants are NL pennants, and the other four are AA pennants. Their 11 World Series titles represent the most in the NL and are second in MLB only to the New York Yankees' 27. The first major award MLB presented for team performance occurred with the World Series champions in 1903, and for individual performance, in 1911 in the American League with the Chalmers Award. The first major award which the National League presented for", + "score": 0.7392578125, + "summary": "The St. Louis Cardinals have won the most World Series titles in the NL, with 11 victories. They have also won 23 league pennants. The New York Yankees have won the most World Series titles in MLB with 27.", + "extraction": "\"The St. Louis Cardinals' 11 World Series titles represent the most in the NL and are second in MLB only to the New York Yankees' 27.\"" + }, + { + "id": "13544762", + "title": "World Series", + "text": "Charles O. Finley). During that span, the Yankees played in all World Series except 1948, 1954, and 1959, winning ten. From 1949 to 1953, the Yankees won the World Series five years in a row; from 1936\u20131939 the Yankees won four World Series Championships in a row. There are only two other occasions when a team has won at least three consecutive World Series: 1972 to 1974 by the Oakland Athletics, and 1998 to 2000 by the New York Yankees. In an 18-year span from 1947 to 1964, except for 1948 and 1959, the World Series was played in New", + "score": 0.7373046875, + "summary": "The New York Yankees have won the most World Series in baseball with a total of 10 wins, including five in a row from 1949 to 1953 and four in a row from 1936 to 1939. The Oakland Athletics and the New York Yankees have also won three consecutive World Series each.", + "extraction": "The New York Yankees have won the most World Series, with a total of ten wins." + }, + { + "id": "13544769", + "title": "World Series", + "text": "Metrodome in Minnesota. (The last World Series played outdoors during the day was the final game of the 1984 series in Detroit's Tiger Stadium.) During this seven-year period, only three teams won the World Series: the Oakland Athletics from 1972 to 1974, Cincinnati Reds in 1975 and 1976, and New York Yankees in 1977 and 1978. This is the only time in World Series history in which three teams have won consecutive series in succession. This period was book-ended by World Championships for the Pittsburgh Pirates, in 1971 and 1979. However, the Baltimore Orioles made three consecutive World Series appearances:", + "score": 0.73486328125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "4921440", + "title": "Major League Baseball All-Star Game Most Valuable Player Award", + "text": "choosing between two cars. , NL players have won the award 27 times (including one award shared by two players), and American League (AL) players have won 30 times. Baltimore Orioles players have won the most awards for a single franchise (with six); players from the Cincinnati Reds, Los Angeles Dodgers and San Francisco Giants are tied for the most in the NL with five each. Five players have won the award twice: Willie Mays (1963, 1968), Steve Garvey (1974, 1978), Gary Carter (1981, 1984), Cal Ripken, Jr. (1991, 2001), and Mike Trout (2014, 2015). The award has been shared", + "score": 0.73291015625, + "summary": "Irrelevant. The document discusses the Major League Baseball All-Star Game Most Valuable Player Award, not the World Series.", + "extraction": "The American League (AL) players have won 30 times." + }, + { + "id": "7641961", + "title": "New York Yankees", + "text": "five consecutive times from \u2013 under Stengel, which continues to be the major league record. Led by players like center fielder Mickey Mantle, pitcher Whitey Ford, and catcher Yogi Berra, Stengel's teams won ten pennants and seven World Series titles in his twelve seasons as the Yankees manager. Stengel was a master at publicity for the team and for himself, even landing a cover story in \"Time\" magazine in 1955. The title was the only one of those five championships not to be won against either the New York Giants or Brooklyn Dodgers; it was won in four straight games", + "score": 0.732421875, + "summary": "The New York Yankees have won the most World Series titles with seven under manager Stengel, including one that was won in four straight games.", + "extraction": "The New York Yankees have won seven World Series titles." + }, + { + "id": "13544761", + "title": "World Series", + "text": "the Boston Red Sox after the 1919 season, appeared in their first World Series two years later in 1921, and became frequent participants thereafter. Over a period of 45 years from 1920 to 1964, the Yankees played in 29 World Series championships, winning 20. The team's dynasty reached its apex between 1947 and 1964, when the Yankees reached the World Series 15 times in eighteen years, helped by an agreement with the Kansas City Athletics (after that team moved from Philadelphia during 1954\u20131955 offseason) whereby the teams made several deals advantageous to the Yankees (until ended by new Athletics' owner", + "score": 0.7294921875, + "summary": "The New York Yankees have won the most World Series in baseball, with 20 wins between 1920 and 1964.", + "extraction": "The New York Yankees played in 29 World Series championships and won 20." + }, + { + "id": "7642002", + "title": "New York Yankees", + "text": "Mets in the first Subway Series World Series since 1956. The Yankees won the series in 5 games, but a loss in Game 3 snapped their streak of World Series wins at 14, surpassing the club's previous record of 12 (in 1927, 1928, and 1932). The Yankees are the last major league team to repeat as World Series champions and after the 2000 season they joined the Yankee teams of 1936\u20131939 and 1949\u20131953, as well as the 1972\u20131974 Oakland Athletics as the only teams to win at least three consecutive World Series. The Yankees dynasty of the 1990s was also", + "score": 0.72900390625, + "summary": "The New York Yankees have won the most World Series in baseball history, with multiple championship streaks including one of 14 wins. They have repeated as champions and won at least three consecutive World Series, joining other notable teams in history.", + "extraction": "The Yankees joined the Yankee teams of 1936-1939 and 1949-1953, as well as the 1972-1974 Oakland Athletics, as the only teams to win at least three consecutive World Series. Therefore, the New York Yankees have won the most World Series in baseball with a total of 27 wins." + }, + { + "id": "4342214", + "title": "1936 World Series", + "text": "shared by the Boston Red Sox and the Philadelphia Athletics, who also had five World Series titles. The Yankees also tied the American League record at that time for the most World Series appearances with eight, also shared with the Athletics. They broke both records the following year. The Giants appeared in their 11th World Series, extending the record they already held at that time, and their seventh World Series defeat also extended the record they already owned. DiMaggio would go on to be the only person to play on four World Championship teams in his first four years in", + "score": 0.7275390625, + "summary": "Irrelevant.", + "extraction": "The Boston Red Sox and the Philadelphia Athletics, who also had five World Series titles." + }, + { + "id": "4341830", + "title": "1961 World Series", + "text": "attention surrounding the home run race, the World Series seemed almost anticlimatic. The Yankees were under the leadership of first-year manager Ralph Houk, who succeeded Casey Stengel. The Yankees won the American League pennant, finishing eight games better than the Detroit Tigers. The Bronx Bombers also set a Major League record for most home runs in a season with 240. Along with Maris and Mantle, four other Yankees, Yogi Berra, Elston Howard, Bill Skowron, and Johnny Blanchard, hit more than 20 home runs. The pitching staff was also led by Cy Young Award-winner Whitey Ford (25\u20134, 3.21). The underdog Reds,", + "score": 0.7255859375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "49428", + "title": "Babe Ruth", + "text": "first sixteen World Series, those played between 1903 and 1919, would not win another pennant until 1946, or another World Series until 2004, a drought attributed in baseball superstition to Frazee's sale of Ruth and sometimes dubbed the \"Curse of the Bambino\". The Yankees, on the other hand, had not won the AL championship prior to their acquisition of Ruth. They won seven AL pennants and four World Series with Ruth, and lead baseball with 40 pennants and 27 World Series titles in their history. When Ruth signed with the Yankees, he completed his transition from a pitcher to a", + "score": 0.72509765625, + "summary": "The New York Yankees have won the most World Series titles in baseball history, with 27 championships. Babe Ruth played a key role in their success, helping them win seven AL pennants and four World Series.", + "extraction": "The Yankees...lead baseball with 40 pennants and 27 World Series titles in their history." + }, + { + "id": "3105288", + "title": "New York City", + "text": "Yankee Stadium in the Bronx. These teams compete in six games of interleague play every regular season that has also come to be called the Subway Series. The Yankees have won a record 27 championships, while the Mets have won the World Series twice. The city also was once home to the Brooklyn Dodgers (now the Los Angeles Dodgers), who won the World Series once, and the New York Giants (now the San Francisco Giants), who won the World Series five times. Both teams moved to California in 1958. There are also two Minor League Baseball teams in the city,", + "score": 0.72265625, + "summary": "The New York Yankees have won a record 27 championships in baseball's World Series. The Mets have won the World Series twice, while the Brooklyn Dodgers and New York Giants have won it once and five times, respectively.", + "extraction": "The Yankees have won a record 27 championships." + }, + { + "id": "3993146", + "title": "Commissioner's Trophy (MLB)", + "text": "presented in the winners locker room. Since then the presentation occurs on the field if the champion clinches the title in their home stadium. Since its inception, the only year that the Commissioner's Trophy has not been awarded was 1994, when the players' strike ended the season on August 11, resulting in the cancellation of the entire post-season. The New York Yankees have won the most Commissioner's Trophies, winning seven World Series since 1967. The St. Louis Cardinals have won four trophies, a National League record. On October 31, 2018, during the parade celebrating the Boston Red Sox winning the", + "score": 0.72216796875 + }, + { + "id": "18637991", + "title": "American Association (20th century) Most Valuable Player Award", + "text": "Dodgers, and Tulsa Oilers (1). Six players each from the Chicago Cubs and Cincinnati Reds Major League Baseball (MLB) organizations have won the MVP Award, more than any others, followed by the Montreal Expos organization (5), the Boston/Milwaukee Braves, Kansas City Royals, St. Louis Cardinals, and Washington Senators/Texas Rangers organizations (4), the Chicago White Sox, Detroit Tigers, Milwaukee Brewers, New York Giants, and New York Yankees organizations (3), the Boston Red Sox, Cleveland Indians, Pittsburgh Pirates, and St. Louis Browns organizations (2), and the Houston Astros and Los Angeles Dodgers organizations (1). Five players came from unaffiliated teams. American Association", + "score": 0.72119140625 + }, + { + "id": "3171756", + "title": "Jim Palmer", + "text": "in a close Oriole win. The 17 years between his first World Series win in 1966 and the 1983 win is the longest period of time between first and last pitching victories in the World Series for an individual pitcher in major league history. He also became the only pitcher in major league baseball history to have won World Series games in three decades. Also, he became the only player in Orioles history to appear in all six (1966, 1969, 1970, 1971, 1979, 1983) of their World Series appearances. Palmer was the only Orioles player on the 1983 championship team", + "score": 0.72021484375 + }, + { + "id": "4341829", + "title": "1961 World Series", + "text": "1961 World Series The 1961 World Series matched the New York Yankees (109\u201353) against the Cincinnati Reds (93\u201361), with the Yankees winning in five games to earn their 19th championship in 39 seasons. This World Series was surrounded by Cold War political puns pitting the \"Reds\" against the \"Yanks\". But the louder buzz concerned the \"M&M\" boys, Roger Maris and Mickey Mantle, who spent the summer chasing the ghost of Babe Ruth and his 60\u2013home run season of 1927. Mantle finished with 54 while Maris set the record of 61 on the last day of the season. With all the", + "score": 0.7197265625 + }, + { + "id": "533127", + "title": "Yogi Berra", + "text": "Yogi Berra Lawrence Peter \"Yogi\" Berra (May 12, 1925 \u2013 September 22, 2015) was an American professional baseball catcher, who later took on the roles of manager and coach. He played 19 seasons in Major League Baseball (MLB) (1946\u201363, 1965), all but the last for the New York Yankees. He was an 18-time All-Star and won 10 World Series championships as a player\u2014more than any other player in MLB history. Berra had a career batting average of .285, while hitting 358 home runs and 1,430 runs batted in. He is one of only five players to win the American League", + "score": 0.71875 + }, + { + "id": "4169999", + "title": "1998 World Series", + "text": "national radio rights for Major League Baseball from CBS Radio. Jon Miller and Joe Morgan provided the coverage for the network. The series win brought the Yankees' franchise championship total to 24, tying the Montreal Canadiens for most championships won by a North American professional sports franchise. The 1998 Yankees are considered to be one of the top teams in baseball history. With the win, the Yankees posted an MLB record with the most overall wins in a single season in MLB history with 125 wins (including the postseason). The previous record for most overall wins in one season was", + "score": 0.71875 + }, + { + "id": "83722", + "title": "Chicago", + "text": "when the White Sox, known as the \"Hitless Wonders,\" defeated the Cubs, 4-2. The Cubs are the oldest Major League Baseball team to have never changed their city; they have played in Chicago since 1871, and continuously so since 1874 due to the Great Chicago Fire. They have played more games and have more wins than any other team in Major League baseball since 1876. They have won three World Series titles, including the 2016 World Series, but had the dubious honor of having the two longest droughts in American professional sports: They had not won their sport's title since", + "score": 0.7177734375 + }, + { + "id": "4120760", + "title": "Joe McCarthy (manager)", + "text": "Joe McCarthy (manager) Joseph Vincent McCarthy (April 21, 1887 \u2013 January 13, 1978) was a manager in Major League Baseball, most renowned for his leadership of the \"Bronx Bombers\" teams of the New York Yankees from 1931 to 1946. The first manager to win pennants with both National and American League teams, he won nine league titles overall and seven World Series championships \u2013 a record tied only by Casey Stengel. McCarthy was elected to the Baseball Hall of Fame in 1957. McCarthy's career winning percentages in both the regular season (.615) and postseason (.698, all in the World Series)", + "score": 0.716796875 + }, + { + "id": "4342263", + "title": "1944 World Series", + "text": "had won 105 games and ran their three-year victory total to 316. The Cardinals were the first National League franchise with three consecutive 100 win seasons. The 1944 club featured league MVP Marty Marion and future Hall of Famer Stan Musial. George McQuinn hit the Browns' only home run of the series to put his team ahead in the fourth inning, while Denny Galehouse outpitched World Series veteran Mort Cooper to hold on for the win. Blix Donnelly came in as a relief pitcher in the eighth inning, and tallied no runs, two hits and seven strikeouts for the win.", + "score": 0.71630859375 + }, + { + "id": "1727034", + "title": "Triple Crown (baseball)", + "text": "later matched this mark in the AL, winning in 1942 and 1947 with the Boston Red Sox. The Cardinals have won the most batting Triple Crowns as a franchise with four. Along with Hornsby's two, Tip O'Neill won in the now-defunct American Association in 1887 while the team was known as the St. Louis Browns, and Joe Medwick added the Cardinals' fourth in 1937. Eleven of the thirteen eligible players who have batting Triple Crowns have been elected to the Hall of Fame. Baseball writer and ESPN contributor Tim Kurkjian believes the Triple Crown has become more difficult to win", + "score": 0.71630859375 + }, + { + "id": "4120763", + "title": "Joe McCarthy (manager)", + "text": "in 1931. With the Yankees, his strict but fair managing style helped to solidify the team's place as the dominant franchise in baseball, winning a World Series in 1932. His most successful period came from 1936 to 1943. During that time, they won seven out of a possible eight pennants, all by nine games or more, and won six World Series\u2014including four in a row from 1936 to 1939. They were the first American League team, and the third in major league history, to win four straight pennants, and the first to win more than two World Series in a", + "score": 0.71630859375 + }, + { + "id": "6157036", + "title": "Texas Longhorns", + "text": "the College World Series (35) and most individual CWS games won. The Longhorns have won six NCAA baseball national championships (1949, 1950, 1975, 1983, 2002, and 2005) \u2014 second only to Southern California's total of 12 \u2013 and have appeared in the CWS Championship Game or Championship Series on six other occasions (1953, 1984, 1985, 1989, 2004, and 2009). Former Longhorns who have gone on to success in Major League Baseball include Roger Clemens, Bibb Falk, Ron Gardenhire, Calvin Schiraldi, Burt Hooton, Keith Moreland, Spike Owen, Greg Swindell, Huston Street, Omar Quintanilla, Taylor Teagarden, Sam LeCure and Drew Stubbs. From", + "score": 0.71630859375 + }, + { + "id": "4342266", + "title": "1947 World Series", + "text": "1947 World Series The 1947 World Series matched the New York Yankees against the Brooklyn Dodgers. The Yankees won the Series in seven games for their first title since , and their eleventh World Series championship in team history. Yankees manager Bucky Harris won the Series for the first time since managing the Washington Senators to their only title in . In 1947, Jackie Robinson, a Brooklyn Dodger, desegregated major league baseball. For the first time in World Series history, a racially integrated team played. There were 73,365 in the house for Game 1. Brooklyn struck first in the first", + "score": 0.71630859375 + }, + { + "id": "13518727", + "title": "St. Louis Cardinals", + "text": "percentage, they compiled 1,632 wins, 2,425 losses and 74 ties. St. Louis baseball commenced a renaissance: since 1926 the Cardinals have won eleven World Series and nineteen NL pennants. Breadon spurred this revival when bought out the majority stake in 1920 and appointed Rickey as business manager, who expanded scouting, player development, and pioneered the minor league farm system, filling the role of today's general manager. With Rogers Hornsby at second base, he claimed Triple Crowns in 1922 and 1925, and the Cardinals won the 1926 World Series, their first. St. Louis then won the league in 1928, 1930, and", + "score": 0.71533203125 + }, + { + "id": "4341721", + "title": "1943 World Series", + "text": "1943 World Series The 1943 World Series matched the defending champion St. Louis Cardinals against the New York Yankees, in a rematch of the 1942 Series. The Yankees won the Series in five games for their tenth championship in 21 seasons. It was Yankees manager Joe McCarthy's final Series win. This series was also the first to have an accompanying World Series highlight film (initially, the films were created as gifts to troops fighting in World War II, to give them a brief recap of baseball action back home), a tradition that still persists. This World Series was scheduled for", + "score": 0.71533203125 + }, + { + "id": "7765939", + "title": "2000 World Series", + "text": "defeating the San Francisco Giants, three games to one, in the NL Division Series, and then the St. Louis Cardinals, four games to one, in the NL Championship Series; it was the team's fourth World Series appearance, making it the most of any expansion franchise in MLB and the Mets' first appearance since winning the 1986 World Series. The Yankees were the first team in baseball to win three consecutive championships since the 1972\u20131974 Oakland Athletics, and the first professional sports team to accomplish the feat since the 1996\u20131998 Chicago Bulls. Although the Yankees were in the midst of a", + "score": 0.71484375 + }, + { + "id": "7642033", + "title": "New York Yankees", + "text": "and the Colorado Rockies. Through 2018, the Yankees have an all-time regular season winning percentage of .569 (a 10,275 \u2013 7,781 record), the best of any team in baseball. The Yankees have won 27 World Series Championships. Their most recent one came in 2009, under manager Joe Girardi, when they defeated the Philadelphia Phillies in six games. The \"Yankees\" name is often shortened to \"the Yanks.\" Their most prominently used nickname is \"the Bronx Bombers\" or simply \"the Bombers\", a reference to their home and their prolific hitting. A less used nickname is \"the Pinstripes\", in reference to the iconic", + "score": 0.71337890625 + }, + { + "id": "4342318", + "title": "1953 World Series", + "text": "1953 World Series The 1953 World Series matched the 4-time defending champions New York Yankees against the Brooklyn Dodgers in a rematch of the 1952 Series, and the 4th such matchup between the two teams in the past seven seasons. The Yankees won in 6 games for their 5th consecutive title\u2014a mark which has not been equalled\u2014and their 16th overall. Billy Martin recorded his 12th hit of the Series scoring Hank Bauer in Game 6. Before a full house of New Yorkers, a four-run first inning put Yankee fans in a good mood right off the bat. Brooklyn starter Carl", + "score": 0.712890625 + }, + { + "id": "41853", + "title": "History of baseball in the United States", + "text": "Devil Rays and the Arizona Diamondbacks, the latter of which become the youngest expansion franchise to win the championship. For the most part, the late 1990s were dominated by the New York Yankees, who won four out of five World Series championships from 1996\u20132000. The lure of big money pushed players harder and harder to perform at their peaks. There is only so much conditioning that one can do to obtain an edge without inducing injury. The wearying travel schedule and 162-game season meant that amphetamines, usually in the form of pep pills known as \"greenies\", had been widespread in", + "score": 0.712890625 + }, + { + "id": "85862", + "title": "Chicago Cubs", + "text": "Brown, Jack Taylor, Ed Reulbach, Jack Pfiester, and Orval Overall were several key pitchers for the Cubs during this time period. With Chance acting as player-manager from 1905 to 1912, the Cubs won four pennants and two World Series titles over a five-year span. Although they fell to the \"Hitless Wonders\" White Sox in the 1906 World Series, the Cubs recorded a record 116 victories and the best winning percentage (.763) in Major League history. With mostly the same roster, Chicago won back-to-back World Series championships in 1907 and 1908, becoming the first Major League club to play three times", + "score": 0.71240234375 + }, + { + "id": "8998770", + "title": "History of the New York Yankees", + "text": "The Yankees were defeated three games to one by their rivals, falling short of a return to the ALCS. As of 2018, the Yankees' 27 World Series championships are 16 more than the number won by the St. Louis Cardinals, who have the second-most titles among MLB teams. New York's championship total is the highest of any franchise in a major North American league; the National Hockey League's Montreal Canadiens are second behind the Yankees with 24 Stanley Cup wins. The 40 AL titles won by the Yankees places them 17 in front of the Cardinals for the most pennants", + "score": 0.71240234375 + }, + { + "id": "741492", + "title": "National League", + "text": "policy would allow each league to have 15 teams, with one team in each league playing an interleague game on any given day. As a condition of the sale of the Astros to Jim Crane in November 2011, the team agreed to move to the American League effective with the 2013 season. Through the 2018 season, the Dodgers and Giants have won the most NL pennants, with 23 each. Representing the National League against the American, the Cardinals have won the most World Series (11) followed by the Giants (8), Dodgers (6), Pirates (5), and Reds (5). St. Louis also", + "score": 0.71240234375 + }, + { + "id": "20830060", + "title": "2018 World Series", + "text": "15 years dating back to 2004, and their ninth in franchise history. Steve Pearce won the World Series Most Valuable Player Award, while Alex Cora became the fifth first-season manager, and first manager from Puerto Rico, to win the World Series. The Series was notable for its third game which went for 18 innings, a World Series record. Additionally, the Red Sox became the first team to win two World Series exactly one century apart, as they had defeated the Chicago Cubs in 1918, while the Dodgers were the first team since the 2011 Texas Rangers, and the first NL", + "score": 0.7119140625 + }, + { + "id": "3969216", + "title": "1918 World Series", + "text": "won in , won the National League but lost the Series in 1918, , , , , and , and, allegedly stymied by the infamous Curse of the Billy Goat imposed during that latter Series. The Red Sox, who had won the American League but lost the Series in , , , and , finally won the World Series in and then won again in , 2013 and 2018. When the Red Sox won in 2018 (against the Los Angeles Dodgers), they became the first team to ever win the Fall Classic exactly one century apart. After Game 6, it", + "score": 0.7109375 + }, + { + "id": "8450660", + "title": "Rich Dauer", + "text": "World Series in 1983, also known as \"the I-95 Series,\" won by the Orioles over the Philadelphia Phillies in five games. Dauer holds two American League single season fielding records for a second baseman, including 86 consecutive errorless games and 425 straight errorless chances, both set in 1978. Dauer is one of the few to have won a College World Series (twice) and an MLB World Series. In 2012, Dauer was inducted into the Baltimore Orioles Hall of Fame, becoming the 12th member of the 1983 championship team to be inducted. Dauer also has worked as a minor league coach", + "score": 0.7099609375 + }, + { + "id": "8302049", + "title": "Boss Schmidt", + "text": "had 6 hits and 5 RBIs in three World Series from 1907 to 1909. He also holds the dubious distinction of having committed five errors and allowed 16 stolen bases during the 1908 World Series\u2014both records which still stand today. Schmidt also made the last out in consecutive World Series in 1907-08, the only player ever to do so. Both World Series were won by the Chicago Cubs\u2014the last World Series the Cubs won until 2016. Schmidt also let the 3rd strike with 2 outs in the bottom of the ninth of Game 1 of the 1907 Series get away,", + "score": 0.7099609375 + }, + { + "id": "4342438", + "title": "1909 World Series", + "text": "1909 World Series In the 1909 World Series featured the Pittsburgh Pirates and the Detroit Tigers. The Pirates won the Series in seven games to capture their first championship of the modern Major League Baseball era and the second championship in the club's history. This Series is best remembered for the amazing play by the two best players at the time, Honus Wagner of the Pittsburgh Pirates, and Ty Cobb of the Detroit Tigers. The Pirates had won the pennant in 1909 behind the brilliant play of Honus Wagner, who led the league with a .339 batting average and 100", + "score": 0.7099609375 + }, + { + "id": "3980593", + "title": "Tony La Russa", + "text": "became the first manager ever to win multiple pennants in both leagues and the second manager to win the World Series in both leagues. La Russa has also joined Mack as the second manager to win World Series titles in three decades and to win pennants in four. He is one of only four managers to be named Manager of the Year in both of baseball's major leagues. La Russa is the winningest manager in St. Louis Cardinals history, with 1,408 wins and 1,182 losses (.544) and 1 tie as manager of the club since 1996. He was 522\u2013510\u20133 (.506)", + "score": 0.7099609375 + }, + { + "id": "3504305", + "title": "1960 World Series", + "text": "1960 World Series The 1960 World Series was played between the Pittsburgh Pirates of the National League (NL) and the New York Yankees of the American League (AL) from October 5 to 13, 1960. It is most notable for the Game 7, ninth-inning home run hit by Bill Mazeroski, the only time a winner-take-all World Series game has ended with a walk-off home run. Despite losing the series, the Yankees scored 55 runs, the most runs scored by any one team in World Series history, a unique record, and more than twice as many as the Pirates, who scored 27", + "score": 0.70947265625 + }, + { + "id": "242083", + "title": "Los Angeles Dodgers", + "text": "1947, 1949, 1952, 1953, 1955, 1956) and the World Series in 1955. After moving to Los Angeles, the team won National League pennants in 1959, 1963, 1965, 1966, 1974, 1977, 1978, 1981, 1988, 2017, and 2018, with World Series championships in 1959, 1963, 1965, 1981 and 1988. In all, the Dodgers have appeared in 20 World Series: 9 in Brooklyn and 11 in Los Angeles. For most of the first half of the 20th century, no Major League Baseball team employed an African American player. Jackie Robinson became the first African American to play for a Major League Baseball team", + "score": 0.70849609375 + }, + { + "id": "11543088", + "title": "1972 Major League Baseball season", + "text": "Sox switched to double knits midway through 1972. Only the Royals, Expos and Yankees wore flannels full-time during the 1972 season, and all three converted to double knits for 1973. The World Series was won by the Oakland Athletics, the first of three straight behind the bats of Reggie Jackson and Bert Campaneris, and the pitching cadre of Catfish Hunter, Rollie Fingers, and Vida Blue. Jackie Robinson, the first black player in MLB history, threw out the first pitch prior to Game 2 in what would be his last public appearance. He died two days after the series ended at", + "score": 0.7080078125 + }, + { + "id": "4171634", + "title": "1978 World Series", + "text": "would be the final post-season game of Munson's career before his death during the 1979 season. 1978 World Series (4\u20132): New York Yankees (A.L.) over Los Angeles Dodgers (N.L.) This Series is tied with the 1980 World Series for the highest overall television ratings to date, with the six games averaging a Nielsen rating of 32.8 and a share of 56. The Yankees became the last repeat World Champions until fifteen years later (\u2013; Toronto Blue Jays). This would be the last time the Yankees would win a World Series until . The Dodgers would go on to win the", + "score": 0.7080078125 + }, + { + "id": "4169906", + "title": "1988 World Series", + "text": "Dennis Eckersley in Game 1. The Dodgers were the only MLB team to win more than one World Series title in the 1980s; their other World Series title during the decade came in 1981 (they also broke a 10-year chain of 10 different World Series champions going back to 1978). Although Gibson's home run has become an iconic World Series moment, it was series MVP Orel Hershiser who capped a dominant 1988 season in which he set the all time scoreless inning streak at 59 innings, recorded five straight shutouts, led the league with 23 wins and 267 innings, and", + "score": 0.70751953125 + }, + { + "id": "4342233", + "title": "1939 World Series", + "text": "1939 World Series The 1939 World Series featured the three-time defending champion New York Yankees against the Cincinnati Reds, who were making their first Series appearance since winning the scandal-tainted 1919 World Series. The Yankees swept the Series in four games for the second straight year, winning their record fourth consecutive title (they would later win five straight from 1949 to 1953). Yankee manager Joe McCarthy won his fifth title, tying the record held by Philadelphia Athletics manager Connie Mack. In the 10th inning of the final game, a famous play at the plate typified the Series. \"King Kong\" Charlie", + "score": 0.70703125 + }, + { + "id": "2825293", + "title": "Bill Skowron", + "text": "eight World Series teams: In total, Skowron played on eight World Series teams, on the winning side five times: Seven World Series with the Yankees, winning four rings, 1956, 58, 61 and 62; and then, in a bit of revenge, batting .385 and winning a ring with Dodgers the following year, 1963, against the Yankees who had traded him away. Skowron was a consistently good hitter throughout most of his career, but he was a clutch performer in World Series play, batting .293, with 8 homers, 29 RBI and a .519 slugging percentage in eight World Series. During his time", + "score": 0.70703125 + }, + { + "id": "15418735", + "title": "Pacific Coast League Most Valuable Player Award", + "text": "Omaha Royals, Tacoma Giants, and the Tulsa Oilers (1). Thirteen players from the Brooklyn/Los Angeles Dodgers Major League Baseball (MLB) organization have won the MVP Award, more than any other, followed by the Chicago Cubs organization (9); the San Diego Padres organization (5); the Arizona Diamondbacks, Houston Astros, Oakland Athletics, and San Francisco Giants organizations (4); the Chicago White Sox, Pittsburgh Pirates, Seattle Mariners, and St. Louis Cardinals organizations (3); the Anaheim/California Angels, Cincinnati Reds, Philadelphia Phillies, Texas Rangers, and Toronto Blue Jays organizations (2); and the Cleveland Indians, Colorado Rockies, Kansas City Royals, and New York Yankees organizations (1).", + "score": 0.70654296875 + }, + { + "id": "8998752", + "title": "History of the New York Yankees", + "text": "series to claim the AL championship. New York's pennant placed them in the 2000 World Series against the cross-town Mets, the first Subway Series in 44 years. With a four games to one victory, the Yankees gained their third successive title. As of 2017, the 2000 Yankees are the most recent MLB team to repeat as World Series champions and the Yankees of 1998\u20132000 are the last team to win three consecutive World Series. Free agent pitcher Mike Mussina signed with the Yankees before their 2001 season began, and the club pulled away from the Red Sox as the year", + "score": 0.7060546875 + }, + { + "id": "41847", + "title": "History of baseball in the United States", + "text": "breaking Lou Gehrig's 56-year-old record. This was the first high-profile moment in baseball after the strike. Ripken continued his streak for another three years, voluntarily ending it at 2,632 consecutive games played on September 20, 1998. In 1997, the Florida Marlins won the World Series in just their fifth season. This made them the youngest expansion team to win the Fall Classic (with the exception of the 1903 Boston Red Sox and later the 2001 Arizona Diamondbacks, who won in their fourth season). Virtually all the key players on the 1997 Marlins team were soon traded or let go to", + "score": 0.7060546875 + }, + { + "id": "8998653", + "title": "History of the New York Yankees", + "text": "baseman Lou Gehrig were part of the team's Murderers' Row lineup, which led the Yankees to a then-AL record 110 wins and a Series championship in 1927 under Miller Huggins. They repeated as World Series winners in 1928, and their next title came under manager Joe McCarthy in 1932. The Yankees won the World Series every year from 1936 to 1939 with a team that featured Gehrig and outfielder Joe DiMaggio, who recorded a record hitting streak during New York's 1941 championship season. New York set a major league record by winning five consecutive championships from 1949 to 1953, and", + "score": 0.70556640625 + }, + { + "id": "2292823", + "title": "Salary cap", + "text": "as of 2017 (35.5% of all World Series for a 23.9% success rate). In the past 30 years, 18 different teams have won the World Series. In comparison, only 14 different teams won the NFL Super Bowl, 13 won the NHL Stanley Cup and 10 won the NBA championship in that same time frame. Other pundits, such as Michael Lewis, the author of the bestseller \"Moneyball\", have argued that using World Series championships as an example of parity may be misleading, and playoff appearances may be a better indicator of relative team strength. The playoff system used in baseball comprises", + "score": 0.705078125 + }, + { + "id": "41842", + "title": "History of baseball in the United States", + "text": "was continued as distinct halves starting August 9, with the playoffs reorganized to reflect this. Throughout the 1980s then, baseball seemed to prosper. The competitive balance between franchises saw fifteen different teams make the World Series, and nine different champions during the decade. Also, every season from 1978 through 1987 saw a different World Series winner, a streak unprecedented in baseball history. Turmoil was, however, just around the corner. In 1986 Pete Rose retired from playing for the Cincinnati Reds, having broken Ty Cobb's record by accumulating 4,256 hits during his career. He continued as Reds manager until, in 1989", + "score": 0.7041015625 + }, + { + "id": "7765937", + "title": "2000 World Series", + "text": "2000 World Series The 2000 World Series was the championship series of Major League Baseball's (MLB) 2000 season. The 96th edition of the World Series, it was a best-of-seven playoff between crosstown opponents, the two-time defending World Series champions and American League (AL) champion New York Yankees and the National League (NL) champion New York Mets. The Yankees defeated the Mets, four games to one, to win their third consecutive championship and 26th overall. The series was often referred to as the \"Subway Series\", referring to the longstanding matchup between New York baseball teams; it was the first World Series", + "score": 0.70361328125 + }, + { + "id": "499038", + "title": "Yankee Stadium (1923)", + "text": "(Chicago), Sportsman's Park (St. Louis) and Tiger Stadium (Detroit) have hosted more games. Due to the Yankees' frequent appearances in the World Series, Yankee Stadium played host to 161 postseason games, more than any other stadium in baseball history. The Stadium hosted 37 of the 83 possible World Series during its existence (not counting 1974\u201375, and the 1994 strike), with the Yankees winning 26 of them. In total, the venue hosted 100 World Series games. 16 of the 17 World Series won in the Bronx were clinched at the 1923 Yankee Stadium, nine by the Yankees and seven by their", + "score": 0.703125 + }, + { + "id": "12896731", + "title": "Golden age of baseball", + "text": "Mantle, Ernie Banks, and pitchers Bob Gibson and Warren Spahn, among others, established themselves as Hall of Famers and ultimately played into the late 1960s and 1970s, providing a bridge between the current era and the golden age. From a team perspective, the golden age of baseball (using the years 1918-1964 as a guideline) was dominated by the American League's New York Yankees, who won 29 pennants and 20 World Series titles between 1918 and 1964. To expound on that figure, in the National League, it took three clubs combined to win 27 pennants (nine each) during that same timeframe,", + "score": 0.703125 + }, + { + "id": "4342288", + "title": "1947 World Series", + "text": "the course of the Series. As of 2018, this is the only World Series the Yankees have won with Game 7 being in their home stadium. 1947 World Series The 1947 World Series matched the New York Yankees against the Brooklyn Dodgers. The Yankees won the Series in seven games for their first title since , and their eleventh World Series championship in team history. Yankees manager Bucky Harris won the Series for the first time since managing the Washington Senators to their only title in . In 1947, Jackie Robinson, a Brooklyn Dodger, desegregated major league baseball. For the", + "score": 0.703125 + }, + { + "id": "469350", + "title": "1960s", + "text": "World Series. The Pilots stayed just one season in Seattle before moving and becoming the Milwaukee Brewers in 1970. The National League also added two teams in 1969, the Montreal Expos and San Diego Padres. By 1969, at the end of the 1960s the New York Mets won the World Series in only the 8th year of the team's existence. The NBA tournaments during the 1960s were dominated by the Boston Celtics, who won eight straight titles from 1959 to 1966 and added two more consecutive championships in 1968 and 1969, aided by such players as Bob Cousy, Bill Russell", + "score": 0.70263671875 + }, + { + "id": "85855", + "title": "Chicago Cubs", + "text": "Cubs have appeared in a total of eleven World Series. The 1906 Cubs won 116 games, finishing 116\u201336 and posting a modern-era record winning percentage of , before losing the World Series to the Chicago White Sox (\"The Hitless Wonders\") by four games to two. The Cubs won back-to-back World Series championships in 1907 and 1908, becoming the first major league team to play in three consecutive World Series, and the first to win it twice. Most recently, the Cubs won the 2016 National League Championship Series and 2016 World Series, which ended a 71-year National League pennant drought and", + "score": 0.70263671875 + }, + { + "id": "4169987", + "title": "1998 World Series", + "text": "1998 World Series The 1998 World Series was the championship series of Major League Baseball's (MLB) 1998 season. The 94th edition of the World Series, it was a best-of-seven playoff between the American League (AL) champion New York Yankees and the National League (NL) champion San Diego Padres. The Yankees swept the Series in four games to win their second World Series championship in three years and their 24th overall. Yankees third baseman Scott Brosius was named the World Series Most Valuable Player. The Yankees advanced to the World Series by defeating the Texas Rangers in the AL Division Series,", + "score": 0.70263671875 + }, + { + "id": "13544760", + "title": "World Series", + "text": "not win their first championship until the 1920s; and three of the teams that were highly successful prior to 1920 (the Boston Red Sox, Chicago White Sox and the Chicago Cubs) went the rest of the 20th century without another World Series win. The Red Sox and White Sox finally won again in 2004 and 2005, respectively. The Cubs had to wait over a century (until the 2016 season) for their next trophy. They did not appear in the Fall Classic from 1945 until 2016, the longest drought of any MLB club. The New York Yankees purchased Babe Ruth from", + "score": 0.70263671875 + }, + { + "id": "13544792", + "title": "World Series", + "text": "New York Mets in the World Series 4\u20131, capturing their first title in 30 years. The 2015 contest was the first time that two expansion clubs met for the Fall Classic. In 2016, the Chicago Cubs ended their 108-year long drought without a World Series title by defeating the Cleveland Indians, rallying from a 3\u20131 Series deficit in the process. That extended Cleveland's World Series title drought to 68 years and counting \u2013 the Indians last won the Series in 1948 \u2013 now the longest title drought in the majors. Beginning in 2017, home field advantage in the World Series", + "score": 0.70263671875 + }, + { + "id": "13544774", + "title": "World Series", + "text": "to Win Every Home Game The 1987 Minnesota Twins became the 1st team in the history of the World Series to win the championship by winning all 4 games they hosted when they defeated the St. Louis Cardinals. They repeated this 4 years later in 1991 when they defeated the Atlanta Braves. The 1988 World Series is remembered for the iconic home run by the Los Angeles Dodgers' Kirk Gibson with two outs in the bottom of the ninth inning of Game 1. The Dodgers were huge underdogs against the 104-win Oakland Athletics, who had swept the Boston Red Sox", + "score": 0.70166015625 + }, + { + "id": "11510882", + "title": "1884 Providence Grays season", + "text": "1884 Providence Grays season The Providence Grays went 84\u201328 during the 1884 season, easily capturing the National League championship. They then faced the American Association champions, the New York Metropolitans, in 1884 World Series. Thanks to excellent pitching by Charles \"Old Hoss\" Radbourn, the Grays swept the series and became the \"World Champions.\" During the last half of the regular season, Radbourn was the team's main pitcher after Charlie Sweeney jumped to the Union Association. Radbourn won 59 games for the Grays, which set a Major League Baseball record that has stood for over 120 years. \"Note: Pos = Position;", + "score": 0.701171875 + }, + { + "id": "4342346", + "title": "1954 World Series", + "text": "1954 World Series The 1954 World Series matched the National League champion New York Giants against the American League champion Cleveland Indians. The Giants swept the Series in four games to win their first championship since , defeating the heavily favored Indians, who had won an AL-record 111 games in the regular season; it has since been broken by the 1998 New York Yankees (114) and again by the 2001 Seattle Mariners (116, tying the 1906 Chicago Cubs for the most wins ever). The Series is perhaps best-remembered for \"The Catch\", a sensational running catch made by Giants center fielder", + "score": 0.701171875 + }, + { + "id": "2235390", + "title": "2003 World Series", + "text": "Chicago Cubs and most recently the 2017 Houston Astros. They also became the second expansion team in the National League to win two World Series titles, following the New York Mets who achieved this feat in ; the Toronto Blue Jays of the American League, who pulled this off in and , are the third major-league expansion franchise to do so. The Kansas City Royals, also of the American League, became the 4th expansion franchise to win two World Series titles, adding the 2015 title to their 1985 win. The Marlins also became the fastest expansion team to win two", + "score": 0.701171875 + }, + { + "id": "533164", + "title": "Yogi Berra", + "text": "for defamation, but Hanna-Barbera claimed that the similarity of the names was just a coincidence. Yogi Berra Lawrence Peter \"Yogi\" Berra (May 12, 1925 \u2013 September 22, 2015) was an American professional baseball catcher, who later took on the roles of manager and coach. He played 19 seasons in Major League Baseball (MLB) (1946\u201363, 1965), all but the last for the New York Yankees. He was an 18-time All-Star and won 10 World Series championships as a player\u2014more than any other player in MLB history. Berra had a career batting average of .285, while hitting 358 home runs and 1,430", + "score": 0.701171875 + }, + { + "id": "4342332", + "title": "1954 World Series", + "text": "1954 World Series The 1954 World Series matched the National League champion New York Giants against the American League champion Cleveland Indians. The Giants swept the Series in four games to win their first championship since , defeating the heavily favored Indians, who had won an AL-record 111 games in the regular season; it has since been broken by the 1998 New York Yankees (114) and again by the 2001 Seattle Mariners (116, tying the 1906 Chicago Cubs for the most wins ever). The Series is perhaps best-remembered for \"The Catch\", a sensational running catch made by Giants center fielder", + "score": 0.701171875 + }, + { + "id": "16403329", + "title": "Major League Baseball Wild Card Game", + "text": "From 1995 to 1997 the matchups for the division series were determined by annual rotation between the west, central and east divisions. Nineteen of the thirty MLB franchises have appeared in a Wild Card Game. The New York Yankees of the American League and the Pittsburgh Pirates of the National League have appeared in a record three games. The San Francisco Giants and the New York Yankees have won the most Wild Card Games with two each. The addition of a second wild-card team to each league was completed for multiple reasons: With the adoption of MLB's new collective bargaining", + "score": 0.70068359375 + }, + { + "id": "10117372", + "title": "Texas Longhorns baseball", + "text": "and 16 conference tournament championships in baseball. The Longhorns have won six NCAA baseball national championships (1949, 1950, 1975, 1983, 2002, and 2005) \u2014 second to Southern California's total of 12 \u2014 and have been the runner-up in the College World Series (CWS) Championship Games on six other occasions (1953, 1984, 1985, 1989, 2004, and 2009). Texas holds the records for most appearances in the College World Series (36), most individual CWS games won (85), most overall NCAA Tournament games won (240), and most NCAA Tournament appearances (59); the second-place programs in these categories have 25 CWS appearances (Miami), wins", + "score": 0.7001953125 + }, + { + "id": "242081", + "title": "Los Angeles Dodgers", + "text": "San Francisco Giants have also collectively appeared 20 times. The Giants have won two more World Series (8); the Dodgers and Giants share the record of 23 National League Pennants. Although the two franchises have enjoyed near equal success, the city rivalries are rather lopsided and in both cases, a team's championships have predated to the other's first one in that particular location. When the two teams were based in New York, the Giants won five World Series championships, and the Dodgers one. After the move to California, the Dodgers have won five in Los Angeles, the Giants have won", + "score": 0.7001953125 + }, + { + "id": "7641955", + "title": "New York Yankees", + "text": "Yankees won the World Series again in 1928. In 1931, Joe McCarthy was hired as manager and brought the Yankees back to the top of the AL. They swept the Chicago Cubs in the 1932 World Series, and brought the team's streak of consecutive World Series game wins to 12. This series was made famous by Babe Ruth's \"Called Shot\" in game three of the series at Wrigley Field, a fitting \"swan song\" to his illustrious World Series career. In 1935, Ruth left the Yankees to join the NL's Boston Braves, and he made his last major league baseball appearance", + "score": 0.69970703125 + }, + { + "id": "5962545", + "title": "Sam Breadon", + "text": "Sam Breadon Samuel Breadon (July 26, 1876 \u2013 May 8, 1949) was an American executive who served as the president and majority owner of the St. Louis Cardinals of Major League Baseball (MLB) from 1920 through 1947. During that time, the Cardinals rose from languishing as one of the National League's doormats to a premier power in baseball, winning nine NL pennants and six World Series championships. Breadon also had the highest regular season winning percentage of any owner in franchise history at .570. His teams totaled 2,470 wins and 1,830 losses. Born in New York City and raised in", + "score": 0.69921875 + }, + { + "id": "4341874", + "title": "1958 World Series", + "text": "1958 World Series The 1958 World Series was a rematch of the 1957 World Series, with the New York Yankees beating the defending champion Milwaukee Braves in seven games for their 18th title, and their seventh in 10 years. With that victory, the Yankees became only the second team in Major League Baseball history to come back from a 3\u20131 deficit to win a best-of-seven World Series; the first was the Pittsburgh Pirates in 1925. (The 1903 Boston Red Sox came back from a 3\u20131 deficit in a best-of-nine affair.) These teams would meet again in the fall classic thirty-eight", + "score": 0.69921875 + }, + { + "id": "10505160", + "title": "Joe Hoover", + "text": "with 256. In his final major league season, Hoover was a member of the 1945 Detroit Tigers team that won the American League pennant and defeated the Chicago Cubs in the 1945 World Series. However, after two seasons as the team's everyday shortstop, Hoover in 1945 divided shortstop duties with Skeeter Webb; Hoover started 55 games at shortstop, while Webb started 99. Hoover's last major league appearance came in Game 6 of the 1945 World Series. He had a single in three World Series at bats. He also had an RBI and scored a run in an 8\u20137 loss to", + "score": 0.69921875 + }, + { + "id": "4342310", + "title": "1949 World Series", + "text": "1949 World Series The 1949 World Series featured the New York Yankees and the Brooklyn Dodgers, with the Yankees winning in five games for their second defeat of the Dodgers in three years, and the twelfth championship in team history. This victory would start a record run of five consecutive World Series championships by the Yankees, and was also the first of 14 AL pennants in 16 years (1949\u20131964 except for 1954 and 1959) for the Yankees. Both teams finished the regular season with exactly the same records and winning their respective leagues by exactly one game. Don Newcombe of", + "score": 0.69873046875 + }, + { + "id": "18946089", + "title": "Harmonica Incident", + "text": "until 1976, after CBS had sold the team to George Steinbrenner. In the years after World War II, the Yankees had come to dominate Major League Baseball in a way that no team had done before, nor any has done since. Between 1947 and 1963, the team appeared in the World Series 14 times, winning all but four. Rooting for the Yankees, as Peter Golenbock, the author of several books about the Yankees, some in collaboration with players, wrote, \"became like rooting for U.S. Steel\". Stars of the earlier era like Joe DiMaggio had been almost seamlessly replaced by younger", + "score": 0.6982421875 + }, + { + "id": "15975570", + "title": "2013 World Series", + "text": "Nen, Troy Percival, and Brad Lidge for most saves in one postseason year, with 7 (since then, Greg Holland matched this record the next year). In addition, Lester joined Babe Ruth as the only Red Sox lefthanders to win three World Series games. Boston Red Sox Hall of Fame members Carlton Fisk and Luis Tiant, both of whom played in historic Game 6 of the 1975 World Series, threw ceremonial first pitches. Boston won Game 6 in a rout, by scoring six runs on the Cardinals rookie Michael Wacha, who had previously been unbeaten in the playoffs. World Series Most", + "score": 0.6982421875 + }, + { + "id": "4342380", + "title": "1957 World Series", + "text": "1957 World Series The 1957 World Series featured the defending champions, the New York Yankees (American League), playing against the Milwaukee Braves (National League). After finishing just one game behind the N.L. Champion Brooklyn Dodgers in 1956, the Braves came back in 1957 to win their first pennant since moving from Boston in 1953. The Braves won the Series in seven games, behind Lew Burdette's three complete game victories. The Yankees had home field advantage in the series. Games 1, 2, 6, and 7 were played at Yankee Stadium, while Milwaukee County Stadium hosted Games 3, 4, and 5. This", + "score": 0.6982421875 + }, + { + "id": "8998715", + "title": "History of the New York Yankees", + "text": "extra base hits, finished second with 39 home runs, and won the AL MVP Award. The 1960 Yankees won the AL pennant for the 10th time in 12 years under Stengel, and outscored the Pirates 55\u201327 in the seven World Series games. However, the team lost four of them, falling short of a Series championship after Bill Mazeroski hit a walk-off home run in the final game, ending a contest that Appel called \"one of the most memorable in baseball history.\" The season turned out to be Stengel's last as Yankees manager; he indicated that his age played a role", + "score": 0.6982421875 + }, + { + "id": "3083651", + "title": "Andy Pettitte", + "text": "strikeouts in the postseason (1995\u20132003, 2005, 2007, 2009\u20132010), with the most postseason wins in MLB history. He also holds the all-time postseason record for most starts (42) and innings pitched in the postseason (263). He was the second starting pitcher in history to win three series-clinching games (ALDS, ALCS and World Series) in the same postseason (2009). Derek Lowe did the same in 2004, but with one of the wins in relief, and additionally, Pettitte won the regular season game in which the Yankees clinched the division. When Pettitte started Game 3 of the 2009 World Series, he passed Christy", + "score": 0.69775390625 + }, + { + "id": "4169781", + "title": "1981 World Series", + "text": "1981 World Series The 1981 World Series was the championship series of the 1981 MLB season. It matched the New York Yankees against the Los Angeles Dodgers, marking their third meeting in the Series in five years as well as a record eleventh Series meeting overall and last Series meeting to date. The Dodgers won the Series in six games in a mirror image of the two teams' last Series meeting in , for their first title since and their first victory over the Yankees since and third World Series win over the Yankees, overall. This is the last World", + "score": 0.69775390625 + }, + { + "id": "4169552", + "title": "1996 World Series", + "text": "took Yankee manager Joe Torre a record 4,272 games to make it to the World Series in his combined careers as a player and a manager, but he would not have to wait very long to go back, as the Yankees would win the American League pennant five more times in the next seven seasons (only falling short of making the World Series in 1997 and 2002), which included the Yankees winning three consecutive World Series championships from 1998, to 2000, which along with 1996 gave the Yankees four championships in five years. The championship was the 23rd in franchise", + "score": 0.697265625 + }, + { + "id": "1987771", + "title": "1986 World Series", + "text": "1986 World Series The 1986 World Series was the 83rd edition of Major League Baseball's championship series, and the conclusion of the 1986 Major League Baseball season. A best-of-seven playoff, it pitted the National League (NL) champion New York Mets against the American League (AL) champion Boston Red Sox. The Mets won the Series in the seventh game, after overcoming a deficit of two runs with two outs and no one on base in the bottom of the 10th inning of Game 6. This was a game in which the Red Sox were twice one strike away from victory, and", + "score": 0.697265625 + }, + { + "id": "20185834", + "title": "California League Most Valuable Player Award", + "text": "unavailable. Sixteen players from the Brooklyn/Los Angeles Dodgers Major League Baseball (MLB) organization have won the MVP Award, more than any other, followed by the San Diego Padres organization (7); the California/Los Angeles Angels, Minnesota Twins, and San Francisco Giants organizations (5); the St. Louis Cardinals organization (4); the Kansas City/Oakland Athletics and Milwaukee Brewers organization (3); the Arizona Diamondbacks, Baltimore Orioles, Boston Red Sox, Cincinnati Reds, Pittsburgh Pirates, Seattle Mariners, and Tampa Bay Devil Rays organizations (2); and the Chicago Cubs, Cleveland Indians, Colorado Rockies, Florida Marlins, Houston Astros, and New York Mets organizations (1). Six players competed for", + "score": 0.69677734375 + }, + { + "id": "386231", + "title": "San Francisco Giants", + "text": "in 1904. Playing as the New York Giants, they won 14 pennants and five World Series championships behind managers such as John McGraw and Bill Terry and players such as Christy Mathewson, Carl Hubbell, Mel Ott, Bobby Thomson, and Willie Mays. The Giants' franchise has the most Hall of Fame players in all of professional baseball. The Giants' rivalry with the Dodgers is one of the longest-standing and biggest rivalries in American sports. The teams began their rivalry as the New York Giants and Brooklyn Dodgers, respectively, before both franchises moved west for the 1958 season. The Giants have won", + "score": 0.69677734375 + }, + { + "id": "4271706", + "title": "1956 World Series", + "text": "in World Series history by defeating the Baltimore Orioles in five games. The Yankees won the Series in seven games, 4\u20133, capturing their seventeenth championship. Brooklyn won Games 1 and 2, but New York pitchers threw five consecutive complete games (Games 3\u20137) to cap off the comeback. The highlight was Don Larsen's perfect game in Game 5. Larsen was named the Series MVP for his achievement. The Dodgers scored 19 runs in the first two games, but only 6 in the remaining five games, with just one in the final three games. This was the last World Series to date", + "score": 0.69580078125 + }, + { + "id": "13544795", + "title": "World Series", + "text": "unchanged until 1961, with fourteen expansion teams joining MLB since then. Twelve have played in a World Series (the Mariners and Expos/Nationals being the two exceptions). The expansion teams have won ten of the 22 Series (45%) in which they have played, which is 9% of all 114 series played since 1903. In 2015, the first World Series featuring only expansion teams was played between the Kansas City Royals and New York Mets. This information is up to date through the present time: When two teams share the same state or metropolitan area, fans often develop strong loyalties to one", + "score": 0.69580078125 + }, + { + "id": "19367574", + "title": "International League Manager of the Year Award", + "text": "Seven managers each from the Baltimore Orioles and Boston Red Sox Major League Baseball (MLB) organizations have won the award, more than any others, followed by the New York Yankees organization (6); Cleveland Indians organization (5); the New York Yankees and Philadelphia Phillies organizations (4); the Atlanta Braves, Detroit Tigers, Montreal Royals/Washington Nationals, and Toronto Blue Jays organizations (3); the Cincinnati Reds and Tampa Bay Rays organizations (2); and the Chicago White Sox, Houston Astros, and Pittsburgh Pirates organizations (1). International League Manager of the Year Award The International League Manager of the Year Award is an annual award given", + "score": 0.69580078125 + }, + { + "id": "14578008", + "title": "2011 World Series", + "text": "2011 World Series The 2011 World Series was the championship series of Major League Baseball's (MLB) 2011 season. The 107th edition of World Series, it was a best-of-seven playoff played between the American League (AL) champion Texas Rangers and the National League (NL) champion St. Louis Cardinals; the Cardinals defeated the Rangers in seven games to win their 11th World Series championship and their first since 2006. The Series was noted for its back-and-forth Game 6, in which the Cardinals erased a two-run deficit in the bottom of the ninth inning, then did it again in the 10th. In both", + "score": 0.6953125 + }, + { + "id": "4341750", + "title": "1963 World Series", + "text": "line, allowing Gilliam to scamper all the way to third base. He then scored a moment later on Willie Davis' sacrifice fly. Sandy Koufax went on to hold the Yankees for the final two innings for a 2\u20131 victory and the Dodgers' third world championship. The World Series Most Valuable Player Award went to Sandy Koufax, who started two of the four games and had two complete game victories. To date, Game 4 is the only time the Dodgers have won the deciding game of a World Series at home. 1963 World Series (4\u20130): Los Angeles Dodgers (N.L.) over New", + "score": 0.6953125 + }, + { + "id": "4341901", + "title": "1958 World Series", + "text": "in the right-field corner. Howard followed with a run-scoring single to center. Andy Carey singled off Eddie Mathews' glove. Moose Skowron then delivered the crushing blow, a three-run homer to left-center field, to cap a storybook comeback. Milwaukee went quietly to sleep, giving the Yankees their 18th World Championship. Hank Bauer (a nine-Series veteran) led with most runs scored (six), most hits (10), most home runs (four) and most runs batted in (eight). He also topped the Yankee sluggers with a .323 average. Despite less-than-stellar stats in his first four Classics (7-for-57 with a .123 avg.), he combined for 18", + "score": 0.6953125 + } + ], + "answer": "A total of 115 Series have been contested, with the AL champion winning 66 and the NL champion winning 49. The New York Yankees of the AL have played in 40 World Series through 2019, winning 27, the most championship appearances and most victories by any team in the four major North American professional sports leagues. The player with the most world series wins in baseball is Yogi Berra. Joe McCarthy and Casey Stengel have the most world series wins as managers. As a player and coach combined, Frankie Crosetti won the most the world series wins." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who plays adult Eun Jae in hello my twenties series 1?", + "short_answers": [ + "Park Hye-su" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who plays young Eun Jae in hello my twenties series 1?", + "short_answers": [ + "Lee Na-yoon" + ], + "wikipage": null + }, + { + "context": "Hello, My Twenties! 2 () is a South Korean television series starring Han Ye-ri, Han Seung-yeon, Park Eun-bin, Ji Woo and Choi Ah-ra. It is the sequel to the 2016 series \"Hello, My Twenties!\". The series aired on cable network JTBC on Fridays and Saturdays at 23:00 (KST) for 14 episodes from August 25 to October 7, 2017.", + "question": "Who plays Eun Jae in hello my twenties series 2?", + "short_answers": [ + "Ji Woo" + ], + "wikipage": "Hello, My Twenties! 2" + } + ], + "wikipages": [ + { + "title": "Hello, My Twenties!", + "url": "https://en.wikipedia.org/wiki/Hello%2C%20My%20Twenties%21" + }, + { + "title": "Hello, My Twenties! 2", + "url": "https://en.wikipedia.org/wiki/Hello%2C%20My%20Twenties%21%202" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Park Hye-su (season 1) and Ji Woo (season 2) as Yoo Eun-jae\nA 20-year-old Psychology major student who comes from the countryside.[9][10]", + "wikipage": "Hello, My Twenties!" + } + ], + "long_answer": "Park Hye-su portrays Eun Jae in Hello My Twenties! Season 1 and Ji Woo portrays the role in Season 2. Lee Na-yoon portrays the young Eun Jae in Hello My Twenties! Season 1." + }, + { + "knowledge": [ + { + "content": "Hello, My Twenties![2] (Korean: \uccad\ucd98\uc2dc\ub300; Hanja: \u9751\u6625\u6642\u4ee3; RR: Cheongchunsidae; MR: Ch'\u014fngch'unsidae; lit. Age of Youth) is a South Korean television series starring Han Ye-ri, Han Seung-yeon, Park Eun-bin, Ryu Hwa-young, Park Hye-su, Ji Woo and Choi Ara.[3][4][5]", + "wikipage": "Hello, My Twenties!" + }, + { + "content": "Park Hye-su (Korean: \ubc15\ud61c\uc218; Hanja: \u6734\u60e0\u79c0; born November 24, 1994), also spelled as Park Hye-soo, is a South Korean actress and singer.[3]", + "wikipage": "Park Hye-su" + }, + { + "content": "Ji Woo (born Choi Ji-woo on November 25, 1997) is a South Korean actress.", + "wikipage": "Ji Woo" + } + ], + "long_answer": "Hello, My Twenties! is a South Korean television series starring Han Ye-ri, Han Seung-yeon, Park Eun-bin, Ryu Hwa-young, Park Hye-su, Ji Woo and Choi Ara. Park Hye-su, a South Korean actress and singer, plays adult Eun Jae in series 1. Lee Na-yoon plays young Eun Jae in series 1. Hello, My Twenties! 2, the sequel to the 2016 series \"Hello, My Twenties!\", stars Han Ye-ri, Han Seung-yeon, Park Eun-bin, Ji Woo and Choi Ah-ra. South Korean actress Ji Woo plays Eun Jae in series 2." + } + ], + "sample_id": "-2084343930513014478", + "question": "Who plays eun jae in hello my twenties?", + "docs": [ + { + "id": "19603561", + "title": "Hello, My Twenties!", + "text": "have a second season. Ryu Hwa-young will only make a cameo appearance, and a new actress will be cast as the fifth girl in the Belle Epoque. \"Hello, My Twenties! 2\" aired in August 2017 after \"Woman of Dignity\". Hello, My Twenties! Hello, My Twenties! (), is a South Korean television series starring Han Ye-ri, Han Seung-yeon, Park Eun-bin, Ryu Hwa-young and Park Hye-soo. It replaced \"Mirror of the Witch\" and aired on cable network JTBC on Fridays and Saturdays at 20:30 (KST) for 12 episodes from July 22 to August 27, 2016. A slice-of-life story about five college students", + "score": 0.79150390625, + "summary": "Ryu Hwa-young will only make a cameo appearance in the second season of \"Hello, My Twenties!\" and a new actress will be cast as the fifth girl in the Belle Epoque. The show stars Han Ye-ri, Han Seung-yeon, Park Eun-bin, Ryu Hwa-young, and Park Hye-soo.", + "extraction": "Ryu Hwa-young will only make a cameo appearance, and a new actress will be cast as the fifth girl in the Belle Epoque. Therefore, it is unclear who played Eun Jae in \"Hello, My Twenties!\"." + }, + { + "id": "19603560", + "title": "Hello, My Twenties!", + "text": "Hello, My Twenties! Hello, My Twenties! (), is a South Korean television series starring Han Ye-ri, Han Seung-yeon, Park Eun-bin, Ryu Hwa-young and Park Hye-soo. It replaced \"Mirror of the Witch\" and aired on cable network JTBC on Fridays and Saturdays at 20:30 (KST) for 12 episodes from July 22 to August 27, 2016. A slice-of-life story about five college students who connect over the growing pains in their youth. In the table below, the blue numbers represent the lowest ratings and the red numbers represent the highest ratings. On February 16, 2017, it was revealed that the drama will", + "score": 0.78076171875, + "summary": "Han Ye-ri, Han Seung-yeon, Park Eun-bin, Ryu Hwa-young, and Park Hye-soo star in the South Korean television series \"Hello, My Twenties!\" No information on who plays Eun Jae is provided.", + "extraction": "Park Hye-soo plays Eun Jae in Hello, My Twenties!" + }, + { + "id": "14337327", + "title": "Han Seung-yeon", + "text": "youth drama \"Hello, My Twenties!\". In October 2016, Han was cast in a short film titled \"Frame in Love\". In 2017, Han starred in JTBC's web drama \"Last Minute Romance\". She also reprised her role in the sequel of \"Hello, My Twenties\". In 2018, Han was cast in the fantasy romance drama \"About Time\". She then took on the leading role in travel romance drama \"Twelve Nights\". Han Seung-yeon Han Seung-yeon (born July 24, 1988), better known mononymously as Seungyeon, is a South Korean singer and actress. She is best known as former main vocalist of the South Korean girl", + "score": 0.76220703125, + "summary": "Han Seung-yeon plays a role in the youth drama \"Hello, My Twenties!\" but the document does not specify who she plays.", + "extraction": "Han Seung-yeon plays Eun Jae in \"Hello, My Twenties!\"." + }, + { + "id": "17961296", + "title": "Eunhui", + "text": "fellow villagers. Im Sung-jae has always been in love with Eun-hee, but the past threatens to tear them apart. Since his father's death, Sung-jae was ironically rescued and raised as a son by the real killer, Cha Seok-goo. Seok-goo's daughter, Cha Young-joo, is arrogant and smart, and has feelings for Sung-jae. Her jealousy drives her to try to break up his relationship with Eun-hee. Choi Jung-tae is also in love with Eun-hee, but he accepts that she cares for someone else. Eunhui TV Novel: Eunhui (), or Eun-hee, is a 2013 South Korean morning soap opera starring Kyung Soo-jin, Lee", + "score": 0.73388671875, + "summary": "irrelevant", + "extraction": "irrelevant." + }, + { + "id": "7216937", + "title": "Park Eun-hye", + "text": "Park Eun-hye Park Eun-hye (born February 21, 1978) is a South Korean actress. She is best known for starring in \"Dae Jang Geum\", which led to her popularity in China. She also played the lead role in the Taiwanese drama, \"Silence\", starring \"Vic Zhou\", and directed by Zhang Zhong. Park Eun-hye entered the entertainment industry in 1998, but she only rose to fame in 2003 with a supporting role in hit MBC TV series \"Dae Jang Geum\" (also known as \"Jewel in the Palace\"), which enjoyed tremendous popularity throughout Asia. After a secondary lead role in \"18 vs. 29\", she", + "score": 0.73291015625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention anyone playing Eun Jae in \"Hello My Twenties\"." + }, + { + "id": "17961295", + "title": "Eunhui", + "text": "Eunhui TV Novel: Eunhui (), or Eun-hee, is a 2013 South Korean morning soap opera starring Kyung Soo-jin, Lee In, Choi Yoon-so and Jung Mi-jin. It aired on KBS2 from June 24, 2013 to January 3, 2014 on Mondays to Fridays at 9:00 a.m. for 140 episodes. A day before the Korean War breaks out in 1950, a man is murdered. This event triggers repercussions in three families, as four young people struggle with love and forgiveness. Kim Eun-hee's father was falsely accused of the murder, and dies tragically as a result. Since then, Eun-hee has been shunned by her", + "score": 0.73095703125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is about a TV series called \"Eunhui\" and does not mention \"Hello My Twenties\" or the character Eun Jae." + }, + { + "id": "9056956", + "title": "Eun Ji-won", + "text": "Si Yeon). In mid-2007, Eun appeared on the KBS reality-variety show \"Happy Sunday: 1 Night 2 Days\". He replaced Kim Jong Min (who left for military service) on MBC's \"Come To Play (\ub180\ub7ec\uc640)\". Eun was a cast member of SBS' \"Jihwaza (\uc791\ub82c! \uc815\uc2e0\ud1b5\uc77c)\" before the show's cancellation in September 2007. For his fifth album, Eun selected 20 of over 100 songs. In 2007, he performed at the DKNY Party. Eun appeared on Starship Entertainment label-mate Moon Ji-eun's debut EP (released on April 10, 2008), rapping on \"Fox\" and appearing in its music video after Moon appeared in Eun's 2003 music", + "score": 0.7294921875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about \"Hello My Twenties\" or the character Eun Jae." + }, + { + "id": "9882984", + "title": "Eunhyuk", + "text": "Eunhyuk Lee Hyuk-jae (born April 4, 1986), better known by his stage name Eunhyuk, is a South Korean singer-songwriter and actor. He is a member of the South Korean boy group Super Junior and their subgroups, Super Junior-T and Super Junior-H. In 2011, he joined Super Junior's Mandopop subgroup, Super Junior-M and the duo Donghae & Eunhyuk; active in China and Japan respectively. Eunhyuk was born Lee Hyuk-jae in Neunggok, Ilsan, Gyeonggi-do, South Korea. He has an older sister Lee So-ra. Raised in a family that struggled financially, he was interested in street performing as a child. Inspired by the", + "score": 0.72314453125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "9883006", + "title": "Eunhyuk", + "text": "2015, SM Entertainment announced that Eunhyuk enlisted for active duty military service on 13 October 2015. He was discharged on July 12, 2017. Eunhyuk Lee Hyuk-jae (born April 4, 1986), better known by his stage name Eunhyuk, is a South Korean singer-songwriter and actor. He is a member of the South Korean boy group Super Junior and their subgroups, Super Junior-T and Super Junior-H. In 2011, he joined Super Junior's Mandopop subgroup, Super Junior-M and the duo Donghae & Eunhyuk; active in China and Japan respectively. Eunhyuk was born Lee Hyuk-jae in Neunggok, Ilsan, Gyeonggi-do, South Korea. He has an", + "score": 0.72021484375, + "summary": "irrelevant", + "extraction": "Irrelevant. The given passage does not mention anything related to the drama \"Hello My Twenties\" or the character Eun Jae." + }, + { + "id": "13505580", + "title": "Jung Eui-chul", + "text": "Jung Eui-chul Jung Eui-chul (born April 19, 1985) is a South Korean model and actor. He made his acting debut in the drama \"Biscuit Teacher and Star Candy\" as a student and gained positive response in 2005 and later landed on many supporting roles including the award-winning films such as \"Five Senses of Eros\" and popularity based novel film \"Do Re Mi Fa So La Ti Do\". The peak of his career was reached in 2009 as a main role in the award-winning and most popular recognized drama \"Boys Over Flowers\" which gained international Asia attention. Through his connection with", + "score": 0.7138671875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "8613348", + "title": "Kim Jeong-hoon", + "text": "acting. He is also academically gifted with an IQ of 146. Kim Jeong-hoon Kim Jeong-hoon (born January 20, 1980), also known by his stage name John Hoon, is a South Korean singer and actor. He initially rose to fame as a member of South Korean duo UN debuting with the single \"Voice Mail\" in 2000. After the duo disbanded in 2005, his fame increased as an actor starring in \"Princess Hours\", a drama based on a manhwa. He debuted as a member of Korean duo UN in 2000, an acronym for \"United N-generation\". After six years of success, the duo", + "score": 0.7109375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not contain any information about the actress playing Eun Jae in \"Hello My Twenties\"." + }, + { + "id": "8361803", + "title": "Yoon Eun-hye", + "text": "Yoon Eun-hye Yoon Eun-hye (Korean: \uc724\uc740\ud61c; born October 3, 1984) is a South Korean actress, singer, entertainer and model. She debuted as a member of girl group Baby Vox, staying with the group from 1999 to 2005. Yoon has since moved on to acting and is best known for starring in the television dramas \"Princess Hours\" (2006), \"The Vineyard Man\" (2006), \"The 1st Shop of Coffee Prince\" (2007), \"My Fair Lady\" (2009) and \"Missing You\" (2012). Yoon Eun-hye debuted as a member of Baby V.O.X at the age of 15, replacing an ex-member (Lee Gai) in 1999. Yoon was the", + "score": 0.71044921875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "7517581", + "title": "Spring Waltz", + "text": "a miserable childhood. Seo Eun-young (Han Hyo-joo) lived on the island of Chungsan with her mom happily. Darkness came when Lee Jong-tae (Lee Han-wi) and his son Soo-ho (Jae-ha's real name) appeared. The man stole money from Eun-young's mother, which was set aside for Eun-young's surgery. When Eun-young's mother travels to Seoul to look for Jong-tae, she dies in an accident. At the hospital where Eun-young is hospitalized, Jae-ha's foster mother Hyun Ji-sook (Geum Bo-ra) was also there due to her son's death. Her diplomat husband Yoon Myung-hoon (Jung Dong-hwan) asks Soo-ho to become their son, and they would in", + "score": 0.70849609375, + "summary": "irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "8613344", + "title": "Kim Jeong-hoon", + "text": "Kim Jeong-hoon Kim Jeong-hoon (born January 20, 1980), also known by his stage name John Hoon, is a South Korean singer and actor. He initially rose to fame as a member of South Korean duo UN debuting with the single \"Voice Mail\" in 2000. After the duo disbanded in 2005, his fame increased as an actor starring in \"Princess Hours\", a drama based on a manhwa. He debuted as a member of Korean duo UN in 2000, an acronym for \"United N-generation\". After six years of success, the duo officially announced that they were disbanding in September 2005, and Kim", + "score": 0.70751953125, + "summary": "Irrelevant.", + "extraction": "irrelevant. The passage does not provide any information about \"Hello My Twenties\" or the character Eun Jae." + }, + { + "id": "16557325", + "title": "To the Beautiful You", + "text": "his childhood friend, renowned gymnast Seol Han-na (Kim Ji-won), who anticipates having Tae-joon as her boyfriend. On the other hand, Eun-gyeol has rejected the love offered to him by his childhood friend Hong Da-hae (Nam Ji-hyun) and insists on affirming his love for Jae-hee. As they become closer to each other, Tae-joon reveals to Jae-hee about the death of his mother, which he blames on his father's indifference. The competition over who takes Jae-hee intensifies as her childhood friend and suitor John Kim arrives from America for a photo project in Korea. John Kim (Kim Woo-bin) attempts to talk Tae-joon", + "score": 0.705078125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "20729763", + "title": "Jun (singer)", + "text": "2018, he made his second acting appearance as Han Min-soo in the MBC television series \"Goodbye to Goodbye\" (2018). Jun (singer) Lee Jun-young (born on January 22, 1997), commonly known as Jun, is a South Korean singer, rapper, and actor. In June 2014, Jun debuted as new member of U-KISS. In October 2017, Jun joined survival program The Unit, which he finished in first place and became a member of the project group UNB. Apart from his group's activities, Jun has participated in various television dramas, notably \"Avengers Social Club\" (2017), marking his career breakthrough, and also \"Goodbye to Goodbye\"", + "score": 0.70361328125, + "summary": "Jun (singer) played Han Min-soo in \"Goodbye to Goodbye\" and has appeared in various television dramas. However, the document does not mention who plays Eun Jae in \"Hello My Twenties.\"", + "extraction": "irrelevant" + }, + { + "id": "9882999", + "title": "Eunhyuk", + "text": "EXO's Kai and Lay. On January 7, 2013, Super Junior-M released their second album, \"Break Down\", along with the music video for the lead single of the same name. A press conference took place in Beijing on January 7. They promoted the album in China. After returning to Korea, Eunhyuk heavily participated in variety shows, \"Come to Play (\ub180\ub7ec\uc640)\" and \"Barefooted Friends\". Because of conflicting schedules due to Super Show 5: World Tour, Eunhyuk withdrew from both programs. Super Junior held 28 shows in total from March 2013 to February 2014, and toured in North America, South America, Europe and", + "score": 0.70263671875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "17142351", + "title": "Super Junior-D&E", + "text": "Super Junior-D&E Super Junior-D&E (, also known as Donghae&Eunhyuk, D&E or SJ-D&E or EunHae) is the fifth official sub-unit of the South Korean boy band Super Junior. Formed by S.M. Entertainment in 2011, the group is composed of two Super Junior members: Donghae and Eunhyuk. they're also a famouse couple and EunHae is their couple name. The duo debuted on December 16, 2011, with their digital single \"Oppa, Oppa\". Donghae & Eunhyuk released debut digital single \"Oppa, Oppa\" on December 16, 2011. The single contains lead single \"Oppa, Oppa\" and B-side single \"First Love\". The duo made their debuted stage", + "score": 0.70263671875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "10985668", + "title": "Huh E-jae", + "text": "Huh E-jae Huh E-jae (born 19 February 1987) is a South Korean actress. She is best known for her leading roles in the television dramas \"Prince Hours\" and \"Single Dad in Love\". Huh E-jae began her entertainment career by modeling for magazines when she was a high school student. After making her acting debut in 2004, she was given the nickname \"Little Kim Tae-hee\" due to her resemblance to the popular actress. Huh first appeared in several sitcoms on KBS followed by supporting roles, notably as Kim Rae-won's love interest in the 2006 gangster film \"Sunflower\". In 2007, Huh got", + "score": 0.70166015625, + "summary": "Huh E-jae is a South Korean actress known for her leading roles in \"Prince Hours\" and \"Single Dad in Love\". She was born on 19 February 1987 and began her entertainment career as a high school model. However, the document does not mention who plays Eun Jae in \"Hello My Twenties\".", + "extraction": "Irrelevant. The passage does not provide any information about who plays Eun Jae in Hello My Twenties." + }, + { + "id": "13505581", + "title": "Jung Eui-chul", + "text": "actress model Kei Nangon he was signed under the same management; Clumsy Media in 2011. According to news reports they met during the final auditions for \"Boys Over Flowers\". In the following year, he secured his Korean fan base playing as a cold attitude popular student in high school in the ratings hit drama \"Shut Up Flower Boy Band\". Jung Eui-chul Jung Eui-chul (born April 19, 1985) is a South Korean model and actor. He made his acting debut in the drama \"Biscuit Teacher and Star Candy\" as a student and gained positive response in 2005 and later landed on", + "score": 0.70068359375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention anything about the TV series \"Hello My Twenties\" or the character Eun Jae." + }, + { + "id": "16775683", + "title": "Park Seo-joon", + "text": "Park Seo-joon Park Seo-joon (born Park Yong-gyu on December 16, 1988) is a South Korean actor. He is best known for his roles in the television dramas \"Kill Me, Heal Me\" (2015), \"She Was Pretty\" (2015), \"\" (2016-2017), \"Fight for My Way\" (2017), and \"What's Wrong with Secretary Kim\" (2018), and the film \"Midnight Runners\" (2017). Park began his mandatory military service in 2008, when he was 19 years old, and was discharged in 2010. Park made his entertainment debut in 2011 by appearing in the music video of Bang Yong-guk's single \"I Remember.\" He then appeared in television dramas", + "score": 0.69970703125 + }, + { + "id": "13907840", + "title": "Brilliant Legacy", + "text": "Hwan's longtime best friend, hoping to be something more. Eun-sung asked for help from several of her friends, including Hyung-jin, who avoided her because she was no longer rich. She managed to find a job at a nightclub with the help of her friend, Hye-ri. At the nightclub, Eun-sung met Hyung-jin's upperclassman, Park Joon-se (Bae Soo-bin), who was shocked to see her working there. She also met Hwan, who caused her to lose contact with Eun-woo. Realizing that Eun-woo was missing, Eun-sung was devastated and tried searching for her brother but to no avail. With the help of Hye-ri and", + "score": 0.69921875 + }, + { + "id": "18451215", + "title": "Seo Jang-hoon", + "text": "Seo Jang-hoon Seo Jang-hoon (; born 3 June 1974) is a former South Korean professional basketball player, who is currently active as an entertainer and variety show star. Seo debuted in KBL in 1998, and played for Seoul SK Knights until 2002. That year he moved to Seoul Samsung Thunders and played for them until 2007. From 2007 to 2008, he played for Jeonju KCC EGIS. In 2008 Seo went to Incheon Electroland Elephants, and played for them until his retirement in 2013. In 1994, Seo joined the South Korean national team and played in the 1994 FIBA world cup.", + "score": 0.69921875 + }, + { + "id": "16334370", + "title": "Jung Eun-chae", + "text": "Jung Eun-chae Jung Eun-chae (born Jung Sol-mi on November 24, 1986) is a South Korean actress. Jung began her career as a model, then made her acting breakthrough as the titular character in \"Nobody's Daughter Haewon\" (2013), a film by auteur Hong Sang-soo that premiered at the 63rd Berlin International Film Festival. In 2013, she released an EP of indie folk songs she composed herself, the self-titled \"Jung Eun-chae\". Jung Eun-chae spent 8 years living in London, starting from middle school senior year when she was 15-year-old. Due to the influence of her older brother who works at a production", + "score": 0.69873046875 + }, + { + "id": "7517582", + "title": "Spring Waltz", + "text": "returnpay for Eun-young's surgery. Soo-ho now adopts the identity of Yoon Jae-ha (the name of their deceased son) and leaves for Austria. Meanwhile, Eun-young successfully receives her surgery. She grows up with a new family, and now makes accessories and sells them on the streets. One day, Eun-young wins an exhibition contest and, as a prize, travels to Austria. There she meets Jae-ha and his friends Phillip (Daniel Henney) and Lee Yi-na (Lee So-yeon). When Jae-ha and Eun-young first met, they were at odds, but slowly they began to feel attracted to each other. Jae-ha then makes the shocking discovery", + "score": 0.69873046875 + }, + { + "id": "16775686", + "title": "Park Seo-joon", + "text": "Divine Fury\". Park Seo-joon Park Seo-joon (born Park Yong-gyu on December 16, 1988) is a South Korean actor. He is best known for his roles in the television dramas \"Kill Me, Heal Me\" (2015), \"She Was Pretty\" (2015), \"\" (2016-2017), \"Fight for My Way\" (2017), and \"What's Wrong with Secretary Kim\" (2018), and the film \"Midnight Runners\" (2017). Park began his mandatory military service in 2008, when he was 19 years old, and was discharged in 2010. Park made his entertainment debut in 2011 by appearing in the music video of Bang Yong-guk's single \"I Remember.\" He then appeared in", + "score": 0.6982421875 + }, + { + "id": "13719099", + "title": "Jung Kyung-ho (actor, born 1983)", + "text": "during the Vietnam War. The year after, he played a fugitive who faces off against a small town detective (Kim Yoon-seok) in \"Running Turtle\" (2009). For his first role in a historical drama, Jung played a Goguryeo prince torn between love and duty in \"Ja Myung Go\" (2009), based on the folktale \"Prince Hodong and the Princess of Nakrang\" (Princess Jamyung was played by Jung Ryeo-won). After \"Ja Myung Go\"'s lackluster ratings, Jung bounced back with popular family drama \"Smile, You\", in which he and Lee Min-jung stars as a couple from different backgrounds. Of playing an endearing \"beta male,\"", + "score": 0.6982421875 + }, + { + "id": "19075865", + "title": "Oh My Venus", + "text": "actress has him on the run back to Korea. Kang Joo-eun was once an \"ulzzang\" in her teens, semi-famous for her pretty face and enviable figure. Now a 33-year-old lawyer, she has gained a lot of weight since. She passes out on a flight from the U.S. back to Korea and John Kim is the only medical personnel on the flight who takes charge. He watches out for her even after they arrive home. After getting dumped by her boyfriend, Im Woo Shik, she finds that she has the press pass for John Kim and proceeds to (blackmail) convince him", + "score": 0.697265625 + }, + { + "id": "17170407", + "title": "Ahn Jae-hyun", + "text": "Ahn Jae-hyun Ahn Jae-hyun (; born July 1, 1987) is a South Korean model and actor. He is best known for his roles in television dramas such as \"You're All Surrounded\" (2014), \"Blood\" (2015), \"Cinderella with Four Knights\" (2016), \"Reunited Worlds\" (2017) and Beauty Inside (2018). Ahn Jae-hyun began his entertainment career as a fashion model in 2009, appearing in runway shows, magazine editorials and commercials. He gained recognition in 2011 while playing a delivery man in the cable variety show \"Lee Soo-geun and Kim Byung-man's High Society\". He also appeared in several music videos, including \"Sad Song\" by Baek", + "score": 0.69677734375 + }, + { + "id": "14768590", + "title": "Hahm Eun-jung", + "text": "Production, making her the company's first-ever artist. UFO Production, a subsidiary of technology company Pobis TNC, is more known for producing the MBC TV weekend drama \"Money Flower\". Hahm Eun-jung Hahm Eun-jung (born December 12, 1988), known professionally as Eunjung and also Elsie, is a South Korean singer and actress. In 1995, she won \"Little Miss Korea\" competition at the age of seven and debuted as a child actress in the same years with starred in television dramas \"A New Generation of Adults\" (1995), afterwards she had several minor roles in movies, television dramas, being cast in commercial films. After", + "score": 0.69677734375 + }, + { + "id": "6480884", + "title": "Only You (2005 TV series)", + "text": "restaurant, and Eun Jae's friend working as a chef for one of the restaurants owned by Yi-Joon and financially supporting Eun Jae's family, including the child born out of wedlock, because they have fallen on hard times. Yi-Joon still has feelings for Eun Jae and they run into each other just as he is looking for a new chef for his restaurant-with her in mind. Soon Hyeon who is a family friend of Yi-joon is in love with him and tries to confess her feelings to him The lead female protagonist, Eun Jae is headstrong and independent who becomes a", + "score": 0.69580078125 + }, + { + "id": "8369275", + "title": "Jang Yun-jeong", + "text": "Jang Yun-jeong Jang Yun-jeong (, born February 16, 1980) is a South Korean trot singer. Jang debuted in 1999, but she did not become famous until 2005 when she released the hit single, \"Eomeona!\" (\"Oh My Goodness!\"). The song is credited with helping re-popularize trot music in South Korea. In 2017, a Gallup Korea poll found that Jang was the third most popular singer in the country. In April 2005, Jang debuted in Japan with the release of \"Oh, My Goodness.\" On April 5, she became new MC of KBS program \"Escaping Danger Number One\". Her interview was spilled before", + "score": 0.6953125 + }, + { + "id": "15629231", + "title": "Lee Jong-hyun", + "text": "Lee Jong-hyun Lee Jong-hyun (May 15, 1990) is a South Korean musician, singer-songwriter and actor. He is the lead guitarist and vocalist of South Korean rock band CNBLUE. He made his acting debut in an omnibus movie \"Acoustic\" in 2010, followed by his television debut in the Korean drama \"A Gentleman's Dignity\" in 2012. He appeared in television dramas \"Orange Marmalade\" (2015), \"Lingerie Girls\u2019 Generation\" (2017) and Evergreen (2018). Lee Jong-hyun was born on May 15, 1990, in Busan, South Korea. His family consists of his parents and two older sisters. He lived in Busan before his family moved to", + "score": 0.69482421875 + }, + { + "id": "14768582", + "title": "Hahm Eun-jung", + "text": "Hahm Eun-jung Hahm Eun-jung (born December 12, 1988), known professionally as Eunjung and also Elsie, is a South Korean singer and actress. In 1995, she won \"Little Miss Korea\" competition at the age of seven and debuted as a child actress in the same years with starred in television dramas \"A New Generation of Adults\" (1995), afterwards she had several minor roles in movies, television dramas, being cast in commercial films. After three years of training, she debuted as a member of South Korean girl group T-ara in July 2009. She debuted as a solo artist by the name Elsie", + "score": 0.6943359375 + }, + { + "id": "7579736", + "title": "Jae Hee", + "text": "Jae Hee Jae Hee (born Lee Hyun-kyun on May 25, 1980) is a South Korean actor. He is best known for his leading roles in the 2004 arthouse film \"3-Iron\" and the 2005 television series \"Sassy Girl Chun-hyang\". Jae Hee began his acting career as a child actor in the 1997 drama \"Mountain\". He continued to appear on television, such as in the campus drama \"School 2\" and the family sitcom \"Wuri's Family\", as well as the 2000 horror film \"Bloody Beach\". In 2004, he was cast as the lead actor in Kim Ki-duk's \"3-Iron\", playing a silent young man", + "score": 0.6943359375 + }, + { + "id": "9883004", + "title": "Eunhyuk", + "text": "\"Devil\" was released on 16 July 2015 to celebrate the group's 10th anniversary. Eunhyuk participated in writing lyrics for song, \"Alright\". After discharge from enlistment, Eunhyuk participated in songs writing and composing for Super Junior's 8th Album \"Play\", which released on their 12th anniversary. On November 2017, Eunhyuk and Donghae announced their comeback in Japan as the duo group Super Junior D&E. Starting January 2018, Eunhyuk and his Super Junior fellow members started a new variety program \"\"Super Junior's Super TV\"\". On 19 April 2007, almost two months after Super Junior-T's release of their first single \"Rokuko\", Eunhyuk was involved", + "score": 0.69287109375 + }, + { + "id": "16334371", + "title": "Jung Eun-chae", + "text": "company, Chorokbaem Media, Jung becomes interested in pursuing acting career after she returned to South Korea. Jung Eun-chae debuted as a commercial model. A string of memorable commercials has earned her a \"CF Model of the Year\" title at the 2011 6th Asia Model Festival Awards. She uses a stage name instead of her real name \"Jung Sol-mi\" because of the similarity with a veteran actress Park Sol-mi. Jung made her acting debut after passing the audition for the supernatural thriller film \"Haunters\". Since then, Jung alternates between doing blockbuster films such as \"The Fatal Encounter\", \"The King\", \"The Great", + "score": 0.69287109375 + }, + { + "id": "14750882", + "title": "Euh Yoon-dae", + "text": "Euh Yoon-dae Euh Yoon-Dae (born 1945) is a South Korean professor, financier, and advisor for the South Korean government. He served as Chairman of KB Financial Group and of the Presidential Council on Nation Branding, Korea. Euh was born in Jinhae city (now Changwon), Gyeongsangnam-do, Korea on 22 May 1945. He earned his B.A. and M.B.A. at Korea University, an M.B.A. at the Asian Institute of Management, and a Ph.D. in business administration at the University of Michigan. He has received honorary doctorate degrees at Yonsei University, Waseda University, Griffith University and Renmin University. Recently, Euh Yoon-Dae served as Chairman", + "score": 0.69189453125 + }, + { + "id": "9427565", + "title": "Spring Day (TV series)", + "text": "Eun-ho (Ji Jin-hee), a doctor from Seoul, goes to Biyang Island to meet his father's mentor. There, he meets Seo Jung-eun (Go Hyun-jung), a silent, elusive beauty who has suffered a trauma so great that she's lost the will to speak. Fascinated and empathetic, Eun-ho helps Jung-eun find a way to overcome her past. But just when her gratitude starts to blossom into love, fate cruelly intervenes, leaving Eun-ho in a coma, caused by a car accident when driving with his long-lost mother, who died at the scene. At the hospital, Jung-eun meets Eun-ho's stepbrother Eun-sup (Jo In-sung), who is", + "score": 0.69189453125 + }, + { + "id": "17908284", + "title": "Han Gong-ju", + "text": "house. Initially the mother refuses but eventually allows her to stay. One day at school Gong Ju is walking down the hall and peers through a classroom window where a small group of girls are rehearsing an acapella song. When the leader of the group, Eun Hee (Jung In Sung), sees her she quickly walks away and thinks of old memories she had with her friend Hwa Ok (Kim So Young). Another flashback scene occurs where Gong Ju is working as a cashier at a convenient store when a friend/classmate and son of the store owner, Dong yoon (Choi Yong", + "score": 0.69091796875 + }, + { + "id": "19558729", + "title": "Double S 301", + "text": "The track won \"Song of the Month\" for February at the \"32nd Cyworld Digital Music Awards\" on March 28, 2009. as well as the Best OST of the year during the 2009 Mnet Asian Music Awards. In August 2015, B2M Entertainment told MyDaily \"\u201cKim Hyung Jun, Heo Young Saeng, Kim Kyu Jong are in discussion of making a comeback as a trio sub-unit. Even though plans are not finalized yet, the members are very determined and our side is also very supportive of it.\u201d\" Heo also confirmed the comeback during his 'Hello Again' fan meeting. At the time, both Hyun", + "score": 0.69091796875 + }, + { + "id": "17142361", + "title": "Super Junior-D&E", + "text": "D&E Japan Tour 2018 ~Style~ will be held from September 2018 to November 2018 in seven cities Yokohama, Kobe, Tokyo, Nagoya, Hiroshima, Fukuoka and Sapporo. Super Junior-D&E Super Junior-D&E (, also known as Donghae&Eunhyuk, D&E or SJ-D&E or EunHae) is the fifth official sub-unit of the South Korean boy band Super Junior. Formed by S.M. Entertainment in 2011, the group is composed of two Super Junior members: Donghae and Eunhyuk. they're also a famouse couple and EunHae is their couple name. The duo debuted on December 16, 2011, with their digital single \"Oppa, Oppa\". Donghae & Eunhyuk released debut digital", + "score": 0.69091796875 + }, + { + "id": "6397924", + "title": "Jun Hee Lee", + "text": "Jun Hee Lee Jun Hee Lee is a Korean-American actor. He was born in St. Louis, Missouri and he attended Boston University. Jun Hee most recently recurred on \"\" as criminalist Dennis Fung. Lee's film roles include: \"Derrick\" in \"Vampires Suck\", \"Jimmy\" in \"\", the titular character in the 2004 film \"Ethan Mao\", and as \"Kevin\" in the gory independent horror film \"KatieBird *Certifiable Crazy Person\". His other TV credits include: \"Quan\" on \"The Mindy Project\", \"Simon\" on \"House\", and he also made guest starring roles in the popular Nickelodeon TV series \"Drake & Josh\". Lee also voiced the blind,", + "score": 0.6904296875 + }, + { + "id": "14150351", + "title": "Jeong Ga-eun", + "text": "Jeong Ga-eun Jeong Ga-eun (born Baek Ra-hee on May 21, 1978) is a South Korean actress and entrepreneur, who has appeared in several Korean television series such as \"Rollercoaster\" and \"Sunday Sunday Night\". Debuted as a pageant of Miss Gyeongnam Seon of 2001, she began a career in the entertainment industry by serving as the fitting model and face of CJ O Shopping's clothing merchandises. Soon after, she rose to fame as a TV personality, joining variety show casts such as \"Sponge 2.0\", \"BEAST Idol Maid\", \"Infinite Girls\" and \"Heroes\". She concurrently made several Korean soap operas and commercials including", + "score": 0.68994140625 + }, + { + "id": "4046210", + "title": "Jang Hyuk", + "text": "Jang Hyuk Jang Hyuk (born Jung Yong-joon on December 20, 1976) is a South Korean actor. He is best known for his leading roles in the films \"Volcano High\" (2001) and \"Windstruck\" (2004), and the television dramas \"Successful Story of a Bright Girl\" (2002), \"Thank You\" (2007), \"The Slave Hunters\" (2010), \"Deep Rooted Tree\" (2011), \"Voice\" (2017) and \"Money Flower\" (2017). Jung Yong-joon spent most of his childhood and adolescence in his birthplace, Busan, before making his acting debut in 1997 in the television drama \"Model\" under the stage name Jang Hyuk. Besides the teen series \"School\" and a minor", + "score": 0.68994140625 + }, + { + "id": "16557328", + "title": "To the Beautiful You", + "text": "Jae-hee and injured Eun-gyeol, rendering the latter incapable of playing an incoming soccer match. Hyeon-jae reveals to the Eun-gyeol (who was his roommate) his fears of defeat and disheartening his own family. Eun-gyeol forgives Hyeon-jae to the condition that he shall put him under his servitude until he heals from his injury. Tae-joon dismisses Hyeon-jae's offensive acts and encourages him not to withdraw from his sports career. Soon after, Jae-hee talks to Tae-joon about making up with his father, Kang Geun-wook (Sunwoo Jae-duk). Tae-joon learns from Geun-wook the truth about his mother's death: his mother's condition was unbeknown to both", + "score": 0.68896484375 + }, + { + "id": "9882987", + "title": "Eunhyuk", + "text": "members from TRAX (Jay Kim, No Minwoo, Kang Jungwoo) made a brief appearance in a show called \"Heejun vs. Kangta, Battle of the Century: Pop vs. Rock\", in which Moon Hee-joon and Kangta taught them techniques on different types of singing. In 2003 the trio disbanded when Junsu went on to debut as a member of TVXQ. Eunhyuk and Sungmin were then placed in another project group with ten other male trainees, \"Super Junior 05\", the first generation of rotational boy band Super Junior. Eunhyuk officially debut as part of 12-member project group \"Super Junior 05\" on 6 November 2005", + "score": 0.68896484375 + }, + { + "id": "16589021", + "title": "Hong Jong-hyun", + "text": "Hong Jong-hyun Hong Jong-hyun (born February 2, 1990) is a South Korean actor and model. Hong began his entertainment career in 2007 as a professional model. He made his acting debut in 2008, and has appeared in the romantic comedy \"Oh! My Lady\" (2010), sitcom \"Vampire Idol\" (2011), followed by supporting roles in \"Jeon Woo-chi\" (2012) and \"\" (2013). In 2014, Hong was cast in his first leading role in the cable series \"Her Lovely Heels\", followed by the melodrama \"Mama\". He also joined the fourth season of reality show \"We Got Married\", pairing up with Girl's Day member Yura.", + "score": 0.6884765625 + }, + { + "id": "7216940", + "title": "Park Eun-hye", + "text": "this month due to differences in personality. Her agency later released a statement confirming that she had parted ways with her husband, and that she would be raising their children. Park Eun-hye Park Eun-hye (born February 21, 1978) is a South Korean actress. She is best known for starring in \"Dae Jang Geum\", which led to her popularity in China. She also played the lead role in the Taiwanese drama, \"Silence\", starring \"Vic Zhou\", and directed by Zhang Zhong. Park Eun-hye entered the entertainment industry in 1998, but she only rose to fame in 2003 with a supporting role in", + "score": 0.68798828125 + }, + { + "id": "14166340", + "title": "Jung Yong-hwa", + "text": "the album \"One Fine Day\", which clinched the number one spot on Billboard's World Albums chart. The album featured artists JJ Lin, Yang Dong-geun, Verbal Jint, YB's Yoon Do-hyun and Peter Malick. \"One Fine Day\" received generally favorable reviews from music critics, who noted his growth as a singer-songwriter. Jung later embarked on his first series of solo concerts across Asia. In 2016, Jung collaborated with Sunwoo Jung-a on a collaborative album project. The duo released two singles \u201cHello\u201d and \u201cEmpathy\u201d; Jung composed \"Hello\" and co-wrote the lyrics to \"Empathy\". In early 2017, FNC Entertainment revealed that Jung will make", + "score": 0.68798828125 + }, + { + "id": "9056948", + "title": "Eun Ji-won", + "text": "\"Eun Choding\" (\"Kid Eun\") was a later nickname on the reality-variety show \"Happy Sunday: 1 Night 2 Days\" because of his childish on-screen persona. Eun Ji-won and Kang Sung-hoon were discovered by a Daesung Entertainment's president, Lee Ho Yeon, who was vacationing in Hawaii. Lee formed a six-member group in which Eun became the leader, main rapper and sub-vocalist. The group debuted in 1997, and disbanded in 2000. Eun described his time with Sechs Kies as hectic, recalling that members would retreat to their parents' homes to avoid the demanding schedule. They disappeared about two weeks, so they blew off", + "score": 0.68798828125 + }, + { + "id": "18576712", + "title": "Hur Jun, The Original Story", + "text": "Kim Joo-hyuk is the son of Kim Mu-saeng, who also played the same character in the 1975 series \"Tenacity\". Heo Jun is the son of a concubine and the governor of Yeongcheon. When he witnesses brilliant doctor Yoo Ui-tae save a dying person, he decides to become a doctor. First he works as a medicinal herb gatherer, then with the help of Ye-jin at Yoo Ui-tae's clinic, he studies rare medical texts imported from the Ming dynasty. With his expanded medical knowledge, Heo Jun begins to treat patients under Yoo Ui-tae's tutelage. But he later despairs of his inability to", + "score": 0.68701171875 + }, + { + "id": "14044735", + "title": "You're Beautiful (TV series)", + "text": "United States in order to correct his botched plastic surgery. Mi-nam's manager, Ma Hoon-yi (Kim In-kwon) approaches Mi-nyeo and requests her to pose as Mi-nam for a month till he recovers. Mi-nyeo is against it at first, but eventually agrees, as a path to fame would give the twins an opportunity to find their mother. Thus, Mi-nyeo poses as her brother and joins the band A.N.Jell, where she meets its members: the arrogant Hwang Tae-kyung (Jang Keun-suk), the gentle Kang Shin-woo (Jung Yong-hwa) and the bubbly Jeremy (Lee Hong-gi). At first, Tae-kyung is against Mi-nam's addition and makes her life", + "score": 0.6865234375 + }, + { + "id": "7579737", + "title": "Jae Hee", + "text": "who breaks into vacant houses and while living there for a few days, he cleans the house and repairs broken gadgets during his stay. The arthouse film won critical acclaim both locally and internationally. For his performance Jae Hee was named Best New Actor at the Blue Dragon Film Awards. But Jae Hee's breakout role would come in 2005, when he played the playful but loyal Lee Mong-ryong in \"Sassy Girl Chun-hyang\", a modernized romantic comedy based on the well-known folktale \"Chunhyangjeon\". It became a huge hit not only in Korea, but throughout Asia, making him and co-star Han Chae-young", + "score": 0.6865234375 + }, + { + "id": "19774282", + "title": "Luck Key", + "text": "apartment, Jae-sung discovers a secret room and thinks that Hyung-wook is an undercover cop protecting a witness named Eun-joo, who lives in the same building. Jae-sung watches over her and, over time, falls in love with her. One day, Jae-sung answers a phone call to Hyung-wook and meets with businessmen who ask him why Eun-joo is still alive. Jae-sung realizes that Hyung-wook is actually an assassin hired to kill Eun-joo. After a picnic with Lina's family, Hyung-wook recovers his memory and finds Jae-sung and Eun-joo in his own apartment. Hyung-wook reveals to Jae-sung that he is not a real assassin", + "score": 0.6865234375 + }, + { + "id": "17975150", + "title": "Seo Kang-joon", + "text": "Seo Kang-joon Seo Kang-joon (born Lee Seung-hwan on October 12, 1993) is a South Korean actor and singer who is a member of the group 5urprise. He gained recognition with his role in the television series \"Cheese in the Trap\" (2016) and has since starred in \"Entourage\" (2016), \"Are You Human?\" (2018) and \"The Third Charm\" (2018). Seo took on bit parts in various television series, before making his acting debut as a supporting character in SBS' \"The Suspicious Housekeeper\". His first major role was in the 2014 romantic comedy series \"Cunning Single Lady\", for which he won the Best", + "score": 0.68603515625 + }, + { + "id": "9056973", + "title": "Eun Ji-won", + "text": "differences in personality\". Eun is the only member of Sechs Kies to face criticism since the disbandment for changing his musical genre from pop music to hip hop and rap. Former boy band member Moon Hee-joon of H.O.T also changed genres, becoming a rock instead of a pop singer after going solo (Sechs Kies was a musical rival of H.O.T.). Eun was the first DJ on MBC FM4U (\uce5c\ud55c \uce5c\uad6c), from 2002 to 2003. Eun Ji-won Eun Ji-won (born June 8, 1978) is a South Korean rapper, singer, host, dancer, composer and leader of the first generation idol group SechsKies", + "score": 0.68603515625 + }, + { + "id": "20379659", + "title": "Yoo Seon-ho", + "text": "a regular guest for a few episode on Channel A's \"Let's Eat Out This Saturday\". From July to August 2017, Yu along with BtoB's Yook Sung-jae promoted for TMON\u2019s \"Let\u2019s Fly TMON Tour\" campaign. On August 3 it was revealed that Yoo would make his acting debut in the web-drama \"Mischievous Detectives\" alongside Apink's Namjoo and fellow Produce 101 Contestant Ahn Hyung Seob. Yoo will play the role of Pyo Han Eum, an honorary forensic investigator that was awarded for solving a murder case. The web-drama surpasses 10 million views in a month on Naver. Yoo acted as the main", + "score": 0.685546875 + }, + { + "id": "17170409", + "title": "Ahn Jae-hyun", + "text": "series \"Cinderella with Four Knights\", playing a chaebol and playboy vying for the main female lead's heart. He won the Top Excellence Award at the 9th Korea Drama Awards for his performance. He also joined the cast of travel reality show \"New Journey to the West\", replacing Lee Seung-gi who enlisted in the army. The same year, he starred in the Chinese romance film \"Perfect Imperfection\" alongside Taiwanese actress Ady An. In 2017, Ahn was cast as the second lead in SBS's fantasy romance drama \"Reunited Worlds\". In 2018, Ahn was cast in the romance melodrama \"The Beauty Inside\". On", + "score": 0.685546875 + }, + { + "id": "17502738", + "title": "Our Sunhi", + "text": "and smart if \"slightly bizarre,\" as Munsu calls her, Sunhi. She turns him down, but won't say why, then leaves. The next day, Sunhi returns to campus, resolved to use her flirtatious charms to wrest a more flattering recommendation letter from Donghyun. She succeeds, persuading him to write a new letter, in which Donghyun now insists that she was his favorite student. Meanwhile, Munsu meets with his friend, curmudgeonly fellow filmmaker Jaehak (Jung Jae-young). Jaehak also happens to be a confidant of Donghyun's, and during another drinking session, he lends a sympathetic ear to Munsu's lovelorn laments. But when Jaehak", + "score": 0.685546875 + }, + { + "id": "10472413", + "title": "Jeong Jun-ha", + "text": "Jeong Jun-ha Jeong Jun-ha (Korean: \uc815\uc900\ud558, Hanja: \u912d\u57fb\u590f; born 18 March 1971) is a South Korean comedian and entertainer. His well-known motto is \"(Whether they) give love or not, (he) always gives love: Jeong Jun-ha\" (\uc815\uc8fc\ub098 \uc548\uc815\uc8fc\ub098 \ub298\uc815\uc8fc\ub294 \uc815\uc900\ud558). Just after graduating Gangseo Senior High school, he entered directly into the Korean entertainment industry, as an official manager of comedian Lee Hwi-jae. His television debut was on the programme \"Theme Theatre\" of the MBC in 1995, as a cameo of several episodes. After coping with a depression of his career, he appeared in a segment of the brand-new comedy programme", + "score": 0.685546875 + }, + { + "id": "9056954", + "title": "Eun Ji-won", + "text": "released on December 23, 2004. He played Park Ondal, a transfer student to the school attended by Pyung-gang (Lim). The film was about a high school girl who must marry a boy named \"Ondal\" before her sixteenth birthday, and have a baby within a year; otherwise, she would die. Eun went on hiatus from the industry in mid-2006, but appeared once again when The \"Movement\" (\ubb34\ube0c\uba3c\ud2b8) (a group of rappers and hip-hop artists throughout Korea) staged a concert on May 13, 2006. Many Movement artists have been featured on Eun's albums including Drunken Tiger, Tasha (Yoon Mi Rae), Dynamic Duo", + "score": 0.68505859375 + }, + { + "id": "13341340", + "title": "Lee Hyun-jin (actor)", + "text": "weight and put her job on the line in the name of love. Encouraged by actor Kim Su-ro, Lee made his stage debut in \"Audacious Romance\". Lee Hyun-jin (actor) Lee Hyun-jin (born March 5, 1985) is a South Korean actor. He is best known for the queer indie romance \"Boy Meets Boy\", and the television series \"Heartstrings\" (in a supporting role as a singer with stage fright) and \"Operation Proposal\" (in which he was the second lead actor playing a baseball coach engaged to marry the heroine). He next appeared in the Korean-Japanese film \"Chubby Revolution\", a romantic comedy that", + "score": 0.68505859375 + }, + { + "id": "18199673", + "title": "Joel Neoh Eu-Jin", + "text": "Joel Neoh Eu-Jin Joel Neoh Eu-Jin (born 11 October 1983) is a Malaysian entrepreneur, speaker, and investor. He is best known for his role as the founder of Groupon Malaysia and as the International Vice President of Groupon Asia Pacific. He is currently the founder of Fave At the age of 20, his first business venture was a fast-growing student agency set-up. In 2007 he participated in \"The Firm\", Malaysia's first corporate reality television programme produced by Popiah Pictures and ntv7 and became the show's inaugural winner. In 2008 he started a business venture called Youth Asia, a social technology", + "score": 0.6845703125 + }, + { + "id": "8553982", + "title": "Sang Doo! Let's Go to School", + "text": "with Han Se-ra (Hong Soo-hyun). She is sick and diagnosed with leukemia. In order to pay off her hospital bills, Sang-doo becomes a gigolo. His uncle (Lee Young-ha) was a former gigolo and gives him advice on the trade. One day, he comes across his long-lost first love, Eun-hwan, who is now a high school math teacher in his city. In an effort to regain her love, he returns to high school, first as a security guard and then as a student in her class. Unfortunately, she is engaged to his daughter's doctor, Kang Min-suk (Lee Dong-gun). Min-suk and Sang-doo", + "score": 0.6845703125 + }, + { + "id": "18890420", + "title": "Na-Young Jeon", + "text": "of Meng Jiang N\u00fc (\u5b5f\u59dc\u5973in the new musical \"The Great Wall: One Woman's Journey\" in Singapore. It was directed by Darren Yap and composed by David Shrubsole. In 2018, she played Tuptim in \"The King and I\" in the West End. Her notable screen credits include Pong in the series Conny & Clyde (VTM, Antwerp), and the title role in Akiko (Nps Kort!, nominated Gouden Kalf, best short film). She now commutes between Amsterdam, London, and Seoul. Na-Young Jeon Na-Young Jeon (born January 9, 1989) is a Dutch-South Korean actress and singer. Born and raised in The Netherlands, she studied", + "score": 0.6845703125 + }, + { + "id": "9056960", + "title": "Eun Ji-won", + "text": "five celebrities, all of whom were born in the same year (1978), from three other first generation idol groups to start a reality show version of the TV series \"Reply 1997\". He presented the idea that they would meet up casually to chat and reflect on topics from their past which they were not allowed to touch on back then. The show starred H.O.T.'s Moon Hee-joon and Tony An, NRG's Chun Myung-hoon, Sechs Kies's Eun Ji-won, and g.o.d's Danny Ahn. The five members named themselves HotSechgodRG \u2014 a portmanteau of each member's previous idol group names. The first season was", + "score": 0.6845703125 + }, + { + "id": "18975378", + "title": "Second 20s", + "text": "given a six-month prognosis. So she decides to go back to school and experience college life for the first time. Among the incoming freshmen are her own 20-year-old son Kim Min-soo and his girlfriend Oh Hye-mi, who are horrified to have No-ra as their classmate. Unbeknownst to No-ra, her intellectual snob husband Kim Woo-chul recently accepted a job teaching psychology at the same university, and her prickly theater arts professor turns out to be Cha Hyun-seok, who had a crush on No-ra in high school. Second 20s Second 20s () is a 2015 South Korean television series starring Choi Ji-woo,", + "score": 0.68408203125 + }, + { + "id": "19394156", + "title": "Jang Do-yoon", + "text": "Love You\" In January, it was confirmed Hiya would be released in March. The film was released on March 4, 2016. Doyoon played the main role of Dokko Mo Ran in the drama adaptation of the popular webtoon \"Flower Family\". Jang Do-yoon Jang Do-yoon (Hangul: \uc7a5\ub3c4\uc724, born August 31, 1995) is a South Korean actor. He made his acting debut in the 2013 drama special \"Happy! Rose Day\". He is mainly known for being a possible member of the popular boy group Seventeen. His fans are called \"Doflowers\" or \"\ub3c4\ubc14\ub77c\uae30\" which combines the words \"Doyoon\" and \"Sunflower\". Doyoon went to", + "score": 0.68408203125 + }, + { + "id": "17908285", + "title": "Han Gong-ju", + "text": "Jun), walks in visibly beaten as he grabs some food and heads back out to see his friends. Gong Ju looks on from a distance. In the present time, Gong Ju tries to pick up swimming by attending lessons and meets Eun Hee who tries to befriend her after hearing her sing in the changing room. Eun Hee asks Gong Ju to join the acapella group. Although Gong Ju is not interested she asks Eun Hee for her phone to help with directions so she can find her mother. They take a bus and Gong Ju goes to her mother\u2019s", + "score": 0.68408203125 + }, + { + "id": "14190155", + "title": "Que Sera, Sera (TV series)", + "text": "rich women. One day, he finds a strange girl named Han Eun-soo (Jung Yu-mi) sleeping in front of his door. Although Tae-joo initially despises her, he eventually finds himself falling for Eun-soo. Cha Hye-rin (Yoon Ji-hye) is the daughter of the CEO of a large department store chain. She and her adopted brother Shin Joon-hyuk (Lee Kyu-han) are in love, but at her father's request, Joon-hyuk dumps her. To make her ex jealous, Hye-rin buys herself a new boyfriend, Tae-joo, but during their contract relationship, Hye-rin begins to like him for real. Meanwhile, Eun-soo, an aspiring fashion designer, catches Joon-hyuk's", + "score": 0.68359375 + }, + { + "id": "16594369", + "title": "Jung Eun-ji", + "text": "Jung Eun-ji Jung Eun-ji (born Jung Hye-rim, on August 18, 1993) is a South Korean singer, songwriter, actress and voice actress. She is best known as a member of the South Korean girl group Apink. Jung made her acting debut in the coming-of-age drama, \"Reply 1997\" in 2012. She has since had roles in \"That Winter, the Wind Blows\" (2013), \"Trot Lovers\" (2014), \"Cheer Up!\" (2015), and \"Untouchable\" (2017) in addition to various voice acting roles. She released her debut solo album, \"Dream\", in 2016. Jung Eun-ji was born as Jung Hye-rim in Haeundae, Busan on August 18, 1993. She", + "score": 0.68359375 + }, + { + "id": "18620531", + "title": "Byun Jung-soo", + "text": "became the host of talk show \"Olive Show\", which featured trends in fashion. Byun also created the make-up line Licht in 2009, and has written three books. Byun Jung-soo Byun Jung-soo (born April 15, 1974) is a South Korean model and actress. As a model in the 1990s, Byun walked the runways in Seoul, Paris and New York, notably for the brand Kenzo. She began acting in 2002, and starred in television dramas such as \"Women Next Door\" (2003), \"You're Not Alone\" (2004), \"Can Love Be Refilled?\" (2005), \"Last Scandal\" (2008) and \"Manny\" (2011). In 2005, Byun became the creative", + "score": 0.68310546875 + }, + { + "id": "14589353", + "title": "Lee Yeong-hoon", + "text": "Lee Yeong-hoon Lee Yeong-hoon (born December 14, 1982) is a South Korean actor. Lee Yeong-hoon began his acting career after joining the MBC Academy while in high school. Some of his peers at academy also went on to future stardom, such as Jo In-sung and Lee So-yeon. In 2001, at the age of 19, Lee made his acting debut win the short film \"Good Romance\", directed by filmmaker Leesong Hee-il. Lee entered Suwon Science College as a Broadcasting major, and he performed numerous times on stage while at university. Upon his discharge from mandatory military service, Leesong Hee-il again cast", + "score": 0.68310546875 + }, + { + "id": "16594376", + "title": "Jung Eun-ji", + "text": "starred as the female lead in KBS2 high school drama \"Cheer Up!\" playing the role of a high school student who ranks at the bottom of her class. In 2017, Jung was cast in JTBC's action melodrama \"Untouchable\" which began airing on November 24. In 2018, Jung was cast in the horror film \"0.0MHz\", based on the webtoon of the same name. Jung Eun-ji Jung Eun-ji (born Jung Hye-rim, on August 18, 1993) is a South Korean singer, songwriter, actress and voice actress. She is best known as a member of the South Korean girl group Apink. Jung made her", + "score": 0.68310546875 + }, + { + "id": "19400714", + "title": "Lee Yeong-jae", + "text": "Lee Yeong-jae Lee Yeong-jae (; Hanja: \u674e\u82f1\u624d; born 13 September 1994) is a South Korean football Midfielder who plays for Ulsan Hyundai FC and the South Korea national under-23 football team. Lee joined Ulsan Hyundai in 2015 and made his league debut against Jeonnam Dragons on 5 July 2015. On 25 October 2015, he scored first goal against Jeonnam Dragons. He moved to Busan IPark on loan on 8 February 2016. He was a member of the South Korea national U-23 team for the 2015 King's Cup and 2016 AFC U-23 Championship. He has played 20 games and scored 4", + "score": 0.68310546875 + }, + { + "id": "13719101", + "title": "Jung Kyung-ho (actor, born 1983)", + "text": "Tokyo to Seoul in the comedy \"Rollercoaster\" (released internationally as \"Fasten Your Seatbelt\"). It was the directorial debut of actor Ha Jung-woo, Jung's friend and fellow college alumni/agency mate in Fantagio. In 2014, he appeared in the 1970s-set period drama \"Endless Love\", followed by the role of a psychopathic serial killer in \"Manhole\". Jung next starred in \"Beating Again\", a romantic drama about cellular memory after a heart transplant. In 2016, he starred in the romantic comedy series \"One More Happy Ending\". In 2017, Jung starred in disaster drama \"Missing Nine\", followed by the critically acclaimed black comedy series \"Prison", + "score": 0.6826171875 + }, + { + "id": "18975377", + "title": "Second 20s", + "text": "Second 20s Second 20s () is a 2015 South Korean television series starring Choi Ji-woo, Lee Sang-yoon, Choi Won-young, Kim Min-jae, and Son Na-eun. It aired on tvN from August 28 to October 17, 2015 on Fridays and Saturdays at 20:30 for 16 episodes. Ha No-ra once dreamed of becoming a dancer, but she unexpectedly became pregnant at age 19 and had to quit school and get married. For the next two decades, her life revolved around being a housewife and mother. Now 38 years old and on the brink of divorce, No-ra is diagnosed with terminal pancreatic cancer and", + "score": 0.68212890625 + }, + { + "id": "15303964", + "title": "Yong Jun-hyung", + "text": "Yong Jun-hyung Yong Jun-hyung (Hangul: \uc6a9\uc900\ud615; born December 19, 1989), commonly known as Junhyung, is a South Korean singer-songwriter, rapper, record producer, and actor. He is best known as a member of the K-pop boy band Highlight and for his lead role in the 2013 television series \"Monstar.\" As a solo artist he has released one extended play, \"Flower\" (2013), and one full-length album, \"Goodbye 20's\" (2018). Junhyung was born in Seoul, South Korea. He changed his birth name Yong Jae-soon () to his current name when he was in 6th grade. In 2007, he joined the boy band Xing,", + "score": 0.68212890625 + }, + { + "id": "16093709", + "title": "Sarasah", + "text": "past she grew her hair longer. She used the name Seung-hyu to be a \"nang-do\". Seung-hyu \u2013 The boy Ji-Hae has a crush on who pushed her down a flight of stairs leading to her death (it might have been accidental). Ja-yun- The past self of Seung-Hyu. A boy who comes from a low class background.Is in the Hwa Rang also the reason Ji-Hae joins the Hwa Rang disguised as a boy. Currently thinks Ji-Hae is a boy.Finds out Ji-Hae is a girl later on. It seems that he fell in love with Ji-hae a little. Bun Min Rang A", + "score": 0.68212890625 + }, + { + "id": "13341339", + "title": "Lee Hyun-jin (actor)", + "text": "Lee Hyun-jin (actor) Lee Hyun-jin (born March 5, 1985) is a South Korean actor. He is best known for the queer indie romance \"Boy Meets Boy\", and the television series \"Heartstrings\" (in a supporting role as a singer with stage fright) and \"Operation Proposal\" (in which he was the second lead actor playing a baseball coach engaged to marry the heroine). He next appeared in the Korean-Japanese film \"Chubby Revolution\", a romantic comedy that centers on a top model who upon hearing from a fortune teller that her photographer crush (played by Lee) prefers chubby women, decides to put on", + "score": 0.681640625 + }, + { + "id": "7094374", + "title": "Cha Tae-hyun", + "text": "Cha Tae-hyun Cha Tae-hyun (born March 25, 1976) is a South Korean actor, singer, television personality, radio DJ and director. He is best known for his lead roles in the box-office hit comedies \"My Sassy Girl\" (2001), \"Scandal Makers\" (2008), \"Hello Ghost\" (2010) and fantasy drama action hit \"\" (2017) as well as the television series \"Jeon Woo-chi\" (2012) and \"The Producers\" (2015). He made his directorial debut with the variety-drama \"Hit the Top\" (2017), in which he also starred. Since 2012, he is a cast member of the variety show \"2 Days & 1 Night\". He is a co-founder", + "score": 0.681640625 + }, + { + "id": "9056946", + "title": "Eun Ji-won", + "text": "Eun Ji-won Eun Ji-won (born June 8, 1978) is a South Korean rapper, singer, host, dancer, composer and leader of the first generation idol group SechsKies (\uc81d\uc2a4\ud0a4\uc2a4). After the group's disbandment in 2000, Eun pursued a solo career in 2001 with his first single (\"A-Ha\") and has mainly focused on hip-hop ever since. In addition to his music career, he has appeared on hit shows like \"2 Days & 1 Night,\" \"Reply 1997,\" \"New Journey to the West and Kang's Kitchen. On April 14, 2016, SechsKies held a reunion concert for fans 16 years after their disbandment through the popular", + "score": 0.681640625 + }, + { + "id": "8497257", + "title": "I'm Sorry, I Love You", + "text": "of these scams that he bumps into Song Eun-chae. Song Eun-chae is the fashion coordinator and childhood friend of a famous Korean singer, Choi Yoon. She sees Yoon as her life's focal point and does everything she can to please him. Yoon visits Melbourne, Australia to do a photoshoot with another famous Korean actress, Kang Min-joo, who also happens to be good friends with Eun-chae. Yoon asks Eun-chae to get him close to Min-joo, as he is interested in her. It breaks Eun-chae's heart but she does so accordingly. One day, Eun-chae's luggage and money are stolen by the same", + "score": 0.681640625 + }, + { + "id": "18777972", + "title": "This is My Love", + "text": "become a star but because he thought being in the limelight would help him find his first love, Ji Eun-dong. Eun-ho and Eun-dong's complicated romantic history has spanned two decades, and he's convinced that he can never love anyone else. As Jung-eun helps him remember Eun-dong and why he lost her, Eun-ho (whose birth name is Park Hyun-soo) looks back on his memories of her, from when they met in 1995 when he was seventeen. This is My Love This is My Love () is a 2015 South Korean television series starring Joo Jin-mo and Kim Sa-rang. It aired on", + "score": 0.68115234375 + }, + { + "id": "14114338", + "title": "Jung Il-woo", + "text": "HB Entertainment. Jung made his return to Korean television in tvN's romantic comedy \"Cinderella with Four Knights\", playing a lonely and wild-child rebel who is not yet used to being a member of a rich family, having lived most of his life as an orphan. In 2017, Jung starred in \"Gon Rak Game Ma Ya\" (also known as \"Love and Lies\"), making him the first Korean actor to land a leading role in a Thailand drama. The drama emerged as a local sensation, and led to a rise of popularity for Jung in the country. Jung is set to star", + "score": 0.68115234375 + }, + { + "id": "19258679", + "title": "Kim Min-jae (actor, born 1996)", + "text": "in KBS2's drama \"The Producers\" as one of \"2 Days & 1 Night \u2013 Season 5\" cast members. In June the same year, Kim joined the rap competition \"Show Me the Money 4\" as a contestant. Kim was then cast in supporting roles in the dramas \"Second 20s\" (2015) and \"My First Time\" (2015). Kim also featured in the singles \"Our Feeling\" for the OST of \"My First Time\" with Park So-dam and Lee Yi-kyung, and \"Star\" for the OST of \"Second 20s\" with Mamamoo's Solar. On November 21, 2015, Kim, alongside Kim Sae-ron, started hosting MBC's music program \"Show!", + "score": 0.68115234375 + }, + { + "id": "7509350", + "title": "Chung Eui-sun", + "text": "Chung Eui-sun Chung Eui-sun (born 18 October 1970), also spelled Chung Eui-son, is a South Korean billionaire businessman. He is the executive vice chairman of Hyundai Motor Company and the only son and \"heir apparent\" of Hyundai Motor Group chairman Chung Mong-koo. Chung received a bachelor's degree in business management administration from Korea University in 1993 and an MBA from the University of San Francisco School of Business in 1997. From 2005 to 2009, Chung was the president of Kia Motors Corp, a subsidiary of Hyundai Motor, which owns 34% of Kia. According to \"Forbes\", Chung is credited with the", + "score": 0.6806640625 + }, + { + "id": "5671632", + "title": "Autumn in My Heart", + "text": "fever that is commonly referred to as the \"Korean Wave\". Tours of sites in Korea related to the show have been developed following its success. The story begins with toddler Yoon Joon-suh, accidentally causing the switch of his sister and another baby when he drops the name cards on the two babies' cribs in the hospital's baby room. A nurse who comes in puts the name cards back incorrectly. The story then jumps forward to the teenage years of the two main characters: Yoon Eun-suh (Moon Geun-young) and Yoon Joon-suh (Choi Woo-hyuk). Eun-suh is the most popular girl in class,", + "score": 0.6806640625 + }, + { + "id": "16413073", + "title": "Yeon Woo-jin", + "text": "He made his acting debut in the queer coming-of-age film \"Just Friends?\" in 2009 under the stage name Seo Ji-hoo. His management agency later changed his stage name to Yeon Woo-jin. After playing a teacher in 2010 daily drama \"All My Love\", he started to gain recognition as the youngest brother in hit 2011 family drama \"Ojakgyo Family\". Then in his first lead role, Yeon's character falls in love with the daughter of his brother's murderer in the 4-episode Drama Special \"Just an Ordinary Love Story\". In 2012, he was cast as a mysterious villain in the period fantasy-romance \"Arang", + "score": 0.6806640625 + }, + { + "id": "6995335", + "title": "Once Upon a Time in High School", + "text": "stereotypical Korean bully. The teachers are depicted as authoritarian and brutal, as were many Korean teachers up to the 70s. On the bus, Hyun-soo sees and falls in love with Eun-joo (Han Ga-in) and, when schoolboys start teasing her, Hyun-soo takes the opportunity to gain her respect, even though it meant starting a riot. After the two are chased and caught in their hiding place (a rat prompted Eun-joo to scream), one of Hyun-soo's friends Kim Woo-sik (Lee Jung-jin), steps in and knocks the attackers out. A triangle is formed between Hyun-soo, Woo-sik, and Eun-joo. One day, Hyun-soo while riding", + "score": 0.6806640625 + }, + { + "id": "19103978", + "title": "Jung Hae-in", + "text": "Jung Hae-in Jung Hae-in (born April 1, 1988) is a South Korean actor. He first made an appearance in Korean girl group AOA Black's music video for \"Moya\" in 2013 and officially debuted through the TV series \"Bride of the Century\" the next year. He gained increased recognition for his supporting roles in (2016), in 2017 television series \"While You Were Sleeping\" and \"Prison Playbook\". Jung had his first starring role in the 2018 drama \"Something in the Rain\", which was a commercial success and is one of the highest-rated Korean dramas in cable television of all time. Jung Hae-in's", + "score": 0.68017578125 + }, + { + "id": "14014952", + "title": "Park Hae-jin", + "text": "Park Hae-jin Park Hae-jin (, born May 1, 1983) is a South Korean actor. He is best known for his supporting roles in dramas \"My Love from the Star\" (2013) and \"Doctor Stranger\" (2014), and his leading roles in \"Bad Guys\" (2014), \"Cheese in the Trap\" (2016) and \"Man to Man\" (2017). Park began his acting career in KBS weekend drama \"Famous Chil Princesses\", for which he won the Best New Actor award at the 43rd Baeksang Arts Awards. He then starred in two highly successful TV projects - KBS daily drama \"Heaven & Earth\" with Han Hyo-joo, and MBC", + "score": 0.68017578125 + }, + { + "id": "10985669", + "title": "Huh E-jae", + "text": "her big break when she was cast in the female leading role in \"Prince Hours\" (also known as \"Goong S\"). She and Seven played childhood best friends whose lives are changed when he turns out to be a member of the Korean royal family. Unlike its predecessor \"Princess Hours\", \"Goong S\" received low ratings. But it made Huh into a household name, and that year, she won recognition at Andre Kim's Best Star Awards and the Premiere Rising Star Awards (held during the PIFF). An indie film she shot in 2006, \"A Boy Who is Walking in the Sky\" (the", + "score": 0.6796875 + }, + { + "id": "11101596", + "title": "Jang Keun-suk", + "text": "\"\" where he played the role of a deaf boy. He next played the first love of famous gisaeng Hwang Jini (played by Ha Ji-won) in the period drama \"Hwang Jini\". In 2007, Jang was cast in the rock music-themed film \"The Happy Life\", directed by Lee Joon-ik. Jang then co-hosted SBS's weekly live music show \"Inkigayo\" from February 25 to October 7, 2007. In 2008, Jang would go on to act in two more music-inspired projects with the film \"Do Re Mi Fa So La Ti Do\", and the MBC drama \"Beethoven Virus\" opposite Kim Myung-min, in which he", + "score": 0.6796875 + }, + { + "id": "10422801", + "title": "Kim Eun-jung (footballer)", + "text": "Kim Eun-jung (footballer) Kim Eun-jung (; born 8 April 1979) is a South Korean retired footballer who played as a striker. He is currently a coach at Tubize after joining the team in 2015 as a youth scout. He played in the South Korea national team at 1998 Asian Games in Bangkok and 2004 AFC Asian Cup in China. He was also a member of South Korea under-23 team at 2002 Asian Games in Busan. He was a member of 30\u201330 Club since 3 May 2008 at K League. He is now a member of 50\u201350 club members. He started", + "score": 0.6796875 + }, + { + "id": "16159891", + "title": "Architecture 101", + "text": "her 30-year-old family home on Jeju island. Seung-min reluctantly agrees but can't come up with a design that pleases her. In the end, they decide to renovate and expand the existing house, and he and Seo-yeon spend a considerable amount of time together down in Jeju, to the growing annoyance of his fianc\u00e9e Eun-chae (Go Joon-hee), with whom he is soon to be married and move to the US. As Seo-yeon cares for her dying father (Lee Seung-ho) and Seung-min learns more about what became of Seo-yeon in the intervening years, he recalls their initial meeting at college in the", + "score": 0.6796875 + }, + { + "id": "18199682", + "title": "Joel Neoh Eu-Jin", + "text": "appointed as a line-up speaker The London Speaker Bureau and Asian Business Angel Forum in 2012. Neoh now also serves on the Advisory Board for the School of Business, Monash University. Joel Neoh Eu-Jin Joel Neoh Eu-Jin (born 11 October 1983) is a Malaysian entrepreneur, speaker, and investor. He is best known for his role as the founder of Groupon Malaysia and as the International Vice President of Groupon Asia Pacific. He is currently the founder of Fave At the age of 20, his first business venture was a fast-growing student agency set-up. In 2007 he participated in \"The Firm\",", + "score": 0.67919921875 + }, + { + "id": "8345539", + "title": "Kim Dae-eui", + "text": "16 June 2007. He is a close friend with fellow footballer Choi Sung-Yong, who played with him in the national team and at the Bluewings. Kim Dae-eui Kim Dae-Eui (; born 30 May 1974) is a South Korean football player who plays for Home United FC as a winger and attacker. He started his career as a professional footballer at Seongnam Ilhwa Chunma. In Seongnam, he won the MVP award of the K-League's 2002 season. Before he joined Seongnam, he was a member of Korea U-20 team in 1992 and Universiade team in 1997. In 2004, he joined another Korean", + "score": 0.67919921875 + }, + { + "id": "15804742", + "title": "Lee Jun-ho (singer)", + "text": "Lee Jun-ho (singer) Lee Jun-ho (; born January 25, 1990), known mononymously as Junho, is a South Korean singer, songwriter, dancer, composer and actor. He is a member of the South Korean boy band 2PM. In 2013, Junho debuted as an actor in the Korean movie \"Cold Eyes\". Junho is most known for his roles in \"Twenty\", \"Good Manager\" and \"Rain or Shine\". Junho first gained public attention when he won \"Superstar Survival\" in 2006. The show started with twelve teenage competitors and, as the weeks went on, they were eliminated one by one until three were left. The process", + "score": 0.67919921875 + } + ], + "answer": "Hello, My Twenties! is a South Korean television series starring Han Ye-ri, Han Seung-yeon, Park Eun-bin, Ryu Hwa-young, Park Hye-su, Ji Woo and Choi Ara. Park Hye-su, a South Korean actress and singer, plays adult Eun Jae in series 1. Lee Na-yoon plays young Eun Jae in series 1. Hello, My Twenties! 2, the sequel to the 2016 series \"Hello, My Twenties!\", stars Han Ye-ri, Han Seung-yeon, Park Eun-bin, Ji Woo and Choi Ah-ra. South Korean actress Ji Woo plays Eun Jae in series 2." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who plays the young White Queen in the movie Alice: Through the Looking Glass?", + "short_answers": [ + "Amelia Crouch" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who plays the adult White Queen in the movie Alice: Through the Looking Glass?", + "short_answers": [ + "Anne Hathaway" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "White Queen (Through the Looking-Glass)", + "url": "https://en.wikipedia.org/wiki/White%20Queen%20%28Through%20the%20Looking-Glass%29" + }, + { + "title": "Alice Through the Looking Glass (2016 film)", + "url": "https://en.wikipedia.org/wiki/Alice%20Through%20the%20Looking%20Glass%20%282016%20film%29" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "Amelia Crouch plays the young White Queen in the movie Alice: Through the Looking Glass and Anne Hathaway plays the adult White Queen." + }, + { + "knowledge": [ + { + "content": "The White Queen is a fictional character who appears in Lewis Carroll's 1871 fantasy novel Through the Looking-Glass.", + "wikipage": "White Queen (Through the Looking-Glass)" + }, + { + "content": "Anne Hathaway portrays the White Queen (renamed \"Mirana of Marmoreal\") in Tim Burton's 2010 adaptation", + "wikipage": "White Queen (Through the Looking-Glass)" + }, + { + "content": "Amelia Crouch as Young Mirana", + "wikipage": "Alice Through the Looking Glass (2016 film)" + } + ], + "long_answer": "The White Queen is a fictional character who appears in Lewis Carroll's 1871 fantasy novel Through the Looking-Glass. Anne Hathaway portrays the White Queen (renamed \"Mirana of Marmoreal\") in Tim Burton's 2010 adaptation. Amelia Crouch stars as Young Mirana." + } + ], + "sample_id": "-4651499553471529318", + "question": "Who plays the white queen in alice through the looking glass?", + "docs": [ + { + "id": "11659715", + "title": "White Queen (Through the Looking-Glass)", + "text": "Channing, Penelope Wilton and Brenda Bruce. In \"Sandra the Fairytale Detective\", her name is Victoria because she is the Queen of Victory. Anne Hathaway portrays the White Queen (renamed \"Mirana of Marmoreal\") in Tim Burton's 2010 adaptation alongside Helena Bonham Carter as Iracebeth, the Red Queen; they are portrayed as sisters. The White Queen's soldiers appear in white armor inspired by chess pieces while The Red Queen's appear in armour made to resemble cards. Mirana's delicate exterior is reinforced by her habit of holding her hands gracefully at shoulder height in almost every scene in which she appears. But her", + "score": 0.783203125, + "summary": "Anne Hathaway portrays the White Queen in Tim Burton's 2010 adaptation of \"Alice Through the Looking Glass\".", + "extraction": "Anne Hathaway portrays the White Queen (renamed \"Mirana of Marmoreal\") in Tim Burton's 2010 adaptation alongside Helena Bonham Carter as Iracebeth, the Red Queen; they are portrayed as sisters." + }, + { + "id": "3000427", + "title": "Anne Hathaway", + "text": "fantasy novels \"Alice's Adventures in Wonderland\" and \"Through the Looking-Glass\" alongside Helena Bonham Carter and Johnny Depp. She summed up her character with a caption on a magnet of Happy Bunny holding a knife; \"Cute but psycho. Things even out.\" Hathaway described her interpretation of the White Queen as \"a punk-rock vegan pacifist\", drawing inspiration from Debbie Harry and the artwork of Dan Flavin. \"Alice in Wonderland\" received mixed reviews from critics, who praised its visuals, but criticized its lack of narrative coherence. Commercially, the film grossed $1 billion to become the second highest-grossing movie of 2010. Hathaway starred (alongside", + "score": 0.75634765625, + "summary": "Anne Hathaway starred in \"Alice Through the Looking Glass\" alongside Helena Bonham Carter and Johnny Depp. However, the document doesn't directly answer the question of who plays the white queen.", + "extraction": "Helena Bonham Carter and Johnny Depp starred in \"Alice Through the Looking Glass\". Anne Hathaway played the character of the White Queen in the movie." + }, + { + "id": "11659717", + "title": "White Queen (Through the Looking-Glass)", + "text": "fearsome pet. That champion arrives in Alice (Mia Wasikowska), now a young woman, who initially thinks she is having a recurring dream. By the film's climax, however, Alice accepts her destiny and slays the Jabberwocky, restoring rulership of Wonderland to the White Queen. Mirana banishes her sister and bids Alice goodbye. Despite her benevolent and kind attitude, Anne Hathaway remarks that on the inside, the White Queen is just as sadistic as her sister, if not more so, and has surrounded herself with an elegant, airy and blissful atmosphere, out of fear she will not be able to control her", + "score": 0.7548828125, + "summary": "The White Queen is played by Anne Hathaway in Alice Through the Looking Glass.", + "extraction": "Anne Hathaway plays the White Queen in Alice Through the Looking Glass." + }, + { + "id": "15295499", + "title": "Alice Through the Looking Glass (1987 film)", + "text": "square to square on a large chessboard. Alice Through the Looking Glass (1987 film) Alice Through the Looking Glass is a 1987 Australian-Italian animated film nominally based on the novel \"Through the Looking-Glass\" by Lewis Carroll. It was directed by Andrea Bresciani and Richard Slapczynski from a screenplay by Jameson Brewer. The movie starts off with a bored Alice trapped in her house by a snow storm. The film's voice cast includes Janet Waldo as Alice, Mr. T. as the Jabberwock, Phyllis Diller as the White Queen, Jonathan Winters as Tweedledum and Tweedledee, and Alan Young as the White Knight.", + "score": 0.75390625, + "summary": "Phyllis Diller plays the White Queen in Alice Through the Looking Glass (1987 film).", + "extraction": "Phyllis Diller plays the White Queen in Alice Through the Looking Glass." + }, + { + "id": "15295497", + "title": "Alice Through the Looking Glass (1987 film)", + "text": "Alice Through the Looking Glass (1987 film) Alice Through the Looking Glass is a 1987 Australian-Italian animated film nominally based on the novel \"Through the Looking-Glass\" by Lewis Carroll. It was directed by Andrea Bresciani and Richard Slapczynski from a screenplay by Jameson Brewer. The movie starts off with a bored Alice trapped in her house by a snow storm. The film's voice cast includes Janet Waldo as Alice, Mr. T. as the Jabberwock, Phyllis Diller as the White Queen, Jonathan Winters as Tweedledum and Tweedledee, and Alan Young as the White Knight. Much of the film consists of Alice", + "score": 0.7509765625, + "summary": "Phyllis Diller plays the White Queen in Alice Through the Looking Glass (1987 film).", + "extraction": "Phyllis Diller plays the White Queen in Alice Through the Looking Glass." + }, + { + "id": "3000442", + "title": "Anne Hathaway", + "text": "convince Hathaway to star in his film, was officially selected and had its North American premiere in April 2016 at the Nashville Film Festival. Hathaway reprised the role of the White Queen in \"Alice Through the Looking Glass\", the 2016 sequel to \"Alice in Wonderland\". That March, it was reported that she would reprise her role for \"The Princess Diaries 3\"; the project was cancelled after the death of Gary Marshall, who was set to direct the film. Hathaway is one of several actors featured on Barbra Streisand's 2016 album \"\". Along with Daisy Ridley, Hathaway and Streisand performed the", + "score": 0.74951171875, + "summary": "Anne Hathaway played the White Queen in Alice Through the Looking Glass.", + "extraction": "Anne Hathaway plays the White Queen in \"Alice Through the Looking Glass\"." + }, + { + "id": "11659719", + "title": "White Queen (Through the Looking-Glass)", + "text": "to those of the historical Scottish Queen Mary Stuart. White Queen (Through the Looking-Glass) The White Queen is a fictional character who appears in Lewis Carroll's fantasy novel \"Through the Looking-Glass\". Along with her husband the White King, she is one of the first characters to be seen in the story. She first appears in the drawing room just beyond the titular looking-glass as an animate chesspiece unable to see or hear Alice, the main character. The Queen is looking for her daughter Lily; Alice helps her by lifting the White Queen and King onto the table, leading them to", + "score": 0.74755859375, + "summary": "The document provides information about the White Queen character in Lewis Carroll's novel \"Through the Looking-Glass\", but it does not answer the question of who plays the White Queen in the movie adaptation. Therefore, the answer is \"irrelevant\".", + "extraction": "Irrelevant." + }, + { + "id": "11659710", + "title": "White Queen (Through the Looking-Glass)", + "text": "White Queen (Through the Looking-Glass) The White Queen is a fictional character who appears in Lewis Carroll's fantasy novel \"Through the Looking-Glass\". Along with her husband the White King, she is one of the first characters to be seen in the story. She first appears in the drawing room just beyond the titular looking-glass as an animate chesspiece unable to see or hear Alice, the main character. The Queen is looking for her daughter Lily; Alice helps her by lifting the White Queen and King onto the table, leading them to believe they were thrown up by an invisible volcano.", + "score": 0.74609375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "5791821", + "title": "Eva Le Gallienne", + "text": "Medal of Arts in 1986. Le Gallienne became a naturalized United States citizen in 1927. In 1982, Le Gallienne returned to the stage to play the White Queen in \"Alice in Wonderland\" at the Virginia Theatre, directed by Le Gallienne and co-directed by John Strasberg. This production was produced by Sabra Jones and was intended to initiate The Mirror Theater Ltd and the Mirror Repertory Company. Although known primarily for her theatre work, she has also appeared in films and television productions. She earned an Oscar nomination for her work in \"Resurrection\", for which she gained the honour of being", + "score": 0.74560546875, + "summary": "Eva Le Gallienne played the White Queen in \"Alice in Wonderland\" in 1982.", + "extraction": "Eva Le Gallienne plays the White Queen in \"Alice in Wonderland\"." + }, + { + "id": "5587880", + "title": "Resident Evil: Extinction", + "text": "Queen (Madeline Carroll). The White Queen informs Alice that her blood is the cure to the T-virus, while also defending the Red Queen's prior actions. She then tells Alice about Dr. Isaacs. Alice agrees to deal with him. On her way to the lab's lower levels, Alice discovers one of her clones, still in development. The clone awakens, but appears to die from shock shortly after. Alice soon discovers a replica of the Racoon City mansion deep within the complex and finds Isaacs. The two engage in a fight, eventually leading them to a replica of The Hive's laser corridor,", + "score": 0.73828125, + "summary": "Madeline Carroll plays the White Queen in Resident Evil: Extinction. Irrelevant to Alice Through the Looking Glass.", + "extraction": "irrelevant" + }, + { + "id": "11659714", + "title": "White Queen (Through the Looking-Glass)", + "text": "Alice's promotion from pawn to queen. When that celebration goes awry, the White Queen seems to flee the scene by disappearing into a tureen of soup. Martin Gardner's \"The Annotated Alice\" points out that the White King is at the time in check from the Red Queen. Alice proceeds to \"capture\" the Red Queen and checkmate the Red King, ending the game. The White Queen is not seen again, except as one of Alice's white cats, who Alice speculates may have influenced the dream. The White Queen has been portrayed in various TV and film productions by actresses including Carol", + "score": 0.73486328125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "11591160", + "title": "Red Queen (Through the Looking-Glass)", + "text": "sequel to the novel, features Helena Bonham Carter as the Red Queen. Bonham Carter's head was digitally increased three times its original size on screen. Bonham Carter's character is a combination of the Red Queen, the Duchess and the Queen of Hearts. From the original Red Queen, this character gets only a relationship to the White Queen. Here the Red Queen is the older sister of the White Queen, and is jealous of her sister, whom her subjects genuinely love. From the original John Tenniel illustrations of the Duchess, she gets a massive head in proportion to her body and", + "score": 0.734375, + "summary": "Helena Bonham Carter plays the Red Queen in \"Through the Looking-Glass\". Irrelevant to the question of who plays the white queen.", + "extraction": "Helena Bonham Carter plays the Red Queen, and there is no information about the White Queen in this passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "3617021", + "title": "Alice in Wonderland (1966 TV play)", + "text": "was played by Anne-Marie Mallik, the 13-year-old daughter of a Surrey barrister, this being her only known acting performance. Wilfrid Brambell played the White Rabbit, Michael Gough (who later appeared in Tim Burton's 2010 film adaptation) and Wilfrid Lawson were the March Hare and the Dormouse, Alison Leggatt was the Queen of Hearts, and Leo McKern did a drag turn as the Ugly Duchess. The journalist and broadcasting personality Malcolm Muggeridge was The Gryphon. John Bird played the Fish Footman. The play also featured a young Eric Idle, several years before Monty Python brought him notice, uncredited as a member", + "score": 0.734375, + "summary": "The Queen of Hearts was played by Alison Leggatt in the 1966 TV play \"Alice in Wonderland.\"", + "extraction": "Alison Leggatt played the Queen of Hearts in Alice in Wonderland (1966 TV play). However, this passage does not provide information about the White Queen in Alice Through the Looking Glass. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "11529672", + "title": "Jill Paice", + "text": "in Paris\". Paice's television work has included two guest starring appearances as Molly Benedict in the series \"Unforgettable\". Jill Paice Jill Paice is an American actress best known for her musical theatre roles. She originated the roles of Laura Fairlie in the musical \"The Woman in White\" in the West End (2004) and on Broadway (2005); Niki in \"Curtains\" on Broadway (2006); Scarlett in London's \"Gone With The Wind\" (2008); and Grazia Off-Broadway in \"Death Takes a Holiday\" (2011). Among other roles, she appeared in the Broadway play \"The 39 Steps\" (2009). Paice attended Beavercreek High School in Beavercreek, Ohio,graduating", + "score": 0.73291015625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "2917994", + "title": "Evil Queen", + "text": "her death\u2014has meant that ending is all but forgotten.\" Actresses who have played the Wicked Queen in \"Snow White\" stage productions (usually pantomime plays) have included Stephanie Beacham, Lucy Benjamin, Andr\u00e9e Bernard (as Queen Lacretia), Jennifer Ellison, Jade Goody, Jerry Hall, Lesley Joseph, Patsy Kensit, Josie Lawrence (as Morgiana the Wicked Queen), Joanne Malin, Vicki Michelle, Denise Nolan, Su Pollard, Priscilla Presley, Liz Robertson, and Toyah Willcox. The role was also played by \"Lily Savage\" (Paul O'Grady) and Craig Revel Horwood. The Disney version of the characters also appears in variety of other Disney media, also making some cameo appearances", + "score": 0.73046875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "20680522", + "title": "Inge Maux", + "text": "of Miss Krottensteiner. In the summer of 2015 she played the White Queen in \"Alice in Wonderland\" at the summer games in Melk, in 2016 she appeared in front of the camera for the ORF \"Landkrimi\" \"H\u00f6henstra\u00dfe\" and for an episode of the fifth season of \"Schnell ermittelt\". In the TV series \"Braunschlag\" she impersonated the role of Herta Tschach's mother, in \"\" by Ulrich Seidl she played Teresa's girlfriend, in \"Jack\" by Elisabeth Scharang she was seen as Jack's mother. In \"Der Blunzenk\u00f6nig\" she played a leading role alongside Karl Merkatz as R\u00f6sli, in the ZDFneo series \"Blockbustaz\" she", + "score": 0.7294921875, + "summary": "Inge Maux played the White Queen in \"Alice in Wonderland\" in the summer of 2015.", + "extraction": "Irrelevant. The passage does not provide information about who plays the White Queen in \"Alice through the looking glass\"." + }, + { + "id": "11659711", + "title": "White Queen (Through the Looking-Glass)", + "text": "When Alice meets the Red Queen and joins the chess game, she takes the place of a white pawn, Lily being too young to play. She does not meet the White Queen as a human-sized character until the Fifth Square. The White Queen lives backwards in time, due to the fact that she lives through the eponymous looking glass. Her behaviour is odd to Alice. She offers Alice \"jam to-morrow and jam yesterday - but never jam to-day.\" She screams in pain until, rather than because, she pricks her thumb on her brooch, and tells Alice of the King's messenger", + "score": 0.7275390625, + "summary": "Irrelevant.", + "extraction": "The passage does not provide a useful span to answer the question. \"Who plays the white queen in alice through the looking glass?\"" + }, + { + "id": "11611488", + "title": "White King (Through the Looking-Glass)", + "text": "Alice\" has observed that he is also later put into check by the Red Queen, without either side showing any acknowledgment of it. The White Queen, with characteristic stupidity, performs a completely pointless move on her turn. After Alice \"takes\" the Red Queen and checkmates the inanimate Red King, any potential danger is removed and the game, as well as her dream, comes to an end. White King (Through the Looking-Glass) The White King is a fictional character who appears in Lewis Carroll's fantasy story \"Through the Looking-Glass\". Aside from Alice herself, he is one of the earliest chesspieces that", + "score": 0.72705078125, + "summary": "irrelevant", + "extraction": "Irrelevant. The passage does not provide any information about who plays the white queen in Alice Through the Looking Glass." + }, + { + "id": "16899249", + "title": "The White Queen (TV series)", + "text": "the series is shot in Belgium, several local actors are featured: Veerle Baetens, Jurgen Delnaet, Joren Seldeslachts, Elsa Houben, Ben Forceville and Ben Van den Heuvel all appear in the series. Rebecca Ferguson who portrays Elizabeth Woodville, the White Queen, is from Sweden (her mother is originally from England). The budget was \u00a325 million and took 120 days to shoot, consisting of 250 sets including: dungeons, palaces, castles, 12 state banquets and at least two coronations. Two versions were made, one for the BBC and a more sexually explicit version for the U.S. A companion two-part documentary series, \"The Real", + "score": 0.72607421875, + "summary": "Rebecca Ferguson plays the White Queen in the TV series \"The White Queen\".", + "extraction": "Rebecca Ferguson portrays Elizabeth Woodville, the White Queen." + }, + { + "id": "427561", + "title": "Tim Burton", + "text": "place in Antony House in Torpoint. 250 local extras were chosen in early August. Other production work took place in London. The film was originally to be released in 2009, but was pushed to March 5, 2010. Johnny Depp plays the Mad Hatter, while Matt Lucas is both Tweedledee and Tweedledum; Helena Bonham Carter portrays the Red Queen; Stephen Fry is the Cheshire Cat; Anne Hathaway stars as the White Queen; Alan Rickman voices Absolem the Caterpillar, Michael Sheen voices McTwisp the White Rabbit and Crispin Glover's head and voice were added onto a CGI body to play the Knave", + "score": 0.72265625, + "summary": "Anne Hathaway plays the White Queen in Alice Through the Looking Glass.", + "extraction": "Helena Bonham Carter portrays the Red Queen; Anne Hathaway stars as the White Queen. Therefore, Anne Hathaway plays the White Queen in Alice Through the Looking Glass." + }, + { + "id": "14003315", + "title": "Alice (miniseries)", + "text": "an aging man wearing spectacles. A fusion of the present-day Alice's pet cat Dinah and the Cheshire Cat appears in a dream Alice has. The Queen of Hearts appears to be a lot calmer and more calculating than the book's version, suggesting that her personality is based on the Red Queen in \"Through the Looking Glass\". The White Rabbit is used as the name for the Queen's organization, but also the character himself appears as a white-haired man named \"Agent White\" portrayed by Alan Gray. The March Hare appears as an assassin called Mad March, who speaks with a pronounced", + "score": 0.72216796875 + }, + { + "id": "14521168", + "title": "The White Queen (novel)", + "text": "The White Queen (novel) The White Queen is a 2009 historical novel by Philippa Gregory, the first of her series \"The Cousins' War\". It tells the story of Elizabeth Woodville, queen consort of King Edward IV of England. The 2013 BBC One television series \"The White Queen\" is a 10-part adaptation of Gregory's novels \"The White Queen\", \"The Red Queen\" (2010) and \"The Kingmaker's Daughter\" (2012), and features Rebecca Ferguson as Elizabeth Woodville. Gregory's 2011 novel \"The Lady of the Rivers\" is a prequel to \"The White Queen\", narrated by Elizabeth's mother Jacquetta of Luxembourg. Young widow Lady Elizabeth Grey", + "score": 0.7197265625 + }, + { + "id": "11529666", + "title": "Jill Paice", + "text": "Jill Paice Jill Paice is an American actress best known for her musical theatre roles. She originated the roles of Laura Fairlie in the musical \"The Woman in White\" in the West End (2004) and on Broadway (2005); Niki in \"Curtains\" on Broadway (2006); Scarlett in London's \"Gone With The Wind\" (2008); and Grazia Off-Broadway in \"Death Takes a Holiday\" (2011). Among other roles, she appeared in the Broadway play \"The 39 Steps\" (2009). Paice attended Beavercreek High School in Beavercreek, Ohio,graduating in 1998. She then attended Baldwin-Wallace College, graduating with a bachelor of musical theater in 2002. There, she", + "score": 0.71826171875 + }, + { + "id": "18199194", + "title": "Alice Through the Looking Glass (2016 film)", + "text": "This causes Iracebeth to melt down. Her father deems her inappropriate to rule and passes the title of queen to her younger sister Mirana, the White Queen. Alice learns of an event in Iracebeth and Mirana's past that caused friction between the two, and she travels back in time again, hoping it will change Iracebeth's ways and cease the Jabberwocky from killing the Hatter's family. The young Mirana steals a tart from her mother and eats it. When confronted by their mother, Mirana lies about eating the tart, and Iracebeth is accused, causing her to run out of the castle", + "score": 0.71337890625 + }, + { + "id": "430807", + "title": "Through the Looking-Glass", + "text": "as Alice, Julian Rhind-Tutt as Lewis Carroll (who not only narrates the story but is also an active character), Carole Boyd as the Red Queen, Sally Phillips as the White Queen, Nicholas Parsons as Humpty-Dumpty, Alistair McGowan as Tweedledum and Tweedledee and John Rowe as the White Knight. Adaptations combined with \"Alice's Adventures in Wonderland\" include the 1933 live-action movie \"Alice in Wonderland\", starring a huge all-star cast and Charlotte Henry in the role of Alice. It featured most of the elements from \"Through the Looking Glass\" as well, including W. C. Fields as Humpty Dumpty, and a Harman-Ising animated", + "score": 0.712890625 + }, + { + "id": "5806933", + "title": "Lindsay Duncan", + "text": "National Theatre, London as part of the 400th anniversary celebrations of the translation. She played Queen Annis, ruler of Caerleon and antagonist of Merlin, in the 5th episode of the fourth series of BBC1's \"Merlin\". She also appeared as Home Secretary Alex Cairns to Rory Kinnear's Prime Minister in \"The National Anthem\", the first episode of Charlie Brooker's anthology series \"Black Mirror\". Duncan started 2012 as a guest in the New Year special of \"Absolutely Fabulous\", playing the part of Saffy's favourite film actress, 'Jeanne Durand'. In February she returned to the West End in No\u00ebl Coward's \"Hay Fever\" with", + "score": 0.71240234375 + }, + { + "id": "16042627", + "title": "Mirror Mirror (film)", + "text": "the other to be in the wrong, Snow White and Alcott duel. Alcott returns to the Palace defeated and informs the Queen that Snow White is alive. Clementianna goes to her Mirror House, within which lives her reflection, the Mirror Queen (Lisa Roberts Gillan). Clementianna has the Mirror Queen temporarily turn Brighton into a cockroach, and requests a love potion so she can make the prince fall in love with her. The potion turns out to be a 'puppy love' potion and the prince becomes devoted to her like a puppy dog. Under this spell, the prince agrees to marry", + "score": 0.71142578125 + }, + { + "id": "17454138", + "title": "Faye Marsay", + "text": "Jupe in \"Hard Times\", First Wyrd Sister and Fleance in \"Macbeth\", Runt in \"Disco Pigs\", and Shen Te in \"The Good Soul of Szechuan\". It was during her time at the school she won the Spotlight Prize 2012. As soon as she graduated, she landed a main role in \"The White Queen\". In 2008, Marsay played Sue in the comedy drama \"Is That It?\". She rose to prominence in 2013, playing Anne Neville in \"The White Queen\". Next, Marsay played new \"fresher\" Candice Pelling in the TV series \"Fresh Meat\". In 2014, Marsay played the role of Lizzie Lancaster in", + "score": 0.7109375 + }, + { + "id": "633608", + "title": "Alice's Adventures in Wonderland", + "text": "Gallienne famously adapted both Alice books for the stage in 1932; this production has been revived in New York in 1947 and 1982. One of the most well-known American productions was Joseph Papp's 1980 staging of \"Alice in Concert\" at the Public Theater in New York City. Elizabeth Swados wrote the book, lyrics, and music. Based on both \"Alice's Adventures in Wonderland\" and \"Through the Looking-Glass\", Papp and Swados had previously produced a version of it at the New York Shakespeare Festival. Meryl Streep played Alice, the White Queen, and Humpty Dumpty. The cast also included Debbie Allen, Michael Jeter,", + "score": 0.7109375 + }, + { + "id": "26838", + "title": "Ann Widdecombe", + "text": "playing the Duchesse de Crackentorp. Widdecombe reprised her pantomime performance, again with Revel Horwood, at the Swan Theatre, High Wycombe in December 2012. Widdecombe stepped in at short notice to play the Evil Queen in the pantomime \"Snow White and the Seven Dwarfs\" at Bridlington Spa in December 2016. She replaced Lorraine Chase; who had been injured in an accident two weeks before rehearsals were due to commence. This was Widdecombe's first appearance as a pantomime 'baddie'; a role she told the press she had always hoped for. In December 2017 Widdecombe played the Empress of China in the pantomime", + "score": 0.70947265625 + }, + { + "id": "5948219", + "title": "Judy Parfitt", + "text": "former, domineering employer in \"Dolores Claiborne\", who is dying in present-time, but is seen as a vibrant, glowing woman in flashback sequences. She has appeared in some American television shows, beginning with her regular role as Snow White's Stepmother, Evil Queen Lillian \"Lily\" White in the series \"The Charmings\". Parfitt's real-life husband Tony Steedman guest-starred as Santa Claus in The Charmings' second season Christmas special. She appeared on an episode of \"Murder, She Wrote\" in 1989, and as the mother of Dr Elizabeth Corday (played by Alex Kingston) on several episodes of \"ER\" in 2002. Parfitt played Lady Mount-Temple in", + "score": 0.70751953125 + }, + { + "id": "3000403", + "title": "Anne Hathaway", + "text": "starred as Selina Kyle in her highest-grossing film \"The Dark Knight Rises\", the final installment in \"The Dark Knight\" trilogy. That year, she also played Fantine, a prostitute dying of tuberculosis, in the musical romantic drama \"Les Mis\u00e9rables\", for which she earned multiple accolades, including an Academy Award for Best Supporting Actress. She went on to play a scientist in the science fiction film \"Interstellar\" (2014), the owner of an online fashion site in the comedy film \"The Intern\" (2015), the White Queen\u2014a role she first played in \"Alice in Wonderland\" (2010)\u2014in \"Alice Through the Looking Glass\" (2016) and a", + "score": 0.70654296875 + }, + { + "id": "5746448", + "title": "Ann Jillian", + "text": "on the dais at The Dean Martin Celebrity Roast for Mr. T (1984). In 1985, she played The Red Queen to Carol Channing's White Queen in an all-star television musical adaptation of Lewis Carroll's \"Alice in Wonderland\". The same year, the producers of \"It's a Living\" made the relatively unheard-of decision to resume production of the series, by then three years off the air, for first-run syndication, and Jillian was contractually obligated to return to the series. In 1994, she played the mother of an unborn child with a heart defect in \"Heart of a Child\". Jillian later starred on", + "score": 0.70458984375 + }, + { + "id": "3162085", + "title": "Alice Krige", + "text": "Alice Krige Alice Maud Krige (; born 28 June 1954) is a South African actress and producer. Her first feature film role was in \"Chariots of Fire\" (1981) as the Gilbert and Sullivan singer Sybil Gordon. She is well known for playing the dual role of Eva Galli/Alma Mobley in \"Ghost Story\", and the Borg Queen in the \"Star Trek\" franchise, beginning with the film \"\". Krige was born in Upington, Northern Cape Province, South Africa, the daughter of Patricia, a professor of Psychology, and Louis Krige, a physician. The Kriges later moved to Port Elizabeth, where Alice grew up", + "score": 0.70361328125 + }, + { + "id": "14941592", + "title": "Alice in Wonderland (1983 film)", + "text": "Alice in Wonderland (1983 film) A 1982 Broadway stage performance of Alice in Wonderland was telecast on PBS's \"Great Performances\" in 1983. Directed by Kirk Browning, it was produced by PBS affiliate WNET in New York. Black-and-white papier-m\u00e2ch\u00e9 costumes aimed to re-create the book's original artwork by John Tenniel. The production was not recorded on film, but on videotape. It starred Kate Burton as Alice, and her father, Richard Burton, as the White Knight. Other notable roles included Nathan Lane as the Dormouse, Geoffrey Holder as the Cheshire Cat, and Eve Arden as the Queen of Hearts. The production was", + "score": 0.70263671875 + }, + { + "id": "17205373", + "title": "Once Upon a Time in Wonderland", + "text": "portray the lead role of Alice. It was also announced that Peter Gadiot would play her love interest, Cyrus, who has \"a background\". Michael Socha will portray the Knave of Hearts. Barbara Hershey, who has appeared as Cora, the Queen of Hearts, in the main series, may also appear in this spin-off reprising the same role in back stories . Also, during the month of April, Paul Reubens was cast as the voice of the White Rabbit and Emma Rigby was cast as the Red Queen. On May 10, 2013, ABC announced that it had greenlit the spin-off, as well", + "score": 0.70263671875 + }, + { + "id": "16273151", + "title": "American pantomime", + "text": "in North Hollywood, starring Jerry Mathers and Freddie Stroma. This was followed in 2011 by \"A Snow White Christmas\", starring Marina Sirtis as The Wicked Queen and Neil Patrick Harris as The Magic Mirror, and \"A Cinderella Christmas\", starring Fred Willard as Baron Hardup, Cinderella's father. In 2012, the company mounted \"A Snow White Christmas\" at the Pasadena Playhouse, starring Ariana Grande as Snow White, Charlene Tilton as The Wicked Queen and Neil Patrick Harris again as The Magic Mirror. The production drew 13,000 ticket buyers. \"Aladdin\" was scheduled for the 2013 holiday season at Pasadena. American pantomime American pantomime,", + "score": 0.70263671875 + }, + { + "id": "787872", + "title": "Lady Margaret Beaufort", + "text": "Paul Hilton as Henry VII, Mark Umbers as Warbeck, and Nadia Cameron Blakey as Elizabeth of York. In this drama, Margaret is depicted as the power behind the throne, a hardened woman of fanatical devotion to both God and herself. She is referenced as a victim of abuse and power, who, used by men all her life, became as ruthless and callous as those around her. In 2013, Amanda Hale portrayed Lady Margaret Beaufort in the television drama series, \"The White Queen\", an adaptation of Gregory's novels, which was shown on BBC One, Starz, and VRT. In the 2017 series", + "score": 0.7001953125 + }, + { + "id": "10776780", + "title": "The Blacks (play)", + "text": "York. The production was the longest-running Off-Broadway non-musical of the decade. This 1961 New York production opened on 4 May at the St. Mark's Playhouse and ran for 1,408 performances. It was directed by Gene Frankel, with sets by Kim E. Swados, music by Charles Gross, and costumes and masks by Patricia Zipprodt. The original cast featured James Earl Jones as Deodatus, Roscoe Lee Browne as Archibald, Louis Gossett, Jr., as Edgar, Cicely Tyson as Stephanie, Godfrey Cambridge as Diouf, Maya Angelou as the White Queen and Charles Gordone as the burglar. Shi Mei Li directed the play in 1983.", + "score": 0.69970703125 + }, + { + "id": "4061438", + "title": "Wendi Peters", + "text": "as a gorgon mother-in-law\". These compiled in Peters being nominated for an Off West End Award for Best Female Performance of 2015. For the 2015/16 (27 November 2015 to 24 January 2016) Pantomime Season, Peters played the evil Carabosse, in \"Sleeping Beauty\" at the Gordon Craig Theatre, Stevenage, Hertfordshire. For 2016/17, Peters played the Wicked Queen in \"Snow White and the Seven Dwarfs\", alongside Damian Williams and Phil Gallagher at Sheffield Lyceum Theatre. In 2017/18, she appeared as Big Chief Squatting Cow, Mrs Darling and the Mermaid in \"Peter Pan\" at The Marlowe Theatre, Canterbury. Peters played the Queen of", + "score": 0.69873046875 + }, + { + "id": "850544", + "title": "Helena Bonham Carter", + "text": "2010 film, \"Alice in Wonderland\" as The Red Queen. She appears alongside Johnny Depp, Anne Hathaway, Mia Wasikowska, Crispin Glover and Harry Potter co-star Alan Rickman. Her role was an amalgamation of The Queen of Hearts and The Red Queen. In early 2009, Bonham Carter was named one of \"The Times\"'s top 10 British Actresses of all time. She appeared on the list with fellow actresses Julie Andrews, Helen Mirren, Maggie Smith, Judi Dench, and Audrey Hepburn. In 2010, Bonham Carter played Lady Elizabeth Bowes-Lyon/Queen Elizabeth in the film \"The King's Speech.\" , she had received numerous plaudits for her", + "score": 0.6982421875 + }, + { + "id": "850533", + "title": "Helena Bonham Carter", + "text": "in \"Cinderella\" (2015) and Rose Weil in \"Ocean's 8\" (2018). She has frequently collaborated with director Tim Burton; in \"Planet of the Apes\" (2001), \"Big Fish\" (2003), \"Corpse Bride\" (2005), \"Charlie and the Chocolate Factory\" (2005), \"\" (2007), \"Dark Shadows\" (2012), and playing the Red Queen in \"Alice in Wonderland\" (2010) and its sequel \"Alice Through the Looking Glass\" (2016). Her other television films include \"A Pattern of Roses\" (1983), \"\" (1993), \"Live from Baghdad\" (2002), \"Toast\" (2010), and \"Burton & Taylor\" (2013). In 2018, she was confirmed to play Princess Margaret for season three and four of \"The Crown\".", + "score": 0.6982421875 + }, + { + "id": "19569371", + "title": "The White Princess (TV series)", + "text": "Elizabeth of York in April 2016, with Michelle Fairley added as Margaret Beaufort in May. In June 2016, Starz announced the casting of Essie Davis as Dowager Queen Elizabeth, Jacob Collins-Levy as Henry VII, Suki Waterhouse as Cecily of York, Rebecca Benson as Margaret Plantagenet, and Joanne Whalley as Margaret, Duchess of Burgundy. The remaining cast includes Caroline Goodall as Duchess Cecily, Kenneth Cranham as Bishop Morton, Vincent Regan as Jasper Tudor. and Rhys Connah as Teddy Plantagenet. Production on \"The White Princess\" began in June 2016, with locations including Bradford on Avon, Bristol, Berkeley Castle, Gloucester Cathedral, Lacock, Salisbury", + "score": 0.697265625 + }, + { + "id": "430809", + "title": "Through the Looking-Glass", + "text": "which covers both novels, covers \"Through the Looking-Glass\" in episodes 3 and 4. Combined stage productions include the 1980 version, produced and written by Elizabeth Swados, \"Alice in Concert\" (aka \"Alice at the Palace\"), performed on a bare stage. Meryl Streep played the role of Alice, with additional supporting cast by Mark Linn-Baker and Betty Aberlin. In 2007, Chicago-based Lookingglass Theater Company debuted an acrobatic interpretation of \"Alice's Adventures in Wonderland\" and \"Through the Looking Glass\" with \"Lookingglass Alice\". \"Lookingglass Alice\" was performed in New York City, Philadelphia, Chicago, and in a version of the show which toured the United", + "score": 0.697265625 + }, + { + "id": "60938", + "title": "Charlize Theron", + "text": "Richard Roeper awarded the film an A grade, stating \"Charlize Theron delivers one of the most impressive performances of the year\". She was nominated for a Golden Globe Award and several other awards. In 2011, describing her process to portray a character on screen, she said: In 2012, Theron took on the role of villain in two-big budgeted films. She played Evil Queen Ravenna, Snow White's evil stepmother, in \"Snow White and the Huntsman\", opposite Kristen Stewart and Chris Hemsworth, and appeared as a crew member with a hidden agenda in Ridley Scott's \"Prometheus\". Mick LaSalle of the \"San Francisco", + "score": 0.69580078125 + }, + { + "id": "18081567", + "title": "Portrayals of Alice in Wonderland", + "text": "Cyrus is not dead but may be in danger. Hearing this, Alice agrees to go back to Wonderland and help find her true love. It is later revealed that Cyrus is being held prisoner by Jafar (played by Naveen Andrews) who wants to use Cyrus\u2019 magic to take over Wonderland and who is also working with the evil Red Queen (played by Emma Rigby). Throughout the series, Alice and the Knave of Hearts work together to try and rescue Cyrus and stop the Red Queen and Jafar from wrecking more havoc in Wonderland. Alice is a recurring character in Season", + "score": 0.6953125 + }, + { + "id": "5359550", + "title": "Anne Beauchamp, 16th Countess of Warwick", + "text": "Warwick appears prominently in the Philippa Gregory novels \"The White Queen\" (2009), \"The Red Queen\" (2010), and \"The Kingmaker's Daughter\" (2012), and is played by Juliet Aubrey in the 2013 television adaptation of all three novels, \"The White Queen\". She is depicted as a coldly ambitious mother to Isabel and Anne Neville, and her husband's staunchest supporter. A more sympathetic portrayal of the Countess of Warwick is in the novel \"The Sunne in Splendour\" by Sharon Kay Penman, and a maternal view of her is observed in \"The Reluctant Queen\" by Jean Plaidy. Novelist Sandra Worth represents the Countess as", + "score": 0.6953125 + }, + { + "id": "11238411", + "title": "Alice in Wonderland (2010 film)", + "text": "5, 2010. On June 22, 2009, the first pictures of the film were released, showing Depp as the Mad Hatter, Hathaway as the White Queen, Bonham Carter as the Red Queen and Lucas as Tweedledee and Tweedledum. A new image of Alice was also released. In July, new photos emerged of Alice holding a white rabbit, the Mad Hatter with a hare, the Red Queen holding a pig, and the White Queen with a mouse. On July 22, 2009, a teaser trailer from the Mad Hatter's point of view was released on IGN but was shortly taken down because Disney", + "score": 0.69482421875 + }, + { + "id": "11238429", + "title": "Alice in Wonderland (2010 film)", + "text": "and choreography will be done by Rob Ashford. The musical is aiming to make its world-premiere in London. On December 7, 2012, \"Variety\" announced the development of a sequel to \"Alice in Wonderland\". Linda Woolverton returned to write a screenplay. On May 31, 2013, James Bobin began talks to direct the sequel under the working title \"Alice in Wonderland: Into the Looking Glass.\" Johnny Depp returned as The Hatter, Mia Wasikowska reprised the role of Alice, and Helena Bonham Carter returned as the Red Queen. Several other cast members from the 2010 film also reprised their roles in the sequel.", + "score": 0.69482421875 + }, + { + "id": "15400754", + "title": "Alice's Adventures in Wonderland (ballet)", + "text": "terrorizing everyone in sight. Played by the same dancer who plays Alice's mother.
The King of Hearts: Played by the same dancer who plays Alice's father.
White Rabbit: the Queen's assistant, frightened of his employer. Portrayed by the same dancer who plays Lewis Carroll.
Knave of Hearts: one of a pack of playing cards, he is accused of stealing jam tarts and stands trial. Played by the same dancer who plays Jack.
The Duchess: a lady of Wonderland who is invited to play croquet with the Queen.
The Frog: butler to the Duchess.
The Fish: letter-carrier of", + "score": 0.6943359375 + }, + { + "id": "10610439", + "title": "Zenaida Yanowsky", + "text": "vitesse\" and Anna II in the new production of \"The Seven Deadly Sins\" by Will Tuckett. In the 2007/08 season, she worked with Wheeldon again and created a role in \"Electric Counterpoint\". Her role as the maniacal Queen of Hearts in \"Alice's Adventures in Wonderland\" by Christopher Wheeldon, drew thunderous applause from both critics and audiences alike and is frequently viewed on YouTube. She created the role of Paulina in Christopher Wheeldon's 2014 ballet \"The Winter's Tale\". She is featured in the short dance films \"Duet\" and the \"Sandman\" (directed by The Brothers Quay and Will Tuckett and Choreographed by", + "score": 0.693359375 + }, + { + "id": "19569369", + "title": "The White Princess (TV series)", + "text": "tear both the marriage and the kingdom apart. The 10-part 2013 television series \"The White Queen\" adapted Gregory's previous novels \"The White Queen\" (2009), \"The Red Queen\" (2010) and \"The Kingmaker's Daughter\" (2012). The series was broadcast on BBC One in the United Kingdom and on Starz in the United States, and features Freya Mavor as a young Elizabeth of York. Despite initial plans for a second series, on 20 August 2013 the BBC announced they were not commissioning one, possibly due to the lukewarm reception the series received. However, in October 2013, \"The Telegraph\" reported that Starz was planning", + "score": 0.69287109375 + }, + { + "id": "20086736", + "title": "Alice in Wonderland and Through the Looking-Glass (2001 Adrian Mitchell stage adaptation)", + "text": "dream but Edith, the younger of the two, is more excited by the fact it has just started to snow outside. The review in \"The Independent\" called the original 2001 Royal Shakespeare Company production \"a magic-free tundra of non-idiosyncrasy\" and its Alice, played by Katherine Heath, \"charmless\". \"The Guardian\" thought it faithful to Carroll's text, but called it a game of two halves, \"Wonderland\" working well enough, but that \"Looking-Glass\" went \"off the boil.\" The play received a significant revival at the Chichester Festival Theatre in 2010 by the Youth Theatre. This revival, unlike its premiere, received more positive reviews,", + "score": 0.69189453125 + }, + { + "id": "757736", + "title": "Elena Berezhnaya", + "text": "show in Moscow from 14\u201317 October 2010. In late 2010 and early 2011, Berezhnaya played the White Queen in an \"Alice in Wonderland\" ice show in St. Petersburg and Moscow, alongside Alexei Yagudin and Tatiana Totmianina/Maxim Marinin. In autumn 2011, Berezhnaya participated in the third season of the Canadian reality program \"Battle of the Blades\", partnered with former NHL player Curtis Leschyshyn. In November 2011, she announced her retirement from performing. Berezhnaya coaches at the Yubileyny rink in Saint Petersburg. Sikharulidze and Berezhnaya had an on-and-off romantic relationship between 1996 and 2002; they remain close friends. With former husband Steven", + "score": 0.69140625 + }, + { + "id": "19599763", + "title": "Maria G\u0142adkowska", + "text": "as Jennifer Brice and \"Pygmalion\" (1998) directed by Maciej Wojtyszko as an Ambassador's wife. She has had great success in films such as \"\" (1988) directed by Krzysztof Kie\u015blowski, \"The Hostage of Europe\" (1989) directed by Jerzy Kawalerowicz, \"Faustina\" (1995) directed by Jerzy \u0141ukaszewicz (opposite Dorota Sega), \"Argument About Basia\" (1995) opposite Piotr Fronczewski, \"Historia kina w Popielawach\" (1998) directed by Jan Jakub Kolski, \"\" (2002) directed by Jerzy Antczak and \"King Arthur\" (2004) directed by Antoine Fuqua. G\u0142adkowska has also had a successful television career. She was the Polish voice of Shmi Skywalker in \"\" (1999) and \"\" (2002).", + "score": 0.69091796875 + }, + { + "id": "16562471", + "title": "Snow White and the Huntsman", + "text": "evil queen.\" Michael O'Sullivan of the \"Washington Post\" also gave the film a negative review: \"Overlong, overcrowded, overstimulating and with an over-the-top performance by Charlize Theron as the evil queen Ravenna, the movie is a virtual orchard of toxic excess, starting with the unnecessarily sprawling cast of characters.\" Lisa Kennedy of the \"Denver Post\" gave the film two out of four stars and said, \"Only Bob Hoskins as the blind seer Muir comes close to making us care. We can almost glean Snow White's heroic possibilities through his clouded eyes. As much as we'd like to, we certainly can't from", + "score": 0.68994140625 + }, + { + "id": "3831580", + "title": "Elizabeth: The Golden Age", + "text": "the level of a Jean Plaidy romantic novel\". Roger Ebert gave the film 2\u00bd stars out of 4, saying 'there are scenes where the costumes are so sumptuous, the sets so vast, the music so insistent, that we lose sight of the humans behind the dazzle of the production'. Ebert did, however, praise many of the actors' performances, particularly that of Cate Blanchett as Queen Elizabeth I. He said 'that Blanchett could appear in the same Toronto International Film Festival playing Elizabeth and Bob Dylan, both splendidly, is a wonder of acting'. Blanchett portrayed Bob Dylan in the film \"I'm", + "score": 0.68994140625 + }, + { + "id": "8295192", + "title": "Margaret Webster", + "text": "producer Cheryl Crawford, with Webster's staging of Shakespeare's \"Henry VIII\" as its premiere production, starring Le Gallienne as Katherine, Walter Hampden as Cardinal Wolsey and Victor Jory in the title role. The theater operated until 1948, staging such plays as \"John Gabriel Borkman, Ghosts,\" and a legendary production of \"Alice in Wonderland\" in which Webster played the Cheshire Cat and the Red Queen. In 1948, her personal affair with Le Gallienne ended and she went on tour with her company, the Margaret Webster Shakespeare Company. The tour lasted until 1951, but Webster left in 1950 to become the first woman", + "score": 0.68994140625 + }, + { + "id": "11509144", + "title": "Jane White", + "text": "Jane White Jane White (October 30, 1922 \u2013 July 24, 2011) was an actress of African-American descent. Born in New York City, she attended Smith College and The New School. In 1945, she made her Broadway debut in \"Strange Fruit\". This performance was followed by roles in \"Razzle Dazzle\", \"The Insect Comedy\", \"The Climate of Eden\", \"Take a Giant Step\", \"Jane Eyre\", and \"The Power and The Glory\". In 1959, she opened the acclaimed musical \"Once Upon a Mattress\", originating the role of Queen Aggravain alongside Carol Burnett and Joseph Bova. She won an Obie Award in 1971 for sustained", + "score": 0.689453125 + }, + { + "id": "1602929", + "title": "Diana Rigg", + "text": "in a Granada Television production of \"King Lear\" (1983), which starred Laurence Olivier in the title role. As Lady Dedlock she costarred with Denholm Elliott in a television version of Dickens' \"Bleak House\" (BBC, 1985), and played the Evil Queen, Snow White's evil stepmother, in the Cannon Movie Tales's film adaptation of \"Snow White\" (1987). In 1989 she played Helena Vesey in \"Mother Love\" for the BBC; her portrayal of an obsessive mother who was prepared to do anything, even murder, to keep control of her son won Rigg the 1989 BAFTA for Best Television Actress. In 1995, she appeared", + "score": 0.689453125 + }, + { + "id": "7580836", + "title": "Barbara Kellerman", + "text": "credits include: \"Satan's Slave\", \"The Monster Club\" and \"The Sea Wolves\". Her television appearances include: \"\", \"The Glittering Prizes\", \"1990\", \"The Professionals\", \"The Mad Death\", \"Quatermass\" and \"The Chronicles of Narnia\". She is also famous for her appearances in the BBC adaptations of three of the Narnia books, most notably as the tyrannical White Witch in \"The Lion, the Witch & the Wardrobe\" (1988). A year later she had a minor role as the Old Hag (Narnian Hag) in \"Prince Caspian\" in (1989), and finally as the evil Lady of the Green Kirtle in \"The Silver Chair\" in 1990. On", + "score": 0.689453125 + }, + { + "id": "19166091", + "title": "Robert White (tenor)", + "text": "performed with soprano Helen Boatwright, actor Basil Rathbone, and The Consort Players under the direction of Sydney Beck for a concert in the East Room of the White House that was attended by President John F. Kennedy, First Lady Jacqueline Kennedy, Eunice Kennedy Shriver, and Charlotte, Grand Duchess of Luxembourg among other dignitaries. That same year he portrayed The Old Chess Player in the world premiere of Gian Carlo Menotti's television opera \"Labyrinth\" with the NBC Opera Theatre. In April 1964 he sang in the New York City premiere of Jack Gottlieb's \"Tea Party\" at the Donnell Library Center for", + "score": 0.68896484375 + }, + { + "id": "430793", + "title": "Through the Looking-Glass", + "text": "an enormous crow, as the nursery rhyme about them predicts. Chapter Five \u2013 Wool and Water: Alice next meets the White Queen, who is very absent-minded but boasts of (and demonstrates) her ability to remember future events before they have happened. Alice and the White Queen advance into the chessboard's fifth rank by crossing over a brook together, but at the very moment of the crossing, the Queen transforms into a talking Sheep in a small shop. Alice soon finds herself struggling to handle the oars of a small rowboat, where the Sheep annoys her with (seemingly) nonsensical shouting about", + "score": 0.6875 + }, + { + "id": "13105537", + "title": "Wonderland (musical)", + "text": "set designs were by Neil Patel, costume designs were by Susan Hilferty and lighting designs were by Paul Gallo. In April 2009, auditions were held in Manhattan and at what was then the Tampa Bay Performing Arts Center. Casting was complete by August. The cast included Janet Dacal as Alice, Karen Mason as the Queen of Hearts, Nikki Snelson as the Mad Hatter, Eugene Fleming as the Caterpillar, Jose Llana as El Gato, Ed Staudenmayer as the White Rabbit, Darren Ritchie as Jack/White Knight, and Julie Brooks as Chloe. The creative team also included projection designer Sven Ortel. Rehearsals began", + "score": 0.68701171875 + }, + { + "id": "12688452", + "title": "Rebecca Ferguson", + "text": "play Chrissy Eriksson in the Swedish-American soap \"Ocean Ave.\" (2002). Swedish director Richard Hobert spotted her at the Simrishamn town market in 2011, which led to her starring in his film \"A One-way to Antibes\". She has also appeared in the horror film \"Drowning Ghost\" (2004) and the 2013 film \"Vi\" alongside Gustaf Skarsg\u00e5rd. In August 2012, it was announced Ferguson had been cast to play Elizabeth Woodville in the ten-part BBC historical television drama \"The White Queen\" (2013), based on Philippa Gregory's \"The Cousins' War\" novels about the women of the Wars of the Roses. Ferguson's work in \"The", + "score": 0.68701171875 + }, + { + "id": "1354017", + "title": "Cecily Neville, Duchess of York", + "text": "version, her character was given several scenes belonging to Margaret of Anjou in the actual play. In the 1955 Olivier film, her role was reduced to little more than a bit part. In 2013 and 2017, the Duchess is portrayed by Caroline Goodall in the television series \"The White Queen\"; a series based on three of the novels from the \"Cousins' War\" series by author Philippa Gregory. In episode one, Lady Cecily's first scene is an exchange with Jacquetta of Luxembourg and her daughter, Elizabeth Woodville. In this meeting, Jacquetta, as her daughter's mouthpiece, really oversteps the historical mark. The", + "score": 0.68701171875 + }, + { + "id": "7874960", + "title": "The Woman in White (musical)", + "text": "who had created the role of Marian Halcombe in the original London production, was diagnosed with breast cancer during previews. She underwent treatment and returned for the Broadway premiere. Lisa Brescia performed the lead role during Friedman's several absences on Broadway. Judy Kuhn was announced to fill in for Friedman starting on 12 February 2006, but, since the show closed on 19 February, those plans changed and Friedman stayed until the closing. The Broadway production closed earlier than the London production on 19 February 2006, having played 109 regular performances and 20 previews. The producers cited Friedman's frequent absences (as", + "score": 0.68701171875 + }, + { + "id": "11591155", + "title": "Red Queen (Through the Looking-Glass)", + "text": "Red Queen (Through the Looking-Glass) The Red Queen is a fictional character in Lewis Carroll's fantasy novel \"Through the Looking-Glass\". She is often confused with the Queen of Hearts from the previous book \"Alice's Adventures in Wonderland\", although the two are very different. With a motif of \"Through the Looking-Glass\" being a representation of the game of chess, the Red Queen could be viewed as an antagonist in the story as she is the queen for the side opposing Alice. Despite this, their initial encounter is a cordial one, with the Red Queen explaining the rules of chess concerning promotion", + "score": 0.6865234375 + }, + { + "id": "15864562", + "title": "Lindsay Pearce", + "text": "photo of her going public. The day after \"The Glee Project\" finale aired, \"The Hollywood Reporter\" reported that Pearce had been cast to star as Snow White in El Portal Theatre's production of the musical \"A Snow White Christmas\". Marina Sirtis co-starred as the Wicked Queen, and Neil Patrick Harris in the onscreen role of the Magic Mirror. The Lythgoe Family Productions show ran from November 30, 2011 through December 18, 2011. Bobbie Whiteman of \"Variety\" wrote that Pearce as \"a very sassy Snow belts out Lady Gaga's 'Born This Way' in true Broadway fashion\", and that \"her voice blends", + "score": 0.68603515625 + }, + { + "id": "5034696", + "title": "Lesley Joseph", + "text": "and the Seven Dwarfs\". In the summer of 2011, Joseph appeared as Chris in the stage show \"Calendar Girls\", based on the film of the same name. In 2014/15, she appeared at the Theatre Royal Nottingham as the Wicked Queen in the pantomime \"Snow White and the Seven Dwarfs\". In 2015, she appeared as Miss Hannigan in the stage production of \"Annie\" at certain venues, sharing the role with Jodie Prenger and Elaine C Smith she also starred as the fairy godmother in Cinderella at the cliffs pavilion (Southend on sea). In 2016/17, she starred in \"Snow White and the", + "score": 0.685546875 + }, + { + "id": "16940169", + "title": "Evil Queen (Disney)", + "text": "television special \"Disney's Golden Anniversary of Snow White\" (1987), the Queen is played by Jane Curtin in a parodic scenario. She casts a spell on Grumpy in an attempt to get him to persuade the other Dwarfs to retire and destroy the original film after the 50 years. After the failure of this, her Mirror convinces her to finally quit \"this whole curse business\" and focus on her current career as a television horror host. The Queen (voiced by Susanne Blakeslee) is the main villain in the 2005 direct-to-video animated film \"Once Upon a Halloween\", but appears only in the", + "score": 0.685546875 + }, + { + "id": "6106053", + "title": "Adrienne King", + "text": "Adrienne King Adrienne King (born July 21, 1960) is an American film, stage, and voice actress, visual artist, and former stuntwoman. She is best known for portraying Alice Hardy in Sean S. Cunningham's horror film \"Friday the 13th\" (1980), a role she later reprised in Steve Miner's sequel \"Friday the 13th Part 2\" (1981). A child actor, King made her film debut as Melinda in the television feature \"Inherit the Wind\" (1965) before appearing in \"Between the Lines\" (1977), \"Saturday Night Fever\" (1977), and \"Hair\" (1979) in uncredited roles. After appearing in the \"Friday the 13th\" films, King suffered an", + "score": 0.685546875 + }, + { + "id": "12688449", + "title": "Rebecca Ferguson", + "text": "Rebecca Ferguson Rebecca Louisa Ferguson Sundstr\u00f6m (born 19 October 1983) is a Swedish actress. She began her acting career with the Swedish soap opera \"Nya tider\" (1999\u20132000) and went on to star in the slasher film \"Drowning Ghost\" (2004). She came to international prominence with her portrayal of Elizabeth Woodville in the British television miniseries \"The White Queen\" (2013), for which she was nominated for a Golden Globe for Best Actress in a Miniseries or Television Film. Ferguson starred as MI6 agent Ilsa Faust in the action spy films \"\" (2015) and its sequel \"\" (2018). She played Jenny Lind", + "score": 0.685546875 + }, + { + "id": "11296099", + "title": "Knave of Hearts (Alice's Adventures in Wonderland)", + "text": "chapter 12 and the chapter 8 drawing by both Carroll and Tenniel show no markings. Crispin Glover played the Knave of Hearts in the Tim Burton film \"Alice in Wonderland\". His real name is given as Ilosovic Stayne. In the film, the relationship between the Knave and the Red Queen serves more as the Knave being the Queen's personal assassin. However, much like the other servants of the Queen, Stayne secretly hates her though he plays on her insecurities to secure his position. During the fight between the Red Queen's army and the White Queen's, the Knave of Hearts fights", + "score": 0.685546875 + }, + { + "id": "9478387", + "title": "Liz Robertson", + "text": "by Television South. She is also a regular performer (and part of the original cast) of the touring play \"Seven Deadly Sins Four Deadly Sinners\". She starred in the musical \"Hairspray\" at the Shaftesbury Theatre, performing the role of 'Velma Von Tussle'. She played the Wicked Queen in the Bristol Hippodrome Pantomime, Snow White from 11 December 2009, and the Fairy Godmother in Cinderella at the same for the Christmas 2013 run. She is a trustee of The Theatrical Guild \u2013 the charity supporting backstage and front of house \u2013 and was Chairman from 2005 to 2009. Liz Robertson Liz", + "score": 0.68505859375 + }, + { + "id": "4284903", + "title": "Rona Anderson", + "text": "of \"Whose Life Is It Anyway?\", which transferred to the Savoy Theatre. In 1981, she played Frances Shand Kydd in the Ray Cooney comedy, \"Her Royal Highness\" at the Palace Theatre, London starring Marc Sinden. Rona Anderson's first major film was the drama \"Sleeping Car to Trieste\" (1948) directed by John Paddy Carstairs. Anderson played the role of Alice (originally named \"Belle\" by Dickens) in \"Scrooge\" (1951), a film adaptation of Charles Dickens's \"A Christmas Carol\". She appeared alongside Lee Patterson in \"Man with a Gun\" (1958), directed by Montgomery Tully, while her last major film appearance was in \"The", + "score": 0.68505859375 + }, + { + "id": "20149884", + "title": "Rebekah Robertson", + "text": "in multiple Zootango Theatre Company shows, including \"Alice in Wonderland\" as the Queen of Hearts, \"As You Like It\" as Phoebe, \"The Comedy of Errors\" as Adrianna and \"A Midsummer Night's Dream\" as Hermia, amongst others. In 1995, Robertson played Greer in the play \"Wilful Blue\" at the Victorian Arts Centre. In 1992, she appeared in theatre shows such as \"The Legend of the Muse\" and \"Jeffrey Bernard is Unwell\". Robertson also appeared on television shows \"Fridge Door\" and \"Elvis Was Greek\" in 1994 and 1995 respectively. After a move to Melbourne in 1995, Robertson began performing in MTC shows,", + "score": 0.68505859375 + }, + { + "id": "11591163", + "title": "Red Queen (Through the Looking-Glass)", + "text": "seen in person until near the end of the game, first playing croquet and beheading the hedgehogs she uses as balls whenever they miss their target at her castle, and then again both before and after the battle with the Jabberwocky. Her clothes and persona is similar to the Tudor sisters Queen Mary I (persona) and Queen Elizabeth I (clothes). In the sequel of the 2010 film the Red Queen returns as the main antagonist and Bonham Carter reprises her role. In the film the Red Queen currently live in a castle made with vegetal and other things in Outland", + "score": 0.6845703125 + }, + { + "id": "11611482", + "title": "White King (Through the Looking-Glass)", + "text": "White King (Through the Looking-Glass) The White King is a fictional character who appears in Lewis Carroll's fantasy story \"Through the Looking-Glass\". Aside from Alice herself, he is one of the earliest chesspieces that are introduced into the story. Although he does not interact with Alice as much as the White Queen does, because Alice becomes a pawn on his side of the Chess-game, he is, on some levels, the most important character within the story at least as far as the game is concerned. He is not to be confused with the King of Hearts from \"Alice's Adventures in", + "score": 0.6845703125 + }, + { + "id": "430797", + "title": "Through the Looking-Glass", + "text": "own party, which quickly turns into chaos. Alice finally grabs the Red Queen, believing her to be responsible for all the day's nonsense, and begins shaking her. Chapter Eleven \u2013 Waking: Alice awakes in her armchair to find herself holding the black kitten, who she deduces to have been the Red Queen all along, with the white kitten having been the White Queen. Chapter Twelve \u2013 Which dreamed it?: The story ends with Alice recalling the speculation of the Tweedle brothers, that everything may have been a dream of the Red King, and that Alice might herself be no more", + "score": 0.68359375 + }, + { + "id": "17887871", + "title": "A Snow White Christmas (musical)", + "text": "additional characters. Muddles is the court jester to the Queen and is Snow White's best friend. As in other pantomimes, the 4th wall is broken by the actors, who encourage the audience to cheer for Snow White and Boo the Wicked Queen. The show was first produced in 2011 at the El Portal Theatre in North Hollywood starring Lindsay Pearce in the title role, Erich Bergen as Prince Harry, and Marina Sirtis as the Wicked Queen. The show featured Neil Patrick Harris as the onscreen Magic Mirror. It received generally positive reviews. The show was revived in December 2012 by", + "score": 0.68310546875 + }, + { + "id": "18323536", + "title": "The White Princess", + "text": "its Earphones Award to the audiobook recording of \"The White Princess\", calling the novel \"thrilling\" and \"richly imagined\" and noting that \"Philippa Gregory and [narrator] Bianca Amato have another winner.\" The 10-part 2013 television series \"The White Queen\" adapted Gregory's previous novels \"The White Queen\" (2009), \"The Red Queen\" (2010) and \"The Kingmaker's Daughter\" (2012). The series was broadcast on BBC One in the United Kingdom and on Starz in the United States, and features Freya Mavor as a young Elizabeth of York. Despite initial plans for a second series, on 20 August 2013 the BBC announced they were not", + "score": 0.68310546875 + }, + { + "id": "18878591", + "title": "King (Snow White)", + "text": "him. The King appears in \"Mirror Mirror\" portrayed by Sean Bean. When Snow White's mother died in childbirth, the King remarries once again with an evil and powerful sorceress named Clementianna who becomes in his new and second wife, the new and second queen and Snow White's stepmother. One day, the king leaves to fight a great evil that has invaded the land but never returns causing Queen Clementianna rules in his absence and keeps Snow White in the palace. Nobody knew it yet, but the King had been turned into the Beast (with its vocal effects provided by Frank", + "score": 0.68212890625 + }, + { + "id": "430811", + "title": "Through the Looking-Glass", + "text": "Alice in Wonderland and Through the Looking-Glass adaptation for the Royal Shakespeare Company adapted through the Looking-Glass in act 2. The 1985 two-part TV musical \"Alice in Wonderland\", produced by Irwin Allen, covers both books; Alice was played by Natalie Gregory. In this adaptation, the Jabberwock materialises into reality after Alice reads \"Jabberwocky\", and pursues her through the second half of the musical. The 1999 made-for-TV Hallmark/NBC film \"Alice in Wonderland\", with Tina Majorino as Alice, merges elements from \"Through the Looking Glass\" including the talking flowers, Tweedledee and Tweedledum, \"The Walrus and the Carpenter\", and the chess theme including", + "score": 0.68212890625 + }, + { + "id": "6157991", + "title": "Alice in Wonderland (1999 film)", + "text": "Alice in Wonderland (1999 film) Alice in Wonderland is a 1999 made-for-television film adaptation of Lewis Carroll's books \"Alice's Adventures in Wonderland\" and \"Through the Looking-Glass\". It was first broadcast on NBC and then shown on British television on Channel 4. Tina Majorino played the lead role of Alice, and a number of well-known performers portrayed the eccentric characters whom Alice meets during the course of the story, including Ben Kingsley, Ken Dodd, Martin Short, Whoopi Goldberg, Peter Ustinov, Christopher Lloyd, Gene Wilder, Robbie Coltrane and Miranda Richardson. The film won four Emmy Awards in the categories of costume design,", + "score": 0.681640625 + }, + { + "id": "7116196", + "title": "Irene Vanbrugh", + "text": "Carroll, a college friend of Vanbrugh's father, saw her performing in Margate, and was impressed. On his recommendation she made her London d\u00e9but in December 1888, playing the White Queen and the Knave of Hearts in a revival of \"Alice in Wonderland\" at the old Globe Theatre. Another Barnes sister, Edith, joined her in this production. Violet's early theatrical engagements had been with J. L. Toole, and Irene emulated her and joined his company. For Toole, she played in established comedy successes including Dion Boucicault's \"Dot\" and H. J. Byron's \"Uncle Dick's Darling\". When Toole toured Australia in 1890, Vanbrugh", + "score": 0.681640625 + }, + { + "id": "6791605", + "title": "Julie White", + "text": "as Mitzi Dalton-Huntley and on NBC's \"\" as Dr. Anne Morella. White also appeared on \"Desperate Housewives\" as Amanda in the Season Two finale but chose to turn down a recurring role when she was offered the role in \"The Little Dog Laughed\". She plays Judy Witwicky, mother of the main human character Sam Witwicky, in \"Transformers\" and its sequels, \"\" and \"\". White appeared in the ABC sitcom \"Cavemen\" in 2007. In 2008, White received a Drama Desk Award nomination as Outstanding Actress in a Play for her role in the play \"From Up Here\". In 2009, she appeared", + "score": 0.681640625 + }, + { + "id": "13935613", + "title": "The Snow Queen (1995 film)", + "text": "The Snow Queen (1995 film) The Snow Queen is a 1995 British animated film directed by Martin Gates and inspired by Hans Christian Andersen's fairy tale \"The Snow Queen\", featuring Helen Mirren in the titular role. A direct sequel, \"The Snow Queen's Revenge\", was released the following year. In the film, the evil Snow Queen plans to use an enormous magic mirror to so that it will plunge the world into a perpetual winter so she can take it over, but when the mirror shatters and one piece enters the young Tom's body, she kidnaps him to have all the", + "score": 0.681640625 + }, + { + "id": "6158024", + "title": "Alice in Wonderland (1903 film)", + "text": "pig and squirms out of her grip. \"The Duchess's Cheshire Cat\" appears and disappears a couple of times to Alice and directs her to the Mad Hatter's \"Mad Tea-Party.\" After a while, she leaves. The Queen invites Alice to join the \"Royal Procession\", a parade of marching playing cards and others headed by the White Rabbit. When Alice \"unintentionally offends the Queen\", the latter summons the \"Executioner\". Alice \"boxes the ears\", then flees when all the playing cards come for her. Then she wakes up and realizes it was all a dream. The cast also includes a large number of", + "score": 0.68115234375 + }, + { + "id": "4571524", + "title": "Cherie Lunghi", + "text": "and her mother, Gladys Lee, was English. After her father returned to Italy, she was brought up in west London by her mother and aunts. Educated at London's Arts Educational School, Lunghi played Hedvig in \"The Wild Duck\" and Alice in \"Alice in Wonderland\" on BBC radio while still at school. After graduating from Homerton College, Cambridge and London's Central School of Speech and Drama, she joined the Royal Shakespeare Company in the late 1970s, taking leading roles such as Perdita, Celia, and Viola. In 1981 she landed the role of Guinevere in the film \"Excalibur\". She starred in the", + "score": 0.6806640625 + }, + { + "id": "19855585", + "title": "Joshua White (artist)", + "text": "for their permanent collection. In 2014 White collaborated with the artist Guy Richards Smit to create the video/installation/performance project \"The Grossmalerman Show.\" White has two sisters, actress Deborah White and Dr. Rebecca Mercer-White. From 1964 to 1970 Joshua White was romantically involved with the actress Swoosie Kurtz. In 1975, White met and later married his wife of thirty-five years, Broadway actress and singer Alice Playten. In 2011, Alice died of pancreatic cancer. Joshua White (artist) Joshua White (born 1942) is an American artist, video maker and broadcast television director. Best known for The Joshua Light Show, a 1960s and 1970s", + "score": 0.68017578125 + }, + { + "id": "18209069", + "title": "Alice in Wonderland (franchise)", + "text": "the Looking Glass\" is a 2016 American fantasy film directed by James Bobin and written by Linda Woolverton. It is a sequel to the 2010 film \"Alice in Wonderland\". The film stars Mia Wasikowska, Johnny Depp, Helena Bonham Carter, Anne Hathaway, Sacha Baron Cohen and Rhys Ifans, and was released on May 27, 2016. \"Adventures in Wonderland\" is a live-action musical television series based on Walt Disney's animated film \"Alice in Wonderland\". In the series, Alice (Elisabeth Harnois), was portrayed as a girl who can come and go from Wonderland simply by walking through her mirror (a reference to Wonderland's", + "score": 0.68017578125 + }, + { + "id": "11659713", + "title": "White Queen (Through the Looking-Glass)", + "text": "is somewhat different from the Queen in terms of personality and gets \"more like a porcupine every time [Alice] looks at her\" because she knits with several knitting needles all at once. Two of these needles turn into oars when Alice appears in a boat, and then reappear in the Sheep's shop, where Alice purchases an egg, which becomes Humpty Dumpty as she moves to the next square. In Chapter 9, the White Queen appears with the Red Queen, posing a series of typical Wonderland/Looking-Glass questions (\"Divide a loaf by a knife: what's the answer to \"that\"?\"), and then celebrating", + "score": 0.6796875 + }, + { + "id": "1675725", + "title": "Jane Asher", + "text": "as \"Peter\" of Peter and Gordon. Asher was a child actress, and appeared in the 1952 film \"Mandy\" and the 1955 science fiction film \"The Quatermass Xperiment\". She also played the title role in dramatised versions of \"Alice in Wonderland\" and \"Through the Looking-Glass\" in 1958 for Argo Records. In 1961 she co-starred in \"The Greengage Summer\" which was released in the United States as \"Loss of Innocence\". She also appeared in the 1962 film and Disney TV programme, \"The Prince and the Pauper\". British TV appearances included three episodes (1956\u20131958) of the ITV series \"The Adventures of Robin Hood\",", + "score": 0.6796875 + }, + { + "id": "15033781", + "title": "Ruth Gilbert (actress)", + "text": "Ruth Gilbert (actress) Ruth Gilbert (May 8, 1912 \u2013 October 13, 1993) was an American actress, best known for her role as Alice in the first sound version of \"Alice in Wonderland\" in 1931, and as Max in \"The Milton Berle Show\". A graduate of the American Academy of Dramatic Arts, Gilbert's role as Alice in the 1931 film \"Alice in Wonderland\" was her first major role. The film was made by Metropolitan Studios, an independent film company from Fort Lee, New Jersey. They made it for educational purposes in readiness for the 100th anniversary of Lewis Carroll's birth the", + "score": 0.6796875 + }, + { + "id": "12688453", + "title": "Rebecca Ferguson", + "text": "White Queen\" was met with praise, receiving a Golden Globe nomination for Best Actress in a Miniseries or Television Film. In 2015, Ferguson played Ilsa Faust, the female lead in \"\", for which she was highly praised. Tom Cruise handpicked Ferguson to star opposite him in the film after seeing her performance in \"The White Queen\". She reprised her role in the sixth \"Mission: Impossible\" film, \"\", in 2018. She played the dual roles of Katya and Lauren in the Cold War espionage thriller directed by Shamim Sarif, \"Despite the Falling Snow\" (2016), opposite Sam Reid and Charles Dance. For", + "score": 0.67919921875 + }, + { + "id": "7264685", + "title": "Susan Silo", + "text": "in \"Biker Mice from Mars\", White Queen on \"Pryde of the X-Men\", multiple voices on \"What A Cartoon\", Sue on \"Pac-Man\" and Tess on \"Zazoo U\". She also played the roles of Mama Mousekewitz in \"Fievel's American Tails\" and Petaluma in \"The Smurfs\". She has also done voices for video games, such as \"Crash Tag Team Racing\" and X-Men (arcade game), where she reprised the White Queen. She later voiced Auntie Roon on \"The Life and Times of Juniper Lee\" and Flamestrike in \"\" in 2008. In 2009, she guest starred as the cat empress Neferkitty on \"The Garfield Show\",", + "score": 0.6787109375 + }, + { + "id": "722525", + "title": "Alice in Wonderland (1933 film)", + "text": "Alice in Wonderland (1933 film) Alice in Wonderland is a 1933 American Pre-Code film version of the famous Alice novels by Lewis Carroll. The film was produced by Paramount Pictures, featuring an all-star cast. It is all live-action, except for the Walrus and The Carpenter sequence, which was animated by the Harman-Ising Studio. Stars featured in the film included W. C. Fields as Humpty Dumpty, Edna May Oliver as the Red Queen, Cary Grant as the Mock Turtle (Grant's star was still on the ascent at the time), Gary Cooper as the White Knight, Edward Everett Horton as The Hatter,", + "score": 0.6787109375 + }, + { + "id": "12396369", + "title": "Anne Francine", + "text": "Charles in the 1966 Broadway production of \"Mame\", starring Angela Lansbury. She and Lansbury reprised their characters in the 1983 revival. She last appeared on Broadway in 1987 as Mrs. Harcourt in the Lincoln Center revival of \"Anything Goes\", starring Patti LuPone. In 1979, she starred as the Evil Queen in the musical adaption of the 1937 animated film \"Snow White and the Seven Dwarfs\". Her film work included Fellini's \"Juliet of the Spirits\" (1965), \"Stand Up and Be Counted\" (1972), \"Savages\" (1972), and \"Crocodile Dundee\" (1986). Anne Francine Anne Hollingshead Francine (August 8, 1917 \u2013 December 3, 1999) was", + "score": 0.6787109375 + }, + { + "id": "14399377", + "title": "Alice in Wonderland (2010 video game)", + "text": "the occasional experience of not knowing what to do next. However, GameSpot praised the \"visual direction,\" puzzles, characterization, humor, cleverness, and DSi features. The PC version of the game uses the SecuROM copy-protection system; like in most SecuROM-protected games such as \"Grand Theft Auto IV\", \"Mirror's Edge\" and \"\", the developers implemented triggers that can impair gameplay, preventing players using an imperfectly cracked copy from completing it. Actors who reprised their roles from the film include Mia Wasikowska (as Alice Kingsleigh), Crispin Glover (as Ilosovic Stayne, the Knave of Hearts), Michael Sheen (as Nivens McTwisp the White Rabbit), Barbara Windsor", + "score": 0.6787109375 + } + ], + "answer": "The White Queen is a fictional character who appears in Lewis Carroll's 1871 fantasy novel Through the Looking-Glass. Anne Hathaway portrays the White Queen (renamed \"Mirana of Marmoreal\") in Tim Burton's 2010 adaptation. Amelia Crouch stars as Young Mirana." + }, + { + "qa_pairs": [ + { + "context": "Delta of Venus is a book of fifteen short stories by Ana\u00efs Nin published posthumously in 1977\u2014though largely written in the 1940s as erotica for a private collector.", + "question": "Who wrote Delta of Venus (book)?", + "short_answers": [ + "Ana\u00efs Nin" + ], + "wikipage": "Delta of Venus" + }, + { + "context": "No context provided", + "question": "Who wrote Delta of Venus (movie)?", + "short_answers": [ + "Patricia Louisianna Knop", + "Elisa M. Rothstein" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who is the author character in the movie Delta of Venus?", + "short_answers": [ + "Elena Martin" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who plays the author character in the movie Delta of Venus?", + "short_answers": [ + "Audie England" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Delta of Venus", + "url": "https://en.wikipedia.org/wiki/Delta%20of%20Venus" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Set in Paris, France, in 1940 in the early days of World War II before the German invasion and conquest of France, Elena Martin (Audie England) is a young American writer struggling to get by in Paris while searching for inspiration for her first novel.", + "wikipage": "Delta of Venus (film)" + } + ], + "long_answer": "Delta of Venus is a book of fifteen short stories by Ana\u00efs Nin. The film was written by Patricia Louisianna Knop and Elisa M. Rothstein. The film is about a woman named Elena Martin, played by Audie England, who is a young American writer struggling to get by in Paris while searching for inspiration for her first novel." + }, + { + "knowledge": [ + { + "content": "Delta of Venus is a 1994[2][3] American erotic drama film directed by Zalman King and starring Audie England, Costas Mandylor, and Marek Va\u0161ut.", + "wikipage": "Delta of Venus (film)" + }, + { + "content": "It is inspired by the posthumously published 1977 short story collection Delta of Venus by Ana\u00efs Nin.", + "wikipage": "Delta of Venus (film)" + } + ], + "long_answer": "Delta of Venus is a book of fifteen short stories by Ana\u00efs Nin published posthumously in 1977, though largely written in the 1940s as erotica for a private collector. Inspired by the short story collection of the same name, Delta of Venus is a 1994 American erotic drama film directed by Zalman King and starring Audie England, Costas Mandylor, and Marek Va\u0161ut. Audie England plays the author character of Elena Martin. The movie was written by Patricia Louisianna Knop and Elisa M. Rothstein." + } + ], + "sample_id": "3397865411559231398", + "question": "Who is the author of delta of venus?", + "docs": [ + { + "id": "4823383", + "title": "Delta of Venus", + "text": "Delta of Venus Delta of Venus is a book of fifteen short stories by Ana\u00efs Nin published posthumously in 1977 \u2014 though largely written in the 1940s as erotica for a private collector. In 1994 a film inspired by the book was directed by Zalman King. The collection of short stories that makes up this anthology was written during the 1940s for a private client known simply as \"Collector\". This \"Collector\" commissioned Nin, along with other now well-known writers (including Henry Miller and the poet George Barker), to produce erotic fiction for his private consumption. His identity has since been", + "score": 0.822265625, + "summary": "The author of Delta of Venus is Ana\u00efs Nin.", + "extraction": "The author of Delta of Venus is Ana\u00efs Nin." + }, + { + "id": "4823385", + "title": "Delta of Venus", + "text": "times she scorned her erotica, and feared for their impact on her literary reputation, they have subsequently been seen by sex-positive feminists as pioneering work. The short stories which \"Delta of Venus\" anthologizes are these: The book, unlike the later \"Little Birds,\" contains no poetry as such. Its introductory preface contains entries from her \"Diary\", which expressed her hope that its unexpurgated version would one day be published. Delta of Venus Delta of Venus is a book of fifteen short stories by Ana\u00efs Nin published posthumously in 1977 \u2014 though largely written in the 1940s as erotica for a private", + "score": 0.783203125, + "summary": "The author of Delta of Venus is Ana\u00efs Nin.", + "extraction": "Ana\u00efs Nin is the author of \"Delta of Venus\"." + }, + { + "id": "13141370", + "title": "Delta of Venus (film)", + "text": "Delta of Venus (film) Delta of Venus is a 1994 American erotic drama film directed by Zalman King and starring Audie England, Costas Mandylor, and Marek Va\u0161ut. It is inspired by the short story collectiion \"Delta of Venus\" by Ana\u00efs Nin. NC-17 and R-rated versions of the film exist; the NC-17 rating is due to explicit sex. The DVD release contains both versions of the film. The film was released in June 1995 in the United States. Set in Paris, France in 1940 in the early days of World War II before the German invasion and conquest of France, Elena", + "score": 0.765625, + "summary": "The author of \"Delta of Venus\" is Ana\u00efs Nin.", + "extraction": "The author of \"Delta of Venus\" is Ana\u00efs Nin." + }, + { + "id": "13141371", + "title": "Delta of Venus (film)", + "text": "Martin (Audie England) is a young American writer struggling to get by in Paris while searching for inspiration for her first novel. Elena meets and has a sordid affair with a fellow American expatriate named Lawrence Walters (Costas Mandylor). With some encouragement from her friends, her lover, and her publisher, Elena gets involved in nude modeling and progresses onward through many other forms of voyeuristic and participatory sexual adventures as she further researches for inspiration to write her book and become an author of erotic fiction. The novel by Ana\u00efs Nin on which the film is based is not autobiographical,", + "score": 0.763671875, + "summary": "The document is irrelevant to the question \"Who is the author of Delta of Venus?\"", + "extraction": "Irrelevant." + }, + { + "id": "13141372", + "title": "Delta of Venus (film)", + "text": "nor does it have a frame narrative. The film imposes a frame-narrative about a \"Nin-like\" American who begins an affair with another expatriate American in pre\u2013World War II Paris, and who writes erotic stories that represent her fantasies. Some of these stories/fantasies, based on those of Nin, are explored on-screen. Delta of Venus (film) Delta of Venus is a 1994 American erotic drama film directed by Zalman King and starring Audie England, Costas Mandylor, and Marek Va\u0161ut. It is inspired by the short story collectiion \"Delta of Venus\" by Ana\u00efs Nin. NC-17 and R-rated versions of the film exist; the", + "score": 0.7578125, + "summary": "Delta of Venus is a 1994 film directed by Zalman King and is inspired by the short story collection \"Delta of Venus\" by Ana\u00efs Nin.", + "extraction": "The author of \"Delta of Venus\" is Ana\u00efs Nin." + }, + { + "id": "12410187", + "title": "Venus on the Half-Shell and Others", + "text": "Philip K. Dick, Leslie Fiedler, Ron Goulart, Howard Waldrop, and Gene Wolfe, urging them to submit their stories to venues such as \"The Magazine of Fantasy and Science Fiction\". Only Cox, Waldrop, and Wolfe completed their stories and had them published, although Philip K. Dick's never realized fictional-author story \"A Man for No Countries\" as by Hawthorne Abendsen is said to have led Dick to write his posthumous novel \"Radio Free Albemuth\". In the end, Farmer's fictional-author anthology never materialized. The Foreword by Tom Wode Bellman in \"Venus on the Half-Shell and Others\" states that Bellman was also solicited by", + "score": 0.7431640625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "12410186", + "title": "Venus on the Half-Shell and Others", + "text": "Venus on the Half-Shell and Others Venus on the Half-Shell and Others () is a collection mostly of science fiction author Philip Jos\u00e9 Farmer's pseudonymous fictional-author literary works, edited by Christopher Paul Carey and published in 2008. Farmer describes a fictional-author story as \"a tale supposedly written by an author who is a character in fiction.\" Carey, who had access to Farmer's correspondence while editing the book, reveals in his introduction that in the early to mid-1970s Farmer planned to edit an anthology of fictional-author stories by other writers. Farmer solicited fictional-author stories from authors such as Arthur Jean Cox,", + "score": 0.7421875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "4817235", + "title": "Lucky Starr and the Oceans of Venus", + "text": "Lucky Starr and the Oceans of Venus Lucky Starr and the Oceans of Venus is the third novel in the \"Lucky Starr\" series, six juvenile science fiction novels by Isaac Asimov that originally appeared under the pseudonym Paul French. The novel was first published by Doubleday & Company in 1954. Since 1972, reprints have included a foreword by Asimov explaining that advancing knowledge of conditions on Venus have rendered the novel's descriptions of that world inaccurate. In his autobiography \"In Memory Yet Green\", Asimov notes that his original version of the novel was rejected by Doubleday and had to be", + "score": 0.7412109375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "12410189", + "title": "Venus on the Half-Shell and Others", + "text": "an essay accompanying the speech, purportedly by Bellman, claims that Farmer merely used Bellman's name for the character as a joke. Venus on the Half-Shell and Others Venus on the Half-Shell and Others () is a collection mostly of science fiction author Philip Jos\u00e9 Farmer's pseudonymous fictional-author literary works, edited by Christopher Paul Carey and published in 2008. Farmer describes a fictional-author story as \"a tale supposedly written by an author who is a character in fiction.\" Carey, who had access to Farmer's correspondence while editing the book, reveals in his introduction that in the early to mid-1970s Farmer planned", + "score": 0.74072265625, + "summary": "The document discusses the book \"Venus on the Half-Shell and Others,\" a collection of fictional-author literary works by Philip Jos\u00e9 Farmer. The author of \"Delta of Venus\" is not mentioned and is therefore irrelevant to the document.", + "extraction": "Irrelevant." + }, + { + "id": "4234666", + "title": "Carson of Venus", + "text": "Carson of Venus Carson of Venus is a science fantasy novel by American writer Edgar Rice Burroughs, the third book in the Venus series (Sometimes called the \"Carson Napier of Venus series\"). Burroughs wrote the novel in July and August 1937. It was serialized in 1938 in six weekly installments from January 8 to February 12 in \"Argosy\", the same publication where the previous two Venus novels appeared. It was published in book form a year later from Edgar Rice Burroughs, Inc. Burroughs originally submitted the novel to a number of the \"slick\" magazines: \"Liberty\", \"The Saturday Evening Post\", \"Collier's\",", + "score": 0.73291015625, + "summary": "Irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "15097622", + "title": "Books: Feed Your Head", + "text": "sexy or as fun or as weird or scary or whatever as their favorite TV show or favorite rock band.\" Sherilyn Fenn (\"Twin Peaks\") appeared in the most playful and risqu\u00e9 of the three scenarios, reading from Ana\u00efs Nin's collection of erotica entitled \"Delta of Venus\". A nervous Fenn here reads a naughty story to her older husband (?) in an effort to distract him, while her young lover slips out the bedroom window. Aidan Quinn (\"Desperately Seeking Susan\") recites the opening passages from Franz Kafka's \"The Metamorphosis\" as the camera follows him down a claustrophobic corridor. Behind a closed", + "score": 0.73291015625, + "summary": "The document mentions Ana\u00efs Nin's collection of erotica entitled \"Delta of Venus\" being read by Sherilyn Fenn in a playful and risqu\u00e9 scenario. However, it does not provide information about the author of \"Delta of Venus.\"", + "extraction": "Ana\u00efs Nin's collection of erotica entitled \"Delta of Venus\"." + }, + { + "id": "4234668", + "title": "Carson of Venus", + "text": "science fiction novel of 1939. The award went to T. H. White's \"The Sword in the Stone\". The copyright for this story has expired in Australia, and thus now resides in the public domain there. The text is available via Project Gutenberg Australia. Carson of Venus Carson of Venus is a science fantasy novel by American writer Edgar Rice Burroughs, the third book in the Venus series (Sometimes called the \"Carson Napier of Venus series\"). Burroughs wrote the novel in July and August 1937. It was serialized in 1938 in six weekly installments from January 8 to February 12 in", + "score": 0.73046875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "4590499", + "title": "Venus on the Half-Shell", + "text": "Venus on the Half-Shell Venus on the Half-Shell is a science fiction novel by American writer Philip Jos\u00e9 Farmer, writing pseudonymously as \"Kilgore Trout,\" a fictional recurring character in many of the novels of Kurt Vonnegut. This book first appeared as a lengthy fictitious \"excerpt\"\u2014written by Vonnegut, but attributed to Trout\u2014in Vonnegut's \"God Bless You, Mr. Rosewater\" (1965). With Vonnegut's permission, Farmer expanded the fragment into an entire standalone novel (including, as an in-joke, a scene that incorporates all of Vonnegut's original text). Farmer's story was first published in two parts beginning in the December 1974 issue of \"The Magazine", + "score": 0.73046875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "31561", + "title": "Anai\u0308s Nin", + "text": "money, Nin, Henry Miller and some of their friends began in the 1940s to write erotic and pornographic narratives for an anonymous \"collector\" for a dollar a page, somewhat as a joke. (It is not clear whether Miller actually wrote these stories or merely allowed his name to be used.) Nin considered the characters in her erotica to be extreme caricatures and never intended the work to be published, but changed her mind in the early 1970s and allowed them to be published as \"Delta of Venus\" and \"Little Birds\". In 2016, a previously-undiscovered collection of erotica, \"Auletris\", was published", + "score": 0.72607421875, + "summary": "Anai\u0308s Nin is the author of \"Delta of Venus\".", + "extraction": "Anai\u0308s Nin is the author of \"Delta of Venus\"." + }, + { + "id": "19717829", + "title": "A Private Venus", + "text": "A Private Venus A Private Venus () is a 1966 detective novel by the Italian writer Giorgio Scerbanenco. It tells the story of how the former doctor Duca Lamberti is assigned to treat the alcoholic son of a millionaire, and begins to unveil the secrets surrounding the death of a young woman in the affluent world of Milan. It was the first in a series of four novels about Dr. Duca Lamberti. An English translation by Howard Curtis was published in 2012. The book was the basis for the 1970 film \"Safety Catch\" directed by Yves Boisset. \"Kirkus Reviews\" wrote", + "score": 0.72509765625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "10436493", + "title": "Black Venus (short story collection)", + "text": "fiction. Black Venus (short story collection) Black Venus (also published as \"Saints and Strangers\") is a collection of short fiction by Angela Carter. It was first published in the United Kingdom in 1985 by Chatto & Windus Ltd. and contains eight stories, the majority of which are concerned with re-imagining the lives of certain figures in history, with a particular emphasis on some well known through literature. The \"Black Venus\" of the title story is Jeanne Duval, the lover of poet Charles Baudelaire. The anthology's contents are also reprinted in the volume \"Burning Your Boats\", which features all of Carter's", + "score": 0.72216796875, + "summary": "The author of \"Delta of Venus\" is irrelevant to the document, which is a collection of short fiction by Angela Carter.", + "extraction": "The passage is irrelevant as it does not mention the author of \"Delta of Venus\"." + }, + { + "id": "10436492", + "title": "Black Venus (short story collection)", + "text": "Black Venus (short story collection) Black Venus (also published as \"Saints and Strangers\") is a collection of short fiction by Angela Carter. It was first published in the United Kingdom in 1985 by Chatto & Windus Ltd. and contains eight stories, the majority of which are concerned with re-imagining the lives of certain figures in history, with a particular emphasis on some well known through literature. The \"Black Venus\" of the title story is Jeanne Duval, the lover of poet Charles Baudelaire. The anthology's contents are also reprinted in the volume \"Burning Your Boats\", which features all of Carter's short", + "score": 0.7197265625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "5688306", + "title": "Little Birds", + "text": "sexual activity \"to the exclusion of aspects which are the fuel that ignites it. Intellectual, imaginative, romantic, emotional.\" In her 1976 preface to \"Delta of Venus\" she said \"I had a feeling that Pandora's box contained the mysteries of woman's sensuality, so different from man's and for which man's language was inadequate... Here in the erotica I was writing to entertain, under pressure from a client who wanted me to 'leave out the poetry.' I believed that my style was derived from a reading of men's works. For this reason I long felt that I had compromised my feminine self.", + "score": 0.7177734375, + "summary": "Author of \"Delta of Venus\" is not explicitly mentioned in the document.", + "extraction": "The author of \"Delta of Venus\" is not mentioned in the passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "11935491", + "title": "Venus Smiles", + "text": "Venus Smiles \"Venus Smiles\" is a short story by British author J. G. Ballard. Originally titled \"Mobile\", it appeared in the June 1957 edition of \"Science Fantasy\" (Volume 8, Number 23). It was then rewritten and appeared in the \"Vermilion Sands\" (1971) collection under its new name and later \"\" (2006). Like the rest of the \"Vermilion Sands\" collection, this story takes place in the fictional desert town of Vermilion Sands, and also features exotic technology. \"Venus Smiles\" concerns the events surrounding a musical sculpture commissioned to be placed in the centre of Vermilion Sands. On the day of the", + "score": 0.71728515625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the author of Delta of Venus." + }, + { + "id": "8592586", + "title": "The Birth of Venus (novel)", + "text": "The Birth of Venus (novel) The Birth of Venus: A Novel is a 2003 novel by Sarah Dunant, a bestselling British author. The story is set in the late 15th century in Florence, Italy. It was first published in London by Little, Brown in 2003 with the title The Birth of Venus: love and death in Florence. A young Florentine girl, Alessandra Cecchi, is drawn to a young painter commissioned to paint the family's chapel walls. The painter is brought to her home by her father, a rich textile merchant whose business would be negatively affected by the rise of", + "score": 0.71630859375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "8098230", + "title": "Brenda Venus", + "text": "Brenda Venus Brenda Venus is an American actress, model, author, ballerina and filmmaker. Brenda Gabrielle Venus, was born on November 10, 1947 in Biloxi, Mississippi. Venus is of Native American ancestry. Venus is the author of \"Secrets of Seduction for Men\" and \"Secrets of Seduction for Women\" and a 2012 novella titled \"Twelve Hours\". Her books have been translated into 37 languages. Publishers William Morrow and E.F. Dutton sent her on a worldwide publicity tour - making various appearances on TV, radio and press interviews. For over six years, starting in 1998, Venus wrote a popular column for \"Playboy\" Magazine", + "score": 0.7138671875 + }, + { + "id": "11046480", + "title": "Venus (novel)", + "text": "Venus (novel) Venus is a science fiction novel by Ben Bova, part of the Grand Tour novel series and first published in the year 2000. The story follows Van Humphries, the son of the ruthless tycoon Martin Humphries, and his experiences on Venus. Martin Humphries is the head of the giant Humphries Space Systems and at his 100th birthday party announces a prize of ten billion dollars to anyone who can recover any remains of his eldest son Alex. Alex was killed two years previously on a mission to Venus. Van Humphries, Martin's son and younger brother to Alex takes", + "score": 0.71240234375 + }, + { + "id": "4807443", + "title": "Penelope Delta", + "text": "Penelope Delta Penelope Delta (; 1874, Alexandria, Khedivate of Egypt \u2013 2 May 1941, Athens) was a Greek author of teenage literature. Practically the first Greek children's books writer, her historical novels have been widely read and influenced Greek popular perceptions on national identity and history. Through her long-time association with Ion Dragoumis, Delta was thrust in the middle of the turbulent early 20th-century Greek politics, from the Macedonian Struggle to the National Schism. She committed suicide on the day German troops entered Athens in World War II. Delta was born in Alexandria, in the Khedivate of Egypt, to Virginia", + "score": 0.70849609375 + }, + { + "id": "17869910", + "title": "Five Against Venus", + "text": "Five Against Venus Five Against Venus, written by Philip Latham, is a science-fiction novel first published in the United States in 1952 by the John C. Winston Company. Philip Latham was the nom de plume of Robert S. Richardson, a professional astronomer who also provided technical assistance on movies such as \"Destination Moon\" and wrote scripts for the \"Captain Video\" television series. This is one of the thirty-five juvenile novels that comprise the Winston Science Fiction set, which novels were published in the 1950s for a readership of teenage boys. The typical protagonist in these books was a boy in", + "score": 0.7080078125 + }, + { + "id": "2358111", + "title": "George O. Smith", + "text": "were collected in \"Venus Equilateral\" (1947), which was later expanded with the remaining three stories as \"The Complete Venus Equilateral\" (1976). His novel \"The Fourth \"R\"\" (1959) \u2013 re-published as \"The Brain Machine\" (1968) \u2013 was a digression from his focus on outer space, and an examination of a child prodigy. George O. Smith George Oliver Smith (April 9, 1911 \u2013 May 27, 1981) (also known by the pseudonym Wesley Long) was an American science fiction author. He is not to be confused with George H. Smith, another American science fiction author. Smith was an active contributor to \"Astounding Science", + "score": 0.70751953125 + }, + { + "id": "8592589", + "title": "The Birth of Venus (novel)", + "text": "Her romance, it seems, is necessary, because she is the only one who can save him. The Birth of Venus (novel) The Birth of Venus: A Novel is a 2003 novel by Sarah Dunant, a bestselling British author. The story is set in the late 15th century in Florence, Italy. It was first published in London by Little, Brown in 2003 with the title The Birth of Venus: love and death in Florence. A young Florentine girl, Alessandra Cecchi, is drawn to a young painter commissioned to paint the family's chapel walls. The painter is brought to her home by", + "score": 0.70703125 + }, + { + "id": "1307260", + "title": "Eudora Welty", + "text": "also allude to mythology, as Welty proves in her novel \"Delta Wedding\". As Professor Veronica Makowsky from the University of Connecticut writes, the setting of the Mississippi Delta has \"suggestions of the goddess of love, Aphrodite or Venus-shells like that upon which Venus rose from the sea and female genitalia, as in the mound of Venus and Delta of Venus\". The title \"The Golden Apples\" refers to the difference between people who seek silver apples and those who seek golden apples. It is drawn from W. B. Yeats' poem \"The Song of Wandering Aengus\". It also refers to myths of", + "score": 0.70654296875 + }, + { + "id": "19735972", + "title": "Julian Evans (writer)", + "text": "full-length book was \"Semi-Invisible Man: the Life of Norman Lewis\" (2008), which was reviewed favourably; Evans was an appropriate biographer for the great travel writer, as Norman Lewis had once described Evans's first book, \"Transit of Venus\", as \"far and away the best book about the Pacific of our times.\" Julian Evans (writer) Julian Evans (born 1955) is an Australian writer and presenter. In 1990 he left his office job to become a writer, and experienced life on the islands of the Pacific Ocean. 1992 he published \"Transit of Venus: Travels in the Pacific\", which met with enthusiastic critical acclaim.", + "score": 0.70556640625 + }, + { + "id": "11935495", + "title": "Venus Smiles", + "text": "unusual vibrations coming from the beams, and realise with horror that the statue's old metal has been recycled and distributed around Vermilion Sands in new buildings and motor vehicles. Mr Hamilton remarks to his secretary, \"Carol, it's only just the beginning. The whole world will be singing.\" Venus Smiles \"Venus Smiles\" is a short story by British author J. G. Ballard. Originally titled \"Mobile\", it appeared in the June 1957 edition of \"Science Fantasy\" (Volume 8, Number 23). It was then rewritten and appeared in the \"Vermilion Sands\" (1971) collection under its new name and later \"\" (2006). Like the", + "score": 0.70556640625 + }, + { + "id": "4590502", + "title": "Venus on the Half-Shell", + "text": "sea on a scallop shell. The phrase \"on the half-shell\" commonly refers to a method of serving oysters. In 2013, Titan Books reprinted \"Venus on the Half-Shell\" with new cover art referencing \"The Birth of Venus\". Venus on the Half-Shell Venus on the Half-Shell is a science fiction novel by American writer Philip Jos\u00e9 Farmer, writing pseudonymously as \"Kilgore Trout,\" a fictional recurring character in many of the novels of Kurt Vonnegut. This book first appeared as a lengthy fictitious \"excerpt\"\u2014written by Vonnegut, but attributed to Trout\u2014in Vonnegut's \"God Bless You, Mr. Rosewater\" (1965). With Vonnegut's permission, Farmer expanded the", + "score": 0.70556640625 + }, + { + "id": "19717830", + "title": "A Private Venus", + "text": "in 2014 that \"the first volume in Scerbanenco\u2019s Milano Quartet is a blast from the past, a sleek, stripped-down reminder of the fast, brutal days of Continental noir\". A Private Venus A Private Venus () is a 1966 detective novel by the Italian writer Giorgio Scerbanenco. It tells the story of how the former doctor Duca Lamberti is assigned to treat the alcoholic son of a millionaire, and begins to unveil the secrets surrounding the death of a young woman in the affluent world of Milan. It was the first in a series of four novels about Dr. Duca Lamberti.", + "score": 0.70556640625 + }, + { + "id": "18050441", + "title": "Monsieur Ve\u0301nus", + "text": "did soften some of the obscenity and may have been an unsuccessful attempt to forestall looming legal problems. The first French edition was published 1889. Editor Felix Brossier opened the book with an assertion first that Rachilde was the sole author of \"Monsieur V\u00e9nus,\" explaining that some material from an unnamed collaborator had been removed. (In addition to maintaining the earlier revisions, some more material was removed, described by Rachilde as Talman's contributions.) Brossier went on to say that this edited version of the novel was literature and had nothing in common with the sort of erotic literature that was", + "score": 0.705078125 + }, + { + "id": "18906300", + "title": "John Stevenson (writer)", + "text": "and \"Adam and Eve\" (1961) are thrillers. In a few years, Marcus van Heller became the most prolific and mysterious pen name from the \"Traveller's Companion\" series. \"In the netherworld of erotica, the name Marcus van Heller approaches the stature of legend\" (portrayal by John de St. Jorre in his book about the history of Olympia Press). At one point, John Stevenson and Alexander Trocchi found out that Maurice Girodias reprinted their works under another imprint, Ophelia Press, to avoid giving them more money. This fact and also a negative remark from Girodias regarding the effort he put into writing", + "score": 0.705078125 + }, + { + "id": "4807452", + "title": "Penelope Delta", + "text": "names. Virginia married politician Alexander Zannas, and their daughter Lena was the mother of contemporary politician Antonis Samaras; their son, Pavlos (Paul) Zannas (1929\u20131989) was a prominent art critic and the translator in Greek of Marcel Proust's \"\"\u00c0 la recherche du temps perdu\"\". In 1989 Alexandra, then the last living Delta daughter, bequeathed the mansion to the Benaki Museum. It now houses the History Archive of the museum. Penelope Delta Penelope Delta (; 1874, Alexandria, Khedivate of Egypt \u2013 2 May 1941, Athens) was a Greek author of teenage literature. Practically the first Greek children's books writer, her historical novels", + "score": 0.70458984375 + }, + { + "id": "4817248", + "title": "Lucky Starr and the Oceans of Venus", + "text": "by humor, sparkling with complexities of plot, and alive with interest\". Reviewer Groff Conklin found \"Oceans of Venus\" a cut above the series's first two installments, calling it \"a colorful and exciting tale. . . . [A] real thriller for fans of all ages.\" Anthony Boucher similarly reported \"Oceans\" an improvement over the series's previous installments, singling out its \"combining plausible adventure, interesting alien life-forms and a sound detective story.\" P. Schuyler Miller also reviewed the novel favorably, ranking it with Robert A. Heinlein's juveniles. In 1991 the story was adapted as a comic book by Fernando Fernandez. Lucky Starr", + "score": 0.70458984375 + }, + { + "id": "9453535", + "title": "Venus Plus X", + "text": "Venus Plus X Venus Plus X is a science fiction novel by American writer Theodore Sturgeon, published in 1960. David Pringle included it in his book \"\". The protagonist, Charlie Johns, is kidnapped from 20th-century New York City and travels to the future of Earth to Ledom. In Ledom, advanced technology allows the people to end violence, hunger, overpopulation, pollution, and even control time and space. The story explores the change in society when gender has become a thing of the past. Ledom is \"a civilization for whom tensions between male and female and the human preoccupation with sex no", + "score": 0.7041015625 + }, + { + "id": "6882066", + "title": "The Wizard of Venus", + "text": "The Wizard of Venus \"The Wizard of Venus\" is a novella by Edgar Rice Burroughs, as well as the title of a collection in which it was later published together with an unrelated story. \"The Wizard of Venus\" is the final story in Burroughs's Venus series (sometimes called the \"Carson Napier of Venus series\"). Written in 1941, the piece remained unpublished until 1964, fourteen years after the author's death. Burroughs intended it to be the opening piece in a sequence of stories to be brought together later in book form, as he had done in the instance of the previous", + "score": 0.7041015625 + }, + { + "id": "11854900", + "title": "The Merchants of Venus", + "text": "The Merchants of Venus \"The Merchants of Venus\", also known by the title \"The Merchants of Venus Underground\", is a science fiction novella by American writer Frederik Pohl published in 1972 as part of the collection \"The Gold at the Starbow's End\". It is a satire of runaway free market capitalism. It also features the first appearance of the Heechee. It was adapted as a graphic novel by Victoria Petersen and Neal McPheeters in 1986, as the fourth title in the \"DC Science Fiction Graphic Novel\" series. An unrelated story with a slightly different title (\"The Merchant of Venus\") by", + "score": 0.70361328125 + }, + { + "id": "6882068", + "title": "The Wizard of Venus", + "text": "unrelated story. The Wizard of Venus \"The Wizard of Venus\" is a novella by Edgar Rice Burroughs, as well as the title of a collection in which it was later published together with an unrelated story. \"The Wizard of Venus\" is the final story in Burroughs's Venus series (sometimes called the \"Carson Napier of Venus series\"). Written in 1941, the piece remained unpublished until 1964, fourteen years after the author's death. Burroughs intended it to be the opening piece in a sequence of stories to be brought together later in book form, as he had done in the instance of", + "score": 0.703125 + }, + { + "id": "9453536", + "title": "Venus Plus X", + "text": "longer exist\". Venus Plus X Venus Plus X is a science fiction novel by American writer Theodore Sturgeon, published in 1960. David Pringle included it in his book \"\". The protagonist, Charlie Johns, is kidnapped from 20th-century New York City and travels to the future of Earth to Ledom. In Ledom, advanced technology allows the people to end violence, hunger, overpopulation, pollution, and even control time and space. The story explores the change in society when gender has become a thing of the past. Ledom is \"a civilization for whom tensions between male and female and the human preoccupation with", + "score": 0.703125 + }, + { + "id": "8098235", + "title": "Brenda Venus", + "text": "appeared in Playboy in July 1986. According to the Playboy website: Brenda Venus Brenda Venus is an American actress, model, author, ballerina and filmmaker. Brenda Gabrielle Venus, was born on November 10, 1947 in Biloxi, Mississippi. Venus is of Native American ancestry. Venus is the author of \"Secrets of Seduction for Men\" and \"Secrets of Seduction for Women\" and a 2012 novella titled \"Twelve Hours\". Her books have been translated into 37 languages. Publishers William Morrow and E.F. Dutton sent her on a worldwide publicity tour - making various appearances on TV, radio and press interviews. For over six years,", + "score": 0.70263671875 + }, + { + "id": "11365710", + "title": "Venus as a Boy (novella)", + "text": "Venus as a Boy (novella) Venus as a Boy is a 2004 fiction novella by Scottish writer and musician Luke Sutherland, his third publication following two earlier novels, \"Jelly Roll\" (1998) and \"Sweetmeat\" (2002). It is set briefly in South Ronaldsay, Orkney, an island off the coast of Scotland though it is largely set in Soho, London. The author purports to tell the posthumous story of D\u00e9sir\u00e9e, who apparently was a clandestine peer of his growing up in South Ronadsay. D\u00e9sir\u00e9e's audio-recorded memoirs presented to the novel's author by D\u00e9sir\u00e9e's friend and \"confidant\" Pascal serve as the narrative throughout majority", + "score": 0.70166015625 + }, + { + "id": "6882023", + "title": "Pirates of Venus", + "text": "Pirates of Venus Pirates of Venus is a science fantasy novel by American writer Edgar Rice Burroughs, the first book in the Venus series (also called the \"Carson Napier of Venus series\"), the last major series in Burroughs's career (the other major series were Tarzan, Barsoom, and Pellucidar). It was first serialized in six parts in \"Argosy\" in 1932 and published in book form two years later by Edgar Rice Burroughs, Inc. The events occur on a fictionalized version of the planet Venus, known as \"Amtor\" to its inhabitants. The novel contains elements of political satire aimed at communism. The", + "score": 0.70166015625 + }, + { + "id": "11854901", + "title": "The Merchants of Venus", + "text": "A.H. Phelps was published in \"Galaxy\" magazine, March 1954. In it, an advertising man takes on the problem of getting colonists to go to Venus. This unrelated \"The Merchant of Venus\" was dramatized on the radio series \"X Minus One\", which was affiliated with \"Galaxy\". The Merchants of Venus \"The Merchants of Venus\", also known by the title \"The Merchants of Venus Underground\", is a science fiction novella by American writer Frederik Pohl published in 1972 as part of the collection \"The Gold at the Starbow's End\". It is a satire of runaway free market capitalism. It also features the", + "score": 0.701171875 + }, + { + "id": "21005835", + "title": "Voyage of the Sable Venus and Other Poems", + "text": "the first person, and showcasing \"elements of a rich and complicated life\", according to Diane Arterian. One of the poems Arterian singled out is the second in the collection, \"On the Road to Sri Bhuvaneshwari\", an almost ten-page long poem \"employing William Carlos Williams\u2019 triadic stair-step line extended to quatrains\", a rare kind of poem. The first and the third sections bookend a central section; according to Arterian, that central section presents the writer's life through history in contrast to \"\"her\" life\". The middle section, \"Voyage of the Sable Venus\", a central poem 79 pages long, is more conceptual and", + "score": 0.70068359375 + }, + { + "id": "4817245", + "title": "Lucky Starr and the Oceans of Venus", + "text": "his fictional worlds serving only as backdrops. For \"Oceans of Venus\", his only novel-length work set on that world, he hearkened back to the works of Stanley G. Weinbaum, whose imaginative alien ecologies made him a major figure in the science fiction field during his brief writing career in the mid-1930s. In his anthology \"Before the Golden Age\", Asimov wrote that \"Oceans of Venus\" was \"a conscious imitation of the spirit\" of Weinbaum's 1935 story \"Parasite Planet\", which was also set on Venus. The growing Cold War background of the Lucky Starr series is also present in \"Oceans of Venus\",", + "score": 0.7001953125 + }, + { + "id": "17869922", + "title": "Five Against Venus", + "text": "manner that seems to complement the fantasies which are described, and the scientific basis for the writer's imagination is discussed in an enlightening last chapter.\" The book was also reviewed by: Five Against Venus Five Against Venus, written by Philip Latham, is a science-fiction novel first published in the United States in 1952 by the John C. Winston Company. Philip Latham was the nom de plume of Robert S. Richardson, a professional astronomer who also provided technical assistance on movies such as \"Destination Moon\" and wrote scripts for the \"Captain Video\" television series. This is one of the thirty-five juvenile", + "score": 0.69921875 + }, + { + "id": "4590501", + "title": "Venus on the Half-Shell", + "text": "assumed that Vonnegut wrote the book. This problem was solved by the book being reprinted under Farmer's by-line. A common element to this novel is the origin of many of the characters' and locations' names. Farmer \"put in a lot of references to literature and fictional authors... Most of the alien names in Venus were formed by transposing the letters of English or non-English words.\" The title and paperback cover art are a reference to an Italian Renaissance tempera painting by Sandro Botticelli, \"The Birth of Venus\", which depicts the birth of the goddess Venus as her rising from the", + "score": 0.69921875 + }, + { + "id": "4549196", + "title": "Elias Venezis", + "text": "Elias Venezis Elias Venezis () (March 4, 1904 - August 3, 1973) is the pseudonym of Elias Mellos (\u0397\u03bb\u03af\u03b1\u03c2 \u039c\u03ad\u03bb\u03bb\u03bf\u03c2), a major Greek novelist. He was born in 1904 in Ayval\u0131k (Kydonies) in Asia Minor and died in Athens in 1973. He wrote many books, of which the most famous are \"Number 31328\" and \"Aeolian Earth\". He is considered to be one of the writers of \"\". Elias Venezis was born and raised in Ayvali, where he completed high school. During the Asia Minor Catastrophe, Venezis\u2019 family fled from Ayval\u0131 to Lesbos to avoid persecution but returned to Asia Minor", + "score": 0.6982421875 + }, + { + "id": "18050437", + "title": "Monsieur Ve\u0301nus", + "text": "Monsieur V\u00e9nus Monsieur V\u00e9nus () is a novel written by the French symbolist and decadent writer Rachilde (n\u00e9e Marguerite Eymery). Initially published in 1884, it was her second novel and is considered her break-through work. Because of its highly erotic content, it was the subject of legal controversy and general scandal, bringing Rachilde into the public eye. The novel is the story of a French noblewoman Raoule de V\u00e9n\u00e9rande and her pursuit of sexual pleasure in the course of creating a new and more satisfying identity for herself. In order to escape the ennui and malaise of her tradition-bound upper", + "score": 0.697265625 + }, + { + "id": "11365711", + "title": "Venus as a Boy (novella)", + "text": "of the story. The novella draws on Sutherland's own childhood in the Orkney Islands. Sutherland and his sister were the only Scots-Africans on South Ronaldsay, having been adopted by white parents. Venus as a Boy (novella) Venus as a Boy is a 2004 fiction novella by Scottish writer and musician Luke Sutherland, his third publication following two earlier novels, \"Jelly Roll\" (1998) and \"Sweetmeat\" (2002). It is set briefly in South Ronaldsay, Orkney, an island off the coast of Scotland though it is largely set in Soho, London. The author purports to tell the posthumous story of D\u00e9sir\u00e9e, who apparently", + "score": 0.69677734375 + }, + { + "id": "12992747", + "title": "To Venus in Five Seconds", + "text": "to another popular subgenre of Victorian fantastic fiction, the \"lost world\" or \"lost race\" stories like H. Rider Haggard's \"She\" (1886) and its many imitations. \"To Venus in Five Seconds\" has been called \"The most readable and entertaining of Jane's books\". Jane wrote other works of speculative fiction, notably \"The Incubated Girl\" (1896) and \"The Violet Flame\" (1899). To Venus in Five Seconds To Venus in Five Seconds: An Account of the Strange Disappearance of Thomas Plummer, Pillmaker is a science fiction satire written by Fred T. Jane, the author of the original \"Jane's Fighting Ships\" and the founder of", + "score": 0.6962890625 + }, + { + "id": "12992740", + "title": "To Venus in Five Seconds", + "text": "To Venus in Five Seconds To Venus in Five Seconds: An Account of the Strange Disappearance of Thomas Plummer, Pillmaker is a science fiction satire written by Fred T. Jane, the author of the original \"Jane's Fighting Ships\" and the founder of what would in time become the Jane's Information Group. Published in 1897, the novel pokes fun at several of the main subgenres of speculative fiction that had become popular in the final years of the nineteenth century. In one aspect of his multifarious career, Jane spent much of the 1890s illustrating popular novels of speculative fiction, including Edgar", + "score": 0.6953125 + }, + { + "id": "13473615", + "title": "Elsie Venner", + "text": "Elsie Venner Elsie Venner: A Romance of Destiny is an 1861 novel by American author and physician Oliver Wendell Holmes, Sr. Later dubbed the first of his \"medicated novels\", it tells the story of a neurotic young woman whose mother was bitten by a rattlesnake while pregnant, which imbued the child with some characteristics of the reptile. The novel is narrated by an unnamed medical professor. One of his students, Bernard Langdon, had to interrupt his medical studies to earn money as a teacher, first at a public school, then at the Apollinean Female Institute. The schoolmistress of the institute", + "score": 0.6953125 + }, + { + "id": "18050460", + "title": "Monsieur Ve\u0301nus", + "text": "V\u00e9nus\" and the work of Charles Baudelaire was enough at the time to give Rachilde credibility within avant-garde circles. Oscar Wilde read the book while he was in France in 1889. He was not only a fan of it, but it is believed he drew inspiration from it, paying it tribute by naming the book which ensnares Dorian Gray, \"Le Secret de Raoul\". \"Monsier V\u00e9nus\" is also credited with paving the way for other, less extreme, and ultimately more successful writers like Colette to explore gender and complicated love in their own work. Monsieur V\u00e9nus Monsieur V\u00e9nus () is a", + "score": 0.69482421875 + }, + { + "id": "8929195", + "title": "The Venus of Konpara", + "text": "The Venus of Konpara The Venus of Konpara (1960) is a novel by John Masters which draws on an extreme version of the \"Aryan Invasion Theory\" model of ancient Indian history, according to which invading Aryan barbarians ruthlessly crushed underfoot the indigenous Dravidian peoples of the country, forcing them into the position of an oppressed underclass. In 1973 a dramatised version of the novel was broadcast on BBC Radio, starring Liane Aukin and Ian Richardson. The novel is set in the late nineteenth century, during the British Raj, and follows the adventures of a Rajput prince who is heir to", + "score": 0.6943359375 + }, + { + "id": "14428882", + "title": "Venus and Adonis (Titian)", + "text": "versions, is only in the Rome, Dulwich and Alnwick ones. Supporters of the Oxfordian theory of Shakespeare authorship argue that the real author of Shakespeare's works, Edward de Vere, 17th Earl of Oxford, saw the Rome version at Titian's studio in Venice on his travels in Italy in 1575\u201376, and based his poem on it. This is regarded by some of them as a weighty piece of evidence supporting \"Oxfordian\" authorship. Summarizing the complicated history of the versions above, a possible timeline is: Venus and Adonis (Titian) A composition of Venus and Adonis by the Venetian Renaissance artist Titian has", + "score": 0.69384765625 + }, + { + "id": "21005832", + "title": "Voyage of the Sable Venus and Other Poems", + "text": "Voyage of the Sable Venus and Other Poems Voyage of the Sable Venus and Other Poems is the debut collection of poetry by Robin Coste Lewis, published in 2015 by Alfred A. Knopf. The collection won the National Book Award for Poetry, the first debut collection to win the award since 1974. The title of the book comes from an image by British painter Thomas Stothard (1755-1834), an engraving of which served as the frontispiece of the 1801 edition of \"History, Civil and Commercial, of the British Colonies in the West Indies\" by British politician Bryan Edwards, a staunch supporter", + "score": 0.69384765625 + }, + { + "id": "14572489", + "title": "The Diamond Pit", + "text": "for best novella. It was also a finalist for the 2001 Aurealis Award for best science fiction short story, the 2001 Aurealis Award for best fantasy short story, the 2001 Nebula Award for Best Novella, and the 2002 Hugo Award for Best Novella. The Diamond Pit \"The Diamond Pit\" is a 2001 fantasy science fiction novella by American writer Jack Dann. \"The Diamond Pit\" was first published in 2001 in a collection of Jack Dann's short stories entitled \"Jubilee\" by HarperCollins under their Voyager imprint. In June 2001 it was published in \"The Magazine of Fantasy & Science Fiction\" June", + "score": 0.69384765625 + }, + { + "id": "10138469", + "title": "Alain Le Bussy", + "text": "Alain Le Bussy Alain Le Bussy (1947 \u2013 14 October 2010) was a prolific Belgian author of science fiction who won the Prix Rosny-A\u00een\u00e9 in 1993 for his novel \"Deltas\". He died on 14 October 2010 from complications following throat surgery. His writing career started in 1961 publishing an article on gender in the journal 'Conjunct', it was not until 1968 when he wrote first novel. He wrote more than thirty novels with several of these in the series \"Aqualia\" and \"Yorg.\" He was also an active member of science fiction fandom, the creator of the fanzine \"Xuens\u00e8\" (an anagram", + "score": 0.69384765625 + }, + { + "id": "12578960", + "title": "Dalton Trevisan", + "text": "Dalton Trevisan Dalton J\u00e9rson Trevisan (born 14 June 1925) is a Brazilian author of short stories. He has been described as an \"acclaimed short-story chronicler of lower-class mores and popular dramas.\" Trevisan won the 2012 Pr\u00e9mio Cam\u00f5es, the leading Portuguese-language author prize, valued at . His short stories are inspired in the daily life of his home city of Curitiba, though featuring characters and situations of universal meaning. His extremely concise and refined tales have been called \"Haikus in prose\". They are often based on dialogue, using a popular language, and underline the torturing and absurd aspects of everyday life.", + "score": 0.69384765625 + }, + { + "id": "20038608", + "title": "Veza Canetti", + "text": "Veza Canetti Venetiana \"Veza\" Taubner-Calderon Canetti (Vienna, 1897 \u2013 London, 1963) was an Austrian poet, playwright, and short story writer. Venetiana \"Veza\" Taubner-Calderon was born in Vienna, Austria, in 1897 to a Sephardi mother and Jewish-Hungarian father. After World War I, she initially worked as an English teacher. At the age of 27 she met Elias Canetti, whom she would later marry in February 1934. During the 1930s, she wrote short stories based on everyday life for the Viennese paper \"Arbeiter-Zeitung\". Apart from this, few of her longer works were published. It was only many years after her death that", + "score": 0.693359375 + }, + { + "id": "3031460", + "title": "Kilgore Trout", + "text": "\"A Man Without a Country\", Vonnegut receives a brief phone call on January 20, 2004, from Kilgore Trout in which they discuss George W. Bush's State of the Union Address and the imminent death of the Earth due to human carelessness. In \"God Bless You, Dr. Kevorkian\", Vonnegut's final interview is with Trout. At least one actual published work is attributed to Kilgore Trout: the novel \"Venus on the Half-Shell\", written by Philip Jos\u00e9 Farmer but published under the name \"Kilgore Trout.\" For some time it was assumed that Vonnegut must have written it; when the truth of its authorship", + "score": 0.693359375 + }, + { + "id": "21005838", + "title": "Voyage of the Sable Venus and Other Poems", + "text": "terrifyingly documents the racist patriarchal systems...and so with a remarkable hopefulness, and in the face of what would make most rage and/or collapse\". Diane Schwarz, writing for \"The Georgia Review\", called the book \"stunning\". The book was published in hardcover in September 2015, and in paperback in November 2017. The cover is a photograph by Eudora Welty taken in Mississippi in the 1930s, of an African-American woman, in profile, looking into a shop window from the sidewalk. It won the National Book Award for Poetry in 2015; other finalists included Terrance Hayes's \"How to Be Drawn\". Voyage of the Sable", + "score": 0.69287109375 + }, + { + "id": "8929201", + "title": "The Venus of Konpara", + "text": "identity. The Venus of Konpara The Venus of Konpara (1960) is a novel by John Masters which draws on an extreme version of the \"Aryan Invasion Theory\" model of ancient Indian history, according to which invading Aryan barbarians ruthlessly crushed underfoot the indigenous Dravidian peoples of the country, forcing them into the position of an oppressed underclass. In 1973 a dramatised version of the novel was broadcast on BBC Radio, starring Liane Aukin and Ian Richardson. The novel is set in the late nineteenth century, during the British Raj, and follows the adventures of a Rajput prince who is heir", + "score": 0.6923828125 + }, + { + "id": "9242189", + "title": "Jagadananda Roy", + "text": "(on birds), Naksatracena (on stars). Roy wrote one of the earliest science fiction stories in Bengali, \"Shukra Bhraman\" (\"Travels to Venus\") in 1892, later published in his book \"Prakritiki\" (1914). This described travel to Venus and conjured up alien creatures on Uranus. His humanoid aliens are described as resembling apes, with dense black fur, large heads and long nails. This imaginative science-fiction preceded that of H. G. Wells\u2019 somewhat similar \"The War of the Worlds\" (1889) by about a decade. Jagadananda Roy Jagadananda Roy (; 1869-1933) was an eminent scientific article writer as well as Bengali science fiction writer. His", + "score": 0.6923828125 + }, + { + "id": "18931886", + "title": "Diamond Dove (novel)", + "text": "to track down the killer. Mindy Laube in the \"Sydney Morning Herald\" noted that the novel is \"popular literature of the stylish and substantial variety\". Diamond Dove (novel) Diamond Dove (2006) is a crime novel by Australian author Adrian Hyland. It is the first in the author's series of novels featuring the recurring character Emily Tempest. It won the Best First Novel category of the 2007 Ned Kelly Awards. Emily Tempest, the daughter of a white miner and his black wife, returns to her childhood home, Moonlight Downs in the Northern Territory, after completing her schooling at an Adelaide boarding", + "score": 0.6923828125 + }, + { + "id": "4817244", + "title": "Lucky Starr and the Oceans of Venus", + "text": "in the 1983 novel \"The Robots of Dawn\", and the telepathic world-entity Erythro in the 1989 novel \"Nemesis\". Asimov's science-fictional mentor, John W. Campbell, was fascinated by the idea of telepathy, and as the editor of \"Astounding Science Fiction\", he was able to ensure that his fascination was reflected in the stories his writers wrote and his magazine printed. Asimov also created a number of alien creatures to populate his Venusian ocean, and this was \"not\" a common theme of his. Asimov's works usually centered on the interactions of sentient beings, usually humans or robots, or occasionally intelligent aliens, with", + "score": 0.6923828125 + }, + { + "id": "8936411", + "title": "Venus in Furs", + "text": "a trio of African women to dominate him. The relationship arrives at a crisis when Wanda meets a man to whom she would like to submit, a Byronic hero known as Alexis Papadopolis. At the end of the book, Severin, humiliated by Wanda's new lover, loses the desire to submit. He says of Wanda: Venus in Furs Venus in Furs () is a novella by the Austrian author Leopold von Sacher-Masoch, and the best known of his works. The novel was to be part of an epic series that Sacher-Masoch envisioned called \"Legacy of Cain\". \"Venus in Furs\" was part", + "score": 0.6923828125 + }, + { + "id": "9348031", + "title": "The Eve of Saint Venus", + "text": "still not disillusioned with it.\" The Eve of Saint Venus The Eve of Saint Venus is a novella, or, as author Anthony Burgess put it, \"opusculum\", on the theme of marriage. It was first published in 1964. A new edition of the book, which Burgess described as a \"tribute to matrimony\", was dedicated to the Prince and Princess of Wales, and published in 1981, the year of their marriage. The Prince and Princess separated in 1992, and were divorced in 1996. Burgess wrote in the preface to another edition, that of 1984: \"I dedicate this work to all ... who,", + "score": 0.69189453125 + }, + { + "id": "9348030", + "title": "The Eve of Saint Venus", + "text": "The Eve of Saint Venus The Eve of Saint Venus is a novella, or, as author Anthony Burgess put it, \"opusculum\", on the theme of marriage. It was first published in 1964. A new edition of the book, which Burgess described as a \"tribute to matrimony\", was dedicated to the Prince and Princess of Wales, and published in 1981, the year of their marriage. The Prince and Princess separated in 1992, and were divorced in 1996. Burgess wrote in the preface to another edition, that of 1984: \"I dedicate this work to all ... who, ... having achieved [marriage]... are", + "score": 0.69189453125 + }, + { + "id": "4807446", + "title": "Penelope Delta", + "text": "there, and her first novel \"Gia tin Patrida\" (\"For the Sake of the Fatherland\") was published in 1909. The novel is set in Byzantine times, and Delta started corresponding with the historian Gustave Schlumberger, a renowned specialist on the Byzantine Empire. Their continued interaction provided the material for her second novel, \"Ton Kairo tou Voulgaroktonou\" (\"In the Years of the Bulgar-Slayer\"), set during the reign of the Emperor Basil II. The Goudi Pronunciamento in 1909 inspired her third novel, \"Paramythi Horis Onoma\" (\"A Tale with No Name\"), published in 1911. In 1913 the Deltas returned to Alexandria yet again, and", + "score": 0.69140625 + }, + { + "id": "7620752", + "title": "Venus Prime", + "text": "Venus Prime Venus Prime is a series of six science fiction novels written by Paul Preuss, based on characters and locations in Arthur C. Clarke's short stories. The stories involve Sparta, a beautiful and mysterious woman with advanced abilities, the product of advanced biotech engineering. But the memory of the last three years is gone, and Sparta attempts to recover her past, and save her future. \"Some of these have been taken from the book descriptions available on Amazon. Parts of the descriptions have been removed, as they are the same for all books.\" After her sudden escape from a", + "score": 0.69140625 + }, + { + "id": "10110609", + "title": "The Vanished Diamond", + "text": "The Vanished Diamond The Vanished Diamond, also translated as The Southern Star (, lit. \"The Star of the South\"), is a novel by Jules Verne, first published in 1884. It is based on a manuscript by Paschal Grousset. This novel takes place in South Africa amongst the diamond fields in the district of Griqualand. Most of the land is owned by a fictitious wealthy miner, Mr. John Watkins. A shanty town filled with miners has sprung up, all with the hope to get rich. The main area of diamond mining is the Vandergaart Kopje. The protagonist is a French mining", + "score": 0.69140625 + }, + { + "id": "6870187", + "title": "Amtor", + "text": "Amtor The Amtor or Venus Series is a science fantasy series consisting of four novels and one novelette written by American author Edgar Rice Burroughs. Most of the stories were first serialized in \"Argosy\", an American pulp magazine. It is sometimes known as the Carson Napier of Venus Series, after its main character, Carson Napier. Napier attempted a solo voyage to Mars, but, because of mistaken navigational calculations, he finds himself heading toward the planet Venus instead. The novels, part of the Sword and Planet subgenre of science fiction, follow earthman Napier's fantastic adventures after he crash-lands on Venus, called", + "score": 0.69140625 + }, + { + "id": "13073346", + "title": "The Stooping Venus", + "text": "The Stooping Venus The Stooping Venus is a 1926 novel by Scottish writer Bruce Marshall. Lady Louise Eleanor Stromworth-Jenkins is \"very much of the nineteen twenties.\" The daughter of an English Baron and a French mother, Louise is young, wealthy, intelligent, well-educated and beautiful. An object of pursuit by many eligible young men in her London, England area, Louise feels herself not really capable of love. She meets Lord James Strathcrombie, a decorated war veteran and owner of Benhyter Motors, Limited, a successful automobile company. Eventually, despite her lack of deep love for James, they marry. While Strathcrombie is in", + "score": 0.69140625 + }, + { + "id": "13242882", + "title": "The Enchantress of Venus", + "text": "able to break away from his captors and lead a rebellion. The Enchantress of Venus \"The Enchantress of Venus\" is a short story written by Leigh Brackett. It was originally published in Planet Stories in 1949 . It is one of the first stories in the genre of space opera, and is part of the Eric John Stark series of books and stories. The story has been reprinted numerous times since its first publication, and has been the subject of critical commentary in the Science Fiction community. The Enchantress of Venus is a story about a man known as Stark", + "score": 0.69140625 + }, + { + "id": "13804729", + "title": "Brenda Webster", + "text": "Ira M. Lapidus, Professor Emeritus of History at the University of California, Berkeley and author of \"A History of Islamic Societies\". Brenda Webster is the author of five novels: \"Sins of the Mothers\", \"Paradise Farm\", \"The Beheading Game\", \"Vienna Triangle\", and \"After Auschwitz: A Love Story\". Her memoir, \"The Last Good Freudian\" was published by Holmes and Meier in 2000. Webster also published a translation with Gabriella Romani of Edith Bruck's Holocaust novel, \"Lettera alla Madre\" in 2006. \"Vienna Triangle\", published in Fall of 2009, explores Sigmund Freud's role in the death of a brilliant disciple. Set in the late", + "score": 0.69140625 + }, + { + "id": "765038", + "title": "Philip Jose\u0301 Farmer", + "text": "to those plans. Farmer's use of the pseudonym had caused confusion among many readers, who for some time assumed that Vonnegut was behind it; when the truth of \"Venus on the Half-Shell\"'s authorship came out, Vonnegut was reported as being \"not amused.\" In an issue of the semi-prozine The Alien Critic/Science Fiction Review, published by Richard E. Geis, Farmer claimed to have received an angry, obscenity-laden telephone call from Vonnegut about it. Thereafter Farmer wrote a number of pseudonymous \"fictional author\" stories, mostly for \"The Magazine of Fantasy and Science Fiction\". These were stories whose \"authors\" are characters in other", + "score": 0.69091796875 + }, + { + "id": "11408016", + "title": "Venus Preserved", + "text": "of the novel Venus Preserved by Frieda Murray states, \"Lee builds to a totally unexpected climax, not to mention an interesting afterword\". She goes on to recommend this novel to acclimated science fiction readers and teens who have already read the three previous novels [Faces Under Water, Saint Fire, A Bed of Earth] of The Secret Books of Venus tetralogy. Critics agree that the writing style on this piece of literary art is \"gorgeously written\". The major characters are considered to be \"genuine with personalities\". The book did face some criticism for having \"a potentially powerful futuristic science fiction novel", + "score": 0.69091796875 + }, + { + "id": "13073351", + "title": "The Stooping Venus", + "text": "find\u2014content, and motherhood, and lawful love.\" The Stooping Venus The Stooping Venus is a 1926 novel by Scottish writer Bruce Marshall. Lady Louise Eleanor Stromworth-Jenkins is \"very much of the nineteen twenties.\" The daughter of an English Baron and a French mother, Louise is young, wealthy, intelligent, well-educated and beautiful. An object of pursuit by many eligible young men in her London, England area, Louise feels herself not really capable of love. She meets Lord James Strathcrombie, a decorated war veteran and owner of Benhyter Motors, Limited, a successful automobile company. Eventually, despite her lack of deep love for James,", + "score": 0.689453125 + }, + { + "id": "6563243", + "title": "David Westheimer", + "text": "David Westheimer David Westheimer (April 11, 1917 in Houston, Texas \u2013 November 8, 2005) was an American novelist best known for writing the 1964 novel \"Von Ryan's Express\" which was adapted as a 1965 film starring Frank Sinatra and Trevor Howard. Ironically, one of his most popular novels, and perhaps his most enduring, was not credited to him for much of its shelf life: In its original printing, he was by-lined as the author of the novelization of \"Days of Wine and Roses\" based on the screenplay by his friend J.P. Miller. But the book proved hugely popular and the", + "score": 0.689453125 + }, + { + "id": "7952949", + "title": "Venusian Lullaby", + "text": "the Christmas carol \"God Rest Ye Merry Gentlemen\". \"By the Time I Get to Venus, or Recuerda\" by Blair Bidmead, a novella featuring the pulp character Se\u00f1or 105 visiting the ancient Venus of \"Venusian Lullaby\", was published in e-book form by Manleigh Books in 2012. The e-book's use of the novel's continuity was licensed by Paul Leonard. Venusian Lullaby Venusian Lullaby is an original novel written by Paul Leonard and based on the long-running British science fiction television series \"Doctor Who\". It features the First Doctor, Ian and Barbara. When the Doctor, Ian and Barbara arrive on Venus, they find", + "score": 0.68896484375 + }, + { + "id": "3332757", + "title": "David M. Alexander", + "text": "had a planet named after him in Vance's \"The Face\" and a famous law-giver named after him in \"Night Lamp\". David M. Alexander David M. Alexander, born in 1945 in upstate New York, is a writer of science fiction and mysteries who now lives in Palo Alto, California. Novels published under his own name are \"The Chocolate Spy\", \"Fane\", and \"My Real Name Is Lisa\". Beginning in 2003, however, to avoid confusion with other writers with the same name, he began publishing under the pen name of David Grace: in that year Wildside Press published \"The Eyes Of The Blind\"", + "score": 0.68896484375 + }, + { + "id": "8098231", + "title": "Brenda Venus", + "text": "called \"Centerfolds on Sex.\" When Venus was a college student, she purchased a book at an auction that contained an envelope with the address of famed writer Henry Miller. Venus wrote to Miller and they became \"pen pals\". Eventually Miller became her mentor and Brenda his muse. Miller wrote 1,500 letters that were collected into the book \"Dear, Dear Brenda \u2013 The Love Letters of Henry Miller to Brenda Venus\". In his book \"Joey\", Miller wrote of Venus: \"To love at the end of one's life is something special. Few women can inspire that sort of love. To wake up", + "score": 0.6884765625 + }, + { + "id": "10138470", + "title": "Alain Le Bussy", + "text": "of Esneux, the first magazine he worked for) and an organizer of science fiction conventions. In 1995, he was inducted into the European Science Fiction Society Hall of Fame. Published with Black River between 1992 and 1999 Alain Le Bussy Alain Le Bussy (1947 \u2013 14 October 2010) was a prolific Belgian author of science fiction who won the Prix Rosny-A\u00een\u00e9 in 1993 for his novel \"Deltas\". He died on 14 October 2010 from complications following throat surgery. His writing career started in 1961 publishing an article on gender in the journal 'Conjunct', it was not until 1968 when he", + "score": 0.6884765625 + }, + { + "id": "11852270", + "title": "De Ortu Waluuanii", + "text": "Meriadoci\" or \"The Story of Meriadoc\". While the primary basis for John Bale's suggestion that Robert of Torigni might have been the author of these two romances was the signature of the author\u2014a single letter \"R\"\u2014Peter Larkin has suggested several reasons why the anonymous author was more likely to have been Ranulf Higden. Higden, an early fourteenth century monk and chronicler, is chronologically far more plausible a candidate and also he was known to sign his works with a single letter \"R\" while Robert of Torigni was not. \"De Ortu Waluuanii\" expands on the account of Gawain's early life given", + "score": 0.6884765625 + }, + { + "id": "14356304", + "title": "Venus in India", + "text": "the content of a third volume is occasionally referred to in the text but this was never published. Venus in India Venus in India, or Love adventures in Hindustan is a pornographic novel by the pseudonymous \"Charles Devereaux\" (variously spelled in the different editions) published by Auguste Brancart in Brussels in 1889. It purports to be the autobiography of a British Army officer serving on the North West Frontier of India, describing his erotic adventures with Lizzie Wilson and the three daughters of Colonel Selwyn. His wife Louie remains in England. He sometimes refers to Th\u00e9ophile Gautier's \"Mademoiselle de Maupin\"", + "score": 0.6884765625 + }, + { + "id": "20038609", + "title": "Veza Canetti", + "text": "her first novel, \"Yellow Street\" (1990), was published. Her novels were often political and partly autobiographical. In particular, \"The Tortoises\" draws from her time in England. Veza Canetti Venetiana \"Veza\" Taubner-Calderon Canetti (Vienna, 1897 \u2013 London, 1963) was an Austrian poet, playwright, and short story writer. Venetiana \"Veza\" Taubner-Calderon was born in Vienna, Austria, in 1897 to a Sephardi mother and Jewish-Hungarian father. After World War I, she initially worked as an English teacher. At the age of 27 she met Elias Canetti, whom she would later marry in February 1934. During the 1930s, she wrote short stories based on", + "score": 0.68798828125 + }, + { + "id": "8936408", + "title": "Venus in Furs", + "text": "Venus in Furs Venus in Furs () is a novella by the Austrian author Leopold von Sacher-Masoch, and the best known of his works. The novel was to be part of an epic series that Sacher-Masoch envisioned called \"Legacy of Cain\". \"Venus in Furs\" was part of \"Love\", the first volume of the series. It was published in 1870. The novel draws themes, like female dominance and sadomasochism, and character inspiration heavily from Sacher-Masoch's own life. Wanda von Dunajew, the novel's central female character, was modelled after Fanny Pistor, who was an emerging literary writer. The two met when Pistor", + "score": 0.68798828125 + }, + { + "id": "8737137", + "title": "Venus Equilateral", + "text": "by a low-power source. Powered by batteries, the driver tube enables the multi-G constant-boost spaceships seen throughout the series. At the series opening both Mars and Venus have been colonized. Both are described as having shirt-sleeve environments in at least some regions. Eleven of the thirteen Venus Equilateral stories were published in \"Astounding Science Fiction\" between 1942 and 1945. They were: Smith wrote a 12th story, \"Mad Holiday\", for the first book collection \"Venus Equilateral\" (1947) (which omitted \"Lost Art\" and \"Identity\"), and a 13th story, \"The External Triangle\", for Harry Harrison's 1973 anthology \"Astounding\". All 13 stories were included", + "score": 0.68798828125 + }, + { + "id": "492345", + "title": "Tannha\u0308user", + "text": "\"Under the Hill\". In 1907, the original manuscript was published and entitled \"The Story of Venus and Tannh\u00e4user\". John Heath-Stubbs,wrote a poem on the legend called \" Tannhauser's End\" (Collected Poems page 294). Aleister Crowley wrote a play called \"Tannhauser\" which follows the characters Tannhauser and Venus. English poet Algernon Charles Swinburne's \"Laus Veneris\" (In Praise of Venus) is a telling of the Tannhauser legend. Swinburne also composed the medieval French epigraph that purports to be its source. William Morris retells the story in \"The Hill of Venus,\" the final story of \"The Earthly Paradise\". Guy Willoughby in his Art", + "score": 0.68798828125 + }, + { + "id": "2036714", + "title": "Daniel Odier", + "text": "Daniel Odier Daniel Robert Odier (born in 1945 in Geneva), also known by his pseudonym Delacorta, is a Swiss author and screenwriter. Praised by Ana\u00efs Nin as \"an outstanding writer and a dazzling poet,\" he is also a prolific writer on Eastern religious traditions, especially Tantra. Odier began studies at the school of Beaux Arts at Rome but later chose to focus on writing rather than painting. He received his university degree in Paris and was employed by a leading Swiss newspaper as a music critic. He has taught screen writing at the University of Tulsa in Oklahoma. He is", + "score": 0.6875 + }, + { + "id": "12951055", + "title": "Journey to Venus", + "text": "Journey to Venus Journey to Venus the Primeval World; Its Wonderful Creations and Gigantic Monsters is an 1895 science fiction novel written by Gustavus W. Pope. The book was a sequel to Pope's novel of the previous year, \"Journey to Mars\". The \"Venus\" volume features the same hero and heroine, Lt. Frederick Hamilton, USN, and his love interest the Martian princess Suhlamia. They travel to Venus on a Martian \"ethervolt\" spacecraft. The publisher promoted the book as \"full of exciting adventures, hairbreadth escapes, and perilous vicissitudes, among primeval monsters and semi-human creatures, the episodes following each other in such breathless", + "score": 0.6875 + }, + { + "id": "9010784", + "title": "Diana Palmer (author)", + "text": "Diana Palmer (author) Susan Kyle, n\u00e9e Susan Eloise Spaeth (born December 11, 1946, in Cuthbert, Georgia, United States) is an American writer who was known as Diana Palmer and has published romantic novels since 1979. She has also written romances as Diana Blayne, Katy Currie, and under her married name Susan Kyle and a science fiction novel as Susan S. Kyle. Before writing fiction, she was a journalist for sixteen years under her birth name. Now, she has over 150 books in print, more of them translated and published around the world. Her novel \"Diamond Girl\" was made into a", + "score": 0.6875 + }, + { + "id": "2036718", + "title": "Daniel Odier", + "text": "the Delacorta novel \"Rock\" (\"Lola\"). Odier's own screenwriting credits include the films \"Invitation au voyage\" (1982) and \"Celestial Clockwork\" (1995). Daniel Odier Daniel Robert Odier (born in 1945 in Geneva), also known by his pseudonym Delacorta, is a Swiss author and screenwriter. Praised by Ana\u00efs Nin as \"an outstanding writer and a dazzling poet,\" he is also a prolific writer on Eastern religious traditions, especially Tantra. Odier began studies at the school of Beaux Arts at Rome but later chose to focus on writing rather than painting. He received his university degree in Paris and was employed by a leading", + "score": 0.6875 + }, + { + "id": "5331262", + "title": "A. F. Th. van der Heijden", + "text": "A. F. Th. van der Heijden Adrianus Franciscus Theodorus van der Heijden (born 15 October 1951, Geldrop) is a Dutch writer. Van der Heijden initially studied psychology and philosophy in Nijmegen. After moving to Amsterdam he turned to writing. His first two books appeared under the pseudonym Patrizio Canaponi: the short story collection \"Een gondel in de Herengracht\" (\"A Gondola in the Herengracht\", 1978, Anton Wachter Prize, 1979) and the novel \"De draaideur\" (\"The Revolving Door\", 1979). Van der Heijden then began publishing under his own name in the 80s. Van der Heijden has won many awards, including all the", + "score": 0.68701171875 + }, + { + "id": "7437489", + "title": "Lisa Jarnot", + "text": "well as \"The Poetry Project Newsletter\" and \"An Anthology of New (American) Poetry\" (Talisman House Publishers, 1997). She is the author of four full-length collections of poetry: \"Some Other Kind of Mission\" (1996), \"Ring of Fire\" (2001), \"Black Dog Songs\" (2003) and \"Night Scenes\" (2008). Her biography of the San Francisco poet Robert Duncan (\"Robert Duncan: The Ambassador From Venus: A Comprehensive Biography\") was published in August 2012 and was shortlisted for the National Book Critics Circle Award, the Randy Shilts Award for Gay Non-Fiction, and received Honorable Mention in Literature from American Publishers Awards program. \"Joie De Vivre: Selected", + "score": 0.68701171875 + }, + { + "id": "19787528", + "title": "Deepti Menon", + "text": "also the contributing author of Crossed and Knotted, which made it to the Limca Book of Records. Deepti Menon is the author of the following books: Deepti Menon Deepti Menon is an Indian author who lives in Thrissur, India. She is the author of \"Arms and the Woman\" and Shadow in the Mirror. Deepti was also the contributing author of Crossed and Knotted, which made it to the Limca Book of Records and A Little Chorus of Love. Deepti Menon was born on December 7, 1961, in Pune, India, to Hindu parents. Her father was a lieutenant colonel in the", + "score": 0.6865234375 + }, + { + "id": "765037", + "title": "Philip Jose\u0301 Farmer", + "text": "historical Khokarsa cycle \u2014 \"Hadon of Ancient Opar\" (1974) and \"Flight to Opar\" (1976) \u2014 Farmer portrayed the \"lost city\" of Opar, which plays an important part in the Tarzan saga, in the time of its glory as a colony city of the empire of Khokarsa. One of the books mentions a mysterious grey-eyed traveller, clearly \"Sahhindar\"/Tarzan. Farmer wrote \"Venus on the Half-Shell\" (1975) under the name Kilgore Trout, a fictional author who appears in the works of Kurt Vonnegut. He had planned to write more of Trout's fictional books (notably \"Son of Jimmy Valentine\"), but Vonnegut put an end", + "score": 0.68603515625 + } + ], + "answer": "Delta of Venus is a book of fifteen short stories by Ana\u00efs Nin published posthumously in 1977, though largely written in the 1940s as erotica for a private collector. Inspired by the short story collection of the same name, Delta of Venus is a 1994 American erotic drama film directed by Zalman King and starring Audie England, Costas Mandylor, and Marek Va\u0161ut. Audie England plays the author character of Elena Martin. The movie was written by Patricia Louisianna Knop and Elisa M. Rothstein." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "What was the overall thing that led to the downfall of the incan empire?", + "short_answers": [ + "disease" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "What specific thing led to the downfall of the Incan empire?", + "short_answers": [ + "smallpox" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "What was the most devastating factor that led to the downfall of the incan empire?", + "short_answers": [ + "diseases", + "epidemic" + ], + "wikipage": null + }, + { + "context": "The effects of smallpox on the Inca empire were even more devastating. Beginning in Colombia, smallpox spread rapidly before the Spanish invaders first arrived in the empire. The spread was probably aided by the efficient Inca road system. Smallpox was only the first epidemic. Other diseases, including a probable Typhus outbreak in 1546, influenza and smallpox together in 1558, smallpox again in 1589, diphtheria in 1614, and measles in 1618, all ravaged the Inca people.", + "question": "What was the first epidemic leading to the downfall of the incan empire?", + "short_answers": [ + "smallpox" + ], + "wikipage": "Inca Empire" + }, + { + "context": "No context provided", + "question": "What foreign power shift helped lead to the downfall of the incan empire?", + "short_answers": [ + "conquistadors", + "Spanish conquest" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Inca Empire", + "url": "https://en.wikipedia.org/wiki/Inca%20Empire" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The Inca Empire (Quechua: Tawantinsuyu, lit. \"four parts together\"[4]), also known as the Incan Empire and the Inka Empire, was the largest empire in pre-Columbian America.[", + "wikipage": "Inca Empire" + } + ], + "long_answer": "During the time of the largest empire in pre-Columbian America (Inca), diseases (primarily the smallpox epidemic) and the invasion of the Spanish conquistadors all contributed to the downfall of the empire." + }, + { + "knowledge": [ + { + "content": "The long-term effects of the arrival of the Spanish on the population of South America were catastrophic.", + "wikipage": "Spanish conquest of the Inca Empire" + }, + { + "content": "While this was the case for every group of Native-Americans invaded by Europeans during this time period, the Incan population suffered an exceptionally dramatic and rapid decline following contact.", + "wikipage": "Spanish conquest of the Inca Empire" + } + ], + "long_answer": "The downfall of the Incan Empire can be linked to both disease and Spanish conquistadors. The first epidemic was smallpox, followed by other diseases including a probable Typhus outbreak, influenza, diphtheria and measles all of which ravaged the Inca people. Likewise, the long-term effects of the arrival of the Spanish conquistadors on the population of South America were catastrophic. The Incan population suffered an exceptionally dramatic and rapid decline following contact with the Spanish." + } + ], + "sample_id": "4965896127144803833", + "question": "What led to the downfall of the incan empire?", + "docs": [ + { + "id": "201510", + "title": "Inca Empire", + "text": "Inca stronghold was conquered and the last ruler, T\u00fapac Amaru, Manco's son, was captured and executed. This ended resistance to the Spanish conquest under the political authority of the Inca state. After the fall of the Inca Empire many aspects of Inca culture were systematically destroyed, including their sophisticated farming system, known as the vertical archipelago model of agriculture. Spanish colonial officials used the Inca mita corv\u00e9e labor system for colonial aims, sometimes brutally. One member of each family was forced to work in the gold and silver mines, the foremost of which was the titanic silver mine at Potos\u00ed.", + "score": 0.73583984375, + "summary": "The Inca Empire was conquered by the Spanish and their last ruler, T\u00fapac Amaru, was captured and executed. The fall of the empire led to the destruction of many aspects of their culture, including their farming system. The Spanish used the Inca mita corv\u00e9e labor system for colonial aims, forcing one member of each family to work in the mines.", + "extraction": "After the fall of the Inca Empire many aspects of Inca culture were systematically destroyed, including their sophisticated farming system, known as the vertical archipelago model of agriculture. Spanish colonial officials used the Inca mita corv\u00e9e labor system for colonial aims, sometimes brutally." + }, + { + "id": "4216997", + "title": "Spanish conquest of the Inca Empire", + "text": "suffered a dramatic and quick decline following contact. It is estimated that parts of the empire, notably the Central Andes, suffered a population decline ratio of 58:1 during the years of 1520\u20131571. The single greatest cause of the decimation of native populations was infectious disease. Old World Eurasian diseases, which had long been endemic on the Continent, were carried unknowingly by colonists and conquistadors. As these were new to the natives, they had no acquired immunity and suffered very high rates of death. More died of disease than any army or armed conflict. As the Inca did not have as", + "score": 0.732421875, + "summary": "The downfall of the Incan empire was caused by infectious diseases brought by colonists and conquistadors, leading to a population decline ratio of 58:1 during 1520-1571.", + "extraction": "The downfall of the Incan empire was led by infectious diseases, carried by colonists and conquistadors, that the natives had no immunity to and suffered high death rates from." + }, + { + "id": "1464641", + "title": "Peru", + "text": "conquest of the Inca Empire led to spin-off campaigns throughout the viceroyalty as well as expeditions towards the Amazon Basin as in the case of Spanish efforts to quell Amerindian resistance. The last Inca resistance was suppressed when the Spaniards annihilated the Neo-Inca State in Vilcabamba in 1572. The indigenous population dramatically collapsed due to exploitation, socioeconomic change and epidemic diseases introduced by the Spanish. Viceroy Francisco de Toledo reorganized the country in the 1570s with gold and silver mining as its main economic activity and Amerindian forced labor as its primary workforce. With the discovery of the great silver", + "score": 0.73095703125, + "summary": "The downfall of the Incan empire was caused by the conquest by the Spanish, suppression of resistance, exploitation, socioeconomic change, epidemic diseases, and forced labor. The Neo-Inca State was annihilated in Vilcabamba in 1572.", + "extraction": "\"The indigenous population dramatically collapsed due to exploitation, socioeconomic change and epidemic diseases introduced by the Spanish.\"" + }, + { + "id": "12722837", + "title": "Monarchies in the Americas", + "text": "the \"Ttahuantin-suyu\", or \"land of the four sections\", each ruled by a governor or viceroy called \"Apu-cuna\", under the leadership of the central \"Sapa Inca\". The Inca Empire eventually fell to the Spanish in 1533, when the last \"Sapa Inca\" of the empire, Atahualpa, was captured and executed on 29 August. The conquerors installed other \"Sapa Inca\" beginning with Atahualpa's brother, T\u00fapac Huallpa. Manco Inca Yupanqui, originally also a puppet Inca Emperor installed by the Spaniards, rebelled and founded the small independent Neo-Inca State in Vilcabamba, and the line continued until the death of T\u00fapac Amaru in 1572. The Maya", + "score": 0.7294921875, + "summary": "Irrelevant.", + "extraction": "The Inca Empire eventually fell to the Spanish in 1533, when the last \"Sapa Inca\" of the empire, Atahualpa, was captured and executed on 29 August." + }, + { + "id": "4216960", + "title": "Spanish conquest of the Inca Empire", + "text": "empire answered to, and were ultimately under the direct control of, the Emperor. Scholars estimate that the population of the Inca Empire numbered more than 16,000,000. Some scholars, such as Jared Diamond, believe that while the Spanish conquest was undoubtedly the proximate cause of the collapse of the Inca Empire, it may very well have been past its peak and already in the process of decline. In 1528, Emperor Huayna Capac ruled the Inca Empire. He could trace his lineage back to a \"stranger king\" named Manco C\u00e1pac, the mythical founder of the Inca clan, who according to tradition emerged", + "score": 0.7275390625, + "summary": "Some scholars believe that the downfall of the Incan Empire may have already been in the process of decline before the Spanish conquest in 1528, which was ultimately the proximate cause. The empire had a population of over 16,000,000 and was controlled by the Emperor.", + "extraction": "While the Spanish conquest was undoubtedly the proximate cause of the collapse of the Inca Empire, it may very well have been past its peak and already in the process of decline." + }, + { + "id": "6535181", + "title": "1491: New Revelations of the Americas Before Columbus", + "text": "their population compared to the armies of conquistadors, such as Francisco Pizarro. He discusses the importance of the large number of newly introduced infectious diseases and the likelihood that these played a far more significant role in the Native American decline than warfare or other actions by Europeans. He notes that while Europeans probably derived less benefit from their possession of horses than expected, as e.g. the stepped roads of Inca settlements were impassable to horses, the Inca did not maximize their use of anti-horse inventions to stop the Spanish intruders. The Inca Empire collapsed because by the time Europeans", + "score": 0.708984375, + "summary": "The document is irrelevant to the question.", + "extraction": "irrelevant" + }, + { + "id": "4332196", + "title": "Sapa Inca", + "text": "who was Inca for only a few days in 1527, is sometimes left off the list of Sapa Incas because news of his death from smallpox arrived in Cusco very shortly after he was declared Sapa Inca. He had been with Huayna C\u00e1pac when he died. The death of Ninan, the presumed heir, led to the Inca Civil War between Hu\u00e1scar and Atahualpa, a weakness that the Spanish exploited when they conquered the Inca Empire. This last Sapa Inca must not be confused with T\u00fapac Amaru II, who was leader of an 18th-century Peruvian uprising. Sapa Inca The Sapa Inca", + "score": 0.70458984375, + "summary": "The document is irrelevant to the question.", + "extraction": "The death of Ninan, the presumed heir, led to the Inca Civil War between Hu\u00e1scar and Atahualpa, a weakness that the Spanish exploited when they conquered the Inca Empire." + }, + { + "id": "7660928", + "title": "History of the Incas", + "text": "Almagro, attempted to claim Cusco for himself. Manco tried to use this intra-Spanish feud to his advantage, recapturing Cusco (1536), but the Spanish retook the city. Manco Inca then retreated to the mountains of Vilcabamba and founded the Neo-Inca State, where he and his successors ruled for another 36 years, sometimes raiding the Spanish or inciting revolts against them. In 1572 the last Inca stronghold was discovered, and the last ruler, T\u00fapac Amaru, Manco's son, was captured and executed, bringing the Inca empire to an end. After the fall of Tahuantinsuyu, the new Spanish rulers repressed the people and their", + "score": 0.7041015625, + "summary": "The downfall of the Inca empire was due to the Spanish conquest led by Almagro, causing internal conflict among the Incas. Manco Inca tried to take advantage of this to recapture Cusco in 1536, but the Spanish retook it. Manco Inca then retreated to Vilcabamba where he founded the Neo-Inca State and ruled for 36 years. The last Inca stronghold was discovered in 1572, and the last ruler, T\u00fapac", + "extraction": "The downfall of the Incan Empire was caused by the Spanish re-taking Cusco and subsequent actions of the Spanish rulers." + }, + { + "id": "4216979", + "title": "Spanish conquest of the Inca Empire", + "text": "Pizarro also used cavalry charges against the Inca forces, which stunned them in combination with gunfire. The majority of Atahualpa's troops were in the Cuzco region along with Rumi\u00f1awi, Quisquis and Challcuchima, the two generals he trusted the most. This was a major disadvantage for the Inca. Their undoing also resulted from a lack of self-confidence, and a desire to make public demonstration of fearlessness and godlike command of situation. The main view is that the Inca were eventually defeated due to inferior weapons, 'open battle' tactics, disease, internal unrest, the bold tactics of the Spanish, and the capture of", + "score": 0.70361328125, + "summary": "The downfall of the Incan empire was due to a combination of factors including inferior weapons, disease, internal unrest, and the bold tactics of the Spanish led by Pizarro.", + "extraction": "The main view is that the Inca were eventually defeated due to inferior weapons, 'open battle' tactics, disease, internal unrest, the bold tactics of the Spanish, and the capture of Atahualpa, their leader." + }, + { + "id": "4216964", + "title": "Spanish conquest of the Inca Empire", + "text": "was in the midst of a war of succession between the princes Hu\u00e1scar and Atahualpa. Atahualpa seems to have spent more time with Huayna Capac during the years when he was in the north with the army conquering Ecuador. Atahualpa was thus closer to, and had better relations with the army and its leading generals. When both Huayna Capac and his eldest son and designated heir, Ninan Cuyochic, died suddenly in 1528 from what was probably smallpox, a disease introduced by the Spanish into the Americas, the question of who would succeed as emperor was thrown open. Huayna had died", + "score": 0.70263671875, + "summary": "The downfall of the Incan Empire was due to a war of succession between Hu\u00e1scar and Atahualpa. When the emperor and his designated heir died suddenly in 1528 from smallpox, the question of who would succeed as emperor was thrown open. The Spanish conquest of the empire took advantage of this internal conflict.", + "extraction": "The downfall of the Incan empire was caused by the sudden death of Huayna Capac and his designated heir Ninan Cuyochic, leaving the question of who would succeed as emperor open. This was further complicated by the ongoing war of succession between the princes Hu\u00e1scar and Atahualpa." + }, + { + "id": "4216990", + "title": "Spanish conquest of the Inca Empire", + "text": "the following spring, and during that time Manco's armies managed to wipe out four relief columns sent from Lima, but was ultimately unsuccessful in its goal of routing the Spaniards from the city. The Inca leadership did not have the full support of all its subject peoples and furthermore, the degrading state of Inca morale coupled with the superior Spanish siege weapons soon made Manco Inca realize his hope of recapturing Cuzco was failing. Manco Inca eventually withdrew to Tambo. After the Spanish regained control of Cuzco, Manco Inca and his armies retreated to the fortress at Ollantaytambo where he,", + "score": 0.69775390625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about the factors that led to the downfall of the Incan empire." + }, + { + "id": "245314", + "title": "Latin America", + "text": "about 250, with the last two great civilizations, the Aztecs and Incas, emerging into prominence later on in the early fourteenth century and mid-fifteenth centuries, respectively. The Aztec empire was ultimately the most powerful civilization known throughout the Americas, until its downfall in part by the Spanish invasion. With the arrival of the Europeans following Christopher Columbus' voyages, the indigenous elites, such as the Incas and Aztecs, lost power to the heavy European invasion. Hern\u00e1ndo Cort\u00e9s seized the Aztec elite's power with the help of local groups who had favored the Aztec elite, and Francisco Pizarro eliminated the Incan rule", + "score": 0.69677734375, + "summary": "The Incan empire lost power due to the heavy invasion of Europeans, led by Francisco Pizarro, who eliminated Incan rule.", + "extraction": "The downfall of the Incan empire was due to the heavy European invasion, which eliminated the Incan rule." + }, + { + "id": "4216965", + "title": "Spanish conquest of the Inca Empire", + "text": "before he could nominate the new heir. At the time of Huayna Capac's death, Hu\u00e1scar was in the capital Cuzco, while Atahualpa was in Quitu with the main body of the Inca army. Hu\u00e1scar had himself proclaimed Sapa Inca (i.e. \"Only Emperor\") in Cuzco, but the army declared loyalty to Atahualpa. The resulting dispute led to the Inca Civil War. The civil war between Atahualpa and Huascar weakened the empire immediately prior to its struggle with the Spanish. Historians are unsure of whether a united Inca Empire could have defeated the Spanish in the long term due to factors such", + "score": 0.6953125, + "summary": "The Inca Empire was weakened by a civil war between Atahualpa and Huascar before the Spanish conquest.", + "extraction": "The civil war between Atahualpa and Huascar weakened the empire immediately prior to its struggle with the Spanish." + }, + { + "id": "201503", + "title": "Inca Empire", + "text": "or the plains failed to pay the tribute levied on it by those who were in charge of these matters. There were even provinces where, when the natives alleged that they were unable to pay their tribute, the Inca ordered that each inhabitant should be obliged to turn in every four months a large quill full of live lice, which was the Inca's way of teaching and accustoming them to pay tribute. Spanish conquistadors led by Francisco Pizarro and his brothers explored south from what is today Panama, reaching Inca territory by 1526. It was clear that they had reached", + "score": 0.6953125, + "summary": "The document mentions that some provinces failed to pay tribute to the Inca Empire, and the Incas enforced tribute by requiring live lice from each inhabitant. The Spanish conquistadors, led by Francisco Pizarro, arrived in Inca territory in 1526. However, the document does not provide a clear reason for the downfall of the Inca Empire.", + "extraction": "The downfall of the Incan empire is not directly mentioned in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "12158579", + "title": "Battle of Ollantaytambo", + "text": "forested region of Vilcabamba, where he established the small independent Neo-Inca State which survived until 1572. In 1531, a group of Spaniards led by Francisco Pizarro landed on the shores of the Inca Empire, thus starting the Spanish conquest of Peru. At that time the empire was emerging from a civil war in which Atahualpa had defeated his brother Huascar to claim the title of Sapa Inca. Atahualpa underestimated the strength of the small force of Spaniards and was captured during an ambush at Cajamarca in November 1532. Pizarro ordered the execution of the emperor in July 1533, and occupied", + "score": 0.68896484375, + "summary": "The document is irrelevant to the question.", + "extraction": "The downfall of the Incan empire was caused by the Spanish conquest of Peru led by Francisco Pizarro, who captured and executed the emperor Atahualpa in 1533." + }, + { + "id": "276879", + "title": "Moctezuma II", + "text": "calendar, which in Aztec belief was linked to changes, rebirth, and dangerous events. The belief of the Aztecs being rendered passive by their own superstition is referred to by Matthew Restall as part of \"The Myth of Native Desolation\" to which he dedicates chapter 6 in his book Seven Myths of the Spanish Conquest. These legends are likely a part of the post-conquest rationalization by the Aztecs of their defeat, and serve to show Moctezuma as indecisive, vain, and superstitious, and ultimately the cause of the fall of the Aztec Empire. Ethnohistorian Susan Gillespie has argued that the Nahua understanding", + "score": 0.68798828125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "315281", + "title": "Demographics of Peru", + "text": "1520s to around in 1620. This happened mostly because of the unintended spread of germs and infectious diseases. In fact, the spread of smallpox greatly weakened the Inca empire, even before the Spanish arrival. The Amerindians did not have as much natural immunity to the disease as did the Europeans who had been exposed to smallpox for roughly two centuries. For this reason, several Amerindian populations were decimated. Furthermore, the disease killed Inca ruler Wayna Capac, triggering a civil war in the Inca empire that preceded the conquest efforts the Spaniards. Thus, the conquest was facilitated by the weakness of", + "score": 0.68603515625, + "summary": "The downfall of the Incan empire was due to the spread of smallpox which greatly weakened the empire, causing a decrease in population and triggering a civil war. This made the empire vulnerable and facilitated the Spanish conquest.", + "extraction": "The downfall of the Incan empire was greatly caused by the unintended spread of germs and infectious diseases, particularly smallpox, which greatly weakened the empire even before the arrival of the Spanish. The Amerindians lacked natural immunity to the disease, leading to the decimation of several populations and triggering a civil war that preceded the conquest efforts of the Spaniards." + }, + { + "id": "201511", + "title": "Inca Empire", + "text": "When a family member died, which would usually happen within a year or two, the family was required to send a replacement. The effects of smallpox on the Inca empire were even more devastating. Beginning in Colombia, smallpox spread rapidly before the Spanish invaders first arrived in the empire. The spread was probably aided by the efficient Inca road system. Smallpox was only the first epidemic. Other diseases, including a probable Typhus outbreak in 1546, influenza and smallpox together in 1558, smallpox again in 1589, diphtheria in 1614, and measles in 1618, all ravaged the Inca people. The number of", + "score": 0.68505859375, + "summary": "The downfall of the Incan empire was caused by various epidemics, including smallpox, typhus, influenza, diphtheria, and measles, which were spread through the efficient Inca road system.", + "extraction": "The downfall of the Incan empire was led by the devastating effect of epidemics such as smallpox, typhus, influenza, diphtheria, and measles, which all ravaged the Inca people." + }, + { + "id": "6246737", + "title": "Pipiltin", + "text": "for the role they will play in their adult life. They were sent to the \"calmecac\", which was the center for higher learning, to study the ancient wisdom as well as \"elegant forms of speech, ancient hymns, poems and historical accounts, religious doctrines, the calendar, astronomy, astrology, legal precepts and the art of the government.\" The \"Pipiltzin,\" however, helped increase social stresses which attributed to internal weaknesses that led to the Aztec Empire's downfall. As the Aztecs began settling what would later become their homelands, an elite emerged (the \"Pipiltzin\") that claimed descent from the Toltecs, the former empire of", + "score": 0.68212890625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about the downfall of the Aztec Empire and the role of the \"Pipiltzin\" in increasing social stresses, but it does not mention anything about the downfall of the Incan Empire." + }, + { + "id": "3231259", + "title": "Tu\u0301pac Amaru II", + "text": "defeats. The gravest defeat came in Amaru II\u2019s failure to capture Cuzco, where his 40,000 \u2013 60,000 indigenous followers were repelled by the fortified town consisting of a combined force of loyalist Native troops and reinforcements from lima. \"After being repelled from the capital of the ancient Inca empire and intellectual hub of colonial Peru\" Amaru and his men marched through the countryside attempting to recruit any native to his cause, in doing so bolstering his forces. Amaru II\u2019s army was surrounded between Tinta and Sangarara and he was betrayed by two of his officers, Colonel Ventura Landaeta and Captain", + "score": 0.681640625, + "summary": "The document is irrelevant to the question as it does not provide any information about the downfall of the Incan Empire, but rather discusses the defeat of Tu\u0301pac Amaru II.", + "extraction": "After being repelled from the capital of the ancient Inca empire and intellectual hub of colonial Peru, Amaru and his men marched through the countryside attempting to recruit any native to his cause, in doing so bolstering his forces." + }, + { + "id": "4238492", + "title": "Periodization of pre-Columbian Peru", + "text": "Periodization of pre-Columbian Peru This is a chart of cultural periods of Peru and the Andean Region developed by Edward Lanning and used by some archaeologists studying the area. An alternative dating system was developed by Luis Lumbreras and provides different dates for some archaeological finds. Most of the cultures of the Late Horizon and some of the cultures of the Late Intermediate joined the Inca Empire by 1493, but the period ends in 1532 because that marks the fall of the Inca empire after the Spanish conquest. Most of the cut-off years mark either an end of a severe", + "score": 0.681640625 + }, + { + "id": "12821306", + "title": "History of smallpox", + "text": "empire) were even more devastating. Beginning in Colombia, smallpox spread rapidly before the Spanish invaders first arrived in the empire. The spread was probably aided by the efficient Inca road system. Within months, the disease had killed the Incan Emperor Huayna Capac, his successor, and most of the other leaders. Two of his surviving sons warred for power and, after a bloody and costly war, Atahualpa become the new emperor. As Atahualpa was returning to the capital Cuzco, Francisco Pizarro arrived and through a series of deceits captured the young leader and his best general. Within a few years smallpox", + "score": 0.6806640625 + }, + { + "id": "12449595", + "title": "History of Bolivia", + "text": "power when the conquistadors arrived. Atahualpa did not attempt to defeat Pizarro when he arrived on the coast in 1532 because the Incan ruler was convinced that those who commanded the mountains also controlled the coast. Atahualpa\u2019s refusal to accept the permanent Spanish presence and to convert to Christianity led to the bloody Battle of Cajamarca on November 16, 1532. Pizarro killed Atahualpa's 12-man honor guard and took the Inca captive at the so-called ransom room. One year later, the Inca capital of Cuzco fell and was refounded as a new Spanish settlement. Despite Pizarro's quick victory, Inca rebellions soon", + "score": 0.6806640625 + }, + { + "id": "12891428", + "title": "History of the Soninke people", + "text": "mosques were built, and Islamic schools. Some Arab historians relate the decline of the Empire to the attack of Almoravid who came to convert the empire into Islam, but others believe the power of Islam was slow and did not engage any assault. There are many explanations about what led to the decline of the empire. One fact is that the king lost his trading monopoly. Also, drought began to have a long-term effect on the land, ruining its ability to sustain cattle and cultivation. New gold fields began mining, for example, at Bure (modern Guinea) which was out of", + "score": 0.6806640625 + }, + { + "id": "1732269", + "title": "Khmer Empire", + "text": "temples (the Bayon, the Baphuon, Angkor Wat) \u2013 his account informs us that the towers of the Bayon were once covered in gold \u2013 the text also offers valuable information on the everyday life and the habits of the inhabitants of Angkor. By the 14th century, the Khmer empire suffered a long, arduous, and steady decline. Historians have proposed different causes for the decline: the religious conversion from Vishnuite-Shivaite Hinduism to Theravada Buddhism that affected social and political systems, incessant internal power struggles among Khmer princes, vassal revolt, foreign invasion, plague, and ecological breakdown. For social and religious reasons, many", + "score": 0.6787109375 + }, + { + "id": "10865636", + "title": "Post-classical history", + "text": "known, it is believed that they were in a Cold-War with one another, competing but avoiding direct conflict to avoid mutual assured destruction. Without war there was prosperity and around the year 700 Tiwanaku city hosted a population of 1.4. million. After the 8th century both states declined due to changing environmental conditions, laying the ground work for the Incas to emerge as a distinct culture centuries later. In the 15th century the Inca Empire rose to annex all other nations in the area. Led by their, sun-god king, Sapa Inca, they slowly conquered what is now Peru, and built", + "score": 0.67724609375 + }, + { + "id": "2617487", + "title": "Atahualpa", + "text": "and Quipaipan. The Battle of Quipaipan was the final one between the warring brothers. Quizquiz and Chalkuchimac defeated Hu\u00e1scar's army, captured him, killed his family, and seized the capital, Cuzco. Atahualpa had remained behind in the Andean city of Cajamarca, which is where he encountered the Spanish, led by Pizarro. In January 1531, a Spanish expedition led by Francisco Pizarro, on a mission to conquer the Inca Empire, landed on Pun\u00e1 Island. Pizarro brought with him 169 men and 69 horses. The Spaniards headed south and occupied Tumbes, where they heard about the civil war that Hu\u00e1scar and Atahualpa were", + "score": 0.67724609375 + }, + { + "id": "4216962", + "title": "Spanish conquest of the Inca Empire", + "text": "the primacy of Inca power. However, expansion had resulted in its own problems. Many parts of the empire maintained distinctive cultures and these were at best resistive participants in the imperial project. The large extent of the empire, the extremely difficult terrain of much of it, and the fact that all communication and travel had to take place on foot or by boat, seems to have caused increasing difficulty in the Incas' effective administration of the empire. Huayna Capac relied on his sons to support his reign. While he had many legitimate and illegitimate children (legitimate meaning born of his", + "score": 0.67578125 + }, + { + "id": "4216998", + "title": "Spanish conquest of the Inca Empire", + "text": "strong a writing tradition as the Aztec or Maya, it is difficult for historians to estimate population decline or any events after conquest. But, it is apparent that the Inca began to contract the diseases several years before the Spanish appeared in the region, as it was likely carried to their empire by traders and travelers. The outbreak, believed to be hemorrhagic smallpox, reached the Andes in 1524. While numbers are unavailable, Spanish records indicate that the population was so devastated by disease that they could hardly resist the foreign forces. Historians differ as to whether the illness of the", + "score": 0.6748046875 + }, + { + "id": "10646840", + "title": "Kingdom of Cusco", + "text": "the map below. In 1438 CE, under the command of the Sapa Inca (paramount leader) \"Pachacuti\" (world-shaker), the Incas began a far-reaching expansion. The land which Pachacuti conquered was about the size of the Thirteen Colonies at the outbreak of the American Revolution of 1776, and consisted of nearly the entire territory of the Andes mountain range. Pachacuti reorganized the kingdom of Cusco into an empire, the \"Tahuantinsuyu\", a federalist system that consisted of a central government with the Inca at its head and four provincial governments with strong leaders: Chinchasuyu (NW), Antisuyu (NE), Kuntisuyu (SW), and Qullasuyu (SE). Pachacuti", + "score": 0.67431640625 + }, + { + "id": "12029752", + "title": "Rebellion of Tu\u0301pac Amaru II", + "text": "the country gathering forces to attempt to fight back.Troops from Lima were instrumental in helping repel T\u00fapac's siege of Cuzco from December 28, 1780 to January 10, 1781. Following these failures, his coalition of disparate malcontents began to fall apart, with the upper-caste Criollos abandoning him first to rejoin the loyalist forces. Further defeats and Spanish offers of amnesty for rebel defectors hastened the collapse of T\u00fapac's forces. By the end of February 1781, Spanish authorities began to gain the upper hand. A mostly indigenous loyalist army of up to between 15,000 and 17,000 troops led by Jose del Valle", + "score": 0.67431640625 + }, + { + "id": "12363665", + "title": "Pre-Columbian Ecuador", + "text": "life remained unchanged. Traditional religious beliefs, for example, persisted throughout the period of Inca rule. In other areas, however, such as agriculture, land tenure, and social organization, Inca rule had a profound effect despite its relatively short duration. Emperor Huayna Capac became very fond of Quito, making it a secondary capital of Tawantinsuyu and living out his elder years there before his death in about 1527. Huayna Capac's sudden death from a strange disease, described by one as smallpox, precipitated a bitter power struggle between Huascar, whose mother was Coya (meaning Empress) Mama Rahua Occillo and legitimate heir, and Atahualpa,", + "score": 0.67431640625 + }, + { + "id": "12158580", + "title": "Battle of Ollantaytambo", + "text": "the Inca capital of Cusco four months later. To replace Atahualpa, Pizarro installed his brother T\u00fapac Huallpa as a puppet ruler, but he died shortly afterwards. Another brother, Manco Inca, was crowned in his place. During this stage, Atahualpa's generals were the only opposition to the Spanish advance as a sizable part of the empire's population had fought on Huascar's side during the civil war and joined Pizarro against their enemies. For a while, Manco Inca and the conquistadors maintained cordial relations, together they defeated Atahualpa's generals and reestablished Inca rule over most of the empire. However, Manco came to", + "score": 0.67431640625 + }, + { + "id": "1464640", + "title": "Peru", + "text": "father, Inca Huayna Capac. In December 1532, a party of \"conquistadors\" led by Francisco Pizarro defeated and captured the Inca Emperor Atahualpa in the Battle of Cajamarca. The Spanish conquest of the Inca Empire was one of the most important campaigns in the Spanish colonization of the Americas. After years of preliminary exploration and military conflicts, it was the first step in a long campaign that took decades of fighting but ended in Spanish victory and colonization of the region known as the Viceroyalty of Peru with its capital at Lima, which became known as \"The City of Kings\". The", + "score": 0.67333984375 + }, + { + "id": "8995563", + "title": "Siege of Cusco", + "text": "Siege of Cusco The Siege of Cusco (May 6, 1536 \u2013 March 1537) was the siege of the city of Cusco by the army of Sapa Inca Manco Inca Yupanqui against a garrison of Spanish conquistadors and Indian auxiliaries led by Hernando Pizarro in the hope to restore the Inca Empire (1438-1533). The siege lasted ten months and was ultimately unsuccessful. A Spanish expedition led by Francisco Pizarro had captured the Inca capital of Cusco on November 15, 1533 after defeating an Inca army headed by general Quisquis. The following month, the conquistadors supported the coronation of Manco Inca as", + "score": 0.67333984375 + }, + { + "id": "315207", + "title": "History of Peru", + "text": "1520s to around 600,000 in 1620 mainly because of infectious diseases. While the attrition was not an organized attempt at genocide, the results were similar. Scholars now believe that, among the various contributing factors, epidemic disease such as smallpox (unlike the Spanish, the Amerindians had no immunity to the disease) was the overwhelming cause of the population decline of the American natives. Inca cities were given Spanish Christian names and rebuilt as Spanish towns centered around a plaza with a church or cathedral facing an official residence. A few Inca cities like Cuzco retained native masonry for the foundations of", + "score": 0.67333984375 + }, + { + "id": "2083647", + "title": "Macondo", + "text": "to the novel to come. In the narrative of \"One Hundred Years of Solitude\", the town grows from a tiny settlement with almost no contact with the outside world, to eventually become a large and thriving place, before a banana plantation is set up. The establishment of the banana plantation leads to Macondo's downfall, followed by a gigantic windstorm that wipes it from the map. As the town grows and falls, different generations of the Buend\u00eda family play important roles, contributing to its development. The fall of Macondo comes first as a result of a four-year rainfall, which destroyed most", + "score": 0.67236328125 + }, + { + "id": "6547030", + "title": "Battle of Cusco", + "text": "the Pizarro entered Cusco, accompanied by Manco Inca Yupanqui, a young Inca prince who had survived the massacre that Quizquiz had done to the nobility in Cusco. The Spanish plundered Cusco, where they found much gold and silver. Manco was crowned as Sapa Inca and helped Pizarro to drive Quizquiz back to the North. Quizquiz was eventually killed, after being struck down by his own followers, leaving none to lead the Inca Empire, since his only equal commander Chalkuchimac had been burned in captivity. Three years later Manco Inca Yupanqui fled from Cusco and tried to recapture the city with", + "score": 0.67236328125 + }, + { + "id": "8228179", + "title": "Sasanian Empire", + "text": "have survived in its beginning stages. Because of this relationship between the warriors and the priests, religion and state were considered inseparable in the Zoroastrian religion. However, it is this same relationship that caused the weakening of the Empire, when each group tried to impose their power onto the other. Disagreements between the priests and the warriors led to fragmentation within the empire, which led to its downfall. The Paygan formed the bulk of the Sassanid infantry, and were often recruited from the peasant population. Each unit was headed by an officer called a \"Paygan-salar,\" which meant \"commander of the", + "score": 0.6708984375 + }, + { + "id": "8995570", + "title": "Siege of Cusco", + "text": "severe casualties on Manco Inca's troops. After 10 months of vicious fighting in Cusco, with low morale playing a factor, Manco Inca decided to raise the siege at Cusco and withdraw to Ollantaytambo and then Vilcabamba, where he established the small Neo-Inca State. It is suggested by some that by this action he threw away his only real chance to rebuff the Spaniards from the lands of the Inca Empire, but it was probably the only realistic choice he had considering the arrival of Spanish reinforcements from Chile led by Diego de Almagro. Upon facing victory and the availability of", + "score": 0.6708984375 + }, + { + "id": "11621351", + "title": "Military history of Cambodia", + "text": "in 1181 with the invasion of the Cham city-state of Vijaya. In 1181 a young nobleman who was shortly to become Jayavarman VII, emerged as one of the great Khmer kings, raised an army and defeated the Chams in a naval battle. After Champa's decline began the rise of Cambodia's new enemies, the Siamese, the Vietnamese. As some scholars assert that the decline of the Khmer Empire was, among other causes, mainly precipitated by the drain on its economy. dynastic rivalries and slave rebellions are also considered to have affected the demise of the empire. Although a number of sources,", + "score": 0.6708984375 + }, + { + "id": "874362", + "title": "Lima", + "text": "Inca Empire in the 15th century. In 1532 a group of Spanish \"conquistadors\", led by Francisco Pizarro, defeated the Inca ruler Atahualpa and took over his empire. As the Spanish Crown had named Pizarro governor of the lands he conquered, he chose the R\u00edmac Valley to found his capital on January 18, 1535, as \"Ciudad de los Reyes\" (City of the Kings). In August 1536, rebel Inca troops led by Manco Inca Yupanqui besieged the city but were defeated by the Spaniards and their native allies. Lima gained prestige after being designated capital of the Viceroyalty of Peru and site", + "score": 0.67041015625 + }, + { + "id": "4207298", + "title": "Battle of Puna\u0301", + "text": "Battle of Pun\u00e1 The Battle of Pun\u00e1, a peripheral engagement of Francisco Pizarro's conquest of Peru, was fought in April 1531 on the island of Pun\u00e1 (in the Gulf of Guayaquil) in Ecuador. Pizarro's conquistadors, boasting superior weaponry and tactical skill, decisively defeated the island's indigenous inhabitants. The battle marked the beginning of Pizarro's third and final expedition before the fall of the Inca Empire. The Spanish army, following a long and difficult journey from Panama throughout which many had fallen to virulence, predation, and other hazards, had docked at the Inca city of Tumbes in April. Received with quiet", + "score": 0.67041015625 + }, + { + "id": "276891", + "title": "Moctezuma II", + "text": "his brother Cuitl\u00e1huac, who died shortly after during a smallpox epidemic. He was succeeded by his adolescent nephew, Cuauht\u00e9moc. During the siege of the city, the sons of Moctezuma were murdered by the Aztecs, possibly because they wanted to surrender. By the following year, the Aztec empire had fallen to an army of Spanish and their Native American allies, primarily Tlaxcalans who were traditional enemies of the Aztecs. Following the conquest, Moctezuma's daughter, Techichpotzin (or Tecuichpoch), became known as Isabel Moctezuma. She was given a large estate by Cort\u00e9s, who also fathered a child by her, Leonor Cort\u00e9s Moctezuma. Isabel", + "score": 0.67041015625 + }, + { + "id": "1532749", + "title": "Mali Empire", + "text": "war erupted upon the Kingdom which further incapacitated old Mali. Because of the war going on, trade was disrupted. Trade was a huge reason that the empire was thriving economically, and so its disruption led to a direct collapse of the empire entirely. After a mere nine months of rule, Mansa Camba Keita was deposed by one of Maghan Keita I's three sons. Konkodougou Kamissa Keita, named for the province he once governed, was crowned as Mansa Mari Djata Keita II in 1360. He ruled oppressively and nearly bankrupted Mali with his lavish spending. He did however, maintain contacts with", + "score": 0.669921875 + }, + { + "id": "4006882", + "title": "Historiography of the fall of the Western Roman Empire", + "text": "the Huns as deeply significant in the fall of the Western Empire long before they themselves became a military threat to the Empire. He postulates that the Hunnic expansion caused unprecedented immigration in 376 and 406 by barbarian groupings who had become significantly more politically and militarily capable than in previous eras. This impacted an empire already at maximum stretch due to the Sassanid pressure. Essentially he argues that the external pressures of 376\u2013470 could have brought the Western Empire down at any point in its history. He disputes Gibbon's contention that Christianity and moral decay led to the decline.", + "score": 0.66943359375 + }, + { + "id": "1732274", + "title": "Khmer Empire", + "text": "are indications that Angkor was not completely abandoned. One line of Khmer kings may have remained there, while a second moved to Phnom Penh to establish a parallel kingdom. The final fall of Angkor would then be due to the transfer of economic \u2013 and therewith political \u2013 significance, as Phnom Penh became an important trade centre on the Mekong. Besides, severe droughts and ensuing floods were considered as one of the contributing factors to its fall. The empire focused more on regional trade after the first drought. Ecological failure and infrastructural breakdown is a new alternative theory regarding the", + "score": 0.66943359375 + }, + { + "id": "2617477", + "title": "Atahualpa", + "text": "Atahualpa Atahualpa (), also Atahuallpa, Atabalipa (in Hispanicized spellings) or Atawallpa (Quechua) (c. 1502\u201326 July 1533) was the last Inca Emperor. After defeating his brother, Atahualpa became very briefly the last Sapa Inca (sovereign emperor) of the Inca Empire (Tawantinsuyu) before the Spanish conquest. Before Huayna Capac died in Quito (possibly due to smallpox), he appointed Ninan Coyuchi and Yao as his successor. Ninan also died of the same disease, without his father's knowledge. The Cusquenian nobles named Huascar (another son of Huayna) as Sapa Inca, and he appointed his brother Atahualpa as governor of Quito. Huascar declared war on", + "score": 0.66943359375 + }, + { + "id": "6659784", + "title": "Ibbi-Sin", + "text": "ruler would result in food shortages In years seven and eight of Ibbi-Sin's kingship, the price of grain increased to 60 times the norm. From this, we can conclude that the success of the Amorites in disrupting the Ur III empire is, at least in part, a product of attacks on the agricultural and irrigation systems; these attacks brought famine and caused an economic collapse in the empire, paving the way for the Elamites under Kindattu to strike into Ur and capture the king. Ibbi-Sin Ibbi-Sin, son of Shu-Sin, was king of Sumer and Akkad and last king of the", + "score": 0.6689453125 + }, + { + "id": "18860358", + "title": "Neo-Inca State", + "text": "siege of Cusco with one on Lima, led by one of his captains, Quiso Yupanqui. The Incans were able to defeat four relief expeditions sent by Francisco Pizarro from Lima. This resulted in the death of nearly 500 Spanish soldiers. Some Spaniards were captured and sent to Ollantaytambo. However, with the Spaniards' position consolidated by Almagro's reinforcements, Manco Inca decided that Ollantaytambo was too close to Cusco to be tenable so he withdrew further west. Abandoning Ollantaytambo (and effectively giving up the highlands of the empire), Manco Inca retreated to Vitcos and finally to the remote jungles of Vilcabamba. At", + "score": 0.66845703125 + }, + { + "id": "10668117", + "title": "La Decade\u0300ncia", + "text": "provenance, which was absorbed into the Trast\u00e1mara and later the Habsburg dynasties. What this signified was that the thriving bourgeoisie and commerce of the Crown of Aragon became subject to the increasingly inward-looking and absolutist policies that characterized Castile (Elliott 34). The Catalan-Aragonese empire declined for several reasons: the outbreaks of the black plague in the fourteenth and fifteenth centuries that decimated the population; banking failures led to increased Italian involvement and loss of Mediterranean market share; the textile trade foundered; and, most importantly, the civil war of 1462-72 left the Crown of Aragon \"a war-torn country, shorn of two", + "score": 0.66796875 + }, + { + "id": "3244387", + "title": "Cradle of civilization", + "text": "the area. The weights and measures later used in Kautilya's \"Arthashastra\" (4th century BC) are the same as those used in Lothal. Around 1800 BC, signs of a gradual decline began to emerge, and by around 1700 BC most of the cities had been abandoned.Suggested contributory causes for the localisation of the IVC include changes in the course of the river, and climate change that is also signalled for the neighbouring areas of the Middle East. many scholars believe that drought lead to a decline in trade with Egypt and Mesopotamia contributing to the collapse of the Indus Civilisation. The", + "score": 0.66748046875 + }, + { + "id": "315201", + "title": "History of Peru", + "text": "seen in early records.) According to Ra\u00fal Porras Barrenechea, Peru is not a Quechuan nor Caribbean word, but Indo-Hispanic or hybrid. In the years between 1524 and 1526 smallpox, introduced from Panama and preceding the Spanish conquerors swept through the Inca Empire. The death of the Incan ruler Huayna Capac as well as most of his family including his heir, caused the fall of the Incan political structure and contributed to the civil war between the brothers Atahualpa and Hu\u00e1scar. Taking advantage of this, Pizarro carried out a \"coup d'\u00e9tat\". On November 16, 1532, while the natives were in a", + "score": 0.66748046875 + }, + { + "id": "13693841", + "title": "History of Bolivia to 1809", + "text": "Francisco Pizarro, Diego de Almagro, and Hernando de Luque led the Spanish discovery and conquest of the Inca Empire. They first sailed south in 1524 along the Pacific coast from Panama to confirm the legendary existence of a land of gold called Biru. Because the rapidly expanding Inca Empire was internally weak, the conquest was remarkably easy. After the Inca Huayna Capac died in 1527, his sons Huascar and Atahualpa fought a civil war over the succession. Although Atahualpa defeated his brother, he had not yet consolidated his power when the Spaniards arrived in 1532, and he seriously misjudged their", + "score": 0.6669921875 + }, + { + "id": "2617502", + "title": "Atahualpa", + "text": "nomination) in the 1965 Broadway production. Christopher Plummer was Atahualpa in the 1969 movie version of the play. Atahualpa Atahualpa (), also Atahuallpa, Atabalipa (in Hispanicized spellings) or Atawallpa (Quechua) (c. 1502\u201326 July 1533) was the last Inca Emperor. After defeating his brother, Atahualpa became very briefly the last Sapa Inca (sovereign emperor) of the Inca Empire (Tawantinsuyu) before the Spanish conquest. Before Huayna Capac died in Quito (possibly due to smallpox), he appointed Ninan Coyuchi and Yao as his successor. Ninan also died of the same disease, without his father's knowledge. The Cusquenian nobles named Huascar (another son of", + "score": 0.666015625 + }, + { + "id": "6174405", + "title": "Second Bulgarian Empire", + "text": "devastating attack on Poland and Hungary. Ivan Asen II was succeeded by his infant son Kaliman I. Despite the initial success against the Mongols, the regency of the new emperor decided to avoid further raids and chose to pay them tribute instead. The lack of a strong monarch and increasing rivalries among the nobility caused Bulgaria to rapidly decline. Its main rival Nicaea avoided Mongol raids and gained power in the Balkans. After the death of 12-year-old Kaliman I in 1246, the throne was succeeded by several short-reigned rulers. The weakness of the new government was exposed when the Nicaean", + "score": 0.666015625 + }, + { + "id": "3283072", + "title": "Juan Velasco Alvarado", + "text": "Peruvian plans were revisionistic scholar Kalevi J. Holsti claim more important issues behind were the \"ideological incompatibility\" between the regimes of Velasco Alvarado and Pinochet and that Peru would have been concerned about Pinochet's geopolitical views on Chile's need of naval hegemony in the Southeastern Pacific. Economic difficulties such as inflation, unemployment, food shortages and increased political opposition after the 1974 crackdown on the press ultimately increased pressures on the Velasco Administration and led to its downfall. On August 29, 1975, a number of prominent military commanders initiated a coup in the southern city of Tacna, nicknamed \" El Tacnazo\".", + "score": 0.66552734375 + }, + { + "id": "2380581", + "title": "Wanli Emperor", + "text": "created the Donglin Movement, a political group who believed in upright morals and tried to influence the government according to strict Neo-Confucian principles. His reign also experienced heavy fiscal and military pressures, especially during the final years of the Wanli era when the Manchus began to conduct raids on the northern border of the Ming Empire. Their depredations ultimately led to the fall of the Ming dynasty in 1644. It has been said that the fall of the Ming dynasty was not a result of the last Ming dynasty emperor\u2019s Chongzhen Emperor's rule, but instead due to the lingering consequences", + "score": 0.6650390625 + }, + { + "id": "13558405", + "title": "Military history of South America", + "text": "a distance. The Inca Civil War broke out after the death in 1527 of the Sapa Inca Huayna Capac to smallpox, which he had caught whilst investigating the rumours of the European in the north. His eldest son and heir, Ninan Cuyochi, died shortly after him. With both the leading Inca and the successor to the throne dead, there was unrest as to who would become the next Inca king. No clear rules stated how one was to gain succession to the throne, with two brothers Hu\u00e1scar and Atahualpa claiming primacy. From 1531-2, the two brothers' armies participated in numerous", + "score": 0.6650390625 + }, + { + "id": "4859443", + "title": "Tu\u031b\u0323 \u0110u\u031b\u0301c", + "text": "worse, Emperor T\u1ef1 \u0110\u1ee9c had to deal with renewed internal rebellions which had become commonplace for the Nguy\u1ec5n Dynasty. There were literally hundreds of small rebellions and uprisings against Nguy\u1ec5n rule. Ineffective attempts to enforce the ban on Christian missionaries were also the biggest source of trouble, including the execution of a Spanish bishop which was used to justify the French and Spanish invasion that led to the fall of Saigon. By an order of 1848 T\u1ef1 \u0110\u1ee9c commanded all Vietnamese Catholic converts to renounce their religion, otherwise they would be branded on the face with the mark of a", + "score": 0.6650390625 + }, + { + "id": "9067097", + "title": "Inca Civil War", + "text": "Inca Civil War The Inca Civil War, also known as the Inca Dynastic War, the Inca War of Succession, or, sometimes, the War of the Two Brothers was fought between two brothers, Hu\u00e1scar and Atahualpa, sons of Huayna Capac, over the succession to the throne of the Inca Empire. The war followed Huayna Capac's death in 1527, although it did not begin until 1529, and lasted until 1532. Hu\u00e1scar initiated the war because he saw himself as the rightful heir to the kingdom of all the Incas. Regardless of legitimacy, Atahualpa proved himself to be tactically superior to his brother", + "score": 0.66455078125 + }, + { + "id": "577078", + "title": "Indus Valley Civilisation", + "text": "the monsoon at that time. The Indian monsoon declined and aridity increased, with the Ghaggar-Hakra retracting its reach towards the foothills of the Himalaya, leading to erratic and less extensive floods that made inundation agriculture less sustainable. Aridification reduced the water supply enough to cause the civilisation's demise, and to scatter its population eastward. According to Giosan et al. (2012), the IVC residents did not develop irrigation capabilities, relying mainly on the seasonal monsoons leading to summer floods. As the monsoons kept shifting south, the floods grew too erratic for sustainable agricultural activities. The residents then migrated towards the Ganges", + "score": 0.66357421875 + }, + { + "id": "4216992", + "title": "Spanish conquest of the Inca Empire", + "text": "none had been successful. Thus the Spanish conquest was achieved through relentless force, and deception, aided by factors like smallpox and a great communication and cultural divide. The Spaniards destroyed much of the Incan culture and introduced the Spanish culture to the native population. A struggle for power resulted in a long civil war between Francisco Pizarro and Diego de Almagro in which Almagro was killed. Almagro's loyal followers and his descendants later avenged his death by killing Pizarro in 1541. This was done inside the palace of Francisco Pizarro in a fight to the death by these assassins, most", + "score": 0.6630859375 + }, + { + "id": "12205144", + "title": "Maya civilization", + "text": "by 300. In the north of the Maya area, Coba was the most important capital. During the 9th century AD, the central Maya region suffered major political collapse, marked by the abandonment of cities, the ending of dynasties, and a northward shift in activity. No universally accepted theory explains this collapse, but it likely had a combination of causes, including endemic internecine warfare, overpopulation resulting in severe environmental degradation, and drought. During this period, known as the Terminal Classic, the northern cities of Chichen Itza and Uxmal showed increased activity. Major cities in the northern Yucat\u00e1n Peninsula continued to be", + "score": 0.66259765625 + }, + { + "id": "120018", + "title": "History of Ecuador", + "text": "making it a secondary capital of Tawantinsuyu and living out his elder years there before his death in about 1527. Huayna Capac's sudden death and the death days later of the Incan heir apparent from a strange disease, described by one source as smallpox, precipitated a bitter power struggle between the legitimate heir Hu\u00e1scar, whose mother was Coya (Empress) Mama Rahua Occillo, and Atahualpa, a son born to a Quitu princess who was reputedly his father's favorite. This struggle raged during the half-decade before the arrival of Francisco Pizarro's conquering expedition in 1532. The key battle of this civil war", + "score": 0.66162109375 + }, + { + "id": "18860356", + "title": "Neo-Inca State", + "text": "During the Spanish conquest of the Inca Empire, T\u00fapac Huallpa was a puppet ruler crowned by the conquistador Francisco Pizarro. After his death, Manco Inca Yupanqui joined Francisco Pizarro and Diego de Almagro in Cajamarca. When Pizarro's force arrived in Cusco, he had the \"caciques\" acknowledge Manco as their Inca. Manco Inca then joined Almagro and Hernando de Soto in pursuit of Quizquiz. When Pizarro left Cuzco with Almagro and Manco Inca, for Jauja in pursuit of Quizquiz, Francisco left his younger brothers Gonzalo Pizarro and Juan Pizarro as regidores, and a ninety-man garrison in the city. The Pizarro brothers", + "score": 0.66162109375 + }, + { + "id": "9067111", + "title": "Inca Civil War", + "text": "battles. Spanish and European disease caused widespread indigenous deaths across Latin America. Smallpox was the first recorded epidemic in December 1518; on Columbus\u2019 second voyage, an influenza outbreak is believed to have killed large numbers, including Spanish. \"Of the 1500 men who sailed from C\u00e1diz on September 25, 1493, scarcely 200 were alive a decade later.\" Inca Civil War The Inca Civil War, also known as the Inca Dynastic War, the Inca War of Succession, or, sometimes, the War of the Two Brothers was fought between two brothers, Hu\u00e1scar and Atahualpa, sons of Huayna Capac, over the succession to the", + "score": 0.66162109375 + }, + { + "id": "8995564", + "title": "Siege of Cusco", + "text": "Inca emperor to facilitate their control over the empire. Real power rested with the Spaniards who frequently humiliated Manco Inca and imprisoned him after an attempted escape in November 1535. After his release in January 1536, Manco Inca left Cusco on April 18 promising the Spanish commander, Hernando Pizarro, to bring back a large gold statue when in fact he was already preparing a rebellion. Having realized their mistake, Hernando Pizarro led an expedition against Manco Inca's troops, which had gathered in the nearby Yucay Valley; the attack failed as the Spaniards had severely underestimated the size of the Inca", + "score": 0.66162109375 + }, + { + "id": "201512", + "title": "Inca Empire", + "text": "people inhabiting Tawantinsuyu at its peak is uncertain, with estimates ranging from 4\u201337 million. Most population estimates are in the range of 6 to 14 million. In spite of the fact that the Inca kept excellent census records using their quipus, knowledge of how to read them was lost as almost all fell into disuse and disintegrated over time or were destroyed by the Spaniards. The main form of communication and record-keeping in the empire were quipus, ceramics, textiles and various dialects of Quechua, the language the Incas imposed upon the peoples within the empire. While Quechua had been spoken", + "score": 0.6611328125 + }, + { + "id": "13558413", + "title": "Military history of South America", + "text": "some power for several more decades. His son, T\u00fapac Amaru, was the last Inca, and was finally killed by the Spanish in 1572. In total, the conquest took about forty years to complete. Alongside the Spanish campaign to occupy Peru, a civil war broke out between Francisco Pizarro and Diego de Almagro over prerogatives and rights over the conquered cities, in which Almagro was ultimately killed. Almagro's faction, the \"Almagristas\", later avenged his death by killing Pizarro, but were finally defeated in the battle of Chupas in 1542, and their new leader, Diego Almagro El Mozo, executed. Conflict broke out", + "score": 0.66064453125 + }, + { + "id": "9050160", + "title": "El Brujo", + "text": "the public in May 2006, and a museum exhibition was proposed for 2007. The abandonment of the Huacas at the end of the Early Intermediate Period could have been linked to the political instability and upheavals of the Southern sphere of the Moche. Some archaeologists also point out the extreme climatic events at the end of the Intermediate Period that could have led to the decline of the culture. However, the informations relating to the end of the period are limited. The Lambayeque Culture arose in the Chicama Valley around 900 A.D. before being successively incorporated in the Chimu and", + "score": 0.66064453125 + }, + { + "id": "14190751", + "title": "Montezuma (TV programme)", + "text": "warfare. Enemy states were growing more powerful and conquered tribes were becoming more rebellious. Within months of taking the throne in 1502, he changed from a man of good reason into a pitiless autocrat who declared himself a god, believing that fear and ruthlessness were the only ways to stop the empire falling apart. Yet it was at the hands of Cortes and the Spanish conquistadors that Montezuma met his downfall. But what was his relationship with Cortes, and why did such a ruthless leader submit to his captors with such relative ease? As Dan Snow visits the ruins and", + "score": 0.66015625 + }, + { + "id": "4216957", + "title": "Spanish conquest of the Inca Empire", + "text": "Spanish conquest of the Inca Empire The Spanish conquest of the Inca Empire was one of the most important campaigns in the Spanish colonization of the Americas. After years of preliminary exploration and military skirmishes, 168 Spanish soldiers under conquistador Francisco Pizarro, his brothers, and their native allies captured the Sapa Inca Atahualpa in the 1532 Battle of Cajamarca. It was the first step in a long campaign that took decades of fighting but ended in Spanish victory in 1572 and colonization of the region as the Viceroyalty of Peru. The conquest of the Inca Empire (called \"Tahuantinsuyu\" or \"Tawantinsuyu\"", + "score": 0.65966796875 + }, + { + "id": "4216991", + "title": "Spanish conquest of the Inca Empire", + "text": "for a time, successfully launched attacks against Pizarro based at Cuzco and even managed to defeat the Spanish in an open battle. When it became clear that defeat was imminent, Manco Inca retreated further to the mountainous region of Vilcabamba and established the small Neo-Inca State, where Manco Inca and his successors continued to hold some power for several more decades. His son, T\u00fapac Amaru, was the last Inca. After deadly confrontations, he was murdered by the Spanish in 1572. In total, the conquest took about forty years to complete. Many Inca attempts to regain the empire had occurred, but", + "score": 0.65966796875 + }, + { + "id": "9272122", + "title": "Illuminati", + "text": "Weishaupt. In July 1784 Knigge left the order by agreement, under which he returned all relevant papers, and Weishaupt published a retraction of all slanders against him. In forcing Knigge out, Weishaupt deprived the order of its best theoretician, recruiter, and apologist. The final decline of the Illuminati was brought about by the indiscretions of their own Minervals in Bavaria, and especially in Munich. In spite of efforts by their superiors to curb loose talk, politically dangerous boasts of power and criticism of monarchy caused the \"secret\" order's existence to become common knowledge, along with the names of many important", + "score": 0.6591796875 + }, + { + "id": "3274582", + "title": "Pax Mongolica", + "text": "to govern their vast empire effectively, thus ensuring political and economic stability. The decline of the period of the \"Pax Mongolica\" was a result of a number of factors, these being incompetent and rivalling leaders, corruption, revolts, decadence, factional struggles, assassinations, external attacks, and disease. The decline of the \"Pax Mongolica\" resulted in a decline of eased trade between East and West. The Mongol Empire, near the time of its decline, consisted of many different territories that varied from one to another. Each territory was defined as a \"khanate\". Due to the isolation of the Mongolian world, many rulers in", + "score": 0.65869140625 + }, + { + "id": "4006884", + "title": "Historiography of the fall of the Western Roman Empire", + "text": "the Empire's timeline, with the Sassanid rise. Bryan Ward-Perkins's \"The Fall of Rome and the End of Civilization\" (2005) takes a traditional view tempered by modern discoveries, arguing that the empire's demise was caused by a vicious circle of political instability, foreign invasion, and reduced tax revenue. Essentially, invasions caused long-term damage to the provincial tax base, which lessened the Empire's medium- to long-term ability to pay and equip the legions, with predictable results. Likewise, constant invasions encouraged provincial rebellion as self-help, further depleting Imperial resources. Contrary to the trend among some historians of the \"there was no fall\" school,", + "score": 0.65869140625 + }, + { + "id": "1819832", + "title": "Extreme weather events of 535\u2013536", + "text": "with the droughts related to the climate changes, with signs of civil unrest and famines. A book written by David Keys speculates that the climate changes may have contributed to various developments, such as the emergence of the Plague of Justinian, the decline of the Avars, the migration of Mongolian tribes towards the West, the end of the Sassanid Empire, the collapse of the Gupta Empire, the rise of Islam, the expansion of Turkic tribes, and the fall of Teotihuac\u00e1n. In 2000, a 3BM Television production (for WNET and Channel Four) capitalized upon Keys' book. The documentary, under the name", + "score": 0.658203125 + }, + { + "id": "13772387", + "title": "Qullqa", + "text": "which the Inca Empire was the last, faced severe challenges in feeding the millions of people who were their subjects. The heartland of the empire and much of its arable land was at elevations between to more than and subject to frost, hail, and drought. Tropical crops could not be grown in the short growing seasons and a staple crop, maize, could not usually be grown above in elevation. The people at higher elevations grew potatoes, quinoa and a few other root and pseudocereal crops. Herding llamas and alpacas for meat, wool, and as beasts of burden was important. Storage", + "score": 0.658203125 + }, + { + "id": "14198554", + "title": "Decline and end of the Cucuteni\u2013Trypillia culture", + "text": "Decline and end of the Cucuteni\u2013Trypillia culture Due partly to the fact that this took place before the written record of this region began, there have been a number of theories presented over the years to fill the gap of knowledge about how and why the end of the Cucuteni\u2013Trypillia culture happened. These theories include invasions from various groups of people, a gradual cultural shift as more advanced societies settled in their region, and environmental collapse. In the larger perspective, the end of the Cucuteni-Trypillia culture marked the boundary between the Copper Age and the Bronze Age. The Copper Age,", + "score": 0.658203125 + }, + { + "id": "14198575", + "title": "Decline and end of the Cucuteni\u2013Trypillia culture", + "text": "spread across the entire world. Decline and end of the Cucuteni\u2013Trypillia culture Due partly to the fact that this took place before the written record of this region began, there have been a number of theories presented over the years to fill the gap of knowledge about how and why the end of the Cucuteni\u2013Trypillia culture happened. These theories include invasions from various groups of people, a gradual cultural shift as more advanced societies settled in their region, and environmental collapse. In the larger perspective, the end of the Cucuteni-Trypillia culture marked the boundary between the Copper Age and the", + "score": 0.65771484375 + }, + { + "id": "201509", + "title": "Inca Empire", + "text": "miners.\" The Spanish installed Atahualpa's brother Manco Inca Yupanqui in power; for some time Manco cooperated with the Spanish while they fought to put down resistance in the north. Meanwhile, an associate of Pizarro, Diego de Almagro, attempted to claim Cusco. Manco tried to use this intra-Spanish feud to his advantage, recapturing Cusco in 1536, but the Spanish retook the city afterwards. Manco Inca then retreated to the mountains of Vilcabamba and established the small Neo-Inca State, where he and his successors ruled for another 36 years, sometimes raiding the Spanish or inciting revolts against them. In 1572 the last", + "score": 0.65673828125 + }, + { + "id": "12095778", + "title": "History of the Roman Empire", + "text": "Empire\" by Edward Gibbon, it is noted that Commodus at first ruled the empire well. However, after an assassination attempt, involving a conspiracy by certain members of his family, Commodus became paranoid and slipped into insanity. The Pax Romana, or \"Roman Peace\", ended with the reign of Commodus. One could argue that the assassination attempt began the long decline of the Roman Empire. When Commodus' behaviour became increasingly erratic throughout the early 190s, Pertinax is thought to have been implicated in the conspiracy that led to Commodus' assassination on 31 December 192. The plot was carried out by the Praetorian", + "score": 0.65673828125 + }, + { + "id": "18860355", + "title": "Neo-Inca State", + "text": "Neo-Inca State The Neo-Inca State, also known as the Neo-Inca state of Vilcabamba, was the Inca state established by Inca emperor Huayna Capac's son Manco Inca Yupanqui in Vilcabamba in 1537. It is considered the remnants of the Inca Empire (1438\u20131533) after the Spanish conquest. It lasted until 1572, when the last Inca stronghold was conquered, and the last ruler, T\u00fapac Amaru, Manco's son, was captured and executed. This ended the resistance to the Spanish conquest under the political authority of the Inca state. The Vilcabamba region had been part of the Inca empire since the reign of Pachacuti (1438\u20131471).", + "score": 0.65673828125 + }, + { + "id": "5115616", + "title": "Carl Troll", + "text": "can be found in its largest numbers in this very same region. It is worth considering the maximum extent of the Inca Empire roughly coincided with the greatest distribution of alpacas and llamas in Pre-Hispanic America. The link between the Andean biomes of puna and p\u00e1ramo, pastoralism and the Inca state is a matter of research. As a third point Troll pointed out irrigation technology as advantageous to the Inca state-building. While Troll theorized environmental influences on the Inca Empire he opposed environmental determinism arguing that culture lied at the core of the Inca civilization. Carl Troll Carl Troll (24", + "score": 0.65673828125 + }, + { + "id": "2617478", + "title": "Atahualpa", + "text": "Atahualpa, for fear that he would try to carry out a coup d'\u00e9tat against him. Atahualpa became Inca emperor after he defeated and imprisoned Hu\u00e1scar and massacred any pretenders to the throne at the close of the civil war. Later, while imprisoned by the Spaniards, Atahualpa gave orders to kill Hu\u00e1scar in Jauja, thinking Hu\u00e1scar would use the Spaniards as allies to regain his throne. During the Spanish conquest, the Spaniard Francisco Pizarro captured Atahualpa and used him to control the Inca Empire. Eventually, the Spanish executed Atahualpa, effectively ending the empire. A succession of emperors, who led the Inca", + "score": 0.65625 + }, + { + "id": "3274585", + "title": "Pax Mongolica", + "text": "intolerance became more common. Some Chinese thought that they were planning to kill Chinese children and perform sexual rituals on them. This led many Chinese to become xenophobic towards the Mongols. This xenophobia led Chinese rulers to expel the Mongols from China and to isolate China from the rest of the world trade system. The segregation and fragmentation of the respective khanates in the Mongol Empire were not the only factors in contributing to the decline of the \"Pax Mongolica\". The outbreak of bubonic plague, or Black Death, also played a devastating role in the decline of the \"Pax Mongolica\".", + "score": 0.65625 + }, + { + "id": "2597093", + "title": "Pachacuti", + "text": "their origin. Each sector was further divided into areas for the \"hanan\" (upper) and \"hurin\" (lower) moieties. Many of the most renowned monuments around Cuzco, such as the great sun temple \"Qurikancha\", were rebuilt during Pachacuti's reign. Despite his political and military talents, Pachacuti did not improve the system of succession. His son became the next Inca without any known dispute after Pachacuti died in 1471 due to a terminal illness, but in future generations, the next Inca had to gain control of the empire by winning enough support from the \"apos\", priesthood, and military to win a civil war", + "score": 0.65625 + }, + { + "id": "9521422", + "title": "4.2 kiloyear event", + "text": "neighbouring areas of the Middle East. many scholars believe that drought and a decline in trade with Egypt and Mesopotamia caused the collapse of the Indus Civilisation. The Ghaggar-Hakra system was rain-fed, and water supply depended on the monsoons. The Indus valley climate grew significantly cooler and drier from about 1800 BCE, linked to a general weakening of the monsoon at that time. The Indian monsoon declined and aridity increased, with the Ghaggar-Hakra retracting its reach towards the foothills of the Himalaya, leading to erratic and less extensive floods that made inundation agriculture less sustainable. Aridification reduced the water supply", + "score": 0.65625 + }, + { + "id": "10003150", + "title": "Aztec architecture", + "text": "the empire had finally come to its demise. Matthew Restall, a researcher of The Historical Association, put it this way. \"Our general assumption is that the very nature of the Aztec Empire, its morbid and fatalistic obsession with human sacrifice, made its moral underpinnings and political structure weak, and made it vulnerable to rapid conquest by confident Spanish conquistadors wielding with equal intensity both the steel sword and the Catholic faith\" (12). With the installation of the conquistadors, the Aztecs, along with many other civilizations, fell to a more technologically advanced system. This left these amazing ruins of Aztec Architecture", + "score": 0.6552734375 + }, + { + "id": "6004747", + "title": "A Short History of Progress", + "text": "and Sumer. Both flourished, but collapsed as a result of resource depletion; both were able to visually see their land being eroded but were unwilling to reform. On Easter Island logging, in order to erect statues and build boats, destroyed their ecosystem and led to wars over the last planks of wood on the island. In Sumer, a large irrigation system, as well as over-grazing, land clearing, and lime-burning led to desertification and soil salination. In the fourth chapter, \"Pyramid Schemes\", the fates of the Roman and Mayan civilisations are compared; both peaked with centralised empires but ended with power", + "score": 0.6552734375 + }, + { + "id": "6020629", + "title": "Ancient Egyptian architecture", + "text": "coastal lines. There are multiple reasons that caused the decline of the Pelusium fortress. During its existence, events such as the Bubonic Plague appeared in the Mediterranean for the first time and multiple fires within the fortress occurred Conquest from the Persians as well as a decrease in trade could also be attributed to the increase also may have led to an increase in abandonment. Officially, natural reasons are what led to Pelusium falling apart such as tectonic motions. The official desertion of the site is attributed to the time of the crusades. Jaffa Fortress was prominent during the New", + "score": 0.6552734375 + }, + { + "id": "9994844", + "title": "Classic Maya collapse", + "text": "explain some rapid depopulation, both directly through the spread of infection itself and indirectly as an inhibition to recovery over the long run. According to Dunn (1968) and Shimkin (1973), infectious diseases spread by parasites are common in tropical rainforest regions, such as the Maya lowlands. Shimkin specifically suggests that the Maya may have encountered endemic infections related to American trypanosomiasis, \"Ascaris\", and some enteropathogens that cause acute diarrheal illness. Furthermore, some experts believe that, through development of their civilization (that is, development of agriculture and settlements), the Maya could have created a \"disturbed environment\", in which parasitic and pathogen-carrying", + "score": 0.6552734375 + }, + { + "id": "201486", + "title": "Inca Empire", + "text": "Inca Empire The Inca Empire (, \"The Four Regions\"), also known as the Incan Empire and the Inka Empire, was the largest empire in pre-Columbian America. Its political and administrative structure is considered by most scholars to have been the most developed in the Americas before Columbus' arrival. The administrative, political and military center of the empire was located in Cusco in modern-day Peru. The Inca civilization arose from the highlands of Peru sometime in the early 13th century. Its last stronghold was conquered by the Spanish in 1572. From 1438 to 1533, the Incas incorporated a large portion of", + "score": 0.65478515625 + }, + { + "id": "638296", + "title": "Hernando de Soto", + "text": "became alarmed by rumors of an Inca army advancing on Cajamarca. Pizarro sent de Soto with 200 soldiers to scout for the rumored army. While de Soto was gone, the Spanish in Cajamarca decided to kill Atahualpa to prevent his rescue. De Soto returned to report that he found no signs of an army in the area. After executing Atahualpa, Pizarro and his men headed to Cuzco, the capital of the Incan Empire. As the Spanish force approached Cuzco, Pizarro sent his brother Hernando and de Soto ahead with 40 men. The advance guard fought a pitched battle with Inca", + "score": 0.65478515625 + }, + { + "id": "13558411", + "title": "Military history of South America", + "text": "requested; it was melted, refined, and made into bars. Atahualpa was executed by the Spanish in August 1533. After Atahualpa's execution, Pizarro installed Atahualpa's brother, T\u00fapac Huallpa, as a puppet Inca ruler. Pizarro's lieutenant, Benalc\u00e1zar, travelled north with 140 foot soldiers and a few horses to conquer modern-day Ecuador, where he defeated the forces of the Inca general Rumi\u00f1ahui with the aid of Ca\u00f1ari tribesmen. T\u00fapac Huallpa then died unexpectedly, leaving Manco Inca Yupanqui in power. He began his rule as an ally of the Spanish and was respected in the southern regions of the empire, but there was still", + "score": 0.654296875 + }, + { + "id": "13490", + "title": "Akkadian Empire", + "text": "abrupt climatic change evidently caused abandonment of Tell Leilan, regional desertion, and collapse of the Akkadian empire based in southern Mesopotamia. Synchronous collapse in adjacent regions suggests that the impact of the abrupt climatic change was extensive\". Peter B. deMenocal, has shown \"there was an influence of the North Atlantic Oscillation on the stream flow of the Tigris and Euphrates at this time, which led to the collapse of the Akkadian Empire\". Excavation at Tell Leilan suggests that this site was abandoned soon after the city's massive walls were constructed, its temple rebuilt and its grain production reorganised. The debris,", + "score": 0.654296875 + }, + { + "id": "2617795", + "title": "Huayna Capac", + "text": "for food so that aid could be quickly rushed to any who were in danger of starvation. Huayna knew of the Spanish arrival off the coast of his empire since 1515. Huayna contracted a fever, perhaps from measles or smallpox upon returning to Quito, while campaigning in Colombia (though some historians dispute this). The Spaniards had carried smallpox to South America, and the Native Americans had not acquired immunity against it. Huayna and millions of other South and Central Americans died in that epidemic, including his brother, Auqui Tupac Inca, and successor eldest son, Ninan Cuyochi. Huayna Capac died in", + "score": 0.654296875 + }, + { + "id": "13558412", + "title": "Military history of South America", + "text": "much unrest in the north near Quito where the remaining Inca generals were amassing troops. The Inca armies inflicted considerable damage before the Spanish succeeded in recapturing Quito, effectively ending any organized rebellion in the north of the empire. After being mistreated, Manco Inca rebelled, escaping Spanish custody and attempted to retake Cusco in 1537. The Inca leadership did not, however, have the full support of its subject peoples and Manco was eventually forced to retreat, first to the fortress of Ollantaytambo, and then further into the mountainous region of Vilcabamba, where he established the small Neo-Inca State holding onto", + "score": 0.654296875 + }, + { + "id": "20363400", + "title": "Health in Peru", + "text": "Before the arrival of Spanish conquistadors in the early 1500s, the population of the Inca Empire which covered five countries - Ecuador, Peru, Bolivia, northern and central Chile, northwest Argentina - is estimated at between 9 million and 16 million people. The Andean people had been isolated for millennia and therefore had no reason to build up any sort of immunity against foreign diseases. This meant that the introduction of a non-native population had the potential to spell disaster for the Andeans. Even before Francisco Pizarro arrived on the coast of Peru, the Spaniards had spread diseases such as smallpox,", + "score": 0.654296875 + } + ], + "answer": "The downfall of the Incan Empire can be linked to both disease and Spanish conquistadors. The first epidemic was smallpox, followed by other diseases including a probable Typhus outbreak, influenza, diphtheria and measles all of which ravaged the Inca people. Likewise, the long-term effects of the arrival of the Spanish conquistadors on the population of South America were catastrophic. The Incan population suffered an exceptionally dramatic and rapid decline following contact with the Spanish." + }, + { + "qa_pairs": [ + { + "context": "Teenage Mutant Ninja Turtles (initially known as Teenage Mutant Hero Turtles in the UK and some European countries due to controversy at the time, and retroactively also known as TMNT 1987 or just TMNT '87) is an American animated television series produced by the studio Murakami-Wolf-Swenson and the French company IDDH. The pilot was shown during the week of December 14, 1987 in syndication as a five-part miniseries (launching on 84 stations and being played twice a day) and the show began its official run on October 1, 1988. Since then the show and franchise has become a worldwide phenomenon. The series featured the Teenage Mutant Ninja Turtles characters, created by Kevin Eastman and Peter Laird. The property was changed considerably from the darker-toned comic, to make it more suitable for children and the family.", + "question": "When did the first animated Teenage Mutant Ninja Turtles cartoon series come out?", + "short_answers": [ + "December 14, 1987" + ], + "wikipage": "Teenage Mutant Ninja Turtles (1987 TV series)" + }, + { + "context": "Teenage Mutant Ninja Turtles (also known as Teenage Mutant Ninja Turtles: The Animated Series, TMNT: Teenage Mutant Ninja Turtles or TMNT 2003) is an American animated television series, based on the fictional superhero team of the same name. The series is a first reboot of the Teenage Mutant Ninja Turtles. The series is mainly set in New York City. It first aired on February 8, 2003 and ended on March 27, 2010. The series marked the revival of the Teenage Mutant Ninja Turtles as a Saturday-morning cartoon. It first aired on Fox's Fox Box programming block (later known as 4Kids TV), before moving to The CW's The CW4Kids for its last season.", + "question": "When did the second teenage mutant ninja turtles animated cartoon series come out?", + "short_answers": [ + "February 8, 2003" + ], + "wikipage": "Teenage Mutant Ninja Turtles (2003 TV series)" + }, + { + "context": "Teenage Mutant Ninja Turtles (also known as Tales of the Teenage Mutant Ninja Turtles for its fifth season) is an American 3D rendered computer animated television series based on the fictional superhero team. It aired on Nickelodeon in the United States from September 29, 2012 to November 12, 2017. It was produced by Nickelodeon Animation Studio with CG animation services provided by Technicolor Animation. The series begins with the turtles emerging from their sewer home for the first time. They use their ninjutsu training to fight enemies in present-day New York City.", + "question": "When did the 3D rendered computer animated Teenage Mutant Ninja Turtles cartoon series come out?", + "short_answers": [ + "September 29, 2012" + ], + "wikipage": "Teenage Mutant Ninja Turtles (2012 TV series)" + } + ], + "wikipages": [ + { + "title": "Teenage Mutant Ninja Turtles (2012 TV series)", + "url": "https://en.wikipedia.org/wiki/Teenage%20Mutant%20Ninja%20Turtles%20%282012%20TV%20series%29" + }, + { + "title": "List of Teenage Mutant Ninja Turtles (1987 TV series) episodes ...", + "url": "https://en.wikipedia.org/wiki/List%20of%20Teenage%20Mutant%20Ninja%20Turtles%20%281987%20TV%20series%29%20episodes" + }, + { + "title": "Teenage Mutant Ninja Turtles (2003 TV series)", + "url": "https://en.wikipedia.org/wiki/Teenage%20Mutant%20Ninja%20Turtles%20%282003%20TV%20series%29" + }, + { + "title": "Teenage Mutant Ninja Turtles (1990 film)", + "url": "https://en.wikipedia.org/wiki/Teenage%20Mutant%20Ninja%20Turtles%20%281990%20film%29" + }, + { + "title": "Teenage Mutant Ninja Turtles (1987 TV series)", + "url": "https://en.wikipedia.org/wiki/Teenage%20Mutant%20Ninja%20Turtles%20%281987%20TV%20series%29" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "The first American animated television series Teenage Mutant Ninja Turtles was originally released as a pilot (miniseries) during the week of December 14, 1987 and officially began showing on October 1, 1988. The second animated cartoon series came out on February 8, 2003. On September 29, 2012, an American 3D rendered computer animated television series based on the fictional superhero team (Teenage Mutant Ninja Turtles) aired until November 12, 2017. " + }, + { + "knowledge": [], + "long_answer": "There have been several cartoons entitled Teenage Mutant Ninja Turtles. The first animated Teenage Mutant Ninja Turtles TV series came out on December 14, 1987, while the second one, the first reboot of Teenage Mutant Ninja Turtles, came out on Fox on February 8, 2003. A 3D-rendered computer-animated series of the same name came out on Nickelodeon on September 29, 2012." + } + ], + "sample_id": "-6429742195389252000", + "question": "When did the teenage mutant ninja turtles cartoon come out?", + "docs": [ + { + "id": "4542352", + "title": "Teenage Mutant Ninja Turtles (2003 TV series)", + "text": "Teenage Mutant Ninja Turtles (2003 TV series) Teenage Mutant Ninja Turtles (also known as Teenage Mutant Ninja Turtles: The Animated Series) is an American animated television series, based on the fictional superhero team of the same name. The series is a first reboot of the Teenage Mutant Ninja Turtles. The series is mainly set in New York City. It first aired on February 8, 2003 and ended on March 27, 2010. The series marked the revival of the Teenage Mutant Ninja Turtles as a Saturday-morning cartoon. It first aired on Fox's Fox Box programming block (later known as 4Kids TV),", + "score": 0.77001953125, + "summary": "The Teenage Mutant Ninja Turtles (2003 TV series) first aired on February 8, 2003.", + "extraction": "The teenage mutant ninja turtles cartoon first aired on February 8, 2003." + }, + { + "id": "544133", + "title": "Teenage Mutant Ninja Turtles", + "text": "merchandise. During the peak of the franchise's popularity in the late 1980s and early 1990s, it gained worldwide success and fame. The Teenage Mutant Ninja Turtles first appeared in an American comic book published by Mirage Studios in 1984 in Dover, New Hampshire. The concept arose from a humorous drawing sketched out by Eastman during a casual evening of brainstorming and bad television with Laird. Using money from a tax refund, together with a loan from Eastman\u2019s uncle, the young artists self-published a single-issue comic intended to parody four of the most popular comics of the early 1980s: Marvel Comics\u2019", + "score": 0.76513671875, + "summary": "The Teenage Mutant Ninja Turtles first appeared in an American comic book published in 1984.", + "extraction": "The Teenage Mutant Ninja Turtles first appeared in an American comic book published by Mirage Studios in 1984." + }, + { + "id": "4542220", + "title": "Teenage Mutant Ninja Turtles (1987 TV series)", + "text": "Teenage Mutant Ninja Turtles (1987 TV series) Teenage Mutant Ninja Turtles (initially known as Teenage Mutant Hero Turtles in some European countries due to controversy at the time, and retroactively also known as TMNT 1987 or just TMNT '87) is an American animated television series produced by the studio Murakami-Wolf-Swenson and the French company IDDH. The pilot was shown during the week of December 28, 1987 in syndication as a five-part miniseries (launching on 84 stations and being played twice a day) and the show began its official run on October 1, 1988. Since then the show and franchise has", + "score": 0.76416015625, + "summary": "The Teenage Mutant Ninja Turtles cartoon series, also known as TMNT '87, began its official run on October 1, 1988.", + "extraction": "The Teenage Mutant Ninja Turtles cartoon (1987 TV series) began its official run on October 1, 1988." + }, + { + "id": "544139", + "title": "Teenage Mutant Ninja Turtles", + "text": "the cartoon series, a live-action series in the vein of the films was created in 1997 in conjunction with Saban Entertainment. The series was called \"\" and introduced a fifth, female turtle called Venus de Milo. However, the series was largely unsuccessful and was canceled after one season. The property lay dormant until 2003, when a new animated TV series also entitled \"Teenage Mutant Ninja Turtles\" began to air on Fox Box (4Kids TV). The series storyline stuck much closer to the original Mirage comic book series, but was still less violent. It lasted for seven seasons and 156 episodes,", + "score": 0.7607421875, + "summary": "The animated Teenage Mutant Ninja Turtles TV series came out in 2003.", + "extraction": "A new animated TV series entitled \"Teenage Mutant Ninja Turtles\" began to air on Fox Box (4Kids TV) in 2003." + }, + { + "id": "544150", + "title": "Teenage Mutant Ninja Turtles", + "text": "highest point in popularity, it was published in over 250 newspapers. When little-known Playmates Toys was approached about producing a TMNTs action figure line, they were cautious of the risk and requested that a television deal be acquired first. On December 28, 1987, the TMNT's first cartoon series began, starting as a five-part miniseries and becoming a regular Saturday-morning syndicated series on October 1, 1988, with 13 more episodes. The series was produced by Murakami-Wolf-Swenson Film Productions, Inc. (later Fred Wolf Films). Mirage Studios does not own the rights to this cartoon series. The show places a much stronger emphasis", + "score": 0.76025390625, + "summary": "The Teenage Mutant Ninja Turtles cartoon series started on December 28, 1987.", + "extraction": "The TMNT's first cartoon series began on December 28, 1987." + }, + { + "id": "8142681", + "title": "Teenage Mutant Ninja Turtles (comic strip)", + "text": "Teenage Mutant Ninja Turtles (comic strip) The Teenage Mutant Ninja Turtles comic strip was started on December 10, 1990 by Creator's Syndicate as a daily. The strip ceased publication in January 1997. The strip ran seven days a week, but (at least for part of its run) the Saturday strips consisted only of fan art and was not part of the storyline, which was published Monday-Friday. The Sunday edition featured a mix of puzzles and fan art early on, but later switched entirely to a fan-art format. Among the creators who worked on the strip were Ryan Brown, Dan Berger,", + "score": 0.755859375, + "summary": "The Teenage Mutant Ninja Turtles comic strip started on December 10, 1990 and ended in January 1997.", + "extraction": "The given passage is irrelevant to answer the question \"When did the teenage mutant ninja turtles cartoon come out?\" as it only talks about the Teenage Mutant Ninja Turtles comic strip and not the cartoon." + }, + { + "id": "4149388", + "title": "Peter Laird", + "text": "this size and format with new, color, covers. Also in 1985, Solson Publications released \"How To Draw Eastman and Laird's Teenage Mutant Ninja Turtles\" Solson would follow this up with the six issue \"Teenage Mutant Ninja Turtles Authorized Martial Arts Training Manual\" as well as one issue of \"Teenage Mutant Ninja Turtles Teach Karate\" volume in 1987. That the \"Teenage Mutant Ninja Turtles\" became such a success (and in such a short space of time) came as a surprise to both Eastman and Laird. Laird has stated on several occasions that: This led to increased pressures on the two creators", + "score": 0.75, + "summary": "1987.", + "extraction": "The passage is irrelevant as it does not provide any information about when the teenage mutant ninja turtles cartoon was released." + }, + { + "id": "12589500", + "title": "Teenage Mutant Ninja Turtles (film series)", + "text": "Teenage Mutant Ninja Turtles (film series) Teenage Mutant Ninja Turtles is a film series based on the comic book characters of the same name created by Kevin Eastman and Peter Laird. The first film in the series, titled \"Teenage Mutant Ninja Turtles\", was released in 1990 at the height of the franchise's popularity and was a commercial success. The success of the film garnered two direct sequels, respectively released in and 1993, and a CGI animated film in 2007 billed as \"TMNT\" building on the success of the 2003\u201309 TV series. The series was rebooted in a new film made", + "score": 0.7490234375, + "summary": "The first Teenage Mutant Ninja Turtles film was released in 1990.", + "extraction": "The first film in the series, titled \"Teenage Mutant Ninja Turtles\", was released in 1990 at the height of the franchise's popularity." + }, + { + "id": "544137", + "title": "Teenage Mutant Ninja Turtles", + "text": "three times before it found an audience. Once the product started selling, the show got syndicated and picked up and backed by Group W, which funded the next round of animation. The show then went network, on CBS. Accompanied by the popular \"Teenage Mutant Ninja Turtles\" 1987 TV series, and the subsequent action figure line, \"Teenage Mutant Ninja Turtles\" became a mainstream success. At the height of the frenzy, in the late 1980s and early 1990s, the Turtles' likenesses could be found on a wide range of children's merchandise, from Pez dispensers to skateboards, breakfast cereal, video games, school supplies,", + "score": 0.748046875, + "summary": "The \"Teenage Mutant Ninja Turtles\" TV series became popular in 1987 and was backed by Group W before going network on CBS.", + "extraction": "The \"Teenage Mutant Ninja Turtles\" 1987 TV series came out in the late 1980s and early 1990s, at the height of the Turtles' mainstream success." + }, + { + "id": "544141", + "title": "Teenage Mutant Ninja Turtles", + "text": "Platinum Dunes, Nickelodeon Movies, and Paramount Pictures, directed by Jonathan Liebesman, and produced by Michael Bay, was released on August 8, 2014. Eastman and Laird's \"Teenage Mutant Ninja Turtles\" premiered in May 1984, at a comic book convention held at a local Sheraton Hotel in Portsmouth, New Hampshire. It was published by Mirage Studios in an oversized magazine-style format using black and white artwork on cheap newsprint, limited to a print run of only 3,250 copies. Through a clever media kit that included a press release in The Comics Journal #89 and a full-page ad placed in \"Comic Buyer's Guide", + "score": 0.74658203125, + "summary": "The original comic book of \"Teenage Mutant Ninja Turtles\" premiered in May 1984, but the document does not provide information on when the cartoon was released.", + "extraction": "\"Teenage Mutant Ninja Turtles\" premiered in May 1984." + }, + { + "id": "4542361", + "title": "Teenage Mutant Ninja Turtles (2003 TV series)", + "text": "(seasons 1-5) and Roy Burdine (season 6-7), while the ADR voice director was Darren Dunstan. In May 2002, it was announced that 4Kids Entertainment would produce a new animated \"Teenage Mutant Ninja Turtles\" TV series for the FoxBox programming block to air on Saturday mornings. The series was renewed for a second season in the summer of 2003. The third season was renewed in May 2004. The fourth season was renewed in April 2005. The \"Ninja Tribunal\" was originally intended to be the fifth, and final season of the 2003 Teenage Mutant Ninja Turtles animated series but the schedule was", + "score": 0.74609375, + "summary": "The 2003 Teenage Mutant Ninja Turtles animated TV series was produced by 4Kids Entertainment and aired on the FoxBox programming block on Saturday mornings. It was announced in May 2002 and renewed for a second season in summer 2003, a third season in May 2004, and a fourth season in April 2005. The \"Ninja Tribunal\" was intended to be the fifth and final season. However, the document does not provide the exact year when the", + "extraction": "The Teenage Mutant Ninja Turtles animated TV series was announced in May 2002 and the second season was renewed in the summer of 2003, which implies that the cartoon came out in 2002." + }, + { + "id": "16286993", + "title": "Teenage Mutant Ninja Turtles (2012 TV series)", + "text": "Teenage Mutant Ninja Turtles (2012 TV series) Teenage Mutant Ninja Turtles (also known as Tales of the Teenage Mutant Ninja Turtles for its fifth season) is an American 3D rendered computer animated television series based on the fictional superhero team. It aired on Nickelodeon in the United States from September 29, 2012 to November 12, 2017. It was produced by Nickelodeon Animation Studio. Composer Sebastian Evans II provided the show's score. The series was succeeded by \"Rise of the Teenage Mutant Ninja Turtles\" in September 2018. Ninjutsu master Hamato Yoshi (Splinter) is carrying his four pet turtles through the streets", + "score": 0.74462890625, + "summary": "The Teenage Mutant Ninja Turtles (2012 TV series) aired on Nickelodeon from September 29, 2012 to November 12, 2017.", + "extraction": "The Teenage Mutant Ninja Turtles cartoon came out on September 29, 2012 and aired until November 12, 2017." + }, + { + "id": "544160", + "title": "Teenage Mutant Ninja Turtles", + "text": "(later renamed \"4Kids TV\") programming block. It later moved to \"The CW4Kids\" block. The series was co-produced by Mirage Studios, and Mirage owned one-third of the rights to the series. Mirage's significant stake in creative control resulted in a cartoon that hews more closely to the original comics, creating a darker and edgier feel than the 1987 cartoon, but still remains lighthearted enough to be considered appropriate for children. This series lasted until 2009, ending with a feature-length television movie titled \"Turtles Forever\", which was produced in conjunction with the 25th anniversary of the TMNTs franchise and featured the Turtles", + "score": 0.74169921875, + "summary": "The document is irrelevant to the question.", + "extraction": "The passage is irrelevant as it does not provide any information about when the Teenage Mutant Ninja Turtles cartoon was released." + }, + { + "id": "4145783", + "title": "Kevin Eastman", + "text": "initial print run of the first issue. This earned Eastman and Laird a profit of $2000 each and allowed them to become full-time comic book creators. The \"Turtles\" phenomenon saw the duo invited to their first comics convention at the tenth annual Atlanta Fantasy Fair in 1984, where they mingled with notable comic creators like Larry Niven, Forrest J Ackerman and Fred Hembeck. Their fifth issue of \"Teenage Mutant Ninja Turtles\" was released in November 1985, and was downsized to the more common American comics-format and size. The previous four issues were also reprinted in this size and format with", + "score": 0.74169921875, + "summary": "The document mentions that the fifth issue of the \"Teenage Mutant Ninja Turtles\" comic was released in November 1985.", + "extraction": "The \"Teenage Mutant Ninja Turtles\" comic book's fifth issue was released in November 1985." + }, + { + "id": "7087410", + "title": "Teenage Mutant Ninja Turtles (Mirage Studios)", + "text": "of \"Daredevil\". After conceiving the Turtles' mentor as a rat who had come from Japan and was a ninja master, Eastman and Laird thought of giving the turtles Japanese names, but as Laird explained, \"we couldn't think of authentic-sounding Japanese names\". Instead they went with Renaissance artists, and picked the four they were most familiar with, with the help of Laird's copy of \"Janson's History of Art\". The first issue of \"Teenage Mutant Ninja Turtles\" was advertised in issues #1 and #2 of Eastman and Laird's 1984 comic, \"Gobbledygook\", in addition to the Comics Buyer's Guide, issue 545. The full", + "score": 0.7412109375, + "summary": "The first issue of \"Teenage Mutant Ninja Turtles\" was advertised in 1984, but there is no specific date provided for when the cartoon came out.", + "extraction": "The first issue of \"Teenage Mutant Ninja Turtles\" was advertised in issues #1 and #2 of Eastman and Laird's 1984 comic, \"Gobbledygook\"." + }, + { + "id": "10004249", + "title": "Table of Teenage Mutant Ninja Turtles character appearances", + "text": "Table of Teenage Mutant Ninja Turtles character appearances This table lists characters and their appearances in eight of the major continuities of the Teenage Mutant Ninja Turtles (TMNT) franchise, as well as appearances in various video games, magazines, or as action figures. The Teenage Mutant Ninja Turtles originated in an American comic book published by Mirage Studios in 1984. The concept arose from a humorous drawing sketched out by Kevin Eastman during a casual evening of brainstorming with his friend Peter Laird. Using money from a tax refund together with a loan from Eastman's uncle, the young artists self-published a", + "score": 0.7392578125, + "summary": "The document mentions the origin of the Teenage Mutant Ninja Turtles in a comic book published by Mirage Studios in 1984, but does not provide information on when the cartoon came out. Therefore, the answer is \"irrelevant.\"", + "extraction": "The Teenage Mutant Ninja Turtles originated in an American comic book published by Mirage Studios in 1984." + }, + { + "id": "4542266", + "title": "Teenage Mutant Ninja Turtles (1987 TV series)", + "text": "as coming soon in December 1989, as a new huge US show sweeping the world, and exclusive only to seven, to be aired for the first time in Australia in early February 1990 only on Seven. In a TV Line Up commercial of new shows for 1990. Before shifting to a 3:30 pm timeslot for Season 2. Later, after ratings fell, it was moved to a morning timeslot in January 1994 as part of Agro's Cartoon Connection (a successful classic Australian children's puppet, comedy, and cartoon variety show) until its end in Australia in 1996. The show was mostly uncensored,", + "score": 0.7392578125, + "summary": "The Teenage Mutant Ninja Turtles cartoon was first aired as a new show in December 1989 and was exclusive to seven. It was aired in Australia in early February 1990 only on Seven.", + "extraction": "The Teenage Mutant Ninja Turtles cartoon came out in December 1989." + }, + { + "id": "11575022", + "title": "Teenage Mutant Ninja Turtles (2003 TV series) (season 1)", + "text": "Teenage Mutant Ninja Turtles (2003 TV series) (season 1) \"Teenage Mutant Ninja Turtles\"' first season originally aired between February 8, 2003 and November 1, 2003, beginning with the \"Things Change\" episode. The episodes were first released in eight volumes, TMNT Volume one through Volume eight. The volumes were released From September 2, 2003 through March 16, 2004. The episodes were later released in 2 part season sets, part 1 was released on May 22, 2007 which had the first 12 episodes, and part 2 was released on September 18, 2007, this had the final 14 episodes of the season. The", + "score": 0.73876953125, + "summary": "The Teenage Mutant Ninja Turtles cartoon first aired on February 8, 2003.", + "extraction": "\"Teenage Mutant Ninja Turtles\"'s first season originally aired between February 8, 2003 and November 1, 2003." + }, + { + "id": "544186", + "title": "Teenage Mutant Ninja Turtles", + "text": "with the first few episodes of Season 1. This release features the original, unedited episodes under the \"Ninja Turtles\" title, and also marks the first time the show has been released and left uncensored in the UK. Due to various movie and television deals, the various TMNT films and television series have split between various companies, with Mirage Studios having retained copyright and trademark until October 19, 2009, at which point the rights for the entire TMNT franchise were sold by co-creator Peter Laird to Nickelodeon. The original animated series (1987\u20131996) was produced by Fred Wolf Films Dublin (as \"Murakami", + "score": 0.736328125, + "summary": "The original animated series of the Teenage Mutant Ninja Turtles came out in 1987 and ended in 1996.", + "extraction": "The original animated series (1987-1996) was produced." + }, + { + "id": "4145787", + "title": "Kevin Eastman", + "text": "making a brief cameo in the latter. Four more television series were also created: \"\" (1997), \"Teenage Mutant Ninja Turtles\" (2003), \"Teenage Mutant Ninja Turtles\" (2012), in which Eastman wrote the fifth season episode \"Lone Rat and Cubs\", and \"Rise of the Teenage Mutant Ninja Turtles\". There was also an animated feature film, \"TMNT\" (2007). Creative differences began to strain Eastman and Laird's partnership. In an interview in 2002, Laird noted that the two hadn't spent much time together since 1993. Eastman moved to California while Laird stayed in Massachusetts. On June 1, 2000 Laird and the Mirage Group purchased", + "score": 0.7333984375, + "summary": "The document mentions four television series of the Teenage Mutant Ninja Turtles with the years 1997, 2003, 2012, and \"Rise of the Teenage Mutant Ninja Turtles\". The animated feature film \"TMNT\" was released in 2007. Therefore, the answer to the question \"When did the teenage mutant ninja turtles cartoon come out?\" is 1997, 2003, 2012, and \"Rise of the Teenage Mut", + "extraction": "\"Teenage Mutant Ninja Turtles\" (1987)" + }, + { + "id": "4145786", + "title": "Kevin Eastman", + "text": "series had a 9-year, 10-season, 193-episode run. Bob Burden writes: In January 1988, Eastman and Laird visited Playmates Toys, who wished to market action figures based on the comic book and animated cartoon series, further cementing the Turtles' place in history and making Eastman and Laird extremely successful. Multiple other \"Turtles\" comics, toys, books, games, and other merchandising items have subsequently appeared, overseen and sometimes fully created by Eastman and Laird. Among these are five live-action films: \"Teenage Mutant Ninja Turtles\" (1990), \"\" (1991), \"Teenage Mutant Ninja Turtles III\" (1993), \"Teenage Mutant Ninja Turtles\" (2014), and \"\" (2016), with Eastman", + "score": 0.7333984375 + }, + { + "id": "4145784", + "title": "Kevin Eastman", + "text": "new colored covers. Also in 1985, Solson Publications released \"How To Draw Eastman and Laird's Teenage Mutant Ninja Turtles\". Solson would follow this up with the six issue \"Teenage Mutant Ninja Turtles Authorized Martial Arts Training Manual\" as well as one issue of \"Teenage Mutant Ninja Turtles Teach Karate\" volume in 1987. Mirage's \"Turtles\" comic led to a widening media presence for the heroes. Eastman and Laird began to widely merchandise their property. Dark Horse Miniatures produced a set of 15 lead figurines for role-playing gamers and collectors, Palladium Books produced a role-playing game featuring the Turtles, and First Comics", + "score": 0.7333984375 + }, + { + "id": "4542268", + "title": "Teenage Mutant Ninja Turtles (1987 TV series)", + "text": "aired in the US on CBS followed by the syndicated episodes. From 1992 to 1996 TV3 screened the later seasons on Saturday mornings, the \"Vacation in Europe\" episodes were screened in 1993. On April 6, 2012 reruns of the series broadcast weekly on Teletoon Retro in Canada until the channel was shutdown on September 1, 2015. There are no other TV reruns of the original \"Teenage Mutant Ninja Turtles\" animated series currently airing in North America. Although the last episode broadcast on CBS on November 2, 1996, reruns of Seasons 8, 9 and 10 continued to air until August 30,", + "score": 0.73046875 + }, + { + "id": "11575026", + "title": "Teenage Mutant Ninja Turtles (2003 TV series) (season 1)", + "text": "and Greg Johnson. Teenage Mutant Ninja Turtles (2003 TV series) (season 1) \"Teenage Mutant Ninja Turtles\"' first season originally aired between February 8, 2003 and November 1, 2003, beginning with the \"Things Change\" episode. The episodes were first released in eight volumes, TMNT Volume one through Volume eight. The volumes were released From September 2, 2003 through March 16, 2004. The episodes were later released in 2 part season sets, part 1 was released on May 22, 2007 which had the first 12 episodes, and part 2 was released on September 18, 2007, this had the final 14 episodes", + "score": 0.7294921875 + }, + { + "id": "4542221", + "title": "Teenage Mutant Ninja Turtles (1987 TV series)", + "text": "become a worldwide phenomenon. The series featured the Teenage Mutant Ninja Turtles characters, created by Kevin Eastman and Peter Laird. The property was changed considerably from the darker-toned comic, to make it more suitable for children and the family. The initial motivation behind the \"Teenage Mutant Ninja Turtles\" animated series was that, upon being approached to create a toy line, Playmates Toys was uneasy with the comic-book characters' small cult following. They requested that a television deal be acquired first, and after the initial five-episode series debuted, the California toy company released their first series of Ninja Turtles action figures", + "score": 0.72900390625 + }, + { + "id": "11595010", + "title": "Teenage Mutant Ninja Turtles (2003 TV series) (season 3)", + "text": "Teenage Mutant Ninja Turtles (2003 TV series) (season 3) \"Teenage Mutant Ninja Turtles\"' third season originally aired between October 9, 2004 and April 23, 2005, beginning with the \"Space Invaders, Part 1\" episode. The entire season of the television series was released on DVD in seven volumes from March 15, 2005 through May 16, 2006. This is the only season of the 2003 series which has a prodcode. The Triceraton Republic launches a massive invasion of Earth, believing Professor Honeycutt to be hiding on the planet. After wreaking havoc on the planet, they are convinced to leave by Donatello, who", + "score": 0.728515625 + }, + { + "id": "7087425", + "title": "Teenage Mutant Ninja Turtles (Mirage Studios)", + "text": "IDW Publishing, who had been given the Teenage Mutant Ninja Turtles rights from Viacom in 2011, including reprinting the older comics. Teenage Mutant Ninja Turtles (Mirage Studios) Teenage Mutant Ninja Turtles is an American comic book series published by Mirage Studios, featuring the characters of the same name, with a 30-year run from 1984 to 2014. Conceived by Kevin Eastman and Peter Laird, it was initially intended as a one-shot, but due to its popularity it became an ongoing series. The comic inspired a franchise of four television series, six feature films, numerous video games, and a wide range of", + "score": 0.72802734375 + }, + { + "id": "7087406", + "title": "Teenage Mutant Ninja Turtles (Mirage Studios)", + "text": "Teenage Mutant Ninja Turtles (Mirage Studios) Teenage Mutant Ninja Turtles is an American comic book series published by Mirage Studios, featuring the characters of the same name, with a 30-year run from 1984 to 2014. Conceived by Kevin Eastman and Peter Laird, it was initially intended as a one-shot, but due to its popularity it became an ongoing series. The comic inspired a franchise of four television series, six feature films, numerous video games, and a wide range of toys and merchandise. Over the years, the Turtles have appeared in numerous cross-overs with other independent comics characters such as Dave", + "score": 0.72705078125 + }, + { + "id": "11595015", + "title": "Teenage Mutant Ninja Turtles (2003 TV series) (season 3)", + "text": "The producers were Gary Richardson, Frederick U. Fierst, and Joellyn Marlow for the American team; Tae Ho Han was the producer for the Korean team. Teenage Mutant Ninja Turtles (2003 TV series) (season 3) \"Teenage Mutant Ninja Turtles\"' third season originally aired between October 9, 2004 and April 23, 2005, beginning with the \"Space Invaders, Part 1\" episode. The entire season of the television series was released on DVD in seven volumes from March 15, 2005 through May 16, 2006. This is the only season of the 2003 series which has a prodcode. The Triceraton Republic launches a massive", + "score": 0.72705078125 + }, + { + "id": "5651090", + "title": "Teenage Mutant Ninja Turtles (1990 film)", + "text": "2012, minus the fourth film \"TMNT\". Warner Home Video released the film separately on Blu-ray on December 18, 2012. Following the huge success of \"Teenage Mutant Ninja Turtles\" at the box office, several sequels were created. A year later, \"\" was released in theaters, and was a commercial success. In 1993, \"Teenage Mutant Ninja Turtles III\" was released in theaters, to a smaller box office take. After a 14-year absence from theaters, a fourth film, \"TMNT\", was released in 2007, though unlike the first three, this was a CGI animated film. Seven years later, a reboot, also with the title", + "score": 0.7265625 + }, + { + "id": "11573164", + "title": "Teenage Mutant Ninja Turtles (2003 TV series) (season 2)", + "text": "Teenage Mutant Ninja Turtles (2003 TV series) (season 2) \"Teenage Mutant Ninja Turtles\"' second season originally aired between November 8, 2003 and October 2, 2004, beginning with the \"Turtles in Space, Part 1: The Fugitoid\" episode. The episodes were first released on DVD in eight volumes, TMNT Volume nine through Volume fourteen. The volumes were released From May 18, 2004 through January 18, 2005. The episodes were later released in 2 part season sets; part 1 was released on February 19, 2008, containing the first 12 episodes of the season, and part 2 was released on October 28, 2008 with", + "score": 0.7255859375 + }, + { + "id": "4149387", + "title": "Peter Laird", + "text": "two thousand dollars apiece. Which allowed us to write and draw stories full-time: it was enough to pay the rent, pay the bills, and buy enough macaroni and cheese and pencils to live on.\" The \"Turtles\" phenomenon saw the duo invited to their first comics convention at the tenth annual Atlanta Fantasy Fair in 1984, where they mingled with the likes of Larry Niven, Forrest J Ackerman and Fred Hembeck (among others). With their (November 1985) fifth issue, \"Teenage Mutant Ninja Turtles\" downsized to the more common American comics-format and size, and the previous four issues were also reprinted in", + "score": 0.72509765625 + }, + { + "id": "4145781", + "title": "Kevin Eastman", + "text": "searching for a local underground newspaper to publish his work, he began a professional relationship with Peter Laird and the two collaborated for a short time on various comics projects. In May 1984, Eastman and Laird self-published the first black & white issue of \"Teenage Mutant Ninja Turtles\". The forty-page oversized comic had an initial print run of 3275 copies and was largely funded by a US$1000 loan from Eastman's uncle Quentin. It was published by the duo's Mirage Studios, a name chosen because, as Eastman says, \"there wasn't an actual studio, only kitchen tables and couches with lap boards.\"", + "score": 0.724609375 + }, + { + "id": "8513938", + "title": "Teenage Mutant Ninja Turtles action figures", + "text": "writing and conceptualization of this creative team. As the series developed, veteran writer Jack Mendelsohn came on board as both a story editor and scriptwriter. David Wise, Michael Charles Hill and Michael Reaves wrote most of the scripts, taking input via Mendelsohn and collaborating writer Schulte and marketing maven Aaronian. In signing with Murakami-Wolf-Swenson Productions, Eastman and Laird saw the production of the first TMNT cartoon in December 1987. Playmates held up their end of the deal and produced the first series of TMNT action figures in the summer of 1988. The premiere series included the four Turtles, Splinter, April,", + "score": 0.7236328125 + }, + { + "id": "4542353", + "title": "Teenage Mutant Ninja Turtles (2003 TV series)", + "text": "before moving to The CW's The CW4Kids for its last season. \"Teenage Mutant Ninja Turtles\" was announced in May 2002 and produced by 4Kids Entertainment and Mirage Studios, which co-owned rights to the show and animated by Dong Woo Animation. After buying the TMNT franchise in October 2009, Nickelodeon now owns the rights to the 2003 series. In the 2003 TV series, the four Turtles' personalities are in some ways different from the 1987 TV series in an attempt to follow the Mirage Comics versions of the characters more closely. All the characters are more complex individuals and the Turtles", + "score": 0.7236328125 + }, + { + "id": "8142682", + "title": "Teenage Mutant Ninja Turtles (comic strip)", + "text": "Jim Lawson, Michael Dooney, Steve Lavigne and Dean Clarrain. Some of the TMNT daily strips have been reprinted in \"Comics Revue\". There is no book reprint collection of the daily comic strips. Teenage Mutant Ninja Turtles (comic strip) The Teenage Mutant Ninja Turtles comic strip was started on December 10, 1990 by Creator's Syndicate as a daily. The strip ceased publication in January 1997. The strip ran seven days a week, but (at least for part of its run) the Saturday strips consisted only of fan art and was not part of the storyline, which was published Monday-Friday. The Sunday", + "score": 0.72216796875 + }, + { + "id": "11595022", + "title": "Teenage Mutant Ninja Turtles (2003 TV series) (season 4)", + "text": "Teenage Mutant Ninja Turtles (2003 TV series) (season 4) \"Teenage Mutant Ninja Turtles\"' fourth season originally aired between September 10, 2005 and April 15, 2006, beginning with the \"Cousin Sid\" episode. Fourteen random episodes from this season were released on DVD on September 12, 2006. Much of this season focused on Leonardo, the group's leader, who became more reserved and isolated following the final episode of the previous season in which he, his brothers and their master were almost killed. He went so far as to lash out at Splinter, causing him serious injury. This season is known among of", + "score": 0.7216796875 + }, + { + "id": "544185", + "title": "Teenage Mutant Ninja Turtles", + "text": "censorship policies had been abolished, and no changes have occurred in the content of the show. The name \"Teenage Mutant Ninja Turtles\" remained unchanged for the 2003 TV series. As a result, in the UK, the 1987 TV series is still called \"Teenage Mutant Hero Turtles\" and the 2003 TV series is called \"Teenage Mutant Ninja Turtles\". In 2009, Lionsgate Home Entertainment released the 25th Anniversary Collectors Edition on Region 2 DVD in the UK. This 3-Disc set contains all the episodes of Seasons 1 and 2 and 4 episodes from the final season, as well as a 1-Disc DVD", + "score": 0.72021484375 + }, + { + "id": "4542265", + "title": "Teenage Mutant Ninja Turtles (1987 TV series)", + "text": "however, remained intact when shown in the UK and the Republic of Ireland. This led the UK and the Republic of Ireland to have a disambiguation between the two animated series, using \"Hero Turtles\" to separate the 1987 television series from the other incarnations of the franchise. In 2009, a DVD of the first two seasons was released under the Ninja Turtles branding, thus bringing this version of the franchise into line with the later versions. The first season of the show premiered in Australia as a two-part (90 minutes each) prime-time miniseries on the Seven Network, after being promoted", + "score": 0.7197265625 + }, + { + "id": "544134", + "title": "Teenage Mutant Ninja Turtles", + "text": "\"Daredevil\" and \"New Mutants\", Dave Sim\u2019s \"Cerebus\", and Frank Miller\u2019s \"Ronin\". The \"TMNT\" comic book series has been published in various incarnations by various comic book companies since 1984. The Turtles started their rise to mainstream success when a licensing agent, Mark Freedman, sought out Eastman and Laird to propose wider merchandising opportunities for the franchise. In 1986, Dark Horse Miniatures produced a set of 15-mm (approximately 0.6 inch) lead figurines. In January 1987, Eastman and Laird visited the offices of Playmates Toys, a small California toy company that wanted to expand into the action-figure market. Development was undertaken by", + "score": 0.7197265625 + }, + { + "id": "8517749", + "title": "Tales of the Teenage Mutant Ninja Turtles", + "text": "Tales of the Teenage Mutant Ninja Turtles Tales of the Teenage Mutant Ninja Turtles, called Tales of the TMNT in its later Volume 2 incarnation, is an anthology comic book series published by Mirage Studios, starting in May 1987, presenting additional stories featuring the Teenage Mutant Ninja Turtles and their supporting cast as a companion book to the main \"Turtles\" comic series filling in the gaps of continuity in the \"TMNT\" universe. It was published in two distinct volumes\".\" The title's first run was from 1987\u20131989, released in alternating months with the regular Eastman & Laird book, with Ryan Brown", + "score": 0.71923828125 + }, + { + "id": "5651091", + "title": "Teenage Mutant Ninja Turtles (1990 film)", + "text": "\"Teenage Mutant Ninja Turtles\", was released in 2014, and a sequel titled \"\" was released in theaters on June 3, 2016. Teenage Mutant Ninja Turtles (1990 film) Teenage Mutant Ninja Turtles is a 1990 American martial arts superhero comedy film directed by Steve Barron. Based on the fictional superhero team of the same name, the story follows Splinter and the turtles, their meeting April O'Neil and Casey Jones, and their confrontation with Shredder and his Foot Clan. It stars Judith Hoag, Elias Koteas, and the voices of Brian Tochi, Robbie Rist, Corey Feldman, and Josh Pais. The film is an", + "score": 0.71875 + }, + { + "id": "8502876", + "title": "Stephen Murphy (comics)", + "text": "than the cartoon. During that period, Murphy co-created the characters Jagwar, Nova Posse, Snake-Eyes, and Sarnath; he united several of the series' recurring characters as a separate team, the Mighty Mutanimals. Murphy wrote the majority of his work on \"TMNT Adventures\" under the name \"Dean Clarrain.\" Murphy (as \"Dean Clarrain\") also contributed to the \"Teenage Mutant Ninja Turtles\" comic strip, which ran from 1990\u20131997. Murphy was a founding grant committee member of the Xeric Foundation from 1992\u20132006. Established by \"TMNT\" co-founder Peter Laird, the Xeric Foundation awarded self-publishing grants to comic book creators for 20 years until it shifted its", + "score": 0.71875 + }, + { + "id": "4542277", + "title": "Teenage Mutant Ninja Turtles (1987 TV series)", + "text": "(7 to 9). The discs are in Region 4, but they are in NTSC picture format, instead of PAL, reflecting the changes in television technology since the original airing of the series in 1990. All episodes from the 1987 series have now been released in Region 4, in Volumes 1-16. The \"Teenage Mutant Ninja Turtles Magazine\" was a children's magazine published quarterly by Welsh Publishing Group, Inc during the height of TMNT popularity in the late 1980s and early 1990s. It was officially licensed by Eastman and Laird and available by subscription. The $1.95, 32-page magazine featured articles about the", + "score": 0.71728515625 + }, + { + "id": "544147", + "title": "Teenage Mutant Ninja Turtles", + "text": "the next few years. The latest issue of TMNT volume 4 was issue #32 which came out in print May 4, 2014, and online on May 9, 2014, almost 4 years after issue #31 was last released. \"Teenage Mutant Ninja Turtles Adventures\" was a comic-book series published from August 1988 to October 1995 by Archie Comics. The initial storylines were close adaptations of the 1987 TV series, but with the fifth issue, Eastman and Laird decided to hand the series over to Mirage Studios employees Ryan Brown and Stephen Murphy, who immediately abandoned the animated series adaptations and took the", + "score": 0.71728515625 + }, + { + "id": "17479552", + "title": "Teenage Mutant Ninja Turtles (2012 TV series) (season 1)", + "text": "Teenage Mutant Ninja Turtles (2012 TV series) (season 1) The first season of \"Teenage Mutant Ninja Turtles\" aired on Nickelodeon from September 29, 2012 to August 8, 2013. The season introduces the four turtles Leonardo (voiced by Jason Biggs), Donatello (voiced by Rob Paulsen), Raphael (voiced by Sean Astin) and Michelangelo (voiced by Greg Cipes). On October 21, 2009, a press release was made indicating that Viacom had bought the complete rights of the Teenage Mutant Ninja Turtles franchise from Peter Laird for $60 million. Viacom would be developing a CGI animated TV series for its Nickelodeon family of channels", + "score": 0.716796875 + }, + { + "id": "16927357", + "title": "Teenage Mutant Ninja Turtles (1987 TV series) (season 5)", + "text": "the season 10 DVD as a bonus episode uncut as well as \"Once Upon A Time Machine\" Teenage Mutant Ninja Turtles (1987 TV series) (season 5) The fifth season of \"Teenage Mutant Ninja Turtles\" aired in 1991. First being located on the Volcanic Asteroid in Dimension X where it remained throughout season 4, for most of this season, the Technodrome is frozen at the North Pole. The transport modules from season 3 are reused, this time to drill underneath Canada and into New York City. Episodes #125 and #126 originally ran as a 1-hour prime-time special titled \"Planet Of The", + "score": 0.716796875 + }, + { + "id": "544163", + "title": "Teenage Mutant Ninja Turtles", + "text": "by Jonathan Liebesman, and produced by Michael Bay, was released on August 8, 2014. A sequel, \"\" was released on June 3, 2016. Among the first licensed products to feature the TMNT was a tabletop role-playing game titled \"Teenage Mutant Ninja Turtles & Other Strangeness\", published by Palladium Books in 1985, and featuring original comics and illustrations by Eastman and Laird. The game features a large list of animals, including elephants and sparrows, that are available as mutant player characters. Several more titles were in this genre, including \"Teenage Mutant Ninja Turtles Adventures\", \"Truckin' Turtles\", \"Turtles Go Hollywood\", \"Teenage Mutant", + "score": 0.716796875 + }, + { + "id": "11595030", + "title": "Teenage Mutant Ninja Turtles (2003 TV series) (season 4)", + "text": "was the producer for the Korean team. Teenage Mutant Ninja Turtles (2003 TV series) (season 4) \"Teenage Mutant Ninja Turtles\"' fourth season originally aired between September 10, 2005 and April 15, 2006, beginning with the \"Cousin Sid\" episode. Fourteen random episodes from this season were released on DVD on September 12, 2006. Much of this season focused on Leonardo, the group's leader, who became more reserved and isolated following the final episode of the previous season in which he, his brothers and their master were almost killed. He went so far as to lash out at Splinter, causing him", + "score": 0.7158203125 + }, + { + "id": "544181", + "title": "Teenage Mutant Ninja Turtles", + "text": "and enjoy it very much. All the while, though, we've kept the originals very much oursforty pages of what we enjoy and want to see in our books, whether it comes from our own hands or from those of the talented people we work with.\" In the film \"Turtles Forever\", the original Mirage Turtles refer to their counterparts from the 1987 cartoon series and the 2003 cartoon series as \"sell-outs\", in reference to their colorful accessories (the originals are conveyed in black and white). Upon TMNT's first arrival in the United Kingdom the name was changed to \"Teenage Mutant 'Hero'", + "score": 0.71484375 + }, + { + "id": "4542223", + "title": "Teenage Mutant Ninja Turtles (1987 TV series)", + "text": "the show's run. The show was in Saturday morning syndication from October 1, 1988 to September 9, 1989, and became an instant hit. The show was expanded to five days a week and aired weekday afternoons in syndication in most markets from September 25, 1989 to September 17, 1993. Starting on September 8, 1990 (with a different opening sequence), the show began its secondary run on CBS's Saturday morning lineup, beginning as a 60-minute block from 1990 to 1993, initially airing a couple of Saturday exclusive episodes back to back. There would also be a brief \"Turtle Tips\" segment in", + "score": 0.71484375 + }, + { + "id": "13612844", + "title": "Turtles Forever", + "text": "Turtles Forever Turtles Forever (also known as Teenage Mutant Ninja Turtles: Turtles Forever or TMNT: Turtles Forever) is a 2009 American television film produced by 4Kids Entertainment. A crossover film featuring three different incarnations of the Turtles, it was produced in celebration of the 25th anniversary of the Teenage Mutant Ninja Turtles. An edited version of the movie was released on July 11, 2009 worldwide on TV. The film was then released on July 29, 2009 in New Zealand, Australia and Canada. In other countries, the film aired on The CW as part of their Saturday morning The CW4Kids lineup", + "score": 0.71435546875 + }, + { + "id": "7016184", + "title": "Teenage Mutant Ninja Turtles Adventures", + "text": "Teenage Mutant Ninja Turtles Adventures Teenage Mutant Ninja Turtles Adventures is a comic book series published from August 1988 to October 1995 by Archie Comics. It is mainly based on the stories of the mutant turtles Donatello, Leonardo, Michaelangelo, Raphael, and their rat sensei Splinter. It is set in a separate reality from other TMNT stories. The initial storylines were close adaptations of the TMNT 1987 TV series, but by the fifth issue the creators handed the series over to Ryan Brown and Stephen Murphy. In their hands the comic immediately diverged from the cartoon series into unique new story", + "score": 0.71337890625 + }, + { + "id": "6554199", + "title": "TMNT (film)", + "text": "Iroh in the concurrently-produced cartoon \"\", and used this precedent to successfully lobby to join the cast of \"TMNT\" as Splinter following Iwamatsu's death. The licensed soundtrack \"TMNT: Teenage Mutant Ninja Turtles\" was released by Atlantic Records in 2007. The film was originally set for release domestically (USA and Canada) on March 30, 2007, which would have been the 17th anniversary of the release of the first TMNT film. The March 30 date was advertised in the teaser trailer and early posters, but the release was moved up to March 23. At the 2006 San Diego Comic-Con, the \"TMNT\" panel", + "score": 0.71337890625 + }, + { + "id": "16957028", + "title": "Teenage Mutant Ninja Turtles (1987 TV series) (season 8)", + "text": "Teenage Mutant Ninja Turtles (1987 TV series) (season 8) The eighth season of \"Teenage Mutant Ninja Turtles\" aired in 1994. From this point onwards, the show was retooled into a more action-based series. Among the changes, the tone of the show became darker, the art style changed significantly, and many of the previous notable characters were written out of the show. There was also a new title sequence and completely new theme song. These final three seasons are known as the \"Red Sky episodes\" amongst fans, because the sky was constantly portrayed as red, instead of the usual blue, complementing", + "score": 0.712890625 + }, + { + "id": "544162", + "title": "Teenage Mutant Ninja Turtles", + "text": "Nickelodeon announced a new 2D animated series based on the franchise, which debuted on September 17, 2018. The Turtles have appeared in six feature films. The first three are live-action features produced in the early 1990s: \"Teenage Mutant Ninja Turtles\" (1990), \"\" (1991), and \"Teenage Mutant Ninja Turtles III\" (1993). The Turtles were played by various actors in costumes featuring animatronic heads, initially produced by Jim Henson's Creature Shop. The fourth film is a CGI-animated film titled simply \"TMNT\" and released in 2007. A reboot, titled \"Teenage Mutant Ninja Turtles\" produced by Platinum Dunes, Nickelodeon Movies, and Paramount Pictures, directed", + "score": 0.71240234375 + }, + { + "id": "16287030", + "title": "Teenage Mutant Ninja Turtles (2012 TV series)", + "text": "and Raphael appear as playable characters in the video game \"Nickelodeon Kart Racers\" and it's the first Nickelodeon crossover video game for consoles to feature Teenage Mutant Ninja Turtles characters. Teenage Mutant Ninja Turtles (2012 TV series) Teenage Mutant Ninja Turtles (also known as Tales of the Teenage Mutant Ninja Turtles for its fifth season) is an American 3D rendered computer animated television series based on the fictional superhero team. It aired on Nickelodeon in the United States from September 29, 2012 to November 12, 2017. It was produced by Nickelodeon Animation Studio. Composer Sebastian Evans II provided the show's", + "score": 0.7119140625 + }, + { + "id": "11655357", + "title": "Teenage Mutant Ninja Turtles (2003 TV series) (season 7)", + "text": "Teenage Mutant Ninja Turtles (2003 TV series) (season 7) The seventh season of \"Teenage Mutant Ninja Turtles\", titled Back to the Sewer, aired on Saturday mornings on the CW4Kids on CW Network in 2008-2009. With this season, the show moved from Fox's 4Kids TV lineup to the CW. The season began with the episode \"Tempus Fugit\" which aired on September 13, 2008. It is followed by the TV special Turtles Forever. Cody Jones is able to finally repair the Time Window, but parts with the Turtles and Splinter can return to 2006. However, Viral, who had survived her defeat in", + "score": 0.71044921875 + }, + { + "id": "11595053", + "title": "Teenage Mutant Ninja Turtles (2003 TV series) (season 6)", + "text": "released through the Rewards Plaza of the 4Kids website. Teenage Mutant Ninja Turtles (2003 TV series) (season 6) The sixth season (subtitled Fast Forward) originally aired between July 29, 2006 and October 27, 2007, beginning with the \"Future Shellshock\" episode. It also includes recreated designs for all returning characters. This season mostly takes place in 2105 New York City, with plots such as Sh\u2019Okanabo's attempts to unleash the \"Day of Awakening\"; the Turtles\u2019 attempts to expose Darius Dunn's criminal activities, and to return to their own time; and Cody Jones\u2019 growth. Due to the multispecies population of the future,", + "score": 0.70947265625 + }, + { + "id": "4542273", + "title": "Teenage Mutant Ninja Turtles (1987 TV series)", + "text": "25th anniversary of the original Mirage comicbooks, primarily focusing on this series, and those of the 2003 animated series. Therefore, while not part of the original canon of the Mirage Turtles, the series can be considered part of the wider official turtles canon. At the time, the series was criticised by various groups for its commercialism, blaming it for markering TMNT action figures and other toys, and violent content. Originally, the series was released to VHS tapes and laserdisc between 1988 and 1996 by Family Home Entertainment while airing back in the late 1980s-early 1990s. Meanwhile, the UK, videotapes were", + "score": 0.70947265625 + }, + { + "id": "5491993", + "title": "Teenage Mutant Ninja Turtles III", + "text": "Teenage Mutant Ninja Turtles III Teenage Mutant Ninja Turtles III is a 1993 American martial arts superhero comedy film written and directed by Stuart Gillard. Based on the fictional superhero team the Teenage Mutant Ninja Turtles, it is the second sequel to the 1990 film \"Teenage Mutant Ninja Turtles\" and is the final installment of the original trilogy. It was produced by Clearwater Holdings Ltd. and Golden Harvest. This was the last \"Teenage Mutant Ninja Turtles\" film released by New Line Cinema and released on VHS along with Columbia TriStar Home Video. It was internationally distributed by 20th Century Fox.", + "score": 0.708984375 + }, + { + "id": "544184", + "title": "Teenage Mutant Ninja Turtles", + "text": "had different dubs in addition to Castillian: Galician and Catalan; in the Galician version, the title \"As Tartarugas Mutantes\" (\"The Mutant Turtles\") was used. The Italian and European Portuguese dubs also had few edits. However, when the live-action movie came out in 1990, the \"Ninja\" of the title was kept even in the UK. In time, nunchaku scenes were retained in previously-censored movies such as those of Bruce Lee. The same went for the PAL releases of the early video games, which had Michelangelo's weapon of choice fully visible and usable. By the time of the 2003 TV series, these", + "score": 0.70849609375 + }, + { + "id": "544155", + "title": "Teenage Mutant Ninja Turtles", + "text": "\"far-out\", \"tubuloso\", \"bodacious\", and possibly the most recognized, \"cowabunga\". On April 21, 1990, a drug-prevention television special was broadcast on ABC, NBC, and CBS named \"Cartoon All-Stars to the Rescue\" that featured some of the most popular cartoons at the time; representing TMNT was Michelangelo, voiced by Townsend Coleman. Starting on September 8, 1990 (with a different opening sequence), the show began its run on CBS. The CBS weekend edition ran for a full hour until 1994, initially airing a few Saturday-exclusive episodes back-to-back. Also, a brief \"Turtle Tips\" segment aired between the two episodes, which served as public-service announcement", + "score": 0.70751953125 + }, + { + "id": "20419281", + "title": "Rise of the Teenage Mutant Ninja Turtles", + "text": "Rise of the Teenage Mutant Ninja Turtles Rise of the Teenage Mutant Ninja Turtles is an American 2D-animated television series based on the fictional superhero team the Teenage Mutant Ninja Turtles. The series debuted on September 17, 2018 after a sneak preview aired on July 20. The first 5 episodes of the series were released online the same day. The series was announced by Nickelodeon in a press release on March 2, 2017 and is initially scheduled to run for at least 26 episodes. This re-imagined series will have the Turtles go on new adventures as they seek to unlock", + "score": 0.70751953125 + }, + { + "id": "16398664", + "title": "Teenage Mutant Ninja Turtles (2014 film)", + "text": "Australia, a poster was released which featured the four turtles jumping from an exploding skyscraper as promotion for its September 11 release. The poster offended many people since the World Trade Center was destroyed back in 2001 during the September 11 attacks. Paramount apologized and removed the poster. \"Teenage Mutant Ninja Turtles\" was released on Digital HD on November 25, 2014, and was released on DVD and 2D and 3D Blu-ray on December 16, 2014. The film topped the home video sales charts in its first week and achieved the highest ratio of disc sales to theatrical tickets sales its", + "score": 0.70654296875 + }, + { + "id": "8517754", + "title": "Tales of the Teenage Mutant Ninja Turtles", + "text": "1: Volume 2: Volume 1+2 IDW Imprint: Tales of the Teenage Mutant Ninja Turtles Tales of the Teenage Mutant Ninja Turtles, called Tales of the TMNT in its later Volume 2 incarnation, is an anthology comic book series published by Mirage Studios, starting in May 1987, presenting additional stories featuring the Teenage Mutant Ninja Turtles and their supporting cast as a companion book to the main \"Turtles\" comic series filling in the gaps of continuity in the \"TMNT\" universe. It was published in two distinct volumes\".\" The title's first run was from 1987\u20131989, released in alternating months with the regular", + "score": 0.70654296875 + }, + { + "id": "12589503", + "title": "Teenage Mutant Ninja Turtles (film series)", + "text": "feudal Japan, where they become embroiled in a conflict between a daimy\u014d and a group of rebellious villagers. A 2007 feature film, titled simply \"TMNT\" and written and directed by Kevin Munroe, was released March 23, 2007. Unlike the previous films, it used 100% computer-generated imagery, produced by Imagi Animation Studios and distributed by Warner Bros. Pictures and The Weinstein Company. It was the final Ninja Turtle movie to be distributed by Time Warner due to the franchise being purchased by Viacom. This film opens with the Turtles scattered as Leonardo is training in Central America, Donatello and Michelangelo have", + "score": 0.70654296875 + }, + { + "id": "16957029", + "title": "Teenage Mutant Ninja Turtles (1987 TV series) (season 8)", + "text": "the overall darker tone. The Technodrome is now in Dimension X, while Krang, Shredder, Bebop and Rocksteady are stranded on Earth. Teenage Mutant Ninja Turtles (1987 TV series) (season 8) The eighth season of \"Teenage Mutant Ninja Turtles\" aired in 1994. From this point onwards, the show was retooled into a more action-based series. Among the changes, the tone of the show became darker, the art style changed significantly, and many of the previous notable characters were written out of the show. There was also a new title sequence and completely new theme song. These final three seasons are", + "score": 0.7060546875 + }, + { + "id": "16927030", + "title": "Teenage Mutant Ninja Turtles (1987 TV series) (season 1)", + "text": "Teenage Mutant Ninja Turtles (1987 TV series) (season 1) The first season of \"Teenage Mutant Ninja Turtles\" is the first season of the series aired in syndication. At this point in the series, the Technodrome is located underneath New York City. Chronologically, this is the 5-part pilot episode, \"Heroes in a Half Shell\". In late 1989 the first five episodes from series 1 were adapted in a 50-minute video special called The Epic Begins (aka How It All Began) released by Family Home Entertainment in the USA and Tempo Video/Abbey Home Entertainment in the UK (with the British title", + "score": 0.70556640625 + }, + { + "id": "544138", + "title": "Teenage Mutant Ninja Turtles", + "text": "linens, towels, cameras, and toy shaving kits. While the animated TV series, which lasted for 10 seasons until 1996, was more light-hearted, the comic-book series continued in a much darker and grittier tone. In 1990, a live-action feature film was released, with the Turtles and Splinter being portrayed by actors in partially animatronic suits created by Jim Henson's Creature Shop. The film became one of the most successful independent films and spawned two sequels, as well as inspiring a three-dimensional animated film set in the same continuity, which was released in 2007 under the title \"TMNT\". After the end of", + "score": 0.705078125 + }, + { + "id": "15357403", + "title": "Mirage Studios", + "text": "With the success of the Teenage Mutant Ninja Turtles, Eastman and Laird hired a core group of artists to help with the increasing workload. The first addition to the studio roster was Eastman's high school friend Steve Lavigne, brought on in 1984 as a letterer. In 1985, Eastman and Laird hired Cleveland artist Ryan Brown to assist them as an inker for the Turtles. Brown would be the first in a long line of artists, other than Eastman and Laird, that would work on the Teenage Mutant Ninja Turtles series. In the following year, two new members were added, penciler", + "score": 0.70458984375 + }, + { + "id": "5437825", + "title": "Teenage Mutant Ninja Turtles II: The Secret of the Ooze", + "text": "of the film's release. The soundtrack also features two original pieces from the Orchestra On The Half Shell. The original music was composed by John Du Prez, who won a BMI Film Music Award for his work. The film was originally released on VHS in North America on July 31, 1991. The film was later released to DVD in Region 1 on 3 September 2002; it contained only minor special features and interactive menus. On 4 August 2009, the film was included in a special 25th-anniversary boxset, released to both DVD and Blu-Ray formats. It contains \"Teenage Mutant Ninja Turtles\",", + "score": 0.70458984375 + }, + { + "id": "5651069", + "title": "Teenage Mutant Ninja Turtles (1990 film)", + "text": "time. The turtle costumes were developed by Jim Henson's Creature Shop, one of Henson's last projects before his death shortly after the premiere. \"Teenage Mutant Ninja Turtles\" became the highest-grossing independent film at the time, the ninth-highest-grossing film worldwide of 1990, and the highest-grossing film in the series until the 2014 reboot. It was followed by two sequels, \"\" in 1991 and \"Teenage Mutant Ninja Turtles III\" in 1993. As a crime wave rises in New York City, reporter April O'Neil covers the mysterious ninja Foot Clan. The Shredder, the Foot leader, orders April silenced. She is attacked by the", + "score": 0.70361328125 + }, + { + "id": "544149", + "title": "Teenage Mutant Ninja Turtles", + "text": "they had acquired the license to publish new collections of Mirage storylines and a new ongoing series. The first issue of the new series was released on August 24, 2011. Turtles co-creator Kevin Eastman and Tom Waltz write, with Eastman and Dan Duncan handling art chores. The Turtles have appeared in several \"manga\" series. A daily comic strip written and illustrated by Dan Berger began in 1990. It featured an adventure story Monday through Friday and activity puzzles on weekends (with fan art appearing later). The comic strip was published in syndication until its cancellation in December 1996. At its", + "score": 0.70361328125 + }, + { + "id": "4145782", + "title": "Kevin Eastman", + "text": "By September 1985, their first issue had received three additional printings. Laird's newspaper experience led to the two creating a four-page press kit, which included a story outline and artwork. They sent the press kit to 180 television and radio stations as well as to the Associated Press and United Press International. This led to widespread press coverage of both the \"Teenage Mutant Ninja Turtles\" and Mirage Studios itself, creating a demand for the comic. With their second issue, Eastman and Laird's \"Turtles\" comic began a quick rise to success, bringing in advance orders of 15,000 copies, five times the", + "score": 0.70361328125 + }, + { + "id": "17599594", + "title": "Teenage Mutant Ninja Turtles (2012 TV series) (season 2)", + "text": "Teenage Mutant Ninja Turtles (2012 TV series) (season 2) The second season of \"Teenage Mutant Ninja Turtles\" aired on Nickelodeon from October 12, 2013 to September 26, 2014. On October 2, 2012, Nickelodeon ordered a second season of \"Teenage Mutant Ninja Turtles\". Executive producer Ciro Nieli confirmed that Mutagen Man will have a large role in the second season and an hour-long episode featuring the voice actors of the original \"TMNT\" series (Cam Clarke, Townsend Coleman, Barry Gordon, and Rob Paulsen) in their respective roles for a cameo. Corey Feldman (who was the voice of Donatello from the first and", + "score": 0.703125 + }, + { + "id": "5651068", + "title": "Teenage Mutant Ninja Turtles (1990 film)", + "text": "Teenage Mutant Ninja Turtles (1990 film) Teenage Mutant Ninja Turtles is a 1990 American martial arts superhero comedy film directed by Steve Barron. Based on the fictional superhero team of the same name, the story follows Splinter and the turtles, their meeting April O'Neil and Casey Jones, and their confrontation with Shredder and his Foot Clan. It stars Judith Hoag, Elias Koteas, and the voices of Brian Tochi, Robbie Rist, Corey Feldman, and Josh Pais. The film is an adaptation of the early \"Teenage Mutant Ninja Turtles\" comics, with several elements taken from the animated TV series airing at the", + "score": 0.70166015625 + }, + { + "id": "6612916", + "title": "Ninja Turtles: The Next Mutation", + "text": "two volumes, containing three discs each. Volume 1 was released in July 2007 and Volume 2 was released in February 2008. Some foreign territories have released the full-length form of episodes in their native languages, including Germany, France, Israel, Poland and Italy. Shout! Factory released the first volume of \"Ninja Turtles: The Next Mutation\" on DVD on September 4, 2012. On December 4, 2012 Shout! Factory released the second volume on DVD. The series is currently available for streaming on Netflix and LoveFilm. In the United States of America, the show first aired from 1997 to 1998 on Friday afternoons", + "score": 0.701171875 + }, + { + "id": "16287022", + "title": "Teenage Mutant Ninja Turtles (2012 TV series)", + "text": "on Canadian channel YTV on September 29, 2012. It also premiered on Nickelodeon UK and Ireland in the UK and the Republic of Ireland on October 1, 2012. It premiered on Nickelodeon Australia and New Zealand in Australia and New Zealand on October 8, 2012. It premiered on Nickelodeon Canada on September 2, 2013. In India, it airs on Nick HD+. It also airs on Channel 5 in the UK. IGN has given the show positive reviews, with many episodes reviewed being given the \"Editor's Choice\" title. The season 2 finale \"The Invasion\" has received the highest rating of 10/10.", + "score": 0.70068359375 + }, + { + "id": "8517751", + "title": "Tales of the Teenage Mutant Ninja Turtles", + "text": "sorts for a variety of guest artists. The title ceased publication in 1989 when the TMNT became a licensed property. Jim Lawson moved to Mirage's ongoing TMNT series while Ryan Brown shifted toward art and design work for TMNT licensees, including the Teenage Mutant Ninja Turtles Adventures title from Archie Comics. Sixteen years later, under the direction of Stephen Murphy, a relaunch of the series began publication in January 2004. The new Tales of the TMNT (as the covers read) focused on events that occur throughout the Turtles' lives, including some of the \"lost\" thirteen years occurring between TMNT Volumes", + "score": 0.70068359375 + }, + { + "id": "4542224", + "title": "Teenage Mutant Ninja Turtles (1987 TV series)", + "text": "between the two episodes which served as PSA about the environment or other issues. There were at least 20 \"Turtle Tips\" segments that were produced and aired. Beginning in 1994, the show began airing as a 30-minute block until the series ended. The series ran until November 2, 1996, when it aired its final episode. The show helped launch the characters into mainstream popularity and became one of the most popular animated series in television history. Breakfast cereals, plush toys, and all manner of products featuring the characters appeared on the market during the late-1980s and early-1990s. A successful Archie", + "score": 0.7001953125 + }, + { + "id": "4542271", + "title": "Teenage Mutant Ninja Turtles (1987 TV series)", + "text": "TV 2. In Australia, it is currently being rerun for the first time since its original run and end in 1996, when it was on the Seven Network. The rights to the show are now owned by Network Ten, and the show airs on their sister channel 10 Peach every Sunday morning at 9\u201310:00 am with double episodes. IGN named TMNT as the 55th best show in the Top 100 Best Animated TV Shows. While the story diverged heavily from the original conception of the Teenage Mutant Ninja Turtles with the universe of the original Mirage comics, the 1987 television", + "score": 0.7001953125 + }, + { + "id": "4542262", + "title": "Teenage Mutant Ninja Turtles (1987 TV series)", + "text": "re-dubbed, and this time they aired in their original US unedited form. In Sweden, TV 3 Sweden, which aired from London, aired seasons 1-3 between 1990-1993, while TV1000 aired seasons 4-6 with subtitles and the \"Vacation in Europe\" episodes dubbed. The series was dubbed into Swedish by Mediadubb. Meanwile, Sun Studio also dubbed some chosen seasons 1-3 episodes into Swedish, for home video releases in 1991, later rereleased to DVD. In Sweden, the home video releases kept the original title, \"Teenage Mutant Ninja Turtles\". In Spain, the name of the cartoon was translated to \"Las Tortugas Ninja\" (with the word", + "score": 0.7001953125 + }, + { + "id": "14601159", + "title": "Children's programming on CBS", + "text": "compete with other action series at the time, \"Teenage Mutant Ninja Turtles\" was revamped into a more action-oriented series with less comedy, and along with new shows \"WildC.A.T.s\" and \"Skeleton Warriors\" was grouped into a new sub-block, \"Action Zone\", which premiered in September 1994; the sub-block featured a fly-though robotic style pre-opening that eventually segued into the show's opening title sequence. \"WildC.A.T.s.\" and \"Skeleton Warriors\" were cancelled around a year later, at which time the sub-block was discontinued (although \"Teenage Mutant Ninja Turtles\" was allowed to retain the \"Action Zone\" brand until that series ended its run two years later).", + "score": 0.69970703125 + }, + { + "id": "16927356", + "title": "Teenage Mutant Ninja Turtles (1987 TV series) (season 5)", + "text": "Teenage Mutant Ninja Turtles (1987 TV series) (season 5) The fifth season of \"Teenage Mutant Ninja Turtles\" aired in 1991. First being located on the Volcanic Asteroid in Dimension X where it remained throughout season 4, for most of this season, the Technodrome is frozen at the North Pole. The transport modules from season 3 are reused, this time to drill underneath Canada and into New York City. Episodes #125 and #126 originally ran as a 1-hour prime-time special titled \"Planet Of The Turtleoids\". When reran, it was split into two parts. \"Planet Of The Turtleoids\" is included in", + "score": 0.69970703125 + }, + { + "id": "6554184", + "title": "TMNT (film)", + "text": "14 years. It is loosely connected to the original 1990-1993 trilogy. The film sees the four Turtles (Raphael, Leonardo, Donatello, and Michelangelo) grow apart after their final defeat of their archenemy the Shredder, when strange things are happening in New York City as ancient creatures threaten the world and the Turtles must reunite to save it. The film was released theatrically by Warner Bros. Pictures (making it the only film in the \"TMNT\" franchise to be distributed by that company) on March 23, 2007 to mixed reviews from critics yet was a commercial success, grossing $95 million worldwide against a", + "score": 0.69970703125 + }, + { + "id": "6554183", + "title": "TMNT (film)", + "text": "TMNT (film) TMNT (also known as Teenage Mutant Ninja Turtles) is a 2007 American computer-animated martial arts superhero comedy film written and directed by Kevin Munroe. Based on the \"Teenage Mutant Ninja Turtles\" comic book series, the film stars the voices of James Arnold Taylor, Nolan North, Mitchell Whitfield, Mikey Kelley, Chris Evans, Sarah Michelle Gellar, Mako, Kevin Smith, Patrick Stewart and Zhang Ziyi and is narrated by Laurence Fishburne. It is the first \"Teenage Mutant Ninja Turtles\" film made with computer-generated imagery (CGI) created by Imagi Animation Studios as well as the first feature film in the franchise in", + "score": 0.69873046875 + }, + { + "id": "16936852", + "title": "Teenage Mutant Ninja Turtles (1987 TV series) (season 7)", + "text": "Teenage Mutant Ninja Turtles (1987 TV series) (season 7) The seventh season of \"Teenage Mutant Ninja Turtles\" chronologically begins where Episode 142 left off. The Technodrome is still located at the bottom of the Arctic Ocean until the last episode, when it is sent back to Dimension X. However the sideseason takes place during season 4, while the Technodrome is on the Volcanic Asteroid in Dimension X. These episodes were produced before Season 4 and aired in 1993 on the USA Cartoon Express. In Europe, they aired in 1992. The more educational-based nature of the \"Vacation in Europe\" episodes allowed", + "score": 0.69873046875 + }, + { + "id": "16287015", + "title": "Teenage Mutant Ninja Turtles (2012 TV series)", + "text": "1987 and 2012 realities with a fully powered Technodrome after their Bebop and Rocksteady were accidentally left behind. While the Turtles and their allies fight off a horde of Foot Soldiers from the 1987\u20131996 series reality and the 2012 Rock Soldiers led by Traag and Granitor, Bebop and Rocksteady discover Shredder and Krang's treacherous scheme to destroy the Earth and choose to become heroes in order to save the planet. On October 21, 2009, a press release was made indicating that Viacom had bought the complete rights of the \"Teenage Mutant Ninja Turtles\" franchise from Peter Laird for $60 million,", + "score": 0.69873046875 + }, + { + "id": "19134517", + "title": "Turtle Power: The Definitive History of the Teenage Mutant Ninja Turtles", + "text": "Turtle Power: The Definitive History of the Teenage Mutant Ninja Turtles Turtle Power: The Definitive History of the Teenage Mutant Ninja Turtles is a 2014 documentary about the Teenage Mutant Ninja Turtles franchise directed by Randall Lobb. The film was made to celebrate the 30th anniversary of the franchise. It began development in 2009, with production lasting for five years. Over one-hundred hours of interviews were examined by the filmmakers to determine whether they could be used. The trailer was released on June 11, 2014. It was released on DVD in the United States on August 12, 2014. It was", + "score": 0.6982421875 + }, + { + "id": "4145785", + "title": "Kevin Eastman", + "text": "reprinted in four volumes the first eleven issues as color trade paperback collections. Palladium's role-playing game brought the Turtles to the attention of licensing agent Mark Freedman and the Turtles phenomenon took off, with the various characters soon appearing on T-shirts, Halloween masks, mugs, and other paraphernalia. A five-part televised cartoon mini-series based on the Turtles debuted in December 1987. The half-hour episodes were produced by Osamu Yoshioka and the animation was directed by Yoshikatsu Kasai from scripts David Wise and Patti Howeth. The mini-series was successful, leading to a full series, with the mini-series forming the first season. The", + "score": 0.6982421875 + }, + { + "id": "11655367", + "title": "Teenage Mutant Ninja Turtles (2003 TV series) (season 7)", + "text": "and later banishment to the frigid asteroid in the third season's two-part finale, \"Exodus\". Teenage Mutant Ninja Turtles (2003 TV series) (season 7) The seventh season of \"Teenage Mutant Ninja Turtles\", titled Back to the Sewer, aired on Saturday mornings on the CW4Kids on CW Network in 2008-2009. With this season, the show moved from Fox's 4Kids TV lineup to the CW. The season began with the episode \"Tempus Fugit\" which aired on September 13, 2008. It is followed by the TV special Turtles Forever. Cody Jones is able to finally repair the Time Window, but parts with the", + "score": 0.697265625 + }, + { + "id": "16398674", + "title": "Teenage Mutant Ninja Turtles (2014 film)", + "text": "fans of the original series.\" Steven Rea of \"The Philadelphia Inquirer\" gave the film two out of four stars, saying \"The kind of cliched, misfit crimefighters-versus-demented villains scenario that Kevin Eastman and Peter Laird happily parodied when they came up with the original Teenage Mutant Ninja Turtles comic books way back in the 1980s.\" Tom Russo of \"The Boston Globe\" gave the film one and a half stars out of five, saying \"The repartee, as ever, is weak. Even with all the extra layers of digital detail, it's still tough to keep these four straight.\" Cliff Lee of \"The Globe", + "score": 0.69677734375 + }, + { + "id": "544168", + "title": "Teenage Mutant Ninja Turtles", + "text": "and a new classic toy line from Playmates were announced to be released. The first console video game based on the franchise, titled \"Teenage Mutant Ninja Turtles\", was released for the Nintendo Entertainment System (NES) by Konami under their \"Ultra Games\" label in 1989 and later ported to home computers and eventually for the Wii on the Virtual Console. Also released by Konami in 1989 was an arcade game, also titled simply \"Teenage Mutant Ninja Turtles\", later ported to the NES as \"Teenage Mutant Ninja Turtles II: The Arcade Game\", leading to an NES-only sequel, \"\", which used the look", + "score": 0.6962890625 + }, + { + "id": "544189", + "title": "Teenage Mutant Ninja Turtles", + "text": "in the United States, with 20th Century Fox distributing the second and third films in most other territories. The first two films were copyrighted by the UK-based Northshore Investments. The third film was copyrighted by Clearwater Holdings. The fourth film was produced by Imagi Animation Studios, and released by Warner Bros. Entertainment in association with the Weinstein Company. Michael Bay produced a feature film directed by Jonathan Liebesman simply titled \"Teenage Mutant Ninja Turtles\", and was released on August 8, 2014. A sequel, \"\", was released on June 3, 2016, with Megan Fox and Will Arnett reprising their roles and", + "score": 0.69580078125 + }, + { + "id": "18234153", + "title": "Teenage Mutant Ninja Turtles: Out of the Shadows", + "text": "2016, Paramount debuted two additional TV spots. The final full trailer for the film was released the following day. Paramount released a trailer, which focused primarily on Bebop and Rocksteady, on May 26, 2016, which also aired during the May 30th episode of \"WWE Raw\" since Sheamus was in the film as Rocksteady. Four new TV spots then debuted from May 28\u201330, 2016. \"Teenage Mutant Ninja Turtles: Out of the Shadows\" was released on Digital HD on September 6, 2016, and on 4K Ultra HD, Blu-ray, Blu-ray 3D and DVD on September 20, 2016. The film debuted in first place", + "score": 0.6953125 + }, + { + "id": "11589083", + "title": "Teenage Mutant Ninja Turtles (2003 TV series) (season 5)", + "text": "Teenage Mutant Ninja Turtles (2003 TV series) (season 5) The Ninja Tribunal arc (consisting of thirteen episodes) was originally intended to be season five and final of the 2003 \"Teenage Mutant Ninja Turtles\" animated series, but the schedule was changed to try to increase interest in the series and \"Fast Forward\" became the fifth season to air on commercial TV. After the scheduling change was made, Mirage and its partners decided to finish production on the \"Ninja Tribunal\" episodes and release them directly to DVD. 4Kids Entertainment later signed a deal with Comcast and this season began airing on Comcast-On-Demand", + "score": 0.6953125 + }, + { + "id": "4542278", + "title": "Teenage Mutant Ninja Turtles (1987 TV series)", + "text": "Teenage Mutant Ninja Turtles and a variety of other subjects, including an article on the last page of each issue spotlighting a real life turtle species. Mirage Studios staff artists such as Dan Berger and Jim Lawson provided a majority of the covers and spot illustrations. A pullout poster was available in every issue and was painted by Mirage Studios artist Michael Dooney. The popularity of the series spawned countless imitators such as: Teenage Mutant Ninja Turtles (1987 TV series) Teenage Mutant Ninja Turtles (initially known as Teenage Mutant Hero Turtles in some European countries due to controversy at the", + "score": 0.69482421875 + }, + { + "id": "6554206", + "title": "TMNT (film)", + "text": "of the Year. Three beat'em up/action adventure game/platformer adaptations of the film were developed and released by Ubisoft in 2007 for a variety of video game consoles. A mobile game \"TMNT: The Power of 4\" was also developed by Overloaded and released by uClick that same year. In addition, characters from the film are available in Ubisoft's 2009 Wii and PlayStation 2 fighting game \"\", while artworks from the film are available in this game as unlockable content. TMNT (film) TMNT (also known as Teenage Mutant Ninja Turtles) is a 2007 American computer-animated martial arts superhero comedy film written and", + "score": 0.6943359375 + }, + { + "id": "6612918", + "title": "Ninja Turtles: The Next Mutation", + "text": "Turtles\" version was aired. On January 12, 2013, the United States broadcast rights to \"Ninja Turtles: The Next Mutation\" were held by Hub Network, which aired the show on Saturday afternoons in 2013. The show was aired in Serbia on Happy TV in 2012. Ninja Turtles: The Next Mutation Ninja Turtles: The Next Mutation is an American live-action television series produced by Saban Entertainment, which ran on the Fox Kids network from 1997 to 1998 based on the fictional superhero team. As of August 24, 2018, the series is distributed by Hasbro Studios and the characters are owned by Viacom.", + "score": 0.6943359375 + } + ], + "answer": "There have been several cartoons entitled Teenage Mutant Ninja Turtles. The first animated Teenage Mutant Ninja Turtles TV series came out on December 14, 1987, while the second one, the first reboot of Teenage Mutant Ninja Turtles, came out on Fox on February 8, 2003. A 3D-rendered computer-animated series of the same name came out on Nickelodeon on September 29, 2012." + }, + { + "qa_pairs": [ + { + "context": "Captain America's shield is virtually indestructible under normal conditions. While cosmic and magical or godly opponents have broken the shield, the shield has absorbed Hulk's blows, repelled Thor's mystical hammer Mj\u00f6lnir, and deflected adamantium blades without visible damage. It is composed of proto-adamantium, a never-duplicated combination of vibranium, steel alloy, and an unknown catalyst. This material absorbs kinetic energy, transferring very little and thus preventing Captain America from feeling recoil or transferred impact forces when blocking attacks. The shield can bounce off of most smooth surfaces, ricocheting multiple times with minimal loss in aerodynamic stability or speed. The shield can also absorb the kinetic impact of a fall, allowing Captain America to land safely even when jumping from several stories, as demonstrated in \"Captain America: The Winter Soldier\".", + "question": "What material is Captain Americas shield made out of mostly?", + "short_answers": [ + "Vibranium", + "Vibranium-steel alloy", + "Steel" + ], + "wikipage": "Captain America's shield" + }, + { + "context": "No context provided", + "question": "What are all the materials Captain America's shield ismade out of?", + "short_answers": [ + "Vibranium, steel alloy, and an unknown catalyst" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Captain America's shield", + "url": "https://en.wikipedia.org/wiki/Captain%20America%27s%20shield" + }, + { + "title": "List of Olympic Games host cities", + "url": "https://en.wikipedia.org/wiki/List%20of%20Olympic%20Games%20host%20cities" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "Captain America's shield is composed of proto-adamantium, a never-duplicated combination of Vibranium, steel alloy, and an unknown catalyst." + }, + { + "knowledge": [], + "long_answer": "Captain America's shield is virtually indestructible under normal conditions. It is composed of proto-adamantium, a never-duplicated combination of vibranium, steel alloy, and an unknown catalyst. This material absorbs kinetic energy, transferring very little and thus preventing Captain America from feeling recoil or transferred impact forces when blocking attacks." + } + ], + "sample_id": "6197919553092718789", + "question": "What material is captain america's shield made out of?", + "docs": [ + { + "id": "95073", + "title": "Captain America", + "text": "which Captain America's 1950s imitator and Nuke are the most notorious examples. Captain America has used multiple shields throughout his history, the most prevalent of which is a nigh-indestructible disc-shaped shield made from an experimental alloy of steel and the fictional vibranium. The shield was cast by American metallurgist Dr. Myron MacLain, who was contracted by the U.S. government, from orders of President Franklin D. Roosevelt, to create an impenetrable substance to use for tanks during World War II. This alloy was created by accident and never duplicated, although efforts to reverse-engineer it resulted in the discovery of adamantium. Captain", + "score": 0.81884765625, + "summary": "Captain America's shield is made from an experimental alloy of steel and vibranium, created by American metallurgist Dr. Myron MacLain, contracted by the U.S. government on orders of President Franklin D. Roosevelt to create an impenetrable substance for tanks during World War II.", + "extraction": "Captain America's shield is made from an experimental alloy of steel and vibranium, which was cast by Dr. Myron MacLain, contracted by the U.S. government to create an impenetrable substance to use for tanks during World War II." + }, + { + "id": "6888031", + "title": "Captain America's shield", + "text": "was created by the team of writer-artist Joe Simon and artist Jack Kirby. Captain America's shield is virtually indestructible under normal conditions. While cosmic and magical or godly opponents have broken the shield, the shield proves strong enough to absorb Hulk's strength, and repel an attack from Thor's mystical hammer Mj\u00f6lnir without any visible damage. Due to its construction of a vibranium and Iron alloy, it is able to absorb all kinetic energy and transfers very little energy from each impact, preventing Captain America from feeling recoil or transferred impact forces when blocking attacks. This alloy also allows him to", + "score": 0.81640625, + "summary": "Captain America's shield is made of vibranium and Iron alloy, which absorbs all kinetic energy and prevents recoil or transferred impact forces when blocking attacks.", + "extraction": "Captain America's shield is constructed of a vibranium and Iron alloy." + }, + { + "id": "6888040", + "title": "Captain America's shield", + "text": "The shield is created by a fictional American metallurgist named Myron MacLain, who had been commissioned by the US government to create an indestructible armor material to aid the war effort. MacLain experiments with the indestructible vibration-absorbing metal vibranium. During one of his experiments to fuse vibranium with an experimental iron alloy, MacLain falls asleep and awakens to find that the resulting alloy had set in a tank hatch mold. It was then painted to become Captain America's symbol. MacLain would later attempt to recreate the shield's metal to no avail, his experiments instead eventually yielding the super-metal adamantium. Rogers'", + "score": 0.8134765625, + "summary": "Captain America's shield is made out of an experimental iron alloy fused with the indestructible vibration-absorbing metal vibranium.", + "extraction": "Captain America's shield is made out of an experimental iron alloy fused with vibranium." + }, + { + "id": "14483976", + "title": "Captain America: The First Avenger", + "text": "Times Square on April 23, 2011. The film features nearly 1,600 visual effects shots, which were split between thirteen different companies. To achieve the appearance of the skinny, pre-serum Steve Rogers, director Joe Johnston stated that he used two major techniques: Captain America's shield, which serves as both a defensive tool and a weapon, came in four types: metal, fiberglass, rubber, and computer graphics (CG). Prop master Barry Gibbs specified that \"We had the 'hero shield,' which was made of aluminum, for our beauty shots [and] close-up work. We then created a lighter shield that was aluminum-faced with a fiberglass", + "score": 0.80615234375, + "summary": "Captain America's shield is made of four different types of materials: metal, fiberglass, rubber, and computer graphics (CG). The \"hero shield\" used for close-up shots is made of aluminum.", + "extraction": "Captain America's shield came in four types: metal, fiberglass, rubber, and computer graphics (CG). The \"hero shield\" was made of aluminum for beauty shots and close-up work." + }, + { + "id": "95075", + "title": "Captain America", + "text": "as steel, or even a photonic energy shield designed to mimic a vibranium matrix. Rogers, having relinquished his regular shield to Barnes, carried a variant of the energy shield which can be used with either arm, and used to either block attacks or as an improvised offensive weapon able to cut through metal with relative ease. Much like his Vibranium shield, the energy shield can be thrown, including ricocheting off multiple surfaces and returning to his hand. Captain America's uniform is made of a fire-retardant material, and he wears a lightweight, bulletproof duralumin scale armor beneath his uniform for added", + "score": 0.8037109375, + "summary": "Captain America's shield is made out of vibranium, but he also has a photonic energy shield that can mimic the properties of vibranium.", + "extraction": "Captain America's shield is made out of vibranium, or a photonic energy shield designed to mimic a vibranium matrix." + }, + { + "id": "6888034", + "title": "Captain America's shield", + "text": "Hydra sleeper agent, Rogers uses his precise knowledge of the shield to put Sam Wilson, its current wielder, in a position where he will fail to save a senator from Flag-Smasher by arranging for Wilson to be forced to throw the shield in a manner that Rogers knows from his own experience will miss its target by mere millimetres, as part of his agenda to undermine Sam's status as Captain America. In his debut, Captain America (secretly U.S. Army Private Steve Rogers) is equipped with a heater style shield made from steel. After complaints by rival comic-book publisher MLJ that", + "score": 0.79150390625, + "summary": "Captain America's shield was originally made from steel in his debut. However, the rest of the document is irrelevant to the question.", + "extraction": "Captain America's debut shield was made from steel." + }, + { + "id": "4631346", + "title": "Bucky (Marvel Comics)", + "text": "become useless. The use of Barnes' EMP is shown when Barnes uses it to shut down a Nick Fury LMD and when he attempts to use it on Iron Man. The arm has a holographic function to disguise it as a flesh and blood arm. As Captain America, he possesses the original, indestructible, vibranium alloy shield used by his predecessor, as well as a Kevlar/Nomex blend, shock-absorbing costume. He often carries several conventional weapons such as knives, guns - mostly a Colt 1911-A1 .45 and a P08 Luger - and grenades. Fred Davis Jr., created by Steve Englehart and Sal", + "score": 0.755859375, + "summary": "Captain America's shield is made out of an original, indestructible, vibranium alloy.", + "extraction": "Captain America possesses the original, indestructible, vibranium alloy shield used by his predecessor." + }, + { + "id": "14483977", + "title": "Captain America: The First Avenger", + "text": "back, for use on a daily basis. ... And then we had a stunt shield made of polyurethane, which is sort of a synthetic rubber ... and we made an ultrasoft one we put on [Evans'] back, so that if there were an accident, it wouldn't hurt him.\" Visual effects supervisor Christopher Townsend said Evans \"would practice swinging the practical shield so he knew the arc and the speed at which he should move. We would take the shield from him and shoot the scene with him miming it. Then we would add in a CG shield\". Hugo Weaving, who", + "score": 0.75390625, + "summary": "Captain America's shield is made of an unspecified material in the movie \"Captain America: The First Avenger.\"", + "extraction": "Captain America's shield is made of polyurethane, which is a synthetic rubber." + }, + { + "id": "5275706", + "title": "Myron MacLain", + "text": "what might happen if it should ever fall into the wrong hands. His fears proved correct when Ultron forced the Vision to steal a cylinder of adamantium to use in the reconstruction of his body, Ultron-6. Later, after MacLain retired from S.H.I.E.L.D. and had hidden away from the world, he was captured by Mr. Arons of Stane International and was forced to recreate the metal in Captain America's shield. Arons intended the metal to be constructed into a suit of armor to be used by Obadiah Stane. To aid MacLain in his work, Arons obtained Captain America's shield with the", + "score": 0.75146484375, + "summary": "Captain America's shield was used by Myron MacLain to recreate a metal for Obadiah Stane's suit of armor, but the document does not mention what material the shield is made out of.", + "extraction": "Captain America's shield is made out of adamantium." + }, + { + "id": "5275703", + "title": "Myron MacLain", + "text": "iron alloy. While he may have created the indestructible metal the U.S. sought, due to not knowing the mysterious X-factor that allowed for the fusion of the materials, as well as not knowing the exact ingredients nor their proportions, it was impossible for MacLain to duplicate the process. The metal he did manage to create was poured into disc form to serve as a tank hatch. However, the inability to reproduce more of the metal caused the disc to be redesigned to serve as the shield for Captain America (and with it, he became an effective weapon for the U.S.", + "score": 0.75048828125, + "summary": "Captain America's shield is made out of an iron alloy created by Myron MacLain, but the exact ingredients and proportions are unknown.", + "extraction": "The shield for Captain America is made out of an iron alloy." + }, + { + "id": "95027", + "title": "Captain America", + "text": "Skull as a counter-intelligence agent. He is supplied with a patriotic uniform of his own design, a bulletproof shield, a personal side arm, and the codename Captain America, while posing as a clumsy infantry private at Camp Lehigh in Virginia. He forms a friendship with the camp's teenage mascot, James Buchanan \"Bucky\" Barnes. Barnes learns of Rogers' dual identity and offers to keep the secret if he can become Captain America's sidekick. During their adventures, Franklin D. Roosevelt presents Captain America with a new shield, forged from an alloy of steel and vibranium, fused by an unknown catalyst, so effective", + "score": 0.75048828125, + "summary": "Captain America's shield is made of an alloy of steel and vibranium, fused by an unknown catalyst.", + "extraction": "Captain America's shield is made from an alloy of steel and vibranium, fused by an unknown catalyst." + }, + { + "id": "6888035", + "title": "Captain America's shield", + "text": "the design was too similar to that of its own patriotic hero the Shield, Timely Comics replaced the triangular shield with a disc-shaped one. While the origin and fate of the original shield were not described in the original comics from the 1940s, the shield's fate was revealed decades later in 2001 through a retconned story. According to the tale, King T'Chaka of the African nation Wakanda met Captain America in early 1941 and gave him a sample of vibranium, an alien metal with unique vibration absorption properties and found only in Wakanda and the Savage Land. The new Vibranium", + "score": 0.75, + "summary": "Captain America's shield is made out of vibranium, an alien metal with unique vibration absorption properties, according to a retconned story revealed in 2001.", + "extraction": "Captain America's shield is made out of vibranium, an alien metal with unique vibration absorption properties found only in Wakanda and the Savage Land." + }, + { + "id": "6888039", + "title": "Captain America's shield", + "text": "provided by T'Chaka to incapacitate the Skull. The weapon serves as the inspiration for the circular shield that the super-soldier begins using upon his return to America, and the encounter marks the beginning of friendly relations between the United States and Wakanda. The circular shield most associated with Captain America made its debut in \"Captain America Comics\" #2 (April 1941). A concavo-convex metal disc approximately in diameter, is indestructible and has remained his most constant shield over the decades. In \"Captain America\" #255 (March 1981), it is established that the shield was presented to Rogers by President Franklin D. Roosevelt.", + "score": 0.748046875, + "summary": "Captain America's shield is a concavo-convex metal disc, approximately in diameter, and is indestructible. It was presented to Rogers by President Franklin D. Roosevelt.", + "extraction": "The shield is a concavo-convex metal disc that is indestructible." + }, + { + "id": "5275710", + "title": "Myron MacLain", + "text": "it is nearly as durable and most known for being the metal bonded to Wolverine's skeleton. The type of adamantium MacLain invented was \"true adamantium\" and his creation of it also led to his creation of Alkhema's body. In actuality, the experimental iron alloy that was used in Captain America's shield is now referred to as \"proto-adamantium\", which slightly different from true adamantium in that it's stronger than the latter. Dr. MacLain's experiments with proto-adamantium lead to the creation of true adamantium. This proto-adamantium was incorporated with the vibranium in the shield. Also, while adamantium has no vibranium in it,", + "score": 0.74658203125, + "summary": "Captain America's shield is made of an experimental iron alloy called \"proto-adamantium\" that was incorporated with vibranium.", + "extraction": "The experimental iron alloy used in Captain America's shield is now referred to as \"proto-adamantium\" and was incorporated with vibranium." + }, + { + "id": "8615457", + "title": "Spirit of '76 (Marvel Comics)", + "text": "superhuman powers but was a brilliant athlete and a superb hand-to-hand combatant. As the Spirit of '76, he designed and wore a cloak made of an unknown bulletproof and fireproof material. As Captain America, he carried a steel shield, approximately 2.5 feet in diameter and fashioned by the U.S. government after the design used by the original Captain America. Spirit of '76 (Marvel Comics) The Spirit of '76 (real name William Naslund) is a fictional character appearing in American comic books published by Marvel Comics. Created by writer Roy Thomas and artist Frank Robbins as part of a World War", + "score": 0.7431640625, + "summary": "Captain America's shield is made of steel, according to the document.", + "extraction": "Captain America's shield is made of steel." + }, + { + "id": "6888032", + "title": "Captain America's shield", + "text": "deflect adamantium blades without damage to the shield. These physical properties also means the shield can bounce off of most smooth surfaces, ricocheting multiple times with minimal loss in aerodynamic stability or velocity. The shield can also absorb the kinetic impact of a fall, allowing Captain America to land safely even when jumping from several stories, as demonstrated in \"\". A common misconception is that the shield can \"magically\" return to Captain America . The \"superhuman serum\" that enhanced Captain America's physical attributes also improved his mental faculties\u2014such as cognition, perception, balance, aim, and reflexes\u2014to near genius-level. This allows him", + "score": 0.740234375, + "summary": "The document mentions that Captain America's shield can deflect adamantium blades and bounce off smooth surfaces with aerodynamic stability. However, it does not state the material the shield is made out of.", + "extraction": "The material of Captain America's shield is not mentioned in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "6888041", + "title": "Captain America's shield", + "text": "indestructible shield is more durable than regular adamantium and one of the most indestructible objects in The Marvel Universe. The vibranium grants the shield unusual properties, allowing it to absorb all of the kinetic impact and vibrations from any blows that the shield receives without injuring Rogers in the process. The vibranium is also a factor in the way Rogers throws his shield: he often uses it to ricochet and strike multiple opponents or stationary objects with little loss of velocity in its forward movement after each impact. When Rogers returns from suspended animation, Tony Stark \"improves\" the shield by", + "score": 0.73974609375, + "summary": "Captain America's shield is made of indestructible vibranium, which grants the shield unusual properties, allowing it to absorb all kinetic impact and vibrations from any blows without injuring Rogers.", + "extraction": "Captain America's shield is made out of vibranium." + }, + { + "id": "5275712", + "title": "Myron MacLain", + "text": "Deathstrike, Dark Wind's daughter, has made a claim to owning the rights to the adamantium. Myron MacLain Myron MacLain is a fictional character appearing in American comic books published by Marvel Comics. He is generally credited as the creator of the proto-adamantium alloy that was used to create Captain America's shield and as the creator of adamantium in an effort to re-create the shield. MacLain is a gifted metallurgist whose inventions have served many superheroes and supervillains alike in the Marvel Universe. He has also proven adept at robotics and constructing suits of armor. In the 1930s, Dr. Myron MacLain", + "score": 0.736328125, + "summary": "Captain America's shield is made out of a proto-adamantium alloy created by Myron MacLain.", + "extraction": "Captain America's shield is made out of a proto-adamantium alloy created by Myron MacLain." + }, + { + "id": "19245716", + "title": "Captain America: The Captain", + "text": "that he was caught in the middle of Stark's personal Armor Wars. After being knocked out by Iron Man while trying to stop him from attacking the Guardmen at the Vault, Rogers confronts Stark and return the adamantium shield. However, the Black Panther gives Rogers a black-striped shield composed of pure vibranium. Later, Diamondback helps Rogers, Falcon, Vagabond, Demolition Man, and Nomad stops the Serpent Society. Meanwhile, the Nazi discovers Walker's identity and murdered his parents causing Walker to flew into a rage and exacted a terrible revenge. His recklessness and his refusal to obey orders were too much for", + "score": 0.736328125, + "summary": "Captain America's original adamantium shield was returned to Stark, and he was given a black-striped shield made of pure vibranium by Black Panther.", + "extraction": "Captain America's shield is composed of pure vibranium." + }, + { + "id": "6888030", + "title": "Captain America's shield", + "text": "Captain America's shield Captain America's shield is a fictional item appearing in American comic books published by Marvel Comics. It is the primary defensive and offensive piece of equipment used by the Marvel Comics superhero Captain America; he is seldom seen without it. Over the years, Captain America has had the use of several different shields of varying composition and design. His original heater shield first appeared in \"Captain America Comics\" #1 (March 1941), published by Marvel's 1940s predecessor, Timely Comics. The circular shield best associated with the character debuted in the next issue, \"Captain America Comics\" #2. Captain America", + "score": 0.732421875, + "summary": "Captain America has used several different shields of varying composition and design throughout the years. The circular shield, which is most associated with the character, debuted in \"Captain America Comics\" #2. The document does not specify the material of the shield.", + "extraction": "The material of Captain America's shield is not mentioned in the passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "5097759", + "title": "U.S. Agent (character)", + "text": "as a weapon. He has great accuracy at throwing his shield and due to his superhuman strength, it is potentially a lethal weapon. Agent has used a variety of shields in his time, initially inheriting Captain America's indestructible circular shield after Steve Rogers had relinquished it upon quitting the role and refusing to work for the Commission for Super Human Activities. U.S. Agent was later provided the Vibranium replica of this shield provided by Black Panther and used by Steve Rogers when Rogers adopted the title of 'The Captain'. U.S. Agent then briefly adopted a remote control shield against Hawkeye", + "score": 0.732421875 + }, + { + "id": "5275701", + "title": "Myron MacLain", + "text": "Myron MacLain Myron MacLain is a fictional character appearing in American comic books published by Marvel Comics. He is generally credited as the creator of the proto-adamantium alloy that was used to create Captain America's shield and as the creator of adamantium in an effort to re-create the shield. MacLain is a gifted metallurgist whose inventions have served many superheroes and supervillains alike in the Marvel Universe. He has also proven adept at robotics and constructing suits of armor. In the 1930s, Dr. Myron MacLain learned metallurgy and his skills in the field soon became useful when he came under", + "score": 0.73193359375 + }, + { + "id": "6888053", + "title": "Captain America's shield", + "text": "is stored in a trophy room belonging to the alien \"Horde\" invaders. Captain America's shield is a recurring image throughout the Marvel Cinematic Universe franchise: Captain America's shield Captain America's shield is a fictional item appearing in American comic books published by Marvel Comics. It is the primary defensive and offensive piece of equipment used by the Marvel Comics superhero Captain America; he is seldom seen without it. Over the years, Captain America has had the use of several different shields of varying composition and design. His original heater shield first appeared in \"Captain America Comics\" #1 (March 1941), published", + "score": 0.73046875 + }, + { + "id": "6888036", + "title": "Captain America's shield", + "text": "sample was used to make Captain America's circular shield and his triangular one was retired. Captain America received a second triangular shield that he used until given his disc-shaped shield, which was personally presented to him by President Franklin Roosevelt. This second triangular shield would be kept in storage with Rogers' other personal effects after the war. It was recovered at some point after Rogers joined the superhero team the Avengers in \"The Avengers\" #4, and was kept at Avengers Mansion. It was destroyed by the supervillain Mr. Hyde during a raid on the mansion by Baron Zemo's Masters of", + "score": 0.7275390625 + }, + { + "id": "5275709", + "title": "Myron MacLain", + "text": "they were presumably destroyed. The experimental metal used to construct Captain America's shield, it is one of the most impervious metals in the Marvel Universe. While he may have created it by accident and with some luck from the mysterious X-factor, he is mostly known because of its creation. The vibranium composition allows it to absorb vibratory energy as well as kinetic energy directed towards it. Neither he nor anyone else has ever been able to reproduce it, no matter the amount of years, funding, or skills appropriated to such attempts. While not nearly as strong as his first invention,", + "score": 0.72705078125 + }, + { + "id": "453725", + "title": "Vibranium", + "text": "Vibranium Vibranium () is a fictional metal appearing in American comic books published by Marvel Comics. This fictional metal is noted for its uncanny ability to leverage thermodynamics in absorbing, storing, and releasing kinetic energy in a controlled manner. Vibranium is associated with Black Panther, as his suit is made from vibranium and is found in his native homeland of Wakanda. Antarctic Vibranium or Anti-Metal is created by artificial means, in contrast to natural, or Wakandan, vibranium. Vibranium is also commonly known as one of the materials used to construct Captain America's shield. Vibranium first appeared in \"Daredevil\" #13 (February", + "score": 0.7265625 + }, + { + "id": "6888045", + "title": "Captain America's shield", + "text": "during the \"Fear Itself\" event- Bucky really going underground after his past as the Winter Soldier was exposed-, which also resulted in the shield being broken and reassembled by Asgardian blacksmiths, who add some of the mystical metal Uru to the reconstructed shield, making it even stronger than before, although it is left with a noticeable scar that Rogers decided to keep to give the shield character. This premise was not observed in subsequent storylines, or considered canon, as artists have not continued depicting the shield with the scar. In the 2003-2004 Marvel Comics/DC Comics inter-company crossover limited series \"JLA/Avengers\",", + "score": 0.724609375 + }, + { + "id": "95074", + "title": "Captain America", + "text": "America often uses his shield as an offensive throwing weapon. The first instance of Captain America's trademark ricocheting shield-toss occurs in Stan Lee's first comics writing, the two-page text story \"Captain America Foils the Traitor's Revenge\" in \"Captain America Comics\" #3 (May 1941). The legacy of the shield among other comics characters includes the time-traveling mutant superhero Cable telling Captain America that his shield still exists in one of the possible futures; Cable carries it into battle and brandishes it as a symbol. When without his trademark shield, Captain America sometimes uses other shields made from less durable metals such", + "score": 0.72265625 + }, + { + "id": "8394071", + "title": "Captain America (William Burnside)", + "text": "weapon, presumably salvaged from a government lab. As a member of the National Force, he had access to various forms of advanced technology. Burnside's current Captain America costume is an exact match to the first Rogers' primary current costume, complete with a new round shield that has survived blows from the \"indestructible\" round shield now used by Barnes. The exact composition of this new shield has not yet been revealed. A terrorist calling himself \"Grand Director\" appeared in the Heroes Reborn universe. In an issue of \"What If?\", Burnside and Monroe (still as Captain America and Bucky) are revived in", + "score": 0.716796875 + }, + { + "id": "453729", + "title": "Vibranium", + "text": "form a new tank armor, but was unable to fuse the elements. One morning, he found that the two materials had bonded on their own in an unknown manner. The ultra-resilient alloy was used to create Captain America's shield. MacLain worked for decades (without success) to duplicate the accident. However, during an experiment in the 1960s, he developed the virtually indestructible metal adamantium. In the comics, when T'Challa became king of Wakanda, he strove to end his country's isolation from the rest of the world. Making the existence of vibranium known to the outside world around the mid-1980s, he sold", + "score": 0.7158203125 + }, + { + "id": "3832854", + "title": "Cyber (Marvel Comics)", + "text": "of incapacitating Wolverine before his mutant healing factor could filter them out. The potent toxins are specifically designed to affect Wolverine and are fatal to ordinary humans within seconds. Cyber's adamantium claws were also capable of cutting almost any known material. The known exceptions are adamantium itself and Captain America's shield, which is composed of a vibranium and an experimental \"steel alloy\". After Wolverine gouged out Cyber's left eye in combat, it was replaced with an artificial implant. Cyber also possesses a psionic ability that allows him to track specific brain wave patterns across great distances. The exact limit of", + "score": 0.71484375 + }, + { + "id": "6888042", + "title": "Captain America's shield", + "text": "incorporating electronic and magnetic components in it so that Rogers can even control it in flight. Rogers soon discards the additional components because he finds that it upsets the balance of the shield when thrown. After Rogers' death, Stark takes over custody of the shield, with one replica on display in a museum, and another replica buried with Rogers. The real one is kept by Stark to be used by the new Captain America, whenever they deem it appropriate to train a new one. After failing to find a S.H.I.E.L.D. agent capable of throwing it properly, Stark offers the shield", + "score": 0.71142578125 + }, + { + "id": "6187031", + "title": "Jeffrey Mace", + "text": "the post-war sidekick of his Captain America, and in modern times succumbs to cancer at an old age. Jeffrey Mace had no superpowers but he was an exceptional athlete, a superb hand-to-hand combatant and a licensed pilot. As Captain America, he carried a shield, similar to that used by his predecessors, that was made of enhanced titanium. Jeffrey Mace appears in the Marvel Cinematic Universe television series \"Agents of S.H.I.E.L.D.\", portrayed by Jason O'Mara. Debuting in the episode \"Meet the New Boss\", he is the new Director of S.H.I.E.L.D. Although thought to be an Inhuman, he is actually empowered by", + "score": 0.71044921875 + }, + { + "id": "14483952", + "title": "Captain America: The First Avenger", + "text": "of Schmidt's Nazi division Hydra, freeing Barnes and the other prisoners. Rogers confronts Schmidt, who removes a mask to reveal a red, skull-like visage that earned him the sobriquet \"the Red Skull\". Schmidt escapes and Rogers returns to base with the freed soldiers. Rogers recruits Barnes, Dum Dum Dugan, Gabe Jones, Jim Morita, James Montgomery Falsworth, and Jacques Dernier to attack other known Hydra bases. Stark outfits Rogers with advanced equipment, most notably a circular shield made of vibranium, a rare, nearly indestructible metal. Rogers and his team sabotage various Hydra operations. The team later assaults a train carrying Zola.", + "score": 0.708984375 + }, + { + "id": "8394070", + "title": "Captain America (William Burnside)", + "text": "has actual superhuman strength. His agility, dexterity, speed, reflexes, coordination, balance, and endurance are superior to those of any Olympic athlete, and his physiological functions operate at the peak of human efficiency. He is a trained boxer and a competent hand-to-hand combatant. As the 1950s Captain America, he wore a chain-mail costume (his 1950s version was distinguishable from the World War II Captain America's costume in that his 1950s costume torso stripes did not fully encircle the costume's waist) and carried a bulletproof steel shield which was destroyed. Following his first revival from suspended animation, he briefly used an \"atom-blaster\"", + "score": 0.7080078125 + }, + { + "id": "6888038", + "title": "Captain America's shield", + "text": "hero known as the Patriot and leader of the Young Avengers. In 2010, the history of the original shield was revised. In the limited series \"Captain America/Black Panther: Flags of Our Fathers\", Captain America, Sergeant Nick Fury and the Howling Commandos meet Azzari (grandfather of T'Challa) -- the Black Panther and king of Wakanda during World War II. Aided by Wakandan military forces, they successfully repel a series of Nazi assaults led by the Red Skull and Baron Strucker. During the battle, the Red Skull (wearing a battle-suit) crushes the triangular shield, and Captain America uses a circular vibranium shield", + "score": 0.70751953125 + }, + { + "id": "18947484", + "title": "Bucky Barnes", + "text": "possesses the original, indestructible, vibranium alloy shield used by his predecessor, as well as a Kevlar/Nomex blend shock-absorbing costume. He often carries several conventional weapons such as knives, guns\u2014mostly a Colt 1911A1 .45 and a P08 Luger\u2014and grenades. In the DC Comics/Marvel Comics one-shot intercompany crossover \"Batman/Captain America\" (Dec. 1996), written and drawn by John Byrne and set during World War II, Bucky briefly takes Robin's place as Batman's sidekick, while Robin becomes Captain America's sidekick. In this alternate reality (set in one of DC Comics' numerous \"Elseworlds\" continuities), Bucky dies (off-page) as he had done in numerous \"Avengers\" and", + "score": 0.703125 + }, + { + "id": "12910237", + "title": "Anthony James (artist)", + "text": "materials and \u201cthrough [James\u2019] process of converting...waste into bronze they morph into something very beautiful and precious.\u201d Shields, 2016 Shields was an exhibition of curved disks made of brass, bronze, and steel with \u201cscarred with minimalist markings.\u201d This series \u201coperates elusively, staggering between the iconic and the arbitrary, the concrete and the alchemic, the mythical and experiential.\u201d James describes his work as, \u201cevoking pictorial depictions of the cosmos, alluding to notions of mysticism, ethereality, and science fiction, all the while anchored through the use of weighty, industrial materials such as metal.\" The shields \u201cread as relics or artifacts from some", + "score": 0.70263671875 + }, + { + "id": "95043", + "title": "Captain America", + "text": "a time using an energy based shield as a temporary replacement. Following Waid's run, Dan Jurgens took over and introduced new foe Protocide, a failed recipient of the Super Soldier serum prior to the experiment that successfully created Rogers. Some time after this, Rogers' original shield was retrieved, but subtle damage sustained during the battle with the Beyonder resulted in it being shattered and a 'vibranium cancer' being triggered that would destroy all vibranium in the world, with Rogers nearly being forced to destroy the shield before a confrontation with the villain Klaw saw Klaw's attacks unwittingly repair the shield's", + "score": 0.7021484375 + }, + { + "id": "6888047", + "title": "Captain America's shield", + "text": "reacquires the photonic shield, although the metal shield reappears on Superman's arm after he morphs back into his regular form. Over time the shield has been damaged or destroyed several times within the confines of the Earth-616 continuity: In \"The Avengers\" #215\u2013216, the Molecule Man used his total control over matter to disintegrate the shield, along with Thor's hammer, Iron Man's armor, and the Silver Surfer's board. After he does so, he comments that the board's molecules are \"weird\", and while there are \"odd forces interweaving\" among the hammer's molecules, the shield is \"weirdest of all\". He later reassembles these", + "score": 0.7021484375 + }, + { + "id": "13511972", + "title": "Cultural impact of The Colbert Report", + "text": "was the Guest Editor. On March 12, 2007, the Editor-in-Chief of Marvel Comics, Joe Quesada, awarded Stephen Colbert the shield of the recently deceased superhero Captain America. The letter to Colbert accompanying the shield stated that \"the Star-Spangled Avenger has bequeathed... his indestructible shield to the only man he believed to have the red, white, and blue balls to carry the mantle.\" Colbert promised to use the shield \"only to fight for justice...and to impress girls.\" It was, in fact, one of only two full-sized prop shields which had previously been kept in the Marvel offices. On January 29, 2008,", + "score": 0.7001953125 + }, + { + "id": "5097760", + "title": "U.S. Agent (character)", + "text": "and the Thunderbolts. During his time with the New Invaders, U.S. Agent possessed a star shaped shield with retractable spikes. The shield was decorated with the names of Americans who had died at the hands of terrorists as well as a photograph of U.S. Agent's parents. The U.S. Agent also wears synthetic stretch bulletproof fabric. After being badly injured by the villain Protocide, U.S. Agent was fitted with an exoskeleton by S.H.I.E.L.D. that allowed him to continue to walk, and according to then-Director Sharon Carter may have also provided \"An additional benefit or two\". After being crippled by Nuke, John", + "score": 0.69921875 + }, + { + "id": "6404778", + "title": "Yetholm-type shield", + "text": "impart some stiffness, but some have suggested that the shields were too flimsy for combat. In a 1952 archaeology experiment by John Coles, a reconstruction was made from copper hardened to match a Yetholm-type shield, and it was hit with a replica bronze sword. The shield was cut in two by a single stroke. However, experiments by Barry Molloy and Kate Anderson have pointed out that bronze, the original material used, is substantially harder than even the hardened copper used by Coles, and that he appears to have used a much thinner sheet of copper than in the original designs.", + "score": 0.6982421875 + }, + { + "id": "19245715", + "title": "Captain America: The Captain", + "text": "mascot\" and the Captain America's uniform, shield, and even the name were all property of the federal government. Therefore, Rogers is stripped from his shield, uniform, and the title and the government appoints John Walker (formerly known as Super-Patriot) as the new Captain America. Meanwhile, the Falcon, Vagabond, Demolition Man, and Nomad track down Rogers and convince him to continue fighting crime. So Rogers dons a red, white, and black costume and adopt a new identity known as \"The Captain\". Later, Tony Stark (a.k.a. Iron Man) gives him a new shield made of adamantium only for Rogers to find out", + "score": 0.6982421875 + }, + { + "id": "453739", + "title": "Vibranium", + "text": "on to some of it without her team's knowledge. Reverbium would turn up again in the hands of A.I.M Scientists under the influence of Klaw, who'd used it in a new scheme against Black Panther and the nation of Wakanda; the faux vibranium also had the effect of enhancing his sonic powers to unknown degrees. When a small sub-molecular imperfection was introduced into Captain America's shield, each impact over the years spread to neighboring molecules. It grew until the molecular bonds of the shield were completely broken down, shattering the shield. The shattering effect continued to spread to other vibranium,", + "score": 0.69580078125 + }, + { + "id": "20484517", + "title": "Caetra", + "text": "constructed from wood sections attached by two metal bars of bronze, copper or iron; it was then covered with leather. Although the caetra was commonly rounded, it took on many shapes and sizes. Size varied from 60 cm (2ft) across to perhaps 30 cm (1ft) in diameter. All shields had metal fittings and ornaments on the face with an iron boss in the middle, added to deflect sword blows as well as arrows and spears. In combat, the shield was not only effective at blocking, but as an extremely proficient secondary weapon. Iberian troops used the boss to punch opponents.", + "score": 0.693359375 + }, + { + "id": "20532264", + "title": "Steve Rogers (Marvel Cinematic Universe)", + "text": "Hydra bases. Stark outfits Rogers with advanced equipment, most notably a circular shield made of vibranium, a rare, nearly indestructible metal. The team later captures Hydra member Dr. Arnim Zola on a train, but Barnes falls from the train. Using information extracted from Zola, Rogers leads an attack on the final Hydra stronghold to stop Schmidt from using weapons of mass destruction on major American cities. Rogers climbs aboard Schmidt's aircraft as it takes off, and during the subsequent fight the Tesseract's container is damaged. Schmidt physically handles the Tesseract, causing him to dissolve in a bright light. The Tesseract", + "score": 0.68994140625 + }, + { + "id": "6888050", + "title": "Captain America's shield", + "text": "impact until it finally shattered after it was retrieved from the bottom of the ocean. Learning that the vibranium cancer would require the destruction of the shield in order to cure it, Rogers took the shield to the main vibranium deposit in Wakanda so that he could use a device created by Tony Stark to halt the 'cancer' before it could contaminate the Wakandan vibranium and destroy the world, only to be intercepted by the villain Klaw, who sought to absorb the power and become stronger. Fortunately, the amount of energy Klaw had absorbed was released when he struck the", + "score": 0.689453125 + }, + { + "id": "2046434", + "title": "Wolverine (character)", + "text": "cut almost any known solid material, including most metals, wood, and some varieties of stone. The only known exceptions are adamantium itself and Captain America's shield, which is made out of a proto-adamantium-vibranium alloy. Vibranium alone is not comparable in terms of durability with adamantium, and has been broken by Colossus. Wolverine's ability to slice completely through a substance depends upon both the amount of force he can exert and the thickness of the substance. His claws can also be used to block attacks or projectiles, as well as dig into surfaces allowing Wolverine to climb structures. The adamantium also", + "score": 0.689453125 + }, + { + "id": "2720827", + "title": "Captain Atom", + "text": "instincts derived from his experiences during the Vietnam War. Captain Atom's metallic shell, or \"skin\", is composed of a portion of the alien being known as Silver Shield, and is called Dilustel. Pieces of the alien's metal body were used in Project Atom, and on later subjects like Major Force and Bombshell. Nathaniel is able to coat himself with the metal, either partially or totally. Atom's symbiosis with the metal is such that even partially armored he is able to access the Quantum Field. The metal is almost indestructible, resistant to various degrees of damage from energy, heat, lasers, etc.", + "score": 0.68798828125 + }, + { + "id": "6888037", + "title": "Captain America's shield", + "text": "Evil, and later \"plucked from time\" and restored by Zemo in \"Thunderbolts\" #105 (Oct. 2006). The shield (along with other sentimental items thought destroyed) was returned to Captain America. A third triangular shield is kept in the Smithsonian Institution. It was used by Captain America when he foiled a terrorist attack on the museum itself after the loss of his usual shield; it was then given to him in gratitude. This shield is destroyed several issues later by a Kree alien warrior. The shield destroyed by Hydra and restored by Zemo was eventually passed on to Elijah Bradley, the teenage", + "score": 0.68701171875 + }, + { + "id": "20532241", + "title": "Steve Rogers (Marvel Cinematic Universe)", + "text": "Steve Rogers (Marvel Cinematic Universe) Steve Rogers is a fictional character portrayed by Chris Evans in the Marvel Cinematic Universe (MCU) film franchise, based on the Marvel Comics character of the same name and known commonly as Captain America. In the films, Steve Rogers is a World War II-era U.S. Army soldier who was given enhanced physical and mental capabilities with a \"super soldier\" serum developed by the military, and who was later frozen in ice for 70 years. , the character is one of the central figures of the Marvel Cinematic Universe, having played a major role in six", + "score": 0.685546875 + }, + { + "id": "6404774", + "title": "Yetholm-type shield", + "text": "of dots. The artist could not hope to show the fine detail of a Yetholm-type shield, but the similarity is striking. The impressive shields would have indicated high social status. The shields are made of a copper alloy sheet about 0.6 mm thick. The alloy is a high-tin bronze: copper with 11-14% tin. They are round with a central domed boss created by hammering out from the back. The shield face is covered in raised ridges in concentric rings, each a couple of millimetres high. Between the ridges are rings of small hemispherical bosses about 4 mm across. Decoration was", + "score": 0.68359375 + }, + { + "id": "95000", + "title": "Captain America", + "text": "1953. Since Marvel Comics revived the character in 1964, Captain America has remained in publication. The character wears a costume bearing an American flag motif, and he utilizes a nearly indestructible shield which he throws as a projectile. Captain America is the alter ego of Steve Rogers, a frail young man enhanced to the peak of human perfection by an experimental serum to aid the United States government's efforts in World War II. Near the end of the war, he was trapped in ice and survived in suspended animation until he was revived in the present day. Although Captain America", + "score": 0.68359375 + }, + { + "id": "10937700", + "title": "Captain America in other media", + "text": "instead primarily released on home video and was a major critical failure. Captain America was the subject of Marvel's second foray into prose book licensing: \"The Great Gold Steal\" by Ted White in 1968, following an \"Avengers\" novel in 1967. This novel presented a different version of Captain America. The novel adds a further element to the Super-Soldier process wherein Rogers' bones are plated with stainless steel. The character later appears in \"Captain America: Holocaust For Hire\" by Joseph Silva published by Pocket Books in 1979 and \"Captain America: Liberty's Torch\" by Tony Isabella and Bob Ingersoll published in 1998,", + "score": 0.6826171875 + }, + { + "id": "5275705", + "title": "Myron MacLain", + "text": "Creed. After many years and with funding from the government agency Control, MacLain still could not replicate the ultra-resilient vibranium-iron alloy. However, once he began working for S.H.I.E.L.D., while attempting to re-create the metal without vibranium or the X-factor, he was able to create a metal nearly as strong. He dubbed the new metal \"adamantium.\" After its creation, the Avengers came to S.H.I.E.L.D. and Thor, Iron Man, and Goliath all attempted to break it, with no success. That was when MacLain revealed only a molecular re-arranger could reshape adamantium, but while he was proud of his new creation he feared", + "score": 0.6826171875 + }, + { + "id": "5275707", + "title": "Myron MacLain", + "text": "help of the Batroc's Brigade; and to keep the doctor in line, the lives of his family were threatened. He was never able to reproduce the metal; however, this did not stop him from constructing the suit of armor. The inferior armor resulted in the defeat of Arons when he donned the armor to battle Captain America, who soon smashed it to pieces with his shield. After MacLain was safe, in time he discovered a way of producing adamantium even faster and requested the Avengers to protect him, but they were too late and he was captured by Ultron and", + "score": 0.68212890625 + }, + { + "id": "6183364", + "title": "Marvel Mangaverse", + "text": "herself cleaved in half by Carol Danvers in combat near the end of the series. Danvers then takes possession of a costume and shield which once belonged to Captain America, nearly identical to his costume from the mainstream universe (altered for a female body, making Danvers look similar to Shannon Carter, the MC2 heroine known as The American Dream). The shield, however, is identical entirely to the 616 version in appearance (though whether or not it is made of the same composition, is completely unknown). Tony Stark returns, and once again becomes Iron Man. Together, the remaining heroes; Spider-Man, Spider-Woman,", + "score": 0.68212890625 + }, + { + "id": "6888033", + "title": "Captain America's shield", + "text": "to instantly calculate ballistic-physics and predict the probable trajectory of objects in motion. This makes him a perfect shot. He can dodge or deflect bullets with his shield without collateral ricochet to civilians, to calculate where or how the shield will bounce and when it will return to his location, or trip a running person to cause them to fall into a specific position. In \"\", he pulls the shield back to him after it is stuck, but this is through an electromagnet fastened on his arm. After his memories are altered to make him believe that he is a", + "score": 0.681640625 + }, + { + "id": "95078", + "title": "Captain America", + "text": "(Flag Smasher) and international and domestic terrorism (Hydra).
Captain America Captain America (Steve Rogers) is a fictional superhero appearing in American comic books published by Marvel Comics. Created by cartoonists Joe Simon and Jack Kirby, the character first appeared in \"Captain America Comics\" #1 (cover dated March 1941) from Timely Comics, a predecessor of Marvel Comics. Captain America was designed as a patriotic supersoldier who often fought the Axis powers of World War II and was Timely Comics' most popular character during the wartime period. The popularity of superheroes waned following the war and the \"Captain America\" comic book", + "score": 0.68017578125 + }, + { + "id": "6888046", + "title": "Captain America's shield", + "text": "Superman is given the shield by Captain America to wield in battle in the final confrontation with Krona, and is impressed with its might. When he asks where he could get one just like it while battling foes, Thor replies, \"Enjoy it while thou canst, Superman. There is none other like it in \"all\" the worlds\". Throughout the final battle, the shield changes forms between the pointed shield and the circular shield due to various temporal ripples caused by Krona's equipment, and Superman even loses the shield altogether at one point when he morphs into his energy form while Cap", + "score": 0.6796875 + }, + { + "id": "5640168", + "title": "Vance Astro", + "text": "psionic powers at maximum exertion for about a half-hour before suffering mental fatigue and a need to replenish his store of psionic energy. He was once forced to wear a copper alloy bodysuit to prevent his body from decaying on exposure to air. During the time when he carried Captain America's shield in combat, he would use his power to propel the shield and manipulate its flight path, simulating the Captain's use of the shield as a throwing weapon. All of these abilities were augmented by a transfusion of Hollywood's (a 1,000-year-old Simon Williams) ionically-enhanced blood. Vance's dependency on his", + "score": 0.67626953125 + }, + { + "id": "3519787", + "title": "Baron Zemo", + "text": "by any known process at the time; It was only after the war that the adhesive-using villain Paste-Pot Pete found a way to neutralize it. In order to ensure that the Nazis could not use Adhesive X against Allied troops, Captain America confronted Zemo in an attempt to destroy the limited supply. Captain America threw the shield at the vat to release the adhesive onto the ground. Zemo, however, was standing right next to the vat containing the chemical, which poured over his hooded face. The adhesive quickly seeped inside and permanently attached the hood to Heinrich's flesh, preventing Zemo", + "score": 0.67578125 + }, + { + "id": "3304448", + "title": "Klaw (Marvel Comics)", + "text": "to a 'vibranium cancer' introduced into the world when Captain America's shield was broken and improperly repaired, Klaw travels to Wakanda with the goal of absorbing the sound energy of the imminent explosion to become even stronger. Captain America is able to defeat him when he uses the damaged shield to absorb Klaw's attack. The blast realigns the shield molecules so that the shield is repaired and the vibranium cancer destroyed. Klaw features in the opening arc of the fourth Black Panther series, a flashback story that features the origin of the title character. The character ultimately resurfaces again, having", + "score": 0.67578125 + }, + { + "id": "18500306", + "title": "Now is Not the End", + "text": "Light & Magic (ILM) and Base FX created the visual effects for the episode, with work by ILM including the creation of backdrops for the series, with matte paintings used, depicting 1940s New York. Archive footage from \"Captain America: The First Avenger\", including the apparent death of Captain America from the end of that film, is used throughout the episode, and the macguffin of the episode, molecular nitramene, is based on Vita-Rays, which were used to transform Steve Rogers into Captain America in the film. The Vita-Ray detector that Carter uses in the episode belonged to Dr. Abraham Erskine, who", + "score": 0.67529296875 + }, + { + "id": "95049", + "title": "Captain America", + "text": "Avengers, a black-ops superhero team. During the \"Fear Itself\" storyline, Steve Rogers is present when the threat of the Serpent is known. Following the apparent death of Bucky at the hands of Sin (in the form of Skadi), Steve Rogers ends up changing into his Captain America uniform. When the Avengers and the New Avengers are fighting Skadi, the Serpent ends up joining the battle and breaks Captain America's shield with his bare hands. Captain America and the Avengers teams end up forming a militia for a last stand against the forces of the Serpent. When it comes to the", + "score": 0.67431640625 + }, + { + "id": "12881605", + "title": "The Ultimates (comic book)", + "text": "field deployed through Iron Man's armor. Janet is freed and a final battle ensues. Captain America and Fury lead several S.H.I.E.L.D. soldiers in a ground assault while Iron Man and Thor assist the aerial assault against the Chitauri ships. Janet, Black Widow, and Hawkeye infiltrate the Triskelion and locate the bomb, but are unable to defuse it because it is written in an alien language. Captain America brawls with Kleiser, and is easily overpowered because of Kleiser's rapid healing factor. On Captain America's command, Bruce Banner is released from isolation and is beaten by several S.H.I.E.L.D. soldiers to make him", + "score": 0.67333984375 + }, + { + "id": "16105001", + "title": "Dhal (shield)", + "text": "shields are usually inlaid with gold, silver and precious stones. The entire surface is sometimes covered with inscriptions. The hide shields are decorated with gilding and painting, the best with lac. The bosses are always ornamental, either by their shape alone, or through inlaying with gold, silver and jewels. The metal shields are lined generally with velvet, sometimes embroidered with colors, gold or silver. Shields were formerly made in Persia of concentric rings of cane covered with silk threads woven on in patterns. Most of those we know were captured at Vienna after the siege by the Turks. Within the", + "score": 0.6728515625 + }, + { + "id": "6888052", + "title": "Captain America's shield", + "text": "it in half with his bare hands. After the battle, the shield is repaired by Asgardian dwarves and Tony Stark with added Asgardian uru-infused enhancements and Stark's own technology to make it stronger, though a scar is left, and the dwarves are unable to repair it. Stark offers a solution to the scar, but Rogers declines, saying that it \"gave the old girl a little bit of character\". This premise was not observed in subsequent storylines, or considered canon, as artists have not continued depicting the shield with the scar. In issue #7 of the Marvel series \"\" the shield", + "score": 0.6728515625 + }, + { + "id": "18783703", + "title": "Agents of S.H.I.E.L.D. (season 3)", + "text": "symbol into her gauntlets and on the back of her suit.\" Legacy Effects created the gauntlets and utility belt, \"out of flexible materials painted to look like metal\" so as not to injure anyone during stunts. After losing a hand at the end of the second season, Coulson receives a prosthetic replacement with \"a few surprises hidden inside\". The hand evolves throughout the season, with a later iteration projecting an energy shield, inspired by a similar one used in the comics by Captain America. The energy shield was created by Cosa, one of the series' visual effects vendors. Production on", + "score": 0.67138671875 + }, + { + "id": "4464164", + "title": "Falcon (comics)", + "text": "Avengers and a revived Bruce Banner as the Hulk until the base explodes. In the aftermath of the attack, Sam appears standing on top of the rubble as Captain America to inspire the resistance to not surrender. It is later revealed that Sam had a conversation with Misty Knight and Rayshaun Lucas, the new Patriot, which has persuaded him to reassume the role of Captain America, leading the resistance and wielding Rogers' original round shield as a symbol of hope. Sam uses the Cosmic Cube fragment acquired by the resistance to help destroy the Darforce dome surrounding Manhattan and the", + "score": 0.6708984375 + }, + { + "id": "6888049", + "title": "Captain America's shield", + "text": "\"The Infinity Gauntlet\", Thanos, who possesses near-omnipotence via the Infinity Gauntlet, shatters the shield with a blow of his fist while in combat with Captain America. The shield is soon restored by Thanos' alleged granddaughter, Nebula, when she obtains the Gauntlet and uses it to undo the events of Thanos's temporary godhood, resulting in her erasing the death and destruction that Thanos had caused over the previous 24 hours. Due to a stray molecule being out of place when Rogers reconstructed the shield using the Beyonder's residual power, a vibranium 'cancer' was introduced to the shield, spreading with each subsequent", + "score": 0.6708984375 + }, + { + "id": "94999", + "title": "Captain America", + "text": "Captain America Captain America (Steve Rogers) is a fictional superhero appearing in American comic books published by Marvel Comics. Created by cartoonists Joe Simon and Jack Kirby, the character first appeared in \"Captain America Comics\" #1 (cover dated March 1941) from Timely Comics, a predecessor of Marvel Comics. Captain America was designed as a patriotic supersoldier who often fought the Axis powers of World War II and was Timely Comics' most popular character during the wartime period. The popularity of superheroes waned following the war and the \"Captain America\" comic book was discontinued in 1950, with a short-lived revival in", + "score": 0.6708984375 + }, + { + "id": "6888048", + "title": "Captain America's shield", + "text": "items, with the exception of the armor, as the electronic circuits are too complicated for him to understand at that time. During the 1984-1985 \"Secret Wars\" limited series, the shield is partially destroyed by Doctor Doom, who has stolen the power of the godlike being known as the Beyonder. Even broken, Rogers is able to wield what is left as an effective weapon, with the shield largely retaining its balance when thrown. When the Beyonder reclaims its power, the heroes are temporarily granted the ability to realize their wishes. Rogers uses this to reconstruct the shield. During the 1991 miniseries", + "score": 0.67041015625 + }, + { + "id": "8038939", + "title": "Blue Shield (comics)", + "text": "generate a protective force field around himself without the use of the belt. Blue Shield (comics) The Blue Shield, (Joe Cartelli) is a fictional superhero appearing in American comic books published by Marvel Comics. The Blue Shield first appeared in \"Dazzler\" #5 (July 1981), and was created by Tom DeFalco and Frank Springer. The character appeared sporadically through the years since then, having made appearances in \"Dazzler\" #14 (April 1982), \"Contest of Champions\" #3 (August 1982), \"Marvel Age Annual\" #1 (1985), \"Captain America\" #352 (April 1989), \"Quasar\" #8 (March 1990), \"Marvel Super Heroes\" vol. 3 #3 (September 1990), \"Quasar\" #51-53", + "score": 0.669921875 + }, + { + "id": "6114808", + "title": "Riot shield", + "text": "protest at Curragh had to resort to using bayonets for crowd control as no riot shields were available. When a riot in Lifford resulted in nine injuries to the Garda S\u00edoch\u00e1na, it was reported that riot shields had not been available. Forty-four army personnel turned up to a riot in Monaghan with only five riot shields between them. In response to the shortage, 200 riot shields were manufactured in Dublin in 1972. Riot shields are typically made out of transparent polycarbonate between in thickness. Shields are designed to be shatter resistant, though are typically not ballistic resistant. Some shields used", + "score": 0.66845703125 + }, + { + "id": "10776150", + "title": "Chicago Public High School League", + "text": "as having beaten a very large field of competitors for the city title. Until 2004, the trophy was made of wood with either a gold or silver plate notating champion or runner-up finish. Since 2004, it is now made of black marble with gold trimming and plated with a silver sculpture of the sport the trophy was earned in. Between 1972 and 2002, the holder of The Shield gained automatic entry into the Illinois State Finals in most sports (except football). Since then, the city championship has been decided prior to the start of the state tournament. Another reason schools", + "score": 0.66796875 + }, + { + "id": "20532242", + "title": "Steve Rogers (Marvel Cinematic Universe)", + "text": "films of the series, and having a brief cameo in two. Captain America was first conceived as a comic book character in 1940, as a direct response to the military actions of Nazi Germany, prior to the United States entering World War II. The initial introduction of the character included the concepts of a soldier named Steve Rogers being given a serum bestowing enhanced strength and agility, wearing a patriotic red white and blue uniform, carrying a shield, and having as a sidekick a teenaged Bucky Barnes. In the 1960s, Marvel decided to test bringing the character back as part", + "score": 0.66748046875 + }, + { + "id": "8394056", + "title": "Captain America (William Burnside)", + "text": "Captain America (William Burnside) William Burnside, also known as the Captain America of the 1950s, is a fictional character appearing in American comic books published by Marvel Comics. He was created by writer Steve Englehart and artist Sal Buscema in \"Captain America\" #153\u2013156 (September\u2013December, 1972) as an explanation for the reappearance of Captain America and Bucky in 1953 in \"Young Men\" comics and their subsequent adventures in the 1950s. It established that the character was a completely different one from the original Captain America, who was firmly established in \"The Avengers\" (vol. 1) #4 as disappearing near the end of", + "score": 0.66748046875 + }, + { + "id": "3436442", + "title": "Red Guardian", + "text": "version of Captain America. This version is certifiably insane and uses a makeshift shield created partially from human remains, and possesses superhuman strength and durability. A fight between the two results in Captain America defeating him, by stabbing him with splintered wood that acts as a stake through the chest, declaring \"Fighting is about winning\". Shostakov was once married to Black Widow and is now deceased. Colonel Abdul al-Rahman from Azerbaijan (leader of the \"Liberators\") was based on the Red Guardian as the character was a parallel to Captain America, and wears a predominantly red costume and was transformed into", + "score": 0.66650390625 + }, + { + "id": "18947459", + "title": "Bucky Barnes", + "text": "helps Fury plan the escape of an arrested Steve Rogers. Before the plan can be implemented, however, Rogers is assassinated. Considering registration architect Tony Stark (Iron Man) as ultimately responsible, Winter Soldier plans to kill Stark in revenge. Deducing that Stark will oversee the appointment of a new Captain America, Winter Soldier steals Captain America's shield from S.H.I.E.L.D. agent Black Widow so that it cannot be handed down. Ultimately, he heads to Kronas's headquarters, where Lukin reveals he is the Red Skull and has the evil psychiatrist Dr. Faustus attempt unsuccessfully to brainwash the Winter Soldier. After escaping from Faustus", + "score": 0.666015625 + }, + { + "id": "9359106", + "title": "Ballistic shield", + "text": "Ballistic shield Ballistic shields are protection devices deployed by police and military forces that are designed to stop or deflect bullets fired at their carrier. Ballistic shields will also protect from less serious threats such as thrown items though are typically used in situations where riot shields would not offer adequate protection. Ballistic shields can be made out of materials such as UHMWPE or pre-preg aramid fibres. They may have features such as clear armored viewing ports, ambidextrous handles and spotlights for use at night, and may be either handheld or mounted on wheel-based frames. They vary in size, with", + "score": 0.66552734375 + }, + { + "id": "171523", + "title": "Hoplite", + "text": "wood, the outside layer facing the enemy was made of bronze, and leather made up the inside of the shield. The revolutionary part of the shield was, in fact, the grip. Known as an Argive grip, it placed the handle at the edge of the shield, and was supported by a leather fastening (for the forearm) at the centre. These two points of contact eliminated the possibility of the shield swaying to the side after being struck, and as a result soldiers rarely lost their shields. This allowed the hoplite soldier more mobility with the shield, as well as the", + "score": 0.6650390625 + }, + { + "id": "4964568", + "title": "Captain America (Ultimate Marvel character)", + "text": "work as an independent team instead. After the Liberators short occupation Captain America helped in the rebuilding of New York City until he found out that his old Nazi nemesis Arnim Zola did not die; instead the O.S.S. rescued him so as to harvest his intellect on the post-war super soldier program. Later they mapped his brain and created an artificial intelligence out of it before the tumors he had could degrade his mind. A white survivalist group called the \"Marauders\" attacked the military base where Arnim Zola's AI was being held and stole this intelligence, along with some other", + "score": 0.66455078125 + }, + { + "id": "4043668", + "title": "Whipple shield", + "text": "spaced apart to increase the shield's ability to protect the spacecraft. Whipple shields that have a filling in between the rigid layers of the shield are called stuffed Whipple shields. The filling in these shields is usually a high-strength material like Kevlar or Nextel aluminium oxide fiber. The type of shield, the material, thickness and distance between layers are varied to produce a shield with minimal mass that will also minimize the probability of penetration. There are over 100 shield configurations on the International Space Station alone, with higher-risk areas having better shielding. Whipple shield The Whipple shield or Whipple", + "score": 0.66455078125 + }, + { + "id": "7067927", + "title": "Shield nickel", + "text": "or dealers. This practice led to incongruous pieces, with a dated obverse mated with a reverse not placed in use until years later. All pieces struck at the Philadelphia mint, without mintmark. Explanatory notes Citations Online Shield nickel The Shield nickel was the first United States five-cent piece to be made out of copper-nickel, the same alloy of which American nickels are struck today. Designed by James B. Longacre, the coin was issued from 1866 until 1883, when it was replaced by the Liberty Head nickel. The coin takes its name from the motif on its obverse, and was the", + "score": 0.66357421875 + }, + { + "id": "4464168", + "title": "Falcon (comics)", + "text": "makes it difficult for him to know when any events they witnessed occurred). Wilson is a skilled hand-to-hand combatant, having been trained in Judo and Karate by Steve Rogers. Wilson is also highly-skilled in the use of Captain America's shield. Wilson's original Falcon wing harness featured detachable jet-powered glider wings made of lightweight titanium ribbing and Mylar. The wings were covered with wafer-thin solar power receptors that convert sunlight into electricity to power miniature high-speed electric turbine fans in his uniform and boots. The wings detached and reattached to his uniform cybernetically. The harness was destroyed in \"Captain America and", + "score": 0.66357421875 + }, + { + "id": "8030011", + "title": "Guardsman (comics)", + "text": "contains 30 minutes air supply for submersion or high-altitude flight. Each palm of the Guardsman armor's gauntlets contains a charged ion \"repulsor ray\" emitter capable of 45 seconds continuous discharge at a range of before irregularities in the plasma cone diffuse the beam. Kevin O'Brien had earned a PhD in engineering, with expertise in engineering and was a gifted inventor. He also used a \"stun-ray\" device as a weapon. Michael O'Brien is a good hand-to-hand combatant and was coached by Captain America. As a policeman, he carried a police issue handgun, and as Avengers security chief he used \"stun guns\"", + "score": 0.6630859375 + }, + { + "id": "8038934", + "title": "Blue Shield (comics)", + "text": "Blue Shield (comics) The Blue Shield, (Joe Cartelli) is a fictional superhero appearing in American comic books published by Marvel Comics. The Blue Shield first appeared in \"Dazzler\" #5 (July 1981), and was created by Tom DeFalco and Frank Springer. The character appeared sporadically through the years since then, having made appearances in \"Dazzler\" #14 (April 1982), \"Contest of Champions\" #3 (August 1982), \"Marvel Age Annual\" #1 (1985), \"Captain America\" #352 (April 1989), \"Quasar\" #8 (March 1990), \"Marvel Super Heroes\" vol. 3 #3 (September 1990), \"Quasar\" #51-53 (October\u2013December 1993), #57 (April 1994), \"The Avengers\" vol. 3 #6 (July 1998), and", + "score": 0.6630859375 + }, + { + "id": "5097758", + "title": "U.S. Agent (character)", + "text": "having received rigorous training in unarmed combat and the use of his shield in a style similar to Captain America's own fighting style by the Taskmaster. He is a seasoned combat veteran with military combat experience in tactical and strategic planning, observations, and special operations, has been shown to have a fluent grasp of the Arabic language, is technically proficient enough to bypass an advanced security system, is a qualified fixed-wing pilot, a trained scuba diver, and is highly proficient in the use of conventional firearms. He is capable of using his nearly indestructible vibranium shield for defensive purposes and", + "score": 0.66259765625 + }, + { + "id": "3455165", + "title": "War Machine", + "text": "that was similar to the design of previous Iron Man powered armors and was based on the primary Sentinel piloted armors that the squad used in combat. The armor was derived of S.H.I.E.L.D. technology and Stark-designed upgrades. Rhodes also piloted a larger advanced Sentinel model codenamed \"War Machine\". The armors were constructed of a unique mix of steel and fiberglass and contained many offensive and defensive improvements in weaponry and enhancements. Used during \"Avengers: The Initiative\" to volume two of \"War Machine\", this version of the War Machine armor shows all the abilities of the previous iterations with bleeding edge", + "score": 0.66162109375 + }, + { + "id": "95050", + "title": "Captain America", + "text": "final battle, Captain America uses Thor's hammer to fight Skadi until Thor manages to kill the Serpent. In the aftermath of the battle, Iron Man presents him with his reforged shield, now stronger for its uru-infused enhancements despite the scar it bears. It is then revealed that Captain America, Nick Fury, and Black Widow are the only ones who know that Bucky actually survived the fight with Skadi as Bucky resumes his identity as Winter Soldier. In the \"Avengers vs. X-Men\" story arc, Captain America attempts to apprehend Hope Summers of the X-Men. She is the targeted vessel for the", + "score": 0.66162109375 + }, + { + "id": "6404775", + "title": "Yetholm-type shield", + "text": "formed by hammering from the reverse (Repouss\u00e9). The outer edge of the shield has been folded back and hammered down to form a strong rim. A handle is riveted across the open bowl of the boss, made from a thicker piece of sheet bronze folded over; also attached are a pair of metal tabs for a carrying strap. Rivet heads are on the front for fitting attachments, but are similar to the decorative raised bosses and difficult to identify. Probably a flanged punch created the bosses to a uniform size and depth, although no contemporary tool has been found to", + "score": 0.6611328125 + }, + { + "id": "19876819", + "title": "Thundersword", + "text": "crashed through. Captain America and James Rhodes (who was operating as Iron Man at the time) arrived to engage Thundersword in battle. Using his shield, Captain America knocked Thundersword's sword out of his hand causing him to revert to Stewart Cadwall while the sword regressed back to the Shazam Award trophy. Stewart was then overcome with the fact that he attacked the place that he worked at. As Iron Man was delivering him to the police, Stewart Cadwall realized that the Thundersword powers that the Beyonder bestowed upon him came from himself and not the Shazam Award trophy. After breaking", + "score": 0.6611328125 + }, + { + "id": "6888839", + "title": "Adamantium", + "text": "form, it is described as a dark, shiny gray like high-grade steel or titanium. It is almost impossible to destroy or fracture in this state, and when molded to a sharp edge, it can penetrate most lesser materials with minimal force. The Marvel Comics character Wolverine discovers an adamantium-laced skull in the character Apocalypse's laboratory and says it seems to have been there for eons. Adamantium appears in various Marvel Comics publications and licensed products, where it is found in: In the Marvel Comics Ultimate Marvel imprint, adamantium is highly durable and can shield a person's mind from telepathic probing", + "score": 0.66064453125 + }, + { + "id": "95076", + "title": "Captain America", + "text": "protection. Originally, Rogers' mask was a separate piece of material, but an early engagement had it dislodged, thus almost exposing his identity. To prevent a recurrence of the situation, Rogers modified the mask with connecting material to his uniform, an added benefit of which was extending his armor to cover his previously exposed neck. As a member of the Avengers, Rogers has an Avengers priority card, which serves as a communications device. Captain America has used a custom specialized motorcycle, modified by the S.H.I.E.L.D. weapons laboratory, as well as a custom-built battle van, constructed by the Wakanda Design Group with", + "score": 0.66015625 + }, + { + "id": "4964556", + "title": "Captain America (Ultimate Marvel character)", + "text": "America was able to infiltrate Arnim Zola's facility and kill his first experimental monster, which Zola dubbed \"Siegsoldat\" (\"Victory soldier\"). The experiment's dead body then fell on Arnim Zola, seemingly killing him. During one of his few leaves he met up with Gail and they spent the night together, which would later result in her becoming pregnant. He would later come into battle with Herr Kleiser, who introduced a prototype A-Bomb that was made with alien technology meant to target the White House. However they were too late to stop the bomb from launching, but Captain America managed to get", + "score": 0.65966796875 + }, + { + "id": "9860882", + "title": "Fallen Son: The Death of Captain America", + "text": "to allow it, stating that everything Crossbones told them was the truth. As Daredevil departs, Wolverine makes his way to where S.H.I.E.L.D is keeping Captain America's body to determine once and for all the truth of the matter only to be confronted by Iron Man and Hank Pym. Wolverine looks inside the coffin and notices to his disgust that Cap's shield is missing; accusing Stark of planning to create a replacement. Although Pym attempts to detain him, Iron Man lets Wolverine go for the simple reason that he can tell the others that Steve Rogers, Captain America, is indeed dead.", + "score": 0.6591796875 + }, + { + "id": "6888836", + "title": "Adamantium", + "text": "Adamantium Adamantium is a fictional metal alloy appearing in American comic books published by Marvel Comics. It is best known as the substance bonded to the character Wolverine's skeleton and claws. Adamantium was created by writer Roy Thomas and artists Barry Windsor-Smith and Syd Shores in Marvel Comics' \"Avengers\" #66 (July 1969), which presents the substance as part of the character Ultron's outer shell. In the stories where it appears, the defining quality of adamantium is its practical indestructibility. The word is a pseudo-Latin neologism (real Latin: \"adamans\", \"adamantem\" [accusative]) based on the English noun and adjective \"adamant\" (and the", + "score": 0.6591796875 + }, + { + "id": "6187032", + "title": "Jeffrey Mace", + "text": "a serum that is part of Project Patriot that was derived from Calvin Zabo's formula minus the bad parts. Jason O'Mara reprises his role of Jeffrey Mace in a six-part digital series titled \"\". This digital series acts as a prologue to \"Agents of S.H.I.E.L.D.\" season 4. Jeffrey Mace Jeffrey Solomon \"Jeff\" Mace, also known as the Patriot and Captain America, is a fictional character, a superhero appearing in American comic books published by Marvel Comics. The character was created during the 1940s, a period fans and historians call the Golden Age of Comic Books. As the Patriot, he first", + "score": 0.65869140625 + } + ], + "answer": "Captain America's shield is virtually indestructible under normal conditions. It is composed of proto-adamantium, a never-duplicated combination of vibranium, steel alloy, and an unknown catalyst. This material absorbs kinetic energy, transferring very little and thus preventing Captain America from feeling recoil or transferred impact forces when blocking attacks." + }, + { + "qa_pairs": [ + { + "context": "The poem is set up with the narrator having a dream. In this dream or vision he is speaking to the Cross on which Jesus was crucified. The poem itself is divided up into three separate sections: the first part (ll. 1\u201327), the second part (ll. 28\u2013121) and the third part (ll. 122\u2013156). In section one, the narrator has a vision of the Cross. Initially when the dreamer sees the Cross, he notes how it is covered with gems. He is aware of how wretched he is compared to how glorious the tree is. However, he comes to see that amidst the beautiful stones it is stained with blood. In section two, the Cross shares its account of Jesus' death. The Crucifixion story is told from the perspective of the Cross. It begins with the enemy coming to cut the tree down and carrying it away. The tree learns that it is not to be the bearer of a criminal, but instead Christ crucified. The Lord and the Cross become one, and they stand together as victors, refusing to fall, taking on insurmountable pain for the sake of mankind. It is not just Christ, but the Cross as well that is pierced with nails. Adelhied L. J. Thieme remarks, \"The cross itself is portrayed as his lord's retainer whose most outstanding characteristic is that of unwavering loyalty\". The Rood and Christ are one in the portrayal of the Passion\u2014they are both pierced with nails, mocked and tortured. Then, just as with Christ, the Cross is resurrected, and adorned with gold and silver. It is honoured above all trees just as Jesus is honoured above all men. The Cross then charges the visionary to share all that he has seen with others. In section three, the author gives his reflections about this vision. The vision ends, and the man is left with his thoughts. He gives praise to God for what he has seen and is filled with hope for eternal life and his desire to once again be near the glorious Cross.", + "question": "In section one of the dream of the rood what is the rood eventually drenched in beyond the gems?", + "short_answers": [ + "blood" + ], + "wikipage": "Dream of the Rood" + }, + { + "context": "No context provided", + "question": "In section two of the dream of the rood what is the rood eventually drenched in?", + "short_answers": [ + "gold and silver" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "In section one of the dream of the rood what precious items is the rood drenched in?", + "short_answers": [ + "gems" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Dream of the Rood", + "url": "https://en.wikipedia.org/wiki/Dream%20of%20the%20Rood" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "In section one, the narrator has a vision of the Cross. Initially when the dreamer sees the Cross, he notes how it is covered with gems. He is aware of how wretched he is compared to how glorious the tree is. However, he comes to see that amidst the beautiful stones it is stained with blood.[2]", + "wikipage": "Dream of the Rood" + }, + { + "content": "The Rood and Christ are one in the portrayal of the Passion\u2014they are both pierced with nails, mocked and tortured. Then, just as with Christ, the Cross is resurrected, and adorned with gold and silver.[4] ", + "wikipage": "Dream of the Rood" + } + ], + "long_answer": "In section one of the Dream of the Rood, the narrator has a vision of the Cross. Initially when the dreamer sees the Cross, he notes how it is covered with gems. He later comes to see that amidst the beautiful stones it is stained with blood. Then, just as with Christ, the Cross is resurrected, and adorned with gold and silver. " + }, + { + "knowledge": [ + { + "content": "The Dream of the Rood is one of the Christian poems in the corpus of Old English literature and an example of the genre of dream poetry.", + "wikipage": "Dream of the Rood" + }, + { + "content": "Rood is from the Old English word r\u014dd 'pole', or more specifically 'crucifix'.", + "wikipage": "Dream of the Rood" + } + ], + "long_answer": "The Dream of the Rood is one of the Christian poems in the corpus of Old English literature and an example of the genre of dream poetry. In section one of The Dream of the Rood, the rood, which is from the Old English word r\u014dd 'pole', or more specifically 'crucifix', is drenched in precious gems, and eventually drenched in blood. In section two, the rood is drenched in gold and silver." + } + ], + "sample_id": "-2793620497613383112", + "question": "In the dream of the rood what is the rood eventually drenched in?", + "docs": [ + { + "id": "1933082", + "title": "Dream of the Rood", + "text": "Dream of the Rood The Dream of the Rood is one of the Christian poems in the corpus of Old English literature and an example of the genre of dream poetry. Like most Old English poetry, it is written in alliterative verse. \"Rood\" is from the Old English word \"r\u014dd\" 'pole', or more specifically 'crucifix'. Preserved in the 10th-century Vercelli Book, the poem may be as old as the 8th-century Ruthwell Cross, and is considered one of the oldest works of Old English literature. The poem is set up with the narrator having a dream. In this dream or vision", + "score": 0.7841796875, + "summary": "The document discusses the Dream of the Rood, an Old English Christian poem written in alliterative verse. The \"Rood\" in the title refers to a crucifix. However, the document does not provide information on what the rood is eventually drenched in.", + "extraction": "Irrelevant. The passage does not provide any information about what the rood is drenched in." + }, + { + "id": "1933085", + "title": "Dream of the Rood", + "text": "lord's retainer whose most outstanding characteristic is that of unwavering loyalty\". The Rood and Christ are one in the portrayal of the Passion\u2014they are both pierced with nails, mocked and tortured. Then, just as with Christ, the Cross is resurrected, and adorned with gold and silver. It is honoured above all trees just as Jesus is honoured above all men. The Cross then charges the visionary to share all that he has seen with others. In section three, the author gives his reflections about this vision. The vision ends, and the man is left with his thoughts. He gives praise", + "score": 0.76611328125, + "summary": "The document is about the Dream of the Rood, in which the Cross and Christ are portrayed as one in the Passion. The document does not mention what the rood is eventually drenched in, so the answer is irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about what the rood is eventually drenched in." + }, + { + "id": "1933097", + "title": "Dream of the Rood", + "text": "The poem may also be viewed as both Christian and pre-Christian. Bruce Mitchell notes that \"The Dream of the Rood\" is \"the central literary document for understanding [the] resolution of competing cultures which was the presiding concern of the Christian Anglo-Saxons\". Within the single culture of the Anglo-Saxons is the conflicting Germanic heroic tradition and the Christian doctrine of forgiveness and self-sacrifice, the influences of which are readily seen in the poetry of the period. Thus, for instance, in \"The Dream of the Rood\", Christ is presented as a \"heroic warrior, eagerly leaping on the Cross to do battle with", + "score": 0.759765625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "1933088", + "title": "Dream of the Rood", + "text": "circle (lines 122\u2013156). \"The Dream of the Rood\" survives in the Vercelli Book, so called because the manuscript is now in the Italian city of Vercelli. The Vercelli Book, which can be dated to the 10th century, includes twenty-three homilies interspersed with six religious poems: \"The Dream of the Rood\", \"Andreas\", \"The Fates of the Apostles\", \"Soul and Body\", \"Elene\" and a poetic, homiletic fragment. A part of \"The Dream of the Rood\" can be found on the 8th century Ruthwell Cross, which is an , free standing Anglo-Saxon cross that was perhaps intended as a 'conversion tool'. At each", + "score": 0.75, + "summary": "In \"The Dream of the Rood\" the rood is not described as being drenched in anything.", + "extraction": "Irrelevant." + }, + { + "id": "486163", + "title": "Anglo-Saxons", + "text": "the wall paintings, evidence of their pictorial art is found in Bibles and Psalters, in illuminated manuscripts. The poem, 'The Dream of the Rood', is an example how symbolism of trees was fused into Christian symbolism. Richard North suggests that the sacrifice of the tree was in accordance with pagan virtues and \"the image of Christ's death was constructed in this poem with reference to an Anglian ideology of the world tree\". North suggests that the author of \"The Dream of the Rood\" \"uses the language of the myth of Ingui in order to present the Passion to his newly", + "score": 0.748046875, + "summary": "The document briefly mentions \"The Dream of the Rood\" as an example of how trees were fused into Christian symbolism. However, it does not provide information about what the rood (cross) was eventually drenched in. Therefore, the answer is \"irrelevant\".", + "extraction": "irrelevant." + }, + { + "id": "1933102", + "title": "Dream of the Rood", + "text": "Cross and the Christ figure, noting in particular lines 39\u201342, when Christ embraces the Cross after having 'unclothed himself' and leapt onto it. This interpretation was expanded upon by John Canuteson, who argued that this embrace is a 'logical extension of the implications of the marriage of Christ and the Church', and that it becomes 'a kind of marriage consummation' in the poem. Mary Dockray-Miller further argued that this sexual imagery functions to 'feminize' the Cross in order for it to mirror the heightened masculinity of the warrior Christ in the poem. Dream of the Rood The Dream of the", + "score": 0.7373046875, + "summary": "The document discusses the interpretation of the Christ figure embracing the Cross in the Dream of the Rood, with some scholars arguing it represents a marriage consummation. It does not mention what the rood is eventually drenched in and is therefore irrelevant to the question.", + "extraction": "irrelevant" + }, + { + "id": "1933092", + "title": "Dream of the Rood", + "text": "living in England at that time worthy to be named as a religious poet, and that was Caedmon\". Likewise, George Stephens contended that the language and structure of \"The Dream of the Rood\" indicated a seventh-century date. Supposing that the only Christian poet before Bede was C\u00e6dmon, Stephens argued that C\u00e6dmon must have composed \"The Dream of the Rood\". Furthermore, he claimed that the Ruthwell Cross includes a runic inscription that can be interpreted as saying \"Caedmon made me\". These ideas are no longer accepted by scholars. Likewise, some scholars have tried to attribute \"The Dream of the Rood\" to", + "score": 0.7236328125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "14458941", + "title": "To the Rose upon the Rood of Time", + "text": "Rood of Time\u201d is firstly one that is constant, binding past and present through its spiritual and romantic referents. Stephen Coote notes that the rose on the rood was a symbol worn around the neck of those belonging to the Hermetic Order of the Golden Dawn: the \u201cfemale\u201d rose is impaled upon the \u201cmale\u201d cross. The union of these two elements was intended to help the wearer transcend beyond the physical and into the spiritual: \u201cthe rose could also be seen as intellectual, spiritual and eternal beauty impaled upon the world and suffering with mankind as transcendence becomes immanence.\" As", + "score": 0.71728515625, + "summary": "Irrelevant.", + "extraction": "irrelevant. The passage does not mention anything about the dream of the rood being drenched in anything." + }, + { + "id": "10958192", + "title": "Legend of the Rood", + "text": "Legend of the Rood The Legend of the Rood () is a complex of medieval tales loosely derived from the Old Testament. In its fullest form, the narrative tells of how the dying Adam sends his son Seth back to Paradise to seek an elixir which will render him immortal. This part of the tale is sometimes referred to as \"the Quest of Seth for the Oil of Life\". The angel guarding the gates of Paradise refuses Seth access, but does give him a seed from the tree from which Adam and Eve had stolen the apple. On his return,", + "score": 0.71240234375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "1933091", + "title": "Dream of the Rood", + "text": "The approximate eighth-century date of the Ruthwell Cross indicates the earliest likely date and Northern circulation of some version of \"The Dream of the Rood\". Nineteenth-century scholars tried to attribute the poem to the few named Old English poets. Daniel H. Haigh argued that the inscription of the Ruthwell Cross must be fragments of a lost poem by C\u00e6dmon, portrayed in Bede's \"Ecclesiastical History of the English People\" as the first Christian English poet, stating \"On this monument, erected about A.D. 665, we have fragments of a religious poem of very high character, and that there was but one man", + "score": 0.71240234375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "1933095", + "title": "Dream of the Rood", + "text": "the idea of a talking tree is animistic. The belief in the spiritual nature of natural objects, it has been argued, recognises the tree as an object of worship. In \"Heathen Gods in Old English Literature\", Richard North stresses the importance of the sacrifice of the tree in accordance with pagan virtues. He states that \"the image of Christ's death was constructed in this poem with reference to an Anglian ideology on the world tree\". North suggests that the author of \"The Dream of the Rood\" \"uses the language of this myth of Ingui in order to present the Passion", + "score": 0.70947265625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "1933087", + "title": "Dream of the Rood", + "text": "in tone. Constance B. Hieatt distinguishes between portions of the Cross's speech based on speaker, subject, and verbal parallels, resulting in: Prologue (lines 1\u201327), Vision I (lines 28\u201377): history of the Rood, Vision II (lines 78\u201394): explanation of the Rood\u2019s glory, Vision III (lines 95\u2013121): the Rood\u2019s message to mankind, and Epilogue (lines 122\u2013156). M. I. Del Mastro suggests the image of concentric circles, similar to a chiasmus, repetitive and reflective of the increased importance in the center: the narrator-dreamer\u2019s circle (lines 1\u201327), the rood\u2019s circle (lines 28\u201338), Christ\u2019s circle (lines 39-73a), the rood\u2019s circle (lines 73b-121), and the narrator-dreamer\u2019s", + "score": 0.70458984375, + "summary": "In the Dream of the Rood, it is not mentioned what the rood is eventually drenched in.", + "extraction": "irrelevant" + }, + { + "id": "14458948", + "title": "To the Rose upon the Rood of Time", + "text": "inherent to the poem. Yeats sings of \u201cold Eire and the ancient ways,\u201d an old Ireland that seems lost forever in the passage of time (line 23). It is safe to say that there is conflicted feeling in this poem, but that the feeling does not overpower the sweetness in the melancholy. The rose upon the rood, after all, has witnessed these events and its constancy, despite its suffering, acts as a central answer to the poem\u2019s murmurs of anxiety. Alternatively, the Fergus to whom Yeats refers may be the character portrayed in the 13th century chivalric romance story, Roman", + "score": 0.70361328125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention \"the dream of the rood\" or what it is drenched in." + }, + { + "id": "4655814", + "title": "Rood", + "text": "Rood A rood or rood cross, sometimes known as a triumphal cross, is a cross or crucifix, especially the large Crucifixion set above the entrance to the chancel of a medieval church. Alternatively, it is a large sculpture or painting of the crucifixion of Jesus. \"Rood\" is an archaic word for \"pole\", from Old English r\u014dd \"pole\", specifically \"cross\", from Proto-Germanic \"*rodo\", cognate to Old Saxon \"r\u014dda\", Old High German \"ruoda\" \"rod\". \"Rood\" was originally the only Old English word for the instrument of Jesus Christ's death. The words \"cr\u00fac\" and in the North \"cros\" (from either Old Irish or", + "score": 0.70263671875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "3689526", + "title": "Rood screen", + "text": "Rood screen The rood screen (also choir screen, chancel screen, or jube) is a common feature in late medieval church architecture. It is typically an ornate partition between the chancel and nave, of more or less open tracery constructed of wood, stone, or wrought iron. The rood screen would originally have been surmounted by a rood loft carrying the Great Rood, a sculptural representation of the Crucifixion. In English, Scots, and Welsh cathedral, monastic, and collegiate churches, there were commonly two transverse screens, with a rood screen or rood beam located one bay west of the pulpitum screen, but this", + "score": 0.70166015625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "9154658", + "title": "ROOD", + "text": "ROOD ROOD: jong in de SP (Dutch: \"RED: Socialist Party youth\") is a Dutch youth wing linked to the left-wing, Socialist Party. ROOD's main goals are the promotion of a socialist society and promotion of its mother party and attempts to attract new people into it. Formally, ROOD has been a \"vereniging\" (voluntary association) since 2003 with the goal to let young people participate in creating a socialist society in the Netherlands and to support the SP. Between 1999 and 2003, ROOD was a group within the party, initially subtitled \"young initiative within the SP\". It was the successor of", + "score": 0.701171875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "1933093", + "title": "Dream of the Rood", + "text": "Cynewulf, a named Old English poet who lived around the ninth century. Two of Cynewulf's signed poems are found in the Vercelli Book, the manuscript that contains \"The Dream of the Rood\", among them \"Elene\", which is about Saint Helena's supposed discovery of the cross on which Jesus was crucified. Thus Franz Dietrich argued that the similarities between Cynewulf's \"Elene\" and \"The Dream of the Rood\" reveal that the two must have been authored by the same individual. Again, however, this attribution is not widely accepted. Like many poems of the Anglo-Saxon period, \"The Dream of the Rood\" exhibits many", + "score": 0.69873046875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "298594", + "title": "Old English literature", + "text": "hymns and proverbs. In addition to Biblical paraphrases are a number of original religious poems, mostly lyrical (non-narrative). The Exeter Book contains a series of poems entitled \"Christ\", sectioned into \"Christ I\", \"Christ II\" and \"Christ III\". Considered one of the most beautiful of all Old English poems is \"Dream of the Rood\", contained in the Vercelli Book. The presence of a portion of the poem (in Northumbrian dialect) carved in ruins on an 8th century stone cross found in Ruthwell, Dumfriesshire, verifies the age of at least this portion of the poem. The Dream of the Rood is a", + "score": 0.6982421875, + "summary": "The document mentions the \"Dream of the Rood\" as one of the most beautiful Old English poems, but does not provide information on what the rood is eventually drenched in.", + "extraction": "irrelevant. The passage does not provide any information about what the rood is drenched in." + }, + { + "id": "4655827", + "title": "Rood", + "text": "that this ceased some time between 1823 and 1840, when an illustration in J.H. Parker's \"A Glossary of Terms Used in Grecian, Roman, Italian, and Gothic Architecture\" shows only one garland cross, centrally positioned on the rood screen. Rood A rood or rood cross, sometimes known as a triumphal cross, is a cross or crucifix, especially the large Crucifixion set above the entrance to the chancel of a medieval church. Alternatively, it is a large sculpture or painting of the crucifixion of Jesus. \"Rood\" is an archaic word for \"pole\", from Old English r\u014dd \"pole\", specifically \"cross\", from Proto-Germanic \"*rodo\",", + "score": 0.697265625, + "summary": "Irrelevant.", + "extraction": "irrelevant. The passage does not provide any information about the dream of the rood or what it is drenched in." + }, + { + "id": "1933083", + "title": "Dream of the Rood", + "text": "he is speaking to the Cross on which Jesus was crucified. The poem itself is divided up into three separate sections: the first part (ll. 1\u201327), the second part (ll. 28\u2013121) and the third part (ll. 122\u2013156). In section one, the narrator has a vision of the Cross. Initially when the dreamer sees the Cross, he notes how it is covered with gems. He is aware of how wretched he is compared to how glorious the tree is. However, he comes to see that amidst the beautiful stones it is stained with blood. In section two, the Cross shares its", + "score": 0.69482421875, + "summary": "The Cross in the Dream of the Rood is eventually drenched in blood.", + "extraction": "In section one, he comes to see that amidst the beautiful stones it is stained with blood." + }, + { + "id": "9154667", + "title": "ROOD", + "text": "history within ROOD, being Farshad Bashir, Manja Smits and Renske Leijten. Within the national SP, ROOD is represented within the party management, and locally it is tried to represent ROOD in many local sections to coordinate activities. As of 2008, ROOD had 28 local groups. ROOD ROOD: jong in de SP (Dutch: \"RED: Socialist Party youth\") is a Dutch youth wing linked to the left-wing, Socialist Party. ROOD's main goals are the promotion of a socialist society and promotion of its mother party and attempts to attract new people into it. Formally, ROOD has been a \"vereniging\" (voluntary association) since", + "score": 0.69384765625 + }, + { + "id": "10958193", + "title": "Legend of the Rood", + "text": "Seth finds his father dead, but places this seed under his tongue and then buries him at Golgotha. A tree grows from the seed, which is cut down. The wood experiences many adventures, reappearing as a motif in popular renderings of many Old Testament stories. At one point it is a bridge over which the Queen of Sheba passes. Ultimately, it is made into the cross (Middle English: \"rood\") on which Jesus is crucified. The \"Legend of the Rood\" is a key component in the complex of motifs known as the Medieval popular Bible. It is found in many medieval", + "score": 0.693359375 + }, + { + "id": "1933090", + "title": "Dream of the Rood", + "text": "Riddle 9 by the eighth-century Anglo-Saxon writer Tatwine. Tatwine's riddle reads: Now I appear iridescent; my form is shining now. Once, because of the law, I was a spectral terror to all slaves; but now the whole earth joyfully worships and adorns me. Whoever enjoys my fruit will immediately be well, for I was given the power to bring health to the unhealthy. Thus a wise man chooses to keep me on his forehead. The author of \"The Dream of the Rood\" is unknown. Moreover, it is possible that the poem as it stands is the work of multiple authors.", + "score": 0.69189453125 + }, + { + "id": "3689560", + "title": "Rood screen", + "text": "be \"the finest in Oxfordshire', has an unusual custom associated with it, where the rood cross is garlanded with flowers and foliage twice a year, and until the 1850s the cross (which at that time resembled a large corn dolly) was carried in a May day procession. Notes Bibliography Rood screen The rood screen (also choir screen, chancel screen, or jube) is a common feature in late medieval church architecture. It is typically an ornate partition between the chancel and nave, of more or less open tracery constructed of wood, stone, or wrought iron. The rood screen would originally have", + "score": 0.69091796875 + }, + { + "id": "3689529", + "title": "Rood screen", + "text": "itself, a large figure of the crucified Christ. Commonly, to either side of the Rood, there stood supporting statues of saints, normally Mary and St John, in an arrangement comparable to the Deesis always found in the centre of an Orthodox iconostasis (which uses John the Baptist instead of the Apostle, and a Pantokrator instead of a Crucifixion). Latterly in England and Wales the Rood tended to rise above a narrow loft (called the \"rood loft\"), which could occasionally be substantial enough to be used as a singing gallery (and might even contain an altar); but whose main purpose was", + "score": 0.6875 + }, + { + "id": "1933101", + "title": "Dream of the Rood", + "text": "and takes on all the sins of mankind. Rebecca Hinton identifies the resemblance of the poem to early medieval Irish sacramental Penance, with the parallels between the concept of sin, the object of confession, and the role of the confessor. She traces the establishment of the practice of Penance in England from Theodore of Tarsus, archbishop of Canterbury from 668 to 690, deriving from the Irish confession philosophy. Within the poem, Hinton reads the dream as a confession of sorts, ending with the narrator invigorated, his \"spirit longing to start.\" Faith Patten identified 'sexual imagery' in the poem between the", + "score": 0.68701171875 + }, + { + "id": "4655816", + "title": "Rood", + "text": "the resurrected Jesus Christ (\"Christus triumphans\") won over death. In church architecture the rood, or rood cross, is a life-sized crucifix displayed on the central axis of a church, normally at the chancel arch. The earliest roods hung from the top of the chancel arch (rood arch), or rested on a plain \"rood beam\" across it, usually at the level of the capitals of the columns. This original arrangement is still found in many churches in Germany and Scandinavia, although many other surviving crosses now hang on walls. If the choir is separated from the church interior by a rood", + "score": 0.6865234375 + }, + { + "id": "1933100", + "title": "Dream of the Rood", + "text": "cannot fall and it must stay strong to fulfill the will of God. However, to fulfill this grace of God, the Cross has to be a critical component in Jesus' death. This puts a whole new light on the actions of Jesus during the Crucifixion. Neither Jesus nor the Cross is given the role of the helpless victim in the poem, but instead both stand firm. The Cross says, Jesus is depicted as the strong conqueror and is made to appear a \"heroic German lord, one who dies to save his troops\". Instead of accepting crucifixion, he 'embraces' the Cross", + "score": 0.685546875 + }, + { + "id": "8342130", + "title": "The Red Thread (De Rode Draad)", + "text": "The Red Thread (De Rode Draad) The Red Thread (De Rode Draad in Dutch) was an advocacy-support group for prostitutes in the Netherlands. It was formed in 1985 and declared bankrupt in 2012. The name The Red Thread (De Rode Draad) was inspired by Nathaniel Hawthorne's novel The Scarlet Letter, in which a 'sinful' woman has to put a red letter A on her clothing. The organization regarded prostitution as an acceptable form of work. The organization's goal was to strive for emancipation and the improvement of the position of prostitutes. The nature of the aid to prostitutes that followed", + "score": 0.6826171875 + }, + { + "id": "10003735", + "title": "The Dream of Rhonabwy", + "text": "Arthur. The frame story tells that Madog sends Rhonabwy and two companions to find the prince's rebellious brother Iorwerth. One night during the pursuit they seek shelter with Heilyn the Red, but find his longhouse filthy and his beds full of fleas. Lying down on a yellow ox-skin, Rhonabwy experiences a dream of Arthur and his time. Serving as his guide is one of Arthur's followers, Iddawg the Churn of Britain, so called because he sparked the Battle of Camlann when he distorted the king's messages of peace he was supposed to deliver to the enemy Medrawd (Mordred). Iddawg introduces", + "score": 0.68212890625 + }, + { + "id": "8076429", + "title": "Such Is My Beloved", + "text": "imagery runs rampant in \"Such Is My Beloved\", and is used to help describe characters and setting. Many of Dowling\u2019s charitable acts and religious insights happen in the light, while many of the bad situations or anything taboo occurs in the dark. This imagery is most noticeable when Dowling visits Ronnie and Midge for the first time. The hotel in which they live is described as a small, dark, dingy place. Conversely, Ronnie and Midge\u2019s hotel room door is a faded gray-white color. This shows their fading innocence, but also displays that there is still hope, and Dowling might be", + "score": 0.68212890625 + }, + { + "id": "13065225", + "title": "Drood (novel)", + "text": "Victorian era, complicated even further by the narrator's constant use of opium and opium derivatives such as laudanum, rendering him an unreliable narrator. Guillermo del Toro is scheduled to direct a film adaptation of \"Drood\" for Universal Pictures. As of December 2017, the project is still listed as \"in development.\" Drood (novel) Drood is a novel written by Dan Simmons. The book was initially published on February 1, 2009 by Little, Brown and Company. It is a fictionalized account of the last five years of Charles Dickens' life. The book is a fictionalized account of the last five years of", + "score": 0.68212890625 + }, + { + "id": "550688", + "title": "Dream", + "text": "was commented on by Macrobius in his \"Commentarii in Somnium Scipionis\". Herodotus in his \"The Histories\", writes \"The visions that occur to us in dreams are, more often than not, the things we have been concerned about during the day.\" In Welsh history, The Dream of Rhonabwy (Welsh: Breuddwyd Rhonabwy) is a Middle Welsh prose tale. Set during the reign of Madog ap Maredudd, prince of Powys (died 1160), it is dated to the late 12th or 13th century. It survives in only one manuscript, the Red Book of Hergest, and has been associated with the Mabinogion since its publication", + "score": 0.68115234375 + }, + { + "id": "7827455", + "title": "Lady Isabel and the Elf Knight", + "text": "him. His mistress promises him that: \"Thy cage shall be made of the glittering gold, And the door of the best ivory\" In performance the last syllable of the fourth line is sometimes repeated twice, and then the line is repeated: The seventh has drowned thee. thee, thee, The seventh has drowned thee. In Scotland this variant is sometimes called May Colvin (various alternative spellings occur). Child gives two versions of this. Child's D version is very similar to other texts except that the young woman is named as May Colven and the knight as False Sir John. In the", + "score": 0.6806640625 + }, + { + "id": "1215032", + "title": "Crime and Punishment", + "text": "over a barrier or a boundary is lost in translation, as is the religious implication of transgression. Raskolnikov's dreams have a symbolic meaning, which suggests a psychological view. The dream of the mare being whipped has been suggested as the fullest single expression of the whole novel, symbolizing gratification and punishment, contemptible motives and contemptible society, depicting the nihilistic destruction of an unfit mare, the gratification therein, and Rodion's disgust and horror, as an example of his conflicted character. Raskolnikov's disgust and horror is central to the theme of his conflicted character, his guilty conscience, his contempt for society, his", + "score": 0.68017578125 + }, + { + "id": "8341312", + "title": "Festive ecology", + "text": "a Welsh story from the Mabinogion, a remarkable collection of medieval literature. Written before the 14th century, The Dream of Rhonabwy refers to the mid-12th century in Powys. The floor of the old black house of Heilyn Goch is described as being covered in the urine and dung of cows together with branches of holly whose tips had been eaten by the cattle. Ivy was used in garlands by the ancient Greeks and the Romans for religious ceremonies and for celebrating at other, more secular, occasions. It was strongly associated with Bacchus (Dionysus), the Greco-Roman god of wine. Since Roman", + "score": 0.6796875 + }, + { + "id": "15974001", + "title": "Secret History (book series)", + "text": "by criminals. Each Drood is entrusted with a golden (and, for some time, silver) torc, which bestows a certain \"living armour\" upon the wearer, giving them nearly unlimited strength, speed, durability and stealth, which can be called up or dispelled at will. The torc also grants the wearer the Sight, allowing him to see through most magical and scientific disguises, translates any language, prevents the user from appearing in any kind of photography, videotaping, or tracking of any kind (including tracking by other Droods), prevents the user's soul from being taken away (by daemons or other creatures of the sort),", + "score": 0.6796875 + }, + { + "id": "13407207", + "title": "Raud the Strong", + "text": "lands and ship and the king would be his friend. But Raud refused, saying he would never believe in Christ, and mocked Olaf's religion and deity. Olaf became incensed and said Raud should die a horrible death. The king ordered him to be bound to a beam of wood, with his face pointed upward, and a round pin of wood put between his teeth to force his mouth open. The king then ordered a snake to be put into Raud\u2019s mouth, but the snake would not go in. Olaf then ordered a drinking horn to be put into Raud\u2019s mouth,", + "score": 0.67919921875 + }, + { + "id": "15455500", + "title": "Rood of Grace", + "text": "Rood of Grace The Rood of Grace was a crucifix kept at Boxley Abbey in Kent in southeast England. It was a mechanized likeness of Jesus, described by one Protestant iconoclast as an ingenious contraption of wires and rods that made the eyes move like a living thing, and considered spiritually inspirational and a destination for pilgrimages by many of the faithful, including a young Henry VIII. After the dissolution of the monasteries, the newly Protestant government used the Rood as an occasion to denounce the Roman Catholics. According to tradition, the Rood was brought to Boxley Abbey on a", + "score": 0.67919921875 + }, + { + "id": "5468600", + "title": "Ruthwell Cross", + "text": "Kemble in 1840 advanced a reading referring to Mary Magdalene. The better known \"Dream of the Rood\" inscription is due to a revised reading of Kemble's in an 1842 article. The inscription is translated as: Kemble's revised reading is based on the poem of the Vercelli Book, to the extent that missing words in each are supplied from the other. Its authenticity is disputed and may be a conjecture inserted by Kemble himself: O'Neill (2005) notes Kemble's \"almost pathological dislike of Scandinavian interference in what he sees as the English domain.\" Kemble himself notes how the inscription may be \"corrected\"", + "score": 0.67919921875 + }, + { + "id": "6623566", + "title": "Read or Dream", + "text": "Read or Dream Read or Dream is a manga written by Hideyuki Kurata and drawn by Ran Ayanaga. It was published in Japan in four trade paperback volumes by Shueisha in 2002. The full title is \"R.O.D - Read or Dream - We are Paper Sisters Detective Company.\" \"Read or Dream\" was translated into English and distributed in North America by Viz Media from 2006. The \"Paper Sisters Detective Company\" consists of three young women who live in Hong Kong: Anita King, Michelle Cheung and Maggie Mui (they are not blood relations, but treat each other like sisters). Maggie, Michelle,", + "score": 0.677734375 + }, + { + "id": "6623573", + "title": "Read or Dream", + "text": "Read or Dream Read or Dream is a manga written by Hideyuki Kurata and drawn by Ran Ayanaga. It was published in Japan in four trade paperback volumes by Shueisha in 2002. The full title is \"R.O.D - Read or Dream - We are Paper Sisters Detective Company.\" \"Read or Dream\" was translated into English and distributed in North America by Viz Media from 2006. The \"Paper Sisters Detective Company\" consists of three young women who live in Hong Kong: Anita King, Michelle Cheung and Maggie Mui (they are not blood relations, but treat each other like sisters). Maggie, Michelle,", + "score": 0.677734375 + }, + { + "id": "8342141", + "title": "The Red Thread (De Rode Draad)", + "text": "announced. Mr. MJ Tops from Fort Advocaten NV was appointed administrator. The foundation's office was closed on 29 August 2012. The Red Thread (De Rode Draad) The Red Thread (De Rode Draad in Dutch) was an advocacy-support group for prostitutes in the Netherlands. It was formed in 1985 and declared bankrupt in 2012. The name The Red Thread (De Rode Draad) was inspired by Nathaniel Hawthorne's novel The Scarlet Letter, in which a 'sinful' woman has to put a red letter A on her clothing. The organization regarded prostitution as an acceptable form of work. The organization's goal was to", + "score": 0.67724609375 + }, + { + "id": "4655815", + "title": "Rood", + "text": "Old Norse) appeared by late Old English; \"crucifix\" is first recorded in English in the Ancrene Wisse of about 1225. More precisely, the Rood or Holyrood was the True Cross, the specific wooden cross used in Christ's crucifixion. The word remains in use in some names, such as Holyrood Palace and the Old English poem \"The Dream of the Rood\". The phrase \"by the rood\" was used in swearing, e.g. \"No, by the rood, not so\" in Shakespeare's \"Hamlet\" (Act 3, Scene 4). The alternative term \"triumphal cross\" (, ), which is more usual in Europe, signifies the triumph that", + "score": 0.67724609375 + }, + { + "id": "11249458", + "title": "The Salt Roads", + "text": "lives. She is the Goddess of water and bears its gifts. Throughout the novel, water is associated with comfort. Mer and other slaves on the plantation often go to the river for peace and quiet, to wash, and to fish. It can representing a personal cleansing as well. When Thais prepares for customers, she washes herself with water and does the same once she has finished. The novel ends with Thais wishing to be in water; \"We can wash in the Jordan. That'll be good enough\" (pg. 389). \"The muffled sounds and damp dripping for some reason soothed me. Being", + "score": 0.67724609375 + }, + { + "id": "13065224", + "title": "Drood (novel)", + "text": "Drood (novel) Drood is a novel written by Dan Simmons. The book was initially published on February 1, 2009 by Little, Brown and Company. It is a fictionalized account of the last five years of Charles Dickens' life. The book is a fictionalized account of the last five years of Charles Dickens' life told from the viewpoint of Dickens' friend and fellow author, Wilkie Collins. The title comes from Dickens' unfinished novel, \"The Mystery of Edwin Drood\". The novel's complex plot mixes fiction with biographical facts from the lives of Dickens, Collins, and other literary and historical figures of the", + "score": 0.67626953125 + }, + { + "id": "3114358", + "title": "Froth on the Daydream", + "text": "Daze\" and \"Mood Indigo\". Following its debut in France, \"Froth on the Daydream\" received little notice in the press and underperformed in sales. It garnered more attention after the publication of the first English translation in 1967. Over the years, the novel has received mostly positive reviews and is considered to be one of Vian's best works. In his review for \"The Independent\", David Evans described \"Froth on the Daydream\" as \"a mad, moving, beautiful novel.\" In another positive review for the \"Los Angeles Times\", James Sallis stated, \"This [\"Froth on the Daydream]\" is a great novel...beneath are a host", + "score": 0.67626953125 + }, + { + "id": "12592759", + "title": "Dutch Water Dreams", + "text": "Dutch Water Dreams Dutch Water Dreams (also known as \"DWD\") is an Olympic artificial whitewater and surfing centre, near Zoetermeer in The Netherlands. It is the only course of its kind in the country. DWD found corrosion on the metal parts in the FlowRider area during a periodically check in January. This corrosion adopted aggressive forms compared to the last measurement. Based on these findings it was decided to close the FlowRiders area immediately before use. An architectural research was hired to check the building extensively. The main conclusions are clear: the personal safety of the visitors and the structural", + "score": 0.67578125 + }, + { + "id": "13840735", + "title": "Roderick the Last of the Goths", + "text": "Count Pedro, and they build an army to wage war against the Moors. While fighting, Count Julian is assassinated by his own allies, and the Moorish army is broken and defeated. The poem ends with Roderick returning to the wilderness. Southey, like other poets who described the story of Roderick at the time, connected the Moorish invasion of Spain with Napoleon's invading of other countries. The story is also used to discuss the relationship of Islam and Christianity while promoting Southey's own views on religion. Regarding the rape scene, it is possible that Southey removed Roderick's guilt to create a", + "score": 0.67529296875 + }, + { + "id": "9154662", + "title": "ROOD", + "text": "the European Social Forum (ESF) in Paris. Since 2003, ROOD organises a yearly \"Huisjesmelker van het Jaar\" vote, where students vote for the worst private landlord in the country. Since 2005, this poll is organised in cooperation with the and local councils of that organisation. In 2004, ROOD started a campaign against animal testing in the cosmetics industry, in 2005 L'Or\u00e9al were targeted to stop animal testing when ROOD visited delivered a signed petition to the company. ROOD also campaigns on international themes such as globalisation. In 2005, ROOD facilitated an exposition by young Palestinians about their culture, in different", + "score": 0.67431640625 + }, + { + "id": "7670744", + "title": "Drood", + "text": "the show, murders Drood. This is definitely the most metatheatrical of the endings. His confession is a reprise of \"A Man Could Go Quite Mad\" and \"Never the Luck\"
Durdles- After Jasper laid Drood in the crypt, Durdles believed the still-alive Drood to be a ghost and so smashed his head in. (Even Durdles admits the silliness of this motive within his solo, but laments that because he has been chosen he must have one.) This solo was not used in the original Broadway production and was added for the first national tour. His confession is a reprise of", + "score": 0.67431640625 + }, + { + "id": "12657138", + "title": "Threefold death", + "text": "had an affair with Flann, so Diarmuid had Flann's fortress burnt over his head. Sorely wounded, Flann tried to escape the flames by crawling into a vat of water where he drowned... Bec Mac De [Diarmuid's druid councilor] prophesied that Diarmuid would be killed by Flann's kinsman, Aedh Dubh in the house of Banban... The manner of his death would be by slaughter, by burning, by drowning and by the ridge pole of a roof falling on his head... The Prophecy seemed so unlikely that Diarmuid scorned it, even when Banban invited him to a feast... Aedh Dubh was there", + "score": 0.67431640625 + }, + { + "id": "14458949", + "title": "To the Rose upon the Rood of Time", + "text": "de Fergus. In this sense, especially alongside references to Cuchulain and Druids, the piece could be considered a song of praise for the old world, a nostalgia for the honesty, authenticity and complexity of the past\u2014to the \"Rose\" lost upon the \"Rood of Time\". In this way the first verse paragraph is Yeats' appeal for these things to \"Come near, come near, come near\", but the plea is soon followed by hesitation: \"Ah, leave me still/A little space for the rose-breath to fill!/Lest I no more hear common things that crave\"; the poet acknowledges the fleeting beauty of the immediate,", + "score": 0.673828125 + }, + { + "id": "16403357", + "title": "The Ruined Maid", + "text": "speaker is feeling, that emotion is not necessarily specifically named. The title itself has meaning; Hardy uses the world \"ruin\", \"ruin\" has an \"oo\" sound which is a low frequency that imitates the mood of gloom or destruction. \"The Ruined Maid\" is a satire and full of intended irony. Nevertheless, some critics argue that the poem is more serious than one might think due to what was going on in Hardy's life at the time. He was young and did not have his life figured out quite yet, nor did he have much of a love life. An \"opera skit\"", + "score": 0.6728515625 + }, + { + "id": "11084257", + "title": "The Phoenix Nest", + "text": "the volume, \"A most rare and excellent dreame\", is the work of Greene. The dream is the favourite one of the visit of a lady to her sleeping lover. Her beauties are described and his parlous state explained. Then follows a long argument on love, of the kind that had not yet passed out of fashion; and, on the relenting of his mistress, the lover wakes. There is much of the old school in the matter, but little in the manner. The stanzas in rime royal move freely and strongly, and the whole is a good specimen of the poetry", + "score": 0.6728515625 + }, + { + "id": "7670720", + "title": "Drood", + "text": "retained the concept of the \"Lead Boy\" (always portrayed by a young female in male drag) and the most ground-breaking aspect of \"Drood\", audience participation. \"Drood\" is unusual in part because of Holmes' feat of writing the book, music, lyrics, and full orchestrations for the show. Though Holmes believed no Broadway creator had done this before, and despite frequent mentions of this feat in articles and reviews of the show, the practice was not entirely uncommon in the early days of musical theater. Songwriters, including Adolf Philipp, were previously credited with the books to their musicals. However, none of these", + "score": 0.6728515625 + }, + { + "id": "10953393", + "title": "The Lady of the Lake (poem)", + "text": "a battle between two chiefs. Roderick Dhu tells Graeme to leave his territory, which Graeme does, refusing even to borrow a boat; Graeme instead swims across Loch Katrine to the shore. Despite James Douglas' refusal to participate in the uprising, Roderick Dhu decides to commence the rebellion anyway. With a pagan prophet, Brian the Hermit, Roderick fashions and sets alight the fiery cross, and hands it to his henchman, Malise, to summon the members of the clan to war. The members of the clan drop everything they are doing to respond to the summons of their chief, whether it be", + "score": 0.67236328125 + }, + { + "id": "16619344", + "title": "The Rajah's Dream", + "text": "more women join in, making a long line. Then they all appear again, wearing bits of armor and bearing axes, and begin to beat him. He gets pulled up to a podium where an executioner is about to behead him, but the Rajah grabs him and starts beating him up. However, he awakes to find this was all but a dream, and he was beating up his pillow. Confused and weary from all these things that transpired, he goes back to sleep. The Rajah's Dream The Rajah's Dream (French: Le r\u00eave du radjah ou La for\u00eat enchant\u00e9e) is a short", + "score": 0.67236328125 + }, + { + "id": "13738468", + "title": "Ophelia", + "text": "me; we may call it herb of grace o' Sundays; O, you must wear your rue with a difference\". Rue is well known for its symbolic meaning of regret, but the herb is also used to treat pain, bruises and has abortive qualities. In Act 4 Scene 7, Queen Gertrude reports that Ophelia had climbed into a willow tree (\"There is a willow grows aslant the brook\"), and that the branch had broken and dropped Ophelia into the brook, where she drowned. Gertrude says that Ophelia appeared \"incapable of her own distress\". Gertrude's announcement of Ophelia's death has been praised", + "score": 0.671875 + }, + { + "id": "3689542", + "title": "Rood screen", + "text": "independent of the Great Rood; indeed most surviving early screens lack lofts, and do not appear ever to have had a rood cross mounted on them. Nevertheless, over time, the rood beam and its sculptures tended to become incorporated into the chancel screen in new or reworked churches. Over the succeeding three centuries, and especially in the latter period when it became standard for the screen to be topped by a rood loft facing the congregation, a range of local ritual practices developed which incorporated the rood and loft into the performance of the liturgy; especially in the Use of", + "score": 0.671875 + }, + { + "id": "3114348", + "title": "Froth on the Daydream", + "text": "Froth on the Daydream Froth on the Daydream (; literally: \"\"The Foam of Days\"\") is a 1947 novel by French author Boris Vian. Though told as a linear narrative, the novel employs surrealism and contains multiple plot lines, including the love stories of two couples, talking mice, and a man who ages years in a week. One of the main plot lines concerns a newlywed man whose wife develops a rare and bizarre illness that can only be treated by surrounding her with flowers. The book has been translated several times into English under different titles. Stanley Chapman's translation is", + "score": 0.67138671875 + }, + { + "id": "15455503", + "title": "Rood of Grace", + "text": "as a fraud perpetuated by deceitful monks on gullible followers stood to gain politically from spreading that version of the story, yet Groeneveld argues the Rood was, in its time, \"acknowledged, even advertised, to be a mechanical marvel\". Rood of Grace The Rood of Grace was a crucifix kept at Boxley Abbey in Kent in southeast England. It was a mechanized likeness of Jesus, described by one Protestant iconoclast as an ingenious contraption of wires and rods that made the eyes move like a living thing, and considered spiritually inspirational and a destination for pilgrimages by many of the faithful,", + "score": 0.67138671875 + }, + { + "id": "14842488", + "title": "White Rod", + "text": "last Gaelic kings, and for the Norse-Gaelic Lords of the Isles into the 15th. While the reception of the rod was in origin a Gaelic cultural feature, following the Norman invasion of Ireland some foreign families became significantly Gaelicised. A notable Anglo-Norman example were the great De Burgh magnates styled Mac William \u00cdochtar, who had become completely Gaelicised and received the White Rod. The rod was required to be both white and straight, with the colour representing purity and the straightness of justice, according to the account given by Geoffrey Keating. Although the meaning and purpose were always the same,", + "score": 0.6708984375 + }, + { + "id": "12856055", + "title": "Doom of Daggerdale", + "text": "Falls. A group of riders led by the ruler of Daggerdale, Randal Morn, informs the characters that a strange fever called the Dream Fever is leaving the locals unable to wake up. The module reveals secretly to the Dungeon Master the real story behind the troubles. Eragyn the Dark, a priestess of the god Cyric, resurrected Randal Morn's great-grandfather, Colderan the Mage-Lord. Colderan began using a magic item called a \"net of dreams\", which is what has been causing the Dream Fever by capturing a sleeper's life energy, and he also used it to trap Eragyn in his crypt. Chapter", + "score": 0.6708984375 + }, + { + "id": "3359366", + "title": "A House of Pomegranates", + "text": "second dream shows a group of slaves on a ship where the youngest slave has his ears and nostrils filled with wax and is sent underwater to find pearls for the young King's scepter but dies after finding the best pearl. The third dream is the most elaborate and deals with the source of his new crown's rubies. In it, men excavate a dry riverbed in a tropical jungle, while overlooking them, the god Death tries to bargain with the goddess Avarice for a single grain of her corn. Each time Avarice refuses, Death summons Ague, Fever and Plague to", + "score": 0.67041015625 + }, + { + "id": "3114362", + "title": "Froth on the Daydream", + "text": "reality. And a very powerful one, too.\" \"Froth on the Daydream\" was #10 on the \"Le Monde\"'s 100 Books of the Century list, which was compiled by the French retailer Fnac and the French daily newspaper \"Le Monde.\" To assemble the list, both companies polled 17,000 people on the question \"Which books have remained in your memory?\" in the spring of 1999. Froth on the Daydream Froth on the Daydream (; literally: \"\"The Foam of Days\"\") is a 1947 novel by French author Boris Vian. Though told as a linear narrative, the novel employs surrealism and contains multiple plot lines,", + "score": 0.669921875 + }, + { + "id": "11199104", + "title": "Aedh Wishes for the Cloths of Heaven", + "text": "Aedh Wishes for the Cloths of Heaven \"Aedh Wishes for the Cloths of Heaven\" is a poem by William Butler Yeats. It was published in 1899 in his third volume of poetry, \"The Wind Among the Reeds.\" The speaker of the poem is the character Aedh, who appears in Yeats's work alongside two other archetypal characters of the poet's myth: Michael Robartes and Red Hanrahan. The three are collectively known as the principles of the mind. Whereas Robartes is intellectually powerful and Hanrahan represents Romantic primitivism, Aedh is pale, lovelorn, and in the thrall of . (The character \"Aedh\" is", + "score": 0.66943359375 + }, + { + "id": "3324770", + "title": "Restless (Buffy the Vampire Slayer)", + "text": "red curtains on the stage in Willow's dream are not a direct homage to \"Twin Peaks\", as some have posited, but rather represent the safety and comfort of being with her girlfriend Tara, and are a sexual metaphor as well. The main theme of Xander's dream is his sense of failure and of being left behind as his friends move ahead in life. His fear that he is stuck is reiterated throughout his dream by his inability to escape his basement bedroom in his parents' home. No matter where his dream takes him, he ends up back in the basement.", + "score": 0.6689453125 + }, + { + "id": "10847765", + "title": "Death's Door", + "text": "and is surrounded by crowds of photographers. Suddenly he begins acting strangely. In a disoriented way, he approaches the Conference room door and has a powerful premonition that he will be killed upon entering the door. He refuses to enter and rushes from the venue. Steed and Peel visit him and tell him to get some rest. Later, Boyd rings Steed after he has slept and tells him to drive very carefully down the hill on the way to visit him. On the way the brakes of the car Steed and Peel are in fail and they crash safely in", + "score": 0.6689453125 + }, + { + "id": "14458950", + "title": "To the Rose upon the Rood of Time", + "text": "natural world. The poem continues however, returning to echo the original sentiment, his yearning for lost culture- \"But seek alone to hear the strange things said/By God to the bright hearts of those long dead/And learn to chaunt a tongue men do not know/Come near\". To the Rose upon the Rood of Time \"To the Rose upon the Rood of Time\" is poem by W. B. Yeats that was published in \"The Rose\" in 1893. The poem is one of many early Yeatsian lyrical poems which utilize the symbol of the rose. The poem has twenty four lines, written in", + "score": 0.6689453125 + }, + { + "id": "16403352", + "title": "The Ruined Maid", + "text": "The Ruined Maid \"The Ruined Maid\" is a satirical poem by Thomas Hardy. It was written in 1866 but first published, in a slightly bowdlerized form, in \"Poems of the Past and the Present\" (1901). Thomas Hardy's \"The Ruined Maid\" is a poem about a woman who loses her purity or virginity during the Victorian Era, which is looked down upon. This poem displays how the ruined maid sees herself, but also how society sees her. Though the poem takes on real issues of culture during the Victorian Era, Hardy intended this poem to be light-hearted. The poem is presented", + "score": 0.6689453125 + }, + { + "id": "20570373", + "title": "Poisoned Dreams", + "text": "Poisoned Dreams Poisoned Dreams: A True Story of Murder, Money and Family Secrets is a 1993 true crime book about the murder of Nancy Lyon, written by A. W. Gray and published by Dutton. This was the first true crime book written by Gray, who previously wrote mystery novels. Lyon died of poisoning. Her ex-husband, Richard Lyon, was convicted of killing her and sentenced to life in prison. Gray believes that Lyon was wrongfully convicted. \"Kirkus Reviews\" stated that the book had \"needless suspense and melodrama\". \"Publishers Weekly\" stated that \"his venture into writing nonfiction is less than successful\" even", + "score": 0.6689453125 + }, + { + "id": "10003737", + "title": "The Dream of Rhonabwy", + "text": "Owain says \"your move, lord\". Eventually Arthur crushes the chess pieces into dust, and the two declare peace between their forces. After this the Saxons send a contingent asking for a truce, which Arthur grants after consulting his advisors. Cai (Kay) declares that any who wish to follow Arthur should come to Cornwall. The noise of the troops moving wakes Rhonabwy, who realizes he has slept for three days. There is no consensus about the ultimate meaning of \"The Dream of Rhonabwy\". On one hand it derides Madoc's time, which is critically compared to the illustrious Arthurian age. However, Arthur's", + "score": 0.6689453125 + }, + { + "id": "6926060", + "title": "Myth III: The Wolf Age", + "text": "Connacht proposes they be removed from the war; Myrdred has learned the Oghre are not enslaved by physical means, but by a \"Dream of Subjugation\", and believes if the spell can be broken, the Oghre will rebel, and the Trow will withdraw from the war to deal with the uprising. Myrdred leads a small force to the Trow Empire, where he is able to free the Oghre, beginning a rebellion against the Trow, who withdraw from the war. Two years pass. Moagim makes no attempt to attack Llancarfan, but continues to conquer lands outside the city. When news arrives that", + "score": 0.6689453125 + }, + { + "id": "13840752", + "title": "Roderick the Last of the Goths", + "text": "everyone realises Roderick's true identity as the previous king. As they begin to fight against the Moors, the Spanish change \"Roderick the Goth\" and \"Roderick and Vengeance\" as they began to kill all of the Moors in sight. After the battle, Roderick disappears once again into hermitage. Like Walter Scott and Landor, Southey connects the events surrounding Napoleon with the Moors' invasion of Spain within his work. In a letter to Landor, Southey described the rape scene: \"here you have a part of the poem so difficult to get over even tolerably that I verily believe if I had at", + "score": 0.66845703125 + }, + { + "id": "10347334", + "title": "Dry Bones That Dream", + "text": "Dry Bones That Dream Dry Bones that Dream is the seventh novel by Canadian detective fiction writer Peter Robinson in the Inspector Banks series. It was published in 1994, and re-named \"Final Account\" in the US. One May evening, two masked gunmen tie up Alison Rothwell and her mother, take Keith Rothwell, a local accountant, to the garage of his isolated Yorkshire Dales farmhouse, and blow his head off with a shotgun. Why? This is the question Detective Chief Inspector Alan Banks has to ask as he sifts through Rothwell\u2019s life. Rothwell was generally known in the area as a", + "score": 0.66845703125 + }, + { + "id": "3689530", + "title": "Rood screen", + "text": "to hold candles to light the rood itself. The panels and uprights of the screen did not support the loft, which instead rested on a substantial transverse beam called the \"rood beam\" or \"candle beam\". Access was via a narrow rood stair set into the piers supporting the chancel arch. In parish churches, the space between the rood beam and the chancel arch was commonly filled by a boarded or lath and plaster tympanum, set immediately behind the rood figures and painted with a representation of the Last Judgement. The roof panels of the first bay of the nave were", + "score": 0.66845703125 + }, + { + "id": "9154661", + "title": "ROOD", + "text": "were (1999\u20132000) and Gerrie Elfrink (2000\u20132002). Although formally independent, ROOD (contrary to other political youth organisations) does not take any stances that are different from that of the party. The main activities of ROOD are political activism and educating its members. In 2003, ROOD was active protesting against the obligation for all citizens to be always able to identify themselves, and against cuts in education. There were also buildings occupied to attract attention to the lack of housing for young people and at various universities, actions were held for fair trade coffee at universities. ROOD also sent a representative to", + "score": 0.66796875 + }, + { + "id": "860966", + "title": "Myrrha", + "text": "desire, because the story of Myrrha shows how sex can lead people to destroy others as well as themselves. He comments that \"the \"precious bitter resin\" into which Myrrha's tears are changed tastes bitter \"and\" sweet, like \"Desire\" as a whole\". He further writes: \"The inescapability of desire makes Bidart's long story of submission to it a kind of affirmation. Rather than aberrant, the Ovidian characters come to feel exemplary\". In 1700 English poet John Dryden published his translations of myths by Ovid, Homer, and Boccaccio in the volume \"Fables, Ancient and Modern\". Literary critic Anthony W. Lee notes in", + "score": 0.66748046875 + }, + { + "id": "5056572", + "title": "An American Dream (novel)", + "text": "and gendered relationships\". Rojack's violence is not just a result of his masculinity, but it comes from his chasing the \"sexual freedom that is often denied by a repressive or 'cancerous' society\". Violence provides a center for Rojack's \"construction of a liberated masculinity\": \"Rojack seems able to discuss manhood \"only\" through the language of violence\", specifically addressing his view that masculinity revolves around either the repression of or embrace of violence. Robert Merrill posits that \"AAD\" seems to suggest violence \"is not an intolerable aberration but an extreme example of life's essential irrationality\". \"An American Dream\" was first published as", + "score": 0.66748046875 + }, + { + "id": "1933094", + "title": "Dream of the Rood", + "text": "Christian and pre-Christian images, but in the end is a Christian piece. Examining the poem as a pre-Christian (or pagan) piece is difficult, as the scribes who wrote it down were Christian monks who lived in a time when Christianity was firmly established (at least among the aristocracy) in Anglo-Saxon England. Anglo-Saxon influence can be identified by the use of a complex, echoing structure, allusions, repetition, verbal parallels, the ambiguity and wordplay of the Riddles, and the language of heroic poetry and elegy. Some scholars have argued that there is a prevalence of pagan elements within the poem, claiming that", + "score": 0.66748046875 + }, + { + "id": "7670721", + "title": "Drood", + "text": "composer/librettists had written their own orchestrations as well. In writing the book, Holmes did not let Dickens overshadow his own intentions. Rather than imitate Dickens' writing style, which he felt would be too bleak for the kind of show he wished to write, Holmes employed the device of a \"show-within-a-show.\" The cast members of \"Drood\" do not specifically play Dickens' characters, but rather music hall performers who are performing as Dickens' characters. This device allowed for a great deal of light comedy that was not originally found in Dickens' novel to be incorporated into the show, as well as several", + "score": 0.66748046875 + }, + { + "id": "2412360", + "title": "Gord the Rogue", + "text": "Gord traveling far afield to the Sea of Dust, on a quest for a \"Theorpart\", hidden in a lost city. He must face rivals sent by demon lords: the psychopathic dwarf Obmi, who serves Zuggtmoy, and the drow priestess Eclavdra, serving Graz'zt. He meets and falls in love with Leda, a clone of Eclavdra. Leda and Gord part at the end of the book as she returns to the Abyss, impersonating Eclavdra in Graz'zt's service for the sake of higher ideals. \"Night Arrant\" is a collection of nine short stories about Gord's adventures, in his early twenties, in the City", + "score": 0.6669921875 + }, + { + "id": "16505408", + "title": "The Dream (Rousseau painting)", + "text": "reaches towards the lions and a black snake charmer who faces the viewer playing his flute, barely visible in the gloom of the jungle under the dim light of the full moon. A pink-bellied snake slithers through the undergrowth, its sinuous form reflecting the curves of the woman's hips and leg. Suspecting that some viewers did not understand the painting, Rousseau wrote a poem to accompany it, \"Inscription pour La R\u00eave\": One possible interpretation of the painting, offered by Rousseau in a letter to art critic Andr\u00e9 Dupont, is that it depicts a woman reclining on a couch in Paris,", + "score": 0.66650390625 + }, + { + "id": "3689548", + "title": "Rood screen", + "text": "a central rood or screen. Almost all medieval churches in Italy were subsequently re-ordered following this model; and most screens that impeded the view of the altar were removed, or their screening effect reduced, in other Catholic countries, with exceptions like Toledo Cathedral, Albi Cathedral, the church of Brou in Bourg-en-Bresse; and also in monasteries and convents, where the screen was preserved to maintain the enclosure. In Catholic Europe, parochial rood screens survive in substantial numbers only in Brittany, such as those at Plouvorn, Morbihan and Ploubezre . The rood screen was a physical and symbolic barrier, separating the chancel,", + "score": 0.66650390625 + }, + { + "id": "7670715", + "title": "Drood", + "text": "and a production in London's West End followed. The Roundabout Theatre Company revived the musical as \"The Mystery of Edwin Drood\" in 2012. The musical \"Drood\" is derived from two major inspirations: Charles Dickens' final (and unfinished) novel, \"The Mystery of Edwin Drood\", and the British pantomime and music hall traditions that reached the height of their popularity in the years following Dickens' death. Dickens' \"Mystery\" began publication in 1870. The book, which had been written and published in episodic installments (as had most of Dickens' other novels) was left unfinished upon Dickens' sudden death from a stroke that year.", + "score": 0.666015625 + }, + { + "id": "1933098", + "title": "Dream of the Rood", + "text": "death; the Cross is a loyal retainer who is painfully and paradoxically forced to participate in his Lord's execution\". Christ can also be seen as \"an Anglo-Saxon warrior lord, who is served by his thanes, especially on the cross and who rewards them at the feast of glory in Heaven\". Thus, the crucifixion of Christ is a victory, because Christ could have fought His enemies, but chose to die. John Canuteson believes that the poem \"show[s] Christ's willingness, indeed His eagerness, to embrace His fate, [and] it also reveals the physical details of what happens to a man, rather than", + "score": 0.66552734375 + }, + { + "id": "7670730", + "title": "Drood", + "text": "Bad\", Neville and Drood's antagonism is reinstated, Helena's and Crisparkle's worry for Neville's reputation is shown, and it is revealed that Crisparkle used to be in love with Rosa's mother, who died after Rosa's birth. Soon the party disbands and the guests depart into a violent storm. There is a short halt here, where the actor playing Bazzard soliloquizes about how he never seems to be able to get a major part in a show in the song \"Never The Luck\". The next day Drood has vanished. Crisparkle\u2019s assistant discovers Edwin\u2019s torn coat by the river. Drood was last seen", + "score": 0.66552734375 + }, + { + "id": "12577514", + "title": "Wynnere and Wastoure", + "text": "The poet then goes on to speak of the marvels and disorder currently seen in the land, commenting that Doomsday must surely be approaching (4-16). Wandering by himself, the poet lies down by a hawthorn tree and has a dream vision, a \"sweven\" (46), in which he sees two opposing armies, and a gold and red pavilion raised on top of a hill (rather in the manner of a tournament). Inside the pavilion is a richly-dressed, brown-bearded king, who has been firmly identified as Edward III of England. One army is led by Wynnere, a figure representing monetary gain and", + "score": 0.66552734375 + }, + { + "id": "3477556", + "title": "Strood", + "text": "Above the door was set a stone slab which is now displayed in the Guildhall Museum, Rochester. The text is reproduced alongside. In 1769, under authority of the 1768 Paving Act, a tollgate was erected at The Angel Inn on North Street in Strood, to pay for improvements to the parish. Hasted, in his study of Kent (1778\u201399), said Strood's inhabitants were chiefly seafaring or fishermen, and engaged in dredging oysters. Between 1804 and 1824 the Thames and Medway canal was dug. See below, under \"Transport\" for more details. The ancient City of Rochester merged with the borough of Chatham", + "score": 0.6650390625 + }, + { + "id": "5614146", + "title": "Roughly Obsess and Destroy", + "text": "Roughly Obsess and Destroy Roughly Obsess & Destroy (abbreviated in writing as RO&D, spoken as R.O.D.) was a professional wrestling stable founded in 2003 in All Japan Pro Wrestling by Taka Michinoku, and later reformed in Pro Wrestling Noah as a tag team consisting of former members D'Lo Brown and Buchanan. RO&D began in AJPW in mid-2003 as heels, often clashing with the likes of Keiji Mutoh. Taka Michinoku was the only Japanese member of RO&D, with all the rest being gaijins (foreigners). Some experts do not consider Taiy\u014d Kea to be gaijin, despite the fact that he is Hawaiian,", + "score": 0.6650390625 + }, + { + "id": "19475589", + "title": "Rhoda in Potatoland", + "text": "and best theater piece in 1976. The play consists of a single act. It starts with Rhoda having visions. The visions are sexual and bizarre; they include potatoes, dances and nightmares. Rhoda meets friends, strangers and a lover in these dreams. The play starts as a regular conversation between Rhoda and her friend Sophia, and the Max who becomes Rhoda's lover enters sitting on a throne, and that is when Rhoda's dreams begin, going through salons, bathrooms and woods. It all ends with her being punished for dreaming. Sitting on bleachers, the audience is inside a shadow box. The walls", + "score": 0.6650390625 + }, + { + "id": "16403358", + "title": "The Ruined Maid", + "text": "by Seymour Barab called \"The Ruined Maid\", based on Hardy's poem, was premiered in 1981. The poem was set to music by Judith Lang Zaimont as one of her \"Two Songs for Soprano and Harp\". The Ruined Maid \"The Ruined Maid\" is a satirical poem by Thomas Hardy. It was written in 1866 but first published, in a slightly bowdlerized form, in \"Poems of the Past and the Present\" (1901). Thomas Hardy's \"The Ruined Maid\" is a poem about a woman who loses her purity or virginity during the Victorian Era, which is looked down upon. This poem displays how", + "score": 0.6650390625 + }, + { + "id": "19475591", + "title": "Rhoda in Potatoland", + "text": "shoe salon where Rhoda, a salesman and Sophia argue. The characters then enter the woods with Agatha, a room where tea is served, a cafe where Max and Hannah talk, Max on a throne, Rhoda in a bathroom having a nightmare dance, and finally a room with a table where Rhoda is punished for dreaming. Foreman's play is considered ontological because of its obsession with questions of human consciousness and being, and hysteric because it also deals with a more surrealist world of dreams, sexual desire, and anxieties. In the play both Max and Rhoda represent Foreman's consciousness and fears.", + "score": 0.66455078125 + }, + { + "id": "13466126", + "title": "Michea\u0301l de Bu\u0301rc", + "text": "roofless houses, innumerable farm animals perished, and the Shannon flooded vast areas of the surrounding countryside. ... Irish-speaking areas constituted the island\u2019s poorest and most isolated regions, so there is a double silence to their unrecorded and unrecordable suffering. \"O\u00edche ...\" runs to fifteen verses which give a very vivid description of the event, comparing it to God venting his anger as he did with the Deluge. However, de B\u00farc noted that the damage caused made good work for tradesmen such as thatchers, slaters, carpenters and masons. While Martyn notes that the poem \"was well known in de B\u00farc's lifetime", + "score": 0.66455078125 + }, + { + "id": "15455502", + "title": "Rood of Grace", + "text": "as a fraud, exhibited its machinery and broke it to pieces. The Rood was eventually burned in London along with numerous other statues of Roman Catholic saints. According to Reilly, sermons and reports by the Protestant iconoclasts who attacked the Rood presumed that the Catholic authorities were misrepresenting the Rood; however, \"Catholic audiences had seen mechanical theatrical \"mirabilia\" or miracles in the medieval cycle plays for generations.\" (Reilly notes an animated serpent winding around the tree in the garden, mechanical jaws of hell, and cords used to make a dove descend at Pentecost.). The Protestant iconoclasts who presented the Rood", + "score": 0.66455078125 + }, + { + "id": "5056552", + "title": "An American Dream (novel)", + "text": "on him, and the gathered political clout of his dead wife's father, Barney Oswald Kelly, who suggests that higher political affairs have an interest in Rojack's fate. Rojack vomits over the balcony at a party and considers suicide. He leaves the party and calls his estranged wife Deborah, going over there at her invitation. The maid, Ruta, lets him in, and he notices that Deborah has been drinking. She belittles him in his time of need, and he strangles her on the floor. Rojack goes to Ruta's room and has sex with her. He returns to Deborah's room, cleans her", + "score": 0.6640625 + }, + { + "id": "2488569", + "title": "Gawain Poet", + "text": "of the Trinity. What most interested the poet, however, was the literal sense of Biblical sources as opposed to their typological or allegorical significance. \"Pearl\" also shows the poet's understanding of mystical theology. It is pointed out that the Dreamer's definition of his vision as a 'gostly drem' (Line 790) indicates the poet's familiarity with the classification of visions used by mystical theologians and the mystics themselves. There is no need to suggest any extraordinary learning on the poet's part; most of the devotional writings were widely and easily understood. It is difficult to find evidence that the poet shared", + "score": 0.6640625 + }, + { + "id": "6339454", + "title": "The Big Express", + "text": "stupid funky\" and \"ersatz Michael Jackson or something\". Erica Wexler contributed backing vocals and David Lord is credited as \"The Good Lord\" on the record sleeve. Three outtakes were relegated as B-sides to the album's singles. \"Red Brick Dream\" is an original poem about the Great Western Railworks. Partridge set it to music after he was commissioned to write a song for a documentary about Swindon. In the film, he is shown performing the song at Crescent. \"Washaway\" was another Moulding song about growing up at Pen Hill and the first he wrote on a keyboard. He said: \"'This is", + "score": 0.6640625 + }, + { + "id": "9977646", + "title": "A Surfeit of H2O", + "text": "arrived in the area and is quite incredulous and is convinced the equipment is faulty. They return to the site and find the equipment has been tampered with. Steed returns to the distillery and catches the doctors moving a tub of dry ice. He tastes more wine and in doing so hears the sound of rain and sees a locked room, evidently full of ice. Steed returns to the doctor and enquires about the sound of rain and discovers that they are hiding something and force him to leave. The doctors discover the meteorologist taking samples in the field and", + "score": 0.6640625 + } + ], + "answer": "The Dream of the Rood is one of the Christian poems in the corpus of Old English literature and an example of the genre of dream poetry. In section one of The Dream of the Rood, the rood, which is from the Old English word r\u014dd 'pole', or more specifically 'crucifix', is drenched in precious gems, and eventually drenched in blood. In section two, the rood is drenched in gold and silver." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "When did the Seljuk Empire begin?", + "short_answers": [ + "1037" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When did the Seljuk Empire end?", + "short_answers": [ + "1194" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When did the seljuk empire begin?", + "short_answers": [ + "1037" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When did the seljuk empire end?", + "short_answers": [ + "1194" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Seljuk Empire", + "url": "https://en.wikipedia.org/wiki/Seljuk%20Empire" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The Seljuk empire was founded in 1037 by Tughril (990\u20131063) and his brother Chaghri (989\u20131060)...The Seljuk empire began to decline in the 1140s, and by 1194 had been supplanted by the Khwarazmian Empire.", + "wikipage": "Seljuk Empire" + } + ], + "long_answer": "The Seljuk Empire was founded in 1037 and began to decline in the 1140s, and by 1194 had been supplanted by the Khwarezmian Empire. " + }, + { + "knowledge": [ + { + "content": "The Seljuk empire was founded in 1037 by Tughril (990\u20131063) and his brother Chaghri (989\u20131060).", + "wikipage": "Seljuk Empire" + }, + { + "content": "The Seljuk empire began to decline in the 1140s, and by 1194 had been supplanted by the Khwarazmian Empire.", + "wikipage": "Seljuk Empire" + } + ], + "long_answer": "The Seljuk Empire began in 1037 and ended in 1194. It was founded in 1037 by Tughril and his brother Chaghri. It began to decline in the 1140s and by 1194 had been supplanted by the Khwarazmian Empire." + } + ], + "sample_id": "-534703981297361693", + "question": "When did the seljuk empire begin and end?", + "docs": [ + { + "id": "10848934", + "title": "Seljuk Empire", + "text": "Seljuk Empire The Seljuk Empire () or Great Seljuq Empire was a medieval Turko-Persian Sunni Muslim empire, originating from the Qiniq branch of Oghuz Turks. The Seljuk Empire controlled a vast area stretching from the Hindu Kush to western Anatolia and the Levant, and from Central Asia to the Persian Gulf. The Seljuk empire was founded by Tughril Beg (1016\u20131063) in 1037. From their homelands near the Aral Sea, the Seljuks advanced first into Khorasan and then into mainland Persia, before eventually conquering eastern Anatolia. Here the Seljuks won the battle of Manzikert in 1071 and conquered most of Anatolia", + "score": 0.78515625, + "summary": "The Seljuk Empire was founded by Tughril Beg in 1037 and ended in the 14th century.", + "extraction": "The Seljuk Empire was founded by Tughril Beg in 1037 and ended in 1194." + }, + { + "id": "10848955", + "title": "Seljuk Empire", + "text": "for historical recording, while the center of Arabic language culture shifted from Baghdad to Cairo. Seljuk Empire The Seljuk Empire () or Great Seljuq Empire was a medieval Turko-Persian Sunni Muslim empire, originating from the Qiniq branch of Oghuz Turks. The Seljuk Empire controlled a vast area stretching from the Hindu Kush to western Anatolia and the Levant, and from Central Asia to the Persian Gulf. The Seljuk empire was founded by Tughril Beg (1016\u20131063) in 1037. From their homelands near the Aral Sea, the Seljuks advanced first into Khorasan and then into mainland Persia, before eventually conquering eastern Anatolia.", + "score": 0.7734375, + "summary": "The Seljuk Empire was founded by Tughril Beg in 1037 and ended sometime in the 14th century.", + "extraction": "The Seljuk Empire was founded by Tughril Beg in 1037 and ended in 1194." + }, + { + "id": "10848935", + "title": "Seljuk Empire", + "text": "from the Byzantine Empire, which became one of the reasons for the first crusade (1095-1099). From c. 1150-1250, the Seljuk empire declined, and was around 1260 invaded by the Mongols. The Mongols divided Anatolia into emirates. Eventually one of these, the Ottoman, would conquer the rest. Seljuk gave his name to both the Seljuk empire and the Seljuk dynasty. The Seljuks united the fractured political scene of the eastern Islamic world and played a key role in the first and second crusades. Highly Persianized in culture and language, the Seljuks also played an important role in the development of the", + "score": 0.76904296875, + "summary": "The Seljuk Empire began around the 11th century and ended around 1250 when it declined and was invaded by the Mongols. The Mongols divided Anatolia into emirates, and the Ottoman eventually conquered the rest.", + "extraction": "The Seljuk empire began around c. 1150 and ended in 1260 after being invaded by the Mongols." + }, + { + "id": "12092010", + "title": "Shirvanshah", + "text": "the end of the 12th century. During the Seljuq period, the influential vizier of the Seljuq sultans, Nizam ul-Mulk is noted for having helped introduce numerous educational and bureaucratic reforms. His death in 1092 marked the beginning of the decline of the once well-organized Seljuq state that further deteriorated following the death of Sultan Ahmad Sanjar in 1153. At the end of 11th and at the beginning of 12th centuries, the Seljuqid state entered to the period of collapse at the result of interior fought for throne among the representatives of Seljuqid dynasty. Utilizing from this circumstance, several governors, who", + "score": 0.759765625, + "summary": "The Seljuk Empire began in the 11th century and started to decline after the death of Nizam ul-Mulk in 1092. The state further deteriorated following the death of Sultan Ahmad Sanjar in 1153.", + "extraction": "The Seljuq period began to decline following the death of Nizam ul-Mulk in 1092 and further deteriorated after the death of Sultan Ahmad Sanjar in 1153. Therefore, the Seljuk Empire began in the 11th century and ended in the 12th century." + }, + { + "id": "441314", + "title": "Uzbeks", + "text": "the Qarakhanids, but did not annex their territories outright. Instead they made the Qarakhanids a vassal state. The Seljuks dominated a wide area from Asia Minor to the western sections of Transoxiana in the 11th century. The Seljuk Empire then split into states ruled by various local Turkic and Iranian rulers. The culture and intellectual life of the region continued unaffected by such political changes, however. Turkic tribes from the north continued to migrate into the region during this period. The power of the Seljuks however became diminished when the Seljuk Sultan Ahmed Sanjar was defeated by the Kara-Khitans at", + "score": 0.7451171875, + "summary": "The Seljuk Empire began in the 11th century and eventually split into states ruled by local rulers. The document does not state when the empire ended.", + "extraction": "The Seljuk Empire began in the 11th century and eventually split into states ruled by local Turkic and Iranian rulers. Therefore, the span that can answer the question is \"The Seljuk Empire began in the 11th century and eventually split into states ruled by local Turkic and Iranian rulers.\"" + }, + { + "id": "4308951", + "title": "Artuqids", + "text": "Sekjuk Empire to the Ayyubid Sultanate by late 1180s. The Seljuk Empire completely disintegrated soon after that in 1194. The Artuklu dynasty remained in nominal command of upper Mesopotamia, but their power declined under Ayyubid rule. The Hasankeyf branch conquered Diyarbak\u0131r in 1198 and its center was moved here, but was demolished by the Ayyubids in 1231 when it attempted to form an alliance with the Seljuqs. The Harput branch was destroyed by the Sultanate of Rum due to following a slippery policy between the Ayyubids and Seljuqs. The Mardin branch survived for longer, but as a vassal of the", + "score": 0.74169921875, + "summary": "The Seljuk Empire began in an unspecified date and ended in 1194.", + "extraction": "The Seljuk Empire began in the past and completely disintegrated in 1194." + }, + { + "id": "19407724", + "title": "Mikail of K\u0131n\u0131k tribe", + "text": "one of these battles. Although his exact death date is uncertain, it must be in the early 11th century (1009 ?). Mikail Beig had two sons: Chagri (989\u20131060) and Tughril (990\u20131063). The Seljuk Empire was founded by them. Mikail of K\u0131n\u0131k tribe Mikail Beig (Mikail ibn Seljuk) was a Turkic chieftain who lived in the early 11th century. His father was Seljuk who is known as the founder of the Seljuk dynasty. Although his grandsons would be sultans after his death, Seljuk was only a leader of a tribe named K\u0131n\u0131k which was a part of a loosely formed Oghuz", + "score": 0.740234375, + "summary": "The Seljuk Empire was founded by Chagri and Tughril, sons of Mikail Beig, who lived in the early 11th century. Mikail's father, Seljuk, is known as the founder of the Seljuk dynasty. The exact death date of Mikail is uncertain but must be in the early 11th century.", + "extraction": "The Seljuk Empire was founded by Mikail Beig's sons, Chagri and Tughril, in the early 11th century. Therefore, the Seljuk Empire began in the early 11th century. The end date of the empire is not provided in the given passage." + }, + { + "id": "8362563", + "title": "Seljuq dynasty", + "text": "Persia. Between 1053 and 1154, the territory also included Umman. Muhammad abandoned Kerman, which fell into the hands of the Oghuz chief Malik Dinar. Kerman was eventually annexed by the Khwarezmid Empire in 1196. \"To the Artuqids\" Sultans/Emirs of Damascus: \"Damascus seized by the Burid Toghtekin\" The Seljuq line, already having been deprived of any significant power, effectively ended in the early 14th century. Seljuq dynasty The Seljuq dynasty, or Seljuqs ( ; \"Al-e Saljuq\"), was an Oghuz Turk Sunni Muslim dynasty that gradually became a Persianate society and contributed to the Turco-Persian tradition in the medieval West and Central", + "score": 0.7392578125, + "summary": "The Seljuq dynasty began in Persia and Umman in 1053 and ended in the early 14th century, but there is no specific end date given.", + "extraction": "The Seljuq dynasty began in an unspecified year and ended in the early 14th century." + }, + { + "id": "2938732", + "title": "Sultanate of Rum", + "text": "allowed the sultanate to absorb other Turkish states that had been established in eastern Anatolia (Danishmends, Mengujekids, Saltukids, Artuqids). The Seljuq sultans bore the brunt of the Crusades and eventually succumbed to the Mongol invasion in 1243 (Battle of K\u00f6se Da\u011f). For the remainder of the 13th century, the Seljuqs acted as vassals of the Ilkhanate. Their power disintegrated during the second half of the 13th century. The last of the Seljuq vassal sultans of the Ilkhanate, Mesud II, was murdered in 1308. The dissolution of the Seljuq state left behind many small Anatolian beyliks (Turkish principalities), among them that", + "score": 0.73876953125, + "summary": "The Seljuk Empire began in an unspecified date and ended in 1243 with the Mongol invasion, and the Seljuqs acted as vassals of the Ilkhanate for the remainder of the 13th century. Their power disintegrated during the second half of the 13th century, and the last of the Seljuq vassal sultans of the Ilkhanate, Mesud II, was murdered in 1308.", + "extraction": "The Seljuk empire began in an indeterminate time and ended in 1308 when the last Seljuq vassal sultan of the Ilkhanate, Mesud II, was murdered." + }, + { + "id": "10848945", + "title": "Seljuk Empire", + "text": "Tutush I died, his sons Radwan and Duqaq inherited Aleppo and Damascus respectively and contested with each other as well, further dividing Syria amongst emirs antagonistic towards each other. In 1118, the third son Ahmad Sanjar took over the empire. His nephew, the son of Muhammad I, did not recognize his claim to the throne, and Mahmud II proclaimed himself Sultan and established a capital in Baghdad, until 1131 when he was finally officially deposed by Ahmad Sanjar. Elsewhere in nominal Seljuq territory were the Artuqids in northeastern Syria and northern Mesopotamia; they controlled Jerusalem until 1098. The D\u0101ni\u0161mand dynasty", + "score": 0.73876953125, + "summary": "The document mentions different events and rulers of the Seljuk Empire, but it does not clearly state when the empire began and ended.", + "extraction": "The Seljuk Empire began with Ahmad Sanjar taking over the empire in 1118 and ended with the official deposition of Mahmud II in 1131 by Ahmad Sanjar." + }, + { + "id": "8937931", + "title": "Decline of the Byzantine Empire", + "text": "in Egypt and the Levant, the Byzantine empire successfully re-established itself against the threat of Islam under the Macedonian dynasty in the 9th and 10th century. But in the 11th century, a new threat arose as a consequence of the Turkic expansion out of Central Asia. The Seljuks, a division of the Kankalis branch of Oghuz Turks, profiting from both the breakup of the Abbasid Caliphate and the absorption of the Byzantines with internal crisis and the loss of Italy to the Normans, managed to establish themselves in Asia Minor. Following the Battle of Manzikert, the Byzantine Empire lost most", + "score": 0.736328125, + "summary": "The Seljuk Empire began in the 11th century as a result of Turkic expansion out of Central Asia and established itself in Asia Minor after the Battle of Manzikert. No end date is given.", + "extraction": "The Seljuk Empire began in the 11th century and ended in the 14th century. However, the given passage does not provide specific information regarding the beginning and end of the Seljuk Empire, so the answer would be \"irrelevant\"." + }, + { + "id": "11385467", + "title": "Oghuz Yabgu State", + "text": "Tughril and Chaghri Beg, the grandchildren of Seljuk. This migrating group became, in time, the Seljuk Empire. In 1025 a part of the Seljuks settled in the territory of the modern Turkmenistan, centered on the city of Nysa. In 1034 \u2013 1035, they were joined by Togrul bek's subjects. In 1038\u20131040, the Seljuks fought against Ghaznavids and captured Nishapur. Subsequently, they were able to create a huge state, which consisted of Asia Minor, Persia, and parts of the Caucasus and Central Asia. The Oguz il state existed for three centuries. Another Turkic group, Kipchaks and Kimeks of the Kimek Kaganate,", + "score": 0.73388671875, + "summary": "The document mentions the migration of a group that eventually became the Seljuk Empire. They settled in modern Turkmenistan in 1025 and were joined by Togrul bek's subjects in 1034-1035. They fought against Ghaznavids and captured Nishapur in 1038-1040. The Seljuks were able to create a huge state that lasted for three centuries. However, the document does not provide specific dates for the beginning and end of the Sel", + "extraction": "The Seljuk Empire began in 1038-1040 and ended three centuries later, making its end year roughly 1338-1340." + }, + { + "id": "1720671", + "title": "Seljuk (warlord)", + "text": "Seljuk (warlord) Seljuk Beig ( \"Salj\u016bq\"; also romanized \"Seldjuk\", \"Seldjuq\", \"Seljuq\"; modern Turkish: \"Sel\u00e7uk\"; died 1038) was an Oghuz Turkic warlord, eponymous founder of the Seljuk dynasty. Seljuk was the son of a certain \"Toqaq\" surnamed \"Tem\u00fcr Yal\u0131\u011f\" (meaning \"of the iron bow\") and either the chief or an eminent member of the Oghuz K\u0131n\u0131k tribe. In 985, the Seljuq clan split off from the bulk of the Tokuz-Oghuz, a confederacy of nine clans long settled between the Aral and Caspian Seas. They set up camp on the right bank of the lower Syr Darya (Jaxartes), in the direction of", + "score": 0.7333984375, + "summary": "Seljuk Beig was the eponymous founder of the Seljuk dynasty, and he died in 1038. The Seljuq clan split off in 985 from the Tokuz-Oghuz confederacy.", + "extraction": "The Seljuk empire is not mentioned in the given passage, so the answer is \"irrelevant\"." + }, + { + "id": "14077957", + "title": "Timeline of the Seljuk Sultanate of Rum", + "text": "brothers. But soon, the Seljuks of R\u00fbm began to act independently of the Great Seljuk Empire and annexed the territories of other Turkish states in Anatolia. Their history is notable for: Timeline of the Seljuk Sultanate of Rum The timeline of the Seljuk Sultanate of Rum (1077\u20131307) is summarized below. After the battles of Pasinler in 1048 and Malazgirt in 1071 Turks founded a number of states in Anatolia. These were the vassals of Great Seljuk Empire. In fact one of the most powerful of these vassal states had been founded by a member of Seljuk house and the name", + "score": 0.7314453125, + "summary": "The Seljuk Sultanate of Rum began in 1077 and ended in 1307.", + "extraction": "The Seljuk Sultanate of Rum began in 1077 and ended in 1307." + }, + { + "id": "10848951", + "title": "Seljuk Empire", + "text": "on September 9, 1141. While Sanjar managed to escape with his life, many of his close kin including his wife were taken captive in the battle's aftermath. As a result of Sanjar's failure to deal with the encroaching threat from the east, the Seljuq Empire lost all its eastern provinces up to the river Syr Darya, and vassalage of the Western Kara-Khanids was usurped by the Kara-Khitai, otherwise known as the Western Liao in Chinese historiography. In 1153, the Ghuzz (Oghuz Turks) rebelled and captured Sanjar. He managed to escape after three years but died a year later. The atabegs,", + "score": 0.72900390625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information on when the Seljuk Empire began or ended." + }, + { + "id": "14077956", + "title": "Timeline of the Seljuk Sultanate of Rum", + "text": "Timeline of the Seljuk Sultanate of Rum The timeline of the Seljuk Sultanate of Rum (1077\u20131307) is summarized below. After the battles of Pasinler in 1048 and Malazgirt in 1071 Turks founded a number of states in Anatolia. These were the vassals of Great Seljuk Empire. In fact one of the most powerful of these vassal states had been founded by a member of Seljuk house and the name of this state was the Sultanate of Rum. The founder of the state was S\u00fcleyman I. Paternal grandfathers of the sultan Melik Shah of Great Seljuk Empire and Suleyman I were", + "score": 0.728515625, + "summary": "The Seljuk Sultanate of Rum began in 1077 and ended in 1307.", + "extraction": "The Seljuk Sultanate of Rum began in 1077 and ended in 1307." + }, + { + "id": "15257323", + "title": "Seljuk architecture", + "text": "One of the last Seljuk architectural endeavors was the tomb of 'Ismat al-Dunya wa 'l-Din ibint al-malik al-Adil built by her daughters after 1243. Seljuk architecture Seljuk architecture comprises the building traditions used by the Seljuq dynasty, when it ruled most of the Middle East and Anatolia during the 11th to 13th centuries. After the 11th century, the Seljuks of Rum emerged from the Great Seljuk Empire developing their own architecture, though they were influenced and inspired by the Armenian, Byzantine and Persian architectural traditions. Seljuq architectural elements can be found in a vast area stretching from the Hindu Kush", + "score": 0.7265625, + "summary": "The Seljuk Empire began in the 11th century and ended in the 13th century. Their architectural traditions were influenced by Armenian, Byzantine, and Persian architecture.", + "extraction": "The Seljuk empire began during the 11th century and ended during the 13th century." + }, + { + "id": "7110814", + "title": "Military history of Iran", + "text": "to Lahore until its subsequent capture by the Ghurids in 1186. The Seljuqs were a Turco-Persian Sunni Muslim dynasty that ruled parts of Central Asia and the Middle East from the 11th to 14th centuries. They set up an empire, the Great Seljuq Empire, which at its height stretched from Anatolia through Persia and which was the target of the First Crusade. The dynasty had its origins in the Turcoman tribal confederations of Central Asia and marked the beginning of Turkic power in the Middle East. After arriving in Persia, the Seljuqs adopted the Persian culture and are regarded as", + "score": 0.72607421875, + "summary": "The Seljuk Empire began in the 11th century and ended in the 14th century.", + "extraction": "The Seljuqs were a Turco-Persian Sunni Muslim dynasty that ruled parts of Central Asia and the Middle East from the 11th to 14th centuries." + }, + { + "id": "8362560", + "title": "Seljuq dynasty", + "text": "the Ghaznavid empire. In 1025, 40,000 families of Oghuz Turks migrated to the area of Caucasian Albania. The Seljuqs defeated the Ghaznavids at the Battle of Nasa plains in 1035. Tughril, Chaghri, and Yabghu received the insignias of governor, grants of land, and were given the title of \"dehqan\". At the Battle of Dandanaqan they defeated a Ghaznavid army, and after a successful siege of Isfahan by Tughril in 1050/51, they established an empire later called the Great Seljuk Empire. The Seljuqs mixed with the local population and adopted the Persian culture and Persian language in the following decades. After", + "score": 0.72509765625, + "summary": "The Seljuk Empire began in 1050/51 after defeating the Ghaznavids and lasted for several decades.", + "extraction": "The Great Seljuk Empire was established after a successful siege of Isfahan by Tughril in 1050/51 and it ended in 1194." + }, + { + "id": "15257316", + "title": "Seljuk architecture", + "text": "Seljuk architecture Seljuk architecture comprises the building traditions used by the Seljuq dynasty, when it ruled most of the Middle East and Anatolia during the 11th to 13th centuries. After the 11th century, the Seljuks of Rum emerged from the Great Seljuk Empire developing their own architecture, though they were influenced and inspired by the Armenian, Byzantine and Persian architectural traditions. Seljuq architectural elements can be found in a vast area stretching from the Hindu Kush to eastern Anatolia and from Central Asia to the Persian Gulf. The homeland of this building tradition was Turkmenistan and Iran, where the first", + "score": 0.72509765625, + "summary": "The Seljuk empire began in the 11th century and ended in the 13th century, ruling over the Middle East and Anatolia. Seljuk architecture was influenced by Armenian, Byzantine, and Persian traditions and can be found across a vast area.", + "extraction": "The Seljuk dynasty ruled most of the Middle East and Anatolia during the 11th to 13th centuries." + }, + { + "id": "19085819", + "title": "Persian art", + "text": "white slip. These vessels would typically be inscribed with blessings or proverbs, and used to serve food. Samarqand and Nishapur were both centres of production for this kind of pottery. The Seljuqs, nomads of Turkic origin from present-day Mongolia, appeared on the stage of Islamic history toward the end of the 10th century. They seized Baghdad in 1048, before dying out in 1194 in Iran, although the production of \"Seljuq\" works continued through the end of the 12th and beginning of the 13th century under the auspices of smaller, independent sovereigns and patrons. During their time, the center of culture,", + "score": 0.724609375 + }, + { + "id": "10202122", + "title": "Turkey", + "text": "the First Council of Constantinople (Istanbul) in 381, the Council of Ephesus in 431, and the Council of Chalcedon (Kad\u0131k\u00f6y) in 451. The House of Seljuk was a branch of the \"K\u0131n\u0131k\" O\u011fuz Turks who resided on the periphery of the Muslim world, in the Yabgu Khaganate of the O\u011fuz confederacy, to the north of the Caspian and Aral Seas, in the 9th century. In the 10th century, the Seljuks started migrating from their ancestral homeland into Persia, which became the administrative core of the Great Seljuk Empire, after its foundation by Tughril. In the latter half of the 11th", + "score": 0.72265625 + }, + { + "id": "20438035", + "title": "Kerman Seljuk Sultanate", + "text": "Kerman Seljuk Sultanate The Kerman Seljuk Sultanate (also known as Kerman sultanate Persian: \u0633\u0644\u062c\u0648\u0642\u06cc\u0627\u0646 \u06a9\u0631\u0645\u0627\u0646 Salj\u016bqiy\u0101n-i Kerman) was a Turko-Persian Sunni Muslim state, established in the parts of Kerman and Makran which had been conquered from the Buyid dynasty by the Seljuk Empire which was established by Seljuk Turks. The Sultanate of Kerman seceded from the Great Seljuk Empire under Qavurt in 1048, following the Conquest of Kerman, with capitals first at Kerman and then at Bam and Jiroft. The Seljuq dynasty was a Turkish Sunni Muslim dynasty that established both the Seljuq Empire and Sultanate of Rum, which at", + "score": 0.720703125 + }, + { + "id": "16848796", + "title": "Georgian\u2013Seljuk wars", + "text": "the cornerstone of Bagrat\u2019s reign, his policy can be understood as the attempt to play the Seljuqs and Byzantines off against one another. The second half of the 11th century was marked by the strategically significant invasion of the Seljuq Turks, who by the end of the 1040s had succeeded in building a vast empire including most of Central Asia and Persia. The Seljuqs made their first appearances in Georgia in the 1060s, when the Sultan Alp Arslan laid waste to the south-western provinces of the Georgian kingdom and reduced Kakheti. These intruders were part of the same wave of", + "score": 0.71826171875 + }, + { + "id": "7351773", + "title": "History of Anatolia", + "text": "on August 26, 1071. The victory of the Seljuks gave rise to the Seljuk Sultanate of Rum, a separate branch of the larger Seljuk Empire and to some Turkish principalities (beyliks), mostly situated towards the east which were vassals of or at war with Seljuk Sultanate of Rum. On June 26, 1243, the Seljuk armies were defeated by the Mongols in the Battle of Kosedag, and the Seljuk Sultanate of R\u00fbm became a vassal of the Mongols. This caused the Seljuks to lose their power. Hulegu Khan, grandson of Genghis Khan founded the Ilkhanate in the southwestern part of the", + "score": 0.7177734375 + }, + { + "id": "18481043", + "title": "Altun Jan Khatun", + "text": "latter when the marriage contract between him and the caliph's daughter was finally concluded in 1062. According to some sources it was her who requested Tughril to marry the caliph's daughter at her deathbed. After Tughril's death in 1063, Anoushiravan rebelled but was captured. He was imprisoned in Rey and was killed. Altun Jan Khatun Altun Jan Khatun (died December 1060; meaning \"Golden soul\") was the Principal consort of Sultan Tughril, the founder of the Seljuk Empire, ruling from 1037 to 1063. Altun Jan Khatun was a Turkish woman, possibly from Khwarezm. Before becoming Tughril Beg's wife she had been", + "score": 0.716796875 + }, + { + "id": "10848953", + "title": "Seljuk Empire", + "text": "expense of Great Seljuk. The same was true during the revival of the Armenian Kingdom of Cilicia under Leo II of Armenia in Anatolia. The Abbasid caliph An-Nasir also began to reassert the authority of the caliph and allied himself with the Khwarezmshah Takash. For a brief period, Togrul III was the Sultan of all Seljuq except for Anatolia. In 1194, however, Togrul was defeated by Takash, the Shah of Khwarezmid Empire, and the Seljuq Empire finally collapsed. Of the former Seljuq Empire, only the Sultanate of R\u00fbm in Anatolia remained. As the dynasty declined in the middle of the", + "score": 0.716796875 + }, + { + "id": "573781", + "title": "Samuel of Bulgaria", + "text": "made a last ditch attempt to resist the Byzantines in the mountain of Tomorr, where he ruled for a short time as emperor Presian II of Bulgaria until he also surrendered. Thus the First Bulgarian Empire came to an end in 1018, only four years after Samuel's death. Most of its territory was incorporated within the new Theme of Bulgaria, with Skopje as its capital. In the extreme northwest, the duke of Syrmia, Sermon, was the last remnant of the once mighty Empire. He was deceived and killed by the Byzantines in 1019. Samuel's wife was called Agatha, and was", + "score": 0.716796875 + }, + { + "id": "8362558", + "title": "Seljuq dynasty", + "text": "Seljuq dynasty The Seljuq dynasty, or Seljuqs ( ; \"Al-e Saljuq\"), was an Oghuz Turk Sunni Muslim dynasty that gradually became a Persianate society and contributed to the Turco-Persian tradition in the medieval West and Central Asia. The Seljuqs established both the Seljuk Empire and Sultanate of Rum, which at their heights stretched from Anatolia through Iran and were targets of the First Crusade. The Seljuqs originated from the Qynyk branch of the Oghuz Turks, who in the 9th century lived on the periphery of the Muslim world, north of the Caspian Sea and Aral Sea in their Yabghu Khaganate", + "score": 0.7158203125 + }, + { + "id": "7351772", + "title": "History of Anatolia", + "text": "the Seljuk Empire arrived in Turkey during the eleventh century. The Seljuks proceeded to gradually conquer the Anatolian part of the Byzantine Empire. The \"House of Seljuk\" was a branch of the \"K\u0131n\u0131k\" O\u011fuz Turks who resided on the periphery of the Muslim world, north of the Caspian and Aral Seas in the Yabghu Khaganate of the O\u011fuz confederacy in the 10th century. In the 11th century, the Turkic people living in the Seljuk Empire started migrating from their ancestral homelands towards east of Anatolia, which eventually became a new homeland of O\u011fuz Turkic tribes following the Battle of Manzikert", + "score": 0.71484375 + }, + { + "id": "10848936", + "title": "Seljuk Empire", + "text": "Turko-Persian tradition, even exporting Persian culture to Anatolia. The settlement of Turkic tribes in the northwestern peripheral parts of the empire, for the strategic military purpose of fending off invasions from neighboring states, led to the progressive Turkicization of those areas. The apical ancestor of the Seljuqs was their beg, Seljuk, who was reputed to have served in the Khazar army, under whom, circa 950, they migrated to Khwarezm, near the city of Jend, where they converted to Islam. The Seljuqs were allied with the Persian Samanid shahs against the Qarakhanids. The Samanid fell to the Qarakhanids in Transoxania (992\u2013999),", + "score": 0.71435546875 + }, + { + "id": "19399422", + "title": "Battle of Damghan (1063)", + "text": "Seljuk Empire. Battle of Damghan (1063) Battle of Damghan was a battle fought during the Seljuk Civil War in 1063. The Seljuks were an Oghuz Turk dynasty that founded the Seljuk Empire in Iran during the 11th century. The founder of the empire, Tughril, died childless and willed the throne to Suleyman, younger son of his brother Chaghri Beg. (According to an old Turkic tradition Tughril had married to Chaghri's widow. So his nephews were also his step sons.) After Tughril's death however, the Seljuk prince Qutalmish hoped to become the new sultan, because Tughril was childless and he was", + "score": 0.71337890625 + }, + { + "id": "1720672", + "title": "Seljuk (warlord)", + "text": "Jend, near Kzyl Orda in present-day south-central Kazakhstan. There, in 985, Seljuk converted to Islam. The names of his four sons \u2014 Mik\u00e2\u00eel (\"Michael\"), Isr\u00e2\u00eel (\"Israel\"), M\u00fbs\u00e2 (\"Moses\"), and Y\u00fbnus (\"Jonah\") \u2014 suggest previous acquaintance with either Khazar Judaism or Nestorian Christianity. According to some sources, Seljuk began his career as an officer in the Khazar army. Under Mik\u00e2\u00eel's sons Tu\u011frul and \u00c7a\u011fr\u0131, the Seljuqs migrated into Khurasan. Ghaznavid attempts to stop Seljuqs raiding the local Muslim populace led to the Battle of Dandanaqan on 23 May 1040. Victorious Seljuqs became masters of Khurasan, expanding their power into Transoxiana and", + "score": 0.712890625 + }, + { + "id": "2942258", + "title": "Khwarazmian dynasty", + "text": "the province, which since 1042/1043 belonged to the Seljuqs, fell into the hands of Anush Tigin Gharchai, a former Turkic slave of the Seljuq sultan. In 1141, the Seljuq Sultan Ahmed Sanjar was defeated by the Qara Khitai at the battle of Qatwan, and Anush Tigin's grandson Ala ad-Din Atsiz became a vassal to Yel\u00fc Dashi of the Qara Khitan. Sultan Ahmed Sanjar died in 1156. As the Seljuk state fell into chaos, the Khwarezm-Shahs expanded their territories southward. In 1194, the last Sultan of the Great Seljuq Empire, Toghrul III, was defeated and killed by the Khwarezm ruler Ala", + "score": 0.712890625 + }, + { + "id": "2937844", + "title": "Tughril", + "text": "Tughril Tughril Beg (; full name: Rukn al-Dunya wa al-Din Abu Talib Muhammad Toghrul-Beg ibn Mikail) also spelled Toghrul I, Tugril, Toghril, Tugrul or Toghr\u00efl Beg; () (990 \u2013 September 4, 1063) was the Turkic founder of the Seljuk Empire, ruling from 1037 to 1063. Tughril united the Turkic warriors of the Great Eurasian Steppes into a confederacy of tribes, who traced their ancestry to a single ancestor named Seljuq, and led them in conquest of eastern Iran. He would later establish the Seljuq Sultanate after conquering Persia and retaking the Abbasid capital of Baghdad from the Buyid dynasty in", + "score": 0.71240234375 + }, + { + "id": "14841727", + "title": "History of Turkey", + "text": "1037. Tughril was raised by his grandfather, Seljuk-Beg Seljuk gave his name to both the Seljuk empire and the Seljuk dynasty. The Seljuqs united the fractured political scene of the eastern Islamic world and played a key role in the first and second crusades. Highly Persianized in culture and language, the Seljuqs also played an important role in the development of the Turko-Persian tradition, even exporting Persian culture to Anatolia. The Ottoman beylik's first capital was located in Bursa in 1326. Edirne which was conquered in 1361 was the next capital city. After largely expanding to Europe and Anatolia, in", + "score": 0.7119140625 + }, + { + "id": "15661175", + "title": "Saljuq-nama", + "text": "Saljuq-nama The Salj\u016bq-N\u0101ma (; , \"Book of Seljuk [Empire]\") is a history of the Great Seljuk Empire written by the Persian historian \u1e92\u0101hir al-D\u012bn N\u012bsh\u0101p\u016br\u012b around 1175. Written in Persian, it has been acknowledged as the primary source for Saljuq material for Persian works dating from 13th century to 15th century, which include; \"Rahat al-sudur\", \"Jami al-tawarikh\", \"Tarikh-i Guzida\", \"Zubdat al-Tawarikh\" and \"Rawdat as-Safa\". Abulqasim Qashani, a historian who wrote about the Ilkhanids, made alterations and additions to the original text, which was later misidentified as the original \"Saljuq-nama\". The \"Saljuq-nama\" is vague concerning the history of the sultans prior", + "score": 0.7119140625 + }, + { + "id": "10848943", + "title": "Seljuk Empire", + "text": "from 1079/80 onward, Georgia was pressured into submitting to Malik-Shah to ensure a precious degree of peace at the price of an annual tribute. The Seljuq power was indeed at its zenith under Maliksh\u0101h I, and both the Qarakhanids and Ghaznavids had to acknowledge the overlordship of the Seljuqs. The Seljuq dominion was established over the ancient Sasanian domains, in Iran and Iraq, and included Anatolia, Syria, as well as parts of Central Asia and modern Afghanistan. The Seljuk rule was modelled after the tribal organization common in Turkic and Mongol nomads and resembled a 'family federation' or 'appanage state'.", + "score": 0.71142578125 + }, + { + "id": "10848946", + "title": "Seljuk Empire", + "text": "founded a state in eastern Anatolia and northern Syria and contested land with the Sultanate of Rum, and Kerbogha exercised independence as the atabeg of Mosul. During the First Crusade, the fractured states of the Seljuqs were generally more concerned with consolidating their own territories and gaining control of their neighbours than with cooperating against the crusaders. The Seljuqs easily defeated the People's Crusade arriving in 1096, but they could not stop the progress of the army of the subsequent Princes' Crusade, which took important cities such as Nicaea (\u0130znik), Iconium (Konya), Caesarea Mazaca (Kayseri), and Antioch (Antakya) on its", + "score": 0.71142578125 + }, + { + "id": "434246", + "title": "History of Uzbekistan", + "text": "curtailed, however, when the Seljuks led themselves into the western part of the region, conquering the Ghaznavid territory of Khorazm (also spelled Khorezm and Khwarazm). The Seljuks also defeated the Karakhanids, but did not annex their territories outright. Instead they made the Karakhanids a vassal state. The Seljuks dominated a wide area from Asia Minor, Iran, Iraq, and parts of the Caucasus, to the western sections of Transoxiana, in Afghanistan, in the eleventh century. The Seljuk Empire then split into states ruled by various local Turkic and Iranian rulers. The culture and intellectual life of the region continued unaffected by", + "score": 0.7109375 + }, + { + "id": "20438040", + "title": "Kerman Seljuk Sultanate", + "text": "in recovering Kerman. He made his way to the Ghurid Empire and spent the remainder of his life in the service of the Ghurid sultans. Kerman Seljuk Sultanate The Kerman Seljuk Sultanate (also known as Kerman sultanate Persian: \u0633\u0644\u062c\u0648\u0642\u06cc\u0627\u0646 \u06a9\u0631\u0645\u0627\u0646 Salj\u016bqiy\u0101n-i Kerman) was a Turko-Persian Sunni Muslim state, established in the parts of Kerman and Makran which had been conquered from the Buyid dynasty by the Seljuk Empire which was established by Seljuk Turks. The Sultanate of Kerman seceded from the Great Seljuk Empire under Qavurt in 1048, following the Conquest of Kerman, with capitals first at Kerman and then", + "score": 0.70947265625 + }, + { + "id": "2706367", + "title": "History of the Middle East", + "text": "Palestine, and the Hejaz. Egypt held out under the Fatimid caliphs until 1169, when it too fell to the Turks. Despite massive territorial losses in the 7th century, the Christian Byzantine Empire continued to be a potent military and economic force in the Mediterranean, preventing Arab expansion into much of Europe. The Seljuqs' defeat of the Byzantine military in the Battle of Manzikert in the 11th century and settling in Anatolia effectively marked the end of Byzantine power. The Seljuks ruled most of the Middle East region for the next 200 years, but their empire soon broke up into a", + "score": 0.708984375 + }, + { + "id": "15661177", + "title": "Saljuq-nama", + "text": "Abu l'Qasim Qashani. Accordingly, no copy of the \"Saljuq-nama\" is believed to exist today. However, A.H. Morton is producing a text based on \"MS. Persian 22b\" which is an anonymous history of the Seljuqs dedicated to Sultan Toghrul III. Morton contends that this is a copy of Nishapuri's original work. Saljuq-nama The Salj\u016bq-N\u0101ma (; , \"Book of Seljuk [Empire]\") is a history of the Great Seljuk Empire written by the Persian historian \u1e92\u0101hir al-D\u012bn N\u012bsh\u0101p\u016br\u012b around 1175. Written in Persian, it has been acknowledged as the primary source for Saljuq material for Persian works dating from 13th century to 15th", + "score": 0.70849609375 + }, + { + "id": "6860272", + "title": "Sanjak of Smederevo", + "text": "Serbian Uprising (1804\u201313), the first phase of the Serbian Revolution. Despite suppression of the uprising in 1813 and Had\u017ei Prodan's Revolt in 1814, the Second Serbian Uprising led by Duke Milo\u0161 Obrenovi\u0107 succeeded with creation of semi-independent Principality of Serbia in 1817 (confirmed with Ferman from Mahmud II in 1830), gained independence in 1878 by Treaty of San Stefano and evolved to Kingdom of Serbia in 1882. This marked the end of the Sanjak. The majority of Slavic-speaking Muslims (called \"Serb-Muslims\" in historiography) in the Belgrade Pashalik were immigrants. These were mostly villagers, but also feudals, soldiers, officials, and some", + "score": 0.7080078125 + }, + { + "id": "8950377", + "title": "Kingdom of Georgia", + "text": "invasion of the Seljuq Turks, who by the end of the 1040s had succeeded in building a vast empire including most of Central Asia and Persia. The Seljuk threat prompted the Georgian and Byzantine governments to seek a closer cooperation. To secure the alliance, Bagrat's daughter Maria married, at some point between 1066 and 1071, to the Byzantine co-emperor Michael VII Ducas. The Seljuqs made their first appearances in Georgia in the 1060s, when the sultan Alp Arslan laid waste to the south-western provinces of the Georgian kingdom and reduced Kakheti. These intruders were part of the same wave of", + "score": 0.7080078125 + }, + { + "id": "19403235", + "title": "Arslan Isra'il", + "text": "is now in India). Arslan spent the rest of his life in prison. After Mahmud's death Tughril, Arslan's nephew and Mas'ud I of Ghazni, Mahmud's successor tried to reach an agreement. But the talks failed and Arslan died in prison in 1032. Tughril and Chaghri, Arslan's nephews founded the Seljuk Empire. Qutalmish who had escaped from the prison also participated in the battles. But in later years he competed unsuccessfully for the throne. It was Arslan's grandson Suleyman who founded the Seljuks of Anatolia state. Arslan Isra'il Arslan Isra'il, also known as Arslan Yabgu (died 1032) was a Turkic chieftain,", + "score": 0.70703125 + }, + { + "id": "16245581", + "title": "Seljuks in Dobruja", + "text": "Seljuks in Dobruja Seljuks in Dobruja refers to Seljuk Turks settled at Dobruja, now in Bulgaria and Romania, in the 13th century. Seljuk Turks in Anatolia (most of modern Turkey) were defeated by the Mongols in the Battle of K\u00f6seda\u011f (1243). During the rest of the century, they were more or less puppets of the Mongols. In 1257, the Mongols divided Seljuk lands between two brothers, Izzettin Keykavus II and K\u0131l\u0131\u00e7 Aslan IV. Moreover, \u0130zzettin was forced to obey his younger brother. Although \u0130zzettin tried to struggle, in 1262 he had to flee from Antalya, a port in Seljuk territory", + "score": 0.705078125 + }, + { + "id": "1720673", + "title": "Seljuk (warlord)", + "text": "across Iran. By 1055, Tu\u011frul had expanded his control all the way to Baghdad, setting himself up as the champion of the Abbasid caliph, who honored him with the title \"sultan\". Earlier rulers may have used this title but the Seljuqs seem to have been the first to inscribe it on their coins. Seljuk (warlord) Seljuk Beig ( \"Salj\u016bq\"; also romanized \"Seldjuk\", \"Seldjuq\", \"Seljuq\"; modern Turkish: \"Sel\u00e7uk\"; died 1038) was an Oghuz Turkic warlord, eponymous founder of the Seljuk dynasty. Seljuk was the son of a certain \"Toqaq\" surnamed \"Tem\u00fcr Yal\u0131\u011f\" (meaning \"of the iron bow\") and either the chief", + "score": 0.705078125 + }, + { + "id": "12770273", + "title": "Kingdom of Aksum", + "text": "was succeeded by the Agaw Zagwe dynasty in the 11th or 12th century (most likely around 1137), although limited in size and scope. However, Yekuno Amlak, who killed the last Zagwe king and founded the modern Solomonic dynasty around 1270 traced his ancestry and his right to rule from the last emperor of Aksum, Dil Na'od. It should be mentioned that the end of the Aksumite Empire didn't mean the end of Aksumite culture and traditions; for example, the architecture of the Zagwe dynasty at Lalibela and Yemrehana Krestos Church shows heavy Aksumite influence. Other reasons for the decline are", + "score": 0.7041015625 + }, + { + "id": "10848938", + "title": "Seljuk Empire", + "text": "forcing him to abandon most of his western territories to the Seljuqs. In 1048-9, the Seljuk Turks commanded by Ibrahim Yinal, uterine brother of the sultan Tughril, made their first incursion in Byzantine frontier region of Iberia and clashed with a combined Byzantine-Georgian army of 50,000 at the Battle of Kapetrou on 10 September 1048. The devastation left behind by the Seljuq raid was so fearful that the Byzantine magnate Eustathios Boilas described, in 1051/52, those lands as \"foul and unmanageable... inhabited by snakes, scorpions, and wild beasts.\" The Arab chronicler Ibn al-Athir reports that Ibrahim brought back 100,000 captives", + "score": 0.70361328125 + }, + { + "id": "10848942", + "title": "Seljuk Empire", + "text": "during his reign that the Great Seljuk Empire reached its zenith. The Iqta military system and the Niz\u0101m\u012byyah University at Baghdad were established by Niz\u0101m al-Mulk, and the reign of Maliksh\u0101h was reckoned the golden age of \"Great Seljuq\". The Abbasid Caliph titled him \"The Sultan of the East and West\" in 1087. The Assassins (\"Hashshashin\") of Hassan-i Sab\u0101h started to become a force during his era, however, and they assassinated many leading figures in his administration; according to many sources these victims included Niz\u0101m al-Mulk. In 1076 Malik Shah I surged into Georgia and reduced many settlements to ruins.", + "score": 0.703125 + }, + { + "id": "15257322", + "title": "Seljuk architecture", + "text": "Anatolia. Seljuk power extended (briefly) as far as the Aegean coast, so there are Seljuk t\u00fcrbes (tombs) even in\u2014appropriately\u2014the town of Sel\u00e7uk, next to Ephesus, south of \u0130zmir. The great caravanserais, or hans, are among the finest and most characteristic of Seljuk buildings. Built during the 13th century to encourage trade throughout the empire, several dozen survive in good condition. After the Mongol invasions of the mid-13th century, the wealth and power of the Seljuk empire declined. The few late 13th century-early 14th century buildings that survive include the bimarhane (madhouse) in Amasya, and the \"S\u00fcng\u00fcr Bey Mosque\" in Nigde.", + "score": 0.70068359375 + }, + { + "id": "7177930", + "title": "Gerger", + "text": "Jafar-Abbes el Mansur's Adiyaman, Kahta and the conquest see here are together Samsatla. After this date the region began to experience Islamization. Gerger, and then weakening of surrounding Abbasi has passed into the hands of the Byzantine HAMDAN\u0130LER'in again. In 1066 the Seljuk G\u00fcm\u00fc\u015ftekin-Hallaj H\u0131sn conquered, but withdrew due to civil unrest. In 1071, the sovereignty of the Seljuks in the region of the Great Seljuk Emperor Alparslan Byzantine Emperor Romanos Diognes (Romen Diogenes) 'i Malazgirt after the final defeat has become big in suffered. The region after the destruction of Sel\u00e7uk Artukson into the hands of them and then", + "score": 0.70068359375 + }, + { + "id": "2938733", + "title": "Sultanate of Rum", + "text": "of the Ottoman dynasty, which eventually conquered the rest and reunited Anatolia to become the Ottoman Empire. In the 1070s, after the battle of Manzikert, the Seljuk commander Suleiman ibn Qutulmish, a distant cousin of Malik-Shah I and a former contender for the throne of the Seljuk Empire, came to power in western Anatolia. In 1075, he captured the Byzantine cities of Nicaea (\u0130znik) and Nicomedia (\u0130zmit). Two years later, he declared himself sultan of an independent Seljuq state and established his capital at \u0130znik. Suleyman was killed in Antioch in 1086 by Tutush I, the Seljuk ruler of Syria,", + "score": 0.69970703125 + }, + { + "id": "4316724", + "title": "Danishmends", + "text": "the Seljuks defeated the Byzantine Empire and captured most of Anatolia. Gazi took advantage of the dynastic struggles of the Seljuks upon the death of the Sultan Suleyman I of R\u00fbm in 1086 to establish his own dynasty in central Anatolia. The capital was likely first established in Amasia. In 1100, Gazi's son, Emir Gazi G\u00fcm\u00fcshtigin. captured Bohemond I of Antioch, who remained in their captivity until 1103. A Seljuk-Danishmend alliance was also responsible for defeating the Crusade of 1101. In 1116, the Danishmends helped Mesud I become the Seljuk sultan. In 1130 Bohemond II of Antioch was killed in", + "score": 0.69970703125 + }, + { + "id": "20169981", + "title": "Shah Ghazi Rustam", + "text": "Malik-Shah I (r. 1072\u20131092) controlled a vast area stretching from the Hindu Kush to eastern Anatolia and from Central Asia to the Persian Gulf. However, after the assassination of Malik-Shah and his vizier Nizam al-Mulk in 1092, the Seljuk Empire fell into decline. Shahriyar IV had thus been able to disobey the orders of the Seljuk sultan Muhammad I Tapar (r. 1105\u20131118) several times. After Shahriyar IV's death in 1114, his son Qarin III succeeded him, and alienated, thus weakening the Bavand kingdom. Qarin later fell ill, and died in 1117 after he asked the local people to pledge allegiance", + "score": 0.69970703125 + }, + { + "id": "14850622", + "title": "Beylik of C\u0327ubukog\u0306ullar\u0131", + "text": "Beylik of \u00c7ubuko\u011fullar\u0131 Beylik of \u00c7ubuko\u011fullar\u0131 (, literally \"sons of \u00c7ubuk\") was a small and short-lived principality in East Anatolia, Turkey between 1085 and 1112. \u00c7ubuk was a commander in the Seljuk army. After the battle of Malazgirt in 1071, he fought in East Anatolia and was tasked with capturing the important fort of Harput (modern Elaz\u0131\u011f). He captured the fort and continued making conquests in the surrounding area. He founded a principality under the suzerainty of the Seljuk Empire that included Palu, \u00c7emi\u015fgezek, and E\u011fin (modern Kemaliye). \u00c7ubuk was succeeded by his son Mehmet after 1092. After Mehmet's death", + "score": 0.69921875 + }, + { + "id": "10848954", + "title": "Seljuk Empire", + "text": "thirteenth century, the Mongols invaded Anatolia in the 1260s and divided it into small emirates called the Anatolian beyliks. Eventually one of these, the Ottoman, would rise to power and conquer the rest. The Seljuqs were educated in the service of Muslim courts as slaves or mercenaries. The dynasty brought revival, energy, and reunion to the Islamic civilization hitherto dominated by Arabs and Persians. The Seljuqs founded universities and were also patrons of art and literature. Their reign is characterized by Persian astronomers such as Omar Khayy\u00e1m, and the Persian philosopher al-Ghazali. Under the Seljuqs, New Persian became the language", + "score": 0.69921875 + }, + { + "id": "9436881", + "title": "Byzantine\u2013Seljuq wars", + "text": "The Seljuqs of Rum under a new Sultan Kaykhusraw exploited this event and attacked the port of Antalya in 1207 capturing it from the weakened splinter Empire of Nicaea. The tide turned however in 1210 when the Sultan himself was killed in single combat by the Emperor of Nicaea at the Battle of Antioch on the Meander and from then on the eastern frontier was more or less stabilized. In 1243, the Mongol invasion broke Seljuq power in Anatolia. Three years later, the early death of Kaykhusraw II placed his three young sons on the throne. Civil disputes arose once", + "score": 0.69921875 + }, + { + "id": "16245584", + "title": "Seljuks in Dobruja", + "text": "The name Gagauz may be a reminiscence of the name Kaykavus. Seljuks in Dobruja Seljuks in Dobruja refers to Seljuk Turks settled at Dobruja, now in Bulgaria and Romania, in the 13th century. Seljuk Turks in Anatolia (most of modern Turkey) were defeated by the Mongols in the Battle of K\u00f6seda\u011f (1243). During the rest of the century, they were more or less puppets of the Mongols. In 1257, the Mongols divided Seljuk lands between two brothers, Izzettin Keykavus II and K\u0131l\u0131\u00e7 Aslan IV. Moreover, \u0130zzettin was forced to obey his younger brother. Although \u0130zzettin tried to struggle, in 1262", + "score": 0.6982421875 + }, + { + "id": "2938740", + "title": "Sultanate of Rum", + "text": "sultan was crushed by Baiju in the Battle of K\u00f6se Da\u011f (a mountain between the cities of Sivas and Erzincan), and the Seljuq Turks were forced to swear allegiance to the Mongols and became their vassals. The sultan himself had fled to Antalya after the 1243 battle, where he died in 1246, his death starting a period of tripartite, and then dual, rule that lasted until 1260. The Seljuq realm was divided among Kaykhusraw's three sons. The eldest, Kaykaus II (1246\u20131260), assumed the rule in the area west of the river K\u0131z\u0131l\u0131rmak. His younger brothers, Kilij Arslan IV (1248\u20131265) and", + "score": 0.697265625 + }, + { + "id": "11385469", + "title": "Oghuz Yabgu State", + "text": "his power extended is not clear. His capital or winter camp was at Yangikent (=new-town) where the Syr Darya made its last split. Around 985 one of his commanders named Seljuk split off and moved to Jend south of the upper delta and converted to Islam. His followers became the Seljuks. The yabghu converted a little later. In 1034-35 yabghu Shah Malik Barani defeated the Seljuks and Turkomans of Khwarezm which caused many Turkomans to move south to Khorasan and the Kopet Dagh. In 1041 Shah Malik conquered Khwarezm after a three-day battle. The Seljuks drove him out in 1043.", + "score": 0.697265625 + }, + { + "id": "4534946", + "title": "Azawad", + "text": "first half of the 15th century, the area around Timbuktu became relatively autonomous, although the Maghsharan Tuareg had a dominant position. Thirty years later, the rising Songhay Empire expanded in Gao, absorbing Timbuktu in 1468 or 1469 and much of the surrounding area. The city was led, consecutively, by Sunni Ali Ber (1468\u20131492), Sunni Baru (1492\u20131493) and Askia Mohammad I (1493\u20131528). Sunni Ali Ber was in severe conflict with Timbuktu after its conquest. Askia Mohammad I created a golden age for both the Songhay Empire and Timbuktu through an efficient central and regional administration that allowed sufficient leeway for the", + "score": 0.697265625 + }, + { + "id": "18901373", + "title": "Elisu Sultanate", + "text": "Oblast with the Sultanate attached. The same year Daniyal Bek became Sultan. In 1842, when the Murid War was going poorly for the Russians, the Sultanate was placed under the Djaro-Belokani Military Okrug under General Schwartz. By 1844 Daniyal Sultan was either pushed or pulled into the arms of Shamil. Schwartz took Elisu by storm and the Sultanate was abolished. Daniyal fled and became one of Shamil's best officers. His daughter married Shamil's son. When Shamil's movement collapsed he submitted for a full pardon. This last Sultan of Elisu died in the Ottoman Empire in 1873 at Istanbul. His descendants", + "score": 0.6962890625 + }, + { + "id": "3365936", + "title": "Funj Sultanate", + "text": "the 17th century the Shilluk and Sennar were forced into an uneasy alliance to combat the growing might of the Dinka. After the alliance had run its cause, in 1650, Sultan Badi II occupied the northern half of the Shilluk Kingdom. Under his ruled the Funj defeated the Kingdom of Taqali to the west and made its ruler (styled Woster or Makk) his vassal. Sennar was at its peak at the end of the 17th century, but during the 18th century it began to decline as the power of the monarchy was eroded. The greatest challenge to the authority of", + "score": 0.6953125 + }, + { + "id": "1802999", + "title": "Serbian Empire", + "text": "effectively ended with the death of Stefan V in 1371 and the break-up of the Serbian state. Some successors of Stefan V claimed the title of Emperor in parts of Serbia until 1402, but the territory south of Macedonia was never recovered. Stefan Du\u0161an became King of Serbia by deposing his father, Stefan De\u010danski (r. 1322\u20131331). By 1345, Du\u0161an \"the Mighty\" had expanded his state to cover half of the Balkans, more territory than either the Byzantine Empire or the Second Bulgarian Empire in that time. Therefore, in 1345, in Serres, Du\u0161an proclaimed himself \"\"Tsar\"\" (\"Caesar\"). On 16 April 1346,", + "score": 0.6953125 + }, + { + "id": "8811389", + "title": "Empire and Communications", + "text": "hands of priests and the temple organizations,\" he writes, \"was probably followed by ruthless warfare between city-states.\" The time-bound priests, unskilled in technological change and the military arts, lost power to spatially oriented kings intent on territorial expansion. Around 2350 BC, the Sumerians were conquered by their northern, Semitic neighbours the Akkadians. Under Sargon the Great, the empire expanded to include extensive territories reaching northwest as far as Turkey and west to the Mediterranean. Thus begins the rise and fall of a series of empires over approximately two thousand years. Innis mentions many of them, but focuses more attention on", + "score": 0.693359375 + }, + { + "id": "15877044", + "title": "Fall of the Serbian Empire", + "text": "Fall of the Serbian Empire The fall of the Serbian Empire was a decades-long period in the late 14th century that marked the end of the once-powerful Serbian Empire. Following the death of childless Emperor Stefan Uro\u0161 V in 1371, the Empire was left without an heir and the magnates, \"velika\u0161i\", obtained the rule of its provinces and districts (in so called feudal fragmentation), continuing their offices as independent with titles such as \"gospodin\", and \"despot\", given to them during the Empire. This period is known as the dissolution or the beginning of the fall of the Serbian Empire. Between", + "score": 0.693359375 + }, + { + "id": "875227", + "title": "Seleucus II Callinicus", + "text": "name Seleucus III and later by his younger son Antiochus III the Great in 222. Seleucus II Callinicus Seleucus II Callinicus Pogon (; \"Kallinikos\" means \"gloriously triumphant\"; \"Pogon\" means \"the Beard\"; July/August 265 \u2013 December 225 BC), was a ruler of the Hellenistic Seleucid Empire, who reigned from 246 to 225 BC. Faced with multiple enemies on various fronts, and not always successful militarily, his reign was a time of great turmoil and fragmentation for the Seleucid empire, before its eventual restoration under his second son and eventual successor, Antiochus III. After the death of his father, Antiochus II in", + "score": 0.6923828125 + }, + { + "id": "9436895", + "title": "Byzantine\u2013Seljuq wars", + "text": "a few decades of each other at a time when the army was torn in civil conflict. The war had great consequences. The Middle East had been dominated for centuries by the power of the Fatimid Caliphate and the Byzantine Empire; by the end of the 13th century, neither of the two were in a position to project power; the Fatimids having been toppled by the Kurdish influenced Ayyubids, whilst the Byzantines severely weakened by the Seljuqs. Power shifted to the Mamelukes by the 14th century and then back to the Turks in the late 15th and early 16th centuries.", + "score": 0.6923828125 + }, + { + "id": "7184192", + "title": "Serinhisar", + "text": "the Roman Empire was divided in 395 the area remained within the Eastern Roman Empire (Byzantine) and was then possessed by the Seljuk Turks in 1077, who ruled until 1308. Turkmens (from Oghuz Turks' Avsar and Kayi tribe) were settled in the district in this period. Seljuk rule was interrupted by the Crusades, Genghis Khan, and Timurlane, who left the area under the rule of the Germiyan dynasty, from whom it passed to the Ottoman Empire in 1429. The castle fell into ruin in the Ottoman period and was broken up for building materials, being finally demolished in 1954. During", + "score": 0.69189453125 + }, + { + "id": "577351", + "title": "Babylonia", + "text": "was the city of Nippur where the god Enlil was supreme, and it would remain so until replaced by Babylon during the reign of Hammurabi in the mid-18th century BC. The Akkadian Empire (2334\u20132154 BC) saw the Akkadian Semites and Sumerians of Mesopotamia unite under one rule, and the Akkadians fully attain ascendancy over the Sumerians and indeed come to dominate much of the ancient Near East. The empire eventually disintegrated due to economic decline, climate change and civil war, followed by attacks by the Gutians from the Zagros Mountains. Sumer rose up again with the Third Dynasty of Ur", + "score": 0.69140625 + }, + { + "id": "17116756", + "title": "Thomais Orsini", + "text": "Epirus to the Byzantine Empire. Nevertheless, during the destructive Byzantine civil war that followed Andronikos III's death in 1341, most of the remaining Byzantine territories, including Epirus and Thessaly, fell to the forces of the Serbian ruler Stephen IV Du\u0161an, who in 1346 founded the Serbian Empire. In 1348, Du\u0161an appointed his younger half-brother, the half-Greek Simeon Uro\u0161 Palaiologos, as governor of Acarnania and the southern parts of Epirus. To consolidate his position with the local population, Simeon decided to marry Thomais, the descendant of the former ruling Epirote line. Together they had three children: John Uro\u0161, who succeeded as", + "score": 0.69091796875 + }, + { + "id": "12835953", + "title": "History of Palestine", + "text": "the Battle of Manzikert two years previously and a devastating six-year famine in Egypt between 1067 and 1072. The Seljuk rule was unpopular, and in 1077 Jerusalem revolted against their rule while Emir Atsiz ibd Uvaq was fighting the Fatimid Empire in Egypt. On his return to Jerusalem, Atsiz re-took the city and massacred the local population. As a result, Atsiz was executed by the governor of Syria Tutush I, the brother of Seljuk leader Malik-Shah I. Tutush I appointed Artuq bin Ekseb, later founder of the Artuqid dynasty, as governor. Artuq bin Ekseb died in 1091, and was succeeded", + "score": 0.69091796875 + }, + { + "id": "844931", + "title": "History of Sumer", + "text": "Mediterranean. His empire was overthrown by Sargon of Akkad. The Akkadian period lasted c. 2334\u20132218 BC (short chronology). The following is a list of known kings of this period: Following the fall of Sargon's Empire to the Gutians, a brief \"Dark Ages\" ensued. This period lasted c. 2147\u20132047 BC (short chronology). This period lasted c. 2260\u20132110 BC. This dynasty lasted between c. 2055\u20132048 BC short chronology. The Gutians were ultimately driven out by the Sumerians under Utu-hegal, the only king of this dynasty, who in turn was defeated by Ur-Nammu of Ur. The Third Dynasty of Ur is dated to", + "score": 0.69091796875 + }, + { + "id": "8362559", + "title": "Seljuq dynasty", + "text": "of the Oghuz confederacy, in the Kazakh Steppe of Turkestan. During the 10th century, due to various events, the Oghuz had come into close contact with Muslim cities. When Seljuq, the leader of the Seljuq clan, had a falling out with Yabghu, the supreme chieftain of the Oghuz, he split his clan off from the bulk of the Tokuz-Oghuz and set up camp on the west bank of the lower Syr Darya. Around 985, Seljuq converted to Islam. In the 11th century the Seljuqs migrated from their ancestral homelands into mainland Persia, in the province of Khurasan, where they encountered", + "score": 0.69091796875 + }, + { + "id": "11385465", + "title": "Oghuz Yabgu State", + "text": "to the state. The upheaval was used by the Seljuk branch, who led an uprising and took Jend, but soon they were forced to leave the Jend area. During the reign of the last Oguz Yabgu Shahmalik the state rebounded. In 1041 Shahmalik Yabgu conquered Khorezm from the Ghaznavids, but two years later he was captured by the Seljuk forces and executed. Shahmalik Yabgu was the last ruler of the Oguz State. Internal turmoil and conflict with the Seljuks weakened the Oguz State. The weakened state fell under attacks by the Kipchak tribes from the Kimak Kaganate. Under the pressure", + "score": 0.6904296875 + }, + { + "id": "1439314", + "title": "Islamic art", + "text": "Egypt from 909 and 1171 introduced crafts and knowledge from politically troubled Baghdad to Cairo. By the year 1070, the Seljuks emerged as the dominant political force in the Muslim world after they liberated Baghdad and defeated the Byzantines at Manzikert. During the rule of Malik Shah the Seljuks excelled in architecture at the same time in Syria, the atabegs (governors of Seljuk princes) assumed power. Quite independent, they capitalized on conflicts with the Frankish crusaders. In 1171, Saladin seized Fatimid Egypt, and installed the transitory Ayyubid dynasty on the throne. This period is notable for innovations in metallurgy and", + "score": 0.6904296875 + }, + { + "id": "2937849", + "title": "Tughril", + "text": "Battle of Dandanaqan, where the army of Mas'ud was defeated by a much smaller army under Tughril, his brother Chaghri Beg, and the Kakuyid prince Faramurz. Mas'ud thus permanently lost control of all of western Khorasan. This victory marked the foundation of the Seljuk Empire, which was now rapidly expanding towards West. Tughril then installed Chagri as the governor of Khorasan and prevented a Ghaznavid reconquest, then moved on to the conquest of the Iranian plateau in 1040-1044; In 1041/2, Tughril conquered Tabaristan and Gurgan, and appointed a certain Mardavij ibn Bishui as the governor of the region. In 1042/3,", + "score": 0.6904296875 + }, + { + "id": "6516512", + "title": "History of the Serbs", + "text": "died, his son Stephen Uro\u0161 V became Emperor. With Turkish invaders beginning their conquest of the Balkans in the 1350s, a major conflict ensued between them and the Serbs, the first major battle was the Battle of Maritsa (1371), in which the Serbs were defeated. With the death of two important Serb leaders in the battle, and with the death of Stephen Uro\u0161 that same year, the Serbian Empire broke up into several small Serbian domains. These states were ruled by feudal lords, with Zeta controlled by the Bal\u0161i\u0107 family, Ra\u0161ka, Kosovo and northern Macedonia held by the Brankovi\u0107 family", + "score": 0.68896484375 + }, + { + "id": "385902", + "title": "Seleucid Empire", + "text": "territories west of the Taurus Mountains. The Parthians under Mithridates I of Parthia conquered much of the remaining eastern part of the Seleucid Empire in the mid-2nd century BC, while the independent Greco-Bactrian Kingdom continued to flourish in the northeast. However, the Seleucid kings continued to rule a rump state from Syria until the invasion by Armenian king Tigranes the Great in 83 BC and their ultimate overthrow by the Roman general Pompey in 63 BC. Contemporary sources, such as a loyalist degree from Ilium, in Greek language define the Seleucid state both as an empire (\"arche\") and as a", + "score": 0.6884765625 + }, + { + "id": "225346", + "title": "Kingdom of Jerusalem", + "text": "of the Holy Land. The Byzantines were frequently at war with the Seljuks and other Turkish dynasties for control of Anatolia and Syria. The Sunni Seljuks had formerly ruled the Great Seljuk Empire, but this empire had collapsed into several smaller states after the death of Malik-Shah I in 1092. Malik-Shah was succeeded in the Anatolian Sultanate of R\u00fbm by Kilij Arslan I, and in Syria by his brother Tutush I, who died in 1095. Tutush's sons Fakhr al-Mulk Radwan and Duqaq inherited Aleppo and Damascus respectively, further dividing Syria amongst emirs antagonistic towards each other, as well as Kerbogha,", + "score": 0.68798828125 + }, + { + "id": "11989408", + "title": "Kingdom of Sine", + "text": "is for this reason that scholars propose the Jolof Empire was not an empire founded by conquest but by voluntary confederacy of various states. Around early 1550, both Sine and its sister Serer Kingdom (the Kingdom of Saloum) overthrew the Jolof and became independent Kingdoms. Serer oral tradition says that the Kingdom of Sine never paid tribute to Ndiadiane Ndiaye nor any of his descendants and that the Jolof Empire never subjugated the Kingdom of Sine and Ndiadiane Ndiaye himself received his name from the mouth of Maysa Waly. The historian Sylviane Diouf states that \"Each vassal kingdom\u2014Walo, Takrur, Kayor,", + "score": 0.68798828125 + }, + { + "id": "20429946", + "title": "Seljuk stucco figures", + "text": "Seljuk stucco figures The Seljuk stucco figures are stucco (plaster) figures found in the region of the Seljuk Empire, from its \"golden age\" between the 11th and 13th centuries. They decorated the inner walls and friezes of Seljuk palaces, together with other ornamented stucco ornaments, concealing the wall behind them. The figures were painted bright-colored and often gilded. They represented royal figures and were symbols of power and authority. The Seljuks were a Turkic dynasty of Central Asian nomadic origins, who became the new rulers of the eastern Islamic world after defeating the Ghaznavids in the Battle of Dandanaqan, and", + "score": 0.6875 + }, + { + "id": "2408879", + "title": "Srivijaya", + "text": "around 1366. He was succeeded by his son Paduka Sri Pekerma Wira Diraja (1372\u20131386) and grandson, Paduka Seri Rana Wira Kerma (1386\u20131399). In 1401, the last ruler, Paduka Sri Maharaja Parameswara was expelled from Temasek by the forces from Majapahit or Ayutthaya. He later headed north and founded Sultanate of Malacca in 1402. The Sultanate of Malacca succeeded Srivijaya Empire as a Malay political entity in the archipelago. The 7th century Telaga Batu inscription, discovered in Sabokingking, Palembang, testifies to the complexity and stratified titles of the Srivijayan state officials. These titles are mentioned: \"r\u0101japutra\" (princes, lit: sons of king),", + "score": 0.6875 + }, + { + "id": "385899", + "title": "Seleucid Empire", + "text": "Seleucid Empire The Seleucid Empire (; , \"Basile\u00eda t\u014dn Seleukid\u014dn\") was a Hellenistic state ruled by the Seleucid dynasty, which existed from 312 BC to 63 BC; Seleucus I Nicator founded it following the division of the Macedonian Empire vastly expanded by Alexander the Great. Seleucus received Babylonia (321 BC), and from there, expanded his dominions to include much of Alexander's near-eastern territories. At the height of its power, the Empire included central Anatolia, Persia, the Levant, Mesopotamia, and what is now Kuwait, Afghanistan, and parts of Pakistan and Turkmenistan. The Seleucid Empire became a major center of Hellenistic culture", + "score": 0.6875 + }, + { + "id": "739045", + "title": "History of Iran", + "text": "Asia and marked the beginning of Turkic power in the Middle East. They established a Sunni Muslim rule over parts of Central Asia and the Middle East from the 11th to 14th centuries. They set up an empire known as Great Seljuq Empire that stretched from Anatolia in the west to western Afghanistan in the east and the western borders of (modern-day) China in the northeast; and was the target of the First Crusade. Today they are regarded as the cultural ancestors of the Western Turks, the present-day inhabitants of Azerbaijan, Turkey, and Turkmenistan, and they are remembered as great", + "score": 0.6875 + }, + { + "id": "9436879", + "title": "Byzantine\u2013Seljuq wars", + "text": "by a series of corrupt and/or incapable emperors between 1185 and 1204, who failed to guard the frontier. The weak Imperial Byzantine rule led to the Armenian Kingdom of Cilicia and Antioch freeing themselves from Byzantine vassal status, the latter doing so in 1180 and the former establishing Prince Leo II on the throne in 1187. Meanwhile, the Crusader states in Palestine began to fall to Saladin resulting in the Third Crusade. This ended in a wasted opportunity for the Holy Roman Empire and the Byzantine Empire to make substantial gains in the Middle East. The Byzantine Emperor Isaac II", + "score": 0.68701171875 + }, + { + "id": "14841726", + "title": "History of Turkey", + "text": "battles, they established their own state and later created the Ottoman Empire. The main migration occurred in medieval times, when they spread across most of Asia and into Europe and the Middle East. They also participated in the Crusades. The Seljuq Turkmens created a medieval empire that controlled a vast area stretching from the Hindu Kush to eastern Anatolia and from Central Asia to the Persian Gulf. From their homelands near the Aral sea, the Seljuqs advanced first into Khorasan and then into mainland Persia before eventually conquering eastern Anatolia. The Seljuq/Seljuk empire was founded by Tughril Beg (1016-1063) in", + "score": 0.68701171875 + }, + { + "id": "9627362", + "title": "Nomadic empire", + "text": "The empire was split into a western and an eastern part around 600, merged again 680, and finally declined after 734. The Uyghur Empire was a Turkic empire that existed in present-day Mongolia and surrounding areas for about a century between the mid 8th and 9th centuries. It was a tribal confederation under the Orkhon Uyghur nobility. It was established by Kutlug I Bilge Kagan in 744, taking advantage of the power vacuum in the region after the fall of the G\u00f6kturk Empire. It collapsed after a Kyrgyz invasion in 840. The Mongol Empire was the largest contiguous land empire", + "score": 0.68603515625 + }, + { + "id": "156766", + "title": "Go\u0308ktu\u0308rks", + "text": "members, are not even Turkic. This is supported by evidence from the Orkhon inscriptions, which include several non-Turkic lexemes, possibly representing Finno-Ugric or Samoyedic words. G\u00f6kt\u00fcrk reached its peak in late 6th century and began to invade Sui Dynasty of China. However, the war ended due to the division of Turkish nobles and their civil war for the throne of Khagan. With the support of Emperor Wen of Sui, Jami Qayan won the competition. However, the G\u00f6kt\u00fcrk empire was divided to Eastern and Western empires. Weakened by the civil war, Jami Qayan declared allegiance to Sui Dynasty. When Sui began", + "score": 0.685546875 + }, + { + "id": "10361796", + "title": "Saltukids", + "text": "Saltukids The Saltukids or Saltuqids (Modern Turkish: \"Saltuklu Beyli\u011fi\" ) were a dynasty ruling one of the Anatolian beyliks founded after the Battle of Manzikert (1071) and centered on Erzurum. The Saltukids ruled between 1071 and 1202. The beylik was founded by Emir Saltuk, one of the Turkmen commanders of the Great Seljuk Alp Arslan. The beylik fought frequently against the Georgian Kingdom for hegemony of Kars region. Center of the beylig, Erzurum, was occupied by Byzantine Empire between 1077\u20131079 and was besieged by the Georgian King Giorgi III in 1184. It comprised present whole Erzurum and Bayburt provinces also", + "score": 0.685546875 + }, + { + "id": "18901371", + "title": "Elisu Sultanate", + "text": "drove the Turks out in 1735. When his army returned south Djaro-Belokani and Elisu rose again (1738). Nadir's brother was killed suppressing it and Ali-Sultan was forcibly replaced by his son. At some point Nadir himself entered Elisu and burned part of it. As soon as he left the Begs, who had fled to the mountains, returned and replaced his puppet Sultan. The Russians took over Kartli-Kakheti kingdom in 1801 and in 1803-1806 Pavel Tsitsianov pushed east to the Caspian. In April General Gulyakov subdued the Djaro-Belokani area. They submitted and the Elisu Sultanate was included in their submission. In", + "score": 0.685546875 + }, + { + "id": "19406429", + "title": "K\u0131n\u0131k (tribe)", + "text": "in the group of \u00dc\u00e7ok. In the 11th century D\u012bw\u0101nu l-Lu\u0121at al-Turk by Mahmud of Kashgar K\u0131n\u0131k was the first in the list. But in the list prepared by Rashid-al-Din Hamadani in the 13th century K\u0131n\u0131k is the last one. K\u0131n\u0131k is historically notable because the Seljuk Empire was founded by K\u0131n\u0131k tribe. In 10th century the tribe leader was Dukak (nicknamed \u201cDemiryayl\u0131\u201d, en: \u201cwith iron bow\u201d) . He was followed by Seljuk and then Arslan Yabgu. The Seljuk Empire was founded by Arslan\u2019s nephew Tughril and his brother Chagri . The Seljuks of Anatolia, a branch of Seljuks, was", + "score": 0.685546875 + }, + { + "id": "19399418", + "title": "Battle of Damghan (1063)", + "text": "Battle of Damghan (1063) Battle of Damghan was a battle fought during the Seljuk Civil War in 1063. The Seljuks were an Oghuz Turk dynasty that founded the Seljuk Empire in Iran during the 11th century. The founder of the empire, Tughril, died childless and willed the throne to Suleyman, younger son of his brother Chaghri Beg. (According to an old Turkic tradition Tughril had married to Chaghri's widow. So his nephews were also his step sons.) After Tughril's death however, the Seljuk prince Qutalmish hoped to become the new sultan, because Tughril was childless and he was the eldest", + "score": 0.685546875 + }, + { + "id": "9436873", + "title": "Byzantine\u2013Seljuq wars", + "text": "on the northern part of the Aegean coast near Pergamon was also praised by Choniates. However, when Kilij Arslan refused to hand over the city of Sivas, which he was bound to do under an earlier agreement with Manuel, the emperor declared war in 1176 and led a very large army estimated at around 30,000 men into Seljuq territory with the intent of taking its capital Iconium. However, the Byzantine force was ambushed in a mountain pass with consequent heavy losses to both sides. This battle, the Battle of Myriokephalon, resulted in the Byzantine campaign of conquest being abandoned. The", + "score": 0.68505859375 + }, + { + "id": "1959895", + "title": "Stefan the First-Crowned", + "text": "the Byzantine Emperor, which became the heart of Serbian spiritual culture. Simeon died on 13 February 1199. While Nemanja was alive Vukan did not oppose Stefan's rule, but as soon as Nemanja died, he started to plot against him in order to become Grand Prince. He found aid in Hungarian king Emeric (1196\u20131204), who at the time was fighting against the Second Bulgarian Empire and wanted assistance. With the help of Hungarian troops, in 1202 Vukan managed to overthrow Stefan, who fled into Bulgaria. Vukan was left to rule Serbia. In an inscription dating to 1202\u20131203, Vukan is titled as", + "score": 0.6845703125 + }, + { + "id": "320645", + "title": "Pompey", + "text": "the Seleucid Empire was reduced to a few cities in western Syria. It was still riddled with king makers and civil wars. It survived only because none of its neighbours took it over. In 83 BC Tigranes the Great of Armenia invaded Syria, invited by a faction in one of the civil wars, and virtually ended Seleucid rule. When Lucius Licinius Lucullus defeated Tigranes in the Third Mithridatic War in 69 BC, a rump Seleucid kingdom was restored. However, the civil war continued. Pompey was concerned about political instability to the south of Armenia, both in Syria and in Judea.", + "score": 0.6845703125 + }, + { + "id": "5468283", + "title": "Toucouleur Empire", + "text": "an 1857 failure to conquer Medina fort, Umar Tall struck out against the Bamana Empire with much greater success - first Kaarta and then Segou. Following a decisive victory in the Battle of Segou on March 10, 1861, he made Segou the capital of his empire. A year later he left its management to his son Ahmadu Tall to move against Hamdullahi, the capital of the Fula empire of Massina. Umar Tall failed to conquer Timbuktu, and retreated to Deguemb\u00e9r\u00e9, near Bandiagara of the Dogon region. In 1864, he died there in an explosion of his gunpowder reserves. His nephew", + "score": 0.6845703125 + }, + { + "id": "16848794", + "title": "Georgian\u2013Seljuk wars", + "text": "Georgian\u2013Seljuk wars Georgian\u2013Seljuk wars, also known as Georgian Reconquista is a long series of battles and military clashes that took place from 1048 until 1213, between the Kingdom of Georgia and the different Seljuqid states that occupied most of Transcaucasia. The conflict is preceded by deadly raids in the Caucasus by the Turks in the 11th century, known in Georgian historiography as the Great Turkish Invasion. In 1048-9, the Seljuk Turks under Ibrahim Yinal made their first incursion in Byzantine frontier region of Iberia. The emperor Constantine IX requested help from the Georgian duke of Liparit IV of Kldekari, whom", + "score": 0.6845703125 + } + ], + "answer": "The Seljuk Empire began in 1037 and ended in 1194. It was founded in 1037 by Tughril and his brother Chaghri. It began to decline in the 1140s and by 1194 had been supplanted by the Khwarazmian Empire." + }, + { + "qa_pairs": [ + { + "context": "The overall mediocrity of the Cardinals, combined with an old stadium, caused game attendance to dwindle, and once again the Bidwills decided to move the team, this time to either Baltimore, Phoenix, or Jacksonville. Nonetheless, Cardinals fans were unhappy at losing their team, and Bill Bidwill, fearing for his safety, stayed away from several of the 1987 home games. Their last home game was on December 13, 1987, in which the Cardinals won 27\u201324 over the New York Giants in front of 29,623 fans on a late Sunday afternoon.", + "question": "What ability caused the st louis cardinals move to arizona?", + "short_answers": [ + "overall mediocrity of the Cardinals" + ], + "wikipage": "History of the St. Louis Cardinals (NFL)" + }, + { + "context": "The overall mediocrity of the Cardinals, combined with an old stadium, caused game attendance to dwindle, and once again the Bidwills decided to move the team, this time to either Baltimore, Phoenix, or Jacksonville. Nonetheless, Cardinals fans were unhappy at losing their team, and Bill Bidwill, fearing for his safety, stayed away from several of the 1987 home games. Their last home game was on December 13, 1987, in which the Cardinals won 27\u201324 over the New York Giants in front of 29,623 fans on a late Sunday afternoon.", + "question": "What physical issue caused the st louis cardinals move to arizona?", + "short_answers": [ + "old stadium" + ], + "wikipage": "History of the St. Louis Cardinals (NFL)" + }, + { + "context": "The overall mediocrity of the Cardinals, combined with an old stadium, caused game attendance to dwindle, and once again the Bidwills decided to move the team, this time to either Baltimore, Phoenix, or Jacksonville. Nonetheless, Cardinals fans were unhappy at losing their team, and Bill Bidwill, fearing for his safety, stayed away from several of the 1987 home games. Their last home game was on December 13, 1987, in which the Cardinals won 27\u201324 over the New York Giants in front of 29,623 fans on a late Sunday afternoon.", + "question": "What fan issue caused the st louis cardinals move to arizona?", + "short_answers": [ + "game attendance to dwindle" + ], + "wikipage": "History of the St. Louis Cardinals (NFL)" + } + ], + "wikipages": [ + { + "title": "History of the St. Louis Cardinals (NFL)", + "url": "https://en.wikipedia.org/wiki/History%20of%20the%20St.%20Louis%20Cardinals%20%28NFL%29" + }, + { + "title": "History of the Arizona Cardinals", + "url": "https://en.wikipedia.org/wiki/History%20of%20the%20Arizona%20Cardinals" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "On March 15, 1988, the NFL team owners voted to allow Bidwill to move the Cardinals from St. Louis to Tempe, Arizona for the 1988 NFL season.", + "wikipage": "History of the St. Louis Cardinals (NFL)" + } + ], + "long_answer": "On March 15, 1988, the NFL team owners voted to allow Bidwill to move the Cardinals from St. Louis to Tempe, Arizona for the 1988 NFL season due to the overall mediocrity of the Cardinals, combined with an old stadium, which caused game attendance to dwindle." + }, + { + "knowledge": [ + { + "content": "The professional American football team now known as the Arizona Cardinals previously played in St. Louis, Missouri as the St. Louis Cardinals from 1960 to 1987 before relocating to Tempe, Arizona in 1988.", + "wikipage": "History of the St. Louis Cardinals (NFL)" + }, + { + "content": "William Vogel Bidwill (July 31, 1931 \u2013 October 2, 2019) was an American businessman and the owner of the Arizona Cardinals of the National Football League (NFL).", + "wikipage": "Bill Bidwill" + } + ], + "long_answer": "The professional American football team now known as the Arizona Cardinals previously played in St. Louis, Missouri as the St. Louis Cardinals from 1960 to 1987 before relocating to Tempe, Arizona in 1988. The overall mediocrity of the Cardinals, combined with an old stadium, caused game attendance to dwindle, and once again the Bidwills, American businessman and the owner of the Arizona Cardinals, decided to move the team." + } + ], + "sample_id": "8630912480840635425", + "question": "Why did the st louis cardinals move to arizona?", + "docs": [ + { + "id": "22295", + "title": "Arizona Cardinals", + "text": "baseball team). During the Cardinals' 28-year stay in St. Louis, they advanced to the playoffs just three times (1974, 1975 & 1982), never hosting or winning in any appearance. The overall mediocrity of the Cardinals, combined with a then-21-year-old stadium, caused game attendance to dwindle, and owner Bill Bidwill decided to move the team to Arizona. Not long after the 1987 NFL season, Bidwill agreed to move to Arizona on a handshake deal with state and local officials, and the team became the Phoenix Cardinals. The franchise changed its geographic name from Phoenix to Arizona on March 17, 1994. (The", + "score": 0.7978515625, + "summary": "The St. Louis Cardinals moved to Arizona due to the overall mediocrity of the team, combined with a 21-year-old stadium causing game attendance to dwindle. Owner Bill Bidwill agreed to move the team to Arizona on a handshake deal with state and local officials after the 1987 NFL season.", + "extraction": "The St. Louis Cardinals moved to Arizona because of the overall mediocrity of the team and the dwindling game attendance, which was caused by a 21-year-old stadium." + }, + { + "id": "22294", + "title": "Arizona Cardinals", + "text": "against the Philadelphia Eagles, winning in 1947 \u2013 eight months after Charles Bidwill's death \u2013 and losing the following year. After years of bad seasons and losing fans to the cross-town rivals Chicago Bears, by the late 1950s the Cardinals were almost bankrupt, and owner Violet Bidwill Wolfner became interested in a relocation. Due to the formation of the rival American Football League, the NFL allowed Bidwill to relocate the team to St. Louis, Missouri, where they became the St. Louis Cardinals (locally, they were called the \"Big Red\" or the \"Football Cardinals\" in order to avoid confusion with the", + "score": 0.77392578125, + "summary": "The document is irrelevant to the question.", + "extraction": "Violet Bidwill Wolfner became interested in a relocation due to the Cardinals being almost bankrupt, which led to the team being relocated to St. Louis, Missouri. Therefore, the St. Louis Cardinals moved to Arizona due to financial difficulties in St. Louis. (Note: The passage only mentions the Cardinals moving to St. Louis, not to Arizona. It is unclear whether this is a mistake in the question or if the question is referring to a different team.)" + }, + { + "id": "9910137", + "title": "Bill Bidwill", + "text": "NFL franchises, only the Chicago Bears and New York Giants have been controlled by one family longer than the Cardinals. Bidwill's ownership has been marked by little success. In his years as at least part-owner, the Cardinals have only made the playoffs eight times (1974, 1975, 1982, 1998, 2008, 2009, 2014, and 2015). He moved the team to Phoenix, Arizona, prior to the 1988 season after St. Louis refused to build a new stadium to replace Busch Memorial Stadium, in spite of the fact that the team was well supported by the local fans. Bidwill had also publicly pledged to", + "score": 0.7529296875, + "summary": "The St. Louis Cardinals moved to Phoenix, Arizona, prior to the 1988 season because St. Louis refused to build a new stadium to replace Busch Memorial Stadium.", + "extraction": "The St. Louis Cardinals moved to Phoenix, Arizona prior to the 1988 season because St. Louis refused to build a new stadium to replace Busch Memorial Stadium, even though the team was well supported by local fans." + }, + { + "id": "16192671", + "title": "History of the St. Louis Cardinals (NFL)", + "text": "team from her late first husband, Charles Bidwill. When it became obvious that the Cardinals could no longer hope to compete with the Chicago Bears, a move to St. Louis seemed to make sense. Moreover, with competition from the nascent American Football League looming, NFL owners quickly concluded that their established league needed to maximize its geographical footprint to maintain its dominance. The NFL conducted a survey of St. Louis, and concluded that it was capable of supporting a team. On March 13, 1960, the league's 12 owners unanimously approved the move of the Cardinals to St. Louis, ending their", + "score": 0.75048828125, + "summary": "The document discusses the move of the St. Louis Cardinals to St. Louis from Chicago in 1960 due to competition from the American Football League and the need to maximize the NFL's geographical footprint. There is no mention of the team moving to Arizona.", + "extraction": "irrelevant" + }, + { + "id": "8753849", + "title": "History of the St. Louis Rams", + "text": "Cardinals called Busch Memorial Stadium home after it opened in 1966, after spending their first six seasons in St. Louis at Sportsman's Park; they shared both stadiums with the baseball team of the same name. However, the overall mediocrity of the Cardinals, combined with stadium issues, caused game attendance to dwindle. Consequently, the Bidwills, the family that owned the Cardinals, decided to move the team for a second time after having relocated the franchise from Chicago to St. Louis in 1960. The cities the Bidwells considered included Baltimore, Phoenix, New York City, and Jacksonville, whilst Columbus and Oakland also made", + "score": 0.7490234375, + "summary": "The document is irrelevant.", + "extraction": "The Bidwills, the family that owned the Cardinals, decided to move the team for a second time after having relocated the franchise from Chicago to St. Louis in 1960. The cities the Bidwells considered included Baltimore, Phoenix, New York City, and Jacksonville, whilst Columbus and Oakland also made. Therefore, the St. Louis Cardinals moved to Arizona because the Bidwills decided to relocate the team and considered Phoenix as one of the potential cities." + }, + { + "id": "13043668", + "title": "Sports in St. Louis", + "text": "and they played in St. Louis 1960 to 1987. They advanced to the playoffs just three times (1974, 1975 & 1982), never hosting or winning in any appearance. In 1987, the team moved to Phoenix, Arizona and became the Phoenix Cardinals; the team changed its geographic location name to Arizona in 1994. Before moving to St. Louis, the Cardinals were based in Chicago. The Chicago Cardinals played there from their founding in 1920 until their move to Missouri in 1959. The St. Louis Rams played in the city from 1995-2015. Founded in 1936 in Cleveland, Ohio, the Rams won the", + "score": 0.74072265625, + "summary": "The St. Louis Cardinals moved to Arizona in 1987, becoming the Phoenix Cardinals and later changing their name to Arizona Cardinals in 1994.", + "extraction": "The St. Louis Cardinals moved to Phoenix, Arizona in 1987." + }, + { + "id": "8753850", + "title": "History of the St. Louis Rams", + "text": "overtures without Bidwell considering them. Nonetheless, Cardinals fans were unhappy at losing their team, and Bill Bidwill, fearing for his safety, stayed away from several of the 1987 home games. The Cardinals\u2019 final home game in St. Louis was on December 13, 1987, which they won 27\u201324 over the New York Giants in front of 29,623 fans on a late Sunday afternoon. Not long after the 1987 season, Bidwill agreed to move to the Phoenix area on a handshake deal with state and local officials, and the team became the Phoenix Cardinals. They planned to play at Arizona State University\u2019s", + "score": 0.74072265625, + "summary": "The document is irrelevant to the question.", + "extraction": "irrelevant" + }, + { + "id": "375284", + "title": "St. Louis", + "text": "St. Louis Cardinals from 1960 to 1987, and the St. Louis Rams from 1995 to 2015. The football Cardinals advanced to the NFL playoffs just three times (1974, 1975 and 1982), never hosting or winning in any appearance. The Cardinals moved to Phoenix, Arizona, in 1988. The Rams played at the Edward Jones Dome from 1995 to 2015 and went on to win Super Bowl XXXIV. The Rams returned to Los Angeles, California in 2016. The St. Louis Hawks of the National Basketball Association (NBA) played at Kiel Auditorium from 1955 to 1968. They won the NBA championship in 1958", + "score": 0.73974609375, + "summary": "The St. Louis Cardinals moved to Phoenix, Arizona in 1988.", + "extraction": "The St. Louis Cardinals moved to Phoenix, Arizona, in 1988." + }, + { + "id": "16016136", + "title": "History of the St. Louis Browns", + "text": "when Cardinals' owner Fred Saigh was convicted of massive tax evasion late in 1952 and forced to sell his team rather than face certain banishment from baseball. For a time, it looked almost certain that the Cardinals were leaving town, as most of the credible bids came from non-St. Louis interests. The most promising offer came from a group based in Houston, Texas, where the Cardinals operated a Triple-A farm team. However, just when it looked like the Cardinals were about to move to Texas, Saigh accepted a bid from St. Louis-based brewery Anheuser-Busch. Brewery president Gussie Busch jumped into", + "score": 0.7392578125, + "summary": "The document is irrelevant to the question as it talks about the history of the St. Louis Browns and not the reason why the St. Louis Cardinals moved to Arizona.", + "extraction": "Irrelevant. The passage does not provide information on why the St. Louis Cardinals moved to Arizona." + }, + { + "id": "9868862", + "title": "History of the Arizona Cardinals", + "text": "team owners voted to allow Bidwill to move the Cardinals from St. Louis to Phoenix, Arizona for the 1988 NFL season. The team became the Phoenix Cardinals. They planned to play at Arizona State University's Sun Devil Stadium in Tempe on a temporary basis while a new stadium was being built. Unfortunately for the Cardinals, the savings and loan crisis derailed financing for the stadium, forcing the Cardinals to play at Arizona State for 18 years. In March 1994, Bill Bidwill renamed the team the Arizona Cardinals due to fan preference (Bidwill had initially resisted the name \"Arizona Cardinals\" due", + "score": 0.73876953125, + "summary": "The St. Louis Cardinals moved to Phoenix, Arizona for the 1988 NFL season due to a vote by team owners. They became the Phoenix Cardinals and initially planned to play at Arizona State University's Sun Devil Stadium while a new stadium was being built. However, financing for the new stadium fell through, and they ended up playing at Arizona State for 18 years. In March 1994, they were renamed the Arizona Cardinals due to fan preference.", + "extraction": "The St. Louis Cardinals moved to Phoenix, Arizona for the 1988 NFL season because team owners voted to allow it." + }, + { + "id": "7442119", + "title": "Georgia Frontiere", + "text": "have a new stadium built in Los Angeles to improve ticket sales but local government officials were not interested due to unfavorable economic conditions (the end of the Cold War had resulted in large-scale layoffs by defense contractors in Southern California). This and the extreme lack of fan support prompted her to move the team to her hometown of St. Louis. Lured by incentives like $20 million in annual profits from guaranteed season-ticket sales, personal seat licenses and a favorable lease at the $280-million Trans World Dome that was already in the process of being built, Frontiere transplanted the team", + "score": 0.73876953125, + "summary": "Irrelevant. The document is about Georgia Frontiere and her decision to move the team to St. Louis, not Arizona.", + "extraction": "irrelevant" + }, + { + "id": "3156064", + "title": "Bill Veeck", + "text": "Friday night games in St. Louis. A year later, Cardinals owner Fred Saigh was convicted of tax evasion. Facing certain banishment from baseball, he was forced to put the Cardinals up for sale. Most of the bids came from out-of-town interests, and it appeared that Veeck would succeed in driving the Cardinals out of town. However, just as Saigh was about to sell the Cardinals to interests who would have moved them to Houston, Texas, he instead accepted a much lower bid from St. Louis-based brewing giant Anheuser-Busch, who entered the picture with the specific intent of keeping the Cardinals", + "score": 0.7373046875, + "summary": "Irrelevant. The document does not provide any information on why the St. Louis Cardinals moved to Arizona.", + "extraction": "irrelevant" + }, + { + "id": "16192669", + "title": "History of the St. Louis Cardinals (NFL)", + "text": "History of the St. Louis Cardinals (NFL) The professional American football team now known as the Arizona Cardinals previously played in St. Louis, Missouri as the St. Louis Cardinals from 1960 to 1987 before relocating to Phoenix, Arizona in 1988. The Cardinals franchise relocated from Chicago to St. Louis in 1960. Their first home game in St. Louis was at Sportsman's Park against the New York Giants on October 2, 1960. Their last game played at Busch Memorial Stadium in St. Louis was against the Giants on December 13, 1987. Their last game as a St. Louis-based club was on", + "score": 0.73583984375, + "summary": "The St. Louis Cardinals moved to Arizona in 1988.", + "extraction": "The St. Louis Cardinals moved to Phoenix, Arizona in 1988." + }, + { + "id": "964096", + "title": "Busch Memorial Stadium", + "text": "1987. The stadium was one of the smaller facilities in the NFL, never seating more than 60,000. After efforts to get a larger stadium failed, owner Bill Bidwill moved the team to Phoenix, Arizona after the 1987 season. The football Cardinals never hosted a playoff game during their 28 seasons in St. Louis. The \"Gridbirds\" made only three playoff appearances during that stretch, losing on the road against the Minnesota Vikings in 1974, Los Angeles Rams in 1975, and Green Bay Packers in 1982. They did win the third place Playoff Bowl after the 1964 season, upsetting Vince Lombardi's Packers", + "score": 0.7353515625, + "summary": "In 1987, the St. Louis Cardinals moved to Phoenix, Arizona because efforts to get a larger stadium failed.", + "extraction": "The St. Louis Cardinals moved to Phoenix, Arizona after the 1987 season because efforts to get a larger stadium in St. Louis failed." + }, + { + "id": "8753851", + "title": "History of the St. Louis Rams", + "text": "Sun Devil Stadium in Tempe on a temporary basis while a new stadium was being built. Unfortunately for the Cardinals, the savings and loan crisis derailed financing for the stadium, forcing the Cardinals to play at Arizona State for 18 years. Prior to the Rams\u2019 1979 Super Bowl season, owner Carroll Rosenbloom drowned in an accident. His widow, Georgia Frontiere, inherited 70% ownership of the team. Frontiere fired her step-son, Steve Rosenbloom, and assumed total control of the franchise. As had been planned prior to Carroll Rosenbloom's death, the Rams moved from their longtime home at the Los Angeles Memorial", + "score": 0.732421875, + "summary": "Irrelevant. The document is about the history of the St. Louis Rams, not the St. Louis Cardinals.", + "extraction": "Irrelevant. The passage talks about the history of the St. Louis Rams and the Los Angeles Memorial stadium, but does not explain why the St. Louis Cardinals moved to Arizona." + }, + { + "id": "5030233", + "title": "Charles Bidwill", + "text": "after signing Trippi. His widow Violet inherited the team and ran it until her death in early 1962. During Violet's tenure as the Cardinals owner, she and her husband Walter Wolfner relocated the franchise to St. Louis in 1960. Following her death, she left the team to her adopted sons from her first marriage, Charles Jr. and Bill. The team has been owned outright by Bill since 1972, when he bought his older brother's share. Since Bill took over, the team has since relocated once more, to their current location in Phoenix, Arizona in 1988, and since 1994, have been", + "score": 0.7314453125, + "summary": "The St. Louis Cardinals moved to Phoenix, Arizona in 1988 under the ownership of Bill Bidwill.", + "extraction": "The St. Louis Cardinals moved to Arizona because they relocated to their current location in Phoenix, Arizona in 1988." + }, + { + "id": "7442121", + "title": "Georgia Frontiere", + "text": "Steelers, Cardinals, Bills and Redskins remained no votes, while the Raiders abstained). Though fans in Southern California felt scorned, the city of St. Louis welcomed her after losing the Cardinals franchise to Phoenix, Arizona in 1988. After the announced move, the city hosted a rally downtown and thousands of fans chanted \"Georgia, Georgia!\" Later Frontiere said, \"St. Louis is my home, and I brought my team here to start a new dynasty.\" The Rams struggled for the first few years in their new home, but in the 1999 season, the team led by coach Dick Vermeil, offensive coordinator Mike Martz", + "score": 0.73046875, + "summary": "The St. Louis Cardinals moved to Phoenix, Arizona in 1988.", + "extraction": "The city of St. Louis welcomed Georgia Frontiere after losing the Cardinals franchise to Phoenix, Arizona in 1988." + }, + { + "id": "7939444", + "title": "History of St. Louis", + "text": "2011, with performances by Jay Leno and Aretha Franklin. In January 1995, Georgia Frontiere, the owner of the National Football League team known as the Los Angeles Rams (now St. Louis Rams), announced she would move that team to St. Louis. The team replaced the St. Louis Cardinals (now Arizona Cardinals), an NFL franchise that had moved to St. Louis in 1960 but departed for Arizona in 1988. The Rams played their first game in their St. Louis stadium, the Edward Jones Dome, on October 22, 1996. Starting in the early 1980s, more rehabilitation and construction projects began, some of", + "score": 0.72998046875, + "summary": "The St. Louis Cardinals moved to Arizona in 1988, but the reason for the move is not mentioned in the document.", + "extraction": "The St. Louis Cardinals moved to Arizona in 1988." + }, + { + "id": "17640606", + "title": "2014 St. Louis Cardinals season", + "text": "Council (MCC) initially set December 3 as the date to vote on the move. They also intended to finalize it by the end of the year. After debating for almost four hours on the proposal on December 9, the vote was delayed for eight additional days because of concerns of certain financial aspects of the deal. The original proposal stated the Cardinals would cover at least $15 million in stadium improvements to AutoZone Park and pay $300,000 annually in rent to the city. Operating costs of the franchise and the stadium were to become the responsibility of the Cardinals. The", + "score": 0.72802734375, + "summary": "Irrelevant. The document provides information about the 2014 St. Louis Cardinals season and a vote on a move, but does not mention why the team ultimately moved to Arizona.", + "extraction": "irrelevant" + }, + { + "id": "17205697", + "title": "History of the St. Louis Cardinals (1953\u201389)", + "text": "to Phoenix to become the Arizona Cardinals. Local sports fans and media coverage referred to the two teams as the \"baseball Cardinals\" and \"football Cardinals.\" For decades before the NFL Cardinals moved into St. Louis, the baseball team was also known as the \"Redbirds,\" while the football team was the \"Gridbirds\" or \"Big Red.\" Stan Musial remained St. Louis' most consistent player, winning seven batting titles and gaining election to the Major League Baseball All-Star Game every year from 1946 until his retirement in 1963, which ironically was the last year before the Cardinals' next World Series appearance and win.", + "score": 0.7255859375, + "summary": "The document is irrelevant as it does not provide any information on why the St. Louis Cardinals moved to Arizona.", + "extraction": "The St. Louis Cardinals moved to Phoenix to become the Arizona Cardinals." + }, + { + "id": "16192688", + "title": "History of the St. Louis Cardinals (NFL)", + "text": "game attendance to dwindle, and once again the Bidwills decided to move the team, this time to either Baltimore, Phoenix, or Jacksonville. Nonetheless, Cardinals fans were unhappy at losing their team, and Bill Bidwill, fearing for his safety, stayed away from several of the 1987 home games. Their last home game was on December 13, 1987, in which the Cardinals won 27\u201324 over the New York Giants in front of 29,623 fans on a late Sunday afternoon. On March 15, 1988, the NFL team owners voted to allow Bidwill to move the Cardinals from St. Louis to Phoenix, Arizona for", + "score": 0.72265625 + }, + { + "id": "16192512", + "title": "History of the Los Angeles Rams", + "text": "for the Rams. Claiming that Southern California was so unprofitable that the Rams would go bankrupt without a new stadium, Mrs. Frontiere decided to move the team. Georgia Frontiere initially attempted to relocate the Rams to Baltimore, but her fellow owners turned that proposal down. Mrs. Frontiere then sought to relocate the team to St. Louis. This move was initially voted down as well. The other owners (led by Buffalo\u2019s Ralph Wilson, the Jets\u2019 Leon Hess, the Giants' Wellington Mara, Washington's Jack Kent Cooke, Arizona's Bill Bidwill and Minnesota's John Skoglund) believed that the Rams\u2019 financial problems were due to", + "score": 0.72265625 + }, + { + "id": "16016137", + "title": "History of the St. Louis Browns", + "text": "the bidding specifically to keep the Cardinals in St. Louis. Veeck quickly realized that with Anheuser-Busch's corporate wealth behind them, the Cardinals now had more resources than he could ever hope to match. Unlike most of his fellow team owners, he had no income apart from the Browns. Reluctantly, he concluded he was finished in St. Louis and decided to move the Browns. As a first step, he sold Sportsman's Park to the Cardinals. He probably would have had to sell the park in any event. The 44-year-old park had fallen into disrepair, and Veeck could not afford to bring", + "score": 0.72265625 + }, + { + "id": "13518760", + "title": "St. Louis Cardinals", + "text": "St. Louis Cardinals, having bought the team from Anheuser-Busch (AB) in 1996. As with other periods of the Cardinals' transaction history, doubt loomed as to whether the purchaser would keep the team in St. Louis, due to the city's status as a \"small market\", which appears to handicap a club's competitiveness. Such was the case when Sam Breadon put the Cardinals up for sale in 1947: then-NL President Ford Frick proposed moving the Cardinals to Chicago. When AB placed the Cardinals for sale in 1995, they publicly expressed intention to find a buyer who would keep the club in St.", + "score": 0.7216796875 + }, + { + "id": "17186764", + "title": "History of the St. Louis Cardinals (1990\u2013present)", + "text": "St. Louis by announcing the Cardinals were for sale. They simultaneously announced plans to close a brewery in Tampa Bay and sell off their Eagle Snacks division. However, AB were resolute in their efforts to keep the Cardinals from moving out of St. Louis by selling the team only in a package deal with Busch Memorial Stadium. As a middle market metropolitan area, had AB not moved to create measures to keep the team in St. Louis, chances are they may have been moved to a larger market. AB sold the team at an undervalued price to a partnership headed", + "score": 0.72119140625 + }, + { + "id": "9910136", + "title": "Bill Bidwill", + "text": "the Cardinals moved there. Charles Bidwill purchased the team, then known as the Chicago Cardinals, from Dr. David Jones in 1933. After his death at age 51 in 1947, his widow authorized business partner Ray Bennigsen to carry on management of the team. Violet Bidwill married St. Louis businessman Walter Wolfner in 1949 and he later became managing director. Prior to the 1960 season, Violet moved the Cardinals to St. Louis. Charles Jr. and Bill inherited the team after their mother's death in January 1962, and served as co-owners for ten seasons, until Bill purchased it outright in 1972. Among", + "score": 0.7177734375 + }, + { + "id": "8753856", + "title": "History of the St. Louis Rams", + "text": "offense, running for 1,429 yards as a rookie and 1,025 in his sophomore effort. As early as the close of the 1992 season, Georgia Frontiere announced she wanted to break the Rams\u2019 lease of Anaheim Stadium. After the 1993 season, Frontiere attempted to move the Rams to Baltimore, but her fellow owners turned that proposal down. Frontiere then sought to relocate the team to St. Louis. This move was initially voted down as well, with 21 opposed, 3 in favor (the Rams, Cincinnati Bengals and Tampa Bay Buccaneers), and 6 abstaining. The other owners (led by Buffalo's Ralph Wilson, the", + "score": 0.7158203125 + }, + { + "id": "17205696", + "title": "History of the St. Louis Cardinals (1953\u201389)", + "text": "finished in second place, leading the league in batting average (.274) and finishing third in earned run average (3.78). Meanwhile, a National Football League (NFL) Cardinals franchise relocated from Chicago to St. Louis in 1960. Chicago was distinctly becoming the Bears' town and the Cardinals could not match their success. The 12 NFL owners unanimously voted to allow the Chicago Cardinals franchise to move. Ironically, Chicago forms the other half of the MLB's Cardinals' baseball rivalry with the Cubs. The football Cardinals called St. Louis and Busch Stadium/Busch Memorial Stadium home through the 1987 season, after which the Cardinals migrated", + "score": 0.71337890625 + }, + { + "id": "28937", + "title": "American Football League", + "text": "of the men who approached the Bidwills was Lamar Hunt, son and heir of millionaire oilman H. L. Hunt. Hunt offered to buy the Cardinals and move them to Dallas, where he had grown up. However, these negotiations came to nothing, since the Bidwills insisted on retaining a controlling interest in the franchise and were unwilling to move their team to a city where a previous NFL franchise had failed in 1952. While Hunt negotiated with the Bidwills, similar offers were made by Bud Adams, Bob Howsam, and Max Winter. When Hunt, Adams, and Howsam were unable to secure a", + "score": 0.71337890625 + }, + { + "id": "595575", + "title": "Phoenix, Arizona", + "text": "nation. Founded in 1898 in Chicago, they moved to Phoenix from St. Louis in 1988 and currently play in the Western Division of the National Football League's National Football Conference. Upon their move to Phoenix, the Cardinals originally played their home games at Sun Devil Stadium on the campus of Arizona State University in nearby Tempe. In 2006 they moved to the newly constructed State Farm Stadium in suburban Glendale. Since moving to Phoenix, the Cardinals have made one championship appearance, Super Bowl XLIII in 2009, where they lost 27\u201323 to the Pittsburgh Steelers. Sun Devil Stadium held Super Bowl", + "score": 0.712890625 + }, + { + "id": "8318995", + "title": "History of the National Football League in Los Angeles", + "text": "Rams fans, bothered by Frontiere talking to other cities about moving the franchise, voiced their anger by asking for her to sell the team, booing her and starting derogatory chants at games directed at her. Attendance began dwindling, due to frustration by the fans over ownership and the performance by the team on the field. Eventually, St. Louis gave Frontiere the offer she wanted, a brand-new $280 million domed stadium called the \"Trans World Dome\" (now known as the Dome at America's Center) with a long-term lease and over 100 luxury boxes. The move was announced in February 1995 and", + "score": 0.71142578125 + }, + { + "id": "15709705", + "title": "History of St. Louis (1905\u201380)", + "text": "mid-1950s, Sportsman's Park had deteriorated to the point of needing expensive repairs, and a new park was proposed closer to downtown St. Louis. The exterior of the new park was designed by Edward Durell Stone to echo the Gateway Arch, and the Cardinals moved into Busch Memorial Stadium for the 1965 season. However, construction of the stadium required the demolition of Chinatown, St. Louis, ending decades of presence in the area by a Chinese immigrant community. Although the stadium's playing field was particularly hot in summer, the stadium was considerably larger than its predecessor and was an asset to downtown", + "score": 0.7109375 + }, + { + "id": "10341057", + "title": "1953 St. Louis Cardinals season", + "text": "St. Louis Browns decided to search for another city to which to move the Browns. As a first step, he sold Sportsman's Park to the Cardinals. He would have probably had to sell the park in any case; the park had fallen into disrepair over the years, and the city had threatened to have it condemned. With the Browns' declining revenues \u2013 despite collecting rent from the Cardinals \u2013 Veeck could not afford to bring it up to code. Busch heavily renovated the 44-year-old park and renamed it \"Busch Stadium.\" Within a year, Veeck also sold the Browns to Jerold", + "score": 0.7109375 + }, + { + "id": "4495260", + "title": "Gene Stallings", + "text": "on the final Sunday of the season, but fell short with a 21\u201316 loss at Dallas. The Cardinals' relocation from St. Louis to Arizona was approved on March 15, 1988. In 1988, the Cardinals pulled off another miracle comeback, rallying from a 23\u20130 deficit against the eventual Super Bowl champion San Francisco 49ers for a 24\u201323 victory. Phoenix was 7\u20134 and in first place in the NFC East but collapsed, losing their final five games, including two to the division champion Philadelphia Eagles. The 1989 season started with road victories at Detroit and Seattle, but injuries derailed any playoff hopes.", + "score": 0.70947265625 + }, + { + "id": "7158858", + "title": "St. Louis Stallions", + "text": "only intended to be a home for the California Angels. Frontiere, who inherited control of the team following the death of her husband Carroll Rosenbloom in 1979, decided that relocation was the only option and initially considered Baltimore, the city where her husband originally owned the Colts before he traded ownership of the team with Robert Irsay, before deciding on St. Louis (her home city) as the domed stadium that was originally intended for the Stallions franchise was nearing completion. The NFL initially was unwilling to allow the move out of Los Angeles, and in fact had voted to reject", + "score": 0.70458984375 + }, + { + "id": "1948892", + "title": "St. Louis Eagles", + "text": "better players in an effort to raise funds, the Senators finished in last place for two straight seasons and continued to lose money. Following the repeat last place finish, the team decided that it could not survive in Ottawa and hoped to move to a bigger market. In an attempt to recoup losses and pay outstanding debts, the Senators moved the NHL franchise to St. Louis, where it was nicknamed the Eagles. However, the team continued to lose money because of its travel expenses, and it was forced to sell players to other teams to meet its financial obligations. After", + "score": 0.70361328125 + }, + { + "id": "7370200", + "title": "Cardinal Nation", + "text": "no franchises moved and none were established or closed. During this time, The St. Louis Cardinals were the westernmost and southernmost major league franchise, and so geographically closest to anyone living southwest of a line stretching approximately from Savannah, Georgia through midstate Illinois into the Dakotas, which area encompasses much the greater portion of the United States. Because of this, you will find multitudes of generational Cardinal fans spread across the county. (The Cardinals shared this distinction with the St. Louis Browns, but the Browns were generally less successful and less popular.) Although some franchises were established at the outer", + "score": 0.70361328125 + }, + { + "id": "13518726", + "title": "St. Louis Cardinals", + "text": "Fans liked the moniker \"Cardinals\" and, the next year, popularity for the nickname induced an official change to Cardinals. In 1902, an American League team moved from Milwaukee into St. Louis, renamed themselves the St. Louis Browns and built a new park on the site of the Cardinals' old stadium, striking a rivalry that lasted five decades. Breadon bought a minority interest in the Cardinals in 1917 and in 1919 Browns manager Branch Rickey joined the Cardinals. The Cardinals' first 28 seasons in the NL were a complete reversal of their stay in the AA \u2013 with a .406 winning", + "score": 0.70361328125 + }, + { + "id": "7511145", + "title": "History of the Baltimore Orioles", + "text": "and ultimately pleaded no contest to lesser charges. Facing almost certain banishment from baseball, Saigh was forced to put the Cardinals up for sale. For a time, no credible offers surfaced from St. Louis interests, and it looked as if Veeck's all-out assault on the Cardinals might indeed force them out of town. However, Saigh turned down higher offers from out-of-town buyers in favor of a bid from the St. Louis-based Anheuser-Busch brewery, which stepped in with the specific intent of keeping the Cardinals in St. Louis. Veeck realized that the Cardinals now had more resources than he could possibly", + "score": 0.703125 + }, + { + "id": "16192689", + "title": "History of the St. Louis Cardinals (NFL)", + "text": "the 1988 NFL season. The NFL returned to St. Louis in 1995, when the Los Angeles Rams relocated there. The Cardinals and Rams became divisional rivals in 2002 after the NFL realigned from six divisions to eight; this meant that the Cardinals, now in the NFC West, would play one game in St. Louis annually until the 2015 season, when the Rams announced that they were relocating in 2016 to Los Angeles for the second time (the first being from Cleveland in 1946) which meant St. Louis became the first city to have lost two NFL teams that have relocated", + "score": 0.70166015625 + }, + { + "id": "11779969", + "title": "1965 St. Louis Cardinals (NFL) season", + "text": "Wally Lemm resigned after the 1965 season and returned to his previous position with the Houston Oilers of the AFL. The Cardinals moved to the new Busch Memorial Stadium for the 1966 season. In November 1964, the Cardinals selected quarterback Joe Namath of Alabama in the first round of the 1965 NFL Draft, but he signed a record contract with the New York Jets of the American Football League. It was the height of the bidding war between the leagues, which subsided with the merger announcement in June 1966. 1965 St. Louis Cardinals (NFL) season The 1965 St. Louis Cardinals", + "score": 0.7001953125 + }, + { + "id": "9868861", + "title": "History of the Arizona Cardinals", + "text": "History of the Arizona Cardinals This article details the history of the Arizona Cardinals American football club, which can be traced to the 1898 formation of the amateur Morgan Athletic Club in Chicago. The Cardinals are the oldest extant professional football club in the United States, and along with the Chicago Bears, are one of two charter members of the National Football League still in existence. The franchise relocated from Chicago to St. Louis in 1960 and to Phoenix, Arizona in 1988. On January 15, 1988, Bidwill announced his decision to relocate to Arizona. On March 15, 1988, the NFL", + "score": 0.69970703125 + }, + { + "id": "14383332", + "title": "Cowboys\u2013Steelers rivalry", + "text": "expanding at the time. He then approached the Chicago Cardinals about buying the team from owner Violet Bidwill Wolfner, who ultimately decided to keep the team and whose son Bill Bidwill remains the owner (the Cardinals did move to St. Louis, Missouri for the 1960 NFL season; the team currently is based in Phoenix, Arizona; the Cowboys and Cardinals were divisional rivals from 1961\u201366, and again from 1970\u20132001). Due to these rebuffs, Hunt formed the American Football League with his own Dallas team, the AFL's incarnation of the Dallas Texans. In response, the NFL suddenly reversed course and awarded an", + "score": 0.69921875 + }, + { + "id": "16192690", + "title": "History of the St. Louis Cardinals (NFL)", + "text": "to the Western United States. \"Italics\" = played a portion of career with the Cardinals and enshrined representing another team.
Dierdorf, Smith, Wehrli and Wilson were members of the St. Louis Football Ring of Fame in The Dome at America's Center when the Rams played there from 1995 to 2015. History of the St. Louis Cardinals (NFL) The professional American football team now known as the Arizona Cardinals previously played in St. Louis, Missouri as the St. Louis Cardinals from 1960 to 1987 before relocating to Phoenix, Arizona in 1988. The Cardinals franchise relocated from Chicago to St. Louis", + "score": 0.697265625 + }, + { + "id": "10186085", + "title": "1993 Los Angeles Rams season", + "text": "on the schedule more frequently.\u201d Rumors of relocation affected the Rams\u2019 performance: owner Georgia Frontiere had wanted to break the Rams\u2019 lease of Anaheim Stadium at the end of the 1992 season, and there were over seven thousand no-shows at the November 21 game against the Redskins. At Christmas time, it was revealed that Frontiere wanted to move the Rams to Baltimore, which had lost out surprisingly to Jacksonville, Florida in the recent league expansion bid. This relocation was not approved, but the inadequacy of Anaheim Stadium led Frontiere to move the team to her hometown of St. Louis in", + "score": 0.6953125 + }, + { + "id": "7442120", + "title": "Georgia Frontiere", + "text": "to St. Louis in 1995. During the deal, Frontiere also agreed to give up 40% of her ownership to Stan Kroenke, who became a minority owner in the team. (She had bought the 30% of the team she didn't own from Carroll's children in 1980). The NFL, which had decided that the city was unsuitable as a football market, initially voted to block the Rams' move to St. Louis. However, when Frontiere threatened to sue the league under antitrust laws, the league relented and approved the move with Frontiere casting the deciding vote in a 23-6 decision (The Giants, Jets,", + "score": 0.6953125 + }, + { + "id": "6933764", + "title": "Fred Saigh", + "text": "St. Louis-based brewery, even though Anheuser-Busch's offer was far less ($3.75 million) than what out-of-town suitors had on the table. It has long been claimed that Anheuser-Busch president Gussie Busch persuaded Saigh that civic pride was more important than money. In truth, according to Anheuser-Busch historian William Knoedelseder, Saigh had preferred from the beginning to sell to a local buyer, and was willing to accept any credible offer from interests who would keep the team in St. Louis. This all but assured that the Cardinals would stay in St. Louis. It also effectively spelled the end for the Browns, as", + "score": 0.6943359375 + }, + { + "id": "22287", + "title": "Arizona Cardinals", + "text": "the NFL as a charter member on September 17, 1920. Along with the Chicago Bears, the club is one of two NFL charter member franchises still in operation since the league's founding. (The Green Bay Packers were an independent team until they joined the NFL a year after its creation in 1921.) The club then moved to St. Louis in and played in that city through (sometimes referred to as the \"Football Cardinals\" or the \"Big Red\" to avoid confusion with the St. Louis Cardinals of Major League Baseball). Before the season, the team moved west to Tempe, Arizona, a", + "score": 0.69384765625 + }, + { + "id": "9868912", + "title": "History of the Arizona Cardinals", + "text": "the position. History of the Arizona Cardinals This article details the history of the Arizona Cardinals American football club, which can be traced to the 1898 formation of the amateur Morgan Athletic Club in Chicago. The Cardinals are the oldest extant professional football club in the United States, and along with the Chicago Bears, are one of two charter members of the National Football League still in existence. The franchise relocated from Chicago to St. Louis in 1960 and to Phoenix, Arizona in 1988. On January 15, 1988, Bidwill announced his decision to relocate to Arizona. On March 15, 1988,", + "score": 0.693359375 + }, + { + "id": "1942576", + "title": "Arizona Outlaws", + "text": "NFL's Philadelphia Eagles and St. Louis Cardinals were taking a serious look at moving to Phoenix, which had rocketed to major-city status due to its explosive growth in the second half of the 20th century. At one point, team revenue tailed off to the point that the Outlaws flew commercial flights to games rather than chartered jets. On one of those flights, from Houston back to Phoenix, the simmering tension on the team finally boiled over when Teerlinck got in a fight with offensive tackle Donnie Hickman. It exploded into an all-out brawl, and the plane was met by federal", + "score": 0.6923828125 + }, + { + "id": "16192595", + "title": "History of the Chicago Cardinals", + "text": "to terms with the Bidwills, engineering a deal that sent the Cardinals to St. Louis, Missouri beginning with the 1960 season in a move which also blocked St. Louis as a potential market for the new AFL, which began play the same year. Despite the presence of a baseball team already named the St. Louis Cardinals, the football team kept its name upon relocation there, and would be referred to as \"the football Cardinals\" until it departed for Arizona following the 1987 season. The Chicago Cardinals have the distinction of being the only team in American professional football history to", + "score": 0.69091796875 + }, + { + "id": "17205701", + "title": "History of the St. Louis Cardinals (1953\u201389)", + "text": "treated, instead accepted the manager position with the Yankees. Red Schoendienst succeeded Keane as manager. Three years later, regretting Devine's firing, Busch successfully negotiated his return with the New York Mets to bring him back as GM. In 1966, the Cardinals moved to the just-completed Busch Memorial Stadium and hosted the MLB All-Star Game that summer. Behind the performance of MVP Orlando Cepeda the next year, St. Louis won 101 regular season games, the league, and the World Series over the Red Sox. Gibson pitched three complete-game wins - allowing just three earned runs - and was named World Series", + "score": 0.69091796875 + }, + { + "id": "198245", + "title": "Illinois", + "text": "MVC members, and the SIU Edwardsville Cougars (in the Metro East region across the Mississippi River from St. Louis) compete in the OVC. The city was formerly home to several other teams that either failed to survive, or that belonged to leagues that folded. The NFL's Arizona Cardinals, who currently play in the Phoenix suburb of Glendale, Arizona, played in Chicago as the Chicago Cardinals, until moving to St. Louis, Missouri after the 1959 season. An NBA expansion team known as the Chicago Packers in 1961\u20131962, and as the Chicago Zephyrs the following year, moved to Baltimore after the 1962\u20131963", + "score": 0.6904296875 + }, + { + "id": "1948896", + "title": "St. Louis Eagles", + "text": "they needed to move the Senators to a larger city in order to protect the shareholders and pay off their debts. The Senators' owners decided to move the franchise to St. Louis, Missouri, and the transfer was approved by the league on May 14, 1934. Thomas Franklin Ahearn resigned as president of the Ottawa Auditorium and Redmond Quain became president. Quain transferred the players' contracts and franchise operations to a new company called the Hockey Association of St. Louis, Inc. Eddie Gerard was hired to coach the new team. The club was renamed the Eagles, inspired by the logo of", + "score": 0.689453125 + }, + { + "id": "3175185", + "title": "Springfield Cardinals", + "text": "total of 72 former Springfield Cardinals have gone on to make their major league debuts with the St. Louis Cardinals. Springfield, Missouri originally had professional baseball teams as early as 1905, when the Springfield Highlanders began play. For nearly 30 years the team was variously called the Highlanders, the Jobbers, the Midgets, and the Merchants. There were several years where no team existed at all. In 1931, the St. Louis Cardinals purchased a minor league team, renamed it the Cardinals, and relocated it in Springfield. That year, the team won the first of several Western Association titles. With a front", + "score": 0.689453125 + }, + { + "id": "9910138", + "title": "Bill Bidwill", + "text": "support a future effort to gain an expansion franchise for St. Louis. Instead, he voted to approve a new franchise in Jacksonville, Florida. However, St. Louis eventually gained a new franchise anyway, the relocated Los Angeles Rams in 1995. The Rams returned to Los Angeles in 2016. Bidwill had a reputation for running the Cardinals rather cheaply; the Cardinals had one of the lowest payrolls in the league for many years. Following the move to State Farm Stadium in 2006, the team began to spend more money. The increased revenue paid off in 2008, when the Cardinals won their division", + "score": 0.68896484375 + }, + { + "id": "15435179", + "title": "A. Ray Smith", + "text": "support in Tulsa to replace or rebuild the ballpark, Smith ultimately moved the Oilers to New Orleans, Louisiana, in 1977, renaming the team the New Orleans Pelicans, and then to Springfield, Illinois, in 1978 as the Springfield Redbirds. After the 1981 season, he again moved the team, to Louisville, Kentucky, where they became the Louisville Redbirds (later the Louisville RiverBats and now the Louisville Bats). The team was a great success in Louisville, setting minor league attendance records. Smith was named Executive of the Year by \"The Sporting News\" in 1983. In 1985, he bid on the Cincinnati Reds, however", + "score": 0.6884765625 + }, + { + "id": "17640607", + "title": "2014 St. Louis Cardinals season", + "text": "lease was to assure the Redbirds of remaining in Memphis through the 2030 season. Two five-year renewal options were included with the principal 17-year lease. The Cardinals were officially cleared to acquire the Memphis Redbirds on January 7, 2014, after MCC approved the plan by an 8-4 vote. The deals included the city purchasing AutoZone Park by issuing $24 million in city-backed bonds. The deal was finalized on March 28; the Cardinals acquired the Redbirds franchise and Memphis acquired the ballpark and began leasing it to the Cardinals. In addition to the Redbirds, the team already owned its Double-A affiliate", + "score": 0.6884765625 + }, + { + "id": "13248435", + "title": "2011 Major League Baseball All-Star Game", + "text": "change in 2010. The NL came into the game having won the previous year's match, their first victory since 1996. Some, such as New York Congressman Jos\u00e9 Serrano and sportswriter Mike Lupica, had suggested that Major League Baseball Commissioner Bud Selig should move the game because of the controversial SB1070 anti-illegal immigration bill passed by the Arizona legislature and signed into law by Governor Jan Brewer. Others considered asking club owners, sponsors and even players to boycott the All-Star Game if the law was implemented and the game remained in Phoenix. However, Selig announced on May 13, 2010 that the", + "score": 0.68798828125 + }, + { + "id": "13518850", + "title": "Los Angeles Rams", + "text": "St. Louis. In his final years, Kroenke was referred to \"Silent Stan\" as he refused to speak about the team and the potential move. In a last-ditch effort, St. Louis came up with a viable stadium plan to keep the team, but the NFL and the Rams' position was that the Rams followed the agreed upon remediation process laid out in the Edward Jones Dome lease, and that St. Louis' hastily put together plan shifted too much of the stadium cost to the Rams franchise. Ultimately, the owners voted to allow the Rams to relocate to Los Angeles. On January", + "score": 0.68798828125 + }, + { + "id": "17194972", + "title": "History of the St. Louis Cardinals (1920\u201352)", + "text": "face certain expulsion from baseball. For a time, no credible offers surfaced from St. Louis interests, and it looked like the Cardinals would indeed be forced to move out of town. The most promising offer came from a consortium of businessmen in Houston, Texas. The Cardinals owned the Houston Buffaloes of the Texas League; under major-league rules of the time, they also held the major-league rights to Houston. The only question was whether Buffalo Stadium could be upgraded to major-league standards. However, Saigh ultimately sold the Cardinals to St. Louis-based brewer Anheuser-Busch (A\u2013B). In February 1953, a group of local", + "score": 0.6875 + }, + { + "id": "13518818", + "title": "Los Angeles Rams", + "text": "down the Rams offense to win their fourth Super Bowl, 31-19. Prior to the 1979 NFL season, owner Carroll Rosenbloom died in a drowning accident, and his widow, Georgia Frontiere, inherited 70 percent ownership of the team. Frontiere then fired stepson Steve Rosenbloom and assumed total control of Rams operations. As had been planned prior to Rosenbloom's death, the Rams moved from their longtime home at the Coliseum to Anaheim Stadium in nearby Orange County in 1980. The reason for the move was twofold. First, the NFL's blackout rule forbade games from being shown on local television if they did", + "score": 0.6875 + }, + { + "id": "1942579", + "title": "Arizona Outlaws", + "text": "able, to the CFL. Under Tatham's proposal, the Outlaws would abide by the CFL's Canadian-born player quotas. The CFL's owners, who were facing their own financial crisis due to the loss of its television sponsorship, were lukewarm to the proposal and ultimately declined the offer. Soon afterward, the Tathams abandoned any hope of bringing the Outlaws back, and concentrated their efforts on bringing an NFL expansion team to the Valley of the Sun. Those efforts were brought undone when the St. Louis Cardinals moved into Sun Devil Stadium for the 1988 NFL season. COACHING STAFF: Head Coach: Woody Widenhofer Offensive", + "score": 0.6875 + }, + { + "id": "5960733", + "title": "Gussie Busch", + "text": "Saigh was seriously considering selling the team to interests who would move the team to Houston; he decided to have Anheuser-Busch get into the bidding in order to keep the Cardinals in St. Louis. Ultimately, Busch persuaded Saigh to take less money ($3.75 million) than what he was being offered by out-of-town interests in the name of civic pride, and also achieved a marketing tool. As chairman, president or CEO of the Cardinals from the time the club was purchased by the brewery in until his death, Busch oversaw a team that won six National League pennants (1964, 1967, 1968,", + "score": 0.6875 + }, + { + "id": "10333416", + "title": "1966 St. Louis Cardinals season", + "text": "a better location. The result was a new multi-purpose, $25 million concrete stadium, also named for Busch's father \u2013 Busch Memorial Stadium, also known as Busch II. The Cardinals moved into Busch II four days later, and defeated the Atlanta Braves, 4\u20133 in 12 innings. On July 12, the Cardinals hosted the 1966 Major League Baseball All-Star Game at their new stadium, in 105 degree heat and humidity, with the NL defeating the AL, 2\u20131 in ten innings. Busch Memorial Stadium was where the Cardinals would play baseball until the end of 2005. Later derided as a facsimile of the", + "score": 0.6865234375 + }, + { + "id": "7939434", + "title": "History of St. Louis", + "text": "three expressways over the Mississippi River. The openings of the Arch in 1965 and the bridge in 1967 were accompanied by the opening of a new stadium for the St. Louis Cardinals. The Cardinals moved into Busch Memorial Stadium early in the 1966 season. Construction of the stadium required the demolition of Chinatown, St. Louis, ending the decades-old presence of a Chinese immigrant community. Due to the city's population decline, beginning in the 1920s and accelerating through the 1950s, local government leaders made several attempts to consolidate services. A pre\u2013Great Depression annexation attempt by the city failed due to opposition", + "score": 0.6865234375 + }, + { + "id": "5348240", + "title": "Busch Stadium", + "text": "July 29, 2017 with an attendance of 48,052 in a game between the Cardinals and the Arizona Diamondbacks. The stadium is the third stadium in St. Louis to carry the name Busch Stadium. Sportsman's Park was renamed Busch Stadium in 1953, after team owner Gussie Busch. The first Busch Stadium closed in 1966 and both the baseball Cardinals, and the National Football League (NFL)'s team of the same name (now the Arizona Cardinals) moved to a new multi-purpose stadium, named Busch Memorial Stadium. However, the current stadium is actually a corporate name and named after Anheuser-Busch, not Gussie Busch. The", + "score": 0.68603515625 + }, + { + "id": "10157473", + "title": "George Izo", + "text": "every team had a regional draw to help the financial success of each franchise. These regional picks did not occur in any order. Instead, they were unanimously agreed upon by the other teams. Izo chose the Cardinals over the AFL, and signed his $15,000 contract at Soldier Field in Chicago during a game against the Chicago Bears game. The franchise moved to St. Louis, Missouri one month after Izo signed his contract. In 1960, he won the starting job for the Cardinals by the third game of the season. But, he re-injured the same knee that he hurt in college", + "score": 0.685546875 + }, + { + "id": "3062326", + "title": "Skylands Stadium", + "text": "in the fall of 1993 for a new minor league ballpark. The Hamilton Redbirds, the Cardinals' New York\u2013Penn League affiliate, were in a transition to move out of their home in Hamilton, Ontario, to Augusta, New Jersey, and had temporarily spent the 1993 season in Glens Falls, New York, as the Glens Falls Redbirds. As part of the move, the team changed its name to the Cardinals. The team's new home stadium would be privately owned and financed, a rarity in professional sports circles. The park is designed to look a little bit like a farm complex from the outside.", + "score": 0.6845703125 + }, + { + "id": "17186754", + "title": "History of the St. Louis Cardinals (1990\u2013present)", + "text": "History of the St. Louis Cardinals (1990\u2013present) The St. Louis Cardinals, a professional baseball franchise based in St. Louis, Missouri, compete in the National League (NL) of Major League Baseball (MLB). Brewing magnate Gussie Busch's 37-year-long ownership of the club ended with his death in 1989, and his brewery, Anheuser-Busch (AB) took over. In 1995, an investment group led by Drew Baur and William DeWitt, Jr., purchased the team and have owned the club since. Shortstop Ozzie Smith \u2013 nicknamed \"The Wizard\" \u2013 collected a staggering array of defensive records and awards while performing acrobatic spectacles such as somersaults and", + "score": 0.68359375 + }, + { + "id": "18471799", + "title": "Sports in Phoenix", + "text": "football franchise in the nation. They moved to Phoenix from St. Louis, Missouri in 1988 and currently play in the Western Division of the National Football League's National Football Conference. The Cardinals were founded in 1898 in Chicago, as the Morgan Athletic Club, and became known as the Cardinals shortly after, due to the color of their jerseys. Around the turn of the last century, they were known as the Racine Cardinals, and in 1920, they became a charter member of the American Professional Football League, which would eventually become the National Football League. Upon their move to Phoenix, the", + "score": 0.68359375 + }, + { + "id": "12085485", + "title": "1959 Chicago Cardinals season", + "text": "played in Minnesota at Metropolitan Stadium in Bloomington, the future home of the expansion Minnesota Vikings, starting two years later in 1961. In March 1960, the Chicago Cardinals relocated to St. Louis and became the St. Louis Cardinals, bringing the NFL back to Missouri. 1959 Chicago Cardinals season The 1959 Chicago Cardinals season was the team's 40th and final season in Chicago. The Cardinals opened the season with a 49\u201321 home win over the Washington Redskins at Soldier Field, but finished with a record of two wins and ten losses, last place in the Eastern Conference. They tied with the", + "score": 0.6826171875 + }, + { + "id": "13518746", + "title": "St. Louis Cardinals", + "text": "II, in downtown St. Louis, opened it during the 1966 season and played there until 2005. It was built as the multi-purpose stadium home of both the baseball Cardinals and the NFL football Cardinals, who are now the Arizona Cardinals. The current Busch Stadium was constructed adjacent to, and partly atop, the site of Busch Memorial Stadium. The Cardinals home field in spring training is Roger Dean Stadium in Jupiter, Florida. They share the complex, which opened in 1998, with the Miami Marlins. Before moving to Jupiter, the Cardinals hosted spring training at Al Lang Field in St. Petersburg, Florida", + "score": 0.68212890625 + }, + { + "id": "887836", + "title": "Sun Devil Stadium", + "text": "year, and many of Arizona's permanent residents either grew up in other states or have roots outside the state. In 2005, for instance, all home games (except for the 49ers game which was held at Estadio Azteca in Mexico City) failed to sell out and could not be broadcast on local television. In 2006, the Cardinals moved from Sun Devil Stadium to University of Phoenix Stadium in another Phoenix suburb, Glendale, located on the opposite side of the metro area from Tempe (although the Cardinals' training facility is in Tempe). The new stadium also hosts the Fiesta Bowl, and hosted", + "score": 0.68212890625 + }, + { + "id": "7920074", + "title": "Stan Kroenke", + "text": "with Stockbridge Capital Group to build a 70,000 seat NFL stadium and venue in Inglewood, California, a suburb of Los Angeles, threatening the Rams' future in St. Louis. In response, St. Louis countered with National Car Rental Field, a proposed open-air stadium in the north riverfront in downtown St. Louis with the hope of the Rams staying in St. Louis. At the NFL relocation presentation, Kroenke stated that St. Louis was no longer a viable market for the NFL, and was best served by only two teams. Kroenke also questioned the financial future of the team. NFL commissioner Roger Goodell", + "score": 0.681640625 + }, + { + "id": "10185940", + "title": "1994 Los Angeles Rams season", + "text": "1994 Los Angeles Rams season The 1994 Los Angeles Rams season was the franchise\u2019s 57th year with the National Football League and the 49th and last season in the Greater Los Angeles Area until their 2016 relocation back to Los Angeles. After nearly 50 years in the Greater Los Angeles Area, owner Georgia Frontiere announced that the team would relocate to St. Louis, Missouri on January 15, 1995. While the owners initially rejected the move, permission was eventually granted therefore bringing an end to Southern California's first major professional sports franchise until 2016. The threat of relocation dominated talk about", + "score": 0.68115234375 + }, + { + "id": "10185950", + "title": "1994 Los Angeles Rams season", + "text": "base blamed the ownership of Georgia Frontiere for the franchise\u2019s woes, while ownership cited the outdated stadium and withering fan support for the problems that were plaguing the Rams. On March 15, 1995, the National Football League owners rejected Ms. Frontiere\u2019s bid to move the franchise to St. Louis, Missouri by a 21\u20133\u20136 vote. Then-Commissioner Paul Tagliabue stated after rejecting the move that The commissioner also added: Georgia, however, responded with a thinly veiled threat at a lawsuit and the NFL owners eventually acquiesced to her demands, weary of going through a long, protracted legal battle. Tagliabue simply stated that", + "score": 0.68115234375 + }, + { + "id": "16192513", + "title": "History of the Los Angeles Rams", + "text": "the Frontieres\u2019 mismanagement. When Georgia Frontiere threatened to sue the league, Commissioner Paul Tagliabue acquiesced to Frontiere\u2019s demands. As part of the relocation deal, the city of St. Louis agreed to build a taxpayer-financed stadium, the Trans World Dome (now the Dome at America's Center) and guaranteed that the stadium\u2019s amenities would be maintained in the top 25 percent of all NFL stadiums. Frontiere waived the clause after a 10-year threshold period passed, as the city implemented a later plan to improve the stadium. The move left many in the Los Angeles area, and many of those indifferent to the", + "score": 0.6806640625 + }, + { + "id": "13518745", + "title": "St. Louis Cardinals", + "text": "home from 1893 to 1920. The new park was originally called New Sportsman's Park but became more commonly referred to as Robison Field. Midway through the 1920 season the Cardinals abandoned Robison Field and returned to the original Sportsman's Park and became tenants of their American League rivals, the St. Louis Browns. In 1953, the Anheuser-Busch Brewery purchased the Cardinals and the new owner subsequently also purchased Sportsman's Park from the Browns and renamed it Busch Stadium, later becoming Busch I. The Browns then left St. Louis for Baltimore after the season. The Cardinals built Busch Memorial Stadium, or Busch", + "score": 0.6806640625 + }, + { + "id": "16192673", + "title": "History of the St. Louis Cardinals (NFL)", + "text": "had not had a professional football team since the early days of the NFL, and tickets were difficult to sell. The Cardinals initially held practices in the city park. In 1961, they broke even at 7\u20137\u20130 (the NFL had expanded to a 14-game season to compete with the upstart AFL) and fell to 4\u20139\u20131 in 1962. Improving to 9\u20135\u20130 in 1963, the Cardinals almost reached the playoffs, but a loss to the Giants prevented that. In 1964, the Bidwills considered moving the team to Atlanta. They wanted a new stadium, and that city was planning the construction of one. However,", + "score": 0.68017578125 + }, + { + "id": "13518831", + "title": "Los Angeles Rams", + "text": "stadium and withering fan support. Frontiere finally gave up and decided to move the Rams franchise to St. Louis. However, on March 15, 1995, the other league owners rejected Frontiere's bid to move the franchise by a 21\u20133\u20136 vote. Then-Commissioner Paul Tagliabue stated after rejecting the move, \"This was one of the most complex issues we have had to approach in years. We had to balance the interest of fans in Los Angeles and in St. Louis that we appreciate very much. In my judgment, they did not meet the guidelines we have in place for such a move.\" The", + "score": 0.67919921875 + }, + { + "id": "15700647", + "title": "History of St. Louis (1866\u20131904)", + "text": "their opener on May 6, 1875. However, the original Brown Stockings club closed in 1878, and an unrelated National League team with the same name was founded in 1882. This team changed its name multiple times, shortening to the Browns in 1883, then becoming the Perfectos in 1899, and settling on the St. Louis Cardinals in 1900. During the 1880s, St. Louis also was home to another club, the St. Louis Maroons, which relocated to Indianapolis in 1887. In 1901, St. Louis became a two-team city again with the addition of an American League team, the St. Louis Browns. The", + "score": 0.677734375 + }, + { + "id": "7920075", + "title": "Stan Kroenke", + "text": "also stated that St. Louis funding did not meet the criteria set by the NFL. St. Louis officials countered that Kroenke was misrepresenting the city and defended that St. Louis was being misrepresented at the owners\u2019 meetings. The Oakland Raiders and San Diego Chargers had also been unhappy with old stadiums (O.co Coliseum in Oakland and Qualcomm Stadium in San Diego, respectively) lacking updated amenities, and had been proposing a stadium in Carson, California (another suburb of Los Angeles) in competition with Kroenke's Inglewood proposal. In 2017, the Chargers announced that they would move to Los Angeles for the 2017", + "score": 0.67724609375 + }, + { + "id": "10341056", + "title": "1953 St. Louis Cardinals season", + "text": "1953 St. Louis Cardinals season The 1953 St. Louis Cardinals season was the team's 72nd season in St. Louis, Missouri and the 62nd season in the National League. The Cardinals went 83\u201371 during the season and finished 3rd in the National League. Prior to the start of the season, August A. Busch, Jr. of Anheuser-Busch bought the team from Fred Saigh. That started a reign that would last until March, 1996, when William DeWitt, Jr., Drew Baur and Fred Hanser bought the club. Realizing the Cardinals now had more resources than he could possibly match, Bill Veeck, owner of the", + "score": 0.6767578125 + }, + { + "id": "12728492", + "title": "Ozzie and Daniel Silna", + "text": "with the expectation of moving it into the NBA with the impending merger of the two leagues. On April 26, 2016, Ozzie died of cancer at the age of 83. The Silna brothers moved the Cougars to St. Louis, Missouri, because it was then the largest city in the United States without a professional basketball team and they thought this would make their team more likely to join the NBA. In 1974, the Cougars, roster and all, were overhauled and became the ABA's Spirits of St. Louis from 1974 through 1976. The 1974-75 Spirits had upset the reigning ABA champion", + "score": 0.67578125 + }, + { + "id": "13518834", + "title": "Los Angeles Rams", + "text": "the Rams move from Los Angeles: the Pittsburgh Steelers, New York Giants, New York Jets, Buffalo Bills, Arizona Cardinals (who played in St. Louis from 1960 to 1987), and Washington Redskins. After the vote was over, Dan Rooney publicly stated that he opposed the move of the Los Angeles Rams because \"I believe we should support the fans who have supported us for years.\" The 1995 and 1996 seasons, the Rams' first two in St. Louis, were under the direction of former Oregon Ducks head coach Rich Brooks. Their most prolific player from their first two seasons was the fan-favorite", + "score": 0.6748046875 + }, + { + "id": "10563569", + "title": "1941 St. Louis Browns season", + "text": "of Commerce had guaranteed attendance of 500,000, a figure that the Browns had not seen since their 1924 season. The Browns would play in the stadium that was used by the Pacific Coast League's Los Angeles Angels. As part of the agreement to move to Los Angeles, the Browns would buy the stadium. It was expected that all Major League Baseball owners would approve of the move at the upcoming Winter Meetings. Before the scheduled meetings, the Japanese bombed Pearl Harbor, and California would stay closed to Major League Baseball for another decade. \"Note: Pos = Position; G = Games", + "score": 0.67431640625 + }, + { + "id": "6063472", + "title": "Ottawa Senators (original)", + "text": "$60,000 over the previous two seasons. The losses were too great to be made up by the sale of players' contracts, and the club needed to be moved to \"some very large city which has a large rink, if we are to protect the Auditorium shareholders and pay off our debts.\" The NHL franchise was moved to St. Louis, Missouri and operated as the St. Louis Eagles. The Eagles played only one season, finishing last again. They suspended operations after the season, never to return. Flash Hollett was the last member of the Senators to play in the NHL, retiring", + "score": 0.67431640625 + }, + { + "id": "17205691", + "title": "History of the St. Louis Cardinals (1953\u201389)", + "text": "History of the St. Louis Cardinals (1953\u201389) The St. Louis Cardinals, a professional baseball franchise based in St. Louis, Missouri, compete in the National League (NL) of Major League Baseball (MLB). In 1953, the Anheuser-Busch (AB) brewery bought the Cardinals, and August \"Gussie\" Busch became team president. Busch's influence is still seen today as three of the Cardinals' home stadia are or were named some form of Busch Stadium. Three World Series titles in the 1960s and 1980s, contrasted with missing the playoffs for the entirety of the 1950s and 1970s checkered the team's success distinctly by decades. However, the", + "score": 0.673828125 + }, + { + "id": "6933763", + "title": "Fred Saigh", + "text": "offers surfaced from St. Louis interests, making it seem likely that the team would be purchased by someone interested in moving them to another city. The most promising offer came from a consortium of businessmen in Houston, Texas. The Cardinals owned the Houston Buffaloes of the Texas League; under major-league rules of the time, that meant they also held the major-league rights to Houston. The only question was whether Houston's Buffalo Stadium could be upgraded to major-league standards. However, just before he was due to reach a final agreement with the Houston group, Saigh sold the Cardinals to Anheuser-Busch, the", + "score": 0.67333984375 + }, + { + "id": "15840211", + "title": "Nat Allbright", + "text": "that he wasn't, \"kind of leaving it up to the listeners to decide for themselves.\" After Fred Saigh, then owner of 90% of the St. Louis Cardinals, was convicted of income tax evasion and sentenced to 15 months in federal prison in January 1953, Allbright was part of a group of prospective buyers that sought to buy the team from Saigh. A month later, Saigh sold the team to a group led by the owners of Anheuser-Busch, accepting a lower offer of $3.75 million to keep the team in St. Louis. From 1950 until 1961, Allbright did 1,500 broadcasts of", + "score": 0.67333984375 + }, + { + "id": "18471800", + "title": "Sports in Phoenix", + "text": "Cardinals originally played their home games at Sun Devil Stadium on the campus of Arizona State University in nearby Tempe. In 2006 they moved to the newly constructed then-named University of Phoenix Stadium in suburban Glendale. Since moving to Phoenix, the Cardinals have made one championship appearance, Super Bowl XLIII on February 1, 2009, where they lost 27-23 to the Pittsburgh Steelers. Sun Devil Stadium held Super Bowl XXX in 1996 when the Dallas Cowboys defeated the Pittsburgh Steelers. University of Phoenix Stadium hosted Super Bowl XLII on February 3, 2008, in which the New York Giants defeated the New", + "score": 0.67236328125 + }, + { + "id": "394141", + "title": "Super Bowl XIV", + "text": "and two touchdowns. The NFL awarded Super Bowl XIV to Pasadena on June 14, 1977 at the owners meetings held in New York. Team owner Carroll Rosenbloom drowned during an off-season accident, resulting in a power struggle between his second wife, Georgia Frontiere, and his son, Steve Rosenbloom. Frontiere eventually gained control of the team and fired her stepson. Prior to Carroll Rosenbloom's death, the Rams had already announced their intentions to leave the Los Angeles Memorial Coliseum and move to Anaheim Stadium in Orange County for the 1980 season. The Rams barely outscored their opponents, 323\u2013309, and finished the", + "score": 0.67236328125 + }, + { + "id": "394632", + "title": "Super Bowl XXVII", + "text": "to make sure that the Arizona ballot initiative was a talking point at the discussion. The vote was conducted and Tempe was awarded the game, but committee chairman and Philadelphia Eagles owner Norman Braman warned that if the MLK Day ballot initiative went against adoption of the holiday, the NFL would not hesitate to pull the game from Arizona and move it somewhere else. The fact that the majority of NFL players were African-American was a big factor into this threat, as many of them felt uncomfortable of having the Super Bowl in a state that didn't recognize a national", + "score": 0.6708984375 + }, + { + "id": "2597744", + "title": "The Dome at America's Center", + "text": "be considered a binding factor in preventing the Rams from relocating. In addition, the NFL and the Rams expressed concerns over the funding and maintenance of the proposed stadium, which they felt shifted too much of the costs of construction and maintenance to the Rams organization. Ultimately, as the Inglewood stadium would be built without taxpayer subsidy, that effectively sealed the fate of the Rams in St. Louis. The Rams formally filed their request to leave St. Louis for Los Angeles on January 4, 2016. On January 12, the NFL approved the Rams' request for relocation to Los Angeles for", + "score": 0.6708984375 + }, + { + "id": "6089857", + "title": "State Farm Stadium", + "text": "of the university, which has no intercollegiate athletics program (the university is a private, for-profit venture). On September 4, 2018, State Farm acquired the naming rights. The Cardinals and State Farm reached agreement on an 18-year commitment that resulted in the team\u2019s home venue becoming State Farm Stadium. Since moving to Arizona from St. Louis, Missouri in 1988, the Cardinals had played at Sun Devil Stadium on the campus of Arizona State University. The Cardinals had only planned to play there until a new stadium could be built in Phoenix. However, the savings and loan crisis derailed funding for a", + "score": 0.6708984375 + }, + { + "id": "1942538", + "title": "Arizona Wranglers", + "text": "a second USFL team, the Outlaws, to leave San Diego for another city before playing a down.) USFL officials felt that Daniels and Harmon's ties to the cable industry would be better suited for the country's second-largest market. The league forced Joseph to surrender rights to Los Angeles to Daniels and Harmon, whose franchise became the Los Angeles Express. Joseph finally settled on a move to Phoenix, bringing professional football to that Arizona city for the first time. Joseph appeared to hold fast to the USFL's original blueprint. He aggressively marketed the team in Arizona while keeping a tight rein", + "score": 0.6708984375 + }, + { + "id": "17084764", + "title": "2015 NFL season", + "text": "their spot in the AFC West. The early rumor was that the Seattle Seahawks, who played in the AFC West from 1977 to 2001, would be the favorite to switch conferences with the Raiders. However, that team's growing rivalry with the San Francisco 49ers (who are assured of staying in the NFC West) now point to either the Arizona Cardinals or the St. Louis Rams (if the latter stays in St. Louis) moving to the AFC West to take the Raiders spot. If the Rams stay in St. Louis, switching them to the AFC would allow for a yearly home-and-home", + "score": 0.6708984375 + }, + { + "id": "17194974", + "title": "History of the St. Louis Cardinals (1920\u201352)", + "text": "Cardinals as a shrewd business move. It would first increase A\u2013B's sales through the captive market of as many as 30,000 spectators, many of whom would buy a beer or two, at Sportsman's Park on summer afternoons. Indirectly it would also help the company by disadvantaging one local competitor, Griesedieck Brothers, who had long sponsored the team's radio and television broadcasts, leading one of their brands, Falstaff, to outsell A\u2013B's flagship Budweiser in the city of St. Louis itself, which greatly consterned Busch. At the national level, preventing the Cardinals from moving to Milwaukee would also prevent Schlitz and Pabst,", + "score": 0.6708984375 + }, + { + "id": "16192514", + "title": "History of the Los Angeles Rams", + "text": "whole situation, embittered toward the NFL. That sentiment was best expressed by Fred Dryer, who at the time said \"I hate these people (the organization and its owner) for what they did, taking the Rams logo with them when they moved to St. Louis. That logo belonged to Southern California.\" Steve Rosenbloom, the general manager of the team during Carroll Rosenbloom's tenure, opined that teams come and go, but for a team to leave Los Angeles\u2014the second largest media market in America\u2014for St. Louis (approximately the 18th-largest) was simply irresponsible and foolish, in spite of the notoriously fickle support of", + "score": 0.67041015625 + } + ], + "answer": "The professional American football team now known as the Arizona Cardinals previously played in St. Louis, Missouri as the St. Louis Cardinals from 1960 to 1987 before relocating to Tempe, Arizona in 1988. The overall mediocrity of the Cardinals, combined with an old stadium, caused game attendance to dwindle, and once again the Bidwills, American businessman and the owner of the Arizona Cardinals, decided to move the team." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who played the baby in baby's day out as cast?", + "short_answers": [ + "Adam Robert and Jacob Joseph Worton" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who played the baby in baby's day out as stunt double?", + "short_answers": [ + "Verne Troyer", + "Verne Jay Troyer" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who played the baby's stunt double in Baby's Day Out?", + "short_answers": [ + "Verne Troyer" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "What actors played the baby in Baby's Day Out?", + "short_answers": [ + "Adam Robert", + "Jacob Joseph Worton" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Baby's Day Out", + "url": "https://en.wikipedia.org/wiki/Baby%27s%20Day%20Out" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Adam Robert Worton and Jacob Joseph Worton as Bennington Austin \"Bink\" Cotwell IV", + "wikipage": "Baby's Day Out Starring" + }, + { + "content": "Verne Troyer as Bink's stunt double", + "wikipage": "Baby's Day Out Starring" + } + ], + "long_answer": "Adam Robert and Jacob Joseph Worton play the baby Bennington Austin \"Bink\" Cotwell IV in Baby's Day Out and Verne Troyer plays Bink's stunt double." + }, + { + "knowledge": [ + { + "content": "Baby's Day Out is a 1994 American adventure comedy film directed by Patrick Read Johnson and written by John Hughes, who also produced the film.", + "wikipage": "Baby's Day Out" + }, + { + "content": "erne Jay Troyer (January 1, 1969 \u2013 April 21, 2018) was an American actor, comedian, YouTuber and stunt performer.", + "wikipage": "Verne Troyer" + } + ], + "long_answer": "Baby's Day Out is a 1994 American adventure comedy film directed by Patrick Read Johnson and written by John Hughes, who also produced the film. Adam Robert and Jacob Joseph Worton played the baby. Verne Troyer, an American actor, comedian, YouTuber and stunt performer, played the baby as a stunt double." + } + ], + "sample_id": "-3166192416332661165", + "question": "Who played the baby in baby's day out?", + "docs": [ + { + "id": "4578672", + "title": "Baby's Day Out", + "text": "Baby's Day Out Baby's Day Out is a 1994 American family comedy adventure musical film, written by John Hughes, produced by Richard Vane and John Hughes, and directed by Patrick Read Johnson. The film stars Joe Mantegna, Lara Flynn Boyle, Joe Pantoliano and Brian Haley. The plot centers on a wealthy baby's abduction by three kidnappers, his subsequent escape and adventure through Chicago while being pursued by the kidnappers. \"Baby's Day Out\" was released on July 1, 1994 in the United States and was a critical and financial failure, grossing only $16.7 million against a $48 million budget. However, it", + "score": 0.77197265625, + "summary": "The document provides information about the 1994 film \"Baby's Day Out\" but does not answer the question of who played the baby. Therefore, the answer is \"irrelevant\".", + "extraction": "irrelevant" + }, + { + "id": "7486778", + "title": "Brian Haley", + "text": "However, it was his proverbial big break on \"The Tonight Show Starring Johnny Carson\" in 1990 that launched his career in earnest. His first appearance led to a flood of television and film roles and an HBO comedy special. In 1994, he starred in the movie \"Baby's Day Out\". The movie was very popular in overseas markets, especially India, where it played at the largest theater in Calcutta for over a year and was even remade with an Indian cast under the title \"Sisindri\". In 1994, he had a stand out role in the comedy film \"Little Giants\" as over", + "score": 0.7431640625, + "summary": "Brian Haley starred in the 1994 movie \"Baby's Day Out\".", + "extraction": "irrelevant" + }, + { + "id": "4578680", + "title": "Baby's Day Out", + "text": "book, \"Baby's Trip to China\". \"Baby's Day Out\" was panned by critics, and holds a 20% \"rotten\" approval rating at the review website Rotten Tomatoes, with 3 positive reviews from 15. On the \"Siskel & Ebert\" show, critic Roger Ebert wrote that \"\"Baby's Day Out\" contains gags that might have worked in a Baby Herman cartoon, but in live action, with real people, taxis, buses, streets, and a real baby, they're just not funny. The Worton twins are adorable as Baby Bink, however; the audience produced an audible coo the first time they saw him on the screen.\" He gave", + "score": 0.73486328125, + "summary": "The document is irrelevant to the question.", + "extraction": "The Worton twins played Baby Bink in \"Baby's Day Out\"." + }, + { + "id": "2513682", + "title": "Blondie (comic strip)", + "text": "letters, which preceded the title sequence in almost every film. Columbia was careful to maintain continuity, so each picture progressed from where the last one left off. Thus the Bumstead children grew from toddlers to young adults onscreen. Larry Simms played the Bumsteads' son in all the films; his character was originally called Baby Dumpling, and later became Alexander. Marjorie Kent (born Marjorie Ann Mutchie) joined the series in 1943 as daughter Cookie. Daisy had pups in the 12th feature, \"Blondie for Victory\" (1942). Danny Mummert, who had originally been chosen to play Baby Dumpling, took the continuing role of", + "score": 0.73291015625, + "summary": "Larry Simms played the Bumsteads' son in all the films of Blondie, but the document is irrelevant to who played the baby in Baby's Day Out.", + "extraction": "Larry Simms played the Bumsteads' son in all the films; his character was originally called Baby Dumpling, and later became Alexander. Therefore, Larry Simms played the baby in Baby's Day Out." + }, + { + "id": "4578673", + "title": "Baby's Day Out", + "text": "enjoyed tremendous popularity in India and other South Asian markets. Bennington Austin \"Bink\" Cotwell IV (Adam Robert and Jacob Joseph Worton) has adoring parents Laraine (Lara Flynn Boyle) and Bennington (Matthew Glave), lives in a huge mansion in a suburb of Chicago, and is just about to appear in the social pages of the newspaper. Three klutzy would-be kidnappers \u2013 Edgar \"Eddie\" Mauser (Joe Mantegna), Norbert \"Norby\" LeBlaw (Joe Pantoliano) and Victor \"Veeko\" Riley (Brian Haley) \u2013, the main antagonists, disguise themselves as the photographers from the paper and kidnap him. After the kidnapping, they have difficulty controlling him. Norby", + "score": 0.72900390625, + "summary": "Bennington Austin \"Bink\" Cotwell IV was played by both Adam Robert and Jacob Joseph Worton in the movie Baby's Day Out.", + "extraction": "Adam Robert and Jacob Joseph Worton played the baby in Baby's Day Out." + }, + { + "id": "4578674", + "title": "Baby's Day Out", + "text": "attempts to put Bink to sleep by reading Bink's favorite book,\"Baby's Day Out\", only to fall asleep himself and leaving Bink unattended. Looking through the book, Bink notices a bird on the page and then by the window. He follows it out and successfully gets away from his kidnappers, with Eddie falling off the building and into a garbage bin. The FBI arrives at the mansion, headed by Dale Grissom (Fred Dalton Thompson), where they try to piece together clues along with Bink's parents and his loving nanny Gilbertine (Cynthia Nixon). Meanwhile, Bink, now outside on the ground and crawling", + "score": 0.7265625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "10225612", + "title": "Baby LeRoy", + "text": "Baby LeRoy Baby LeRoy (May 12, 1932 \u2013 July 28, 2001) was a child actor who appeared in films in the 1930s. When he was sixteen months old, he became the youngest person ever put under term contract by a major studio. Born Ronald Le Roy Overacker in Los Angeles, California, Baby LeRoy's career began when he was less than a year old, co-starring with Maurice Chevalier in \"A Bedtime Story\", and ended with a cameo role as himself in \"Cinema Circus\" (1937). He is best known for his appearances in three W. C. Fields films: \"Tillie and Gus\" (1933),", + "score": 0.72021484375, + "summary": "Baby LeRoy was a child actor who appeared in films in the 1930s. He is best known for his appearances in three W. C. Fields films. However, the document does not answer the question of who played the baby in Baby's Day Out.", + "extraction": "Irrelevant. The passage does not provide information about who played the baby in Baby's Day Out." + }, + { + "id": "4578676", + "title": "Baby's Day Out", + "text": "door at the entrance to a department store and is forced inwards by its momentum. Crawling through the Marshall Fields department store, Bink is stopped by a worker (Dawn Maxey) who works for the store's day care center, believing he is another baby who escaped from there. He later escapes the store and eventually crawls into traffic after a ride on a taxi cab. The kidnappers attempt to follow him but keep getting injured in the process as he makes his way to the city zoo. They are shocked to find him in the ape house with a western lowland", + "score": 0.7158203125, + "summary": "irrelevant", + "extraction": "Irrelevant. The passage does not provide any information about who played the baby in Baby's Day Out." + }, + { + "id": "7486774", + "title": "Brian Haley", + "text": "Brian Haley Brian Carlo Haley (born February 12, 1963) is an American actor and stand-up comedian. His stand-up act is characterized by playing his all-American looks against manic outbursts and absurd situations. As an actor, he may be best known for his roles as Veeko the incompetent kidnapper in the John Hughes movie \"Baby's Day Out\", the over-the-top football father Mike Hammersmith (aka Spike's dad) in \"Little Giants\", or Clint Eastwood's son Mitch in the movie \"Gran Torino\". Haley was born in Seattle, Washington to a large Catholic family, the fifth of six children. His father was an airline executive", + "score": 0.71337890625, + "summary": "Brian Haley played Veeko the incompetent kidnapper in the movie \"Baby's Day Out\".", + "extraction": "Brian Haley played Veeko the incompetent kidnapper in the John Hughes movie \"Baby's Day Out\"." + }, + { + "id": "7486782", + "title": "Brian Haley", + "text": "Brian Haley Brian Carlo Haley (born February 12, 1963) is an American actor and stand-up comedian. His stand-up act is characterized by playing his all-American looks against manic outbursts and absurd situations. As an actor, he may be best known for his roles as Veeko the incompetent kidnapper in the John Hughes movie \"Baby's Day Out\", the over-the-top football father Mike Hammersmith (aka Spike's dad) in \"Little Giants\", or Clint Eastwood's son Mitch in the movie \"Gran Torino\". Haley was born in Seattle, Washington to a large Catholic family, the fifth of six children. His father was an airline executive", + "score": 0.71337890625, + "summary": "Brian Haley played Veeko the incompetent kidnapper in the John Hughes movie \"Baby's Day Out\".", + "extraction": "Veeko the incompetent kidnapper in the John Hughes movie \"Baby's Day Out\" played the baby in Baby's Day Out." + }, + { + "id": "10225617", + "title": "Baby LeRoy", + "text": "chose to recast, and the film became one of Billy Lee's best-remembered roles. LeRoy never appeared in another film. Overacker became a merchant seaman and in 1957, as an adult, appeared as a guest challenger on the TV panel show \"To Tell the Truth\". He died in Van Nuys, California, in 2001, aged 69. Baby LeRoy Baby LeRoy (May 12, 1932 \u2013 July 28, 2001) was a child actor who appeared in films in the 1930s. When he was sixteen months old, he became the youngest person ever put under term contract by a major studio. Born Ronald Le Roy", + "score": 0.71240234375, + "summary": "Baby LeRoy played the baby in several films in the 1930s before becoming one of Billy Lee's best-remembered roles. However, he never appeared in \"Baby's Day Out\". He died in Van Nuys, California, in 2001.", + "extraction": "Irrelevant. The passage doesn't provide information about who played the baby in \"Baby's Day Out\". It talks about child actors from the 1930s, specifically Baby LeRoy and Billy Lee." + }, + { + "id": "18441674", + "title": "Larry Simms", + "text": "Larry Simms Larry Lee Simms (October 1, 1934 \u2013 June 17, 2009) was an American child actor with 36 films between 1937 and 1951. Larry Lee Simms worked as a child model from the age of two years and was discovered by a Hollywood talent scout when he appeared in a 1937 Saturday Evening Post advertisement. His first film for Hollywood was \"The Last Gangster\" (1937), where he played Edward G. Robinson's young son. Simms got well-known with his appearances as Alexander \"Baby Dumpling\" Bumstead in the popular \"Blondie\" film series starring Penny Singleton. Between 1938 and the end of", + "score": 0.70751953125, + "summary": "Larry Simms was an American child actor who played Alexander \"Baby Dumpling\" Bumstead in the \"Blondie\" film series. However, the document does not mention who played the baby in \"Baby's Day Out.\"", + "extraction": "Irrelevant." + }, + { + "id": "1371177", + "title": "Baby Boy (film)", + "text": "Baby Boy (film) Baby Boy is a 2001 American coming-of-age hood film written, produced, and directed by John Singleton. The film follows bicycle mechanic Joseph \"Jody\" Summers as he lives and learns in his everyday life in the hood of Los Angeles. It represented the film debut of actress Taraji P. Henson and R&B singer Tyrese Gibson. Gibson and Henson later starred in the film \"Four Brothers\". The film, originally set to star Tupac Shakur, instead switched to Gibson after Shakur's 1996 death. A man named Joseph \"Jody\" Summers lives with his 36-year-old mother Juanita in South Central Los Angeles.", + "score": 0.703125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "15239897", + "title": "Baby (2007 film)", + "text": "down a path that lands him in Juvenile Hall for manslaughter, with Benny (Feodor Chin) ostracizing Baby from the group. After seven violent years in prison, Baby (now portrayed by David Huynh) is released, but struggles to fit into a society that rejects him, and soon returns to a life of drugs, street gangs and murder, while Benny has risen through the ranks to become the local Crime Boss for a side of the Wah Ching Triad. Only his childhood friends and a lost love offer him any hope of turning his life around before it's too late. Baby (2007", + "score": 0.70263671875, + "summary": "irrelevant.", + "extraction": "Irrelevant. The passage is about a film called \"Baby\" that does not relate to the question about who played the baby in \"Baby's Day Out\"." + }, + { + "id": "8639468", + "title": "Rock-A-Bye Baby (film)", + "text": "are married. Nine months later, Sandy gives birth to quintuplets. A statue of Clayton and his five babies is erected in front of the town courthouse, as Midvale's Hero. Cast notes: \"Rock-A-Bye Baby\" was loosely based on Preston Sturges' 1944 film \"The Miracle of Morgan's Creek\", which starred Eddie Bracken and Betty Hutton, and because of this Sturges received a writer's credit on the film, although he did not actually work on the project. \"Rock-a-Bye Baby\" was filmed from November 18, 1957 through January 8, 1958, and opened in Los Angeles on July 16, 1958, followed by a premiere in", + "score": 0.70263671875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "7239796", + "title": "Baby Huey & the Babysitters", + "text": "Baby Huey & the Babysitters Baby Huey & the Babysitters was a soul band hailing from Gary, Indiana. The band, founded in 1963, was the idea of organist / trumpeter Melvyn Jones and guitarist Johnny Ross. James Ramey was their front man, and he adopted the stage name of \"Baby Huey\" (after the cartoon/comic book character Baby Huey). They were well known on the club scene in Chicago. The group came into being as a result of Johnny Ross; Melvyn Jones (later to be known as Melvyn \"Deacon\" Jones); and James Ramey getting together. In the beginning they would practice", + "score": 0.7021484375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the baby in Baby's Day Out." + }, + { + "id": "9011143", + "title": "Look What's Happened to Rosemary's Baby", + "text": "in both stories is called Andrew/Andy). The only actor to return from the first film is Ruth Gordon as Minnie Castevet. Sam O'Steen, an editor on the first movie, directed this sequel. Patty Duke, who plays Rosemary, was considered for the role in the 1968 film; it went to Mia Farrow. The first scene opens with the coven preparing for a ritual, only to discover that Adrian (Rosemary's baby), now eight years old, is missing from his room. Knowing Rosemary (Patty Duke) must be responsible for this, the coven members use her personal possessions to enable the forces of evil", + "score": 0.6982421875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention anything about the movie \"Baby's Day Out\"." + }, + { + "id": "5401213", + "title": "Brothers (1984 TV series)", + "text": "episode, Joe was more than ready to embrace her. Lou, Cliff and Penny all shared the designation of being Caroline's guardian, in case anything ever happened to her parents. Baby Caroline (who was named after executive producer Gary Nardino's daughter) was played in her birth episode by boy and girl twins Charles and Cathryn Hacker, but for the remainder of the series, was played by Cathryn alone. As Joe and Sam were busy adjusting to married life, as well as preparing to bring in the newest edition to the Waters family, Cliff found himself getting promoted to manager of \"The", + "score": 0.69677734375, + "summary": "Irrelevant. The document is about the TV series \"Brothers\" and does not mention anything about the baby in \"Baby's Day Out.\"", + "extraction": "Irrelevant. The passage does not provide any information about the baby in Baby's Day Out. It talks about the TV series Brothers and the baby Caroline played by twins Charles and Cathryn Hacker in the birth episode but played by Cathryn alone for the remainder of the series." + }, + { + "id": "4454164", + "title": "Next Friday", + "text": "bought at the store. Craig immediately gets tired of the customer and throws him out and tells Day-Day about the letter they received in the mail. As Day-Day begins to freak out, his co-worker Roach (Justin Pierce) answers a phone call from D'wana and Baby D threatening to enter the store and alerts Day-Day. Day-Day then runs to the door and locks it. When D'wana and Baby D get to the door to find out it's locked, they bang on it demanding entrance. When allowed entrance by Craig. D'wana instantly ask for Day-Day and when denied, she pretends to be", + "score": 0.69677734375, + "summary": "irrelevant", + "extraction": "Irrelevant." + }, + { + "id": "4578684", + "title": "Baby's Day Out", + "text": "very early beta. Instead of playing as Bink, the player controls what appears to be Bink's guardian angel to guide Bink to safety in the vein of \".\" 20th Century Fox Home Entertainment released the film on VHS on April 4, 1995. The film was released on DVD on January 29, 2001. It includes Patrick Read Johnson's commentary, a featurette, and a trailer for the film. The film was re-released on DVD on October 11, 2011. Baby's Day Out Baby's Day Out is a 1994 American family comedy adventure musical film, written by John Hughes, produced by Richard Vane and", + "score": 0.69580078125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about who played the baby in Baby's Day Out." + }, + { + "id": "11247123", + "title": "Sock-a-Bye Baby", + "text": "Sock-a-Bye Baby Sock-a-Bye Baby is a 1942 film directed by Jules White and starring American slapstick comedy team The Three Stooges (Moe Howard, Larry Fine and Curly Howard). It is the 66th short film released by Columbia Pictures starring the comedians, who released 190 short films for the studio between 1934 and 1959. The Stooges awake in the middle of the night to a crying baby left on their doorstep. A letter from the despondent mother (Julie Gibson) states that baby Jimmy (Joyce Gardner) has been abandoned. The Stooges react by taking the little guy in, feeding him, and trying", + "score": 0.6953125 + }, + { + "id": "12795907", + "title": "Wanda \"Baby\" McCullough", + "text": "her husband had to take in his sister's three children: Vanessa (Camille Winbush), Jordan (Jeremy Suarez), Bryana (Dee Dee Davis). When the kids arrive, she is kind towards them, but Bernie immediately tells her that she shouldn't be that way. Along with her husband, she begins to love them like they were her own children. It then makes her desperate to have a baby with Bernie. In the final season, Wanda discovers she cannot have children. Wanda \"Baby\" McCullough Wanda McCullough, commonly known as \"Baby\", is a fictional character on \"The Bernie Mac Show\", portrayed by Kellita Smith. The character", + "score": 0.6953125 + }, + { + "id": "19596531", + "title": "Jet Jurgensmeyer", + "text": "has appeared in films such as \"American Sniper\" and \"Devil's Knot\". In 2016 he appeared in the Disney Channel film \"Adventures in Babysitting\", playing Bobby the middle son of one the sets of children being babysat. The same year Jurgensmeyer was cast in Nickelodeon's \"Legends of the Hidden Temple\" television film, playing Dudley the youngest of the three siblings who travel through temple. Jet Jurgensmeyer Jet Jurgensmeyer (born ) is an American child actor. He played the role of Spanky in the 2014 film \"The Little Rascals Save the Day\", and Bobby Anderson in the 2016 Disney Channel television film", + "score": 0.6953125 + }, + { + "id": "14301535", + "title": "Dawn Maxey", + "text": "Dawn Maxey Dawn Maxey (born August 18, 1966), is an American former actress, known for her side starring roles in several 1990s movies. Maxey was born in Cleveland, Ohio. She attended Ohio University. She began acting at age 28 making her first onscreen appearance, officially starting her acting career as Jill Luce in the movie \"Thieves Quartet\". After her first appearance, Maxey made a minor appearance in \"Baby's Day Out\" as a teenager working at the \"Mother Goose Corner\". After that she played the role of Van Dough's secretary in \"Ri\u00a2hie Ri\u00a2h\". She then made an appearance as Lynn in", + "score": 0.6953125 + }, + { + "id": "1948514", + "title": "Scott Baio", + "text": "he portrayed Pat the Pig. From 1987 through 1991, he was a director of the children's comedy series \"Out of This World\". During the 1990s, Baio appeared in various television programs, including the short-lived \"Look Who's Talking\" small screen spin-off \"Baby Talk\". In 1991, he joined Diana Muldaur and Ally Walker in the NBC Monday Night Movie \"Perry Mason and the Case of the Fatal Fashion\", as a young prosecutor. Between 1993 and 1995, he portrayed Dr. Jack Stewart in the medical mystery series \"\" starring Dick Van Dyke. Baio was a guest-star on many series, including \"Full House\", \"Touched", + "score": 0.69482421875 + }, + { + "id": "18932600", + "title": "Baby Sandy", + "text": "similar concept to the much later \"Three Men and a Baby\". Baby Sandy Baby Sandy, (14 January 1938-), real name Sandra Lea Henville, is a former American child film actress. Henville was born, prematurely, in hospital in Los Angeles, California. She performed in her first film at the age of 15 months. She was considered \"Universal Pictures' wonder baby\" and their answer to Shirley Temple. Her last film was before her fifth birthday, made for a second rank studio, Republic Pictures. She grew up and worked in the legal department of a local government. She married and divorced twice, and", + "score": 0.6943359375 + }, + { + "id": "4578682", + "title": "Baby's Day Out", + "text": "at the start of July 1994. The film finally grossed $16,827,402 at the domestic box office, a disappointing return considering the $48 million production budget for the film. It ranked at #83 for the best performing films of 1994. It was also the 26th best performing PG-rated family film of the year in 1994. \"Baby's Day Out\" was tremendously popular in South Asia, including India, Pakistan, Sri Lanka and Bangladesh. In India, the movie was played at the largest theater in Calcutta for over a year. Recalling a trip to Calcutta, Roger Ebert says, \"I asked if \"Star Wars\" had", + "score": 0.69384765625 + }, + { + "id": "12825175", + "title": "Dustbin Baby (film)", + "text": "\"one of the most remarkable five year olds I have ever met\", saying that \"it's like she's not acting at all\". Alex Hewitt was selected to play the \"middle April\". May described her as having \"utter truth in her acting\". Though ten years old, Hewett plays April at eight. Juliet Stevenson said she was attracted to the part of Marion as \"it's very boring playing versions of yourself\", and because she did at the time have a 14-year-old daughter. David Haig filmed \"Dustbin Baby\", along with three other television appearances that summer, to earn money to help support his family", + "score": 0.69384765625 + }, + { + "id": "5156776", + "title": "Robbie Rist", + "text": "Studios film \"Balto\". He was also the voice of Aaron in the PC game \"Star Warped\". An episode of \"\" titled \"Baby Doll\" contained a character called Cousin Spunky that was intended to boost sagging ratings of the fictional \"Baby Doll\" sitcom, a clear reference to Cousin Oliver (Rist lent his voice to the episode, but did not play Cousin Spunky; his character was an adult). Rist also voices characters Choji Akimichi from \"Naruto\", Itsuki \"Iggy\" Takeuchi from the Tokyopop dub of \"Initial D\", and Bud Bison from \"Mega Man Star Force\". Rist is currently the voice of Stuffy, Doc's", + "score": 0.69287109375 + }, + { + "id": "8054349", + "title": "Baby Dayliner", + "text": "Baby Dayliner Baby Dayliner (AKA Ethan Marunas) is a musical recording and performing artist from and based out of New York City. He was born and raised in New York City, and went to Fiorello H. LaGuardia High School of Music & Art and Performing Arts, also known as the high school from the 1980 film \"Fame\". He briefly attended St. John's College in Annapolis, MD and then he dropped out before graduating. After varying roles in various bands, Marunas decided to take the stage as a solo act. He became deft at synths, samplers, and recording, and began crafting", + "score": 0.69140625 + }, + { + "id": "8639464", + "title": "Rock-A-Bye Baby (film)", + "text": "dies the day after the wedding in a bull-fight. Her agent, Harold Herman (Reginald Gardiner) tries to avoid a scandal by sending Carla into the country to give birth. He suggests that they send the baby back to the town where she grew up, Midvale. The cover story will be that she is going into seclusion to prepare for her next role, the lead in the religious epic \"The White Virgin of the Nile\". After, she can adopt her baby. Carla says that her sister is too young and her father hasn't forgiven her for becoming a movie star, so", + "score": 0.69140625 + }, + { + "id": "3057375", + "title": "Billy Barty", + "text": "appeared as a baby who escapes from his stroller. He also appeared as The Child in the 1933 film \"Footlight Parade\". He is briefly seen in the 1935 film \"Bride of Frankenstein\", in an uncredited role as a baby in one of Dr. Pretorius' experiments, although his close-ups were cut out of the picture. Much of Barty's film work consisted of bit parts and gag roles. He appeared in \"Fireman Save My Child\" (with Spike Jones), and also appeared in two Elvis Presley films. He had one scene in \"Roustabout\" and co-starred without dialogue in \"Harum Scarum\". He also had", + "score": 0.69140625 + }, + { + "id": "9464886", + "title": "The Play About the Baby", + "text": "The Play About the Baby The Play About the Baby is a play by Edward Albee. The play premiered in London in September 1998 at the Almeida Theatre Company in Malvern, Worcestershire, directed by Howard Davies. The play's American premiere was in Houston, Texas at the Alley Theatre in April to June 2000. Directed by Albee, the cast was Rebecca Harris - Girl, David Burtka - Boy, Earle Hyman - Man, and Marian Seldes - Woman. The play opened Off-Broadway at the Century Center for the Performing Arts, running from February 1, 2001 to September 1, 2001. David Esbjornson directed.", + "score": 0.69091796875 + }, + { + "id": "7608651", + "title": "Baby Talk (TV series)", + "text": "the building superintendent who became Maggie's new potential love interest. Living next door to the Campbells was sarcastic single mom Anita Craig (Francesca P. Roberts), whose infant daughter Danielle (played by Alicia and Celicia Johnson, voiced by Vernee Watson-Johnson) also had her thoughts featured regularly in play with Mickey's. Tony Craig (Wayne Collins) was Anita's young son, while Susan Davis (Jessica Lundy) was Maggie's best friend and co-worker at an accounting firm. Tom Alan Robbins did appear as Dr. Fleisher in the opening scene of the second-season premiere. To ease confusion for returning viewers, writers wanted to carry over one", + "score": 0.6904296875 + }, + { + "id": "17904286", + "title": "Spring-a-Ding-Fling", + "text": "Drew (Joey Luthman) but she is afraid to say it so she tells Drew that she and Phil (Ty Burrell) will be back home late and she would like for him to keep Alex company till they get back. Alex also objects to Claire's meddling. Jay (Ed O'Neill) and Gloria (Sof\u00eda Vergara) have to babysit Lily (Aubrey Anderson-Emmons) since Mitch is at work and Cam at the school's spring dance. Lily breaks by accident Gloria's phone but when she is asked who did it, she blames Joe. Jay and Gloria do not believe her and try to make her confess", + "score": 0.68994140625 + }, + { + "id": "7498511", + "title": "West Side Story (film)", + "text": "film. Tucker Smith, who joined the Broadway production several months into its run, played Diesel, renamed Ice for the film. David Winters, the first stage Baby John, played A-Rab, Eliot Feld, an ensemble member and understudy for Baby John on Broadway, played Baby John. Jay Norman, Juano on stage, appeared as Pepe. Reprising their stage roles in the film were Carole D'Andrea as Velma, Tommy Abott as Gee-Tar, and William Bramley as Officer Krupke. Elvis Presley was approached for Tony, but his manager, Colonel Tom Parker, strongly believed the role to be wrong for Elvis and made him decline in", + "score": 0.68994140625 + }, + { + "id": "4442491", + "title": "The Great Lie", + "text": "elements from their dialogue and create a great deal of business for their characters. Still, there were some problems the two could neither anticipate nor avoid. The baby hired to play the infant Peter was sick during much of the filming, causing delays in the schedule, and when a nurse dropped him, he was injured so seriously he needed to be replaced. (His parents consequently filed a lawsuit against the studio.) Davis, Astor and George Brent, cast as Peter Van Allen, also were ill at various times, creating problems with the schedule. Additionally, Astor was distracted by marital problems with", + "score": 0.689453125 + }, + { + "id": "19025207", + "title": "Mike Epps", + "text": "Day-Day Jones was a breakthrough for the new actor, who was already familiar to much of the audience from his stand-up work . Later that year, Epps had a cameo in \"3 Strikes\", and supported Jamie Foxx in \"Bait\". Epps had a voice role in the 2001 movie \"Dr. Dolittle 2\" as Sonny the Bear and finished the year with a featured role as comical pimp Baby Powder in \"How High\", starring Method Man and Redman. Epps reunited with Ice Cube in 2002 as the bumbling thief to Ice Cube's bounty hunter in \"All About the Benjamins\", and again re-teamed", + "score": 0.689453125 + }, + { + "id": "7419117", + "title": "Dedrick D. Gobert", + "text": "Dedrick D. Gobert Dedrick D. Gobert (November 25, 1971 \u2013 November 19, 1994) was an American film actor best known for his supporting role as Dooky in the 1991 film \"Boyz n the Hood\". Born Dedrick Dwayne Fontenot in Louisiana, Gobert made his film debut in the 1991 John Singleton film \"Boyz n the Hood\". In the film, he portrayed the role of \"Dooky\", a friend of Darrin \"Doughboy\" Baker (Ice Cube). Gobert's character was noted for his ever-present pacifier. The character's pacifier has been cited as the origin for the pacifier trend that was popular among teenagers and young", + "score": 0.68896484375 + }, + { + "id": "6541901", + "title": "Baby (musical)", + "text": "on December 4, 1983 at the Ethel Barrymore Theatre, where it ran for 241 performances and 35 previews. The cast included Liz Callaway as Lizzie Fields, Beth Fowler as Arlene McNally, Todd Graff as Danny Hooper, Catherine Cox as Pam Sakarian, James Congdon as Alan McNally, and Martin Vidnovic as Nick Sakarian. Set design was by John Lee Beatty, costume design by Jennifer von Mayrhauser, and lighting design by Pat Collins. The Paper Mill Playhouse, Millburn, New Jersey presented an updated version of the musical from March 31, 2004 to May 9, 2004. The cast featured Carolee Carmello (Arlene), Chad", + "score": 0.68896484375 + }, + { + "id": "12859251", + "title": "Mighty Baby (film)", + "text": "secretary Sabrina (Rosamund Kwan). Lena and Wayne are planning their wedding, however, Wayne has \"Baby-Phobia\" which throws a wrench into their task of developing the premier \"Mighty B\" line of baby products. Lena hires child behavior expert Boey (Cecilia Cheung), to work with Wayne to overcome his phobia but things start to go awry when Wayne starts developing feelings for Boey. Mighty Baby (film) Mighty Baby (\u7d55\u4e16\u597dB) is a 2002 Hong Kong comedy film directed by Chan Hing-Ka and Patrick Leung. A sequel to the 2001 film, \"La Brassiere\", the film stars returning cast members Lau Ching-wan, Louis Koo, Carina", + "score": 0.68896484375 + }, + { + "id": "17751172", + "title": "Get on Up (film)", + "text": "and Dan Aykroyd were added on October 31; Scott played Brown's wife while Aykroyd played Ben Bart, the President of one of New York City's largest talent agencies Universal Attractions Agency. On November 3, Universal added Keith Robinson to the film to portray the role of Baby Roy, a member of Brown's band. On November 14, Tika Sumpter also joined the cast, to play singer Yvonne Fair. There was a rumor that Taraji P. Henson was to join the film to play Tammi Terrell. Nick Eversman joined the cast on November 19, to play Mick Jagger. On December 9, 2013,", + "score": 0.68896484375 + }, + { + "id": "5652827", + "title": "Baby Geniuses", + "text": "Baby Geniuses Baby Geniuses is a 1999 American family comedy film directed by Bob Clark and written by Clark and Greg Michael based on a story by Clark, Steven Paul, Francisca Matos, and Robert Grasmere, and starring Kathleen Turner, Christopher Lloyd, Kim Cattrall, Peter MacNicol, and Ruby Dee. The film has the distinction of being the first full-length feature to use computer-generated imagery for the synthesis of human visual speech. 2D warping techniques were used to digitally animate the mouth viseme shapes of the babies which were originally shot with their mouths closed. The viseme shapes were sampled from syllables", + "score": 0.6884765625 + }, + { + "id": "10906881", + "title": "Candace Hutson", + "text": "Candace Hutson Candy Hutson (born May 3, 1980) is an American actress, voice actress and television presenter, best known as the voice of Cera the \"Triceratops\" in \"The Land Before Time\" film series from the first film to \"\" (in , she was the only voice actor to reprise her role in this movie from the original The Land Before Time). She portrayed 'Baby Stephanie' (actually, a young girl), daughter of the characters Stephanie Vanderkellen and Michael Harris, in the final episode of \"Newhart\". She was a regular in the television situation comedy \"Evening Shade\". She voiced Mattie the Mouse", + "score": 0.6884765625 + }, + { + "id": "12492800", + "title": "David Winters (choreographer)", + "text": "naturalised United States citizen in 1956. As a child, Winters began acting in various commercials, which led him to act in over 15 television shows, including \"Lux Video Theatre\", \"Naked City\", \"The Red Buttons Show\", \"Mister Peepers\" and many more. He also had roles in his first two films, \"Rock, Rock, Rock\", and \"Roogie's Bump\", during this period. Onstage, he acted on Broadway in several plays. He gained attention by playing Baby John in \"West Side Story\", and Yonkers in \"Gypsy\", both highly successful Broadway dance musicals. In 1961, he appeared as A-Rab in the movie version of \"West Side", + "score": 0.6875 + }, + { + "id": "4990275", + "title": "Melora Hardin", + "text": "starred as Baby in the short-lived 1988 television series \"Dirty Dancing\" (based on the 1987 film of the same name) and two 1992 episodes of \"Quantum Leap\" (as Abigail in \"Trilogy,\" Parts 2 and 3). She co-starred in the 1990 dance movie \"Lambada\" as Sandy. She appeared in \"Absolute Power\" (1997) as Christy Sullivan and played Ross's dirty-talking love interest in the season 1 \"Friends\" episode \"The One with the Stoned Guy\". She was also originally cast in \"Back to the Future\" as Jennifer Parker, but was re-cast after Eric Stoltz (the original Marty McFly) was let go. Upon Michael", + "score": 0.6875 + }, + { + "id": "7239800", + "title": "Baby Huey & the Babysitters", + "text": "had been drafted. Johnny Ross died in 2006 from a heart condition related to an appendicitis attack. Added later Additional personnel Baby Huey & the Babysitters Baby Huey & the Babysitters was a soul band hailing from Gary, Indiana. The band, founded in 1963, was the idea of organist / trumpeter Melvyn Jones and guitarist Johnny Ross. James Ramey was their front man, and he adopted the stage name of \"Baby Huey\" (after the cartoon/comic book character Baby Huey). They were well known on the club scene in Chicago. The group came into being as a result of Johnny Ross;", + "score": 0.6875 + }, + { + "id": "6541902", + "title": "Baby (musical)", + "text": "Kimball (Danny), LaChanze (Pam), Norm Lewis (Nick), Moeisha McGill (Liz), and Michael Rupert (Alan). The updated Paper Mill Playhouse script and score were then finalized for a March 2010 production at TrueNorth Cultural Arts in Sheffield Village, Ohio. This is now the only version licensed by Music Theatre International. The cast was headed by Natalie Green (Lizzie), Shane Joseph Siniscalchi (Danny), Michael Dempsey (Alan), Bernadette Hisey (Arlene), David Robeano (Nick) and Maggie Stahl-Floriano (Pam) under the direction of Fred Sternfeld. The production won ten \"Cleveland Times\" Tribute Awards for Outstanding Theatre in 2010. The first Australian production of \"Baby\" was", + "score": 0.68701171875 + }, + { + "id": "5652836", + "title": "Baby Geniuses", + "text": "all time, and received worse reviews than the original. Baby Geniuses Baby Geniuses is a 1999 American family comedy film directed by Bob Clark and written by Clark and Greg Michael based on a story by Clark, Steven Paul, Francisca Matos, and Robert Grasmere, and starring Kathleen Turner, Christopher Lloyd, Kim Cattrall, Peter MacNicol, and Ruby Dee. The film has the distinction of being the first full-length feature to use computer-generated imagery for the synthesis of human visual speech. 2D warping techniques were used to digitally animate the mouth viseme shapes of the babies which were originally shot with their", + "score": 0.68701171875 + }, + { + "id": "12476543", + "title": "Bouncing Babies", + "text": "seeing his mother crying, a remorseful Wheezer rushes back to the hospital to retrieve his brother, but the nurse informs him that it is too late. Wheezer returns home alone, and his mother tells him to pray for the baby to return. Wheezer then drops to his knees and begins praying, only for the baby to come out of hiding and knock him on the head. \"Bouncing Babies\" marks the last \"Our Gang\" comedy for Jean Darling and Harry Spear. Some sources list also list Joe Cobb as a cast member, but he does not appear onscreen. Bouncing Babies Bouncing", + "score": 0.6865234375 + }, + { + "id": "3186447", + "title": "Dirty Dancing", + "text": "director but then later asked him to play the part of the magician. The role of the social director went to the then unknown Wayne Knight (of later \"Seinfeld\" and \"3rd Rock from the Sun\" fame). The part of Baby's mother was originally given to Lynne Lipton, who is briefly visible in the beginning, when the Houseman family first pulls into Kellerman's (she is in the front seat for a few seconds; her blonde hair is the only indication), but she became ill during the first week of shooting and was replaced by actress Kelly Bishop, who had already been", + "score": 0.6865234375 + }, + { + "id": "7889933", + "title": "Jason Davis (actor, born 1984)", + "text": "Jason Davis (actor, born 1984) Jason Davis (born October 14, 1984) is an American actor best known for his voice of Mikey Blumberg from the animated television series \"Recess\". Jason Davis is the son of Turkish American immigrant and wine grower Nebil Zarif and Jewish American Nancy Davis, daughter of industrialist and billionaire Marvin Davis. He has two brothers: Brandon Davis and Alexander Davis and two half-sisters, Isabella and Mariella Rickel from his mother's second marriage to Ken Rickel. He had recurring roles on \"Recess\", including Mikey Blumberg and Phil the Woodchuck Scout. Davis also appeared in \"7th Heaven\" as", + "score": 0.68603515625 + }, + { + "id": "16286919", + "title": "Philip Hurlic", + "text": "Philip Hurlic Philip Raymond Hurlic (December 20, 1927 \u2013 July 7, 2014) was an American child actor. Hurlic appeared in a number of films in the 1930s and early 1940s. Hurlic's income from his film work was used to support his East Los Angeles family. Hurlic's earliest roles were as a toddler in the \"Baby Burlesks\" series, which starred a pre-fame Shirley Temple. His largest roles in film include Little Jim in \"The Adventures of Tom Sawyer\" (1938), Verman Diggs in the \"Penrod\" films, and Zeke in \"Zenobia\" (1939). He also appeared in a number of \"Our Gang\" comedies alongside", + "score": 0.68603515625 + }, + { + "id": "9419257", + "title": "DeWayne Jessie", + "text": "DeWayne Jessie DeWayne Jessie (a.k.a. \"Otis Washington\" and \"Otis Day\") (born September 21, 1951) is an American character actor best known for his portrayal of Otis Day in \"National Lampoon's Animal House\". In the movie, the songs \"Shama Lama Ding Dong\" and \"Shout\" were sung by Lloyd Williams and lip-synched by Jessie. In the 1980's, Jessie purchased the rights to the band name Otis Day and The Knights from Universal Studios and formed a real-life version of the band with some members of his family and toured the country for years afterward, with Jessie essentially assuming the identity of Otis", + "score": 0.68603515625 + }, + { + "id": "19218105", + "title": "Baby Margaretha", + "text": "Kelvin, etc. Baby Margaretha Baby Margaretha (born April 1, 1984) is an Indonesian model and actress. She is known for \"Eyang Kubur\" (2013), \"Pocong Mandi Goyang Pinggul\" (2011) and \"Misteri Cipularang\" (2013). Margaretha began her career in entertainment as a salesperson, then became a model in adult magazines, include FHM and Maxim. She was in two soap operas: \"Awas Ada Sule 2\" and \"Komeng Acak Adul\", both of it aired on Global TV. Baby began played her first film, \"Pocong Mandi Goyang Pinggul\". She directly to be a lead role and acting with American adult pornography stars Sasha Grey, Sheza", + "score": 0.685546875 + }, + { + "id": "19017265", + "title": "Days of Our Lives characters (2000s)", + "text": "consent and his heart is donated to Brady Black. Mia McCormick (played by Taylor Spreitler from January 6, 2009 \u2013 June 23, 2010), is a high school drop-out, who was introduced as a pregnant teenager. Nicole Walker buys her baby, Grace, for $10K to replace her own, secretly miscarried, baby. NIcole then secretly swaps Grace for Sami Brady's baby, Sydney, who was born at the same time (January 28, 2009). Mia uses the money to fund a dancing career in Japan but when this fails she returns to Salem, determined to get her baby back. On arriving in Salem, she", + "score": 0.685546875 + }, + { + "id": "8054352", + "title": "Baby Dayliner", + "text": "Places
11. Simon Sez
12. Nature\u2019s Clause
13. Drop Dead Gorgeous Baby Dayliner Baby Dayliner (AKA Ethan Marunas) is a musical recording and performing artist from and based out of New York City. He was born and raised in New York City, and went to Fiorello H. LaGuardia High School of Music & Art and Performing Arts, also known as the high school from the 1980 film \"Fame\". He briefly attended St. John's College in Annapolis, MD and then he dropped out before graduating. After varying roles in various bands, Marunas decided to take the stage as a solo act.", + "score": 0.685546875 + }, + { + "id": "18048749", + "title": "Baby Mine (play)", + "text": "Madge Kennedy's debut film, and \"Baby Mine\" (1928), starring Charlotte Greenwood, Karl Dane and George K. Arthur. \" Mon b\u00e9b\u00e9,\" a July 10, 1967, episode of The French television series \"Au th\u00e9\u00e2tre ce soir\" was based on Mayo's play. \"Baby Mine\" is a farce comedy about young newlyweds, Zoie and Alfred Hardy, who have separated after months of bickering. One issue that divides the couple is children\u2014Alfred was eager to be a parent, Zoie not so much. After several months apart pass, Zoie consults her friend Aggie on how she could lure her estranged husband back. Aggie suggests she procure", + "score": 0.685546875 + }, + { + "id": "11310049", + "title": "Three Loan Wolves", + "text": "to demand money, the Stooges deal with him in their typical Stooge fashion. To complicate matters, a lady (Beverly Warren) leaves a baby in the shop as part of a plan to sell a phony diamond and the Stooges wind up caring for the kid. The lady left the kid there at the suggestion of the mobster the Stooges had just thrown out of their shop. The Stooges have no idea how to take care of the kid. Soon his crying gets on Moe nerves, and their attempts to stop the kid only end up with Curly giving the baby", + "score": 0.68505859375 + }, + { + "id": "8639463", + "title": "Rock-A-Bye Baby (film)", + "text": "Rock-A-Bye Baby (film) Rock-A-Bye Baby is a 1958 American musical comedy film starring Jerry Lewis. A loose remake of Preston Sturges' 1944 film \"The Miracle of Morgan's Creek\", the film was directed and written by Frank Tashlin, and features Marilyn Maxwell, Connie Stevens and Reginald Gardiner. This film was Preston Sturges' last screenplay work in his lifetime, before his death on August 6, 1959 from a heart attack. Clayton Poole (Jerry Lewis) is a small-town TV repairman whose former sweetheart, Carla Naples (Marilyn Maxwell), is now a famous movie star. Carla marries a Mexican bullfighter and becomes pregnant; her husband", + "score": 0.68505859375 + }, + { + "id": "3815088", + "title": "As the Stomach Turns", + "text": "its run, so when the sketch is seen in syndication today, it brings back a sense of production technique that is now seen by many younger soap viewers as archaic and outdated. One of the sketch's recurring characters is Marion's \"ne'er-do-well\" daughter (played by Vicki Lawrence) who arrives at the door holding a baby (a doll), usually says \"Don't you recognize me mother? I'm your daughter,\" then leaves after giving the baby to Marion who immediately stashes it in the umbrella stand. This was a parody of the fact that traditional soap operas have little use for child characters, either", + "score": 0.68505859375 + }, + { + "id": "19596530", + "title": "Jet Jurgensmeyer", + "text": "Jet Jurgensmeyer Jet Jurgensmeyer (born ) is an American child actor. He played the role of Spanky in the 2014 film \"The Little Rascals Save the Day\", and Bobby Anderson in the 2016 Disney Channel television film \"Adventures in Babysitting\". Jurgensmeyer was born and raised in Nashville, Tennessee, where his parents owned a live music and dinner show restaurant. Jurgensmeyer made his television debut with a guest role on the CBS television series \"\" in 2010. In 2012 he was cast as Spanky, one of the lead roles, in Alex Zamm's 2014 film \"The Little Rascals Save the Day\". He", + "score": 0.68408203125 + }, + { + "id": "14060798", + "title": "Ben Kirk", + "text": "care with blood loss. Paris said \"All their worst fears are realised, they both knew the birth would be risky for both Libby and the child \u2013 and while the baby is alright, Libby is still fighting for her life\". Libby makes a recovery and she is allowed to hold her son for the first time. Valentine said \"It's a wonderful moment when Libby holds her new-born baby\". Off set, Valentine and Paris both bonded with Noah Sutherland who played their on-screen baby. Valentine told \"TV Week\" that Sutherland was \"a complete natural\" and that she had bonded with him", + "score": 0.68408203125 + }, + { + "id": "13353026", + "title": "Bright Lights, Big City (musical)", + "text": "(Clara), Sherie Rene Scott (Vicky), Jesse L. Martin (Tad), Eden Espinosa (Druggie/Coma Baby), Celia Keenan-Bolger (Mary O'Brien Mchann), Sharon Leal (Amanda), Anne Marie Milazzo (Mother), and Gavin Creel (Michael). The show had its professional UK premiere in November 2010 at Hoxton Hall, London, starring Paul Ayres (Jamie), Matthew Gent (Michael), Lori Haley Fox (Mother), Rachael Wooding (Amanda), Jodie Jacobs (Vicky), George Maguire (Tad), Rietta Austin (Coma Baby/Clara), Stuart Armfield (Alex), Oliver Roll (Chuck Bean) and Mary Cormack (Mary O'Brien McCann). It was produced by Sue Knox for This Stage Ltd, directed by Christopher Lane and choreographed by Fabian Aloise. Bright", + "score": 0.68359375 + }, + { + "id": "10564004", + "title": "Devyn Puett", + "text": "Devyn Puett Devyn June Puett (born November 22, 1977 in Gary, Indiana) is an American actress, singer, dancer, and real estate agent. She is best known for her role as Devyn on \"Kids Incorporated\". Puett made her acting debut in \"Kidsongs\" under the stage name Poochie Puett. After her acting career took off, she and her family moved from Gary, Indiana to Diamond Bar, California. After her time on \"Kidsongs\" ended, Puett was cast as Devyn on \"Kids Incorporated\", and appeared on the series during seasons 5 and 6. As a singer, Puett was featured in the children's chorus of", + "score": 0.68359375 + }, + { + "id": "2198628", + "title": "Family Matters", + "text": "\"\"Joseph [and] Julius Wright\"\" in season 1, with Julius' name made to appear as Joseph's middle name in the titles\u2014the duo was credited this way because the show's producers did not want audiences to know that Richie was then played by twins\u2014the role of Richie as a baby was played by two children because California state law regulates the number of work hours for a young child, therefore it is common for the role of one baby in a television or film production to be played by twins (another Miller-Boyett series, \"Full House,\" credited Mary-Kate & Ashley Olsen in the", + "score": 0.68359375 + }, + { + "id": "8910557", + "title": "War, Inc.", + "text": "accepts. Hauser visits the Viceroy in a secret location hidden in a Popeye's restaurant, who tells him what he needs to do. The Viceroy (who cannot be seen, but only heard with an altered voice) informs Hauser that the grand finale of the Trade Show he's supposed to prepare will be a wedding for Yonica Babyyeah (Hilary Duff), an oversexed, Central Asian pop star. He meets briefly with her and her fianc\u00e9, Ooq-Mi-Fay (Sergej Trifunovi\u0107). Later, Natalie meets Hauser at a restaurant where he gives her an all-access pass to the Trade Show. She arrives at the rehearsal and is", + "score": 0.68359375 + }, + { + "id": "9296670", + "title": "Blondie (radio)", + "text": "to the strip, like the appearance of Dagwood's famous sandwiches - and the running gag of Dagwood colliding with the mailman amid a flurry of letters, (which preceded the title sequence in almost every film). The films were typical of family-fare situational comedies of the period, and are endearingly funny in a low-key way. As the series progressed, the Bumstead children grew from toddlers to young adults onscreen. Larry Simms as Baby Dumpling (later known as Alexander) reprised his role in all the films. Daughter Cookie was played by three different child actresses, beginning in 1942 with her first appearance", + "score": 0.68310546875 + }, + { + "id": "11171531", + "title": "Mutts to You", + "text": "baby being left momentarily on the Mannings' front doorstep just as the Stooges pass by on their way home from work. Thinking the infant has been abandoned, the trio take the child back to their apartment house, despite the firm rule of no babies or dogs being allowed on the premises. When the Stooges see the afternoon newspaper saying the baby was kidnapped, they attempt to return the infant to his parents. Moe and Larry disguise Curly as the baby's mother, dubbing him \"Mrs. O'Toole.\" Unfortunately, kindly Policeman O'Halloran (Bud Jamison) strikes up a conversation with the \"Irish mother\", concludes", + "score": 0.68310546875 + }, + { + "id": "5652829", + "title": "Baby Geniuses", + "text": "series/movies follow the Baby Squad Investigators, or B.S.I., as they pursue Big Baby, his father Beauregard Burger (Andy Pandini), and the international thief Moriarty (Jon Voight). Two scientists, Dr. Elena Kinder (Kathleen Turner) and Dr. Heep (Christopher Lloyd), use genius-baby studies to fund BabyCo's theme park \"Joyworld\". According to Dr. Kinder's research on toddlers/babies, babies are born possessing vast, universal knowledge and speak a secret yet impossible-to-translate baby pre-language called \"Babytalk\". However, at age 2\u20133, the knowledge and language are lost as the babies \"cross over\" by learning how to speak human languages. Most of the babies raised in Dr.", + "score": 0.6826171875 + }, + { + "id": "14246410", + "title": "The Baby Show", + "text": "The Baby Show \"The Baby Show\" is the ninth episode of the first season of the American television comedy series \"30 Rock\". It was written by co-executive producer Jack Burditt and directed by Michael Engler. The episode originally aired on the National Broadcasting Company (NBC) in the United States on January 4, 2007. Guest stars in this episode include Katrina Bowden, Rachel Dratch, John Lutz, Bridget Moloney, Maulik Pancholy, Chris Parnell, Keith Powell, and Lonny Ross. In the episode, Cerie Xerox (Bowden) gets engaged so that she can be a \"young hot mom\", causing Liz Lemon (Tina Fey) to think", + "score": 0.6826171875 + }, + { + "id": "14116036", + "title": "The Baby (film)", + "text": "The Baby (film) The Baby is a 1973 American horror-thriller film, directed by Ted Post and written by Abe Polsky. The film stars Anjanette Comer, Ruth Roman, Marianna Hill, Suzanne Zenor, and David Manzy. It tells the story of a social worker who investigates an eccentric family which includes \"Baby\", a 21-year-old man who acts like an infant. The film is considered a cult classic. Ann Gentry is a social worker wracked with guilt about a severe car accident with serious repercussions for her husband. She gets assigned to a new case: the eccentric and mysterious Wadsworth family. She quickly", + "score": 0.68212890625 + }, + { + "id": "6291246", + "title": "Baby Richard case", + "text": "Baby Richard case The Baby Richard case was a highly publicized custody battle that took place over Danny Kirchner, a young child whose adoption was revoked when his biological father, Otakar Kirchner, won custody in a case that was decided in 1995 by the Illinois Supreme Court. The child became known as \"Baby Richard\" in widespread media coverage. The child was brought to his adoptive home four days after his March 16, 1991 birth by Jay and Kim Warburton of Schaumburg, Illinois, who pursued a private adoption with the consent of the child's biological mother, Daniela Janikova, who had been", + "score": 0.68212890625 + }, + { + "id": "5340653", + "title": "Jimmy Bennett", + "text": "guitar and sings on his official YouTube channel. He also wrote and performed the song \"Summer Never Ends\", which can be heard at the end of \"Shorts\". Bennett appeared in nearly 30 television advertisements, as well as in episodes of the television series \"The Guardian\" and \"Strong Medicine\", before being cast in the role of \"Tony\", the boy who wants to be The Flash, in the Eddie Murphy comedy \"Daddy Day Care\". He had smaller roles in the films \"\" and \"Arthur Hailey's Detective\", and also appeared in \"Judging Amy\", \"\" and \"Everwood\", and lent his voice to characters in", + "score": 0.68212890625 + }, + { + "id": "8800435", + "title": "Baby Bob", + "text": "Baby Bob Baby Bob is an American sitcom that premiered on CBS as a midseason replacement in March 2002, and aired two seasons through June 2003. The Baby Bob character had previously been on television since February 2000, appearing in commercials for FreeInternet.com. While actual infants played Bob, the effect to make him look like he was talking was achieved through computer editing. The series centered on first-time parents Walter Spencer (Adam Arkin) and his wife Lizzy (Joely Fisher), and their six-month-old baby Bob (voiced by Ken Hudson Campbell). After discovering that their son can talk like an adult, Walter", + "score": 0.68212890625 + }, + { + "id": "1924988", + "title": "Jonathan Ke Quan", + "text": "and emigrated to the United States. He became a child actor at age 12, starring as Harrison Ford's sidekick Short Round in \"Indiana Jones and the Temple of Doom\". After being cast, his family changed his name to Ke Huy, the name by which he is credited in the film. In 1985, he co-starred in \"The Goonies\" as a member of the eponymous group of children, the inventor Richard \"Data\" Wang. He played a pickpocket orphan in the 1986 Taiwanese movie \"It Takes a Thief.\" In 1987, he appeared in the Japanese movie \"Passengers\" (\"Passenj\u0101 Sugisarishi Hibi\") with the Japanese", + "score": 0.68212890625 + }, + { + "id": "3700463", + "title": "The Primitives", + "text": "the summer of 1984 by PJ Court (born Paul James Court) (vocals, guitar), Steve Dullaghan (born Stephen Anthony Dullaghan, ex-Nocturnal Babies) (bass), Peter Tweedie (drums) and Keiron McDermott, ex-Nocturnal Babies (vocals). Vocalist McDermott was later replaced by Tracy Tracy (born Tracy Louise Cattell). Tig Williams replaced Pete Tweedie on drums in October 1987. According to legend, which seems to be true, McDermott left the band claiming that he could not work with new manager Wayne Morris and so reformed the Nocturnal Babies.<4> Needing a singer for an upcoming gig, Paul went with a strategy which was most likely to succeed:", + "score": 0.68212890625 + }, + { + "id": "19238251", + "title": "Jungle Shuffle", + "text": "an incident where a statue being made for the Coati King ends up accidentally destroyed, the Coati King exiles Manu from his kingdom never to return much to the objection of Sacha. One year later, Manu (Drake Bell) has changed his ways and is still in love with Sacha (Alicia Silverstone). One day, Sacha is abducted by a group of poachers working for the mysterious Dr. Loco (Rob Schneider). Sacha's abduction causes Manu to team up with a spider monkey named Chuy (also Rob Schneider) to rescue her so that he can redeem himself to the Coati King. \"Jungle Shuffle\"", + "score": 0.681640625 + }, + { + "id": "11182900", + "title": "Laurie O'Brien", + "text": "Laurie O'Brien Laurie O'Brien (born February 16, 1951 in Colorado) is a professionally trained American actress who started her career in Los Angeles in 1982 with her role in \"\". She is best known for voicing Baby Piggy on the 1980s Saturday morning cartoon \"Jim Henson's Muppet Babies\" from 1984-1991 & the CTW animated series \"Cro\" as Ivana the mammoth. As an on-camera actress, O'Brien has guest starred on the soap opera \"Santa Barbara\" as a hooker as well as other numerous TV series including \"Trapper John, M.D.\", \"NYPD Blue\", \"Matlock\", \"Chicago Hope\", \"ER\", \"CSI\", \"CSI Miami\", \"7th Heaven\", \"Reasonable", + "score": 0.681640625 + }, + { + "id": "8813685", + "title": "Rock Me Baby (TV series)", + "text": "Rock Me Baby (TV series) Rock Me Baby is an American sitcom that aired on UPN from September 15, 2003 until May 25, 2004. Set in Denver, Colorado, \"Rock Me Baby\" stars actor and comedian Dan Cortese as Jimmy Cox, co-host of a popular Denver radio show with his best friend, Carl, played by Carl Anthony Payne II. Bianca Kajlich plays Beth Cox, Jimmy's wife, and the two have a baby named Otis. Tammy Townsend plays Beth's best friend, Pamela, who is obsessed with the glamorous life. \"Rock Me Baby\" is about a former exotic dancer, Beth, and a radio", + "score": 0.68115234375 + }, + { + "id": "10906882", + "title": "Candace Hutson", + "text": "in \"Reader Rabbit\" and appeared in the films \"Dolly Dearest\" (1992) and \"The Maddening\" (1995). Candace Hutson Candy Hutson (born May 3, 1980) is an American actress, voice actress and television presenter, best known as the voice of Cera the \"Triceratops\" in \"The Land Before Time\" film series from the first film to \"\" (in , she was the only voice actor to reprise her role in this movie from the original The Land Before Time). She portrayed 'Baby Stephanie' (actually, a young girl), daughter of the characters Stephanie Vanderkellen and Michael Harris, in the final episode of \"Newhart\". She", + "score": 0.68115234375 + }, + { + "id": "7287473", + "title": "Rob-B-Hood", + "text": "revisited in \"Rob-B-Hood\", including a fight in which he tried in vain to handcuff Chan's character. Over 100 auditions were held before the suitable baby was found to star in the film. Benny Chan chose Matthew Medvedev, a one-year-old infant of Chinese and Colombian descent. Medvedev, known as Baby Matthew, was literally recruited off the street when an assistant director spotted him with his parents on the MTR. Although his family was simply visiting Hong Kong, they agreed to stay and let Matthew appear in \"Rob-B-Hood\". \"Rob-B-Hood\" is the third Jackie Chan film directed by Benny Chan, following \"Who Am", + "score": 0.6806640625 + }, + { + "id": "18932599", + "title": "Baby Sandy", + "text": "Baby Sandy Baby Sandy, (14 January 1938-), real name Sandra Lea Henville, is a former American child film actress. Henville was born, prematurely, in hospital in Los Angeles, California. She performed in her first film at the age of 15 months. She was considered \"Universal Pictures' wonder baby\" and their answer to Shirley Temple. Her last film was before her fifth birthday, made for a second rank studio, Republic Pictures. She grew up and worked in the legal department of a local government. She married and divorced twice, and had two sons. Her film \"Bachelor Daddy\" is based on a", + "score": 0.6806640625 + }, + { + "id": "19017142", + "title": "Days of Our Lives characters (1990s)", + "text": "Johnson, and Kayla Brady. Hennig has portrayed the role from 2007 to 2011, even being nominated in 2010 for a Daytime Emmy in Outstanding Younger Actress. Despite only airing into April 2011, Hennig managed to receive another Daytime Emmy nomination for Outstanding Younger Actress in 2012. Joey Kiriakis was introduced in September 1990 and was portrayed by child actors Candace Mead and Benjamin Iorio until the character left the series in 1991. Joey is the biological twin son of Kiriakis family nanny, J.J. Bagwood (Patti Johns) and Stanley Krakowski (Dick Christie), who along with his brother was later adopted by", + "score": 0.6806640625 + }, + { + "id": "12859250", + "title": "Mighty Baby (film)", + "text": "Mighty Baby (film) Mighty Baby (\u7d55\u4e16\u597dB) is a 2002 Hong Kong comedy film directed by Chan Hing-Ka and Patrick Leung. A sequel to the 2001 film, \"La Brassiere\", the film stars returning cast members Lau Ching-wan, Louis Koo, Carina Lau and Gigi Leung alongside new cast members Cecilia Cheung and Rosamund Kwan In this sequel to the \"La Brassiere\", Lena (Gigi Leung), Johnny (Lau Ching-wan) and Wayne (Louis Koo) are tasked with developing the \"Mighty B\" line of baby products. Since the last successful development of the \"Mighty Bra\", Johnny is now head of the department, he hires a neurotic", + "score": 0.6806640625 + }, + { + "id": "6541903", + "title": "Baby (musical)", + "text": "staged at the Suncorp Theatre in Brisbane, for the Royal Queensland Theatre Company from February through March 1986. The cast included Patrick Phillips as Danny, Rhonda Burchmore as Pam and Geraldine Morrow as Arlene. \"Baby\" was staged at the Meralco Theatre in Manila from August 18 through September 5, 2004. The cast included Lea Salonga in the role of Lizzie Fields and David Shannon as Danny. A Brazilian production opened on May 15, 2011., starring Tadeu Aguiar, Sylvia Massari, Olavo Cavalheiro, Sabrina Korgut, Andr\u00e9 Dias and Amanda Acosta. Frank Rich, theatre critic for \"The New York Times\" wrote, \"At a", + "score": 0.68017578125 + }, + { + "id": "8592794", + "title": "Brandon Adams (actor)", + "text": "Brandon Adams (actor) Brandon Quintin Adams (born August 22, 1979) is an American actor, known for having played Jesse Hall in the first two \"Mighty Ducks\" movies and Kenny DeNunez in \"The Sandlot\". He also played in the 1989 film Polly as Jimmy Bean. Adams has also appeared in \"The Fresh Prince of Bel-Air\", \"Martin\", Michael Jackson's \"Moonwalker\" where he played Zeke in the \"Smooth Criminal\" segment and Young Michael in the \"Badder\" segment, a parody of Jackson's classic video for \"Bad\", and was the leading actor in Wes Craven's \"The People Under the Stairs\". He also provided the voice", + "score": 0.68017578125 + }, + { + "id": "4543017", + "title": "Mary Kay Place", + "text": "Mary Kay Place Mary Kay Place (born September 23, 1947) is an American actress, singer, director, and screenwriter. She is known for portraying Loretta Haggers on the television series \"Mary Hartman, Mary Hartman\", a role that won her the 1977 Primetime Emmy Award for Outstanding Supporting Actress - Comedy Series. Her numerous film appearances include \"Private Benjamin\" (1980), \"The Big Chill\" (1983), \"Captain Ron\" (1992) and Francis Ford Coppola's 1997 drama, \"The Rainmaker\". Place also recorded three studio albums for Columbia Records, one in the Haggers persona, which included the Top Ten country music hit \"Baby Boy.\" Place was born", + "score": 0.68017578125 + }, + { + "id": "4683735", + "title": "Dan Hedaya", + "text": "series \"The Book of Daniel\". Adding to his list of television credits is his performance as the long-lost father of Adrian Monk on \"Monk\". He also guest starred in 1997 and 2005 as a wisecracking lawyer on the medical drama \"ER\". In films, Hedaya has played the evil dictator Arius in 1985's \"Commando\" and Mel Horowitz, the father of Alicia Silverstone's Cher, in the 1995 film \"Clueless\". He played Julian Marty, a cuckolded husband who plots his wife's murder in the first Coen Brothers film, \"Blood Simple\". His physical similarity to Richard Nixon led to his being cast as the", + "score": 0.68017578125 + }, + { + "id": "15814595", + "title": "Strike Me Lucky", + "text": "The script was full of ridiculous situations which we all thought would suit Mo. I had then, and I'm afraid still have, a highly developed sense of the ridiculous. Maybe too highly developed because that brand of humour does not appeal to everyone, although it worked so well with George Wallace. Cast member 'Baby' Pamela Bevan was only five years old and was advertised as \"Australia's Shirley Temple\". The female ingenue part was played by 18-year-old actor from amateur theatre and an acting family, Lorraine Smith. Cinesound almost doubled the size of their studio to make the film, and also", + "score": 0.68017578125 + }, + { + "id": "7608650", + "title": "Baby Talk (TV series)", + "text": "Maggie's aunt. When \"Baby Talk\" returned in September 1991 for a full season order, drastic changes took place. In addition to Mary Page Keller now being in the role of Maggie, mother and son had moved, now residing in a trendy, uptown apartment in Manhattan. All other cast members, including George Clooney, were dropped from the show except for the Jessup twins. Polly Bergen joined the cast as Maggie's meddling mother Doris Campbell, who took great joy in co-raising Mickey while snooping around in her daughter's affairs. Scott Baio also signed on, sharing star billing with Keller, as James Halbrook,", + "score": 0.68017578125 + }, + { + "id": "19313324", + "title": "Nacho Galindo (actor)", + "text": "Nacho Galindo (actor) Nacho Galindo (November 7, 1908 \u2013 June 22, 1973) was a Mexican-American film and television actor who lived and worked in the Los Angeles area for most of his life. Between 1941 and 1970 he had small, often unbilled roles in 71 feature films and at least 60 TV episodes. His most prominent film role was that of the Cisco Kid's third-billed sidekick, \"Baby\", in 1946's \"The Gay Cavalier\", the first of poverty row Monogram's entries in the series, which starred Gilbert Roland as The Cisco Kid. Born Ignacio Galindo in Mexico's fourth-largest municipality, Guadalajara, he emigrated", + "score": 0.6796875 + }, + { + "id": "13441605", + "title": "Zara Carmichael", + "text": "in her hands. After Daniel tells her that he loves her, she reveals the results of the test, and both she and Daniel are overjoyed to discover that she is pregnant. Zara goes into premature labour at the Mill, with only Cherry Malone (Sophie Abelson) and Kevin Tyler (Simon Rivers) around to help her. Zara gives birth to a baby boy named Joe (Emily and Lewis Whitehouse). Daniel arrives shortly after and Zara, Daniel and their baby are taken to hospital. After much debate regarding the welfare of their new baby leaving the safety of the hospital, they finally return", + "score": 0.6796875 + }, + { + "id": "12595651", + "title": "Leanne Rowe", + "text": "Frances 'Baby' Houseman. In 2009 she appeared in the revival of Victoria Wood's \"Talent\" at the Menier Chocolate Factory, playing Julie. Leanne Rowe Leanne Rowe (born 1982) is an English actress and singer, known for portraying Nancy in \"Oliver Twist\", May Moss in \"Lilies\" and Baby in \"Dirty Dancing: The Classic Story on Stage\". Rowe is from Brentwood, Essex. She has two older sisters and a brother. Rowe left school at the age of 16 to train as a dancer, attending Laine Theatre Arts. She graduated at the age of 19 with honours in musical theatre. Rowe also studied Drama,", + "score": 0.6796875 + }, + { + "id": "5773602", + "title": "Donavan Freberg", + "text": "feature in \"The Onion\", and in 2006 was chosen for VH1's \"100 Greatest Teen Stars,\" ranking number 83. Freberg's voice-acting credits include \"Peanuts\"' Linus (1977\u20131978) and Charlie Brown (1978\u20131980) in commercials and public service announcements, Tom Little on \"The Littles\" (1983\u20131985), Montgomery Moose on \"The Get-Along Gang\", the video game \"\", and voiceovers for hundreds of radio and television commercials. He also performed the puppet character Baby Boolie on \"The Weird Al Show\". Freberg currently works as a portrait photographer in Los Angeles. His work has been featured in \"Forbes\", \"Los Angeles\" magazine and the Instagram book, \"This Is Happening\".", + "score": 0.67919921875 + }, + { + "id": "3779713", + "title": "Look Who's Talking Too", + "text": "movie picks up with the now married Mollie (Kristie Alley) and James (John Travolta) having sex and Mikey (voice of Bruce Willis) getting scared. Mollie and James tell Mikey that he's got to be potty trained. Mollie discovers she's pregnant again (this time a girl) and James is working diligently. Mikey learns that with his little sister, Julie, on the way, he has to be a responsible big brother. When Julie is about to be born, her umbilical cord gets caught around her neck, putting her in distress. She is born through a c-section and is taken to the nursery", + "score": 0.67919921875 + }, + { + "id": "5156771", + "title": "Robbie Rist", + "text": "Robbie Rist Robert Anthony \"Robbie\" Rist (born April 4, 1964) is an American actor, voice actor, singer, and musician. He is known for playing Cousin Oliver in \"The Brady Bunch\" and Martin in \"Grady\", and also for voicing assorted characters in television shows, games and movies, including Stuffy, the overly-proud stuffed dragon in \"Doc McStuffins\"; Whiz in \"Kidd Video\"; Star in \"Balto\"; Maroda in \"Final Fantasy X\"; Ch\u014dji Akimichi in \"Naruto\"; and Michelangelo in the 1990 film \"Teenage Mutant Ninja Turtles\". Additionally, he and director Anthony C. Ferrante provided music for the \"Sharknado\" film and the theme song for the", + "score": 0.67919921875 + }, + { + "id": "13377063", + "title": "A Good Baby", + "text": "A Good Baby A Good Baby is a 2000 drama film directed by Katherine Dieckmann, making her directorial debut. The film was produced by Lianne Halfon, Tom Carouso, Aileen Argentini and Derrick Tseng. The script was written by Dieckmann and Leon Rooke. The film stars Henry Thomas played Raymond Toker, a young loner. The other casts were David Strathairn, Cara Seymour, Danny Nelson, Jayne Morgan, Allison Glenn, Jerry Foster, Jerry Rushing, Emilie Jacobs and Hannah Grady. A young loner wandering the back roads of North Carolina comes across an abandoned baby. He immediately starts seeking the baby's parents, but starts", + "score": 0.67919921875 + }, + { + "id": "15183738", + "title": "Johnny Ross", + "text": "Johnny Ross Johnny Ross (May 28, 1942 \u2013 February 9, 2006) was an American multi-instrumentalist, singer-songwriter and founding member of Baby Huey & the Babysitters, who died in 2006 as a result of appendicitis. He also hosted his own cable television show. John W. Ross, Jr was born in Miller, Indiana, United States. Along with Melvyn \"Deacon\" Jones and James Ramey aka Baby Huey, Ross was a founding member of Baby Huey & the Babysitters. He stayed with the Babysitters for nearly a decade and during that time he wrote two of their songs, \"Monkey Man\" and \"Just Being Careful\".", + "score": 0.67919921875 + }, + { + "id": "6037580", + "title": "Joey Stivic", + "text": "Joey Stivic Joseph Michael \"Joey\" Stivic is a fictional character who first appeared on the 1970s American sitcom \"All in the Family\". Joey Stivic was the son and only child of Mike Stivic (played by Rob Reiner) and Gloria Stivic (played by Sally Struthers), and the grandson of Archie Bunker (Carroll O'Connor) and Edith Bunker (Jean Stapleton). The character first appeared as a newborn baby in a two-part episode of \"All in the Family\" that aired in December 1975. After many appearances on \"All in the Family\" until Reiner and Struthers left the series in 1978 (by that time, Joey", + "score": 0.6787109375 + } + ], + "answer": "Baby's Day Out is a 1994 American adventure comedy film directed by Patrick Read Johnson and written by John Hughes, who also produced the film. Adam Robert and Jacob Joseph Worton played the baby. Verne Troyer, an American actor, comedian, YouTuber and stunt performer, played the baby as a stunt double." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who originally sang still crazy after all these years?", + "short_answers": [ + "Paul Simon" + ], + "wikipage": null + }, + { + "context": "The title track has been recorded by Rosemary Clooney (on her 1993 album \"Still on the Road\"), Ray Charles (on his 1993 album \"My World\"), Karen Carpenter (on her self-titled solo album released posthumously in 1996), and Willie Nelson (on the soundtrack of the 2000 motion picture \"Space Cowboys\").", + "question": "Who sang still crazy after all these years in 2000?", + "short_answers": [ + "Willie Nelson" + ], + "wikipage": "Still Crazy After All These Years" + }, + { + "context": "The title track has been recorded by Rosemary Clooney (on her 1993 album \"Still on the Road\"), Ray Charles (on his 1993 album \"My World\"), Karen Carpenter (on her self-titled solo album released posthumously in 1996), and Willie Nelson (on the soundtrack of the 2000 motion picture \"Space Cowboys\").", + "question": "Who sang still crazy after all these years in 1996?", + "short_answers": [ + "Karen Carpenter" + ], + "wikipage": "Still Crazy After All These Years" + }, + { + "context": "The title track has been recorded by Rosemary Clooney (on her 1993 album \"Still on the Road\"), Ray Charles (on his 1993 album \"My World\"), Karen Carpenter (on her self-titled solo album released posthumously in 1996), and Willie Nelson (on the soundtrack of the 2000 motion picture \"Space Cowboys\").", + "question": "Who sang still crazy after all these years in 1993?", + "short_answers": [ + "Ray Charles" + ], + "wikipage": "Still Crazy After All These Years" + } + ], + "wikipages": [ + { + "title": "Still Crazy After All These Years (song)", + "url": "https://en.wikipedia.org/wiki/Still%20Crazy%20After%20All%20These%20Years%20%28song%29" + }, + { + "title": "Still Crazy After All These Years", + "url": "https://en.wikipedia.org/wiki/Still%20Crazy%20After%20All%20These%20Years" + }, + { + "title": "Willie Nelson singles discography", + "url": "https://en.wikipedia.org/wiki/Willie%20Nelson%20singles%20discography" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Still Crazy After All These Years is the fourth solo studio album by Paul Simon. Recorded and released in 1975, the album produced four U.S. Top 40 hits: \"50 Ways to Leave Your Lover\" (#1), \"Gone at Last\" (#23), \"My Little Town\" (#9, credited to Simon & Garfunkel), and the title track (#40).", + "wikipage": "Still Crazy After All These Years" + } + ], + "long_answer": "The 1975 song Still Crazy After All These Years is the fourth solo studio album by Paul Simon. Since 1975, the title track has been recorded by Rosemary Clooney (on her 1993 album \"Still on the Road\"), Ray Charles (on his 1993 album \"My World\"), Karen Carpenter (on her self-titled solo album released posthumously in 1996), and Willie Nelson (on the soundtrack of the 2000 motion picture \"Space Cowboys\")." + }, + { + "knowledge": [ + { + "content": "\"Still Crazy After All These Years\" is a song by the American singer-songwriter Paul Simon.", + "wikipage": "Still Crazy After All These Years (song)" + } + ], + "long_answer": "\"Still Crazy After All These Years\" is a song by the American singer-songwriter Paul Simon. The title track has been recorded by Rosemary Clooney (on her 1993 album Still on the Road), Ray Charles (on his 1993 album My World), Karen Carpenter (on her self-titled solo album released posthumously in 1996), and Willie Nelson (on the soundtrack of the 2000 motion picture Space Cowboys)." + } + ], + "sample_id": "-7582650876403615860", + "question": "Who sang still crazy after all these years?", + "docs": [ + { + "id": "18148269", + "title": "Still Crazy After All These Years (song)", + "text": "Night Live\". He first performed the song during the show's October 18, 1975 episode, during its first season, second season in a turkey costume shortly before Thanksgiving 1976, and again for the \"Saturday Night Live 40th Anniversary Special\" in 2015. Still Crazy After All These Years (song) \"Still Crazy After All These Years\" is a song by the American singer-songwriter Paul Simon. It was the third and final single from his fifth studio album of the same name (1975), released on Columbia Records. Though the song briefly reached the top 40 of the \"Billboard\" Hot 100 in the U.S., it", + "score": 0.87255859375, + "summary": "Paul Simon sang \"Still Crazy After All These Years\".", + "extraction": "Paul Simon sang \"Still Crazy After All These Years\"." + }, + { + "id": "18148264", + "title": "Still Crazy After All These Years (song)", + "text": "Still Crazy After All These Years (song) \"Still Crazy After All These Years\" is a song by the American singer-songwriter Paul Simon. It was the third and final single from his fifth studio album of the same name (1975), released on Columbia Records. Though the song briefly reached the top 40 of the \"Billboard\" Hot 100 in the U.S., it was a bigger hit on the magazine's Easy Listening chart, where it peaked at number four. \"Still Crazy After All These Years\" begins with the singer singing that \"I met my old lover on the street last night.\" The \"old", + "score": 0.8642578125, + "summary": "Paul Simon sang \"Still Crazy After All These Years.\"", + "extraction": "The American singer-songwriter Paul Simon sang \"Still Crazy After All These Years\"." + }, + { + "id": "18148268", + "title": "Still Crazy After All These Years (song)", + "text": "\"Still Crazy After All These Years\" to be the best song on the album. He praises the \"poignancy and openness\" of the first verse and Brecker's passionate sax solo, and the fact that the song demonstrates \"the fierceness of [Simon's] will.\" Simon performed an unfinished version of the song on the September 5, 1974 episode of \"The Dick Cavett Show\" during a discussion of his songwriting techniques. At that point he only had the first two verses finished and was unsure of how to proceed musically or lyrically. Simon has performed the song twice on the late-night comedy series \"Saturday", + "score": 0.841796875, + "summary": "The document mentions that Paul Simon sang \"Still Crazy After All These Years.\" He performed an unfinished version of the song on \"The Dick Cavett Show\" in 1974.", + "extraction": "Paul Simon sang \"Still Crazy After All These Years\"." + }, + { + "id": "18148265", + "title": "Still Crazy After All These Years (song)", + "text": "lover\" has been variously interpreted to be either Simon's ex-wife Peggy Harper, from whom he was recently divorced, his former girlfriend from the 1960s Kathy Chitty, or even Simon's former musical partner Art Garfunkel, who appears on the song that follows 'Still Crazy After All These Years\" on the album. After sharing a few beers, the singer and the old lover part ways again. The singer notes that he is \"not the kind of man who tends to socialize\" but rather leans \"on old familiar ways\" and is \"still crazy after all these years.\" The lyrics acknowledge a nostalgia for", + "score": 0.81787109375, + "summary": "The document discusses the song \"Still Crazy After All These Years\" and mentions that it was sung by Paul Simon, but does not provide a definitive answer to the question of interest.", + "extraction": "Art Garfunkel sang \"Still Crazy After All These Years\" on the album." + }, + { + "id": "5315075", + "title": "Still Crazy After All These Years", + "text": "1996), and Willie Nelson (on the soundtrack of the 2000 motion picture \"Space Cowboys\"). All tracks written by Paul Simon. Side one Side two Bonus tracks (2004 remaster) Still Crazy After All These Years Still Crazy After All These Years is the fourth solo studio album by Paul Simon. Recorded and released in 1975, the album produced four U.S. Top 40 hits: \"50 Ways to Leave Your Lover\" (#1), \"Gone at Last\" (#23), \"My Little Town\" (#9, credited to Simon & Garfunkel), and the title track (#40). It won two Grammy Awards for Album of the Year and Best Male", + "score": 0.80224609375, + "summary": "\"Still Crazy After All These Years\" was sung by Paul Simon in his fourth solo studio album, released in 1975.", + "extraction": "Paul Simon sang \"Still Crazy After All These Years\"." + }, + { + "id": "18148266", + "title": "Still Crazy After All These Years (song)", + "text": "the past, but also subtly suggest that once the sweet nostalgia is gone, it is replaced by loneliness and even bitterness. The song features the Muscle Shoals rhythm section: Barry Beckett (Fender Rhodes), David Hood (bass) and Roger Hawkins (drums). The saxophone, played by Michael Brecker, emphasizes the jazz character of the song. Music theorist Peter Kaminsky analyzed how the key progression of the introduction to \"Still Crazy After All These Years\" anticipates the key progressions throughout the album. The song has an AABA form, with the first, second and fourth verses sharing the same basic melody. The first and", + "score": 0.794921875, + "summary": "The song \"Still Crazy After All These Years\" features the Muscle Shoals rhythm section and saxophone played by Michael Brecker. Music theorist Peter Kaminsky analyzed the key progression of the introduction. No singer is mentioned, so the answer is irrelevant.", + "extraction": "\"Still Crazy After All These Years\" is a song, but the passage does not mention who sang it. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "5315073", + "title": "Still Crazy After All These Years", + "text": "Still Crazy After All These Years Still Crazy After All These Years is the fourth solo studio album by Paul Simon. Recorded and released in 1975, the album produced four U.S. Top 40 hits: \"50 Ways to Leave Your Lover\" (#1), \"Gone at Last\" (#23), \"My Little Town\" (#9, credited to Simon & Garfunkel), and the title track (#40). It won two Grammy Awards for Album of the Year and Best Male Pop Vocal Performance in 1976. In Simon's acceptance speech for the Album of the Year award, on February 28, he jokingly thanked Stevie Wonder, who had won the", + "score": 0.79443359375, + "summary": "Paul Simon sang \"Still Crazy After All These Years\" in his fourth solo studio album, released in 1975.", + "extraction": "Paul Simon sang \"Still Crazy After All These Years\"." + }, + { + "id": "6522031", + "title": "Jessy Dixon", + "text": "share the stage with him as lead vocalist on NBC-TV's \"Saturday Night Live\". Dixon found himself touring with Simon across the U.S., France, Canada, Scandinavia, Israel, and Japan. Dixon's affiliation with Simon lasted eight years, during which time he recorded two albums, \"\" (1974) and \"Still Crazy After All These Years\" (1975), both of which sold a million copies. Bill and Gloria Gaither invited him to sing at a Homecoming video taping. Dixon was a favorite on the series, and has traveled all over the United States and abroad surprising gospel audiences with his stirring performances of \"It's A Highway", + "score": 0.7548828125, + "summary": "Paul Simon sang \"Still Crazy After All These Years\".", + "extraction": "Paul Simon sang \"Still Crazy After All These Years\"." + }, + { + "id": "572522", + "title": "The Paul Simon Songbook", + "text": "\"Paul Simon: Still Crazy After All These Years\" (New York: Doubleday, 1989). . The Paul Simon Songbook The Paul Simon Songbook is the first solo studio album by Paul Simon. It was released in the UK in 1965 and was supposedly deleted in 1979 at Simon's request. It was made available in the U.S. as part of the LP box set \"Paul Simon: Collected Works\" (1981). The album was produced by Reginald Warburton and Stanley West as CBS Records LP 62579; remastered CD Columbia/Legacy 90281. \"The Paul Simon Songbook\" was recorded in London. Simon made several trips to England in", + "score": 0.74853515625, + "summary": "Paul Simon sang \"Still Crazy After All These Years.\"", + "extraction": "Irrelevant. The passage does not provide any information on who sang \"Still Crazy After All These Years\"." + }, + { + "id": "612467", + "title": "Paul Simon", + "text": "The song was included on their respective solo albums\u2014Paul Simon's \"Still Crazy After All These Years\" and Garfunkel's \"Breakaway\". Contrary to popular belief, the song is not autobiographical of Simon's early life in New York City. Simon also provided guitar on Garfunkel's 1973 album \"Angel Clare\", and added backing vocals to the song \"Down in the Willow Garden\". In 1981, they reunited again for the famous concert in Central Park, followed by a world tour and an aborted reunion album, to have been entitled \"Think Too Much\", which was eventually released (without Garfunkel) as \"Hearts and Bones\". Together, they were", + "score": 0.7373046875, + "summary": "Paul Simon sang \"Still Crazy After All These Years\" on his solo album.", + "extraction": "Paul Simon sang \"Still Crazy After All These Years\"." + }, + { + "id": "9001495", + "title": "Through the Years (Kenny Rogers song)", + "text": "special Rogers performed a version of the song with his two friends Lionel Richie and Dolly Parton which also included archive footage of him working with both on various projects through the years. The song looks back at a relationship \"Through The Years\" and mentions the ups and downs, but the singer proclaims to his loved one: \"I'm so glad I stayed right here with you / Through the years\". Through the Years (Kenny Rogers song) \"Through the Years\" is a song written by Steve Dorff and Marty Panzer, and recorded by American country music artist Kenny Rogers. It was", + "score": 0.734375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information on who sang \"Still Crazy After All These Years\"." + }, + { + "id": "612514", + "title": "Paul Simon", + "text": "Lover\" solo earlier in the show. On that episode, Simon opened the show performing \"Still Crazy After All These Years\" in a turkey outfit, since Thanksgiving was the following week. About halfway through the song, Simon tells the band to stop playing because of his embarrassment. After giving a frustrating speech to the audience, he leaves the stage, backed by applause. Lorne Michaels greets him positively backstage, but Simon is still upset, yelling at him because of the humiliating turkey outfit. This is one of \"SNL\"s most played sketches. Simon closed the 40th anniversary SNL show on February 15, 2015,", + "score": 0.734375, + "summary": "Paul Simon sang \"Still Crazy After All These Years\" on an episode of SNL while dressed in a turkey outfit, but became embarrassed and stopped the performance. He closed the 40th anniversary SNL show in 2015.", + "extraction": "Paul Simon sang \"Still Crazy After All These Years\"." + }, + { + "id": "612472", + "title": "Paul Simon", + "text": "Highly anticipated, \"Still Crazy After All These Years\" was his next album. Released in October 1975 and produced by Simon and Phil Ramone, it marked another departure. The mood of the album was darker, as he wrote and recorded it in the wake of his divorce. Preceded by the feel-good duet with Phoebe Snow, \"Gone at Last\" (a Top 25 hit) and the Simon & Garfunkel reunion track \"My Little Town\" (a No. 9 on Billboard), the album was his only No. 1 on the Billboard charts to date. The 18th Grammy Awards named it the Album of the Year", + "score": 0.732421875, + "summary": "Paul Simon sang \"Still Crazy After All These Years,\" which was released in October 1975 as part of his album of the same name.", + "extraction": "Paul Simon sang \"Still Crazy After All These Years\"." + }, + { + "id": "4162281", + "title": "Crazy (Willie Nelson song)", + "text": "in 1984 and shouldn't be confused with this one)\". In 2007, the song was covered by English alternative band Apartment. Willie Nelson himself has also recorded several versions of the song over the years including a trio version with Elvis Costello and Diana Krall. Additionally, it was covered by the Kidneythieves and co-released on the \"Bride of Chucky\" soundtrack. In 1980 \"Crazy\" was part of the soundtrack for the Loretta Lynn biography \"Coal Miner's Daughter\" and was sung by Beverly D'Angelo who was portraying Patsy Cline. Norah Jones recorded live in Chicago, House of Blues, April 16, 2002. Canadian country", + "score": 0.73193359375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about who sang \"Still Crazy After All These Years\"." + }, + { + "id": "1376536", + "title": "Still Cyco After All These Years", + "text": "Still Cyco After All These Years Still Cyco After All These Years is the seventh album by American crossover thrash band Suicidal Tendencies, released in 1993. The album is composed of re-recordings of all 12 songs from the band's 1983 debut album, \"Suicidal Tendencies\", re-recordings of \"War Inside My Head\" and \"A Little Each Day\" from the band's second album, \"Join the Army\", and \"Don't Give Me Your Nothin'\" which was previously released as a b-side to \"Send Me Your Money\". Despite containing re-recordings of previously released material, \"Still Cyco After All These Years\" has been classified as a studio", + "score": 0.73046875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about the person or band who sang the song \"Still Crazy After All These Years\"." + }, + { + "id": "12359054", + "title": "Richard Marx", + "text": "Rogers recorded it, along with another of Marx\u2019s songs, \"What About Me?\" This also featured James Ingram and Kim Carnes. The trio recording hit #1 Adult Contemporary and #15 on the \"Billboard\" Hot 100 (while just scraping onto the Country and R&B charts) in late 1984 while \"Crazy\" hit #1 Country and #5 AC the following year. Soon after, Marx began working with producer David Foster and writing songs for the group Chicago and R&B singer Freddie Jackson. While working as a songwriter and doing background vocals, Marx continued to pursue his own record deal. His demo tape was rejected", + "score": 0.73046875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "12933994", + "title": "My Little Town", + "text": "My Little Town \"My Little Town\" is a 1975 song by the American duo Simon & Garfunkel. It was written by Paul Simon, who produced the track along with Art Garfunkel and Phil Ramone. Although the song would not appear on any of the duo's albums until subsequent compilation albums, it was included on both the solo releases for Simon (\"Still Crazy After All These Years\") and Garfunkel (\"Breakaway\") in 1975. It was the first single release credited to the duo since the 1972 release of \"America\", released in conjunction with \"Simon and Garfunkel's Greatest Hits.\". In 1970 Simon and", + "score": 0.7255859375, + "summary": "Paul Simon sang \"Still Crazy After All These Years\" in 1975, but \"My Little Town\" is the focus of the document.", + "extraction": "Paul Simon sang \"Still Crazy After All These Years\"." + }, + { + "id": "12311193", + "title": "All These Years", + "text": "All These Years \"All These Years\" is a song written by Mac McAnally, originally recorded on his 1992 album \"Live and Learn\". It was later recorded by American country music group Sawyer Brown. It was released in November 1992 as the second single from their album \"Cafe on the Corner\". Their version peaked at 3 on the \"Billboard\" Hot Country Singles & Tracks (now Hot Country Songs) chart, in addition to being a minor AC hit, peaking at 42 on the Hot Adult Contemporary Tracks chart. The song opens with the story with an apparently serially unfaithful wife (\"She likes", + "score": 0.724609375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention who sang \"Still Crazy After All These Years\"." + }, + { + "id": "4162272", + "title": "Crazy (Willie Nelson song)", + "text": "Crazy (Willie Nelson song) \"Crazy\" is a ballad composed by Willie Nelson. It has been recorded by several artists, most notably by Patsy Cline, whose version was a No. 2 country hit in 1962. Partly due to the genre-blending nature of the song, it has been covered by dozens of artists in several genres over the years; nevertheless, the song remains inextricably linked with Cline. Nelson's own version appears on his 1962 debut album \"...And Then I Wrote\". With some help from a friend named Oliver English, Nelson wrote the song in early 1961; at the time he was a", + "score": 0.724609375, + "summary": "Patsy Cline recorded \"Crazy\" in 1962, which was a No. 2 country hit. Willie Nelson composed the ballad and recorded his own version in 1962. However, the document does not provide information on who sang \"Still Crazy After All These Years.\"", + "extraction": "Patsy Cline sang \"Crazy\", but the passage does not provide information about who sang \"Still Crazy After All These Years\". Therefore, the answer is \"irrelevant\"." + }, + { + "id": "19629562", + "title": "Crazy (The Manhattans song)", + "text": "of \"Crazy\". The first was 7\" single, where \"Crazy\" was only 3:55 in length and containing the song \"Love Is Gonna Find You\" on B-side. The second was 12\" single, containing the instrumental version of \"Crazy\" on B-side. \"Crazy\" was followed later in 1983 by a second single, the title track \"Forever by Your Side\", which was successful in Brazil in 1985. \"Crazy\" has an official music video, recorded by The Manhattans in 1983. The video shows New York City and its buildings at night, with lots of lights on illuminating the city. The Manhattans sing \"Crazy\" in a club,", + "score": 0.72412109375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "12578344", + "title": "Anne Cochran", + "text": "knows me well enough that if I go off on a (piano) tangent, there\u2019s a reason for it.\u201d In 1998 Brickman released the album \"Visions of Love,\" which featured Cochran as the vocalist on the single \"After All These Years\". The single, released by Windham Hill, proved to be Cochran's break into the mainstream when it became a top five hit on the radio. Cochran became a regular fixture as touring lead vocalist with Brickman as well, and performed with him in such venues as Severance Hall and Carnegie Hall. She sang \"After All these Years\" to accompany Olympic Medalist", + "score": 0.7236328125 + }, + { + "id": "12311196", + "title": "All These Years", + "text": "how much I stand to lose; All these years,\" attributed to neither the husband nor wife, indicates that both have seen what they have to lose, but are confused at the way forward. Larry Flick, of \"Billboard\" magazine reviewed the song favorably, calling it \"a downer, but effectively presented for a dreary breakup number.\" He goes on to says that the positive is that listeners feel like there was a \"meeting of the minds\". Mac McAnally recorded it on his 1993 album \"Live and Learn\". McAnally's version was the b-side to the album's first single, which was its title track.", + "score": 0.72216796875 + }, + { + "id": "12934001", + "title": "My Little Town", + "text": "solo performers as well, Garfunkel four times and Simon twice. My Little Town \"My Little Town\" is a 1975 song by the American duo Simon & Garfunkel. It was written by Paul Simon, who produced the track along with Art Garfunkel and Phil Ramone. Although the song would not appear on any of the duo's albums until subsequent compilation albums, it was included on both the solo releases for Simon (\"Still Crazy After All These Years\") and Garfunkel (\"Breakaway\") in 1975. It was the first single release credited to the duo since the 1972 release of \"America\", released in conjunction", + "score": 0.7216796875 + }, + { + "id": "5764529", + "title": "Still Crazy", + "text": "1977 Wisbech Rock Festival. Hughie Case tells how, due to the pursuit of \"fame, fortune and fornication\" \u2013 and the drug overdose of their original singer, Keith Lovell \u2013 this is their last performance. After various issues, the band prematurely ends their performance, frustrated over competing egos and various members' lack of self-control. Twenty years later, a stranger who turns out to be the son of the founder of The Wisbech Rock Festival recognises keyboardist Tony Costello and convinces him to reunite the band for a special anniversary of the event. Tony quickly tracks down Karen Knowles, the band's original", + "score": 0.7197265625 + }, + { + "id": "4924767", + "title": "Rodney Crowell", + "text": "not chart. Although best known as a songwriter and alternative country artist, Crowell enjoyed mainstream popularity during the late 1980s and early 1990s. His critically acclaimed album 1988's \"Diamonds & Dirt\" produced five consecutive No. 1 singles during a 17-month span in 1988 and 1989: \"It's Such a Small World\" (a duet with Cash), \"I Couldn't Leave You If I Tried,\" \"She's Crazy For Leavin',\" \"After All This Time\" and \"Above and Beyond\" (a cover of Buck Owens' 1962 hit). Crowell's \"After All This Time\" won the 1990 Grammy Award for Best Country Song. His follow-up album, 1989's \"Keys to", + "score": 0.71923828125 + }, + { + "id": "17172140", + "title": "Marco Sison", + "text": "released \"Best of Marco Sison\". The album consists entirely of romantic, easy-listening music, a style of music quite popular in the Philippines. In 1992, Sison released \"After All These Years\". In 1999, Sison released \"Memories\", his first album for local independent record company, Viva Music Group. One of the international hits covered by Sison in the said album is \"Crazy\". The album also includes \"Someone That I Used To Love\" and \"Kung Maibabalik Ko Lang\". \"May Iba Ka Na Ba?\" is the first single lifted from Sison's comeback album, \"Hindi Ko Akalain\", released by Star Records. The songs in the", + "score": 0.7177734375 + }, + { + "id": "12311197", + "title": "All These Years", + "text": "\"All These Years\" debuted at number 72 on the US \"Billboard\" Hot Country Singles & Tracks for the week of November 28, 1992. All These Years \"All These Years\" is a song written by Mac McAnally, originally recorded on his 1992 album \"Live and Learn\". It was later recorded by American country music group Sawyer Brown. It was released in November 1992 as the second single from their album \"Cafe on the Corner\". Their version peaked at 3 on the \"Billboard\" Hot Country Singles & Tracks (now Hot Country Songs) chart, in addition to being a minor AC hit, peaking", + "score": 0.71484375 + }, + { + "id": "7471179", + "title": "Crazy (Seal song)", + "text": "Crazy (Seal song) \"Crazy\" is a song written by English singer Seal and Guy Sigsworth. The song was produced by Trevor Horn for Seal's debut album \"Seal\" (1991). Released as his official debut single, \"Crazy\" became one of Seal's biggest hits, reaching the top five in the United Kingdom while becoming his first top ten single in the United States. It has since been covered by several artists, including Alanis Morissette, whose version was released as a single from her album \"The Collection\" (2005). Seal wrote \"Crazy\" in 1990 inspired by the fall of the Berlin Wall and the Tiananmen", + "score": 0.71435546875 + }, + { + "id": "1376538", + "title": "Still Cyco After All These Years", + "text": "was the only original band-member featured on the record). With the exception of Muir, the lineup that recorded \"Still Cyco\" is completely different from the lineup that recorded the original album, therefore making for an obvious difference in sound than the original. The band members on \"Still Cyco\" were generally considered more technically proficient than the original band, making for a tighter sound overall. Muir's voice has also changed, as he at this point has a more pure style of singing as opposed to the screaming/ranting style of the original album. Many fans liked this version of the album but", + "score": 0.7138671875 + }, + { + "id": "14273627", + "title": "After All These Years (Mickey Newbury album)", + "text": "After All These Years (Mickey Newbury album) After All These Years is the 1981 album by singer-songwriter Mickey Newbury. Considered the concluding album of his remarkable 1970s run, it was the last album he would record for seven years. The album is very different in tone from its predecessor and revives Newbury's talent for song suites with \"The Sailor/Song of Sorrow/Let's Say Goodbye One More Time\". Other highlights on the album include \"That Was The Way It Was Then\" and \"Over the Mountain\". \"After All These Years\" was collected for CD issue on the eight-disc Mickey Newbury Collection from Mountain", + "score": 0.7138671875 + }, + { + "id": "4771008", + "title": "Mickey Newbury", + "text": "having it, and therefore the public never got the chance to make up its mind.\" In 1980, Newbury was inducted into the Songwriters Hall of Fame, the youngest person to receive the honor at the time. Newbury signed with PolyGram-Mercury and recorded \"After All These Years\" in 1981. After that, the singer dropped out of sight, not recording again until 1988. He was not completely inactive during this period, appearing on the \"Bobby Bare and Friends\" television show in 1983 and participating on the Canadian program \"In Session\" with friend Larry Gatlin the same year. He also toured Australia in", + "score": 0.7138671875 + }, + { + "id": "15020559", + "title": "Crazy in Love (Kim Carnes song)", + "text": "Crazy in Love (Kim Carnes song) \"Crazy in Love\" is a song by songwriters Even Stevens and Randy McCormick; it was first recorded by Joe Cocker on his 1984 album \"Civilized Man\". The best-known version may be the 1988 single by American pop music artist Kim Carnes. The second single from her album \"View from the House\", it peaked at number 13 on the \"Billboard\" Hot Adult Contemporary Tracks chart and number 68 on the \"Billboard\" Hot Country Singles & Tracks chart. The song was covered by American country music artist Conway Twitty on his 1990 album \"Crazy in Love\".", + "score": 0.71240234375 + }, + { + "id": "6329778", + "title": "Kate Havnevik", + "text": "on the tracks \"Only This Moment\" and \"Circuit Breaker\" by R\u00f6yksopp, both featured on the album \"The Understanding\". Havnevik also contributes vocals to R\u00f6yksopp's live EP, \"R\u00f6yksopp's Night Out\". She co-wrote and provided vocals on the track \"Crazy\", featured on mono band's 2005 self-titled LP, a solo project of former Cranberries guitarist Noel Hogan. Working extensively with Guy Sigsworth, she also provided backing vocals, (as a favor), to a Britney Spears track he produced, which was released in late 2005, entitled \"Someday (I Will Understand).\" On December 5, 2006 she made her first ever UK broadcast media appearance, on Janice", + "score": 0.7119140625 + }, + { + "id": "9490130", + "title": "View from the House", + "text": "\"Crazy in Love\", first recorded by Joe Cocker in 1984, reached number 68 on the \"Billboard\" Hot Country Songs chart, and reached number 13 on the \"Billboard\" Adult Contemporary chart. The third single, \"Just to Spend Tonight with You\", was released in the United Kingdom, though did not chart. The fourth single, \"Fantastic Fire of Love\", was released in 1989. View from the House View from the House is the eleventh studio album by American singer-songwriter Kim Carnes. It was released on 25 July 1988 by MCA Records. The album marked a return to her early country music roots. Carnes", + "score": 0.71142578125 + }, + { + "id": "19455513", + "title": "Forever by Your Side (album)", + "text": "bonus tracks include the single version of \"Crazy\", \"Just The Lonely Talking Again\" and \"Love Is Gonna Find You\", with shorter durations than the original songs on the album. There is also the instrumental version of great success \"Crazy\", without the voices of The Manhattans. The final track number 13, \"Lovin' You Did not Come Easy\", was also recorded by The Manhattans, but, curiously, was never released in any album of the group. The song was released in 2014 remastered as a previously unreleased song, over thirty years after it was recorded. 01. \"Crazy\" (4:52) 02. \"Start All Over Again\"", + "score": 0.71142578125 + }, + { + "id": "10710210", + "title": "That Crazy Feeling", + "text": "That Crazy Feeling That Crazy Feeling is a song written by Ray Doggett and recorded by American country music artist Kenny Rogers (then known as Kenneth Rogers). It was released in 1957 as his debut single as a solo act, first by Kix Records and then picked up in 1958 by Carlton Records. The song was a major seller in Houston, Texas, Rogers home town, where he was established among the general public as a member of the doo-wop outfit The Scholars, who had just broken up after several releases. \u201cThat Crazy Feeling\u201d was issued with \u201cWe\u2019ll Always Have Each", + "score": 0.70947265625 + }, + { + "id": "4162280", + "title": "Crazy (Willie Nelson song)", + "text": "Laura Bush, who said it was one of her favorite songs. Europe Single Notable versions include those recorded by Linda Ronstadt who reached #6 on Billboard's Country chart with her version in 1977, Julio Iglesias (hit in the Netherlands, UK and New Zealand), Kenny Rogers (Kenny Rogers version is a completely different song he wrote himself), The Kills, Dottie West, Kidneythieves, LeAnn Rimes, Shirley Bassey, Guy Lombardo, Chaka Khan, Don McLean (Don McClean's is also a completely different song titled, \"Crazy Eyes\") and The Waifs. \"(Rogers also wrote and recorded another song with the title \"Crazy\", which topped the charts", + "score": 0.708984375 + }, + { + "id": "14273630", + "title": "After All These Years (Mickey Newbury album)", + "text": "night staring at a clock, we find the spectrum of human regret and grief. These songs -- most of them country songs although there is a strangely wonderful country-rock ballad called 'Truly Blue' -- reveal for the first time Newbury's sense that he may have wasted his career.\" \"All tracks by Mickey Newbury except where noted\" After All These Years (Mickey Newbury album) After All These Years is the 1981 album by singer-songwriter Mickey Newbury. Considered the concluding album of his remarkable 1970s run, it was the last album he would record for seven years. The album is very different", + "score": 0.70849609375 + }, + { + "id": "7376426", + "title": "Crazy (Gnarls Barkley song)", + "text": "became best-selling single of 2006 in the UK. Due to continued download sales, it reached 1 million copies in January 2011. In December 2006, it was nominated for the United Kingdom's Record of the Year but lost to Patience by Take That. The song won a Grammy Award for Best Urban/Alternative Performance in 2007, and was also nominated for Record of the Year, which it lost to \"Not Ready To Make Nice\" by Dixie Chicks. It was also nominated and further won a 2006 MTV Europe Music Award for Best Song. The song was also named the best song of", + "score": 0.70556640625 + }, + { + "id": "9143639", + "title": "Gnarls Barkley", + "text": "UK Singles Chart for nine weeks. Gnarls Barkley announced that as the record had spent its ninth week at number one, it was to be deleted as a vinyl/CD listing from May 28, 2006, so people will \"remember the song fondly and not get sick of it\". \"Crazy\" is also the longest number-one on the UK Official Download Chart with its stay lasting eleven consecutive weeks. In late 2009 the song was voted as the best song of the decade by Rolling Stone magazine. The group released their debut album, \"St. Elsewhere\", on April 24, 2006, in the United Kingdom", + "score": 0.70458984375 + }, + { + "id": "14253624", + "title": "Crazy (Icehouse song)", + "text": "Crazy (Icehouse song) \"Crazy\" is a 1987 single by the Australian rock/synthpop band Icehouse, from the \"Man of Colours\" album, the single peaked at Number 4 on the ARIA charts. The song was written by band members Iva Davies, Robert Kretschmer and Andy Qunta. and produced by David Lord Two versions of the music video exist, an Australian version, and a version for US markets. The Australian version features Davies wandering through the unused Pyrmont Power Station in Sydney while various events occur around him, such as explosions, a car crashing and various people wandering through the scene. It was", + "score": 0.7041015625 + }, + { + "id": "19629561", + "title": "Crazy (The Manhattans song)", + "text": "Crazy (The Manhattans song) \"Crazy\" is a song written and produced by the Americans songwriters and music producers John V. Anderson, Steve Williams and Steve Horton. The song was recorded in 1983 by popular American R&B vocal group The Manhattans and released the same year on the album \"Forever by Your Side\" by Columbia Records. \"Crazy\" was released as a single in June 1983, reaching No. 4 on the R&B chart, and No. 72 on the Billboard Hot 100. Besides the United States, \"Crazy\" peaked at No. 63 on the UK Singles chart. Two formats were released for the single", + "score": 0.7041015625 + }, + { + "id": "11769917", + "title": "I'll Go Crazy (James Brown song)", + "text": "The Famous Flames to chart. \"I'll Go Crazy\" has inspired cover versions by many different artists, including The Rolling Stones, The Kingsmen, the Blues Magoos, The Residents, The Moody Blues, The Buckinghams, Chris Isaak, Jerry Garcia and David Grisman, Buddy Guy, The Nighthawks, Tommy Quickly, Graham Bonnet, The Honeycombs live in Tokyo, and Clarence Clemons. Tommy James and the Shondells released a cover version of the song on their debut album, \"Hanky Panky\". It was performed by Dan Aykroyd in the actor's tribute to Brown on his induction at the 2003 Kennedy Center Honors. This song was used on the", + "score": 0.70361328125 + }, + { + "id": "19629564", + "title": "Crazy (The Manhattans song)", + "text": "a single. Crazy (The Manhattans song) \"Crazy\" is a song written and produced by the Americans songwriters and music producers John V. Anderson, Steve Williams and Steve Horton. The song was recorded in 1983 by popular American R&B vocal group The Manhattans and released the same year on the album \"Forever by Your Side\" by Columbia Records. \"Crazy\" was released as a single in June 1983, reaching No. 4 on the R&B chart, and No. 72 on the Billboard Hot 100. Besides the United States, \"Crazy\" peaked at No. 63 on the UK Singles chart. Two formats were released for", + "score": 0.70263671875 + }, + { + "id": "18728404", + "title": "The Ultimate Collection (Paul Simon album)", + "text": "it does his solo work. Ranging from the duo's early-'60s breakthrough folk hit \"The Sound of Silence\" to Simon's 1990 percussive, Latin-flavored single \"The Obvious Child,\" this set is focused largely on the more titanic tracks of his career. Displaying his range equally as a singer (\"Still Crazy After All These Years\") and a songwriter (the Art Garfunkel-led masterpiece \"Bridge Over Troubled Water\"), it's difficult to choose highlights, as almost all of these songs are career highlights and many are widely recognized as iconic classics of pop music. While it would be nice to see some representation of Simon's excellent", + "score": 0.70263671875 + }, + { + "id": "14142628", + "title": "I've Always Been Crazy (song)", + "text": "earlier fade. However, most radio stations that play \"I've Always Been Crazy\" as an oldie play the full album version. I've Always Been Crazy (song) \"I've Always Been Crazy\" is a song written and recorded by American country artist Waylon Jennings. It was released in June 1978 as the first single and title track from the album \"I've Always Been Crazy\". The song became his sixth number one on the country chart as a solo artist. The single stayed at number one for three weeks and spent a total of thirteen weeks on the chart. The single version, released for", + "score": 0.70263671875 + }, + { + "id": "1376539", + "title": "Still Cyco After All These Years", + "text": "thought it was less \"genuine\", as many of the songs on the album relied on youthful angst better exemplified by the younger band that Suicidal was in 1983 as opposed to 1993. Singles for \"Still Cyco After All These Years\" were released for \"Institutionalized\" and \"I Saw Your Mommy\". Music videos were made for \"Institutionalized\" and \"War Inside My Head\" (previously available on the 1990 VHS \"Lights...Camera...Suicidal\"). All songs by Mike Muir unless otherwise noted. [*]Herrera was present for the album's recording but had left the band by the time of its release. Billboard (North America) Still Cyco After All", + "score": 0.70263671875 + }, + { + "id": "4162279", + "title": "Crazy (Willie Nelson song)", + "text": "to Pieces' and I was in a car wreck. Now I'm really worried because I have a new hit single out and it's called 'Crazy'. Willie Nelson stated on the 1993 documentary \"Remembering Patsy\" that Cline's version of \"Crazy\" was his favorite song of his that anybody had ever recorded because it \"was a lot of magic\". Country singer LeAnn Rimes recorded \"Crazy\" for her self-titled cover album, released in 1999. It was released as the second and final single from the album. She also performed this song at the White House for President George W. Bush and particularly for", + "score": 0.70263671875 + }, + { + "id": "12968984", + "title": "Last Chance for a Thousand Years: Dwight Yoakam's Greatest Hits from the 90's", + "text": "Last Chance for a Thousand Years: Dwight Yoakam's Greatest Hits from the 90's Last Chance for a Thousand Years: Dwight Yoakam's Greatest Hits from the 90's is the second greatest hits compilation album released by American country music singer Dwight Yoakam. It includes 11 of his hit singles from the 1990s, as well as three new recordings. These new songs are a cover of rock band Queen's \"Crazy Little Thing Called Love\", as well as an adapted rendition of Rodney Crowell's \"Thinking About Leaving\" and \"I'll Go Back to Her\", originally by Waylon Jennings. The first two were both released", + "score": 0.70263671875 + }, + { + "id": "4162284", + "title": "Crazy (Willie Nelson song)", + "text": "Go.\" Canadian singer recorded a version of \"Crazy\" on the album \"Patsy Cline\", on which all songs are from the well-known country musician. Influential 90s Emo band, Mineral, recorded a version in 1996 for the Band Crazy Vol. 1 compilation from Bzar records. The cover also appeared as a bonus track on the band's 2014 release, Mineral 1994-1998 The Complete Collection, on the second disc for the remastered re-release of &Serenading, the band's second full-length album. Italian-French singer and former French First Lady Carla Bruni released a cover version on her 2017 album French Touch, featuring Willie Nelson. Crazy (Willie", + "score": 0.70166015625 + }, + { + "id": "16340474", + "title": "The Concert in Central Park", + "text": "Simon & Garfunkel classic \"Bridge Over Troubled Water\" and \"April Come She Will\", and \"A Heart in New York\", a song written by Gallagher and Lyle that appeared on his album \"Scissors Cut\", which had been released the previous month. Simon's solo performances were the title song of his 1975 album \"Still Crazy After All These Years\", the number-one single \"50 Ways to Leave Your Lover\", and the unreleased \"The Late Great Johnny Ace\", which would appear on his 1983 album \"Hearts and Bones\". \"The Late Great Johnny Ace\" was interrupted when an audience member ran to the stage and", + "score": 0.70166015625 + }, + { + "id": "9001493", + "title": "Through the Years (Kenny Rogers song)", + "text": "Through the Years (Kenny Rogers song) \"Through the Years\" is a song written by Steve Dorff and Marty Panzer, and recorded by American country music artist Kenny Rogers. It was released in December 1981 as the fourth single from the album \"Share Your Love\". \"Through the Years\" reached number 13 on the \"Billboard\" Hot 100 chart in early 1982, remaining in the Top 40 for eleven weeks and went to number one on the adult contemporary chart, becoming Rogers' fifth single to top this chart. The song peaked at number five on the country chart. Rogers credited \"Through the Years\"", + "score": 0.701171875 + }, + { + "id": "10260255", + "title": "Through the Years (Jethro Tull album)", + "text": "Through the Years (Jethro Tull album) Through the Years is a compilation album by the progressive rock band Jethro Tull. It is something of a retrospective; with songs from many different periods in the band's history. It is not a greatest hits album; as it has many songs not on such albums (Such as \"Quizz Kid\", \"Still Loving You Tonight\" and \"Beastie\".) It has material spanning all over the band's existence, from their first album to \"Roots to Branches\". The liner notes contain a short history of Jethro Tull, starting humorously with the question \"Didn't Jethro Tull die of a", + "score": 0.701171875 + }, + { + "id": "5628767", + "title": "Crazy for You (Madonna song)", + "text": "played again, but to signify Jenna Rink's life staying on the \"good path\" 17 years later, and a bigger, modern rock/string orchestration by the film's composer Theodore Shapiro is added. Kelly Clarkson covered the song during her 2012 Stronger Tour per fan request in Bossier City, Louisiana. \"Crazy for You\" was also featured in the 2016 web film \"The Do-Over\" with vocals by Adam Sandler and David Spade. Credits adapted from the soundtrack's liner notes. !scope=\"col\" colspan=\"3\"| Digital Crazy for You (Madonna song) \"Crazy for You\" is a song by American singer Madonna, written by John Bettis and Jon Lind,", + "score": 0.701171875 + }, + { + "id": "5492269", + "title": "Paul Davis (singer)", + "text": "Paul Davis (singer) Paul Lavon Davis (April 21, 1948 \u2013 April 22, 2008) was an American singer and songwriter, best known for his radio hits and solo career which started worldwide in 1970. His career encompassed soul, country, and pop. His most successful songs are 1977's \"I Go Crazy\", a #7 pop hit which once held the record for the longest chart run on the \"Billboard\" Hot 100, and 1982's \"'65 Love Affair\", which at #6 is his highest-charting single. In the mid-1980s, he also had two country #1 hits as a guest vocalist on songs by Marie Osmond and", + "score": 0.701171875 + }, + { + "id": "3923183", + "title": "Business as Usual (Men at Work album)", + "text": "the Australian Kent Music Report Albums Chart in December peaking at No. 1 for nine weeks and appearing in the top 50 for 118 weeks. The track \"Crazy\", released as a non-album B-side, is the only Men at Work recording to have Hay, Ham, and Strykert all performing lead vocals. Ham sings lead on the first halves of the verses, Hay on the second halves of the verses and the bridge, and Strykert on the choruses. Another non-album B-side, the jam-oriented instrumental \"Anyone for Tennis\", was omitted from the 2003 remaster of \"Business as Usual\" (which contained both the other", + "score": 0.701171875 + }, + { + "id": "1306201", + "title": "Ray Charles", + "text": "the New Jersey Lottery to promote its campaign \"For every dream, there's a jackpot\". In 2003, he headlined the White House Correspondents Dinner in Washington, D.C., attended by President George W. Bush, Laura Bush, Colin Powell and Condoleezza Rice. Also in 2003, Charles presented Van Morrison with Morrison's award upon being inducted in the Songwriters Hall of Fame, and the two sang Morrison's song \"Crazy Love\" (the performance appears on Morrison's 2007 album \"The Best of Van Morrison Volume 3\"). In 2003, Charles performed \"Georgia on My Mind\" and \"America the Beautiful\" at a televised annual banquet of electronic media", + "score": 0.7001953125 + }, + { + "id": "7376434", + "title": "Crazy (Gnarls Barkley song)", + "text": "and their record label on May 29, 2006, after nine consecutive weeks at number one, so people will \"remember the song fondly and not get sick of it.\" The last song to spend such a long time at number one in the UK was \"Love Is All Around\" by Wet Wet Wet in 1994, which was number one for 15 weeks. \"Crazy\"'s eleven weeks at the top of the UK Download Chart were the longest stay on that chart that any song has achieved as of 2006. Despite its official removal, record shops had enough stock remaining to sell 19,827", + "score": 0.7001953125 + }, + { + "id": "9829012", + "title": "Crazy Love (Van Morrison song)", + "text": "the Songwriter's Hall of Fame in 2003. Morrison and Charles then finished with a duet of \"Crazy Love\". Ray Charles remarked about this performance: \"It meant a lot to sing 'Crazy Love' on stage that evening.\" \"Genius Loves Company\", Ray Charles' 2004 album, includes this duet featuring the two singers. Van Morrison and Bob Dylan sang a duet of \"Crazy Love\" on the BBC film, \"One Irish Rover\" in 1991. \"Crazy Love\" has featured in several movies including: \"She's Having a Baby\" (1988), starring Kevin Bacon, \"Always\" (1989) with Richard Dreyfuss, \"Leaving Normal\" (1992) and \"Jason's Lyric (1994) and \"Phenomenon\"", + "score": 0.69970703125 + }, + { + "id": "4162275", + "title": "Crazy (Willie Nelson song)", + "text": "Songs of All Time. According to Willie Nelson in an interview with Sirius XM satellite radio he said that he was in a bar called Tootisie's and had put his own song \"Crazy\" in the jukebox. Patsy Cline's husband heard it and wanted to get it to Patsy. They were both drunk and Willie was reluctant even stayed in the car while her husband played it for her. In the end she recorded it a few weeks later. In another interview Willie says that the song was originally called \"Stupid\", this matches with the live performance with Johnny Cash where", + "score": 0.69921875 + }, + { + "id": "9829011", + "title": "Crazy Love (Van Morrison song)", + "text": "Crazy Love (Van Morrison song) \"Crazy Love\" is a romantic ballad written by Northern Irish singer-songwriter Van Morrison and included on his 1970 album, \"Moondance\". The song was originally released as the B-side to \"Come Running\" in May 1970 before it was released as a single in the Netherlands, \"Come Running\" as the B-side. The cover of the single shows Morrison with his then-wife, Janet \"Planet\" Rigsbee. The photograph was taken by Elliot Landy, the official photographer of the 1969 Woodstock festival. Ray Charles introduced Van Morrison by starting the first verse before Van's appearance when he was inducted into", + "score": 0.69921875 + }, + { + "id": "7273069", + "title": "Crazy (Aerosmith song)", + "text": "Crazy (Aerosmith song) \"Crazy\" is a power ballad performed by American hard rock band Aerosmith and written by Steven Tyler, Joe Perry, and Desmond Child. It was the final single from their massively successful 1993 album \"Get a Grip\". It was released as a single in 1994 and peaked at #17 on the \"Billboard\" Hot 100, #7 on the Mainstream Rock Tracks chart, and #3 in Canada. In the United Kingdom, it was released as a double-A side with \"Blind Man\", which reached #23. The video for the song was directed by Marty Callner and received heavy rotation on MTV.", + "score": 0.69873046875 + }, + { + "id": "4162282", + "title": "Crazy (Willie Nelson song)", + "text": "music singer Colleen Peterson covered the song in 1993. Her version peaked at number 29 on the \"RPM\" Country Tracks chart. Australian singer Gina Jeffreys covered the song on her album, \"Old Paint\" (2010). Canadian musician Neil Young released a cover of this song on his 2014 album \"A Letter Home\". Melinda Schneider and Beccy Cole covered the song on their album \"Great Women of Country\" (2014). Mary Sarah and Willie Nelson performed a duet of the song on the album \"Bridges\" (2014) which peaked at 28 on the country Heat Seekers chart in August 2014 Willie Nelson elected to", + "score": 0.6982421875 + }, + { + "id": "6083760", + "title": "Crazy (singer)", + "text": "America and the West Indies in 1989. After a relative lack of success in the early 1990s, which included an album recorded with Byron Lee, his fortunes improved in 1997 with the release of the album \"Still Crazy After 25 Years\", the same year finishing third in the Soca Chutney Monarch competition and reaching the final of International Soca Monarch. He continues to feature in major contests, and in 2007 placed 5th at Road March with \"Cold Sweat\". In 2012 he pioneered another new style, \"Trini-style reggae\", releasing a Trini-reggae cover of \"Hotel California\". In 2013 Crazy was named in", + "score": 0.69775390625 + }, + { + "id": "11824787", + "title": "Crazy (Eternal song)", + "text": "Crazy (Eternal song) \"Crazy\" is a song performed by the British R&B girl group Eternal. Written and produced by BeBe Winans, the song is the sixth and final single to be released from their debut album \"Always & Forever\" (1993). This was also the only Eternal single to feature all members of the group singing lead vocals, where usually it would only have been lead singer Easther Bennett. The single entered and peaked at number fifteen on the UK Singles Chart, staying inside the charts for seven weeks. This would also be the last single to feature member Louise Redknapp,", + "score": 0.697265625 + }, + { + "id": "10568980", + "title": "John Bettis", + "text": "and \"Human Nature\" has since been recorded by Boyz II Men, Miles Davis, John Mayer, George Howard, Christine Collister and David Benoit. It has also been sampled by SWV, Ne-Yo, 2Pac, Lil Wayne, Nas, Jason Nevins and Chris Brown. That same year, Barbara Mandrell's \"One of a Kind Pair of Fools\" reached number one on the country chart. In 1985, Bettis accepted an assignment in Hollywood to write a song for the soundtrack of the film \"Vision Quest\". The end result was \"Crazy for You\" a song not originally written for, but recorded by Madonna. Perhaps Bettis' best-known commissioned work", + "score": 0.6962890625 + }, + { + "id": "14142627", + "title": "I've Always Been Crazy (song)", + "text": "I've Always Been Crazy (song) \"I've Always Been Crazy\" is a song written and recorded by American country artist Waylon Jennings. It was released in June 1978 as the first single and title track from the album \"I've Always Been Crazy\". The song became his sixth number one on the country chart as a solo artist. The single stayed at number one for three weeks and spent a total of thirteen weeks on the chart. The single version, released for radio airplay and commercial single release, cuts out an instrumental bridge in the middle of the song, and has an", + "score": 0.6953125 + }, + { + "id": "9001494", + "title": "Through the Years (Kenny Rogers song)", + "text": "as being one of his career songs, though it had relatively little success in North America. Rogers appeared and performed the song at the 1983 Grammy Awards and at an April 2001 halftime ceremony honoring Charles Barkley at a Philadelphia 76ers game. In addition, singer Stevie Woods performed a cover of \"Through the Years\" that appeared on his 1981 album \"Take Me to Your Heaven\". American gospel singer and pastor Norman Hutchins did his own version of \"Through the Years\" in 1992, with slightly altered lyrics. The Osmonds performed a cover of \"Through the Years\". On his 50th anniversary TV", + "score": 0.6953125 + }, + { + "id": "11670118", + "title": "Gary Benson (musician)", + "text": "There are also a number of reggae versions that include a dancehall style cut by Barrington Levy. Olivia Newton-John recorded a version of the track, including it on her 1977 album \"Come On Over\". Benson had further attempts at winning the UK ticket to the Eurovision Song Contest, reaching the UK finals in 1977 with \"After All This Time\", performed by Wesley, Park and Smith, finishing fifth of 12; in 1981 with \"All Cried Out\", which he performed himself to place fourth of 8, and was later released on the WEA label; and in 1993 with \"It's Just a Matter", + "score": 0.6953125 + }, + { + "id": "18187524", + "title": "The Part Where I Cry", + "text": "into a hit for Claude Gray. Despite that he was not credited as the songwriter on the record, he took advantage of the recognition that the song granted him, and moved to Nashville in 1960. While he joined Ray Price's band as a bass player, his songs became hits for other artists, including \"Funny How Time Slips Away\" (Billy Walker), \"Pretty Paper\" (Roy Orbison), and, most famously, \"Crazy\" by Patsy Cline. Leveraged by his prominence as a songwriter in Nashville, Tennessee, and after his friend Harlan Howard forwarded his songs to producer Joe Allison, Nelson was signed to Liberty Records", + "score": 0.69482421875 + }, + { + "id": "8821313", + "title": "What About Me? (Kenny Rogers album)", + "text": "(a story song in the vein of Rogers' previous hits such as \"The Gambler\" and \"Lucille\"), \"The Night Goes On\" (a R&B influenced ballad) and \"Crazy\" (a song Rogers co-wrote with Richard Marx which is in the style of \"Through the Years\") that also charted and gave Rogers yet another number-one hit and Marx his second number one hit as a writer. Though this album didn't enjoy the success of his previous albums, \"What About Me?\" was a hit with its strongest showing being number nine on the Country music album charts during a chart run of nearly a year.", + "score": 0.6943359375 + }, + { + "id": "5492279", + "title": "Paul Davis (singer)", + "text": "B-3 organ. NOTE: All albums are available in CD format Paul Davis (singer) Paul Lavon Davis (April 21, 1948 \u2013 April 22, 2008) was an American singer and songwriter, best known for his radio hits and solo career which started worldwide in 1970. His career encompassed soul, country, and pop. His most successful songs are 1977's \"I Go Crazy\", a #7 pop hit which once held the record for the longest chart run on the \"Billboard\" Hot 100, and 1982's \"'65 Love Affair\", which at #6 is his highest-charting single. In the mid-1980s, he also had two country #1 hits", + "score": 0.6943359375 + }, + { + "id": "14253626", + "title": "Crazy (Icehouse song)", + "text": "smile, before leaving the house. Crazy (Icehouse song) \"Crazy\" is a 1987 single by the Australian rock/synthpop band Icehouse, from the \"Man of Colours\" album, the single peaked at Number 4 on the ARIA charts. The song was written by band members Iva Davies, Robert Kretschmer and Andy Qunta. and produced by David Lord Two versions of the music video exist, an Australian version, and a version for US markets. The Australian version features Davies wandering through the unused Pyrmont Power Station in Sydney while various events occur around him, such as explosions, a car crashing and various people wandering", + "score": 0.6943359375 + }, + { + "id": "9829014", + "title": "Crazy Love (Van Morrison song)", + "text": "Volume 3\" released in 2007. The original version from \"Moondance\" is one of the hits included on the 2007 compilation album, \"Still on Top - The Greatest Hits\". \"Crazy Love\" has been performed by many artists. Versions by Brian Kennedy, Aaron Neville and Robbie Robertson were featured in movies. Helen Reddy scored her first Adult Contemporary \"Billboard\" Top 10 hit with her cover version. Other artists who have recorded the song are Brian McKnight, Paul Carrack, Rita Coolidge, Bryan Ferry, Rod Stewart, Jason Manns with Jensen Ackles, and Cassandra Wilson on Van Morrison's 1994 tribute album, \"\". Helena Vondr\u00e1\u010dkov\u00e1 recorded", + "score": 0.69384765625 + }, + { + "id": "5764536", + "title": "Still Crazy", + "text": "by playing \"The Flame Still Burns\". Brian is pleased to hear the band playing the song, which helps him finally overcome his demons and joins the band onstage to play an inspiring guitar solo, much to the surprise and delight of everyone. The film has garnered a positive rating of 73% on the review aggregator website Rotten Tomatoes based on 26 reviews, with an average score of 6.6/10. The songs that the band Strange Fruit perform in the film are: Also, \"Stealin'\" is performed by Billy Connolly's character. Still Crazy Still Crazy is a 1998 British comedy film directed by", + "score": 0.69384765625 + }, + { + "id": "12833585", + "title": "Still in Love with You (Thin Lizzy song)", + "text": "Still in Love with You (Thin Lizzy song) \"Still in Love with You\" is a song originally recorded by Thin Lizzy, first released on their 1974 album \"Nightlife\", and later released on the live albums \"Live and Dangerous\", \"Life\", \"BBC Radio One Live in Concert\", \"The Peel Sessions\" and \"One Night Only\". Allmusic's review of the song says it \"is widely considered to be Thin Lizzy's greatest, most romantic ballad.\" On all Thin Lizzy releases, the song is credited solely to Phil Lynott, although at least one source attributes much of the credit to Gary Moore, and that the song", + "score": 0.69384765625 + }, + { + "id": "2421880", + "title": "Poco", + "text": "decided to pick up the Cotton-Young album \u2014 as long as they continued under the 'Poco' name. Thus, although Grantham had never quit Poco, he found himself bought out of the group. After a stint with McGuinn, Clark & Hillman, he subsequently landed a job as drummer for Ricky Skaggs. \"Legend\" (1978), the Cotton-Young album with cover art by graphic artist (and later comedy actor) Phil Hartman, subsequently became the group's most commercially successful album, containing two Top 20 hits, \"Crazy Love\" written and sung by Rusty Young (which also had a seven-week run at Number 1 on the Adult", + "score": 0.69287109375 + }, + { + "id": "8933600", + "title": "I've Always Been Crazy", + "text": "superb album spent nearly a year on the charts.\" I've Always Been Crazy I've Always Been Crazy is a country album by Waylon Jennings, released on RCA Victor in 1978. By 1978, Jennings was getting burned out on the outlaw country movement. Despite enormous critical and commercial success, including a run of three #1 studio albums, a #1 live album, a #1 duet album (with Willie Nelson), and ten Top 10 solo singles (including five chart toppers), he was irritated at the hype surrounding his music and resented how Nashville had co-opted what had started out as a musical rebellion", + "score": 0.69189453125 + }, + { + "id": "20576415", + "title": "Crazy (Franka Batelic\u0301 song)", + "text": "Crazy (Franka Bateli\u0107 song) \"Crazy\" is a song performed by Croatian singer Franka Bateli\u0107. It was announced on 13 February 2018 by HRT. The song represented Croatia in the Eurovision Song Contest 2018. Prior to writing \"Crazy\", Bateli\u0107 stated that she had written three other possible Eurovision Song Contest entries, but ultimately chose \"Crazy\" as she felt \"it was the only right choice\". \"Crazy\" was written by Branimir Mihaljevi\u0107 and Franka Bateli\u0107 and produced by Mihaljevi\u0107 and Denis Mevlja. A snippet of the song was released on 26 February 2018. On 6 March 2018 it was revealed that a longer", + "score": 0.69140625 + }, + { + "id": "1322366", + "title": "Willie Nelson", + "text": "his previous bassist Johnny Paycheck quit, Nelson joined Price's touring band as a bass player. While playing with Price and the Cherokee Cowboys, his songs became hits for other artists, including \"Funny How Time Slips Away\" (Billy Walker), \"Pretty Paper\" (Roy Orbison), and, most famously, \"Crazy\" by Patsy Cline. Nelson and Cochran also met Cline's husband, Charlie Dick at Tootsie's. Dick liked a song of Nelson's he heard on the bar's jukebox. Nelson played him a demo tape of \"Crazy.\" Later that night Dick played the tape for Cline, who decided to record it. \"Crazy\" became the biggest jukebox hit", + "score": 0.69140625 + }, + { + "id": "5628766", + "title": "Crazy for You (Madonna song)", + "text": "of the song with Max Bemis for their 2007 album \"From the Screen to Your Stereo Part II\". A cover of the song by Lion of Panjshir was included on the 2007 Madonna tribute compilation \"Through the Wilderness\". Melissa Totten did a Hi-NRG cover for her 2008 dance album, \"Forever Madonna\". An instrumental version was played in the \"Full House\" episode \"13 Candles\" when Kimmy dares D.J. to kiss Kevin at her party. The original Madonna recording was also featured in the 2004 film \"13 Going on 30\", starring Jennifer Garner. At the end of the film, the song is", + "score": 0.69091796875 + }, + { + "id": "4162273", + "title": "Crazy (Willie Nelson song)", + "text": "journeyman singer-songwriter who had written several hits for other artists but had not yet had a significant recording of his own. Nelson originally wrote the song for country singer Billy Walker who turned it down for the same reason Roy Drusky turned down \"I Fall to Pieces\" the previous year - that it was \"a girl's song\". The song's eventual success helped launch Nelson as a performer as well as a songwriter. Musically the song is a jazz-pop ballad with country overtones and a complex melody. The lyrics describe the singer's state of bemusement at the singer's own helpless love", + "score": 0.6904296875 + }, + { + "id": "1376537", + "title": "Still Cyco After All These Years", + "text": "album rather than a compilation. The album was recorded in 1989\u20131990 during the \"Lights...Camera...Revolution!\" sessions. It contained the songs from Suicidal Tendencies' 1983 self-titled debut album. Mike Muir was upset with Frontier Records, the independent label that released Suicidal Tendencies' debut album, over various royalty and publishing issues. Since Muir did not have the rights to reissue the debut, he instead re-recorded the songs for release through Epic Records. The album's cover mimicked the original's, with the exception of Muir being the only band member to be hanging upside-down by his feet (possibly a reference to the fact that he", + "score": 0.68994140625 + }, + { + "id": "168565", + "title": "Gram Parsons", + "text": "Man\", written by Bernie Leadon and performed by the Eagles on their album \"On the Border\", is a tribute to Gram Parsons. Both Leadon and Parsons were members of the Flying Burrito Brothers during the late 1960s and early 1970s. The 1973 album \"Crazy Eyes\" by Poco pays homage to Parsons, as Richie Furay composed the title track in honor of him, and sings one of Parsons' own compositions, \"Brass Buttons.\" The album was released four days before Parsons died. A music festival called Gram Fest or the Cosmic American Music Festival was held annually in honor of Parsons in", + "score": 0.689453125 + }, + { + "id": "20828734", + "title": "Still Cyco Punk After All These Years", + "text": "was previously never released. The latter track uses the same basic musical structure as \"Cyco Miko Wants You\", but with brand new lyrics and a different vocal melody. The album's title is a play on Suicidal Tendencies' 1993 album \"Still Cyco After All These Years\", which is also a collection of re-recorded and unreleased material. First presses included a CD version, Black vinyl and limited edition colours in Blue, Lime Green, Purple & Gold Still Cyco Punk After All These Years Still Cyco Punk After All These Years is the thirteenth studio album by the American crossover thrash band Suicidal", + "score": 0.689453125 + }, + { + "id": "5628758", + "title": "Crazy for You (Madonna song)", + "text": "\"Crazy for You\", Bettis was in doubt whether the song would reach the top, after it was stuck at number two for three weeks, behind \"We Are the World\". Both he and Lind commented, \"If you gotta lose to something, it might as well be 'We Are the World'. Luckily enough, the final week of the upsurge of the record, we topped 'We Are the World', which lets you know how hot the song and how hot the artist [Madonna] was.\" \"Crazy for You\" was certified gold by the Recording Industry Association of America (RIAA) on July 16, 1985, for", + "score": 0.6884765625 + }, + { + "id": "11702170", + "title": "We Weren't Crazy (song)", + "text": "We Weren't Crazy (song) \"We Weren't Crazy\" is a song co-written and recorded by American country music artist Josh Gracin. It was released in October 2007 as the third single and title track from his album \"We Weren't Crazy\". The song, which Gracin wrote with Bobby Pinson and Tony Lopacinski, is Gracin's fourth top ten hit on the \"Billboard\" Hot Country Songs charts, with a peak of number ten, as well as his first top ten since \"Stay With Me (Brass Bed)\", which peaked at number five on October 22, 2005. \"We Weren't Crazy\" is a moderate up-tempo in which", + "score": 0.6884765625 + }, + { + "id": "7376443", + "title": "Crazy (Gnarls Barkley song)", + "text": "previously covered the Violent Femmes song \"Gone Daddy Gone\" on their album \"St. Elsewhere\". Gnarls Barkley described the Violent Femmes' version as: \"I might compare it to a calm pond. I caught my reflection in it. And I seemed to be momentarily at peace. This track sounds entirely different in the rain, and supports some intriguing lilypads.\" The Violent Femmes hosted a YouTube contest beginning June 10, 2008, with a cash award of $1,000USD and \"other cool prizes\" for creating and submitting a promotional video clip. The Kooks, Nelly Furtado, and The Zutons have covered \"Crazy\" on BBC Radio 1's", + "score": 0.6884765625 + }, + { + "id": "7376424", + "title": "Crazy (Gnarls Barkley song)", + "text": "Crazy (Gnarls Barkley song) \"Crazy\" is the debut single by the American soul duo Gnarls Barkley (a group consisting of Danger Mouse and CeeLo Green), taken from their 2006 debut album \"St. Elsewhere\". It peaked at number two on the \"Billboard\" Hot 100, and topped the charts in the United Kingdom, Denmark, Canada, the Republic of Ireland, New Zealand and other countries. The song was leaked in late 2005, months before its regular release, and received a lot of airplay on BBC Radio 1 in the United Kingdom, most notably by radio DJ Zane Lowe, who also used the song", + "score": 0.6884765625 + }, + { + "id": "3193289", + "title": "Michael Brecker", + "text": "guest solos with James Taylor and Paul Simon are excellent examples of that strand of his work. For example, on Taylor's 1972 album, \"One Man Dog\", Brecker's solo on the track \"Don't Let Me Be Lonely Tonight\" complements the other acoustic instruments and sparse vocal. On Simon's 1975 album \"Still Crazy After All These Years\", Brecker's solo on the title track is used to a similar effect. His solos are often placed in the bridge, or appended as a rideout coda. Such a combination of musical structure and instrumentation typifies (and to some extent defines) this jazz-rock fusion style. Other", + "score": 0.68798828125 + }, + { + "id": "18148267", + "title": "Still Crazy After All These Years (song)", + "text": "second verses are primarily in the key of G major, although there are some unexpected harmonies that differ between the verses. The key of the third verse, the B section, is never resolved. G major returns in the final verse, but modulates to the slightly higher key of A major, which according to author James Bennighof gives \"a faint sense of slightly demented triumph to the singer's declaration that he wouldn't be held responsible for his potential mayhem.\" Music critic Walter Everett considers this modulation to reflect the singer's \"unpredictable emotional and mental state.\" \"Rolling Stone\" critic Paul Nelson considered", + "score": 0.68798828125 + }, + { + "id": "8933589", + "title": "I've Always Been Crazy", + "text": "I've Always Been Crazy I've Always Been Crazy is a country album by Waylon Jennings, released on RCA Victor in 1978. By 1978, Jennings was getting burned out on the outlaw country movement. Despite enormous critical and commercial success, including a run of three #1 studio albums, a #1 live album, a #1 duet album (with Willie Nelson), and ten Top 10 solo singles (including five chart toppers), he was irritated at the hype surrounding his music and resented how Nashville had co-opted what had started out as a musical rebellion against Music Row in the name of artistic freedom.", + "score": 0.6875 + }, + { + "id": "17496710", + "title": "Crazy for You (Let Loose song)", + "text": "Crazy for You (Let Loose song) \"Crazy for You\" is a song by British pop/rock trio Let Loose, released in 1993 as their debut single from their self-titled album. It was written by Richie Wermerling and produced by Nicky Graham. The original 1993 release reached No. 44 in the UK; however, a re-issue the following year saw the song peak at No. 2. It became the eighth best selling single of 1994. Speaking to \"Digital Spy\" in 2009, Wermerling said of the song and its success: \"I wrote the song myself and knew it was a bit prettier than some", + "score": 0.6875 + }, + { + "id": "12833586", + "title": "Still in Love with You (Thin Lizzy song)", + "text": "was largely composed by Moore in 1969. Moore had not recorded the song himself prior to his brief involvement with Thin Lizzy in early 1974, and it is his guitar solo on the finished recording on the \"Nightlife\" album. Even though Moore had left the band by the time the album was put together in the autumn of 1974, his replacement Brian Robertson refused to re-record the solo, believing that it could not be improved upon. Robertson considers it his signature song as he played the most famous version, on Thin Lizzy's double live album \"Live and Dangerous\", and would", + "score": 0.68701171875 + }, + { + "id": "11769916", + "title": "I'll Go Crazy (James Brown song)", + "text": "I'll Go Crazy (James Brown song) \"I'll Go Crazy\" is a rhythm and blues song recorded by James Brown and The Famous Flames. Released as a single in 1960, it was Brown's fourth R&B hit, charting at #15. Brown and the Flames also performed it as the first song on their 1963 album \"Live at the Apollo\". The \"Live at the Apollo\" performance of \"I'll Go Crazy\" was released as the B-side of a single in 1966, backed with \"Lost Someone\" (also from the live album). It charted #38 R&B and #73 Pop.This live version was the last song featuring", + "score": 0.6865234375 + }, + { + "id": "14775245", + "title": "Crazy Love (Poco song)", + "text": "the band's signature song: in a 2008 interview promoting an upcoming Poco gig, Rusty Young stated: \"The only reason we're [ie. Young and the interviewer] talking now is 'Crazy Love'. That was our first hit single. It's a classic, and it still pays the mortgage.\" \"Crazy Love\" was also recorded by Johnny Rodriguez on his 1981 album \"After the Rain\", John & Audrey Wiggins on their 1997 album \"The Dream\", by Jars of Clay on their 1999 EP \"Front Yard Luge\", by Rhonda Vincent on her 2009 album \"Destination Life\", and by Barbara Fairchild. Crazy Love (Poco song) \"Crazy Love\"", + "score": 0.6865234375 + }, + { + "id": "10794997", + "title": "Guy (album)", + "text": "money to record like they wanted in a professional studio. Although they did get around to recording in a professional setting, in the end, they used most of the vocals recorded from home because Riley felt they sounded better. One of the songs on the album- \"You Can Call Me Crazy\"- was originally intended for singer Al B. Sure! for his debut album \"In Effect Mode\". Griffin took the song back as he felt the album needed to be filled. In the end, they decided to keep the song on the album with Sure!'s background vocals still on the recording.", + "score": 0.68603515625 + }, + { + "id": "7471187", + "title": "Crazy (Seal song)", + "text": "the new album. The Greek artist Helena Paparizou, best known for winning the Eurovision Song Contest 2005, covered the song in her album \"Iparhi Logos\" released in 2006. Two cover versions were released in 2003: one by punk covers band Me First and the Gimme Gimmes on their 2003 album \"Take a Break\", and another by alternative metal band Mushroomhead as a hidden track on their 2003 album \"XIII\". In 2004, the song was covered by Brooklyn Bounce. The song is also a staple cover during live performances by New York City based jamband U-Melt. Indie rock band Yeasayer performed", + "score": 0.68603515625 + }, + { + "id": "12846154", + "title": "...And Then I Wrote", + "text": "help of Hank Cochran, who worked for the publishing company owned by Ray Price and Hal Smith. Faron Young recorded Nelson's \"Hello Walls\", and after Ray Price recorded Nelson's \"Night Life\", and his previous bassist Johnny Paycheck quit, Nelson joined Price's touring band as a bass player. While playing with Price and the Cherokee Cowboys, other of his original songs became hits for other artists, including \"Funny How Time Slips Away\" (Billy Walker), \"Pretty Paper\" (Roy Orbison), and, most famously, \"Crazy\" by Patsy Cline. Nelson signed with Liberty Records and was recording by August 1961 at Quonset Hut Studio. As", + "score": 0.68603515625 + }, + { + "id": "4162283", + "title": "Crazy (Willie Nelson song)", + "text": "sing the song with The Voice season 10 5th place contestant after hearing her sing the National Anthem and commenting \"she can sing the crap outta that song\", according to sources close to the project. Slim Richey recorded a version of \"Crazy\" with Jitterbug Vipers in Austin, Texas in 2015. Hayden Panettiere recorded two versions of \"Crazy\" for \"Nashville\" as her character Juliette Barnes (who portrays Patsy Cline in a biopic), one in 2014 heard in the episode \"That's Me Without You,\" and the other in 2015 as a duet with Steven Tyler (playing himself) in the episode \"Can't Let", + "score": 0.685546875 + } + ], + "answer": "\"Still Crazy After All These Years\" is a song by the American singer-songwriter Paul Simon. The title track has been recorded by Rosemary Clooney (on her 1993 album Still on the Road), Ray Charles (on his 1993 album My World), Karen Carpenter (on her self-titled solo album released posthumously in 1996), and Willie Nelson (on the soundtrack of the 2000 motion picture Space Cowboys)." + }, + { + "qa_pairs": [ + { + "context": "Although the film was set in the fictional Mississippi town of Sparta (with supposedly no connection to the real Sparta, Mississippi), most of the movie was filmed in Sparta, Illinois, where many of the film's landmarks can still be seen. The quote \"They call me \"Mister Tibbs!\" was listed as number 16 on the American Film Institute's \"100 Years...100 Movie Quotes\", a list of top film quotes. In 2002, the film was selected for preservation in the United States National Film Registry by the Library of Congress as being \"culturally, historically, or aesthetically significant\".", + "question": "Where did they film most of the movie in the heat of the night?", + "short_answers": [ + "Sparta, Illinois" + ], + "wikipage": "In the Heat of the Night (film)" + }, + { + "context": "Jewison, Poitier, and Steiger worked together and got along well during the filming, but Jewison had problems with the Southern authorities, and Poitier had reservations about coming south of the Mason\u2013Dixon line for filming. However, despite their reservations, Jewison decided to film part of the film in Dyersburg and Union City, Tennessee, anyway while the rest was filmed in Sparta, Chester (Harvey Oberst chase scene), and Freeburg (Compton's diner), Illinois.", + "question": "Where in Tennesse did they film part of the movie in the heat of the night?", + "short_answers": [ + "Union City", + "Dyersburg and Union City, Tennessee", + "Dyersburg" + ], + "wikipage": "In the Heat of the Night (film)" + }, + { + "context": "No context provided", + "question": "Where did they film the chase scene in the movie in the heat of the night?", + "short_answers": [ + "Chest", + "Chester, Illinois" + ], + "wikipage": null + }, + { + "context": "Jewison, Poitier, and Steiger worked together and got along well during the filming, but Jewison had problems with the Southern authorities, and Poitier had reservations about coming south of the Mason\u2013Dixon line for filming. However, despite their reservations, Jewison decided to film part of the film in Dyersburg and Union City, Tennessee, anyway while the rest was filmed in Sparta, Chester (Harvey Oberst chase scene), and Freeburg (Compton's diner), Illinois.", + "question": "Where did they film the Compton's diner scenes in the movie in the heat of the night?", + "short_answers": [ + "Freeburg", + "Freeburg, Illinoi" + ], + "wikipage": "In the Heat of the Night (film)" + } + ], + "wikipages": [ + { + "title": "In the Heat of the Night (film)", + "url": "https://en.wikipedia.org/wiki/In%20the%20Heat%20of%20the%20Night%20%28film%29" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "In the Heat of the Night is a 1967 American mystery drama film directed by Norman Jewison...Although the film was set in Sparta, Mississippi, most of the movie was filmed in Sparta, Illinois, where many of the film's landmarks can still be seen...However, despite their reservations, Jewison decided to film part of the film in Dyersburg and Union City, Tennessee anyway, while the rest was filmed in Sparta, Chester (Harvey Oberst chase scene), and Freeburg (Compton's diner), Illinois.", + "wikipage": "In the Heat of the Night (film)" + } + ], + "long_answer": "The 1967 American mystery drama film called In the Heat of the Night was set in Sparta, Mississippi, however, most of the movie was filmed in Sparta, Illinois. Other parts of the film were filmed in Dyersburg and Union City, Tennessee as well as in Sparta, Chester (Harvey Oberst chase scene), and Freeburg (Compton's diner), Illinois." + }, + { + "knowledge": [ + { + "content": "In the Heat of the Night is a 1967 American mystery drama film directed by Norman Jewison.", + "wikipage": "In the Heat of the Night (film)" + } + ], + "long_answer": "In the Heat of the Night is a 1967 American mystery drama film directed by Norman Jewison. Although the film was set in the fictional Mississippi town of Sparta, most of the movie was filmed in Sparta, Illinois, where many of the film's landmarks can still be seen. Jewison decided to film part of the film in Dyersburg and Union City, Tennessee, while the rest was filmed in Sparta, Chester (Harvey Oberst chase scene), and Freeburg (Compton's diner), Illinois." + } + ], + "sample_id": "1207438646958939540", + "question": "Where did they film the movie in the heat of the night?", + "docs": [ + { + "id": "4899954", + "title": "In the Heat of the Night (film)", + "text": "is arrested and confesses to Colbert's murder: he robbed Colbert to fund Delores's abortion but accidentally killed him. The final scene shows Tibbs boarding a train bound for Philadelphia, as Gillespie respectfully bids him farewell. Jewison, Poitier, and Steiger worked together and got along well during the filming, but Jewison had problems with the Southern authorities, and Poitier had reservations about coming south of the Mason\u2013Dixon Line for filming. However, despite their reservations, Jewison decided to film part of the film in Dyersburg and Union City, Tennessee, anyway while the rest was filmed in Sparta, Chester (Harvey Oberst chase scene),", + "score": 0.77734375, + "summary": "The movie \"In the Heat of the Night\" was filmed in Dyersburg and Union City, Tennessee, as well as Sparta and Chester.", + "extraction": "The film \"In the Heat of the Night\" was partly filmed in Dyersburg and Union City, Tennessee, and the rest was filmed in Sparta and Chester." + }, + { + "id": "961552", + "title": "In the Heat of the Night (TV series)", + "text": "mental disorders, dysfunctional families, suicide, poverty, homophobia, and drunk driving. The first season was filmed in Hammond, Louisiana. This locale was selected by executive producer Juanita Bartlett to represent the small southern town of Sparta, Mississippi. Actually, the producers had difficulty finding filming locations that were usable, because other, more modern structures were close enough to be picked up in the images. Eight episodes were filmed\u2014the two-hour pilot movie and six regular one-hour episodes. The series premiered on March 6, 1988, with the season finale airing May 3, 1988. Many conflicts arose between Juanita Bartlett and series star Carroll O'Connor", + "score": 0.76611328125, + "summary": "The first season of the TV series \"In the Heat of the Night\" was filmed in Hammond, Louisiana to represent the small southern town of Sparta, Mississippi.", + "extraction": "The first season of In the Heat of the Night was filmed in Hammond, Louisiana, which was selected to represent the small southern town of Sparta, Mississippi." + }, + { + "id": "961602", + "title": "In the Heat of the Night (TV series)", + "text": "season, the show was moved to Georgia, to an area east of Atlanta and it remained there for the rest of its run. The principal area of Sparta was in fact downtown Covington, Georgia. Rural scenes were filmed in a wide surrounding area, in the Georgia counties of Newton (where Covington is located), Rockdale, Walton, Morgan, and Jasper. Decatur in Dekalb County was used as a stand-in for an episode as the Mississippi Capital city of Jackson, and Atlanta itself was used in one episode, in which Bubba worked on a case there. In fact, during the series' run, many", + "score": 0.75830078125, + "summary": "The TV series \"In the Heat of the Night\" was filmed in Georgia, specifically in the areas of Covington, Newton, Rockdale, Walton, Morgan, and Jasper. Decatur and Atlanta were also used as stand-ins for certain episodes.", + "extraction": "The movie \"In the Heat of the Night\" was filmed in Georgia, specifically in the area east of Atlanta. The principal area of Sparta was downtown Covington, and rural scenes were shot in nearby counties such as Newton, Rockdale, Walton, Morgan, and Jasper." + }, + { + "id": "4899947", + "title": "In the Heat of the Night (film)", + "text": "In the Heat of the Night (film) In the Heat of the Night is a 1967 American mystery drama film directed by Norman Jewison. It is based on John Ball's 1965 novel of the same name and tells the story of Virgil Tibbs, a black police detective from Philadelphia, who becomes involved in a murder investigation in a small town in Mississippi. It stars Sidney Poitier and Rod Steiger, and was produced by Walter Mirisch. The screenplay was by Stirling Silliphant. The film won five Academy Awards, including the 1967 awards for Best Picture and Rod Steiger for Best Actor.", + "score": 0.7578125, + "summary": "The movie \"In the Heat of the Night\" was filmed in a small town in Mississippi.", + "extraction": "The movie \"In the Heat of the Night\" was filmed in a small town in Mississippi." + }, + { + "id": "961601", + "title": "In the Heat of the Night (TV series)", + "text": "episode is excluded from Season 6: Random's Child and the following episodes are excluded from Season 7: Singin' The Blues, Every Man's Family, Maybelle Returns, Ches and the Grand Lady, Dangerous Engagement. The television series also took place in a fictionalized version of Sparta, Mississippi. While there is a real Sparta, the version of Sparta shown on television is very different from the real town. For example, the TV Sparta is situated along Interstate 20, while the real town is nowhere near any interstate. During the first season, Hammond, Louisiana was the site of the show's production. In the second", + "score": 0.7431640625, + "summary": "During the first season, In the Heat of the Night TV series was produced in Hammond, Louisiana. The show also takes place in a fictionalized version of Sparta, Mississippi.", + "extraction": "Hammond, Louisiana was the site of the show's production." + }, + { + "id": "9114881", + "title": "In the Heat of the Night (novel)", + "text": "In the Heat of the Night (novel) In the Heat of the Night is a 1965 novel by John Ball set in the community of Wells, South Carolina. The main character is a black police detective named Virgil Tibbs passing through the small town during a time of bigotry and the civil rights movement. The novel is the basis of the 1967 award-winning film of the same name, directed by Norman Jewison and starring Sidney Poitier, as well as a subsequent television series. Ball would feature Tibbs in the subsequent novels \"The Cool Cottontail\" (1966), \"Johnny Get Your Gun\" (1969),", + "score": 0.73828125, + "summary": "The novel \"In the Heat of the Night\" by John Ball is set in Wells, South Carolina and features a black police detective named Virgil Tibbs during the civil rights movement. The novel is the basis for a 1967 film directed by Norman Jewison and starring Sidney Poitier. There is no information about where the movie was filmed.", + "extraction": "The passage does not provide information about where the movie \"In the Heat of the Night\" was filmed. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "6679882", + "title": "Night of the Big Heat (film)", + "text": "some embellishing, but it required several changes and writers Pip and Jane Baker were hired to work on it. Filming took place at Pinewood Studios, whilst exteriors for the pub around which the action takes place were filmed at The Swan Inn near Milton Keynes, which is today surrounded by housing rather than the fields seen in the film. The opening shots of what is referred to in the film as the island's meteorological station are actually of the transmitter station at Portland Bill, Dorset. Night of the Big Heat (film) Night of the Big Heat is a 1967 British", + "score": 0.73779296875, + "summary": "The movie Night of the Big Heat was filmed at Pinewood Studios and the exteriors of the pub were filmed at The Swan Inn near Milton Keynes. The opening shots of the meteorological station were actually of the transmitter station at Portland Bill, Dorset.", + "extraction": "Filming took place at Pinewood Studios, whilst exteriors for the pub around which the action takes place were filmed at The Swan Inn near Milton Keynes." + }, + { + "id": "4899948", + "title": "In the Heat of the Night (film)", + "text": "The film was followed by two sequels, \"They Call Me Mister Tibbs!\" in 1970, and \"The Organization\" in 1971. In 1988, it also became the basis of a television series adaptation of the same name. Although the film was set in the fictional Mississippi town of Sparta (with supposedly no connection to the real Sparta, Mississippi), most of the movie was filmed in Sparta, Illinois, where many of the film's landmarks can still be seen. The quote \"They call me \"Mister Tibbs!\" was listed as number 16 on the American Film Institute's \"100 Years...100 Movie Quotes\", a list of top", + "score": 0.73681640625, + "summary": "Most of the movie \"In the Heat of the Night\" was filmed in Sparta, Illinois, although it was set in a fictional town in Mississippi.", + "extraction": "Most of the movie \"In the Heat of the Night\" was filmed in Sparta, Illinois, where many of the film's landmarks can still be seen." + }, + { + "id": "18636833", + "title": "Ghetto Freaks", + "text": "the time and responded to a casting call for the film, but failed the audition. The film was shot on location in Cleveland, Ohio. Nineteen different locations were said to be used, including the Cleveland Museum of Art, the Cleveland Central Police Station, Public Square and the surrounding downtown area, University Circle, and the Detroit-Superior Bridge. Interiors were filmed in the 1614 Building near Playhouse Square. Pappas said that the Cleveland Police \"have been especially helpful to us from the first day of shooting\". Bob \"Hoolihan\" Wells, who in 1970 was well known in Cleveland as a television weather presenter", + "score": 0.73486328125, + "summary": "The movie \"Ghetto Freaks\" was filmed on location in Cleveland, Ohio. Nineteen different locations were used including the Cleveland Museum of Art, the Cleveland Central Police Station, Public Square, University Circle, and the Detroit-Superior Bridge. Interiors were filmed in the 1614 Building near Playhouse Square.", + "extraction": "The movie \"In the Heat of the Night\" is not mentioned in the given passage. Therefore, the span extracted from the passage is \"irrelevant\"." + }, + { + "id": "4899967", + "title": "In the Heat of the Night (film)", + "text": "personalities.\" \"In the Heat of the Night\" was first released on DVD in 2001. In 2010, the film was digitized in High Definition (1080i) and broadcast on MGM HD. In 2014, MGM released the film on Blu-ray. The Academy Film Archive preserved \"In the Heat of the Night\" in 1997. \"In the Heat of the Night\" was nominated for seven Academy Awards, winning five. They are as follows: American Film Institute recognition In the Heat of the Night (film) In the Heat of the Night is a 1967 American mystery drama film directed by Norman Jewison. It is based on", + "score": 0.7333984375, + "summary": "The document provides information about the film \"In the Heat of the Night,\" including its release dates, preservation by the Academy Film Archive, and its nomination for seven Academy Awards. However, it does not mention where the movie was filmed, so the answer to the question \"Where did they film the movie in the heat of the night?\" is irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "8637065", + "title": "Scott Wilson (actor)", + "text": "Braun, as well as a lead role on the Netflix series \"The OA\" as Abel Johnson. Wilson was born in the small Southern town of Thomasville, Georgia. He made his screen debut portraying characters suspected of murder in his first three films. In his debut film, Wilson played a murder suspect in \"In the Heat of the Night\" (1967). Wilson appeared in Sparta, Mississippi (where In the Heat of the Night takes place), on March 15, 2014, to celebrate the city\u2019s 175th anniversary in reference to his debut appearance in the film. His follow-up role, in the same year, was", + "score": 0.732421875, + "summary": "The document mentions Scott Wilson's debut film \"In the Heat of the Night\" (1967) where he played a murder suspect. However, it does not provide information on where the movie was filmed.", + "extraction": "Wilson played a murder suspect in \"In the Heat of the Night\" (1967)." + }, + { + "id": "4556855", + "title": "Gulf, Mobile and Ohio Railroad", + "text": "include: Sonny Boy Williamson recorded the song \"GM&O Blues\" in 1945. A GM&O EMD E7 and passenger cars were featured in the 1967 film \"In the Heat of the Night\". Although the film's opening and ending shots of the GM&O are implied to be in a fictionalized version of Sparta, Mississippi, GM&O had ceased all passenger service south of St. Louis, Missouri eight years before filming was done in 1966. The actual filming location was Sparta, Illinois. The location where the GM&O locomotives and cars were filmed was in Sparta Illinois also. The train was leased from GM&O with a", + "score": 0.732421875, + "summary": "The 1967 film \"In the Heat of the Night\" featured a GM&O EMD E7 and passenger cars, and although the opening and ending shots implied a fictionalized Sparta, Mississippi, the actual filming location was Sparta, Illinois.", + "extraction": "The actual filming location was Sparta, Illinois." + }, + { + "id": "17267758", + "title": "About Last Night (2014 film)", + "text": "in tone to the source material. The remake is set in Los Angeles, California, where the original film was set in Chicago, Illinois. The production did not qualify for a California film tax credit, but executives intended to film in Los Angeles regardless. The crew filmed in downtown Los Angeles, not traditionally depicted in films as a people-friendly community. The downtown area had been revitalized in recent years, and the crew chose to film most of \"About Last Night\" in a 10-block radius around 6th and Main Streets. Most films are filmed in different locations not near each other, so", + "score": 0.73046875, + "summary": "The document is irrelevant to the question.", + "extraction": "Irrelevant. The passage does not provide any information about the movie \"In the Heat of the Night\" and where it was filmed." + }, + { + "id": "4899963", + "title": "In the Heat of the Night (film)", + "text": "on the strutting 'Cotton Curtain', the down 'n' dirty 'Whipping Boy' or the fat 'n' sassy 'Chief's Drive to Mayor'\". All compositions by Quincy Jones \"Steven H. Scheuer's Movies on TV\" (1972\u201373 edition) gives \"In the Heat of the Night\" its highest rating of 4 stars, recommending it as an \"[E]xciting, superbly acted and directed film about prejudice, manners and morals in a small Mississippi town\", with the concluding sentences stating, \"[D]irector Norman Jewison does an outstanding job in creating the subsurface tension of life in a 'sleepy' Southern town, and the supporting performances are uniformly fine. A first-rate film", + "score": 0.728515625, + "summary": "The document is irrelevant to the question.", + "extraction": "Irrelevant. The passage does not provide any information about where the movie \"In the Heat of the Night\" was filmed." + }, + { + "id": "10446911", + "title": "Night Game (film)", + "text": "what could have been done to liven up \"Night Game\", short of having someone run into the Galveston Police Department yelling 'Shark!' Too bad no one does.\" The movie was filmed entirely in Galveston and Houston and features such landmarks as the Galveston Seawall, Galveston Cotton Exchange (which is seen as the fictional Galveston Police headquarters), the San Luis Hotel, the Balinese Room (where Epps is killed), Galveston County Daily News compound (including some of the police station scenes depicting the detective office space), the former Broadway Theater, and the Gulf Freeway. The poster for the movie features a shot", + "score": 0.72021484375, + "summary": "The movie Night Game was filmed in Galveston and Houston, featuring landmarks such as the Galveston Seawall, Galveston Cotton Exchange, San Luis Hotel, Balinese Room, Galveston County Daily News compound, former Broadway Theater, and Gulf Freeway.", + "extraction": "The movie \"In the Heat of the Night\" is not mentioned in the passage. Therefore, the answer is \"irrelevant.\"" + }, + { + "id": "4749250", + "title": "Call Northside 777", + "text": "claimed in the film but when it was found out that the prosecution had suppressed the fact that the main witness had initially declared that she could not identify the two men involved in the police shooting. This was the first Hollywood feature film to be shot on location in Chicago. Views of the Merchandise Mart as well as Holy Trinity Polish Mission can be seen throughout the film. It was reported on Jan 24, 1947, that, according to the studio, the picture would be filmed in the documentary manner. Fox had obtained the necessary legal clearances from the persons", + "score": 0.7197265625, + "summary": "Irrelevant.", + "extraction": "This passage is irrelevant to the question about the location where the movie \"In the Heat of the Night\" was filmed." + }, + { + "id": "4899960", + "title": "In the Heat of the Night (film)", + "text": "Poitier occasionally went to the Capitol Theatre in New York to amuse themselves seeing how many black and white audience members there were, which could be immediately ascertained by listening to the former cheering Tibbs's retaliatory slap and the latter whispering \"Oh!\" in astonishment. Then-freshman critic Roger Ebert in 1967 gave \"In the Heat of the Night\" a positive review and placed it at number ten on his top ten list of 1967 films. AD Murphy of \"Variety magazine\" felt it was a good but uneven film. The film currently holds a 96% \"Certified Fresh\" rating on the review aggregate", + "score": 0.71875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "7623049", + "title": "The Long, Hot Summer", + "text": "implemented their signature style, using the names of characters and a few details of the plot but significantly modifying the details of the story. The final product was heavily influenced by Tennessee Williams' play \"Cat on a Hot Tin Roof\", resulting in an \"erotically charged\" story. The film was shot in Clinton and Baton Rouge, Louisiana, in CinemaScope color, with a budget of US$1,645,000. A Southern Gothic story, Ritt decided to shoot it on location to capture the characteristics of the area, emphasizing the regional details. Ritt met leading actor Paul Newman while teaching at the Actors Studio. The rest", + "score": 0.71826171875, + "summary": "The document mentions that the movie \"The Long, Hot Summer\" was shot in Clinton and Baton Rouge, Louisiana.", + "extraction": "The movie \"The Long, Hot Summer\" was shot in Clinton and Baton Rouge, Louisiana." + }, + { + "id": "540558", + "title": "Heat (1995 film)", + "text": "of Hanna and McCauley, respectively, and they both immediately agreed to act. Mann assigned Janice Polley, a former collaborator on \"The Last of the Mohicans\", as the film's location manager. Scouting locations lasted from August to December 1994. Mann requested locations which did not appear on film before, in which Polley was successful \u2013 fewer than 10 of the 85 filming locations were previously used. The most challenging shooting location proved to be Los Angeles International Airport, with the film crew almost missing out due to a threat to the airport by the Unabomber. To make the long shootout more", + "score": 0.7177734375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "524907", + "title": "Midnight Cowboy", + "text": "dead friend. The opening scenes were filmed in Big Spring, Texas. A roadside billboard, stating \"IF YOU DON'T HAVE AN OIL WELL...GET ONE!\" was shown as the New York-bound bus carrying Joe Buck rolled through Texas. Such advertisements, common in the Southwestern United States in the late-1960s and through the 1970s, promoted Eddie Chiles's Western Company of North America. In the film, Joe stays at the Hotel Claridge, at the southeast corner of Broadway and West 44th Street in Midtown Manhattan. His room overlooked the northern half of Times Square. The building, designed by D. H. Burnham & Company and", + "score": 0.71728515625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "2602283", + "title": "The Boys in the Band", + "text": "it in. The bar scene in the opening was filmed at Julius in Greenwich Village. Studio shots were at the Chelsea Studios in New York City. According to commentary by Friedkin on the 2008 DVD release, Michael's apartment was inspired by the real-life Upper East Side apartment of actress Tammy Grimes. (Grimes was a personal friend of Mart Crowley.) Most of the patio scenes were filmed at Grimes' home. The actual apartment interior would not allow for filming, given its size and other technical factors, so a replica of Grimes' apartment was built on the Chelsea Studios sound stage, and", + "score": 0.71533203125 + }, + { + "id": "1046281", + "title": "Conyers, Georgia", + "text": "five episodes of the \"Dukes of Hazzard\" were filmed in the town. In the 1980s, Conyers became known for \"White Road\", where resident Nancy Fowler claimed to have seen apparitions of the Virgin Mary. Throughout the late 1980s and early 1990s, Conyers played host to pilgrims. In the early 1990s, several scenes of \"In the Heat of the Night\" were filmed around the Conyers Depot. Alan Autry, who played the character of Captain Bubba Skinner, was seen as a regular around Conyers during the filming. In 1996 Conyers hosted the equestrian and mountain biking events for the 1996 Olympic Games", + "score": 0.71533203125 + }, + { + "id": "5562882", + "title": "Dark City (1950 film)", + "text": "Plaza Hotel and the Valley Vista Motel on Ventura Blvd. in the San Fernando Valley, California. In addition, background shots were filmed in Las Vegas, Nevada and Chicago, Illinois. When the film was released, film critic for \"The New York Times\", Bosley Crowther, applauded the work of newcomer Charlton Heston but panned the film, writing: In 2004, film critic Dennis Schwartz gave the film a mixed review, writing: Dark City (1950 film) Dark City is a 1950 American film noir crime film directed by William Dieterle starring Charlton Heston in his screen debut, and produced by Hal B. Wallis. The", + "score": 0.712890625 + }, + { + "id": "5276095", + "title": "When a Stranger Calls (1979 film)", + "text": "The film's production took place in California, with 2722 Club Dr., Los Angeles, California, USA, being used as the filming location for the Lockart house. Brentwood and Sacramento were also used as filming locations. Exterior shots for the tavern where Duncan and Tracy meet were those of the \"Torchy's\" bar in 218 and a half W. Fifth Street in Downtown Los Angeles CA 90012. This is the same bar that served as filming location for the redneck bar in \"48 Hrs.\" and for \"Brewster's Millions\". Tony Beckley, who plays Curt Duncan, was terminally ill throughout production. Because of this, he", + "score": 0.71240234375 + }, + { + "id": "5270591", + "title": "Night Heat", + "text": "such as the words \"out\" and \"about\". Given Toronto's relative cleanliness when compared to larger American cities, the film crew would sometimes throw additional garbage onto the set during street scenes. Grosso, Hylands and Jacobson have all said in separate interviews that there was a time when the garbage that they had strewn about for a \"Night Heat\" shoot had been cleaned-up by city sanitation crews while the film crew was on break. CBS aired \"Night Heat\" as part of \"CBS Late Night\", a late-night block of drama programming. It marked the first time in 20 years that CBS had", + "score": 0.7080078125 + }, + { + "id": "5270587", + "title": "Night Heat", + "text": "the end of the show. Grosso and Jacobson decided to produce their show in Toronto, Canada, otherwise the production costs would have been too expensive for CBS's late-night budget. At the time one could film in Toronto for less than half the cost of a major American city\u2014Canadian union scale was lower and the American-to-Canadian dollar exchange rate was also favorable. The show featured an all-Canadian cast and crew and was partially funded by the Government of Canada. For Hylands, a 21-year veteran actor, frequently seen playing villains in U.S. TV shows during the 1970s and early 1980s, this was", + "score": 0.70751953125 + }, + { + "id": "6147335", + "title": "Night Falls on Manhattan", + "text": "Sam Vigoda telling him that he plans to resign as D.A. Vigoda urges him not to quit. The film ends with Casey giving the introductory lecture for a new class of assistant district attorneys; urging them to approach their job with diligence and integrity. Exterior film shooting took place primarily on location in New York City. Filming sets included the Hotel Pennsylvania, the Sherry Netherland Hotel, Bellevue Hospital Center, and the National Arts Club. The opening scene involving the police shootout with Washington, took place in a desolate apartment building in Harlem. Principal photography for the film began on October", + "score": 0.7041015625 + }, + { + "id": "4203256", + "title": "Across 110th Street", + "text": "the squalid location sites in New York's Harlem or equally unappealing ghetto areas leaving no relief from depression and oppression. There's not even a glamorous or romantic type character or angle for audiences to fantasy-empathize with.\" Gene Siskel gave the film one-and-a-half stars out of four and wrote, \"The film breaks no new ground, remaining content to combine familiar elements from 'In the Heat of the Night' (modern black cop vs. traditional white cop) and at least a half-dozen urban melodramas in which Italians and blacks go at each other with guns and mouths blazing.\" Gary Arnold of \"The Washington", + "score": 0.70361328125 + }, + { + "id": "9912828", + "title": "Lakeview Terrace", + "text": "by the deputies in self-defense. Chris survives and he and Lisa later talk about their pride in their home, neighborhood, and soon-to-be family, while the wildfires finally seem to be contained. The majority of the movie was filmed in Walnut, California on North Deer Creek Drive. The scene where Abel Turner comes out of the police station to talk to his partner and other police officers was filmed in Hawthorne, California on the corner of Grevillea Ave. & 126th St. On Rotten Tomatoes, the film has an approval rating of 45% based on 163 reviews, with an average rating of", + "score": 0.70361328125 + }, + { + "id": "5270589", + "title": "Night Heat", + "text": "Hollywood-standard 35mm film, giving the series a grainy, documentary-style look. Much of the show was shot at the site of the former Lakeshore Psychiatric Hospital, which served as the series' police station; described as a \"grim and forbidding setting,\" the hospital fit in with the gritty look that the show's producer, Robert Lantos wanted. Filming a police drama aimed at both Canadian and American audiences in an unidentified city presented a unique set of challenges: The crew had to avoid capturing shots of landmarks and other objects that would give away that it was not an American city, such as", + "score": 0.70361328125 + }, + { + "id": "961595", + "title": "In the Heat of the Night (TV series)", + "text": "is loosely based on the real-life drama in Waco, Texas with David Koresh and his followers. Four made-for-television movies were produced during the 1994-95 season. Once released on DVD, these movies combined were considered to be the eighth season of the show. The movies were: Series co-star Hugh O'Connor committed suicide two months before the fourth film aired. When the film was broadcast in its original, two-hour format, a black screen was added in between the intro tag and the opening title; it read \"In memory of Hugh O'Connor: 1962\u20131995\". During the series' 7\u00bd-season run, many familiar, unfamiliar, and longtime", + "score": 0.703125 + }, + { + "id": "4235896", + "title": "Telefon (film)", + "text": "downtown Great Falls was also included. The exploding building in one scene is actually the controlled demolition of the old Paris Gibson Junior High School. The explosion scene was filmed on February 20, 1977. The present day Paris Gibson square was undamaged, but the explosion started roof fires on a couple of nearby houses that were quickly extinguished by city firefighters hired by the movie company on stand by. The Houston scenes were shot on a Hollywood backlot, while the interior of the Houston Hyatt Regency was portrayed by 5 Embarcadero Center in San Francisco, California - the location which", + "score": 0.703125 + }, + { + "id": "3082900", + "title": "Twenty Bucks", + "text": "where Angeline captures the bill was filmed on North 4th Street in downtown Minneapolis, in front of Fire Station No. 10 (with traffic driving the wrong way for the movie). The scene where Angeline visits McCormac and McCormac mails the bill (and Jimmy and Frank meet) was filmed in the 1000 block of West Broadway in Minneapolis (now demolished). The supermarket scene was filmed at a Holiday Plus supermarket (now part of the Cub Foods chain) in suburban Minneapolis. The bill floats near the Mississippi River just above St. Anthony Falls; over the 3rd Avenue Bridge; and past the E-Z", + "score": 0.70263671875 + }, + { + "id": "2595196", + "title": "The Hot Spot", + "text": "a movie.\u201d [Laughs.] And I read the script, and I said, \u201cWow!\u201d I mean, the Figgis script was really slick and cool, and it was a heist movie, but this was real noir, the guy was an amoral drifter, and it was all about how women were going to take him down. Hopper shot the film on location in Texas during what he described as the \"hottest, steamiest weather you could imagine\". The primary locations were in Taylor, Texas, especially its iconic downtown area, locations around and in Austin as well as in Luling. The swimming scenes were filmed at", + "score": 0.7021484375 + }, + { + "id": "6780192", + "title": "The Cool and the Crazy", + "text": "The film was shot in about two or three weeks on-location in Kansas City sometime in the latter part of 1957. The locations included a Kansas City high school, where most of the students got a chance to be in the film, a run-down Aberdeen Hotel in downtown Kansas City, a [[greasy spoon called Pat's Pig, [[Penn Valley Park]] and the [[Indian Scout Statue]] overlooking the city, the Blue Note Club, the renowned [[Kansas City Jazz]] hall, and several real homes and neighborhoods. Rhoden Jr. had cooperation from many local businesses and also from the [[Kansas City Police Department]], who", + "score": 0.7021484375 + }, + { + "id": "4856711", + "title": "Cooley High", + "text": "just as Preach headed to Hollywood after the death of Cochise, Monte reveals that after his friend was murdered he hitchhiked his way to the west coast where he began working for shows such as \"Good Times\" and \"The Jeffersons\". Unfortunately, not everyone from the film went on to live a life of success. Nearly two years after the film's release, Norman Gibson was gunned down outside of his neighborhood. The movie was filmed from October through November 1974 in Chicago, Illinois. Some scenes include other areas of Chicago such as Navy Pier and the Gold Coast area but primarily", + "score": 0.7021484375 + }, + { + "id": "3172708", + "title": "Angel Heart", + "text": "camera assistant. To make the actors more comfortable, Parker played music during the shoot. Production then moved to a corner of New Orleans, which doubled for flashback sequences set in 1943 Times Square, New York. The crew then discovered an unused bus depot, which was used to film scenes set in Ethan Krusemark's gumbo hut. Filming then moved to the St. Alphonsus Church, where the crew filmed a dialogue scene between Angel and Cyphre. Production returned to Royal Street in the French Quarter, where the final confrontation between Angel and Cyphre, and the film's ending were shot. After filming concluded", + "score": 0.7021484375 + }, + { + "id": "10740021", + "title": "The Wool Cap", + "text": "basement apartment while he tries to find someone willing to take her in. The film, a co-production of Viacom Productions and 20th Century Fox Television, was shot in Atlanta, Georgia and Montr\u00e9al, Qu\u00e9bec, Canada. Director by Schachter, it starred Macy as Charlie and Keke Palmer as Lou, with Don Rickles, Ned Beatty, Cherise Boothe, Julito McCullum, and Catherine O'Hara in supporting roles. The film premiered on November 21, 2004 on TNT. It has been released on videotape and DVD. Fox owns the international ancillary rights, while North American ancillary rights are now in the hands of CBS Television Studios. Paramount", + "score": 0.70166015625 + }, + { + "id": "2839945", + "title": "Body Heat", + "text": "a good novel, and the texture of recognizable people in extraordinary circumstances.\" A substantial portion of the film was shot in east-central Palm Beach County, Florida, including downtown Lake Worth and in the oceanside enclave of Manalapan. Additional scenes were shot on Hollywood Beach, Florida, such as the scene set in a band shell. There was originally more graphic and extensive sex scene footage, but this was only shown in an early premier, including in West Palm Beach, the area it was filmed, and was, apparently, edited out for wider distribution. In an interview, Body Heat film editor Carol Littleton", + "score": 0.70166015625 + }, + { + "id": "10583512", + "title": "Teenage Catgirls in Heat", + "text": "in Heat\" was filmed in Austin, Texas. Marc Savlov for \"The Austin Chronicle\" gave the film one star out of 5. He found the dialogue bad, and the violence \"cheesy\". Richard Propes of \"The Independent Critic\" gave it a grade of A-, calling it \"the ultimate B-movie.\" Film critic Joe Bob Briggs gave it four stars and called it a \"pretty decent [film]\". \"TV Guide\" rated the film at two out of four stars, stating that \"this is one of the better independent films to be released on video by Troma. Unfortunately, this genial parody eventually sinks under the constraints", + "score": 0.701171875 + }, + { + "id": "5197407", + "title": "The Cincinnati Kid", + "text": "some cuts, the film ends with a freeze-frame on Steve McQueen's face following his penny-pitching loss. Turner Classic Movies and the DVD feature the ending with Christian. Jewison wanted to end the film with the freeze-frame but was overruled by the producer. The cockfight scene was cut by British censors. \"The Cincinnati Kid\" was filmed on location in New Orleans, Louisiana, a change from the original St. Louis, Missouri, setting of the novel. Spencer Tracy was originally cast as Lancey Howard, but ill health forced him to withdraw from the film. Sam Peckinpah was originally hired to direct; producer Martin", + "score": 0.701171875 + }, + { + "id": "12083881", + "title": "Night School (1981 film)", + "text": "sacrificed his life to protect her. However, as the case is dropped, Judd lets Eleanor go without arresting her. \"Night School\" was shot on location in Boston, Massachusetts, largely in the Beacon Hill neighborhood, in the spring of 1980 on a budget of $1.2 million. It was the second feature film to be near-exclusively shot in Boston, after \"The Brink's Job\". The final sequence however, tacked on after principal photography, was filmed in New York City. Producer Ruth Avergon recalled of working with director Ken Hughes: \"Ken had enormous energy ... I just loved working with him. He was a", + "score": 0.701171875 + }, + { + "id": "13491926", + "title": "A Nightmare on Elm Street (2010 film)", + "text": "Bragaw agreed once she was assured that no one would be killed during the pool scenes. On May 22, 2009, the \"Nightmare on Elm Street\" film crew went on location to the city of Gary, Indiana to film scenes at a Methodist church. The studio had negotiated with the city for months before finally settling on a deal. According to Ben Clement, the executive director of the Gary Office of Film and Television, the studio was looking for \"an architectural style that would fit the story line of the film\". The film crew returned to the streets of Gary first", + "score": 0.70068359375 + }, + { + "id": "5671385", + "title": "Fat City (film)", + "text": "to stay to talk a while. Munger agrees, and the two men sit drinking their coffee together in silence. Like the novel, the film was set in Stockton, California and shot mostly on location there. All of the original skid row depicted in the novel was demolished (West End Redevelopment) from 1965 to 1969. Most of the skid row scenes were filmed in the outer fringe of the original skid row which was torn down a year after \"Fat City\" was filmed in order to make way for the construction of the Crosstown Freeway, aka \"Ort Lofthus Freeway\". The drama", + "score": 0.70068359375 + }, + { + "id": "4856708", + "title": "Cooley High", + "text": "pursue his dream of becoming a renowned Hollywood poet and writer. This ultimately makes both him and his newfound guardian angel proud. Monte based the film on his experiences attending the real-life Cooley Vocational High School (which closed in 1979) that served students from the Cabrini\u2013Green public housing project on Chicago's north side. While the film was set in and around Cabrini\u2013Green, it was primarily filmed at another Chicago-area housing project. Monte has said that he wrote the film to dispel myths about growing up in the projects: \"I grew up in the Cabrini\u2013Green housing project and I had one", + "score": 0.7001953125 + }, + { + "id": "16406343", + "title": "An American Romance", + "text": "principal photography began in April 1943. Vidor used several different locations for exterior and industrial shots. He shot footage of factories and mines in Hibbing, Minnesota, the dock in Duluth, Minnesota and the Ford River A&O Rouge Plant in Dearborn, Michigan. Atmosphere and background shots were filmed in Lake Superior. Additional industrial shots of the Carnegie Illinois Steel Works factory in Chicago and the Indiana Steel Plant in Gary, Indiana were also filmed. For a racing scene, Vidor used footage filmed at the Indianapolis 500 in Speedway, Indiana. Other scenes were filmed at the Chrysler automobile factory in Detroit, the", + "score": 0.69970703125 + }, + { + "id": "2622306", + "title": "Deep Throat (film)", + "text": "FBI director W. Mark Felt. The scenes involving Linda Lovelace were shot in North Miami, Florida, over six days in January 1972. The interior scenes were shot at a hotel between 123rd and 124th Streets on Biscayne Boulevard, then known as the Voyager Inn. The building was subsequently converted to a dormitory for Johnson & Wales University. The scenes involving Carol Connors were shot in New York City. The movie was produced by Louis \"Butchie\" Peraino, who was listed in the credits as \"Lou Perry\". Peraino was the owner of Plymouth Distributing, which he later renamed Arrow Film and Video.", + "score": 0.69970703125 + }, + { + "id": "16205156", + "title": "The East (film)", + "text": "Production of the film, which had a budget of , took place in Shreveport, Louisiana. Production designer Alex DiGerlando converted an alternative lifestyle club in Shreveport into a house for The East. The club was originally painted black and gold, and it was repainted different shades of green for the film. Filming took place in late 2011; Batmanglij said it lasted . The director compared the film's ambivalent ending to the one in the 2002 film \"25th Hour\": \"I feel like it's almost as if the film\u2019s events never happened at its end... It's sort of like what we're all", + "score": 0.69921875 + }, + { + "id": "1834896", + "title": "Carroll O'Connor", + "text": "on CBS in that show's last three seasons. While coping with his son's drug problem, O'Connor starred as Sparta, Mississippi, Police Chief Bill Gillespie, a tough veteran cop on \"In the Heat of the Night\". Based on the 1967 movie of the same name, the series debuted on NBC in March 1988 and performed well. He cast his son Hugh O'Connor as Officer Lonnie Jamison. The headquarters of the Sparta Police Department was actually the library in Covington, Georgia. Much like O'Connor himself, Gillespie was racially progressive and politically liberal, but the character of Bill Gillespie was also a smart", + "score": 0.69873046875 + }, + { + "id": "4784255", + "title": "The Bad News Bears in Breaking Training", + "text": "the Lancaster Hotel, located off Texas Avenue across from Jones Hall. The scene where Kelly meets up with his father for the first time was filmed at the Texas Pipe Bending Company, a real business located at 2500 Galveston Road. (The Park Memorial Church can be seen across the street.) Later in the movie, the Bears stay at the Houston Hilton; the actual hotel is located at 6633 Travis Street in Houston, but the filming location was the Pasadena Hilton in Pasadena, California. The scene where Coach Leak confronts Sy Orlansky about playing the Bears instead of the team from", + "score": 0.69873046875 + }, + { + "id": "8464946", + "title": "Only the Lonely (film)", + "text": "produced that he did not write. Most of the film was shot on location in Chicago. Danny and Rose Muldoon's house is located at the intersection of Clark Street and Roscoe Street, as is the front fa\u00e7ade of O'Neils' Pub. The inside of the pub was shot at Emmett's Pub, a Chicago landmark that was also used in \"Uncle Buck\", another film with John Candy. At the request of producer John Hughes (a Chicagoan and big fan of the Chicago White Sox) and sports fan John Candy, the baseball stadium where Danny and Theresa's first date took place was arranged", + "score": 0.69873046875 + }, + { + "id": "12039987", + "title": "The Clouded Yellow", + "text": "his role was \"not a big part but it's the best I've ever had.\" The supporting cast features a young Kenneth More. A significant proportion of the action in the middle of the film was shot on location in Newcastle upon Tyne, featuring scenes on the quayside, the area around the Castle Keep and the Central Station, and the suburb of Jesmond. Some scenes were filmed in Liverpool's China Town, Toxteth, Liverpool Docks and on the Liverpool Overhead Railway. The railway closed in 1956 and was later dismantled. The movie benefited from publicity arising out of Jean Simmons' engagement and", + "score": 0.69873046875 + }, + { + "id": "3172703", + "title": "Angel Heart", + "text": "team spent two months designing the set prior to filming, hoping to recreate 1950s New York. Because of the warm weather conditions, ice trucks were used to create fake snow. Filming then moved to Alphabet City in Manhattan, where several bar scenes and Angel's intimate bedroom scene with Connie (Whitcraft) were filmed. The production team then moved to Harlem to film a chase scene set during a procession before moving to Coney Island, where the cast and crew underwent severely cold weather conditions. The location was used to film a scene in which Angel questions a man Izzy (George Buck)", + "score": 0.6982421875 + }, + { + "id": "1466471", + "title": "Cape Fear (1962 film)", + "text": "Grafton. Thompson had always envisioned the film in black and white prior to production. As an Alfred Hitchcock fan, he wanted to have Hitchcockian elements in the film, such as unusual lighting angles, an eerie musical score, closeups, and subtle hints rather than graphic depictions of the violence Cady has in mind for the family. The outdoor scenes were filmed on location in Savannah, Georgia; Stockton, California; and the Universal Studios backlot at Universal City, California. The indoor scenes were done at Universal Studios Soundstage. Mitchum had a real-life aversion to Savannah, where as a teenager, he had been charged", + "score": 0.6982421875 + }, + { + "id": "13189982", + "title": "Iron Man 3", + "text": "in the film, with Sadler playing the President of the United States. Despite erroneous early reports that Cobie Smulders would reprise her role as Maria Hill from \"The Avengers\" in the film, Smulders wrote on her verified Twitter page that this was not so. Filming began in Wilmington, North Carolina on May 23, 2012 at EUE/Screen Gems Studios, with the working title \"Caged Heat\". Cinematographer John Toll opted to for the first time in his career work with digital cameras, as he found them more convenient for a visual effects-heavy production. Toll shot the film primarily on the Arri Alexa", + "score": 0.69775390625 + }, + { + "id": "11611841", + "title": "Walk on the Wild Side (film)", + "text": "dialogue, eventually resulted in the director resigning. The film's schedule slipped, causing difficulties for co-star Anne Baxter, six months pregnant when the production wrapped. Baxter described these events in her autobiography, \"Intermission\" (1976). Although largely filmed in New Orleans, it also features scenes from the Thousand Oaks Meat Locker on what is now Thousand Oaks Boulevard in Thousand Oaks, CA. The opening and closing sequences, directed by Saul Bass, have become a famous element of the film. In the beginning, a black tom cat, shown at shoulder height, prowls an urban landscape and picks a fight with a white cat,", + "score": 0.69775390625 + }, + { + "id": "6701632", + "title": "City Heat", + "text": "City Heat City Heat is a 1984 American action crime-comedy film starring Clint Eastwood and Burt Reynolds, written by Blake Edwards, and directed by Richard Benjamin. The film was released in North America in December 1984. The pairing of Eastwood and Reynolds was thought to have the potential to be a major hit but the film earned only $38.3 million at the box office, against a $25 million budget. In Kansas City, 1933, police lieutenant Speer goes to a diner for coffee. Two men arrive, looking for a former cop turned private eye named Mike Murphy. Speer and Murphy were", + "score": 0.697265625 + }, + { + "id": "8329307", + "title": "Chu Chu and the Philly Flash", + "text": "allowed to rewrite the script. Arkin spent the next seven years developing the film with Weston. Dana had a small role in the film, and Arkin's three children, Adam Arkin, Matthew Arkin and Tony Arkin also had roles in the film. Principal photography for the film began on August 20, 1980, with location filming in San Francisco and Los Angeles, California. According to production notes, San Francisco locations included Alta Plaza Park, the China Basin and Potrero Hill. Interior sets were built at the U.S. Navy hangar on San Francisco's Treasure Island. On October 31, 1980, principal photography was completed.", + "score": 0.69677734375 + }, + { + "id": "8660016", + "title": "Nightmare in the Sun", + "text": "the title track, but it is not in the final film. Filming started on 13 September 1963. The movie was filmed in and around Calabasas, California over 15 days. Several of the cast agreed to appear for less than their usual fees as a favor to Lawrence. Lawrence made John Derek a co-producer in order that his then-wife Ursula Andress would do a nude scene. He says this would be in the scene at the beginning \"when Aldo Ray rapes her\" (although in the final film the sex is consensual). \"Derek promised to allow his wife Ursula to do a", + "score": 0.6962890625 + }, + { + "id": "4899955", + "title": "In the Heat of the Night (film)", + "text": "and Freeburg (Compton's diner), Illinois. The famous scene of Tibbs slapping Endicott is not present in the novel. According to Poitier, the scene was almost not in the movie. In the textbook \"Civil Rights and Race Relations in the USA 1850-2009 (Access to History),\" Poitier states: \"I said, 'I'll tell you what, I'll make this movie for you if you give me your absolute guarantee when he slaps me I slap him right back and you guarantee that it will play in every version of this movie.' I try not to do things that are against nature.\" However, Poitier's version", + "score": 0.6962890625 + }, + { + "id": "9599221", + "title": "Conversations with Other Women", + "text": "interior of the cab(s) in the final shot were shot on a sound stage in Culver City, California. The hotel ballroom scenes were shot in the ballroom of the Park Plaza Hotel, adjacent to MacArthur Park near downtown Los Angeles, California. Other films shot at that location include \"Barton Fink\", \"Chaplin\", \"Nixon\", \"The Fisher King\", \"Wild at Heart\" and \"Bugsy\". Many scenes were shot in the \"Los Angeles Herald-Examiner\" building, which has been used almost exclusively as a film location since the notorious Los Angeles newspaper, once owned by William Randolph Hearst, closed down in 1989. Though an editor was", + "score": 0.69580078125 + }, + { + "id": "540552", + "title": "Heat (1995 film)", + "text": "script was almost exactly word for word the conversation that McCauley and Adamson had. The next time the two would meet, guns would be drawn, just as the movie portrays. On March 25, 1964, McCauley and members of his regular crew followed an armored car that delivered money to a National Tea grocery store at 4720 S. Cicero Avenue, Chicago. Once the drop was made, three of the robbers entered the store. They threatened the clerks and stole money bags worth $13,137 (equivalent to $ in ) before they sped off in a rainstorm amid a hail of police gunfire.", + "score": 0.69580078125 + }, + { + "id": "15545895", + "title": "Poor Pretty Eddie", + "text": "a prison escape in 1978, was placed on the FBI\u2019s most-wanted list. The movie's script, loosely based on the Jean Genet play \"The Balcony\", was the work of consummate television writer B. W. Sandefur, who also wrote for such shows as \"Barnaby Jones\", \"Little House on the Prairie\" and \"Charlie's Angels\". The film was shot on location in and around Athens, Georgia in 1973. The film\u2019s biggest star, Shelley Winters, was flown in on a private plane that nearly crashed upon landing. Contemporary reviews for the film were almost unanimously negative, owing to the film's dark racial undercurrents and repeated", + "score": 0.69580078125 + }, + { + "id": "15696878", + "title": "Bad Boy (1949 film)", + "text": "ranch scenes were not filmed on the actual Variety Clubs ranch in Texas that inspired the film, but instead in Thousand Oaks, California. The film was released in the 43 cities with Variety Clubs. Bad Boy (1949 film) Bad Boy is a 1949 film starring Audie Murphy in his first leading role. It was directed by Kurt Neumann. Orphan Danny Lester is a delinquent boy of seventeen who is on the run from the law. He has temporarily taken his refuge working as a bellboy in a hotel in Texas, and robs a game of dice taking place at the", + "score": 0.69580078125 + }, + { + "id": "6509609", + "title": "The Friends of Eddie Coyle", + "text": "that he knows Dillon is involved but remains too useful to pursue for the murder of a petty criminal such as Eddie Coyle. Filming took place throughout the Boston area, including Dedham, Cambridge, Milton, Quincy, Sharon, Somerville, Malden, and Weymouth, Massachusetts. During the making of the film, Mitchum was interested in meeting the local gangsters as part of his research. Journalist George Kimball, a sports writer on the \"Boston Herald\" at the time, claimed that Mitchum wanted to meet Whitey Bulger and was warned against it by Higgins. What is known is that cast member Alex Rocco, who grew up", + "score": 0.6953125 + }, + { + "id": "9597598", + "title": "McQ", + "text": "discovers who is behind the police killings and the theft of drugs from the police, leading to a climactic chase and shootout at a beach with Santiago and his men. The movie was filmed on location in Seattle, Aberdeen, Washington, and at the Quinault Indian Reservation in Washington. Hal Needham, a stunt car driver, performed the very first car stunt using a black powder cannon charge to help flip the car without ramps in this film. The climatic car chase seen on the beach, near the end of the movie, was first practiced on the back lots of LA, and", + "score": 0.6953125 + }, + { + "id": "11155590", + "title": "Neptune's Daughter (1949 film)", + "text": "Betty that he is an impostor, but she forgives him and assures him of her love. All ends happily as a double wedding is planned for both couples. Although the story states off-hand that Jack Spratt is a resident of the fictional town \"Clayport, California,\" the movie was filmed partly on location in Los Angeles, California and at Weeki Wachee Springs in Florida. Some of the action in the film is depicted as taking place at Casa Cugat, Xavier Cugat's Mexican restaurant which was located at 848 North La Cienega Boulevard in West Hollywood. Williams discovered she was pregnant with", + "score": 0.69482421875 + }, + { + "id": "1745499", + "title": "Purple Rain (film)", + "text": "Howard Bloom advocated for it. Principal photography took place almost entirely in Minneapolis: the film features many local landmarks, including the Crystal Court of the IDS Center (also shown in segments of the opening credits to \"The Mary Tyler Moore Show\") and the legendary First Avenue nightclub. First Avenue was paid $100,000 for use of the club in filming; it was closed for 25 days. The Huntington Hotel, where Apollonia stayed, is located on Main Street in downtown Los Angeles. In the film, it is supposed to be across the street from First Avenue. The motorcycle Prince rides in the", + "score": 0.69482421875 + }, + { + "id": "4565399", + "title": "George Tillman Jr.", + "text": "would not have had the same cast. We had to have a schedule to accommodate everybody. We had only 38 days to shoot the movie and could not go a day over that.\" Due to Tillman's persistence, \"Soul Food\"'s location took place in Chicago. Tillman was pleased with the Edmonds' efforts in the film's production. \"I was able to bounce a lot of ideas off of them. They were there every day to see what was going on, but they didn't interfere with what I was doing. They let me make the film,\" Tillman told Sonia Murray of the \"Atlanta", + "score": 0.69482421875 + }, + { + "id": "1000396", + "title": "Atlantic City (1980 film)", + "text": "The film features a cameo by Wallace Shawn as a waiter in a restaurant; Malle's next film was \"My Dinner with Andre\", where Shawn is waited on as a customer. \"Atlantic City\" was filmed on location in and around Atlantic City and South Jersey, Philadelphia, and New York. Although filmed in the United States, the film was a co-production between companies based in France and Canada. Aside from Burt Lancaster, Susan Sarandon, and local extras, most of the cast originated from Canada or France. The film allowed Canadian actors such as Kate Reid and Al Waxman to successfully transition into", + "score": 0.6943359375 + }, + { + "id": "986043", + "title": "Norma Rae", + "text": "protest in the mill is the scene in the film where she writes the sign \"UNION\" and stands on her worktable until all machines are silent. Although Sutton was fired from her job, the mill was unionized, and she later went to work as an organizer for the textile union. \"Norma Rae\" was filmed on location in Opelika, Alabama. The mill scenes were shot at the Opelika Manufacturing Corp., and the motel scenes were filmed at The Golden Cherry Motel. The film \"Norma Rae\" won Academy Awards for Best Actress in a Leading Role (Sally Field) and Best Original Song", + "score": 0.69384765625 + }, + { + "id": "10446915", + "title": "Night Game (film)", + "text": "who has also made \"The Trip to Bountiful\" and wrote \"The Best Little Whorehouse in Texas\", decided to bring the movie to Texas. 'It seemed more interesting to bring it to Houston. A lot of movies are made in San Francisco and not as many in Houston or Galveston,' the director said. 'I think it worked out better; it's a different kind of locale.' Critical to the movie was the availability of the Dome, he said. Filming during the games was limited to capturing crowd reaction, wide-angle shots of the teams and the occasional player at bat. Dodgers outfielder Mike", + "score": 0.69384765625 + }, + { + "id": "13134909", + "title": "Heat (2006 film)", + "text": "result he gets jailed by the police. Luckily for him, the mates could not abandon their friend and rescue him from captivity. Gigineishvili and Bondarchuk used the same young cast and crew from \"The 9th Company\" for their film, set in Moscow during a hot boiling summer, which caused as the title \"Heat\" instead of the draft entitled \"City Tales\" (\"\u0421\u043a\u0430\u0437\u043a\u0438 \u0433\u043e\u0440\u043e\u0434\u0430\"). Its filming took place in the shortest time period: \"the script was written in ten days; pre-production took no more than two weeks; and after four months of shooting, the movie was done.\" Despite the fiscal success, \"Heat\"", + "score": 0.693359375 + }, + { + "id": "18363064", + "title": "Chocolate City (film)", + "text": "Chocolate City (film) Chocolate City is a 2015 American comedy-drama film directed and written by filmmaker Jean-Claude La Marre. The film stars Robert Ri'chard, Michael Jai White, Carmen Electra and Vivica A. Fox. The plot is about the life for a struggling college student changes in an instant when he meets the owner of a male strip club who convinces him to give amateur night a whirl. This film was shot in Inglewood, California and was released in a limited release and through video on demand outlets on May 22, 2015. A 2017 sequel named \"\" is available on Netflix.", + "score": 0.69287109375 + }, + { + "id": "961604", + "title": "In the Heat of the Night (TV series)", + "text": "stars and it was released Christmas 1991 and 1992 and was among the top holiday recordings of those years around the South and Midwest. In the Heat of the Night (TV series) In the Heat of the Night is an American drama television series based on the 1967 film and the 1965 novel of the same title. It starred Carroll O'Connor as police chief William Gillespie and Howard Rollins as police detective Virgil Tibbs, and was broadcast on NBC from March 6, 1988 until May 19, 1992, then on CBS from October 28, 1992 until May 16, 1995. Its executive", + "score": 0.69287109375 + }, + { + "id": "5267241", + "title": "Halloween 5: The Revenge of Michael Myers", + "text": "Donald Pleasence gave his much bigger trailer to Danielle Harris once he left set. Harris' mother had been complaining about the small size of her daughter's trailer and Pleasence decided that she should have his. Danielle Harris and Don Shanks became good friends over the course of filming, reportedly spending a lot of time together while off set. The film began production on May 1, 1989, and was filmed in and around Salt Lake City, Utah, just like its predecessor. The bus that the Man in Black gets off of stops outside exactly the same store where Jamie and Rachel", + "score": 0.69287109375 + }, + { + "id": "3172705", + "title": "Angel Heart", + "text": "Spider Simpson (Charles Gordone), and many of the hospice's elderly residents acted as extras for the scene. On April 17, 1986, the production team moved to Staten Island to film exterior and interior scenes involving the character Dr. Fowler (Michael Higgins). Filming then moved to Hoboken, New Jersey, which doubled for a scene set in a New Orleans train station. From April 28 to April 29, the production team returned to Harlem, where Parker filmed Rourke and De Niro's scene in a Harlem mission. The two actors next filmed a scene at Lanza's, an Italian restaurant located on the Lower", + "score": 0.6923828125 + }, + { + "id": "3892278", + "title": "The Burning Bed", + "text": "that Mickey's murder was a justifiable action. Having adapted the book into a made-for-television movie, Goldemberg's screenplay, \"The Burning Bed\", premiered on NBC on October 8, 1984. Directed by Robert Greenwald, the film starred Farrah Fawcett as Francine Hughes and Paul Le Mat as Mickey Hughes. The movie was filmed in Rosharon, Texas. The house that served as the Hughes' home still stands today. The movie premiered with a household share of 36.2 ranking it the 17th highest rated movie to air on network television. Television critic Matt Zoller Seitz in his 2016 book co-written with Alan Sepinwall titled \"\"", + "score": 0.6923828125 + }, + { + "id": "7594054", + "title": "My Blueberry Nights", + "text": "medical clinic, and the Blue Angel and La Palm motels, all located on East Fremont Street. Scenes were also shot in a hallway at Desert Springs Hospital. Scenes in Memphis were scheduled to be filmed from July 17 to July 21, at the Blues City Caf\u00e9 and at the Arcade Restaurant. Wong said that the film's Memphis segment was a tribute to Tennessee Williams. Wong originally intended to shoot the film in sequence, but when he discovered Rachel Weisz, whom he wanted to cast as Sue Lynne, was pregnant, he agreed to film the Memphis scenes last to allow her", + "score": 0.6923828125 + }, + { + "id": "3564229", + "title": "Streets of Fire", + "text": "(Green line), Sheridan Road (Red, Purple lines), and Belmont Avenue (Red, Brown, and Purple lines). The Damen Avenue stop (Blue Line, at Damen, North, and Milwaukee Avenues) was also used. Production designer John Vallone and his team constructed an elevated train line on the backlot of Universal Studios that perfectly matched the ones in Chicago. The film crew tarped-in the New Street and Brownstone street sets to double for the Richmond District setting, completely covering them so that night scenes could be filmed during the day. This tarp measured 1,240 feet long by 220 feet wide over both sets, and", + "score": 0.6923828125 + }, + { + "id": "12797140", + "title": "Last Night (2010 film)", + "text": "God I did.\" Tadjedin emphasized that Laura was not meant to be seen as a \"homewrecker\" or a \"temptress\". Portions of the movie were filmed in SoHo, Manhattan, during late 2008; filming ended in mid-2009. The location for Michael and Joanna's Tribeca apartment was found after three weeks. Its producers required a space with an elevator and enough space to accommodate the filming crew. Tadjedin wanted the apartment's furniture to represent the characters' personalities and the state of their relationship because the film does not depict their histories. She intended to portray Michael and Joanna as \"a successful working couple\"", + "score": 0.6923828125 + }, + { + "id": "13800394", + "title": "Delta Heat", + "text": "Los Angeles Police Officer (Edwards) investigates the death of his partner in the swamps of Louisiana. He enlists the help of an ex-cop (Henriksen) who lost his hand to an alligator years before. Delta Heat Delta Heat is a 1992 film directed by Michael Fischa and written by Sam A. Scribner. The buddy police film was shot in New Orleans, Louisiana. The screenplay was originally written by Bruce Akiyama to be a television pilot, commissioned by Sawmill Entertainment, but after producer Richard L. Albert made \"The Forbidden Dance\", he decided to hire writer Sam Scribner to expand the script to", + "score": 0.6923828125 + }, + { + "id": "12002757", + "title": "Park Plaza Hotel (Los Angeles)", + "text": "song \"I'm Outta Love\" and the music video for Maroon 5's 2015 hit song \"Sugar.\" The 2013 film \"Gangster Squad\" starring Emma Stone, Ryan Gosling, Sean Penn, Josh Brolin and Nick Nolte had the final shootout scene filmed here. The hotel was used for the prom scene in the films \"Not Another Teen Movie\" and \"Prom Night.\" The 1987 film \"Less Than Zero\" filmed several scenes in the movie at this hotel.\"\" Other TV-series and movies filmed here are: Park Plaza Hotel (Los Angeles) The Elks Lodge No. 99 / Park Plaza Hotel, now The MacArthur, is located at 607", + "score": 0.69189453125 + }, + { + "id": "14984591", + "title": "Fear in the Night (1972 film)", + "text": "on location in Aldenham, Hertfordshire. The scenes featuring the lakeshore (including the scene where Judy Geeson's character encounters Joan Collins') were shot at Aldenham Country Park around the Aldenham Reservoir. Bhaktivedanta Manor was used for the location of the boys' school. Additional filming took place at Elstree Studios in Hertfordshire. \"Fear in the Night\" was released in the United Kingdom on 9 July 1972, shown as a double bill with \"Straight on Till Morning\", another Hammer film with similar themes. The films were shown in cinemas as a double feature titled \"Women in Fear.\" Executive Michael Carreras at Hammer studios", + "score": 0.69189453125 + }, + { + "id": "11286014", + "title": "The Man in the Net", + "text": "had just written \"Man of the West\" for the Mirisches, signed to write the screenplay. Michael Curtiz directed. Filming started 23 June. The film was mostly shot in Hollywood at the Goldwyn Studios with some location shooting at Raceland in Framingham, Massachusetts. Many of the outdoor scenes were shot in Thompson, CT, on the town common where a set was built (gas station) and at the Ballard Farm. Also, the exterior of \"The Chimney House\", a location that figures prominently in the story is Roseland Cottage in Woodstock, Connecticut. The paintings done by Ladd's character were painted by Frank Stovall,", + "score": 0.69189453125 + }, + { + "id": "8716582", + "title": "The End of Violence", + "text": "office. Like many other of Wenders' American movies, the film was shot in multiple locations, for instance the Griffith Observatory in Griffith Park and the Santa Monica Pier. A scene in the film shows a live recreation of the painting \"Nighthawks\" by Edward Hopper. Movie producer Mike Max meditates on the paranoia of fear of attack, in the movie business and life in general, as his wife Page announces she is leaving him. He receives a document via email from a NASA employee he met earlier at a conference. Before opening it he is kidnapped and almost killed, a scene", + "score": 0.69189453125 + }, + { + "id": "4043275", + "title": "Warren Oates", + "text": "Devil\" (1975) and \"92 in the Shade\" (1975). While making a guest appearance on a segment of the Western television series \"Dundee and the Culhane\", Oates managed to steal the show with his off-camera antics and bloopers that had everyone on the set rolling. After a long day of filming, he headed over and set his footprints in cement along with all the other stars who appeared at Apacheland Movie Ranch. It was during this time that \"In the Heat of the Night\" was a blockbuster summer movie. Oates played Officer Sam Wood, a peeping-tom policeman and possible killer in", + "score": 0.69140625 + }, + { + "id": "4286869", + "title": "F/X", + "text": "scenes from \"Bullitt\" and \"The French Connection\". To pull off the film's special effects, the producers hired John Stears, who had worked on the first eight James Bond films and shared a special effects Academy Award for \"\". Principal photography took place during the summer of 1985 around New York City and in Rye, New York, as well as Toronto, Ontario, Canada. Toronto locations included Sherway Gardens Mall in Etobicoke. A preview screening in the San Fernando Valley produced some of the best statistics Orion Pictures had seen in some time. A week before its release, a film industry screening", + "score": 0.69140625 + }, + { + "id": "13800393", + "title": "Delta Heat", + "text": "Delta Heat Delta Heat is a 1992 film directed by Michael Fischa and written by Sam A. Scribner. The buddy police film was shot in New Orleans, Louisiana. The screenplay was originally written by Bruce Akiyama to be a television pilot, commissioned by Sawmill Entertainment, but after producer Richard L. Albert made \"The Forbidden Dance\", he decided to hire writer Sam Scribner to expand the script to feature film length. During production, producer Albert spent six hours in the bayous north of New Orleans convincing alligator hunter Bob Raymond to catch 40 alligators which appear in the final scene. A", + "score": 0.69140625 + }, + { + "id": "10446913", + "title": "Night Game (film)", + "text": "\"Night Game\". Parts of the movie were filmed in the Astrodome last year and director Peter Masterson says Davis proved to be the man he needed for a tricky plot twist. 'We needed an Astro to hit a home run and Davis was the one that hit it, so he got in the movie,' laughed Masterson in a call from his New York home.\"\" \"\"Night Game\" was the first movie in years to be filmed in the Astrodome, joining \"Brewster McCloud\", a peculiar 1971 Robert Altman film largely shot in the stadium, \"The Bad News Bears in Breaking Training\", and", + "score": 0.69140625 + }, + { + "id": "3564228", + "title": "Streets of Fire", + "text": "August 18, 1983. All 10 days of filming in Chicago were exteriors at night, on locations that included platforms of elevated subway lines and the depths of Lower Wacker Drive. For Hill, the subways and their look was crucial to the world of the film and represented one of three modes of transportation\u2014the other two being cars and motorcycles. While shooting in Chicago, the production was plagued by inclement weather that included rain, hail, snow, and a combination of all three. The subway scenes were filmed on location in Chicago at many locations, including: LaSalle Street (Blue line), Lake Street", + "score": 0.69091796875 + }, + { + "id": "3383876", + "title": "Fourteen Hours", + "text": "Zanuck considered changing the setting of the movie to another city for the same reason. But it was ultimately filmed in New York. Howard Hawks refused to direct this movie because of its subject matter. Henry Hathaway, a director noted for his realistic films \"The House on 92nd Street\" (1945), \"Kiss of Death\" (1947), and \"Call Northside 777\" (1948), was assigned to the project. The film was made in just six weeks with a modest budget. The New York exteriors were filmed at the American Exchange National Bank building, located at 128 Broadway in lower Manhattan. The building has since", + "score": 0.6904296875 + }, + { + "id": "4583327", + "title": "The Temptations (miniseries)", + "text": "dramatization purposes: As a result, Otis Williams and the producers would be sued by several people portrayed in the film and their families, notably Melvin Franklin's mother and the children and estate of David Ruffin. Although the movie is set mostly in Detroit and Los Angeles, the producers chose to shoot the film in Pittsburgh, presumably to take advantage of the many different architectural and geographical looks that Pittsburgh offers. de Passe Entertainment had, some six years earlier, shot \"\" in Pittsburgh as well. The story begins in 1958 when Otis Williams, at the time a teenager, is running to", + "score": 0.6904296875 + }, + { + "id": "14378457", + "title": "Into Temptation (film)", + "text": "Cabin 14 Productions. It was distributed by First Look International. About a year before the film was released, Coyle asked Anne Marie Gillen to serve as executive producer. Gillen said she had not responded to a script in such an emotional way since the 1991 drama film \"Fried Green Tomatoes\", which she also produced. Filming, which began in May 2008, took place entirely in Minneapolis. It included several scenes staged in the city's Uptown commercial district, where Coyle lived. In addition to his personal connections to the city, Coyle said filming took place in Minneapolis because it was relatively inexpensive", + "score": 0.6904296875 + }, + { + "id": "20659107", + "title": "Night of the Strangler", + "text": "the film acting debut for both Chuck Patterson and Harold Sylvester. \"Night of the Strangler\" was filmed in New Orleans in 1972. Production values were generally low; for example, the boom mic is visible in several scenes. A lyricist and vocalist are both credited, but no songs are present in known prints of the film. The film was released under a variety of titles. The American Film Institute lists The Ace of Spaces as a working title, but that title may have also been used for distribution. At least one surviving print has the slightly longer title The Night of", + "score": 0.6904296875 + }, + { + "id": "6469362", + "title": "Brubaker", + "text": "discovery of numerous graves belonging to prisoners who had been killed in these prisons. Much of the squalid conditions, violence and corruption depicted in the film was the subject of a 1970 federal court case, \"Holt v. Sarver\", in which the federal court ruled that Arkansas' prison system violated inmates' constitutional rights, and ordered reform. Rosenberg replaced Bob Rafelson, who was removed as director early in production. This would become Rosenberg's second prison film after directing \"Cool Hand Luke\" in 1967. Most exteriors were filmed at the then-recently closed Junction City Prison in Junction City, southeast of Columbus in central", + "score": 0.68994140625 + }, + { + "id": "3195731", + "title": "New Jack City", + "text": "set and filmed in New York City between April 16 and June 6, 1990. \"New Jack City\" received a favorable reception by film critics for its cast, storyline and soundtrack. Roger Ebert of the \"Chicago Sun-Times\" gave the film three and a half stars out of four, writing: \"Time Out London\" described the film as \"a superior example of what used to be called blaxploitation.\" The film initially premiered at the Sundance Film Festival on January 17, 1991, before being released nationally on March 8, 1991. The film, produced with an estimated $8,000,000 budget, grossed $7,039,622 during its opening weekend.", + "score": 0.68994140625 + }, + { + "id": "6069166", + "title": "Overnight Delivery", + "text": "film lasts approximately 87 minutes. The entire film was shot in the Twin Cities of Minnesota. Exterior scenes were filmed in Minneapolis, Saint Paul and rural Minnesota. The film included landmarks such as Ground Zero nightclub, used as the strip club, Minneapolis convention center as the airport, the Stillwater Lift Bridge, and University of St. Thomas as The University of Memphis. The Embassy Suites Downtown St. Paul was used as The University of Memphis dormitory. Joey Lauren Adams was originally going to skip out on her part in \"Chasing Amy\" to play Ivy in \"Overnight Delivery\", but she lost the", + "score": 0.68994140625 + }, + { + "id": "14666642", + "title": "Sherwood Cryer", + "text": "magazine titled \"The Ballad of the Urban Cowboy America's Search for \"True Grit\"' for its September 1978 issue. The stars would be John Travolta as \"Bud\" the lead character and Debra Winger as \"Sissy\" \"Bud's\" romantic interest. The movie was filmed on site in Pasadena. It was an enormous box-office hit in 1980. The film's sound track album featured \"Looking' For Love\" By Johnny Lee. And Mickey Gilley with \"Stand By Me\". John Travolta coming to Pasadena Texas is what did it for the movie. A man who had made disco movies popular was now making Country movies popular also.", + "score": 0.68994140625 + }, + { + "id": "14736137", + "title": "Night Catches Us", + "text": "decked himself out in Panther style beret and jacket, approaches the cop who had harassed him earlier, and shoots him. Jimmy flees to his cousin's house, but when the police show up outside she forces him to leave as she stonewalls the police. Later, the police find Jimmy hiding in a wooded area and shoot him. After this, Marcus asks Patricia to leave Philly with him and put the past behind her. She refuses, and he leaves alone. Filming took place in summer 2009 in Philadelphia, Pennsylvania. Director Tanya Hamilton said of the film; \"There's a distinct lack of content", + "score": 0.68994140625 + } + ], + "answer": "In the Heat of the Night is a 1967 American mystery drama film directed by Norman Jewison. Although the film was set in the fictional Mississippi town of Sparta, most of the movie was filmed in Sparta, Illinois, where many of the film's landmarks can still be seen. Jewison decided to film part of the film in Dyersburg and Union City, Tennessee, while the rest was filmed in Sparta, Chester (Harvey Oberst chase scene), and Freeburg (Compton's diner), Illinois." + }, + { + "qa_pairs": [ + { + "context": "The most significant use of the song was in the third act of \"Toy Story 2\", where an episode of \"Woody's Roundup\" (the 1950s puppet show he was based on) shows the puppet Woody singing the song, directed at the young audience and featuring a small child hugging the puppet. Woody sees this and has an epiphany, realizing that his mission as a toy is to be there for a child. (In-universe, the song was presumably written for \"Woody's Roundup\".)", + "question": "Which character sings you've got a friend in me in toy story 2 during Woody's Roundup?", + "short_answers": [ + "Woody" + ], + "wikipage": "You've Got a Friend in Me" + }, + { + "context": "Like many other Disney theme songs, \"You've Got a Friend in Me\" has been covered numerous times. Cover versions featured in the first three \"Toy Story\" films include a duet with Newman and Lyle Lovett in \"Toy Story; \" a diegetic instance by Tom Hanks, a version by Robert Goulet and an instrumental by Tom Scott in \"Toy Story 2\", and a Spanish language version by the Gipsy Kings in \"Toy Story 3\".", + "question": "Which actor sings you've got a friend in me in the English toy story 2 during Woody's Roundup?", + "short_answers": [ + "Tom Hanks", + "Thomas Jeffrey Hanks" + ], + "wikipage": "You've Got a Friend in Me" + }, + { + "context": "In the two sequels, the song is listened to by the characters as part of the story. Two of these are cover versions done at the end of the film for thematic reasons: at the end of \"Toy Story 2\", the character Wheezy starts to sing it to the other toys; during the end credits of \"Toy Story 3\", Buzz Lightyear and Jessie (now a couple) perform a pasodoble to a Spanish version of the song, deliberately played by Jessie to get Buzz to dance.", + "question": "Which character sings you've got a friend in me in toy story 2, not during Woody's Roundup?", + "short_answers": [ + "Wheezy" + ], + "wikipage": "You've Got a Friend in Me" + }, + { + "context": "Like many other Disney theme songs, \"You've Got a Friend in Me\" has been covered numerous times. Cover versions featured in the first three \"Toy Story\" films include a duet with Newman and Lyle Lovett in \"Toy Story; \" a diegetic instance by Tom Hanks, a version by Robert Goulet and an instrumental by Tom Scott in \"Toy Story 2\", and a Spanish language version by the Gipsy Kings in \"Toy Story 3\".", + "question": "Which actor sings you've got a friend in me in the English toy story 2, not during Woody's Roundup?", + "short_answers": [ + "Robert Goulet", + "Robert G\u00e9rard Goulet" + ], + "wikipage": "You've Got a Friend in Me" + }, + { + "context": "Like many other Disney theme songs, \"You've Got a Friend in Me\" has been covered numerous times. Cover versions featured in the first three \"Toy Story\" films include a duet with Newman and Lyle Lovett in \"Toy Story; \" a diegetic instance by Tom Hanks, a version by Robert Goulet and an instrumental by Tom Scott in \"Toy Story 2\", and a Spanish language version by the Gipsy Kings in \"Toy Story 3\".", + "question": "Which actor sings you've got a friend in me in the Spanish toy story 2?", + "short_answers": [ + "Gipsy Kings", + "the Gipsy Kings" + ], + "wikipage": "You've Got a Friend in Me" + } + ], + "wikipages": [ + { + "title": "Tom Hanks", + "url": "https://en.wikipedia.org/wiki/Tom%20Hanks" + }, + { + "title": "You've Got a Friend in Me", + "url": "https://en.wikipedia.org/wiki/You%27ve%20Got%20a%20Friend%20in%20Me" + }, + { + "title": "Robert Goulet", + "url": "https://en.wikipedia.org/wiki/Robert%20Goulet" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The Woody's Roundup version was performed by Tom Hanks, with acoustic guitar backing; Wheezy's version was sung by Robert Goulet (though the character was voiced by Joe Ranft); and the Spanish version, \"You've Got a Friend in Me (Para el Buzz Espa\u00f1ol)\", was performed by the Gipsy Kings.", + "wikipage": "You've Got a Friend in Me" + } + ], + "long_answer": "The song 'You've Got a Friend in Me'' from Toy Story 2 was sung by a number of actors and characters in the movie. During Woody's Roundup, it was performed by Tom Hanks, with acoustic guitar backing; Wheezy's version (not during Woody's Roundup) was sung by Robert Goulet (though the character was voiced by Joe Ranft); and the Spanish version, \"You've Got a Friend in Me (Para el Buzz Espa\u00f1ol)\", was performed by the Gipsy Kings." + }, + { + "knowledge": [ + { + "content": "\"You've Got a Friend in Me\" is a song by Randy Newman. Used as the theme song for the 1995 Disney/Pixar animated film Toy Story, it has since become a major musical component for its sequels, Toy Story 2 (1999), Toy Story 3 (2010) and Toy Story 4 (2019) as well as a musical leitmotif throughout the whole Toy Story franchise.", + "wikipage": "You've Got a Friend in Me" + }, + { + "content": "The Woody's Roundup version was performed by Tom Hanks, with acoustic guitar backing; Wheezy's version was sung by Robert Goulet (though the character was voiced by Joe Ranft); and the Spanish version, \"You've Got a Friend in Me (Para el Buzz Espa\u00f1ol)\", was performed by the Gipsy Kings.", + "wikipage": "You've Got a Friend in Me" + } + ], + "long_answer": "The song You've Got a Friend in Me was originally written by Randy Newman and plays a major role in the Toy Story movie franchise. In Toy Story 2, an episode of Woody's Roundup plays, which is the 1950s puppet show that the character Woody is based on. In the episode, Woody is singing You've Got a Friend in Me to the audience, who is voiced by actor Tom Hanks. Near the end of the movie, Wheezy sings this song to the toys, which is sung by Robert Goulet instead of his normal voice actor. The Spanish version of the song called You've Got a Friend in Me (Para el Buzz Espa\u00f1ol) was performed by the Gipsy Kings." + } + ], + "sample_id": "8374920161078411955", + "question": "Who sings you've got a friend in me in toy story 2?", + "docs": [ + { + "id": "7612315", + "title": "You've Got a Friend in Me", + "text": "Woody sees this and has an epiphany, realizing that his mission as a toy is to be there for a child. (In-universe, the song was presumably written for \"Woody's Roundup\".) The \"Woody's Roundup\" version was performed by Tom Hanks, with acoustic guitar backing; Wheezy's version was sung by Robert Goulet (though the character was voiced by Joe Ranft); and the Spanish version, \"You've Got a Friend in Me (Para el Buzz Espa\u00f1ol)\", was performed by the Gipsy Kings. Michael Bubl\u00e9 covered \"You've Got a Friend in Me\" on his 2013 album, \"To Be Loved\". The track became a U.S. Adult", + "score": 0.8369140625, + "summary": "Tom Hanks sings \"You've Got a Friend in Me\" in the \"Woody's Roundup\" version of Toy Story 2.", + "extraction": "Tom Hanks sings \"You've Got a Friend in Me\" in the \"Woody's Roundup\" version in Toy Story 2." + }, + { + "id": "7612311", + "title": "You've Got a Friend in Me", + "text": "You've Got a Friend in Me \"You've Got a Friend in Me\" is a song by Randy Newman. Used as the theme song for the 1995 Disney/Pixar animated film \"Toy Story\", it has since become a major musical component for its sequels, \"Toy Story 2\" (1999) and \"Toy Story 3\" (2010) as well as a musical leitmotif throughout the whole \"Toy Story\" franchise. The song was nominated for both the Academy Award for Best Original Song and the Golden Globe Award for Best Original Song, but lost both to \"Colors of the Wind\" from Disney's \"Pocahontas\". Like many other Disney", + "score": 0.833984375, + "summary": "Randy Newman sings \"You've Got a Friend in Me\" in Toy Story 2.", + "extraction": "Randy Newman sings \"You've Got a Friend in Me\" in Toy Story 2." + }, + { + "id": "7612316", + "title": "You've Got a Friend in Me", + "text": "Contemporary chart hit, spending 14 weeks on the chart and peaking at number 10. On May 31, 2018, Rex Orange County released a cover of \u201cYou\u2019ve Got a Friend in Me\u201d, performing along with Randy Newman, the creator of the song. You've Got a Friend in Me \"You've Got a Friend in Me\" is a song by Randy Newman. Used as the theme song for the 1995 Disney/Pixar animated film \"Toy Story\", it has since become a major musical component for its sequels, \"Toy Story 2\" (1999) and \"Toy Story 3\" (2010) as well as a musical leitmotif throughout the", + "score": 0.8330078125, + "summary": "The song \"You've Got a Friend in Me\" is sung by Randy Newman and used as the theme song for the \"Toy Story\" movies. Rex Orange County covered the song with Newman in May 2018.", + "extraction": "\"You've Got a Friend in Me\" is a song by Randy Newman. It was used as the theme song for the 1995 Disney/Pixar animated film \"Toy Story\", as well as its sequels, \"Toy Story 2\" and \"Toy Story 3\". Therefore, Randy Newman sings \"You've Got a Friend in Me\" in Toy Story 2." + }, + { + "id": "7612312", + "title": "You've Got a Friend in Me", + "text": "theme songs, \"You've Got a Friend in Me\" has been covered numerous times. Cover versions featured in the three \"Toy Story\" films include a duet with Newman and Lyle Lovett in \"Toy Story; \" a diegetic instance by Tom Hanks, a version by Robert Goulet and an instrumental by Tom Scott in \"Toy Story 2\", and a Spanish language version by the Gipsy Kings in \"Toy Story 3\". The song is played during the opening credits for \"Toy Story\" and \"Toy Story 3\", establishing the importance of Woody and Andy in the first film and the importance of all his", + "score": 0.83203125, + "summary": "Tom Scott sings an instrumental version of \"You've Got a Friend in Me\" in Toy Story 2.", + "extraction": "Tom Scott sings an instrumental version of \"You've Got a Friend in Me\" in Toy Story 2." + }, + { + "id": "2182788", + "title": "Toy Story 2", + "text": "new songs for \"Toy Story 2\" as well as the complete original score: The film carried over one song from \"Toy Story\", \"You've Got a Friend in Me,\" sung at two different points during the film by Tom Hanks and Robert Goulet. Pixar showed the completed film at CalArts on November 12, 1999, in recognition of the school's ties with Lasseter and more than 40 other alumni who worked on the film. The students were captivated. The film held its official premiere the next day at the El Capitan Theatre in Los Angeles\u2014the same venue as \"Toy Story\"s\u2014and was released", + "score": 0.8291015625, + "summary": "\"You've Got a Friend in Me\" is sung by Tom Hanks and Robert Goulet in \"Toy Story 2\".", + "extraction": "\"You've Got a Friend in Me,\" sung at two different points during the film by Tom Hanks and Robert Goulet." + }, + { + "id": "12149824", + "title": "Toy Story (soundtrack)", + "text": "(\"You've Got a Friend in Me\"). Despite the album's critical success, the soundtrack only peaked at number 94 on the \"Billboard\" 200 album chart. A cassette and CD single release of \"You've Got a Friend in Me\" was released on April 12, 1996, to promote the soundtrack's release. After it went out of print, the album was made available for purchase digitally in retailers such as iTunes. The soundtrack, along with Newman's complete unreleased score for the film was remastered and reissued on July 17, 2015 as the tenth entry of \"The Legacy Collection\" series. Toy Story (soundtrack) Toy Story:", + "score": 0.78955078125, + "summary": "The Toy Story soundtrack features \"You've Got a Friend in Me\", which was released as a cassette and CD single on April 12, 1996. The soundtrack was remastered and reissued on July 17, 2015. However, the document does not mention who sings the song.", + "extraction": "Randy Newman sings \"You've Got a Friend in Me\" in Toy Story 2." + }, + { + "id": "7612314", + "title": "You've Got a Friend in Me", + "text": "end of \"Toy Story 2\", the character Wheezy starts to sing it to the other toys; during the end credits of \"Toy Story 3\", Buzz Lightyear and Jessie (now a couple) perform a pasodoble to a Spanish version of the song, deliberately played by Jessie to get Buzz to dance. The most significant use of the song was in the third act of \"Toy Story 2\", where an episode of \"Woody's Roundup\" (the 1950s puppet show he was based on) shows the puppet Woody singing the song, directed at the young audience and featuring a small child hugging the puppet.", + "score": 0.78759765625, + "summary": "Randy Newman sings \"You've Got a Friend in Me\" in Toy Story 2.", + "extraction": "irrelevant" + }, + { + "id": "4162455", + "title": "Toy Story 3", + "text": "(Japanese:\u30cf\u30b0\u30cf\u30b0\u30d9\u30a2\u3061\u3083\u3093/\"Hagu Hagu Beya-Chan\"). On \"Dancing with the Stars\" May 11, 2010 episode, the Gipsy Kings performed a Spanish-language version of the song \"You've Got a Friend in Me,\" which featured a paso doble dance choreographed by Cheryl Burke and Tony Dovolani. Both the song and dance are featured in the film. \"Toy Story 3\" was promoted with airings of the first and second film on several channels in the weeks preceding the film's release, including Disney Channel, Disney XD, and ABC Family. Sneak peeks of \"Toy Story 3\" were also revealed, primarily on Disney Channel. \"Toy Story 3\"s \"Not since...\"", + "score": 0.7685546875, + "summary": "The document mentions \"You've Got a Friend in Me\" being performed by the Gipsy Kings on Dancing with the Stars and featured in Toy Story 3. However, it does not provide information about who sings the song in Toy Story 2.", + "extraction": "Randy Newman sings \"You've Got a Friend in Me\" in Toy Story 2." + }, + { + "id": "4162472", + "title": "Toy Story 3", + "text": "the \"Toy Story 3\" soundtrack on Compact Disc. In addition to the tracks included in the soundtrack album, the film also uses several other tracks such as \"Dream Weaver\" by Gary Wright, \"Le Freak\" by Chic, and Randy Newman's original version of \"You've Got a Friend in Me.\" Furthermore, tracks \"Cowboy!\" and \"Come to Papa\" included material from Newman's rejected score to \"Air Force One\". The song \"Losing You\" from Newman's own album \"Harps and Angels\" was also used in the first trailer for the film. The Judas Priest song \"Electric Eye\" was also used in the film in the", + "score": 0.7666015625, + "summary": "Randy Newman sings \"You've Got a Friend in Me\" in the Toy Story 3 soundtrack, but the document also mentions other songs used in the film.", + "extraction": "Randy Newman's original version of \"You've Got a Friend in Me.\"" + }, + { + "id": "636092", + "title": "Toy Story", + "text": "the emotional underpinning for every scene.\" Newman wrote three original songs for the film; developing the film's signature song \"You've Got a Friend in Me\" in one day. The soundtrack for \"Toy Story\" was produced by Walt Disney Records and was released on November 22, 1995, the week of the film's release. It was difficult for crew members to perceive the film's quality during much of the production process when the finished footage was in scattered pieces and lacked elements like music and sound design. Some animators felt the film would be a significant disappointment commercially, but felt animators and", + "score": 0.75830078125, + "summary": "Randy Newman sings \"You've Got a Friend in Me\" in Toy Story.", + "extraction": "Randy Newman sings \"You've Got a Friend in Me\" in Toy Story." + }, + { + "id": "16179889", + "title": "Michael (Glee)", + "text": "and several reviewers felt it was odd to, as Chaney put it, sing a song about a rat \"to a guy who isn't named Ben and was wearing an eye patch\", which Futterman called \"a little creepy\" and VanDerWerff, more bluntly, \"fucking weird\". Despite this, Chaney gave the song a \"B\", one of her highest grades of the night, in part because it gave Colfer \"an excuse to hit those 'You\u2019ve got a friend in me' high notes\", while Futterman noted that he \"does well in the high range\", and praised the verses by Rachel and Finn. Bell, however, called", + "score": 0.73828125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "16053511", + "title": "When She Loved Me", + "text": "When She Loved Me \"When She Loved Me\" is a song written by Randy Newman for Pixar's animated film \"Toy Story 2\" (1999), recorded by Canadian singer Sarah McLachlan. The song reveals the backstory of Jessie, a toy cowgirl, as she reflects upon her now-defunct relationship with her original owner, by whom she is eventually outgrown. Heard in the film during a flashback sequence, the filmmakers decided to incorporate a song into the montage in which Jessie details her backstory to Woody after multiple attempts to show the character explaining her traumatic experience verbally proved unsuccessful. Newman initially felt that", + "score": 0.73681640625, + "summary": "The document is irrelevant to the question.", + "extraction": "Canadian singer Sarah McLachlan sings \"You've Got a Friend in Me\" in Toy Story 2." + }, + { + "id": "13897560", + "title": "Toy Story: The Musical", + "text": "The musical spectacular for \"Frozen\" replaced plans for Toy Story at the Hyperion Theater starting on May 27, 2016. The show was directed by Los Angeles-based director, Stefan Novinski, and choreographed by New York-based choreographer, Warren Adams. Throughout the 55-minute musical, there are 6 original songs, written by Valerie Vigoda and Brendan Milburn. It also features one song from the original soundtrack of the animated feature, \"You've Got a Friend in Me\", written by Randy Newman. Music direction and arranging was handled by Los Angeles-based music director, David O. The book was written by New-York based lyricist, Mindi Dickstein, who", + "score": 0.7333984375, + "summary": "\"You've Got a Friend in Me\" is a song featured in the musical Toy Story, which was replaced by Frozen at the Hyperion Theater in May 2016. However, the document does not mention who sings the song.", + "extraction": "\"You've Got a Friend in Me\", written by Randy Newman." + }, + { + "id": "15133874", + "title": "You've Got a Friend (Andy Williams album)", + "text": "You've Got a Friend (Andy Williams album) You've Got a Friend is the twenty-eighth studio album by American pop singer Andy Williams, released in August 1971 by Columbia Records. The album bears a striking resemblance to the Johnny Mathis album \"You've Got a Friend\" released that same month. Besides sharing their name, the two albums are both made up of covers of easy listening hits of the time, with 11 songs each, and the two albums have seven songs in common that are positioned in a similar order. The Williams album made its first appearance on \"Billboard\" magazine's Top LP's", + "score": 0.7265625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "3669511", + "title": "You've Got a Friend", + "text": "1997 and was the third single to be released from the album, it reached #9 on the UK Singles Chart in October 1997. \"You've Got a Friend\" was performed by Celine Dion, Shania Twain, Gloria Estefan, and Carole King at the \"VH1 Divas Live\" concert in Beacon Theatre, New York, 1998. It was released as a single and reached number 74 on the Belgian Flanders Airplay Chart. In 2004, English R&B singer Javine released her cover of the song as half of a double A-side single, along with a cover of \"Don't Walk Away\". Her recording was included in the", + "score": 0.724609375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "12499881", + "title": "Friend Like Me", + "text": "An official music video is available online. Friend Like Me \"Friend Like Me\" is a song from the 1992 Disney film \"Aladdin\". It was performed by Robin Williams in his role as the Genie. The song was nominated for the Academy Award for Best Original Song at the 65th Academy Awards and the Golden Globe Award for Best Original Song at the 50th Golden Globe Awards in 1993. The song was originally designed as a Cab Calloway-style big band number. After Robin Williams was cast, it was retooled as a more comedic, pop-culture-filled song. ScreenCrush explains that remnants of the", + "score": 0.724609375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is about the song \"Friend Like Me\" from the movie \"Aladdin\", and does not provide any information about the song \"You've Got a Friend in Me\" from Toy Story 2." + }, + { + "id": "15133882", + "title": "You've Got a Friend (Andy Williams album)", + "text": "three weeks that began in the August 21, 1971, issue of \"Billboard\" magazine\u2014the same issue in which Williams's chart run with the song began. From the liner notes for the original album: You've Got a Friend (Andy Williams album) You've Got a Friend is the twenty-eighth studio album by American pop singer Andy Williams, released in August 1971 by Columbia Records. The album bears a striking resemblance to the Johnny Mathis album \"You've Got a Friend\" released that same month. Besides sharing their name, the two albums are both made up of covers of easy listening hits of the time,", + "score": 0.72216796875, + "summary": "Irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "1490445", + "title": "Gipsy Kings", + "text": "do so. The band covered \"I've Got No Strings\" for the 1991 Disney video and compilation album \"Simply Mad About the Mouse\". Their cover version of \"Hotel California\" was an example of fast flamenco guitar leads and rhythmic strumming: it was featured in the 1998 Coen Brothers' movie \"The Big Lebowski\". The 2010 film \"Toy Story 3\" featured their rendition of \"You've Got a Friend in Me\", a Spanish-language version titled \"\"Hay un Amigo en Mi\"\" and performed in a recognisably flamenco style. The band have been criticised by flamenco purists, but Nicolas Reyes said in an interview that the", + "score": 0.72216796875, + "summary": "The document mentions that the Gipsy Kings performed a Spanish-language version of \"You've Got a Friend in Me\" for the 2010 film \"Toy Story 3\".", + "extraction": "The passage is irrelevant to the question as it does not mention anything about who sings \"You've Got a Friend in Me\" in Toy Story 2." + }, + { + "id": "12499877", + "title": "Friend Like Me", + "text": "Friend Like Me \"Friend Like Me\" is a song from the 1992 Disney film \"Aladdin\". It was performed by Robin Williams in his role as the Genie. The song was nominated for the Academy Award for Best Original Song at the 65th Academy Awards and the Golden Globe Award for Best Original Song at the 50th Golden Globe Awards in 1993. The song was originally designed as a Cab Calloway-style big band number. After Robin Williams was cast, it was retooled as a more comedic, pop-culture-filled song. ScreenCrush explains that remnants of the previous version of the film can be", + "score": 0.72119140625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The given passage does not contain information about the song \"You've Got a Friend in Me\" or the movie \"Toy Story 2\"." + }, + { + "id": "15290542", + "title": "Angry Dad: The Movie", + "text": "episode of \"The Simpsons\" featured multiple references to animation and Hollywood. Pixar is referenced in the episode as \"Mixar\". In the 1999 era of the studio you can hear the song \"Bye Bye Bye\" by NSYNC. The short film \"Condiments\" serves as a parody of the Pixar film \"Toy Story\", and the song \"You've Got an Enemy\" (sung by Castellaneta impersonating Randy Newman) references \"You've Got a Friend in Me\". \"Willis and Crumble\" parodies \"Wallace and Gromit\", and uses the same style of stop-motion animation. Nick Park, the creator of \"Wallace and Gromit\", has a voice cameo as himself. Multiple", + "score": 0.7197265625, + "summary": "The document is irrelevant to the question.", + "extraction": "Castellaneta impersonating Randy Newman sings \"You've Got a Friend in Me\" in the episode." + }, + { + "id": "3669512", + "title": "You've Got a Friend", + "text": "soundtrack for the 2004 film \"Garfield\". In 2005 British pop rock band McFly's cover of this song charted at number one in the UK Singles Chart This was released as a Double-A side along with the band's song All About You. This was also the official 2005 Comic Relief single. In 2016 Raini Rodriguez covered the song in the \"Austin & Ally\" episode \"Musicals & Moving On\". Christina Aguilera and Alisan Porter covered the song in The Voice season 10 finale. You've Got a Friend \"You've Got a Friend\" is a 1971 song written by Carole King. It was first", + "score": 0.71923828125 + }, + { + "id": "12149823", + "title": "Toy Story (soundtrack)", + "text": "Toy Story (soundtrack) Toy Story: An Original Walt Disney Records Soundtrack is the soundtrack album for the 1995 Pixar animated film \"Toy Story\", with music composed, conducted, and performed by Randy Newman. The soundtrack includes the film score, as well as three original songs written and performed by Newman. It was released by Walt Disney Records on November 22, 1995, the week of the film's release, and the first soundtrack album from a Pixar film. The soundtrack for \"Toy Story\" received praise for its \"sprightly, stirring score\". It received Academy Award nominations for Best Original Score and Best Original Song", + "score": 0.71923828125 + }, + { + "id": "3669502", + "title": "You've Got a Friend", + "text": "You've Got a Friend \"You've Got a Friend\" is a 1971 song written by Carole King. It was first recorded by King, and included in her album \"Tapestry\". Another well-known version is by James Taylor from his album \"Mud Slide Slim and the Blue Horizon\". His was released as a single in 1971 reaching number 1 on the \"Billboard\" Hot 100 and number 4 on the UK Singles Chart. The two versions were recorded simultaneously in 1971 with shared musicians. \"You've Got a Friend\" won Grammy Awards both for Taylor (Best Male Pop Vocal Performance) and King (Song of the", + "score": 0.7177734375 + }, + { + "id": "16053519", + "title": "When She Loved Me", + "text": "about the relationship between a doll and her estranged owner, he admitted that \"Inevitably some of my own experience seeps in there.\" Unlike the songs he had written for \"Toy Story\", Newman does not sing \"When She Loved Me\" himself; after writing it, the filmmakers insisted that the ballad be performed by a female singer, a decision by which the songwriter was not offended, and recruited Canadian singer-songwriter Sarah McLachlan, of whom Lasseter had been \"a tremendous fan\". Newman compared writing for a singing voice like McLachlan's as opposed to himself to \"writing for a different instrument\", explaining, \"I have", + "score": 0.71484375 + }, + { + "id": "16053522", + "title": "When She Loved Me", + "text": "Newman and McLachlan produced the song together, the former of whom also arranged and orchestrated the ballad. Both Newman's piano accompaniment and McLachlan's vocals were recorded by producer Greg Reely at The Warehouse Studio in Vancouver, British Columbia. Serving as a \"haunting soundtrack to Jesse's tale of abandonment\", \"When She Loved Me\" is \"Toy Story 2\"'s main song, and plays during a montage featuring images of Jessie and Emily, her former owner. Heard approximately midway through the film, the song narrates a flashback during which Jessie recalls the moment she is abandoned by Emily, reflecting upon their once-loving relationship and", + "score": 0.71435546875 + }, + { + "id": "8103864", + "title": "If I Didn't Have You (Disney song)", + "text": "Allmusic said \"For all its charm, it can't help but sound a bit like a second-rate version of Toy Story's \"You've Got a Friend in Me,\" but it's still a winning song.\" JazzHistoryOnline deemed it a \"heartfelt love song\". New York Times described it as \" one of his lesser efforts\". Sydney Morning Herald deemed it \"his input in the film's feel-good soundtrack\", adding \"Newman's astute musical nuances are crucial in cementing the film's broad appeal\". JazzTimes called it \"charming\". DVDDizzy called it \" a pleasant number that captures the protagonists' friendship\". Newman received a standing ovation when collecting his", + "score": 0.71337890625 + }, + { + "id": "3669503", + "title": "You've Got a Friend", + "text": "Year). Dozens of other artists have recorded the song over the years, including Dusty Springfield, Michael Jackson, Anne Murray and Donny Hathaway. \"You've Got a Friend\" was written by Carole King during the January 1971 recording sessions for her own album \"Tapestry\", and James Taylor's album \"Mud Slide Slim and the Blue Horizon\". King has stated that \"the song was as close to pure inspiration as I've ever experienced. The song wrote itself. It was written by something outside myself, through me.\" According to Taylor, King told him that the song was a response to a line in Taylor's earlier", + "score": 0.712890625 + }, + { + "id": "7612313", + "title": "You've Got a Friend in Me", + "text": "toys in the third. \"Toy Story 3\" also uses it for irony and dramatic effect, as the opening credits harken back to the first film and the song abruptly fades out with \"As the years go by/Our friendship will never die\", before showing that Andy's remaining toys in the present day are boxed up and unused. When they were unused, Andy was 17 years old. In the two sequels, the song is listened to by the characters as part of the story. Two of these are cover versions done at the end of the film for thematic reasons: at the", + "score": 0.71240234375 + }, + { + "id": "3669508", + "title": "You've Got a Friend", + "text": "recording of the song a sincerity that he finds Taylor's to lack. Mason also praises the \"depth and shading\" provided by the string instruments on King's recording. In his review of \"Mud Slide Slim and the Blue Horizon\", \"Rolling Stone\" critic Ben Gerson described \"You've Got a Friend\" as an \"affirmative song,\" but suggested that James Taylor's version was too similar to Carole King's original version to have been worth including on his album. Music critic Maury Dean describes Taylor's performance style for the song as minimalist and folkish and comments on his \"star-spangled sincerity.\" Additional musicians Dusty Springfield recorded", + "score": 0.7119140625 + }, + { + "id": "15133877", + "title": "You've Got a Friend (Andy Williams album)", + "text": "all time, Williams has a chart winner in this delightful program. Along with his new single, 'A Song for You', he turns in exceptional treatments of Carole King's 'You've Got a Friend', Kris Kristofferson's 'Help Me Make It Through the Night', and Nichols-Williams's 'Rainy Days and Mondays'.\" From the liner notes for the 2002 CD: \"You've Got a Friend\" had its biggest success as a recording by James Taylor that spent a week at number one on the \"Billboard\" Hot 100 and Easy Listening chart, reached number four on the UK singles chart, received Gold certification from the Recording Industry", + "score": 0.71044921875 + }, + { + "id": "13033514", + "title": "You've Got a Friend (Sonia and Big Fun song)", + "text": "You've Got a Friend (Sonia and Big Fun song) \"You've Got a Friend\" is a song written and produced by Stock Aitken Waterman and performed by Sonia and Big Fun, and featuring Gary Barnacle on sax. The song, a midtempo pop ballad, was released as a charity single for the Childline foundation in June 1990. Initially the artists recorded the well-known Carole King song of the same name, but for reasons unknown it was ultimately not used and SAW wrote an original song with the same name instead. The cover version was finally released in the 2010 re-issue of Big", + "score": 0.708984375 + }, + { + "id": "15045463", + "title": "We Belong Together (Randy Newman song)", + "text": "album was composed and conducted by Randy Newman. Upon the film's release, Disney did not release the soundtrack album for \"Toy Story 3\" on CD. It was only available as a music download in lossy formats such as MP3 and AAC, until January 2012, when Walt Disney Records and Intrada Records released the soundtrack on CD. Brian Wilson covered the song on his 2011 album, \"In the Key of Disney\". We Belong Together (Randy Newman song) \"We Belong Together\" is a song written, composed and performed by Randy Newman for the 2010 movie \"Toy Story 3\". The song was nominated", + "score": 0.70556640625 + }, + { + "id": "636120", + "title": "Toy Story", + "text": "Kids' Choice Award, MTV Movie Award, and a British Academy Film Award, among others. John Lasseter received an Academy Special Achievement Award in 1996 \"for the development and inspired application of techniques that have made possible the first feature-length computer-animated film.\" Additionally, the film was nominated for three Academy Awards, two to Randy Newman for Best Music\u2014Original Song, for \"You've Got a Friend in Me\", and Best Music\u2014Original Musical or Comedy Score. It was also nominated for Best Original Screenplay for the work by Joel Cohen, Pete Docter, John Lasseter, Joe Ranft, Alec Sokolow, Andrew Stanton and Joss Whedon, making", + "score": 0.70556640625 + }, + { + "id": "17173519", + "title": "You've Got a Friend (Johnny Mathis album)", + "text": "You've Got a Friend (Johnny Mathis album) You've Got a Friend is an album by American pop singer Johnny Mathis that was released on August 11, 1971, by Columbia Records. The phrase \"Today's Great Hits\" can be found above the title on both sides of the record jacket as well as both sides of the LP label as if to emphasize that this is essentially an album covering songs that were recently on the charts. This was a common practice of many vocalists of the period, so much so in fact that fellow Columbia artist Andy Williams also released an", + "score": 0.7041015625 + }, + { + "id": "16053555", + "title": "When She Loved Me", + "text": "called the ballad \"the most heartbreaking story in the world\" while writing that McLachlan performance \"left a generation of children looking to their parents and asking: \"Mummy, why are you sad?\" In 2015, \"Paste\" ranked \"When She Loved Me\" the 27th \"Saddest Songs of All Time\", with contributor Bonnie Stiernberg writing, \"Everyone always talks about how \"Toy Story 3\" destroyed them emotionally ... but the \"Toy Story\" scene that consistently breaks me up is the one from \"Toy Story 2\" when Sarah McLachlan sings this Randy Newman song about a toy getting abandoned by her owner as she grows up.\"", + "score": 0.70361328125 + }, + { + "id": "3669505", + "title": "You've Got a Friend", + "text": "James Taylor version also spent one week at the top of the Easy Listening charts. \"Billboard\" ranked it as the No. 17 song for 1971. During the recording process, Taylor also offered to his Apple Records labelmate Mary Hopkin a chance to record the song, which she turned down, a decision she later said she strongly regretted. James Taylor and Carole King performed \"You've Got a Friend\" together in 2010 during their Troubadour Reunion Tour. In 2015, Taylor performed an acoustic rendition of the song at H\u00f4tel de Ville, Paris at the invitation of U.S. Secretary of State John Kerry", + "score": 0.703125 + }, + { + "id": "11176410", + "title": "You're a Friend of Mine", + "text": "in 1987. You're a Friend of Mine \"You're a Friend of Mine\" is a 1985 hit song, written by Narada Michael Walden and Jeffrey Cohen, with lead vocals by Clarence Clemons and Jackson Browne in a duet. At the time of the song's release, Clemons was already well known nationally as the saxophonist in Bruce Springsteen's E Street Band. The song was released on Clemons' solo album \"Hero\" of that year. Browne's then-girlfriend Daryl Hannah provides background vocals and appears in the song's music video painting and later filming the duo. Also appearing in the video is a backing band,", + "score": 0.70263671875 + }, + { + "id": "11176407", + "title": "You're a Friend of Mine", + "text": "You're a Friend of Mine \"You're a Friend of Mine\" is a 1985 hit song, written by Narada Michael Walden and Jeffrey Cohen, with lead vocals by Clarence Clemons and Jackson Browne in a duet. At the time of the song's release, Clemons was already well known nationally as the saxophonist in Bruce Springsteen's E Street Band. The song was released on Clemons' solo album \"Hero\" of that year. Browne's then-girlfriend Daryl Hannah provides background vocals and appears in the song's music video painting and later filming the duo. Also appearing in the video is a backing band, including songwriter", + "score": 0.70263671875 + }, + { + "id": "2182787", + "title": "Toy Story 2", + "text": "a mental haze, forgot the baby in the back seat of his car in the parking lot. \"Although quick action by rescue workers headed off the worst, the incident became a horrible indicator that some on the crew were working too hard,\" wrote David Price in his 2008 book \"The Pixar Touch\". Toy Story 2: An Original Walt Disney Records Soundtrack is the original score soundtrack album to \"Toy Story 2\". Although out of print in the U.S., the CD is available in the U.S. as an import and all but one song is available digitally. Randy Newman wrote two", + "score": 0.701171875 + }, + { + "id": "5031452", + "title": "Anytime You Need a Friend", + "text": "CD maxi-single US CD maxi-single 1 US CD maxi-single 2 These credits were adapted from the \"Music Box\" liner notes. \"Anytime You Need a Friend\" was recorded at Right Track Studios, New York, and mixed at Sony Music Studios, New York. Anytime You Need a Friend \"Anytime You Need a Friend\" is a song by American singer and songwriter Mariah Carey. The song was written and produced by Carey and Walter Afanasieff, for her third studio album, \"Music Box\" (1993). It was released on May 31, 1994 through Columbia Records, as the fifth and final single from the album. The", + "score": 0.701171875 + }, + { + "id": "1316981", + "title": "Sarah McLachlan", + "text": "of Adoptee Rights. In Spring 1998, the motion picture \"City of Angels\" featured \"Angel\". It became the No. 1 album on the \"Billboard\" chart. More than five months after the movie disappeared from the theatres, \"\" remained firmly entrenched among \"Billboard\"'s top 40 albums. This soundtrack earned quadruple-platinum status. In 1999, she sings \"When She Loved Me\", a song in the Pixar animated movie \"Toy Story 2\" about how a girl named Emily used to play with a cowgirl doll named Jessie (voiced by Joan Cusack), but how Jessie is forgotten as Emily grows older. The song, written by Randy", + "score": 0.70068359375 + }, + { + "id": "17074114", + "title": "Everybody Needs a Best Friend", + "text": "85th Academy Awards ceremony on February 24, 2013. Seth MacFarlane performed the song on August 2014 at the Hollywood Bowl during a John Williams concert. Everybody Needs a Best Friend \"Everybody Needs a Best Friend\" is a song from the 2012 feature film \"Ted\", with music composed by Walter Murphy and lyrics by Seth MacFarlane. Performed by Norah Jones during the film's opening credits, the song was used as the film's main theme song. It was released by Universal Republic Records on June 26, 2012. In January 2013, the song was nominated for the Academy Award for Best Original Song", + "score": 0.7001953125 + }, + { + "id": "8103863", + "title": "If I Didn't Have You (Disney song)", + "text": "If I Didn't Have You (Disney song) \"If I Didn't Have You\" is a song written by singer-songwriter Randy Newman, that appears during the end credits of the 2001 Disney\u00b7Pixar animated film, \"Monsters, Inc.\" Sung by John Goodman and Billy Crystal (voices of James P. Sullivan and Mike Wazowski, respectively), the song won the 2001 Academy Award for Best Original Song. This was Newman's first Oscar. Previously, Newman had been nominated fifteen times in the Best Score and Best Song categories, but had never won. Arguably \"the film's lone song\", the tune serves as the major motif for the film.", + "score": 0.69873046875 + }, + { + "id": "7495729", + "title": "My Friends Tigger & Pooh", + "text": "song that is played at the beginning of each episode. It was written by Jellyfish lead singer Andy Sturmer and is performed by former Letters to Cleo singer Kay Hanley. Starting with Season 2, Chlo\u00eb Grace Moretz as Darby (replacing Kay Hanley) performed the theme. \"My Friends Tigger & Pooh\" was the number 1-ranked television series in kids 2\u20135 during its first season, earning a 5.2 rating. It also ranked as the top kid series with women 18\u201349 (0.7 rating), according to Disney Channel. The series continued to be the top-ranked show in kids 2\u20135 during its season season. Marilyn", + "score": 0.6982421875 + }, + { + "id": "9792272", + "title": "Disneymania 2", + "text": "has enough entertaining moments to make it worth a listen.\" \"True To Your Heart\" -Raven-Symon\u00e9 Welcome from Raven \"The Second Star To The Right\" - Jesse McCartney Backstage Interview with Jesse McCartney \"Beautiful Soul\" - Jesse McCartney \"Anytime You Need A Friend\" Music Video - The Beu Sisters \"He's A Tramp\" - The Beu Sisters Backstage Interviews with The Beu Sisters \"Anytime You Need A Friend\" - The Beu Sisters (From Home on the Range) Ashanti and Lil Sis Shi Shi's Colors of the Wind music video \"Best Day of My Life\" - Jesse McCartney \"Shine\" - Raven-Symon\u00e9 (from \"That's", + "score": 0.697265625 + }, + { + "id": "3669507", + "title": "You've Got a Friend", + "text": "play the song. The music moves between a major and minor key, which according to music critic Maury Dean gives the song a \"sympathetic mood.\" In his review of \"Tapestry\", \"Rolling Stone\" critic Jon Landau called \"You've Got a Friend\" Carole King's \"most perfect new song.\" He particularly praised how the melody and lyrics support each other, and the \"gorgeous, righteous rock melody\" of the ending lyrics. \"Mojo\" considered the song to probably be \"the core of \"Tapestry\". Allmusic critic Stewart Mason commented on the \"plainspoken intimacy\" of King's performance. Mason finds that the \"shyness\" of King's voice gives her", + "score": 0.69677734375 + }, + { + "id": "5031419", + "title": "Anytime You Need a Friend", + "text": "Anytime You Need a Friend \"Anytime You Need a Friend\" is a song by American singer and songwriter Mariah Carey. The song was written and produced by Carey and Walter Afanasieff, for her third studio album, \"Music Box\" (1993). It was released on May 31, 1994 through Columbia Records, as the fifth and final single from the album. The song is influenced by pop, R&B and gospel music genres. While the album focused heavily on pop oriented and radio friendly material, \"Anytime You Need a Friend\" deviated from the formula, finishing as the only gospel-infused song on \"Music Box\". Lyrically,", + "score": 0.69677734375 + }, + { + "id": "17074111", + "title": "Everybody Needs a Best Friend", + "text": "Everybody Needs a Best Friend \"Everybody Needs a Best Friend\" is a song from the 2012 feature film \"Ted\", with music composed by Walter Murphy and lyrics by Seth MacFarlane. Performed by Norah Jones during the film's opening credits, the song was used as the film's main theme song. It was released by Universal Republic Records on June 26, 2012. In January 2013, the song was nominated for the Academy Award for Best Original Song at the 85th Academy Awards, but lost to \"Skyfall\" from the film of the same name. MacFarlane was also the host of the Oscars while", + "score": 0.6962890625 + }, + { + "id": "15731094", + "title": "Friends (Bette Midler song)", + "text": "be heard during the final scene and closing credits of the 1973 mystery film \"The Last of Sheila\". The song was also sung by the 1974-75 cast of \"Zoom\" during the \"ZOOM was presented by\" end credits reintroducing the cast members. Also, the song was performed on \"The Muppet Show\" Episode 115 by the Muppets and Candice Bergen, who is the guest star on that episode. A rendition of the song is heard on the film \"Shrek\", performed by Donkey, voiced by Eddie Murphy. Friends (Bette Midler song) \"Friends\" (also titled \"(You Got to Have) Friends\") is a 1973 hit", + "score": 0.69384765625 + }, + { + "id": "16053542", + "title": "When She Loved Me", + "text": "Newman's 13th nomination in the category, and his second Academy Award-nominated song from the \"Toy Story\" film series, having achieved a previous nomination for his musical contributions to the \"Toy Story\" soundtrack. The song's nomination was considered to be unusual at the time because, unlike most animated films that had garnered Best Original Song nominations before it, \"Toy Story 2\" is not a musical. Most critics were expecting Newman to finally win his first Academy Award for \"When She Loved Me\". LGBT magazine \"The Advocate\" joked that the song was \"the first Oscar-nominated girl-girl love song\", referring to the relationship", + "score": 0.69384765625 + }, + { + "id": "16053556", + "title": "When She Loved Me", + "text": "\"HuffPost\" credits the song with establishing \"the foundation for the emotionally tough territory that Pixar would continue to mine in its subsequent efforts.\" Sky TV wrote that \"When She Loved Me\" \"tugs heart-strings on a level not reached again until\" Pixar's \"Up\" (2009). In review of \"Toy Story 3\" (2010), Matt Goldberg of Collider felt that the sequel was slightly inferior to \"Toy Story 2\" due to lacking \"a moment of melancholy\" like \"When She Loved Me\". When She Loved Me \"When She Loved Me\" is a song written by Randy Newman for Pixar's animated film \"Toy Story 2\" (1999),", + "score": 0.693359375 + }, + { + "id": "12499880", + "title": "Friend Like Me", + "text": "the Stars\". Season 18's Week 5 episode was Disney-themed and included a quickstep to \"Friend Like Me\" by Drew Carey and Cheryl Burke that featured an animated Genie dancing along. The dance scored a total of 28 from the four judges (including guest judge Donny Osmond). It was also danced to by Alison Hammond and Alja\u017e Skorjanec in Series 12, Week 7 of the British version of the show (titled \"Strictly Come Dancing\"). Their Charleston to this song scored a total of 27 from the judges. Ne-Yo covered the song for the 2015 United States version of \"We Love Disney\".", + "score": 0.693359375 + }, + { + "id": "13033515", + "title": "You've Got a Friend (Sonia and Big Fun song)", + "text": "Fun's album, \"A Pocketful of Dreams\". The single peaked at #14 in the UK and #12 in Ireland. It was later included on Big Fun's Japanese edition of their debut album \"A Pocketful of Dreams\". CD single 7\" single 12\" single You've Got a Friend (Sonia and Big Fun song) \"You've Got a Friend\" is a song written and produced by Stock Aitken Waterman and performed by Sonia and Big Fun, and featuring Gary Barnacle on sax. The song, a midtempo pop ballad, was released as a charity single for the Childline foundation in June 1990. Initially the artists recorded", + "score": 0.693359375 + }, + { + "id": "20420675", + "title": "Rex Orange County", + "text": "Rex Orange County on Spotify is \"Loving Is Easy\" created in collaboration with the Dutch artist Benny Sings. The song was covered by the Swedish singer Tove Styrke. On April 16, 2018, Rex Orange County performed the song in his television debut on \"The Tonight Show Starring Jimmy Fallon\". On May 31, 2018, Rex Orange County released a cover of \"You've Got a Friend in Me\", performing along with Randy Newman, the creator of the song. He was also featured in Spotify's Rise Program. In January 2018 O'Connor came in second in the BBC \"Sound of 2018\" award after Norwegian", + "score": 0.6923828125 + }, + { + "id": "13919123", + "title": "Tinker Bell and the Lost Treasure", + "text": "music with an 82-piece ensemble of the Hollywood Studio Symphony and Celtic violin soloist M\u00e1ir\u00e9ad Nesbitt at the Sony Scoring Stage. \"Gift of a Friend\" was released as a soundtrack single on December 16, 2009. There is currently a music video for the single. It is performed by Demi Lovato and also appears on her second studio album \"Here We Go Again\". The soundtrack was released on September 22, 2009 and contains songs from and inspired by the film. The soundtrack also contains \"Fly to Your Heart\" from the first film. \"Gift of a Friend\" by Demi Lovato was released", + "score": 0.69189453125 + }, + { + "id": "636091", + "title": "Toy Story", + "text": "some of the onus off what they're asking for.\" Disney and Pixar reached a compromise: the characters in \"Toy Story\" would not break into song, but the film would use non-diegetic songs over the action, as in \"The Graduate\", to convey and amplify the emotions that Buzz and Woody were feeling. Disney and Lasseter tapped Randy Newman to compose the film. The edited \"Toy Story\" was due to Newman and Gary Rydstrom in late September 1995 for their final work on the score and sound design, respectively. Lasseter said, \"His songs are touching, witty, and satirical, and he would deliver", + "score": 0.69140625 + }, + { + "id": "2182757", + "title": "Toy Story 2", + "text": "Toy Story 2 Toy Story 2 is a 1999 American computer-animated comedy film produced by Pixar Animation Studios for Walt Disney Pictures. Directed by John Lasseter and co-directed by Lee Unkrich and Ash Brannon, it is the sequel to 1995's \"Toy Story\" and the second film in the \"Toy Story\" franchise. In the film, Woody is stolen by a toy collector, prompting Buzz Lightyear and his friends to vow to rescue him, but Woody is then tempted by the idea of immortality in a museum. Tom Hanks, Tim Allen, Don Rickles, Wallace Shawn, John Ratzenberger, Jim Varney, Annie Potts, R.", + "score": 0.6904296875 + }, + { + "id": "10548308", + "title": "Toy Story (video game)", + "text": "versions have an extra level that the SNES version does not, \"Day-Toy-Na\", in which Woody rides R.C. from the moving van to Buzz. The Genesis version includes an extra music file not present during gameplay on the SNES, \"You've Got a Friend in Me\" for the cutscenes. This track is however present on Game Boy and PC and is in the SNES files. In addition, the Genesis and PC versions had a voice clip (Buzz Lightyear: \"To infinity and beyond!\") upon starting the game. This was absent on the SNES and Game Boy. The PC version is similar to the", + "score": 0.689453125 + }, + { + "id": "5031450", + "title": "Anytime You Need a Friend", + "text": "felt the song \"Footprints in the Sand\" borrowed heavily from Carey's track, writing \"'Footprints In The Sand' seems hellbent on revisiting Mariah Carey's schlock-pop masterwork 'Anytime You Need A Friend.'\" \"Anytime You Need a Friend\" was covered on several different occasions on a variety of reality and talent competitions. Some became heavily popularized by the media due to the nature of the performance or performer. On the fifth season of the British talent program \"The X Factor\", contestant Eoghan Quigg performed a live cover of the song during a \"Mariah Carey\" themed week. The song was chosen by Simon Cowell,", + "score": 0.68896484375 + }, + { + "id": "15045460", + "title": "We Belong Together (Randy Newman song)", + "text": "We Belong Together (Randy Newman song) \"We Belong Together\" is a song written, composed and performed by Randy Newman for the 2010 movie \"Toy Story 3\". The song was nominated for several Best Original Song awards from various film society and movie awards committees. The song won the Academy Award for Best Original Song at the 83rd Academy Awards in February 2011. When he accepted his Oscar, which was presented by Jennifer Hudson, his speech was a humorous one that Moviefone.com says \"stole the show\". He made fun of advice he was given that \"it's not really good television to", + "score": 0.685546875 + }, + { + "id": "13362857", + "title": "Tomorrow (song from Annie)", + "text": "combined with \"Maybe\" and was the first major song sung by Mitzi's current voice actress, Shalisa Sloan, at the age of 11. Lisa Whelchel as Blair Warner performed the chorus of the song with a sock puppet on her hand on a 1987 \"The Facts of Life\" episode called \"Boy About The House\" in which Beverly Ann (Cloris Leachman) adopts Andy (Mackenzie Astin). Kevin Kline and Sigourney Weaver sing an a capella version in the 1993 film Dave. Former Los Angeles Dodgers organist Nancy Bea Hefley would play the song following a Dodgers loss as an inspirational message. Anaheim Ducks", + "score": 0.68505859375 + }, + { + "id": "16053531", + "title": "When She Loved Me", + "text": "and liberated\" personality. Contributors to the book \"Toy Story: How Pixar Reinvented the Animated Feature\" found \"When She Loved Me\" to be the \"tragic inverse\" of the series' theme song \"You've Got a Friend in Me\" due to its melancholy tone and outlook. Set nearly in the centre of the original \"Toy Story\" trilogy, \"GamesRadar+\" contributor Simon Kinnear identified the scene as \"the point where the series truly grows up, shifting from a tale of childhood imagination to a mature reflection on growing up.\" The \"Nashville Scene\" opined that although \"The scene is shot from a toy's point of view", + "score": 0.6845703125 + }, + { + "id": "8341064", + "title": "Bettina Devin", + "text": "long list of hit movies including \"Harry Potter\", \"Mrs. Doubtfire\", and \"Home Alone\". Bettina's voice can be heard on many regional and national commercials as well as on CD Roms for Disney, Lego, and Leapfrog, for whom she created 100 voices. Hers was the voice on the theme song for the NBC-TV mini-series \"Moviola\". On the Disney/Pixar CD Rom \"Jessie's Wild West Rodeo\", based on the Toy Story character of Jessie, she recorded the voice of Jessie. Her ability to access the childlike part of her voice has made her a natural for such Disney Records recordings as \"Little Red", + "score": 0.6845703125 + }, + { + "id": "1612331", + "title": "Monsters, Inc.", + "text": "(who lost to Eddie Murphy in \"Shrek\"). \"Monsters Inc.\" was Randy Newman's fourth feature film collaboration with Pixar. The end credits song \"If I Didn't Have You\" was sung by John Goodman and Billy Crystal. The album was nominated for the Academy Award for Best Original Score and a Grammy Award for Best Score Soundtrack for Visual Media. The score lost both these awards to \"\", but after sixteen nominations, the song \"If I Didn't Have You\" finally won Newman his first Academy Award for Best Original Song. It also won a Grammy Award for Best Song Written for Visual", + "score": 0.68359375 + }, + { + "id": "1460754", + "title": "Randy Newman", + "text": "\"Cold Turkey\". He returned to film work with 1981's \"Ragtime\", for which he was nominated for two Academy Awards. Newman co-wrote the 1986 film \"Three Amigos\" with Steve Martin and Lorne Michaels, wrote three songs for the film, and provided the voice for the singing bush. His orchestral film scores resemble the work of Elmer Bernstein (with whom he worked on \"Three Amigos\") and Maurice Jarre. Newman has scored eight Disney/Pixar feature films; \"Toy Story\", \"A Bug's Life\", \"Toy Story 2\", \"Monsters, Inc.\", \"Cars\", \"Toy Story 3\", \"Monsters University\", \"Cars 3\", and will return to compose \"Toy Story 4\". He", + "score": 0.68359375 + }, + { + "id": "10648020", + "title": "Inside Out (Bryan Adams song)", + "text": "of the single, with the cover model as a robot. She also appears in one of Adams' photography books. American country music artist Trisha Yearwood recorded the song as a duet with (Bryan Adams' Idol & big influence) Don Henley for her 2001 album of the same name. Yearwood's and Henley's version was a #31-peaking single on the U.S. country singles charts that year. Inside Out (Bryan Adams song) \"Inside Out\" is a song by Canadian singer Bryan Adams from his 1998 album \"On a Day Like Today\". It is also featured on his greatest hits album \"The Best of", + "score": 0.68310546875 + }, + { + "id": "10994723", + "title": "My Best Friend (song)", + "text": "My Best Friend (song) \"My Best Friend\" is a song written by Aimee Mayo and Bill Luther and recorded by American country music singer Tim McGraw. It was released in October 1999 as the third single from McGraw's album \"A Place in the Sun\". The song reached number one the US \"Billboard\" Hot Country Singles & Tracks chart. This song describes the narrator showing emotions toward a woman lover whom he calls \"[his] best friend\". Ben Foster of \"Country Universe\" gave the song a B+ grade, and wrote that \"Sometimes it just takes the right vocalist to find the layers", + "score": 0.68310546875 + }, + { + "id": "7692034", + "title": "He Was a Friend of Mine", + "text": "Forum, in May 1976, after Ochs' suicide. Ramblin' Jack Elliott and Jerry Jeff Walker sing a duet version on Elliott's 1998 album \"Friends of Mine\", and Walker includes it in his 1996 album \"Scamp\". American actor Billy Bob Thornton included a cover of The Byrds' version of the song on his 2001 debut album \"Private Radio\". As performed by Willie Nelson, \"He Was a Friend of Mine\" was included on the soundtrack of the 2005 film \"Brokeback Mountain\". The English band, The Bishops, have also covered the song on their 2009 album, \"For Now\". The song was featured in an", + "score": 0.6826171875 + }, + { + "id": "8676815", + "title": "The Jerry Lewis MDA Labor Day Telethon", + "text": "among others. Portions with country artists were recorded at the Grand Ole Opry in Nashville, Tennessee. The majority of the program was pre-recorded. \"Entertainment Tonight\" co-anchor Nancy O'Dell and KKGO (Los Angeles) deejay Shawn Parr did introduce the majority of national segments. For the second straight year, the show closed with a different song. Carole King performed her song \"You've Got A Friend\" with a montage of the featured patients with muscular dystrophy in her background. The local segments were also mainly pre-recorded, and cheque presentations from companies who sponsor MDA were replaced by public service announcements from those companies,", + "score": 0.68212890625 + }, + { + "id": "3659799", + "title": "Fire and Rain (song)", + "text": "explained to host Scott Simon that the song was written in three parts: Carole King played piano on the song. Drummer Russ Kunkel used brushes rather than sticks on his drum kit, and Bobby West played double bass in place of a bass guitar to \"underscore the melancholy on the song\". King has stated that her song \"You've Got a Friend,\" that Taylor recorded, was a response to the line in the refrain that \"I\u2019ve seen lonely times when I could not find a friend.\" Broadcast Music, Inc. ranked \"Fire and Rain\" at number 82 on its \"Top 100 Songs", + "score": 0.681640625 + }, + { + "id": "17173521", + "title": "You've Got a Friend (Johnny Mathis album)", + "text": "1972, issue but failed to reach either its Hot 100 or Easy Listening charts. In their review for retailers, \"Billboard\" wrote, \"Mathis is a consistent heavy chart seller with his packages, all of which are super performances, but this one tops the others.\" This album's CD release as part of the 2017 box set \"\" included four bonus tracks that were previously unavailable: From the liner notes for \"\": As the songwriter of \"You've Got a Friend\", Carole King won the Grammy Award for Song of the Year, but it was James Taylor's recording of the song that spent a", + "score": 0.68115234375 + }, + { + "id": "17051506", + "title": "Tim McGraw & Friends", + "text": "Lanes of Freedom\". The album was preceded by the release of the song \"Twisted\" featuring Colt Ford. Tim McGraw & Friends Tim McGraw & Friends is the eighth compilation album by American country music singer Tim McGraw. It was released on January 22, 2013 by Curb Records. \"Tim McGraw & Friends\" is a compilation of McGraw's collaborations with artists Faith Hill, Jerry Lee Lewis and Jon Brion, Kenny Rogers, Ray Benson, Tony Bennett, Jo Dee Messina, Gwyneth Paltrow, Tracy Lawrence, Randy Travis, Colt Ford and Lionel Richie. This 11-track album is McGraw's first album of duets. The project was released", + "score": 0.68115234375 + }, + { + "id": "13191607", + "title": "My Old Friend", + "text": "& Tracks for the week ending October 8, 2005. My Old Friend \"My Old Friend\" is a song written by Craig Wiseman and Steve McEwan, and performed by American country music artist Tim McGraw. It was released in September 2005 as the fifth and final single from his album \"Live Like You Were Dying\". It peaked at number 6 on the country music charts. Kevin John Coyne, reviewing the song for Country Universe, gave it a positive rating. He summed up the review by saying that it is \"one of the best singles of his career\". The song debuted at", + "score": 0.6806640625 + }, + { + "id": "13375423", + "title": "You Are My Friend", + "text": "\"Living Proof\". During the song, Sylvester was joined by The Weather Girls, who started off as Sylvester's backup singers, Two Tons Of Fun. While he dedicated the song to LaBelle, it was clear that it was a love about him and The Weather Girls. That same year, disco group Kenny & Friends did a dance version of the song. In 2003 gospel singer Shirley Caesar recorded the song for her album \"Shirley Caesar & Friends\" which featured Patti LaBelle on the recording. Faith Evans did a live version paying tribute to LaBelle in 2001. LaBelle re-recorded the song for her", + "score": 0.6806640625 + }, + { + "id": "13191606", + "title": "My Old Friend", + "text": "My Old Friend \"My Old Friend\" is a song written by Craig Wiseman and Steve McEwan, and performed by American country music artist Tim McGraw. It was released in September 2005 as the fifth and final single from his album \"Live Like You Were Dying\". It peaked at number 6 on the country music charts. Kevin John Coyne, reviewing the song for Country Universe, gave it a positive rating. He summed up the review by saying that it is \"one of the best singles of his career\". The song debuted at number 55 on the U.S. Billboard Hot Country Singles", + "score": 0.68017578125 + }, + { + "id": "5607254", + "title": "Andy Prieboy", + "text": "was featured in the early Brad Pitt film \"Cutting Class\" as well as other unreleased Wall of Voodoo demos. These same demos appeared in the film \"\". He also appears in the film \"Blood and Concrete\" along with a few of his original songs (in that movie, Jennifer Beals sings his song, \"One Girl in a Million\"). After leaving Wall of Voodoo, Prieboy signed with MCA Music Publishing as a songwriter and went to work on new material for his first solo record \"...Upon My Wicked Son\", which featured the song \"Tomorrow Wendy,\" about a woman dying of AIDS. The", + "score": 0.68017578125 + }, + { + "id": "1279296", + "title": "With a Little Help from My Friends", + "text": "With a Little Help from My Friends \"With a Little Help from My Friends\" is a song by the English rock band the Beatles from their 1967 album \"Sgt. Pepper's Lonely Hearts Club Band\". It was written by Paul McCartney and John Lennon, and intended as the album's featured vocal for drummer Ringo Starr. The group recorded the song towards the end of the sessions for \"Sgt. Pepper\", with Starr singing as the character \"Billy Shears\". A subsequent recording of the track by Joe Cocker became a hit single in 1968 and an anthem for the Woodstock era. In 1978,", + "score": 0.67919921875 + }, + { + "id": "1693932", + "title": "The Brand New Heavies", + "text": "Muldaur's \"Midnight at the Oasis\", was popular only in the UK because it was not included in the US version of the album. Siedah Garrett joined the group for their next album, \"Shelter\" (1997). It contained the minor hit, the Carole King-penned song \"You've Got a Friend\" that was originally made famous by James Taylor. Again, though, this song did not appear on the US version of the album. The album also contained the hit \"Sometimes\". The remix of \"Sometimes\" included the rap vocals of Q-Tip. The Brand New Heavies then released their greatest hits album, \"Trunk Funk \u2013 The", + "score": 0.67919921875 + }, + { + "id": "16670698", + "title": "Redneck Friend", + "text": "Redneck Friend \"Redneck Friend\" (or, alternately, \"Red Neck Friend\") is a song written and performed by American singer-songwriter Jackson Browne, released as the first single from his 1973 album, For Everyman, and notable for its double entendre lyrics and guest appearances by Glenn Frey and Elton John, as well as the first appearance of David Lindley on a Jackson Browne single. The song reached #85 on \"Billboard\"'s Oct. 20, 1973, Hot 100 chart, spending 10 weeks on that chart after debuting at #99 on September 29, 1973. It was also released as a single in France and Japan, and as", + "score": 0.67919921875 + }, + { + "id": "17051505", + "title": "Tim McGraw & Friends", + "text": "Tim McGraw & Friends Tim McGraw & Friends is the eighth compilation album by American country music singer Tim McGraw. It was released on January 22, 2013 by Curb Records. \"Tim McGraw & Friends\" is a compilation of McGraw's collaborations with artists Faith Hill, Jerry Lee Lewis and Jon Brion, Kenny Rogers, Ray Benson, Tony Bennett, Jo Dee Messina, Gwyneth Paltrow, Tracy Lawrence, Randy Travis, Colt Ford and Lionel Richie. This 11-track album is McGraw's first album of duets. The project was released January 22, 2013, two weeks before the release of McGraw's first album for Big Machine Records, \"Two", + "score": 0.677734375 + }, + { + "id": "7954850", + "title": "Blake Clark", + "text": "his voice actor in the first two movies, who died of lung cancer in 2000. He and Varney were good friends in real life. Clark has two sons, one of whom, Travis Clark, is also a comedian. Clark was a close friend of Jim Varney (who is best known for playing Ernest); until his death in February 2000. When \"Toy Story 3\" was still in production, Pixar, upon finding out that Varney had died, searched frantically for someone who sounded like Varney and were very lucky to find Clark, who \"very much captures the essence and spirit of Slinky Dog\".", + "score": 0.67724609375 + }, + { + "id": "10717391", + "title": "Don Myrick", + "text": "2018 an inspired friend from Davel Consulting placed his headstone at Inglewood Park Cemetery in the South Los Angeles community of Inglewood, California. The song \"For A Friend\" by Phil Collins, released on the CD single \"We Wait And We Wonder\" in 1993, was a tribute to his friend, who actively participated in Collins's songs and shows for many years. As a tribute, Gary Bias performs the saxophone solos that originated with Myrick at Earth, Wind & Fire's live shows. Don Myrick Donald Myrick (Chicago, Illinois, April 6, 1940 \u2013 July 30, 1993) was a saxophonist. He played alto, tenor", + "score": 0.67626953125 + }, + { + "id": "5031430", + "title": "Anytime You Need a Friend", + "text": "You Need a Friend\" was deemed a strong contrast to the album's pop influence. Critics agreed that through lowering Carey's vocal bombast, the album suffered due to lowered passion and energy levels. The song however, was considered the only standout from the album, altering heavily from the pop oriented formula of \"Music Box\". J.D. Considine from \"The Baltimore Sun\" wrote \"Where another singer might have been tempted to turn \"Anytime You Need a Friend\" into a full-blown sanctified sing-out, Carey and producer Walter Afanasieff use the gospel harmonies on the chorus as contrast for Carey's pop soul vocal.\" A writer", + "score": 0.67578125 + }, + { + "id": "1317221", + "title": "Carole King", + "text": "same year King wrote and recorded backing vocals on \"The Reason\" for Celine Dion on her album \"Let's Talk About Love\". The song sold worldwide, including one million in France. It went to number 1 in France, 11 in the UK, and 13 in Ireland. The pair performed a duet on the first VH1 Divas Live benefit concert. King also performed her \"You've Got A Friend\" with Celine Dion, Gloria Estefan and Shania Twain as well as \"(You Make Me Feel Like) A Natural Woman\" with Aretha Franklin and others, including Mariah Carey. In 1998, King wrote \"Anyone at All\",", + "score": 0.67578125 + }, + { + "id": "12825596", + "title": "Toy Story (franchise)", + "text": "toy collector named Al McWhiggin. Buzz and several of Andy's toys set off to attempt to free Woody, who meanwhile has discovered his origins as a historic television star. \"Toy Story 2\" was not originally intended for release in theaters, but as a direct-to-video sequel to the original \"Toy Story\", with a 60-minute running time. However, Disney's executives were impressed by the high quality of the in-work imagery for the sequel, and were also pressured by the main characters' voice actors Tom Hanks and Tim Allen, so they decided to convert \"Toy Story 2\" into a theatrical film. It turned", + "score": 0.67578125 + }, + { + "id": "15045462", + "title": "We Belong Together (Randy Newman song)", + "text": "Society Awards 2010 and \"I See the Light\", from the film \"Tangled\", at the 1st Annual Awards.com Movie Awards. At the 53rd Grammy Awards in February 2011, Newman was nominated in both the Best Score Soundtrack Album for a Motion Picture, Television or Other Visual Media, which he won with the \"Toy Story 3\" Soundtrack, and the Best Song Written for Motion Picture, Television or Other Visual Media. However, his best song nomination was for \"Down in New Orleans\" from \"The Princess and the Frog\". It is the first song on the film score of \"Toy Story 3\". The entire", + "score": 0.67578125 + }, + { + "id": "5471415", + "title": "Jon Gibson (Christian musician)", + "text": "a string of over 20 Top Ten CCM Hits. Gibson also experienced success with the No. 1 single \"Friend in You\", a ballad which is one of CCM's classic hit songs, from \"Change of Heart\". On this album, he did a cover of \"Yah Mo B There\", a song originally performed by James Ingram and Michael McDonald, and co-written by Rod Temperton and Quincy Jones. Although his first rap solo was 1986's \"Ain't It Pretty\" from the album \"On the Run\", Gibson wrote and produced the first rap hit in CCM history (by anyone) called \"The Wall\" featuring M.C. Hammer", + "score": 0.67529296875 + }, + { + "id": "5817241", + "title": "Dog Eat Dog (Joni Mitchell album)", + "text": "Run Fast\" was recorded. \"Good Friends\" was recorded as a duet with Michael McDonald; a video was produced for the song using film animation by Jim Blashfield. \"Shiny Toys\" and \"Good Friends\" were released as singles; \"Shiny Toys\" was also released in a 12\" Extended Dance Single format, remix by Fran\u00e7ois Kevorkian, and had a more complete lyric than the album version, featuring spoken voice by Thomas Dolby (\"I LOVE being out on the golf course!\"). Dog Eat Dog (Joni Mitchell album) Dog Eat Dog is the 12th studio album by Canadian singer-songwriter Joni Mitchell, released in 1985. It was", + "score": 0.67529296875 + }, + { + "id": "14375732", + "title": "Friends on the Other Side", + "text": "and magic\". Slate wrote \"[Facilier's] big number, \"Friends on the Other Side\", is the best-written in the movie and a great showcase of spooky, voodoo-inflected animation; his comeuppance is appropriately spectacular.\" High-Def Digest wrote \"Pixar stalwart Randy Newman... adds warmth and a wonderful sense of genuine Americana to the proceedings... In particular Dr. Facilier's song, 'Friends on the Other Side', is a showstopper. It's a big, broad, scary song and it is an absolute hoot\". The review said \"I would include [it] in any 'Blu-ray highlight reel', because it just sounds so amazing. Sequences like that, which are so wholly", + "score": 0.67529296875 + }, + { + "id": "11570251", + "title": "Red McKenzie", + "text": "Miller, Pee Wee Russell, and Coleman Hawkins. They also recorded with Bunny Berigan, Jimmy Dorsey, and Muggsy Spanier. McKenzie sang with the Paul Whiteman orchestra and in the 1930s led the Spirits of Rhythm and the Farley-Riley band. In 1931 sang on \"Time on My Hands, \"Just Friends\" (1931), and \"I'm Sorry Dear\" (1931). McKenzie played in the Town Hall concerts of Eddie Condon but retired in the 1940s. Red McKenzie William 'Red' McKenzie (October 14, 1899 \u2013 February 7, 1948) was an American jazz vocalist and musician who played a comb as an instrument. He played the comb by", + "score": 0.6748046875 + }, + { + "id": "17234029", + "title": "You Have More Friends Than You Know", + "text": "its message. The television show Glee featured a cover of the song in its April 18, 2013 episode and sung by Darren Criss, Melissa Benoist, Alex Newell and Chord Overstreet. You Have More Friends Than You Know You Have More Friends Than You Know by Jeff Marx and Mervyn Warren was commissioned by Hancher at the University of Iowa for the it gets better (stage show), a touring stage production which premiered at the University of Iowa in 2013. Marx recorded the song and released the single online along with an instrumental version, with a portion of the proceeds to", + "score": 0.6748046875 + }, + { + "id": "19438261", + "title": "With a Little Help from My Friends (Lu Elliott album)", + "text": "With a Little Help from My Friends (Lu Elliott album) With a Little Help from My Friends is the second ABC album for Jazz singer Lu Elliott. It was released in 1968 and featured the songs \"With A Little Help From My Friends\", \"The Very Thought Of You\" and \"If I Were A Bell\". This album which was Elliott's second album for ABC was released a short time after her first which was \"Sings Way Out from Down Under\". It was released in 1968 on ABC ABCS 637. It came out the same time as Della Reese's \"I Gotta Be", + "score": 0.6748046875 + }, + { + "id": "5189001", + "title": "Music Box (Mariah Carey album)", + "text": "and the United Kingdom, propelling the sales of \"Music Box\" throughout the world. Carey brought the song renewed popularity, through her highly successful adaptation. It became one of the \"fifty most-played songs of the year\" and even outsold Harry Nilsson's version, receiving many awards and recognition. \"Anytime You Need a Friend\", the album's final single, experienced success on the charts, reaching the top-ten in many countries, as well as peaking at number twelve in the United States. It became the second single in \"Music Box\" to perform better throughout Europe than in the U.S. \"Music Box\" received negative to mixed", + "score": 0.673828125 + }, + { + "id": "12255324", + "title": "Friend Like That", + "text": "\"board game\" in the special-edition version of the album Hawk Nelson Is My Friend. Lead singer Jason Dunn is singing as he runs, while the others wait patiently for him to reach the group. He finally comes and they drive off. After stopping off, they enter a building and find themselves playing a live concert on stage. Friend Like That \"Friend Like That\" is the first single from Hawk Nelson's third album, \"Hawk Nelson Is My Friend\". It was released on Christmas Eve of 2007. This song is on the Digital Praise PC game Guitar Praise. This song was appearing", + "score": 0.673828125 + }, + { + "id": "9346818", + "title": "That's What Friends Are For (The Vulture Song)", + "text": "That's What Friends Are For (The Vulture Song) \"That's What Friends Are For (The Vulture Song)\" is a song in the Walt Disney film \"The Jungle Book\" from 1967. It was sung by a quartet of \"mop top\" vultures who are making friends with Mowgli, the main character of the film. The song was written by Disney staff songwriters, Robert and Richard Sherman, and sung primarily by J. Pat O'Malley, Lord Tim Hudson, Digby Wolfe, and Chad Stuart. Bruce Reitherman and George Sanders both made cameo appearances in the song singing as Mowgli and Shere Khan the tiger, respectively, in", + "score": 0.67333984375 + }, + { + "id": "15133876", + "title": "You've Got a Friend (Andy Williams album)", + "text": "five weeks, during which time it reached number 29. \"You've Got a Friend\" was released on compact disc for the first time as one of two albums on one CD by Collectables Records on February 5, 2002, the other album being Williams's Columbia release from the fall of 1970, \"The Andy Williams Show\". Collectables included this CD in a box set entitled \"Classic Album Collection, Vol. 2\", which contains 15 of his studio albums and two compilations and was released on November 29, 2002. \"Billboard\" magazine wrote, \"In what may be one of his finest and most commercial packages of", + "score": 0.67333984375 + }, + { + "id": "17657159", + "title": "Puppet Master (Glee)", + "text": "characters in this episode include Santana's girlfriend and member of Kurt's band, Dani (special guest star Lovato), band member Elliott \"Starchild\" Gilbert (Lambert), McKinley cheerleaders Becky Jackson (Potter) and Bree (Westbrook), Lima schools superintendent Bob Harris (Cousins) and McKinley janitor and former principal Figgins (Iqbal Theba). Six songs from the episode are being released as five singles: Queen's \"You're My Best Friend\" sung by Criss; \"Cheek to Cheek\" from \"Top Hat\" performed by Morrison and Lynch; the Janet Jackson mashup \"Nasty / Rhythm Nation\" performed by Artist, Benoist and Westbrook; and Madonna's \"Into the Groove\" sung by Colfer, Lambert, Michele,", + "score": 0.67333984375 + }, + { + "id": "1846974", + "title": "Clarence Clemons", + "text": "and previously unreleased material featuring Clemons also appeared on the 2014 release \"High Hopes\". In April 2014, the E Street Band were inducted into the Rock and Roll Hall of Fame. Clemons' widow accepted on his behalf. Outside of his work with the E Street Band, Clemons recorded with many other artists and had a number of musical projects on his own. The best known of these are his 1985 vocal duet with Jackson Browne on the Top-20 hit single \"You're a Friend of Mine\", and his saxophone work on Aretha Franklin's 1985 Top-10 hit single \"Freeway of Love\". He", + "score": 0.6728515625 + }, + { + "id": "7858656", + "title": "Raggedy Ann & Andy: A Musical Adventure", + "text": "featured on a season 3 episode of \"The Muppet Show\" with Helen Reddy and the song sequence from the film was also featured on an episode of \"The Big Blue Marble\" and the special, \"Sing! Sesame Street Remembers the Music of Joe Raposo\". The song \"I'm Home\" was also featured on an episode of \"Shining Time Station\" in which Conn co-starred later in her career and for which Raposo provided the theme song and some incidental music just before his death. Nevertheless, the film has not been shown on television for many years. It was released on video by CBS/Fox", + "score": 0.6728515625 + }, + { + "id": "1854740", + "title": "Mr. Potato Head", + "text": "Pop singer Melanie Martinez released a song called \"Mrs. Potato Head\" on her debut album \"Cry Baby\". Mr. Potato Head is also in the Disney/Pixar \"Toy Story films\" voiced by Don Rickles. He is one of Andy's toys. In the first film, \"Toy Story\" (1995), Mr. Potato Head is shown to be very moody towards Andy's other toys, although he's good friends with Hamm the piggy bank (John Ratzenberger). When Woody (Tom Hanks) accidentally pushes Buzz Lightyear (Tim Allen) out of window, Potato Head accuses Woody of doing it on purpose. When it is later revealed that Buzz is okay,", + "score": 0.67236328125 + } + ], + "answer": "The song You've Got a Friend in Me was originally written by Randy Newman and plays a major role in the Toy Story movie franchise. In Toy Story 2, an episode of Woody's Roundup plays, which is the 1950s puppet show that the character Woody is based on. In the episode, Woody is singing You've Got a Friend in Me to the audience, who is voiced by actor Tom Hanks. Near the end of the movie, Wheezy sings this song to the toys, which is sung by Robert Goulet instead of his normal voice actor. The Spanish version of the song called You've Got a Friend in Me (Para el Buzz Espa\u00f1ol) was performed by the Gipsy Kings." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "When does the 2017-2018 champions league group stage start?", + "short_answers": [ + "12 September 2017" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When does the 2016-2017 champions league group stage start?", + "short_answers": [ + "13 September 2016" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When does the 2015-2016 champions league group stage start?", + "short_answers": [ + "15 September 2015" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When did the 2017-18 UEFA Champions League group stage start?", + "short_answers": [ + "12 September 2017" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When did the 2016-17 UEFA Champions League group stage start?", + "short_answers": [ + "13 September 2016" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When did the 2015-16 UEFA Champions League group stage start?", + "short_answers": [ + "15 September 2015" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "2015\u201316 UEFA Champions League", + "url": "https://en.wikipedia.org/wiki/2015%E2%80%9316%20UEFA%20Champions%20League" + }, + { + "title": "2015\u201316 UEFA Champions League group stage", + "url": "https://en.wikipedia.org/wiki/2015%E2%80%9316%20UEFA%20Champions%20League%20group%20stage" + }, + { + "title": "2017\u201318 UEFA Champions League group stage", + "url": "https://en.wikipedia.org/wiki/2017%E2%80%9318%20UEFA%20Champions%20League%20group%20stage" + }, + { + "title": "2018\u201319 UEFA Champions League group stage", + "url": "https://en.wikipedia.org/wiki/2018%E2%80%9319%20UEFA%20Champions%20League%20group%20stage" + }, + { + "title": "2016\u201317 UEFA Champions League group stage", + "url": "https://en.wikipedia.org/wiki/2016%E2%80%9317%20UEFA%20Champions%20League%20group%20stage" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The 2015\u201316 UEFA Champions League was the 61st season of Europe's premier club football tournament organised by UEFA, and the 24th season since it was renamed from the European Champion Clubs' Cup to the UEFA Champions League...The matchdays were 15\u201316 September, 29\u201330 September, 20\u201321 October, 3\u20134 November, 24\u201325 November, and 8\u20139 December 2015.", + "wikipage": "2015\u201316 UEFA Champions League" + } + ], + "long_answer": "The 2015\u201316 UEFA Champions League was the 61st season of Europe's premier club football tournament organised by UEFA. Group stage matches began on 15 September 2015 for this season. In the following season 2016-17, group stage matches began 13 September 2016 and on 12 September 2017 for the 2017-2018 champions league group stage." + }, + { + "knowledge": [ + { + "content": "The UEFA Champions League (abbreviated as UCL) is an annual club football competition organised by the Union of European Football Associations (UEFA) and contested by top-division European clubs, deciding the competition winners through a round robin group stage to qualify for a double-legged knockout format, and a single leg final.", + "wikipage": "UEFA Champions League" + } + ], + "long_answer": "The UEFA Champions League is an annual club football competition organised by the Union of European Football Associations (UEFA) and contested by top-division European clubs, deciding the competition winners through a round robin group stage to qualify for a double-legged knockout format, and a single leg final. The 2015-16 UEFA Champions League group stage started on 15 September 2015. The 2016-2017 UEFA Champions League group stage started on 13 September 2016. The 2017-2018 UEFA Champions League group stage started on 12 September 2017." + } + ], + "sample_id": "776206927417616083", + "question": "When does the champions league group stage start?", + "docs": [ + { + "id": "16753835", + "title": "2013\u201314 UEFA Champions League group stage", + "text": "2013\u201314 UEFA Champions League group stage The group stage of the 2013\u201314 UEFA Champions League was played from 17 September to 11 December 2013. A total of 32 teams competed in the group stage. The draw was held on 29 August 2013, 17:45 CEST (), at the Grimaldi Forum, Monaco. The 32 teams were allocated into four pots based on their UEFA club coefficients at the beginning of the season, with the title holders being placed in Pot 1 automatically. They were drawn into eight groups of four containing one team from each of the four seeding pots, with the", + "score": 0.767578125, + "summary": "The 2013-14 UEFA Champions League group stage started on September 17, 2013 and ended on December 11, 2013.", + "extraction": "The champions league group stage started on September 17 and ended on December 11, 2013." + }, + { + "id": "13592180", + "title": "2009\u201310 UEFA Champions League group stage", + "text": "2009\u201310 UEFA Champions League group stage The 2009\u201310 UEFA Champions League group stage matches took place between 15 September and 9 December 2009. The draw for the eight groups took place on 27 August 2009, at the Grimaldi Forum in Monaco. The group stage features the 22 automatic qualifiers and the 10 winners of the play-off round (five through the Champions Path, five through the Non-Champions Path). At the completion of the group stage, the top two teams in each group will advance to play in the first knockout round, while the third-placed teams will drop down to the UEFA", + "score": 0.7666015625, + "summary": "The document provides information about the 2009-10 UEFA Champions League group stage matches which took place between 15 September and 9 December 2009. The draw for the eight groups was on 27 August 2009. However, this information is not relevant to when the Champions League group stage starts currently.", + "extraction": "The champions league group stage starts on 15 September 2009 and ends on 9 December 2009." + }, + { + "id": "20210634", + "title": "2017\u201318 UEFA Champions League group stage", + "text": "by UEFA (local times are in parentheses). 2017\u201318 UEFA Champions League group stage The 2017\u201318 UEFA Champions League group stage began on 12 September and ended on 6 December 2017. A total of 32 teams competed in the group stage to decide the 16 places in the knockout phase of the 2017\u201318 UEFA Champions League. The draw for the group stage was held on 24 August 2017, 18:00 CEST, at the Grimaldi Forum in Monaco. The 32 teams were drawn into eight groups of four, with the restriction that teams from the same association could not be drawn against each", + "score": 0.76513671875, + "summary": "The 2017-18 UEFA Champions League group stage started on September 12, 2017, and ended on December 6, 2017.", + "extraction": "The champions league group stage started on 12 September and ended on 6 December 2017." + }, + { + "id": "17319637", + "title": "2000\u201301 UEFA Champions League first group stage", + "text": "debut in the first group stage. 2000\u201301 UEFA Champions League first group stage The first group stage of the 2000\u201301 UEFA Champions League was played from 12 September to 8 November 2000. 16 winners from the third qualifying round, 10 champions from countries ranked 1\u201310, and six second-placed teams from countries ranked 1\u20136 were drawn into eight groups of four teams each. The top two teams in each group advanced to the second group stage, and the third placed team in each group advanced to round 3 of the 2000\u201301 UEFA Cup. Deportivo La Coru\u00f1a, Hamburg, Heerenveen, Helsingborg, Leeds United,", + "score": 0.7646484375, + "summary": "The first group stage of the 2000-01 UEFA Champions League was played from 12 September to 8 November 2000, where 16 winners, 10 champions, and six second-placed teams were drawn into eight groups of four teams each. However, this information is irrelevant to when the champions league group stage starts currently.", + "extraction": "The first group stage of the 2000-01 UEFA Champions League was played from 12 September to 8 November 2000." + }, + { + "id": "17296863", + "title": "2014\u201315 UEFA Champions League group stage", + "text": "(matchdays 1\u20133) were CEST (), thereafter (matchdays 4\u20136) times were CET (). 2014\u201315 UEFA Champions League group stage The 2014\u201315 UEFA Champions League group stage was played from 16 September to 10 December 2014. A total of 32 teams competed in the group stage to decide the 16 places in the knockout phase of the 2014\u201315 UEFA Champions League. The draw was held on 28 August 2014, 17:45 CEST, at the Grimaldi Forum in Monaco. The 32 teams were allocated into four pots based on their UEFA club coefficients at the beginning of the season, with the title holders being", + "score": 0.7646484375, + "summary": "The 2014-15 UEFA Champions League group stage started on September 16, 2014 and ended on December 10, 2014.", + "extraction": "The champions league group stage started on September 16, 2014 and ended on December 10, 2014." + }, + { + "id": "15836315", + "title": "1992\u201393 UEFA Champions League group stage", + "text": "stage, a specific phase in the European Cup. The matchdays were 25 November, 9 December, 3 and 17 March, and 7 and 21 April. 1992\u201393 UEFA Champions League group stage The 1992\u201393 UEFA Champions League group stage began on 25 November 1992 and ended on 21 April 1993. The 8 teams were divided into two groups of four, and the teams in each group played against each other on a home-and-away basis, meaning that each team played a total of six group matches. For each win, teams were awarded two points, with one point awarded for each draw. At the", + "score": 0.763671875, + "summary": "The 1992-93 UEFA Champions League group stage started on November 25, 1992 and ended on April 21, 1993.", + "extraction": "The 1992\u201393 UEFA Champions League group stage began on 25 November 1992 and ended on 21 April 1993." + }, + { + "id": "18221906", + "title": "2015\u201316 UEFA Champions League group stage", + "text": "in Kazakhstan which are 18:00 CEST/CET, and matchdays 4 and 5 in Kazakhstan which are 16:00 CET. Times up to 24 October 2015 (matchdays 1\u20133) are CEST (), thereafter (matchdays 4\u20136) times are CET (). 2015\u201316 UEFA Champions League group stage The 2015\u201316 UEFA Champions League group stage began on 15 September and ended on 9 December 2015. A total of 32 teams competed in the group stage to decide the 16 places in the knockout phase of the 2015\u201316 UEFA Champions League. The draw was held on 27 August 2015, 17:45 CEST, at the Grimaldi Forum in Monaco. The", + "score": 0.76318359375, + "summary": "The 2015-2016 UEFA Champions League group stage started on September 15, 2015 and ended on December 9, 2015. The draw was held on August 27, 2015 at the Grimaldi Forum in Monaco. The matchdays 4 and 5 were in Kazakhstan at 16:00 CET.", + "extraction": "The 2015-16 UEFA Champions League group stage began on 15 September and ended on 9 December 2015." + }, + { + "id": "20676655", + "title": "2018\u201319 UEFA Champions League group stage", + "text": "2018\u201319 UEFA Champions League group stage The 2018\u201319 UEFA Champions League group stage began on 18 September and ended on 12 December 2018. A total of 32 teams competed in the group stage to decide the 16 places in the knockout phase of the 2018\u201319 UEFA Champions League. The draw for the group stage was held on 30 August 2018, 18:00 CEST, at the Grimaldi Forum in Monaco. The 32 teams were drawn into eight groups of four, with the restriction that teams from the same association could not be drawn against each other. For the draw, the teams were", + "score": 0.7626953125, + "summary": "The 2018-19 UEFA Champions League group stage started on September 18, 2018, and ended on December 12, 2018.", + "extraction": "The 2018-19 UEFA Champions League group stage began on 18 September 2018." + }, + { + "id": "10827567", + "title": "2007\u201308 UEFA Champions League group stage", + "text": "criteria are applied to determine the rankings: \"All times CET\" 2007\u201308 UEFA Champions League group stage The 2007\u201308 UEFA Champions League group stage matches took place between 18 September and 12 December 2007. Seeding was determined by the UEFA coefficients. Clubs from the same association were paired up to split the matchdays between Tuesday and Wednesday. Clubs with the same pairing letter would play on different days, ensuring that teams from the same city (e.g. Milan and Internazionale, who also share a stadium) did not play on the same day. * Due to the death of Antonio Puerta, the second", + "score": 0.76171875, + "summary": "The 2007-08 UEFA Champions League group stage matches took place between 18 September and 12 December 2007.", + "extraction": "The 2007\u201308 UEFA Champions League group stage matches took place between 18 September and 12 December 2007." + }, + { + "id": "15446067", + "title": "2001\u201302 UEFA Champions League group stage", + "text": "2001\u201302 UEFA Champions League group stage The group stage of the 2001\u201302 UEFA Champions League was the first stage of the competition proper, following the qualifying phase. 16 winners from the third qualifying round, 10 champions from countries ranked 1\u201310, and six second-placed teams from countries ranked 1\u20136 were drawn into eight groups of four teams each. Play began on 11 September 2001 and ended on 31 October 2001, when the top two teams in each group advanced to the second group stage, and the third-placed team in each group dropped down to the Third Round of the 2001\u201302 UEFA", + "score": 0.76123046875, + "summary": "The document provides information about the group stage of the 2001-02 UEFA Champions League, which took place from September 11, 2001, to October 31, 2001. However, it does not provide information about when the current Champions League group stage starts.", + "extraction": "The champions league group stage started on 11 September 2001 and ended on 31 October 2001." + }, + { + "id": "16753839", + "title": "2013\u201314 UEFA Champions League group stage", + "text": "The match kickoff times were 20:45 CEST/CET, except for matches in Russia which were 18:00 CEST/CET. Times up to 26 October 2013 (matchdays 1\u20133) were CEST (), thereafter (matchdays 4\u20136) times were CET (). \"The match was abandoned after 31 minutes due to snow, and was resumed on 11 December 2013, 14:00, from the point of abandonment.\" 2013\u201314 UEFA Champions League group stage The group stage of the 2013\u201314 UEFA Champions League was played from 17 September to 11 December 2013. A total of 32 teams competed in the group stage. The draw was held on 29 August 2013, 17:45", + "score": 0.76025390625, + "summary": "The group stage of the 2013-14 UEFA Champions League started on September 17th, 2013.", + "extraction": "The group stage of the 2013\u201314 UEFA Champions League was played from 17 September to 11 December 2013." + }, + { + "id": "14668695", + "title": "2010\u201311 UEFA Champions League group stage", + "text": "2010\u201311 UEFA Champions League group stage This article details the 2010\u201311 UEFA Champions League group stage. The group stage featured 32 teams: the 22 automatic qualifiers and the 10 winners of the play-off round (five through the Champions Path, five through the Non-Champions Path). The teams were drawn into eight groups of four, and played each other home-and-away in a round-robin format. The matchdays were 14\u201315 September, 28\u201329 September, 19\u201320 October, 2\u20133 November, 23\u201324 November, and 7\u20138 December 2010. The top two teams in each group advanced to the first knockout round, while the third-placed teams dropped down to the", + "score": 0.7587890625, + "summary": "The document provides information on the 2010-11 UEFA Champions League group stage and its schedule, including matchdays from September to December 2010. However, it is irrelevant to the question of when the champions league group stage starts currently.", + "extraction": "The passage is irrelevant as it provides information about the 2010-11 UEFA Champions League group stage and does not mention when the champions league group stage starts in general." + }, + { + "id": "18221901", + "title": "2015\u201316 UEFA Champions League group stage", + "text": "2015\u201316 UEFA Champions League group stage The 2015\u201316 UEFA Champions League group stage began on 15 September and ended on 9 December 2015. A total of 32 teams competed in the group stage to decide the 16 places in the knockout phase of the 2015\u201316 UEFA Champions League. The draw was held on 27 August 2015, 17:45 CEST, at the Grimaldi Forum in Monaco. The 32 teams were drawn into eight groups of four, with the restriction that teams from the same association could not be drawn against each other. For the draw, the teams were seeded into four pots", + "score": 0.7587890625, + "summary": "The 2015-16 UEFA Champions League group stage began on September 15 and ended on December 9, 2015.", + "extraction": "The 2015-16 UEFA Champions League group stage began on 15 September and ended on 9 December 2015." + }, + { + "id": "20210629", + "title": "2017\u201318 UEFA Champions League group stage", + "text": "2017\u201318 UEFA Champions League group stage The 2017\u201318 UEFA Champions League group stage began on 12 September and ended on 6 December 2017. A total of 32 teams competed in the group stage to decide the 16 places in the knockout phase of the 2017\u201318 UEFA Champions League. The draw for the group stage was held on 24 August 2017, 18:00 CEST, at the Grimaldi Forum in Monaco. The 32 teams were drawn into eight groups of four, with the restriction that teams from the same association could not be drawn against each other. For the draw, the teams were", + "score": 0.7587890625, + "summary": "The 2017-18 UEFA Champions League group stage started on September 12th and ended on December 6th, 2017.", + "extraction": "The champions league group stage started on 12 September and ended on 6 December 2017." + }, + { + "id": "17296858", + "title": "2014\u201315 UEFA Champions League group stage", + "text": "2014\u201315 UEFA Champions League group stage The 2014\u201315 UEFA Champions League group stage was played from 16 September to 10 December 2014. A total of 32 teams competed in the group stage to decide the 16 places in the knockout phase of the 2014\u201315 UEFA Champions League. The draw was held on 28 August 2014, 17:45 CEST, at the Grimaldi Forum in Monaco. The 32 teams were allocated into four pots based on their UEFA club coefficients at the beginning of the season, with the title holders being placed in Pot 1 automatically. They were drawn into eight groups of", + "score": 0.7578125, + "summary": "The 2014-15 UEFA Champions League group stage started on September 16, 2014.", + "extraction": "The champions league group stage started on 16 September 2014 and ended on 10 December 2014." + }, + { + "id": "18394711", + "title": "2016\u201317 UEFA Champions League", + "text": "round was held on 5 August 2016. The first legs were played on 16 and 17 August, and the second legs were played on 23 and 24 August 2016. The draw for the group stage was held on 25 August 2016, at the Grimaldi Forum in Monaco. The 32 teams were drawn into eight groups of four, with the restriction that teams from the same association could not be drawn against each other. For the draw, the teams were seeded into four pots based on the following principles (introduced starting 2015\u201316 season): In each group, teams play against each other", + "score": 0.75732421875, + "summary": "The group stage of the 2016-17 UEFA Champions League started on August 16th and 17th, 2016. The draw for the group stage was held on August 25th, 2016.", + "extraction": "The champions league group stage starts on 16 and 17 August 2016." + }, + { + "id": "18286345", + "title": "2015\u201316 UEFA Europa League group stage", + "text": "Champions League group stage. The teams are ranked according to points (3 points for a win, 1 point for a draw, 0 points for a loss). If two or more teams are equal on points on completion of the group matches, the following criteria are applied in the order given to determine the rankings (regulations Article 16.01): The matchdays are 17 September, 1 October, 22 October, 5 November, 26 November, and 10 December 2015. The match kickoff times are 19:00 and 21:05 CEST/CET, except for six matches (certain matches in Azerbaijan, Belarus, Russia and Turkey) which are 17:00 CEST/CET. Times", + "score": 0.75634765625, + "summary": "The document is irrelevant to the question.", + "extraction": "The passage is irrelevant as it talks about the Europa League group stage and not the Champions League group stage." + }, + { + "id": "15650694", + "title": "2011\u201312 UEFA Champions League group stage", + "text": "2011\u201312 UEFA Champions League group stage This article details the 2011\u201312 UEFA Champions League group stage. The group stage featured 32 teams: the 22 automatic qualifiers and the 10 winners of the play-off round (five through the Champions Route, five through the League Route). The teams were drawn into eight groups of four, and played each other home-and-away in a round-robin format. The matchdays were 13\u201314 September, 27\u201328 September, 18\u201319 October, 1\u20132 November, 22\u201323 November, and 6\u20137 December 2011. The top two teams in each group advanced to the first knockout round, while the third-placed teams dropped down to the", + "score": 0.755859375, + "summary": "The document is relevant but does not provide a clear answer to the question \"When does the champions league group stage start?\" as it only provides information about the 2011-12 UEFA Champions League group stage.", + "extraction": "The champions league group stage started on 13\u201314 September, 2011 and ended on 6\u20137 December, 2011." + }, + { + "id": "19567506", + "title": "2016\u201317 UEFA Champions League group stage", + "text": "Turkish government to use the time zone all year round starting from September 2016. Times are CET/CEST, as listed by UEFA (local times are in parentheses). 2016\u201317 UEFA Champions League group stage The 2016\u201317 UEFA Champions League group stage began on 13 September and ended on 7 December 2016. A total of 32 teams competed in the group stage to decide the 16 places in the knockout phase of the 2016\u201317 UEFA Champions League. The draw was held on 25 August 2016, 18:00 CEST, at the Grimaldi Forum in Monaco. The 32 teams were drawn into eight groups of four,", + "score": 0.75341796875, + "summary": "The 2016-17 UEFA Champions League group stage started on September 13, 2016 and ended on December 7, 2016. The draw was held on August 25, 2016.", + "extraction": "The 2016-17 UEFA Champions League group stage began on 13 September and ended on 7 December 2016." + }, + { + "id": "13592182", + "title": "2009\u201310 UEFA Champions League group stage", + "text": "the same day. th Title Holder Based on Article 7.06 in the UEFA regulations, if two or more teams are equal on points on completion of the group matches, the following criteria will be applied to determine the rankings: \"All times CET/CEST\" 2009\u201310 UEFA Champions League group stage The 2009\u201310 UEFA Champions League group stage matches took place between 15 September and 9 December 2009. The draw for the eight groups took place on 27 August 2009, at the Grimaldi Forum in Monaco. The group stage features the 22 automatic qualifiers and the 10 winners of the play-off round (five", + "score": 0.75341796875, + "summary": "The 2009-10 UEFA Champions League group stage started on September 15, 2009 and ended on December 9, 2009.", + "extraction": "The 2009-10 UEFA Champions League group stage matches took place between 15 September and 9 December 2009." + }, + { + "id": "10827565", + "title": "2007\u201308 UEFA Champions League group stage", + "text": "2007\u201308 UEFA Champions League group stage The 2007\u201308 UEFA Champions League group stage matches took place between 18 September and 12 December 2007. Seeding was determined by the UEFA coefficients. Clubs from the same association were paired up to split the matchdays between Tuesday and Wednesday. Clubs with the same pairing letter would play on different days, ensuring that teams from the same city (e.g. Milan and Internazionale, who also share a stadium) did not play on the same day. * Due to the death of Antonio Puerta, the second leg of Sevilla's game against AEK Athens was postponed until", + "score": 0.75341796875 + }, + { + "id": "19567501", + "title": "2016\u201317 UEFA Champions League group stage", + "text": "2016\u201317 UEFA Champions League group stage The 2016\u201317 UEFA Champions League group stage began on 13 September and ended on 7 December 2016. A total of 32 teams competed in the group stage to decide the 16 places in the knockout phase of the 2016\u201317 UEFA Champions League. The draw was held on 25 August 2016, 18:00 CEST, at the Grimaldi Forum in Monaco. The 32 teams were drawn into eight groups of four, with the restriction that teams from the same association could not be drawn against each other. For the draw, the teams were seeded into four pots", + "score": 0.7529296875 + }, + { + "id": "17319636", + "title": "2000\u201301 UEFA Champions League first group stage", + "text": "2000\u201301 UEFA Champions League first group stage The first group stage of the 2000\u201301 UEFA Champions League was played from 12 September to 8 November 2000. 16 winners from the third qualifying round, 10 champions from countries ranked 1\u201310, and six second-placed teams from countries ranked 1\u20136 were drawn into eight groups of four teams each. The top two teams in each group advanced to the second group stage, and the third placed team in each group advanced to round 3 of the 2000\u201301 UEFA Cup. Deportivo La Coru\u00f1a, Hamburg, Heerenveen, Helsingborg, Leeds United, Lyon and Shakhtar Donetsk made their", + "score": 0.751953125 + }, + { + "id": "12401227", + "title": "2008\u201309 UEFA Champions League group stage", + "text": "2008\u201309 UEFA Champions League group stage The 2008\u201309 UEFA Champions League group stage matches took place between 16 September and 10 December 2008. Seeding was determined by the UEFA coefficients: Pot 1 held teams ranked 1\u201310 (since Milan and Sevilla did not qualify), Pot 2 held teams ranked 11\u201323, Pot 3 held teams ranked 25\u201345, while Pot 4 held teams ranked 46\u2013193 and unranked teams. Clubs from the same association were paired up to split the matchdays between Tuesday and Wednesday. Clubs with the same pairing letter played on different days, ensuring that teams from the same city (e.g. Milan", + "score": 0.75146484375 + }, + { + "id": "17316810", + "title": "2015\u201316 UEFA Europa League", + "text": "seeded into four pots based on their 2015 UEFA club coefficients. In each group, teams played against each other home-and-away in a round-robin format. The group winners and runners-up advanced to the round of 32, where they were joined by the eight third-placed teams of the 2015\u201316 UEFA Champions League group stage. The matchdays were 17 September, 1 October, 22 October, 5 November, 26 November, and 10 December 2015. A total of 24 national associations were represented in the group stage. Augsburg, Belenenses, Gabala, Groningen, Midtjylland, Monaco, Sion and Sk\u00ebnderbeu Kor\u00e7\u00eb made their debut appearances in the group stage (although", + "score": 0.74951171875 + }, + { + "id": "20676659", + "title": "2018\u201319 UEFA Champions League group stage", + "text": "were ranked according to points (3 points for a win, 1 point for a draw, 0 points for a loss), and if tied on points, the following tiebreaking criteria were applied, in the order given, to determine the rankings (Regulations Articles 17.01): The matchdays were 18\u201319 September, 2\u20133 October, 23\u201324 October, 6\u20137 November, 27\u201328 November, and 11\u201312 December 2018. The scheduled kickoff times were 21:00 CET/CEST, with two matches on each Tuesday and Wednesday scheduled for 18:55 CET/CEST. Times are CET/CEST, as listed by UEFA (local times, if different, are in parentheses). 2018\u201319 UEFA Champions League group stage The 2018\u201319", + "score": 0.74853515625 + }, + { + "id": "12401229", + "title": "2008\u201309 UEFA Champions League group stage", + "text": "group matches, the following criteria were applied to determine the rankings: \"All times CET\" 2008\u201309 UEFA Champions League group stage The 2008\u201309 UEFA Champions League group stage matches took place between 16 September and 10 December 2008. Seeding was determined by the UEFA coefficients: Pot 1 held teams ranked 1\u201310 (since Milan and Sevilla did not qualify), Pot 2 held teams ranked 11\u201323, Pot 3 held teams ranked 25\u201345, while Pot 4 held teams ranked 46\u2013193 and unranked teams. Clubs from the same association were paired up to split the matchdays between Tuesday and Wednesday. Clubs with the same pairing", + "score": 0.74853515625 + }, + { + "id": "15838157", + "title": "1993\u201394 UEFA Champions League group stage", + "text": "originally scheduled for December 8, but was brought forward by a week to allow Milan more time to prepare for the 1993 Intercontinental Cup.\" 1993\u201394 UEFA Champions League group stage The group stage of the 1993\u201394 UEFA Champions League began on 24 November 1993 and ended on 13 April 1994. The eight teams were divided into two groups of four, and the teams in each group played against each other on a home-and-away basis, meaning that each team played a total of six group matches. For each win, teams were awarded two points, with one point awarded for each draw.", + "score": 0.744140625 + }, + { + "id": "18022937", + "title": "2014\u201315 UEFA Youth League", + "text": "the 2014\u201315 UEFA Champions League group stage, which was held on 28 August 2014, 17:45 CEST, at the Grimaldi Forum in Monaco. In each group, teams played against each other home-and-away in a round-robin format. The matchdays were 16\u201318 September, 30 September\u20132 October, 21\u201323 October, 4\u20136 November, 25\u201327 November, and 9\u201311 December 2014, with the matches played on the same matchday as the corresponding Champions League matches, but not necessarily on the same day. The group winners and runners-up advanced to the round of 16. The teams were ranked according to points (3 points for a win, 1 point for", + "score": 0.744140625 + }, + { + "id": "19001996", + "title": "2017\u201318 UEFA Europa League", + "text": "coefficients. In each group, teams played against each other home-and-away in a round-robin format. The group winners and runners-up advanced to the round of 32, where they were joined by the eight third-placed teams of the 2017\u201318 UEFA Champions League group stage. The matchdays were 14 September, 28 September, 19 October, 2 November, 23 November, and 7 December 2017. A total of 29 national associations were represented in the group stage. Arsenal, Atalanta, Fastav Zl\u00edn, 1899 Hoffenheim, \u0130stanbul Ba\u015fak\u015fehir, 1. FC K\u00f6ln, Lugano, Milan, \u00d6stersund, Real Sociedad, Red Star Belgrade, Vardar and Vitesse made their debut appearances in the UEFA", + "score": 0.7431640625 + }, + { + "id": "14025487", + "title": "2002\u201303 UEFA Champions League group stage", + "text": "2002\u201303 UEFA Champions League group stage The 2002\u201303 UEFA Champions League group stage matches took place between 17 September and 13 November 2002. The draw for the group stage was made on 29 August 2002 in Monaco. The group stage featured the 16 automatic qualifiers and the 16 winners of the third qualifying round. Each team was drawn into one of eight groups but avoided teams from their own country. All four teams in the group played home and away matches against each other to determine the winner and runner-up in the group. At the completion of the group stage,", + "score": 0.7421875 + }, + { + "id": "5923171", + "title": "2005\u201306 UEFA Champions League group stage", + "text": "2005\u201306 UEFA Champions League group stage The 2005\u201306 UEFA Champions League group stage matches took place between 13 September and 7 December 2005. The 32 teams were divided into four pots. Seeding was determined by the UEFA coefficients. Clubs from the same association were paired up to split the matchdays between Tuesday and Wednesday. Clubs with the same pairing letter would play on different days, ensuring that teams from the same city (e.g. Milan and Internazionale, who also share a stadium) did not play on the same day. Based on paragraph 4.05 in the UEFA regulations for the current season,", + "score": 0.74072265625 + }, + { + "id": "19001987", + "title": "2017\u201318 UEFA Champions League", + "text": "31 October \u2013 1 November, 21\u201322 November, and 5\u20136 December 2017. The youth teams of the clubs that qualify for the group stage also participated in the 2017\u201318 UEFA Youth League on the same matchdays, where they competed in the UEFA Champions League Path (the youth domestic champions of the top 32 associations compete in a separate Domestic Champions Path until the play-offs). 17 national associations were represented in the group stage. Qaraba\u011f and RB Leipzig made their debut appearances in the group stage. Qaraba\u011f were the first team from Azerbaijan to play in the Champions League group stage. In", + "score": 0.73779296875 + }, + { + "id": "15283115", + "title": "1999\u20132000 UEFA Champions League group stage", + "text": "1999\u20132000 UEFA Champions League group stage The 1999\u20132000 UEFA Champions League group stage matches took place between 14 September and 3 November 1999. The draw for the group stage was made in August 1999. The group stage featured the 16 automatic qualifiers and the 16 winners of the third qualifying round. Each team was drawn into one of eight groups but avoided teams from their own country. All four teams in the group played home and away matches against each other to determine the winner and runner-up in the group. At the completion of the group stage, the top two", + "score": 0.73681640625 + }, + { + "id": "15836314", + "title": "1992\u201393 UEFA Champions League group stage", + "text": "1992\u201393 UEFA Champions League group stage The 1992\u201393 UEFA Champions League group stage began on 25 November 1992 and ended on 21 April 1993. The 8 teams were divided into two groups of four, and the teams in each group played against each other on a home-and-away basis, meaning that each team played a total of six group matches. For each win, teams were awarded two points, with one point awarded for each draw. At the end of the group stage, the first team in each group advanced to the final. Originally, the UEFA Champions League was only the group", + "score": 0.736328125 + }, + { + "id": "9824186", + "title": "2007\u201308 UEFA Champions League", + "text": "of club competitions. The first leg matches were played on 31 July and 1 August, while the second legs were played on 7 August and 8 August 2007. The draw was held on Friday, 3 August 2007 in Nyon, Switzerland. The draw was conducted by UEFA General Secretary David Taylor and Giorgio Marchetti, UEFA's director of professional football. The first leg matches were played on 14 August and 15 August, while the second legs were played on 28 August and 29 August 2007. Winners in this round qualified for the group stage, while the losing clubs entered the first round", + "score": 0.7353515625 + }, + { + "id": "14948679", + "title": "2003\u201304 UEFA Champions League group stage", + "text": "2003\u201304 UEFA Champions League group stage The 2003\u201304 UEFA Champions League group stage matches took take place between 16 September and 10 December 2003. The group stage featured teams qualified by their league positions and others who had come through qualifying. The 32 teams were divided into four pots. Pot 1 comprised the previous year's title holders Milan and the top seven clubs in the team ranking. Pot 2 contained the following eight clubs in the rankings and likewise for Pots 3 and 4. Each group contained one team from each pot. A team's seeding was determined by the UEFA", + "score": 0.7353515625 + }, + { + "id": "18394724", + "title": "2016\u201317 UEFA Europa League", + "text": "48 teams were drawn into twelve groups of four, with the restriction that teams from the same association could not be drawn against each other. For the draw, the teams were seeded into four pots based on their 2016 UEFA club coefficients. In each group, teams play against each other home-and-away in a round-robin format. The group winners and runners-up advance to the round of 32, where they are joined by the eight third-placed teams of the 2016\u201317 UEFA Champions League group stage. The matchdays are 15 September, 29 September, 20 October, 3 November, 24 November, and 8 December 2016.", + "score": 0.73388671875 + }, + { + "id": "15987782", + "title": "1995\u201396 UEFA Champions League group stage", + "text": "1995\u201396 UEFA Champions League group stage The group stage of the 1995\u201396 UEFA Champions League began on 13 September 1995 and ended on 6 December 1995. Eight teams qualified automatically for the group stage, while eight more qualified via a preliminary round. The 16 teams were divided into four groups of four, and the teams in each group played against each other on a home-and-away basis, meaning that each team played a total of six group matches. For each win, teams were awarded three points, with one point awarded for each draw. At the end of the group stage, the", + "score": 0.73388671875 + }, + { + "id": "9824185", + "title": "2007\u201308 UEFA Champions League", + "text": "competition went through to the group stage directly. The calendar shows the dates of the rounds and draw. The draw was held on Friday, 29 June 2007 in Nyon, Switzerland. The draw was conducted by UEFA General Secretary David Taylor and Michele Centenaro, UEFA's head of club competitions. The first leg matches were held on 17 July and 18 July, while the second legs were played on 24 July and 25 July 2007. The draw was held on Friday, 29 June 2007 in Nyon, Switzerland. The draw was conducted by UEFA General Secretary David Taylor and Michele Centenaro, UEFA's head", + "score": 0.73388671875 + }, + { + "id": "5923172", + "title": "2005\u201306 UEFA Champions League group stage", + "text": "if two or more teams are equal on points on completion of the group matches, the following criteria are applied to determine the rankings: Times are CET/CEST, as listed by UEFA (local times are in parentheses). 2005\u201306 UEFA Champions League group stage The 2005\u201306 UEFA Champions League group stage matches took place between 13 September and 7 December 2005. The 32 teams were divided into four pots. Seeding was determined by the UEFA coefficients. Clubs from the same association were paired up to split the matchdays between Tuesday and Wednesday. Clubs with the same pairing letter would play on different", + "score": 0.73388671875 + }, + { + "id": "19982024", + "title": "2018\u201319 UEFA Champions League", + "text": "1899 Hoffenheim, Red Star Belgrade (1991 European champions) and Young Boys will make their debut appearances in the group stage (although Red Star Belgrade have appeared in the European Cup group stage). In the knockout phase, teams play against each other over two legs on a home-and-away basis, except for the one-match final. The draw for the round of 16 was held on 17 December 2018 at 12:00 PM CET. The first leg matches will be played on 12, 13, 19, and 20 February, and the second leg matches will be played on 5, 6, 12, and 13 March 2019.", + "score": 0.7333984375 + }, + { + "id": "16583189", + "title": "2012\u201313 UEFA Champions League group stage", + "text": "on the last matchday due to cold weather. The teams are ranked according to points (3 points for a win, 1 point for a tie, 0 points for a loss). If two or more teams are equal on points on completion of the group matches, the following criteria are applied to determine the rankings: The matchdays were 18\u201319 September, 2\u20133 October, 23\u201324 October, 6\u20137 November, 20\u201321 November, and 4\u20135 December 2012. Times up to 27 October 2012 (matchdays 1\u20133) are CEST (), thereafter (matchdays 4\u20136) times are CET (). 2012\u201313 UEFA Champions League group stage The 2012\u201313 UEFA Champions League", + "score": 0.73291015625 + }, + { + "id": "17209122", + "title": "2012\u201313 LEN Champions League knockout stage", + "text": "2012\u201313 LEN Champions League knockout stage The knockout stage of the 2012\u201313 LEN Champions League began on 9 March 2013 and will conclude on 1 June 2013 with the final at Ta\u0161majdan Sports Centre in Belgrade, Serbia. Times up to 30 March 2013 (eight finals) are UTC+1, thereafter (quarter finals and final four) times are UTC+2. All draws are held in Rome, Italy. The draw was held on 28 February 2013 in Rome, Italy. The first legs were played on 9\u201310 March, and the second legs were played on 20\u201321 March 2013. \"Jug Dubrovnik won 36\u20138 on aggregate.\" \"Galatasaray won", + "score": 0.732421875 + }, + { + "id": "15688186", + "title": "2011\u201312 UEFA Europa League group stage", + "text": "Champions League group stage. The draw for the group stage was held at Grimaldi Forum, Monaco on 26 August 2011 at 13:00 CEST (). Teams were seeded into four pots based on their 2011 UEFA club coefficients. Pot 1 held teams ranked 18\u201349, Pot 2 held teams ranked 51\u201385, Pot 3 held teams ranked 89\u2013154, while Pot 4 held teams ranked 155\u2013302 and unranked teams. For the group stage draw, teams from the same national association could not be drawn against each other. Moreover, the draw was controlled for teams from the same association in order to split the teams", + "score": 0.73046875 + }, + { + "id": "16389041", + "title": "2013\u201314 UEFA Champions League", + "text": "by UEFA and the Court of Arbitration for Sport. The draw for the group stage was held in Monaco on 29 August 2013. The 32 teams were allocated into four pots based on their 2013 UEFA club coefficients, with the title holders, Bayern Munich, being placed in Pot 1 automatically. They were drawn into eight groups of four, with the restriction that teams from the same association could not be drawn against each other. In each group, teams played against each other home-and-away in a round-robin format. The matchdays were 17\u201318 September, 1\u20132 October, 22\u201323 October, 5\u20136 November, 26\u201327 November,", + "score": 0.7294921875 + }, + { + "id": "18221905", + "title": "2015\u201316 UEFA Champions League group stage", + "text": "16, while the third-placed teams entered the Europa League round of 32. The teams are ranked according to points (3 points for a win, 1 point for a draw, 0 points for a loss). If two or more teams are equal on points on completion of the group matches, the following criteria are applied in the order given to determine the rankings (regulations Article 17.01): The matchdays are 15\u201316 September, 29\u201330 September, 20\u201321 October, 3\u20134 November, 24\u201325 November, and 8\u20139 December 2015. The match kickoff times are 20:45 CEST/CET, except for matchday 5 in Belarus and Russia and matchday 2", + "score": 0.7294921875 + }, + { + "id": "18394712", + "title": "2016\u201317 UEFA Champions League", + "text": "home-and-away in a round-robin format. The group winners and runners-up advance to the round of 16, while the third-placed teams enter the 2016\u201317 UEFA Europa League round of 32. The matchdays are 13\u201314 September, 27\u201328 September, 18\u201319 October, 1\u20132 November, 22\u201323 November, and 6\u20137 December 2016. The youth teams of the clubs that qualify for the group stage also play in the 2016\u201317 UEFA Youth League on the same matchdays, where they compete in the UEFA Champions League Path (the youth domestic champions of the top 32 associations compete in a separate Domestic Champions Path until the play-offs). A total", + "score": 0.7294921875 + }, + { + "id": "17258333", + "title": "1998\u201399 UEFA Champions League group stage", + "text": "1998\u201399 UEFA Champions League group stage The group stage of the 1998\u201399 UEFA Champions League began on 16 September 1998 and ended on 9 December 1998. Eight teams qualified automatically for the group stage, while 16 more qualified via a preliminary round. The 24 teams were divided into six groups of four, and the teams in each group played against each other on a home-and-away basis, meaning that each team played a total of six group matches. For each win, teams were awarded three points, with one point awarded for each draw. Times are CET/CEST, as listed by UEFA (local", + "score": 0.72900390625 + }, + { + "id": "15283117", + "title": "1999\u20132000 UEFA Champions League group stage", + "text": "group matches, the following criteria will be applied to determine the rankings: 1999\u20132000 UEFA Champions League group stage The 1999\u20132000 UEFA Champions League group stage matches took place between 14 September and 3 November 1999. The draw for the group stage was made in August 1999. The group stage featured the 16 automatic qualifiers and the 16 winners of the third qualifying round. Each team was drawn into one of eight groups but avoided teams from their own country. All four teams in the group played home and away matches against each other to determine the winner and runner-up in", + "score": 0.72900390625 + }, + { + "id": "16190238", + "title": "1996\u201397 UEFA Champions League group stage", + "text": "1996\u201397 UEFA Champions League group stage The group stage of the 1996\u201397 UEFA Champions League began on 11 September 1996 and ended on 4 December 1996. Eight teams qualified automatically for the group stage, while eight more qualified via a preliminary round. The 16 teams were divided into four groups of four, and the teams in each group played against each other on a home-and-away basis, meaning that each team played a total of six group matches. For each win, teams were awarded three points, with one point awarded for each draw. At the end of the group stage, the", + "score": 0.728515625 + }, + { + "id": "16531502", + "title": "2014\u201315 UEFA Champions League", + "text": "placed in Pot 1 automatically. They were drawn into eight groups of four, with the restriction that teams from the same association could not be drawn against each other. In each group, teams played against each other home-and-away in a round-robin format. The matchdays were 16\u201317 September, 30 September\u20131 October, 21\u201322 October, 4\u20135 November, 25\u201326 November, and 9\u201310 December 2014. A total of 18 national associations were represented in the group stage. Ludogorets Razgrad and Malm\u00f6 FF made their debut appearances in the group stage. Teams that qualified for the group stage also participated in the 2014\u201315 UEFA Youth League,", + "score": 0.72802734375 + }, + { + "id": "14621775", + "title": "1994\u201395 UEFA Champions League group stage", + "text": "1994\u201395 UEFA Champions League group stage The group stage of the 1994\u201395 UEFA Champions League began on 14 September 1994 and ended on 7 December 1994. Eight teams qualified automatically for the group stage, while eight more qualified via a preliminary round. The 16 teams were divided into four groups of four, and the teams in each group played against each other on a home-and-away basis, meaning that each team played a total of six group matches. For each win, teams were awarded two points, with one point awarded for each draw. At the end of the group stage, the", + "score": 0.72802734375 + }, + { + "id": "16190239", + "title": "1996\u201397 UEFA Champions League group stage", + "text": "two teams in each group with the most points advanced to the quarter-finals. Manchester United's defeat to Fenerbahce at Old Trafford was their first home defeat in European football. 1996\u201397 UEFA Champions League group stage The group stage of the 1996\u201397 UEFA Champions League began on 11 September 1996 and ended on 4 December 1996. Eight teams qualified automatically for the group stage, while eight more qualified via a preliminary round. The 16 teams were divided into four groups of four, and the teams in each group played against each other on a home-and-away basis, meaning that each team played", + "score": 0.72802734375 + }, + { + "id": "19982023", + "title": "2018\u201319 UEFA Champions League", + "text": "advance to the round of 16, while the third-placed teams enter the 2018\u201319 UEFA Europa League round of 32. The matchdays are 18\u201319 September, 2\u20133 October, 23\u201324 October, 6\u20137 November, 27\u201328 November, and 11\u201312 December 2018. The youth teams of the clubs that qualify for the group stage also participate in the 2018\u201319 UEFA Youth League on the same matchdays, where they compete in the UEFA Champions League Path (the youth domestic champions of the top 32 associations compete in a separate Domestic Champions Path until the play-offs). A total of 15 national associations are represented in the group stage.", + "score": 0.7265625 + }, + { + "id": "15446068", + "title": "2001\u201302 UEFA Champions League group stage", + "text": "Cup. Due to the September 11 attacks, matches scheduled to take place on 12 September were postponed until 10 October. Matches scheduled on the day of the attacks went ahead with a minute's silence taking place before kick-off. 2001\u201302 UEFA Champions League group stage The group stage of the 2001\u201302 UEFA Champions League was the first stage of the competition proper, following the qualifying phase. 16 winners from the third qualifying round, 10 champions from countries ranked 1\u201310, and six second-placed teams from countries ranked 1\u20136 were drawn into eight groups of four teams each. Play began on 11 September", + "score": 0.72607421875 + }, + { + "id": "17258334", + "title": "1998\u201399 UEFA Champions League group stage", + "text": "times are in parentheses) 1998\u201399 UEFA Champions League group stage The group stage of the 1998\u201399 UEFA Champions League began on 16 September 1998 and ended on 9 December 1998. Eight teams qualified automatically for the group stage, while 16 more qualified via a preliminary round. The 24 teams were divided into six groups of four, and the teams in each group played against each other on a home-and-away basis, meaning that each team played a total of six group matches. For each win, teams were awarded three points, with one point awarded for each draw. Times are CET/CEST, as", + "score": 0.72607421875 + }, + { + "id": "13731916", + "title": "2004\u201305 UEFA Champions League group stage", + "text": "2004\u201305 UEFA Champions League group stage The 2004\u201305 UEFA Champions League group stage matches took take place between 14 September and 8 December 2004. The group stage featured teams qualified by their league positions and others who had come through qualifying. The 32 teams were divided into four pots. Pot 1 comprised the previous year's title holders Porto and the top seven clubs in the team ranking. Pot 2 contained the following eight clubs in the rankings and likewise for Pots 3 and 4. Each group contained one team from each pot. A team's seeding was determined by the UEFA", + "score": 0.7255859375 + }, + { + "id": "14025489", + "title": "2002\u201303 UEFA Champions League group stage", + "text": "completion of the group matches, the following criteria will be applied to determine the rankings: Times are CET/CEST, as listed by UEFA (local times are in parentheses). All matches played at GSP Stadium in Nicosia, Cyprus after UEFA banned international matches from being played in Israel. 2002\u201303 UEFA Champions League group stage The 2002\u201303 UEFA Champions League group stage matches took place between 17 September and 13 November 2002. The draw for the group stage was made on 29 August 2002 in Monaco. The group stage featured the 16 automatic qualifiers and the 16 winners of the third qualifying round.", + "score": 0.72509765625 + }, + { + "id": "7110532", + "title": "1993\u201394 UEFA Champions League", + "text": "1\u20130 on aggregate.\" \"AS Monaco won 4\u20132 on aggregate.\" \"Werder Bremen won 3\u20132 on aggregate.\" \"Milan won 7\u20130 on aggregate.\" \"Anderlecht won 5\u20132 on aggregate.\" \"3\u20133 on aggregate; Galatasaray won on away goals.\" \"Spartak Moscow won 7\u20132 on aggregate.\" \"Barcelona won 5\u20131 on aggregate.\" The group stage began on 24 November 1993 and ended on 13 April 1994. The eight teams were divided into two groups of four, and the teams in each group played against each other on a home-and-away basis, meaning that each team played a total of six group matches. For each win, teams were awarded two", + "score": 0.724609375 + }, + { + "id": "20169263", + "title": "2018\u201319 UEFA Europa League", + "text": "Forum in Monaco. The 48 teams were drawn into twelve groups of four, with the restriction that teams from the same association cannot be drawn against each other. For the draw, the teams are seeded into four pots based on their 2018 UEFA club coefficients. In each group, teams play against each other home-and-away in a round-robin format. The group winners and runners-up advance to the round of 32 where they are joined by the eight third-placed teams of the 2018\u201319 UEFA Champions League group stage. The matchdays are 20 September, 4 October, 25 October, 8 November, 29 November, and", + "score": 0.724609375 + }, + { + "id": "12159516", + "title": "2010\u201311 UEFA Champions League", + "text": "legs were played on 24 and 25 August 2010. Following a trial at the previous year's UEFA Europa League, UEFA announced that in both the 2010\u201311 and 2011\u201312 competitions, two extra officials would be used \u2013 with one on each goal line. The 32 clubs were drawn into eight groups of four on 26 August 2010 in Monaco. In each group, teams play against each other home-and-away in a round-robin format. The matchdays are 14\u201315 September, 28\u201329 September, 19\u201320 October, 2\u20133 November, 23\u201324 November, and 7\u20138 December 2010. The group winners and runners-up advance to the round of 16, while", + "score": 0.7236328125 + }, + { + "id": "17316809", + "title": "2015\u201316 UEFA Europa League", + "text": "on 17 July 2015. The first legs were played on 29 and 30 July, and the second legs were played on 6 August 2015. The draw for the play-off round was held on 7 August 2015. The first legs were played on 20 August, and the second legs were played on 27 August 2015. The draw for the group stage was held in Monaco on 28 August 2015. The 48 teams were drawn into twelve groups of four, with the restriction that teams from the same association could not be drawn against each other. For the draw, the teams were", + "score": 0.72265625 + }, + { + "id": "15987783", + "title": "1995\u201396 UEFA Champions League group stage", + "text": "two teams in each group with the most points advanced to the quarter-finals. \"Dynamo Kyiv initially beat Panathinaikos 1\u20130 on matchday one. This result was annulled when Dynamo Kyiv were expelled from the competition and Aalborg were allowed to play a replacement fixture.\" 1995\u201396 UEFA Champions League group stage The group stage of the 1995\u201396 UEFA Champions League began on 13 September 1995 and ended on 6 December 1995. Eight teams qualified automatically for the group stage, while eight more qualified via a preliminary round. The 16 teams were divided into four groups of four, and the teams in each", + "score": 0.7216796875 + }, + { + "id": "15838156", + "title": "1993\u201394 UEFA Champions League group stage", + "text": "1993\u201394 UEFA Champions League group stage The group stage of the 1993\u201394 UEFA Champions League began on 24 November 1993 and ended on 13 April 1994. The eight teams were divided into two groups of four, and the teams in each group played against each other on a home-and-away basis, meaning that each team played a total of six group matches. For each win, teams were awarded two points, with one point awarded for each draw. At the end of the group stage, the two teams in each group with the most points advanced to the semi-finals. \"The game was", + "score": 0.72021484375 + }, + { + "id": "17319632", + "title": "2000\u201301 UEFA Champions League second group stage", + "text": "to progress beyond the group stage, although by 2003 the Champions League final featured two Italian sides. 2000\u201301 UEFA Champions League second group stage The second group stage of the 2000\u201301 UEFA Champions League was played from 21 November 2000 to 14 March 2001. Eight winners and eight runners up from the first group stage were drawn into four groups of four, each containing two group winners and two runners-up. Teams from the same country or from the same first round group cannot be drawn together. The top two teams from each group advanced to the quarter finals. The Italian", + "score": 0.72021484375 + }, + { + "id": "18023529", + "title": "2015 AFC Champions League group stage", + "text": "3\u20134 March, 17\u201318 March, 7\u20138 April, 21\u201322 April, and 5\u20136 May 2015. 2015 AFC Champions League group stage The 2015 AFC Champions League group stage was played from 24 February to 6 May 2015. A total of 32 teams competed in the group stage to decide the 16 places in the knockout stage of the 2015 AFC Champions League. The draw for the group stage was held on 11 December 2014, 16:00 , at the Petaling Jaya Hilton Hotel in Kuala Lumpur, Malaysia. The 32 teams were drawn into eight groups of four. Teams from the same association could not", + "score": 0.71923828125 + }, + { + "id": "9766197", + "title": "2006\u201307 UEFA Champions League knockout stage", + "text": "2006\u201307 UEFA Champions League knockout stage The knockout stage of the 2006\u201307 UEFA Champions League started on 20 February 2007 and culminated with the final match at the Olympic Stadium in Athens on 23 May. The draw for the first knockout round took place on 15 December 2006 and involved each of the top two teams from each group in the group stage. The winner of each group was paired up with the runner-up from another group. Each knockout round tie consisted of two-legged matches, home and away, in which the team with the higher aggregate score progressed to the", + "score": 0.71923828125 + }, + { + "id": "15134462", + "title": "2012\u201313 UEFA Champions League", + "text": "July 2012. The first legs were played on 31 July and 1 August, and the second legs were played on 7 and 8 August 2012. The play-off round was split into two separate sections: one for champions (Champions Route) and one for non-champions (League Route). The losing teams in both sections entered the 2012\u201313 UEFA Europa League group stage. The draw for the play-off round was held on 10 August 2012. The first legs were played on 21 and 22 August, and the second legs were played on 28 and 29 August 2012. The draw for the group stage was", + "score": 0.71923828125 + }, + { + "id": "14388148", + "title": "2007\u201308 UEFA Champions League qualifying rounds", + "text": "2007\u201308 UEFA Champions League qualifying rounds The qualifying rounds for the 2007\u201308 UEFA Champions League began on 17 July 2007. In total, there were three qualifying rounds which provided 16 clubs to join the group stage. The draw was held on Friday, 29 June 2007 in Nyon, Switzerland. The draw was conducted by UEFA General Secretary David Taylor and Michele Centenaro, UEFA's head of club competitions. The first leg matches were held on 17 July and 18 July, while the second legs were played on 24 July and 25 July 2007. \"Astana won 3\u20130 on aggregate.\" \"BATE won 3\u20132 on", + "score": 0.71923828125 + }, + { + "id": "16531501", + "title": "2014\u201315 UEFA Champions League", + "text": "round was split into two separate sections: one for champions (Champions Route) and one for non-champions (League Route). The losing teams in both sections entered the 2014\u201315 UEFA Europa League group stage. The draw for the play-off round was held on 8 August 2014. The first legs were played on 19 and 20 August, and the second legs were played on 26 and 27 August 2014. The draw for the group stage was held in Monaco on 28 August 2014. The 32 teams were allocated into four pots based on their 2014 UEFA club coefficients, with the title holders being", + "score": 0.71875 + }, + { + "id": "14948681", + "title": "2003\u201304 UEFA Champions League group stage", + "text": "UEFA Cup in 2004. Based on paragraph 4.05 in the UEFA regulations for the current season, if two or more teams are equal on points on completion of the group matches, the following criteria are applied to determine the rankings: Times are CET/CEST, as listed by UEFA (local times are in parentheses). (*) originally scheduled for November 25, delayed for security reasons due to the Istanbul terrorist bombings of November 15 and November 20 2003\u201304 UEFA Champions League group stage The 2003\u201304 UEFA Champions League group stage matches took take place between 16 September and 10 December 2003. The group", + "score": 0.71875 + }, + { + "id": "19567505", + "title": "2016\u201317 UEFA Champions League group stage", + "text": "1 point for a draw, 0 points for a loss). If two or more teams are equal on points on completion of the group matches, the following criteria are applied in the order given to determine the rankings (regulations Article 17.01): The matchdays are 13\u201314 September, 27\u201328 September, 18\u201319 October, 1\u20132 November, 22\u201323 November, and 6\u20137 December 2016. The match kickoff times are 20:45 CEST/CET, except for matchday 5 in Russia which are 18:00 CET. The match kickoff times for matchdays 4 and 5 in Turkey were changed from 20:45 CET to 18:45 CET due to the decision of the", + "score": 0.71826171875 + }, + { + "id": "19377845", + "title": "2016\u201317 UEFA Champions League qualifying phase and play-off round", + "text": "2016\u201317 UEFA Champions League qualifying phase and play-off round The 2016\u201317 UEFA Champions League qualifying phase and play-off round began on 28 June and ended on 24 August 2016. A total of 56 teams competed in the qualifying phase and play-off round to decide 10 of the 32 places in the group stage of the 2016\u201317 UEFA Champions League. All times are CEST (). The schedule of the competition was as follows (all draws were held at the UEFA headquarters in Nyon, Switzerland, unless stated otherwise). In the qualifying phase and play-off round, each tie was played over two legs,", + "score": 0.71826171875 + }, + { + "id": "16583198", + "title": "2012\u201313 UEFA Champions League knockout phase", + "text": "2012\u201313 UEFA Champions League knockout phase The knockout phase of the 2012\u201313 UEFA Champions League began on 12 February and concluded on 25 May 2013 with the final at Wembley Stadium in London, England. Times up to 30 March 2013 (round of 16) are CET (), thereafter (quarter-finals and beyond) times are CEST (). All draws are held at UEFA headquarters in Nyon, Switzerland. The knockout phase involves the sixteen teams who finished in the top two in each of their groups in the group stage. Each tie in the knockout phase, apart from the final, is played over two", + "score": 0.7177734375 + }, + { + "id": "19094157", + "title": "2015 League of Legends World Championship", + "text": "teams from each of the four groups advancing to the knockout stage, for a total of eight teams. The group stage started on October 1 in Le Dock Pullman, Paris and concluded on October 11. In Group B, ahq e-Sports Club and Cloud9 both ended in a 3-3 tie, resulting in a tiebreaker won by ahq e-Sports Club to win second place in the group. The bracket stage started on October 15 in Wembley Arena in London, continued to Brussels Expo in Brussels, and concluded on October 31 with the grand finals hosted in Mercedes-Benz Arena in Berlin. The knockout", + "score": 0.716796875 + }, + { + "id": "16605663", + "title": "2012 CECAFA Cup", + "text": "The group stage began on 24 November and ended on 1 December. The matchdays were 24, 25, 26, 27, 28, 29 and 30 November and 1 December.
If two or more teams are equal on points on completion of the group matches, the following criteria are applied to determine the rankings (in descending order): In addition to the group stage winners and runners-up, the two best third-placed teams were ranked at the end of the group stage to determine who would qualify for the knockout stage. The knockout stage began on 3 December with the quarter-finals and ended", + "score": 0.716796875 + }, + { + "id": "20485890", + "title": "2018 CAF Champions League group stage", + "text": "points for a loss). If tied on points, tiebreakers were applied in the following order (Regulations III. 20 & 21): The schedule of each matchday was as follows (matches scheduled in midweek in \"italics\"). Effective from the Champions League group stage, weekend matches were played on Fridays and Saturdays while midweek matches were played on Tuesdays, with some exceptions. Kick-off times were also fixed at 13:00 (Saturdays and Tuesdays only), 16:00 and 19:00 GMT. 2018 CAF Champions League group stage The 2018 CAF Champions League group stage was played from 4 May to 28 August 2018. A total of 16", + "score": 0.71630859375 + }, + { + "id": "14857482", + "title": "2010\u201311 UEFA Champions League knockout phase", + "text": "no seedings, and teams from the same group or the same association may be drawn with each other. Starting times up to end of March are CET (UTC+1), thereafter times are CEST (UTC+2). All draws held at UEFA headquarters in Nyon, Switzerland. The draw for the competition's round of 16 was held on 17 December 2010. The first legs of the round of 16 were played on 15, 16, 22 and 23 February, and the second legs were played on 8, 9, 15 and 16 March 2011. \"Shakhtar Donetsk won 6\u20132 on aggregate.\" \"Barcelona won 4\u20133 on aggregate.\" \"Tottenham Hotspur", + "score": 0.71630859375 + }, + { + "id": "16034865", + "title": "2011\u201312 UEFA Champions League knockout phase", + "text": "2011\u201312 UEFA Champions League knockout phase The knockout phase of the 2011\u201312 UEFA Champions League began on 14 February with the round of 16, and concluded on 19 May 2012 with the final at Allianz Arena in Munich, Germany. Times up to 24 March 2012 (round of 16) are CET (), thereafter (quarter-finals and beyond) times are CEST (). All draws held at UEFA headquarters in Nyon, Switzerland. The knockout phase involves the sixteen teams who finished in the top two in each of their groups in the group stage. Each tie in the knockout phase, apart from the final,", + "score": 0.71630859375 + }, + { + "id": "17319631", + "title": "2000\u201301 UEFA Champions League second group stage", + "text": "2000\u201301 UEFA Champions League second group stage The second group stage of the 2000\u201301 UEFA Champions League was played from 21 November 2000 to 14 March 2001. Eight winners and eight runners up from the first group stage were drawn into four groups of four, each containing two group winners and two runners-up. Teams from the same country or from the same first round group cannot be drawn together. The top two teams from each group advanced to the quarter finals. The Italian sports daily \"Gazzetta dello Sport\" declared a \"Crisis in Calcio\" following another year of Italian teams failing", + "score": 0.7158203125 + }, + { + "id": "20972572", + "title": "2019 AFC Champions League group stage", + "text": "/> The teams are ranked according to points (3 points for a win, 1 point for a draw, 0 points for a loss). If tied on points, tiebreakers are applied in the following order (Regulations Article 10.5): The schedule of each matchday is as follows. 2019 AFC Champions League group stage The 2019 AFC Champions League group stage is scheduled to be played from 4 March to 22 May 2019. A total of 32 teams compete in the group stage to decide the 16 places in the knockout stage of the 2019 AFC Champions League.
The draw", + "score": 0.7158203125 + }, + { + "id": "20714726", + "title": "2018\u201319 UEFA Champions League qualifying phase and play-off round", + "text": "2018\u201319 UEFA Champions League qualifying phase and play-off round The 2018\u201319 UEFA Champions League qualifying phase and play-off round began on 26 June and ended on 29 August 2018. A total of 53 teams competed in the qualifying system of the 2018\u201319 UEFA Champions League, which includes the qualifying phase and the play-off round, with 43 teams in Champions Path and 10 teams in League Path. The six winners in the play-off round (four from Champions Path, two from League Path) advanced to the group stage, to join the 26 teams that enter in the group stage. Times are CEST", + "score": 0.7158203125 + }, + { + "id": "18221885", + "title": "2015\u201316 UEFA Champions League qualifying phase and play-off round", + "text": "2015\u201316 UEFA Champions League qualifying phase and play-off round The 2015\u201316 UEFA Champions League qualifying phase and play-off round began on 30 June and ended on 26 August 2015. A total of 56 teams competed in the qualifying phase and play-off round to decide 10 of the 32 places in the group stage of the 2015\u201316 UEFA Champions League. All times were CEST (). All draws were held at UEFA headquarters in Nyon, Switzerland. In the qualifying phase and play-off round, each tie was played over two legs, with each team playing one leg at home. The team that scored", + "score": 0.7158203125 + }, + { + "id": "12544849", + "title": "2008\u201309 UEFA Cup group stage", + "text": "2008\u201309 UEFA Cup group stage The group stage of the 2008\u201309 UEFA Cup is the second stage of the competition proper. The draw took place on 7 October 2008 at UEFA headquarters in Nyon, Switzerland. Group stage matches began on 23 October 2008 and concluded on 18 December 2008. The top three teams in each group progressed to the Round of 32, to be joined by the eight third-place finishers from the Champions League group stage. The following teams qualified for the group stage: Pot 1 contained teams ranked between 2 and 39: Pot 2 held teams ranked 40 to", + "score": 0.7158203125 + }, + { + "id": "15283237", + "title": "1999\u20132000 UEFA Champions League second group stage", + "text": "1999\u20132000 UEFA Champions League second group stage The 1999\u20132000 UEFA Champions League second group stage matches took place between 23 November 1999 and 22 March 2000. The second group stage featured the eight group winners and eight group runners-up from the first group stage. Each team was drawn into one of four groups, each of which featured three other clubs. All four teams in the group played home and away matches against each other to determine the winner and runner-up in the group. At the completion of the second group stage, the top two teams in each group advanced to", + "score": 0.71533203125 + }, + { + "id": "16753840", + "title": "2013\u201314 UEFA Champions League knockout phase", + "text": "2013\u201314 UEFA Champions League knockout phase The knockout phase of the 2013\u201314 UEFA Champions League began on 18 February and concluded on 24 May 2014 with the final at Est\u00e1dio da Luz in Lisbon, Portugal. A total of 16 teams competed in the knockout phase. Times up to 29 March 2014 (round of 16) were CET (), thereafter (quarter-finals and beyond) times were CEST (). All draws were held at UEFA headquarters in Nyon, Switzerland. The knockout phase involved the 16 teams which qualified as winners and runners-up of each of the eight groups in the group stage. Each tie", + "score": 0.71435546875 + }, + { + "id": "15237378", + "title": "2005\u201306 UEFA Cup group stage", + "text": "2005\u201306 UEFA Cup group stage The group stage of the 2005\u201306 UEFA Cup is the second stage of the competition proper. Group stage matches began on 20 October 2005 and concluded on 15 December 2005. The top three teams in each group progressed to the Round of 32, to be joined by the eight third-place finishers from the Champions League group stage. The following teams qualified for the group stage: Based on paragraph 6.06 in the UEFA regulations for the current season, if two or more teams are equal on points on completion of the group matches, the following criteria", + "score": 0.7138671875 + }, + { + "id": "16190468", + "title": "1996\u201397 UEFA Champions League knockout stage", + "text": "1996\u201397 UEFA Champions League knockout stage The knockout stage of the 1996\u201397 UEFA Champions League began on 5 March 1997 and ended with the final at the Olympiastadion in Munich on 28 May 1997. The top two teams from each of the four groups in the group stage competed in the knockout stage. The draw for the quarter-finals was performed before the start of the group stage, with the winners of each group drawn against the runners-up from another; group A was paired with group B, and group C with group D. For the semi-finals, the winners of each tie", + "score": 0.7138671875 + }, + { + "id": "16513436", + "title": "2012\u201313 Manchester United F.C. season", + "text": "paired with fellow Premier League club Newcastle United. United defeated Newcastle 2\u20131 on 26 September. Later that day they were drawn against Chelsea for their Fourth Round match. Having finished in the top three in the league last season, United began their Champions League campaign in the group stage. Courtesy of their UEFA coefficient, they were seeded in Pot 1 for the draw, which took place in Monaco on 30 August 2012. United were drawn into Group H, along with Braga of Portugal, Turkish champions Galatasaray and Romanian champions CFR Cluj. Manchester United were previously drawn with Galatasaray in both", + "score": 0.7138671875 + }, + { + "id": "20210484", + "title": "2017\u201318 UEFA Champions League qualifying phase and play-off round", + "text": "2017\u201318 UEFA Champions League qualifying phase and play-off round The 2017\u201318 UEFA Champions League qualifying phase and play-off round began on 27 June and ended on 23 August 2017. A total of 57 teams competed in the qualifying phase and play-off round to decide 10 of the 32 places in the group stage of the 2017\u201318 UEFA Champions League. All times were CEST (). The schedule of the qualifying phase and play-off round was as follows (all draws were held at the UEFA headquarters in Nyon, Switzerland). In the qualifying phase and play-off round, each tie was played over two", + "score": 0.71337890625 + }, + { + "id": "19982017", + "title": "2018\u201319 UEFA Champions League", + "text": "to the access list were made: League positions of the previous season shown in parentheses (TH: Champions League title holders; EL: Europa League title holders). The schedule of the competition is as follows (all draws are held at the UEFA headquarters in Nyon, Switzerland, unless stated otherwise). From this season, there will be staggered kick-off times in the group stage at 18:55 CET and 21:00 CET. Kick-off times starting from the knock-out phase will be 21:00 CET. In the preliminary round, teams were divided into seeded and unseeded teams based on their 2018 UEFA club coefficients, and then drawn into", + "score": 0.71337890625 + }, + { + "id": "16583186", + "title": "2012\u201313 UEFA Champions League group stage", + "text": "2012\u201313 UEFA Champions League group stage The 2012\u201313 UEFA Champions League group stage featured 32 teams: the 22 automatic qualifiers and the 10 winners of the play-off round (five through the Champions Route, five through the League Route). The teams were drawn into eight groups of four, and played each other home-and-away in a round-robin format. The top two teams in each group advanced to the round of 16, while the third-placed teams dropped down to the Europa League round of 32. The draw for the group stage was held on 30 August 2012, 17:45 CEST (), at Grimaldi Forum,", + "score": 0.712890625 + }, + { + "id": "17296847", + "title": "2014\u201315 UEFA Champions League qualifying phase and play-off round", + "text": "2014\u201315 UEFA Champions League qualifying phase and play-off round The 2014\u201315 UEFA Champions League qualifying phase and play-off round were played from 1 July to 27 August 2014. A total of 55 teams competed in the qualifying phase and play-off round to decide 10 of the 32 places in the group stage of the 2014\u201315 UEFA Champions League. All times were CEST (). All draws were held at UEFA headquarters in Nyon, Switzerland. In the qualifying phase and play-off round, each tie was played over two legs, with each team playing one leg at home. The team that scored more", + "score": 0.712890625 + }, + { + "id": "12159518", + "title": "2010\u201311 UEFA Champions League", + "text": "play in the knockout stages of the tournament. In the knockout phase, teams play against each other over two legs on a home-and-away basis, except for the one-match final. The draw for the round of 16 was held on 17 December 2010. The draws for the quarter-finals, semi-finals and final (to determine the \"home\" team) was held on 18 March 2011. The first legs of the round of 16 were played on 15, 16, 22 and 23 February, and the second legs were played on 8, 9, 15 and 16 March 2011. The first legs were played on 5 and", + "score": 0.71240234375 + }, + { + "id": "15599433", + "title": "2011 CAF Champions League group stage", + "text": "stage draw were announced on 12 May 2011. The teams were seeded into four pots, and each group contains one team from each pot. Notes: The order of tie-breakers used when two or more teams have equal number of points is: 2011 CAF Champions League group stage The 2011 CAF Champions League group stage matches took place between July and September 2011. The matchdays were: 15\u201317 July, 29\u201331 July, 12\u201314 August, 26\u201328 August, 9\u201311 September, and 16\u201318 September. The group stage featured the eight winners from the second round. They were divided into two groups of four, where they played", + "score": 0.71240234375 + }, + { + "id": "10289519", + "title": "2008\u201309 UEFA Champions League", + "text": "for the knockout phase of the competition. The draw for the third qualifying round took place on 1 August 2008 in Nyon, Switzerland. The first leg matches were played on 12 August and 13 August, while the second leg matches took place on 26 August and 27 August. The losing team of each match are being seeded into the 2008\u201309 UEFA Cup first round; while the winning teams advance into the UEFA Champions League 2008\u201309 group stage. In the draw for the third qualifying round, teams were divided into two pots, on the basis of UEFA coefficients. The higher pot", + "score": 0.7119140625 + }, + { + "id": "16391652", + "title": "2013\u201314 UEFA Europa League", + "text": "The draw for the play-off round was held on 9 August 2013. The first legs were played on 22 August, and the second legs were played on 29 August 2013. The draw for the group stage was held in Monaco on 30 August 2013. Prior to the draw, the Court of Arbitration for Sport upheld UEFA's ban on Fenerbahce (which lost in the Champions League play-off round) and Be\u015fikta\u015f, meaning the two clubs were banned from the 2013\u201314 UEFA Europa League. UEFA decided to replace Be\u015fikta\u015f in the Europa League group stage with Troms\u00f8, who were eliminated by Be\u015fikta\u015f in", + "score": 0.71044921875 + }, + { + "id": "16621935", + "title": "2014\u201315 UEFA Europa League", + "text": "for the third qualifying round was held on 18 July 2014. The first legs were played on 31 July, and the second legs were played on 7 August 2014. The draw for the play-off round was held on 8 August 2014. The first legs were played on 20 and 21 August, and the second legs were played on 28 August 2014. The draw for the group stage was held in Monaco on 29 August 2014. The 48 teams were allocated into four pots based on their 2014 UEFA club coefficients, with the title holders being placed in Pot 1 automatically.", + "score": 0.7099609375 + }, + { + "id": "17316797", + "title": "2015\u201316 UEFA Champions League", + "text": "the second legs were played on 4 and 5 August 2015. The play-off round was split into two separate sections: Champions Route (for league champions) and League Route (for league non-champions). The losing teams in both sections entered the 2015\u201316 UEFA Europa League group stage. The draw for the play-off round was held on 7 August 2015. The first legs were played on 18 and 19 August, and the second legs were played on 25 and 26 August 2015. The draw for the group stage was held in Monaco on 27 August 2015. The 32 teams were drawn into eight", + "score": 0.70947265625 + } + ], + "answer": "The UEFA Champions League is an annual club football competition organised by the Union of European Football Associations (UEFA) and contested by top-division European clubs, deciding the competition winners through a round robin group stage to qualify for a double-legged knockout format, and a single leg final. The 2015-16 UEFA Champions League group stage started on 15 September 2015. The 2016-2017 UEFA Champions League group stage started on 13 September 2016. The 2017-2018 UEFA Champions League group stage started on 12 September 2017." + }, + { + "qa_pairs": [ + { + "context": "Gossip Girl is an American young adult novel series written by Cecily von Ziegesar and published by Little, Brown and Company, a subsidiary of the Hachette Group. The series revolves around the lives and romances of the privileged socialite teenagers at the Constance Billard School for Girls, an elite private school in New York City's Upper East Side. The books primarily focus on best friends Blair Waldorf and Serena van der Woodsen, whose experiences are among those chronicled by the eponymous gossip blogger. The novel series is based on the author's experiences at Nightingale-Bamford School and on what she heard from friends.", + "question": "Where did Blair and Serena from Gossip Girl go to high school?", + "short_answers": [ + "Constance Billard school" + ], + "wikipage": "Gossip Girl (novel series)" + }, + { + "context": "No context provided", + "question": "Where did Blair from Gossip Girl go to college?", + "short_answers": [ + "New York University, Columbia University" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Where did Serena from Gossip Girl go to college?", + "short_answers": [ + "Columbia University" + ], + "wikipage": null + }, + { + "context": "Gossip Girl is an American young adult novel series written by Cecily von Ziegesar and published by Little, Brown and Company, a subsidiary of the Hachette Group. The series revolves around the lives and romances of the privileged socialite teenagers at the Constance Billard School for Girls, an elite private school in New York City's Upper East Side. The books primarily focus on best friends Blair Waldorf and Serena van der Woodsen, whose experiences are among those chronicled by the eponymous gossip blogger. The novel series is based on the author's experiences at Nightingale-Bamford School and on what she heard from friends.", + "question": "What was the name of where blair and serena go to school?", + "short_answers": [ + "Constance Billard School for Girls" + ], + "wikipage": "Gossip Girl (novel series)" + }, + { + "context": "Serena is a tall, blonde, slim, and attractive teenage girl from the Upper East Side of Manhattan in New York City. Many of the girls at the Constance Billard school accuse her of using her good looks as a means to secure everything she wants. She is not particularly academically skilled, but she is often told that she is not meeting her full potential. Her father runs the same Dutch shipping firm his great-great-grandfather founded in the 18th century, and her mother, Lillian van der Woodsen, is a socialite, art collector, and philanthropist. Her mother and father are on the boards of all major charities and art organizations in the city. The van der Woodsens reside at 994 Fifth Avenue, a ritzy, white-gloved doorman building directly across the street from The Met and Central Park. Serena and her family own half the top floor in a 14-room penthouse.", + "question": "What city did blair and serena go to school?", + "short_answers": [ + "Upper East Side", + "New York City" + ], + "wikipage": "Serena van der Woodsen" + } + ], + "wikipages": [ + { + "title": "Serena van der Woodsen", + "url": "https://en.wikipedia.org/wiki/Serena%20van%20der%20Woodsen" + }, + { + "title": "Gossip Girl (novel series)", + "url": "https://en.wikipedia.org/wiki/Gossip%20Girl%20%28novel%20series%29" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Serena is a tall, blonde, slim, and beautiful teenage girl from the Upper East Side of Manhattan in New York City. Many of the girls at the Constance Billard school accuse her of using her good looks as a means to secure everything she wants...Serena is seen spending her summer in Paris with Blair, reluctant to tell Blair that she has enrolled in Columbia, something that Blair fears will have them return to their high school pettiness, when she receives news that Chuck might be dead. ", + "wikipage": "Serena van der Woodsen" + }, + { + "content": "Blair attends Yale University, the school of her dreams, after graduating from high school.", + "wikipage": "Gossip Girl (novel series)" + } + ], + "long_answer": "Gossip Girl characters Blair and Serena attend an elite private high school in New York City's Upper East Side called Constance Billard school. After graduating from high school, Blair joins Yale University while Serena goes to off to Columbia University." + }, + { + "knowledge": [ + { + "content": "The novel that started the series, Gossip Girl, was published in paperback format in April 2002.[2] Two new novels were released annually until the final novel, Don't You Forget About Me, was released in May 2007, showing the main characters graduating from high school and moving on to college and other pursuits.", + "wikipage": null + } + ], + "long_answer": "Gossip Girl is an American young adult novel series revolving around the lives and romances of the privileged socialite teenagers at the Constance Billard School for Girls, an elite private school in New York City's Upper East Side. The books primarily focus on best friends Blair Waldorf and Serena van der Woodsen, The novel that started the series, Gossip Girl, was published in paperback format in April 2002, two new novels were released annually until the final novel, Don't You Forget About Me, released in May 2007, showing the characters graduating from high school and moving on to New York University, Columbia University and other pursuits. " + } + ], + "sample_id": "-7082373971902583330", + "question": "Where did blair and serena go to school?", + "docs": [ + { + "id": "1897077", + "title": "Selma Blair", + "text": "Katherine, Elizabeth, and Marie Beitner. Blair attended Hillel Day School, a Jewish day school in Farmington Hills; and Cranbrook Kingswood in Bloomfield Hills soon after, she spent her freshman year (1990\u20131991) in Kalamazoo College, where she studied photography and acted in the play \"The Little Theater of the Green Goose\". At that time, she wanted to be a ballerina and a horse trainer. Later, at the age of 20, Blair moved to New York City, where she lived at The Salvation Army in poor living conditions. She attended New York University (NYU), as well as acting classes at the Stella", + "score": 0.7646484375, + "summary": "Blair attended Hillel Day School and Cranbrook Kingswood, but it is unclear where she went to college.", + "extraction": "Blair attended Hillel Day School and Cranbrook Kingswood." + }, + { + "id": "6019235", + "title": "Blair High School (Pasadena, California)", + "text": "Blair High School (Pasadena, California) Blair High School is located at 1201 S. Marengo Avenue, Pasadena, California, and is in the Pasadena Unified School District (PUSD). Blair is an International Baccalaureate World School serving grades 6\u201312. Blair offers the International Baccalaureate (IB) Middle Years Programme and the IB Diploma Programme. In 2017, Blair also added the IB career-related Programme, as part of Blair's Health Careers Academy. The school underwent a major academic overhaul beginning in the fall of 2003 as a result of sub-standard academic performance, which prompted a state review. The school's two \"co-principals\" were replaced with a single", + "score": 0.75634765625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "6019243", + "title": "Blair High School (Pasadena, California)", + "text": "Vikings 28-27 victory over La Puente's Bishop Amat -- lead by future USC greats - Pat Haden and J.K. McKay in a 4-A Division final at the Coliseum. Sports offered Blair High School (Pasadena, California) Blair High School is located at 1201 S. Marengo Avenue, Pasadena, California, and is in the Pasadena Unified School District (PUSD). Blair is an International Baccalaureate World School serving grades 6\u201312. Blair offers the International Baccalaureate (IB) Middle Years Programme and the IB Diploma Programme. In 2017, Blair also added the IB career-related Programme, as part of Blair's Health Careers Academy. The school underwent a", + "score": 0.748046875, + "summary": "Blair High School is located in Pasadena, California and serves grades 6-12. It offers the International Baccalaureate Middle Years Programme and the IB Diploma Programme. It also added the IB career-related Programme in 2017 as part of its Health Careers Academy. There is no mention of Blair and Serena attending this school.", + "extraction": "Blair High School (Pasadena, California) is an International Baccalaureate World School serving grades 6-12. Blair offers the International Baccalaureate (IB) Middle Years Programme and the IB Diploma Programme." + }, + { + "id": "11459728", + "title": "Dan Humphrey", + "text": "who is secretly in love with him. Dan and his family reside in Brooklyn. He is a writer and attends the St. Jude's School for boys. He has longed for Serena van der Woodsen since a party when they were fifteen and she was the only person who was nice to him. During the beginning of the show Dan has had somewhat of a disgust towards Serena's childhood best friend Blair Waldorf, however as the seasons progressed he develops a close friendship with her. His mother lives away from home, in Hudson, as an artist. He is financially strained compared", + "score": 0.74658203125, + "summary": "Dan Humphrey attends St. Jude's School for boys in Brooklyn. Blair Waldorf and Serena van der Woodsen are mentioned, but it doesn't specify which school they attended.", + "extraction": "Dan attends the St. Jude's School for boys. Therefore, Blair and Serena may have gone to a different school, and the passage is irrelevant for answering the question." + }, + { + "id": "7567815", + "title": "Serena Bishop", + "text": "Ramsay Street after David is ripped off by his business partner Thomas Morgan, leaving the family bankrupt. She is further displeased when she learns she will have to leave Eden Hills Grammar and attend Erinsborough High along with Sky, but this subsides when Serena becomes popular and tries to distance herself from her cousin. After sneaking into a nightclub and lying about her age, Serena meets barman Chris Cousens (Simon Mallory) who offers her his card and tells her he is a photographer. Serena agrees to model for a session and earns $200. At the school formal, Serena flirts with", + "score": 0.7392578125, + "summary": "Serena Bishop attended Eden Hills Grammar but had to transfer to Erinsborough High. However, the document does not mention where Blair went to school.", + "extraction": "Eden Hills Grammar" + }, + { + "id": "1632615", + "title": "Chelsea Clinton", + "text": "Chelsea doesn't let other people define her sense of her own self-worth ... It's tough when you are an adolescent ... but I think she'll be ok.\" The Clintons' decision to remove Chelsea from public schooling and send her to Sidwell Friends School, a private school in Washington, D.C., drew criticism. While several children of sitting presidents have attended Sidwell, the most recent prior child, Amy Carter, had gone to D.C. public schools. In a 1993 \"CBS This Morning\" town meeting, Bill defended the choice, stating that Chelsea did not like \"getting a lot of publicity\" and would have \"more", + "score": 0.73828125, + "summary": "Chelsea Clinton was sent to Sidwell Friends School, a private school in Washington, D.C. It is irrelevant to the question of where Blair and Serena went to school.", + "extraction": "Sidwell Friends School in Washington, D.C." + }, + { + "id": "13069208", + "title": "DeJuan Blair", + "text": "he started at Manchester Academic Charter School, where he attended kindergarten through eighth grade. Both of his parents played basketball at Schenley High School, which was located in North Oakland/Schenley Heights until 2008, and his uncle ran the nearby Ammons Recreation Center, where he learned to play the game. Blair attended the same school as his parents, Schenley High School. While there, he played for the basketball team and scored 1,563 career points and finished with an overall 103\u201316 team record, including a 57\u20130 record within the Pittsburgh City League. He was named the AP player of the state and", + "score": 0.73779296875, + "summary": "Blair attended Manchester Academic Charter School for kindergarten through eighth grade and then attended Schenley High School, where he played for the basketball team and scored 1,563 career points.", + "extraction": "Blair attended Schenley High School, the same school as his parents. Therefore, Blair and Serena went to Schenley High School." + }, + { + "id": "19142569", + "title": "The Siena School", + "text": "The Siena School The Siena School is a private 4th\u201312th grade school located in Silver Spring, MD. Its mission is to prepare \"bright, college-bound students with language-based learning disabilities, such as dyslexia, to become confident, curious learners who understand their personal strengths and gain the tools and strategies to excel.\" The Siena School was founded in 2006, serving students in grades 5-9. They were originally located at the Montgomery Hills Baptist Church along Georgia Avenue in Silver Spring, MD. The school expanded to serve students in grades 4-12, and moved into its permanent location on Forest Glen Road in 2013.", + "score": 0.73779296875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about where Blair and Serena went to school." + }, + { + "id": "6019240", + "title": "Blair High School (Pasadena, California)", + "text": "and now offers the International Baccalaureate Career-related Programme. Blair offers PUSD's middle school and high school Spanish Dual Language Immersion program, and is also home to the district's International Academy (for newcomers to the country). PUSD offers an open enrollment process, and 80% of Blair's students attend Blair on permit. Over 100 students come from cities outside the PUSD attendance zone. The IB programme is cited by many of these non-PUSD families as the reason they chose Blair. Blair's Middle School offers a variety of sports as part of the after-school LEARNS program with competitive teams in basketball, soccer and", + "score": 0.73681640625, + "summary": "Blair High School is located in Pasadena, California and offers the International Baccalaureate Career-related Programme. However, the document does not mention where Blair and Serena went to school, so the answer is \"irrelevant\".", + "extraction": "Blair High School (Pasadena, California) is mentioned in the passage, but there is no information about Blair or Serena attending the school. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "20282736", + "title": "Tonya Bolden", + "text": "in her growth. Although her mother had no personal experience with quality education in New York, she did extensive research to learn where her daughter could get the best education (Maher 40). Bolden attended M.E.S. 146, a public school in East Harlem, and later the Chapin School, a private school on Manhattan's Upper East Side. Bolden has credited excellent teaching at both of these schools with influencing her growth as a writer and desire to publish. After graduating from the Chapin School, Bolden attended Princeton University, where, in 1981, she completed an undergraduate degree in Slavic Languages and Literature, with", + "score": 0.7353515625, + "summary": "Bolden attended M.E.S. 146, a public school in East Harlem, and later the Chapin School, a private school on Manhattan's Upper East Side.", + "extraction": "Blair and Serena's school is not mentioned in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "150404", + "title": "George Orwell", + "text": "school and its headmaster through the Royal Eastbourne Golf Club, where he won several competitions in 1903 and 1904. The headmaster undertook to help Blair to win a scholarship, and made a private financial arrangement that allowed Blair's parents to pay only half the normal fees. In September 1911, Eric arrived at St Cyprian's. He boarded at the school for the next five years, returning home only for school holidays. During this period, while working for the Ministry of Pensions, his mother lived at 23 Cromwell Crescent, Earls Court. He knew nothing of the reduced fees, although he \"soon recognised", + "score": 0.73388671875, + "summary": "Irrelevant.", + "extraction": "Blair went to St Cyprian's school for five years." + }, + { + "id": "19142571", + "title": "The Siena School", + "text": "studio art, photography, and music classes, and spans across all divisions. Students participate in the arts every day as they are often strong visual learners. The Siena School The Siena School is a private 4th\u201312th grade school located in Silver Spring, MD. Its mission is to prepare \"bright, college-bound students with language-based learning disabilities, such as dyslexia, to become confident, curious learners who understand their personal strengths and gain the tools and strategies to excel.\" The Siena School was founded in 2006, serving students in grades 5-9. They were originally located at the Montgomery Hills Baptist Church along Georgia Avenue", + "score": 0.7314453125, + "summary": "Irrelevant. The document does not mention Blair or Serena or their school.", + "extraction": "Irrelevant." + }, + { + "id": "3377918", + "title": "Gossip Girl (novel series)", + "text": "Gossip Girl (novel series) Gossip Girl is an American young adult novel series written by Cecily von Ziegesar and published by Little, Brown and Company, a subsidiary of the Hachette Group. The series revolves around the lives and romances of the privileged socialite teenagers at the Constance Billard School for Girls, an elite private school in New York City's Upper East Side. The books primarily focus on best friends Blair Waldorf and Serena van der Woodsen, whose experiences are among those chronicled by the eponymous gossip blogger. The novel series is based on von Ziegesar's experiences at Nightingale-Bamford School and", + "score": 0.7314453125, + "summary": "Blair Waldorf and Serena van der Woodsen went to Constance Billard School for Girls in New York City's Upper East Side.", + "extraction": "Blair Waldorf and Serena van der Woodsen went to the Constance Billard School for Girls." + }, + { + "id": "3377909", + "title": "Gossip Girl (novel series)", + "text": "Gossip Girl (novel series) Gossip Girl is an American young adult novel series written by Cecily von Ziegesar and published by Little, Brown and Company, a subsidiary of the Hachette Group. The series revolves around the lives and romances of the privileged socialite teenagers at the Constance Billard School for Girls, an elite private school in New York City's Upper East Side. The books primarily focus on best friends Blair Waldorf and Serena van der Woodsen, whose experiences are among those chronicled by the eponymous gossip blogger. The novel series is based on von Ziegesar's experiences at Nightingale-Bamford School and", + "score": 0.7314453125, + "summary": "Blair Waldorf and Serena van der Woodsen went to the Constance Billard School for Girls in the novel series Gossip Girl.", + "extraction": "Blair Waldorf and Serena van der Woodsen went to Constance Billard School for Girls." + }, + { + "id": "11548519", + "title": "Blair Clark", + "text": "Blair. He was raised in Princeton, New Jersey and attended boarding school at St. Mark's School in Southborough, Massachusetts. In 1940 he graduated with a B.A. degree from Harvard College, where he was a member of the Spee Club and Hasty Pudding Institute of 1770. He was also the editor and president of \"The Harvard Crimson\". Clark had a knack for connecting with talented and ambitious people. At St. Mark's School, Clark became friends with poet Robert Lowell. At Harvard he befriended classmate John F. Kennedy; they remained in touch throughout Kennedy's political career, and Clark and Jacqueline Kennedy corresponded", + "score": 0.72998046875, + "summary": "Blair attended boarding school at St. Mark's School in Southborough, Massachusetts.", + "extraction": "Blair and Serena's school is irrelevant in this passage." + }, + { + "id": "6019236", + "title": "Blair High School (Pasadena, California)", + "text": "principal, Rich Boccia (an administrative official with the Pasadena Unified School District, and district employee since 1980), who had been principal at South Pasadena Middle School. During Boccia's tenure, school wide academic performance rose sharply as a result of several academic reforms and in 2005 Boccia was named Secondary School Principal of the Year for the State of California for his leadership success at turning around Blair. During the 2005\u20132006 school year, Blair was one of many PUSD schools threatened to be shut down due to budget cuts. The prospect of having to send their children to John Muir High", + "score": 0.72998046875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention Blair and Serena, nor does it provide information about where they went to school." + }, + { + "id": "6589963", + "title": "Tony Blair", + "text": "have with Durham. With his parents basing their family in Durham, Blair attended Chorister School from 1961 to 1966. Aged thirteen, he was sent to spend his school term time boarding at Fettes College in Edinburgh from 1966 to 1971. Blair is reported to have hated his time at Fettes. His teachers were unimpressed with him; his biographer, John Rentoul, reported that \"All the teachers I spoke to when researching the book said he was a complete pain in the backside and they were very glad to see the back of him.\" Blair reportedly modelled himself on Mick Jagger, lead", + "score": 0.72998046875, + "summary": "Blair attended Chorister School from 1961 to 1966 and then spent his school term time boarding at Fettes College in Edinburgh from 1966 to 1971.", + "extraction": "Blair attended Chorister School from 1961 to 1966 and then spent his school term time boarding at Fettes College in Edinburgh from 1966 to 1971." + }, + { + "id": "6019239", + "title": "Blair High School (Pasadena, California)", + "text": "is underway on Blair's main building, the \"A\" building Blair West campus on the west side of Marengo Avenue. Construction is scheduled to be completed in December 2018. During construction, the main offices and high school classes are using the former Allendale Elementary school campus (1135 S. Euclid Avenue). The gymnasium and athletic facilities are located on Marengo Avenue. Construction is funded by Measure TT. In addition to the International Baccalaureate Programme, Blair is known for its Health Careers Academy. The Health Careers Academy is the oldest of PUSD's College and Career Pathways, having been established in the early 1980s,", + "score": 0.7294921875, + "summary": "Irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "11376870", + "title": "Serena Dalrymple", + "text": "she was five, while her mother became ill with pneumonia and died as well five years later, in 2000. After her mother's death, she was raised by an uncle. Outside of show business, she is also interested in skateboarding with her sister Samantha. She attended high school at the O. B. Montessori Center in Las Pi\u00f1as, from which she graduated on March 29, 2007. She then went on to study export management at the De La Salle-College of Saint Benilde and aims to attend university in the United States. Fellow actress Shaina Magdayao is one of her best friends. Dalrymple", + "score": 0.72705078125, + "summary": "Serena Dalrymple attended high school at the O.B. Montessori Center in Las Pi\u00f1as.", + "extraction": "Blair and Serena's school is irrelevant to the given passage." + }, + { + "id": "150403", + "title": "George Orwell", + "text": "shooting, fishing and birdwatching with Jacintha's brother and sister. At the age of five, Eric was sent as a day-boy to a convent school in Henley-on-Thames, which Marjorie also attended. It was a Roman Catholic convent run by French Ursuline nuns, who had been exiled from France after religious education was banned in 1903. His mother wanted him to have a public school education, but his family could not afford the fees, and he needed to earn a scholarship. Ida Blair's brother Charles Limouzin recommended St Cyprian's School, Eastbourne, East Sussex. Limouzin, who was a proficient golfer, knew of the", + "score": 0.72705078125, + "summary": "Eric (George Orwell) attended a Roman Catholic convent school in Henley-on-Thames at the age of five, which his sister Marjorie also attended. Later, his mother wanted him to have a public school education, but they could not afford the fees. His uncle recommended St Cyprian's School in Eastbourne. Irrelevant to the question of where Blair and Serena went to school.", + "extraction": "St Cyprian's School, Eastbourne, East Sussex." + }, + { + "id": "11173009", + "title": "Serena Berman", + "text": "Serena Berman Serena Berman (born December 30, 1990) is an American actress. She has done voice-over work for animated series and films. Serena began working as an actress from a young age. She grew up in Santa Monica, California. In her later teen years, Serena focused more closely on her studies at Harvard-Westlake School in Los Angeles, California, but did have a role in \"Just Peck\". She studied acting at New York University, at the Tisch School of the Arts. Serena appeared in 44 episodes of the Disney animated television series \"W.I.T.C.H.\" and created a small following for her character", + "score": 0.7255859375 + }, + { + "id": "12044998", + "title": "Family of Barack Obama", + "text": "reach, and to grow into compassionate, committed women who will help build that world.\" While living in Chicago, the Obamas kept busy schedules, as the Associated Press reported: \"soccer, dance and drama for Malia, gymnastics and tap for Sasha, piano and tennis for both.\" In July 2008, the family gave an interview to the television series \"Access Hollywood\". Obama later said they regretted allowing the children to be included. Malia graduated from and Sasha attends the private Sidwell Friends School in Washington, D.C., the same school that Chelsea Clinton, Tricia Nixon Cox, and Archibald Roosevelt attended and that the grandchildren", + "score": 0.724609375 + }, + { + "id": "9832353", + "title": "Serare School", + "text": "Serare School Serare School is a privately owned co-educational day and boarding school located about from the center of Nairobi, Kenya. It is situated in the peri-urban area between the Karen shopping centre and Ngong township. The school started on 11 January 1988. It follows the Kenyan 8-4-4 curriculum, which is offered to students from kindergarten to high school level. The school has three sections \u2013 kindergarten, primary school and high school. The kindergarten and primary are co-educational with a firm Christian foundation, whilst the high school section is only for girls. Boarding facilities are available for both the primary", + "score": 0.72412109375 + }, + { + "id": "3645354", + "title": "Sidwell Friends School", + "text": "basis of religion. Sidwell \"accepts only 7 percent of its applicants\". The school accepts vouchers under the D.C. Opportunity Scholarship Program. Described as \"the Harvard of Washington's private schools\", the school has educated children of notable politicians, including those of several presidents. Both of former United States President Barack Obama's daughters, Sasha and Malia, and former Vice President Joe Biden's grandchildren attend the school. President Theodore Roosevelt's son Archibald, Richard Nixon's daughter Tricia, Bill Clinton's daughter Chelsea Clinton, and Vice President Al Gore's son, Albert Gore III, graduated from Sidwell Friends. Thomas Sidwell started a \"Friends' Select School\" in 1883", + "score": 0.72314453125 + }, + { + "id": "5548810", + "title": "Serena van der Woodsen", + "text": "advantageous to her character background and finds her \"dazzling and worldly and optimistic\". Her mother, a former model from Georgia would dress her differently and her differing fashion choices drew the attention of her classmates from the L.A. private school she enrolled in. \"It was the only school where people were just downright mean to me,\" Lively stated. \"They would make fun of my clothes because I dressed differently than the other kids.\" In November 2012 concept music artist Marty McKay released a single called \"Serena\" featuring former Dr. Dre / Aftermath producer Focus... The song is based on Serena's", + "score": 0.72314453125 + }, + { + "id": "9832354", + "title": "Serare School", + "text": "and high school sections. Serare School Serare School is a privately owned co-educational day and boarding school located about from the center of Nairobi, Kenya. It is situated in the peri-urban area between the Karen shopping centre and Ngong township. The school started on 11 January 1988. It follows the Kenyan 8-4-4 curriculum, which is offered to students from kindergarten to high school level. The school has three sections \u2013 kindergarten, primary school and high school. The kindergarten and primary are co-educational with a firm Christian foundation, whilst the high school section is only for girls. Boarding facilities are available", + "score": 0.72314453125 + }, + { + "id": "1738316", + "title": "Claire Danes", + "text": "attended the New York City Lab School for Collaborative Studies in New York City (the same school her \"Homeland\" co-star Morena Baccarin attended). She attended The Dalton School for one year of high school before moving with her parents to Santa Monica, California for the role in \"My So-Called Life\". Danes said they moved two days after the 1994 Northridge earthquake. Danes graduated from the Lyc\u00e9e Fran\u00e7ais de Los Angeles in 1997. In 1998, Danes began studies at Yale University. Director Oliver Stone wrote a letter of recommendation. After studying for two years as a psychology major, she dropped out", + "score": 0.72265625 + }, + { + "id": "2030693", + "title": "Montgomery Blair High School", + "text": "academic programs, and proximity to the nation's capital. On February 5, 1998, President Bill Clinton and UK Prime Minister Tony Blair stopped at Montgomery Blair High School during a state visit. Montgomery Blair has welcomed other government officials in recent years, including United States Secretary of Homeland Security Tom Ridge and Secretary of Education Rod Paige during a visit in 2003. More recently, Secretary of Labor Tom Perez, the parent of a Blair student, has visited to give a commencement address, as has Secretary of State John Kerry to discuss ocean conservation. On June 23, 2005, President George W. Bush", + "score": 0.72216796875 + }, + { + "id": "11909363", + "title": "Georgina Sparks", + "text": "Fairman at a hotel, who hid a video camera in the room to tape him and Serena having sex. Serena wasn't in the mood, though, and instead passed Pete a line of cocaine which he subsequently overdosed on. Panicked Serena called the emergency services and she and Georgina fled the hotel. After learning that Pete had died Serena ran away to boarding school. It is learned that Chuck lost his virginity to Georgina in the 6th grade and he remembers her partying attitude before Serena went to boarding school. Serena tells them that Georgina is blackmailing her into continuing the", + "score": 0.7216796875 + }, + { + "id": "7356636", + "title": "Leo Blair", + "text": "had a reunion with his half-sister, Pauline Harding, .) Blair grew up in a tenement in Golspie Street, Govan, Glasgow, and attended Govan High School. When he left school he worked as a copy boy on the Communist Party newspaper \"The Daily Worker\" and was Secretary of the Scottish Young Communist League from 1938 to 1941. He studied law at the University of Edinburgh, becoming a barrister and later, a university law lecturer. Blair married Hazel Elizabeth Rosaleen Corscadden from a Protestant family in Donegal, Ireland. They were married by the future Moderator, Rev William Roy Sanderson at Barony Church", + "score": 0.72119140625 + }, + { + "id": "12437551", + "title": "Gossip Girl", + "text": "of the sixth season. According to OneNewsNow.com, other sponsors have included Procter & Gamble, L'Oreal, Target and Johnson & Johnson, which allowed the series to earn $28.2 million in ad dollars in 2007. Following a mysterious disappearance, Serena Van der Woodsen suddenly returns to the Upper East Side from boarding school to visit her suicidal brother, Eric. Shock spreads across the Upper East Side as the first sightings of her spread across the Gossip Girl website. Blair Waldorf soon discovers Serena had slept with her boyfriend, Nate Archibald, the night of her disappearance. Meanwhile, Brooklynite Dan Humphrey and Serena begin", + "score": 0.72119140625 + }, + { + "id": "1632616", + "title": "Chelsea Clinton", + "text": "control over her destiny\" at Sidwell. Bill explained that they made their decision in an effort to protect Chelsea's privacy; they did not \"reject the public schools.\" Sidwell's students and staff remained silent regarding Chelsea, declining to discuss her publicly. A veteran of Model United Nations, Clinton was a 1997 National Merit Scholarship semifinalist. She graduated from Sidwell Friends in 1997; her father spoke at the graduation ceremony. Following Chelsea's high school graduation, media speculation regarding her choice of college resulted in heavy press coverage. She ultimately chose to attend Stanford University. During her father's eight years in office, there", + "score": 0.720703125 + }, + { + "id": "14308194", + "title": "Families of Archie's Gang", + "text": "the event. However, Moose manages to win for Riverdale on a sports question and then clobbers Cedric. On his way to congratulate the winners, Jason refuses to help Cedric up, showing that he, like Cheryl, has limits. Unlike most characters introduced in the 1980s, he still makes occasional appearances. He most often appeared during the 1990s, when the \"Cheryl Blossom\" series was published. During that time, the Blossom twins attended Pembrooke High, a private school for rich students. He rarely appears in stories that do not feature his sister, which is why he was used less when \"Cheryl Blossom\" ended", + "score": 0.72021484375 + }, + { + "id": "13540861", + "title": "Michele Serros", + "text": "student at Rio Mesa High School, Serros had many friends and love interests who often ditched 5th period class to continue socializing. However, such social enthusiasm eventually led to her academic downfall and by the end of her sophomore year at Rio Mesa High School, her mother transferred her to Santa Clara High School, a private Catholic high school in Oxnard. Upon her 1984 graduation, Serros attended Ventura College for two years before transferring to Santa Monica City College. After an additional six years of sporadic study, she graduated cum laude from UCLA with a degree in Chicano Studies in", + "score": 0.7197265625 + }, + { + "id": "5548805", + "title": "Serena van der Woodsen", + "text": "Serena van der Woodsen Serena Celia van der Woodsen is a main character in the \"Gossip Girl\" novel series and the lead in its TV adaptation, in which she is portrayed by Blake Lively. Serena is featured on the blog of the series' mysterious narrator, \"Gossip Girl\". Serena is Blair Waldorf's best friend and is a character that appears to easily get whatever she wants because of her good looks, energy, and charisma. She is also known as the \"It Girl\" in the series. Serena is a tall, blonde, slim, and attractive teenage girl from the Upper East Side of", + "score": 0.71875 + }, + { + "id": "7213245", + "title": "Serena Deeb", + "text": "began when she was eleven after watching a World Wrestling Federation show. However, her main passion as a child, from the age of five until she actively pursued wrestling at 18, was soccer. Serena Deeb graduated from Oakton High School, located in Vienna, Virginia, in 2004. Though she began training for wrestling at age 18, she coupled this with an academic career, studying for her Bachelor of Arts in Spanish until graduating in 2008 from Indiana University Southeast. She has a desire to learn more languages, other than Spanish, and also enjoys Arabic, Thai, and Italian food which matches her", + "score": 0.71875 + }, + { + "id": "8460281", + "title": "Chuck Bass", + "text": "Love You\" (2009), it is revealed that Chuck went off to school in California and returned a changed man, and to have dated main character Blair Waldorf in Oxford, England for a year. Constance Billiard School is an exaggerated version of \"Gossip Girl\" author Cecily von Ziegesar's alma mater, the Nightingale-Bamford School. It was revealed in preparation for the 2007 TV series debut, Josh Schwartz hired recent graduates of Ziegesar's alma mater to retool several characters. Chuck Bass was then reconfigured as a more central character, an antiheroic playboy whose on-off relationship with Blair Waldorf serves as one of the", + "score": 0.71875 + }, + { + "id": "4641631", + "title": "Blair Academy", + "text": "Blair Academy Blair Academy is a private, coeducational, boarding and day school for students in high school for ninth through twelfth grades. The school's campus is situated on in Blairstown Township, in rural Warren County, New Jersey, United States, approximately west of New York City. Blair's academic program follows the traditional four-year college-preparatory plan. Diploma requirements are governed by college entrance requirements. Blair primarily competes in the Mid-Atlantic Prep League (which includes Blair Academy, The Peddie School, The Lawrenceville School, The Hill School, Hun School of Princeton and Mercersburg Academy). Its traditional mascot is the \"Buccaneer\" (with the team called", + "score": 0.71826171875 + }, + { + "id": "6019238", + "title": "Blair High School (Pasadena, California)", + "text": "the only PUSD secondary school located in the Southwest part of Pasadena. Blair's \"C\" Campus was torn down in spring of 2005 with the intent to rebuild (it was deemed less expensive to rebuild than to renovate the existing building). The Measure Y bond monies earmarked for that project were subsequently depleted in overages at other PUSD sites. In November 2008, voters approved Measure TT bond monies, and Blair's \"C\" campus was rebuilt. The new building opened in 2011, and primarily houses the middle school program. Blair West is located across the street from Pasadena Public Library's Allendale branch. Renovation", + "score": 0.7177734375 + }, + { + "id": "6785033", + "title": "Laura Breckenridge", + "text": "teacher. Breckenridge also appeared in the films \"Let Them Chirp Awhile\" (2007) as Dara, \"The Favor\" (2007) as Young Caroline, \"Beautiful Loser\" (2008) as Tracy, and \"Amusement\" (2008) as Shelby Leds. In 2008, after a four-year sabbatical from school, Breckenridge returned to Princeton to complete her studies while continuing her acting career. In 2010, she graduated from Princeton with a Bachelor of Arts degree in Classics. During these years, Breckenridge appeared in three episodes of the popular television series \"Gossip Girl\" (2009), as well as the television series \"Drop Dead Diva\" (2010) as Dawn Lucas, and \"\" as Julie Crenshaw.", + "score": 0.7177734375 + }, + { + "id": "8180128", + "title": "Blair High School (Blair, Nebraska)", + "text": "Blair High School (Blair, Nebraska) Blair High School is a public high school in Blair, Nebraska, United States. It is a part of Blair Community Schools. The building was built in 1970 at a cost of $2.2 million. Sitting on of land, it services approximately 750 students. The school's former building, built in 1889, has been listed on the National Register of Historic Places since 1991. The original building was a two-story building in the Richardsonian Romanesque style, with a two-story Colonial Revival addition in 1929 and a one-story flat brick annex added in 1969. The building has been converted", + "score": 0.7177734375 + }, + { + "id": "11121298", + "title": "Ariel Serena Hedges Bowen", + "text": "one of the oldest Presbyterian families of that state. Her grandfather was a bugler in the Mexican war, and was a Guard of Honor when Lafayette revisited the United States. Her parents moved to Pittsburgh, where she attended the Avery Institute and completed the academic course at this school. Her parents then moved to Baltimore, where her father became pastor of Madison Avenue Presbyterian Church, and finally of Grace Presbyterian Church. She was sent to high school in Springfield, Massachusetts where she remained, and they graduated her with honor in 1885. She also took the Teachers' Course and Examination and", + "score": 0.71630859375 + }, + { + "id": "2030683", + "title": "Montgomery Blair High School", + "text": "Montgomery Blair High School Montgomery Blair High School (MBHS) is a public high school located in Montgomery County, Maryland, United States. The school was named after Montgomery Blair, a lawyer who represented Dred Scott in his United States Supreme Court case and who served as Postmaster General under President Abraham Lincoln. It originally opened in 1925 as Takoma Park-Silver Spring High School. In 1935, however, Montgomery Blair High School opened at 313 Wayne Avenue, a location overlooking Sligo Creek, now occupied by Silver Spring International Middle School. In 1998, the campus moved two miles (3 km) north to the Kay", + "score": 0.71630859375 + }, + { + "id": "19309856", + "title": "Serena Sinclair Lesley", + "text": "reflected a new view of the consumer with more emphasis on creating a stylish wardrobe while living on a budget. Serena Dunn Kamper was born in Santa Barbara, California and lived there during her childhood. Lesley was raised in the Christian Science faith. She attended Wellesley College in Massachusetts and graduated from Principia College in Illinois, a private college for Christian Scientists. Lesley began her career at the Santa Barbara News-Press as a general reporter. Lesley was known for her reporting about the revolution referred to as youthquake that occurred in fashion beginning in the 1960s and subsequent change back", + "score": 0.7158203125 + }, + { + "id": "9228093", + "title": "Sidney Verba", + "text": "in 2006, Verba observed: \"Academics are the only people I can think of for whom this sentence makes sense: 'I'm hoping to get some time off so that I can get some work done.'\" Verba grew up in Brooklyn, New York, where his family ran a \"small mom-and-pop dry goods store and always worried about money.\" After high school he attended Harvard College, where he earned a degree in History and Literature. He began graduate school in the Woodrow Wilson School of Public and International Affairs at Princeton University, intending to join the foreign service, but transferred to Princeton's politics", + "score": 0.71533203125 + }, + { + "id": "7058900", + "title": "Evanna Lynch", + "text": "letters to the author, J. K. Rowling. She attended Cartown National School in Termonfeckin until June 2004 and then moved to Our Lady's College in Drogheda, where her father was the deputy principal. In 2008, Lynch studied speculative fiction and drama at the Centre for the Talented Youth of Ireland, a summer school for gifted teens, in Glasnevin. While on the \"Harry Potter\" set, she was tutored for at least three hours a day. From September 2010, Lynch attended the Institute of Education to repeat her Leaving Certificate. Lynch has mentioned having a devout Catholic upbringing. Lynch credits her being", + "score": 0.71533203125 + }, + { + "id": "18476930", + "title": "Barrow Grammar Schools", + "text": "Barrow Grammar Schools The Barrow Grammar Schools were two adjacent single-sex education schools in Barrow-in-Furness, Lancashire (now Cumbria), England during the 20th century. Both schools merged in 1979 to form the co-educational Parkview Community College of Technology. Parkview School itself was merged in 2012 with Thorncliffe School and Alfred Barrow School to form Furness Academy. Parkview School and all elements of the former Grammar Schools were demolished in 2014 with a new school building for Furness Academy being constructed in the playing fields of Parkview. The schools included Barrow Boys Grammar School which opened in 1930 and Barrow Girls Grammar", + "score": 0.71533203125 + }, + { + "id": "14557280", + "title": "Gossip Girl (season 4)", + "text": "takes photos of herself with cocaine and drugs Serena, causing Lily to believe Serena had gone off the rails again and has her committed to the Ostroff center. Jenny, feeling guilty about what they have done, reveals everything to Blair. Vanessa leaves town to avoid Blair, while Blair and Dan form an alliance to seek revenge on Juliet. After they track her down, Juliet goes to Serena and explains everything to her. It is revealed in a confrontation with Lily that Juliet's brother Ben was Serena's former teacher at her boarding school in Connecticut, who was accused of having an", + "score": 0.71484375 + }, + { + "id": "14075423", + "title": "Troian Bellisario", + "text": "half-brothers, and is a step-sister of actor Sean Murray and producer Chad W. Murray. Her father is of Italian and Serbian descent. Her mother is of African American, French, and English descent. Bellisario attended Campbell Hall School in North Hollywood, California from kindergarten through twelfth grade, where she was the valedictorian of her class. After high school, Bellisario attended Vassar College for a couple months before taking a break for the sake of her mental health as she felt the institution only enhanced her need for perfection. She graduated with a Bachelor of Fine Arts degree from the University of", + "score": 0.71435546875 + }, + { + "id": "1404322", + "title": "Sloane Ranger", + "text": "top-tier private schools, known as public schools in England. The most well-known schools for Sloane Ranger boys are Eton, Harrow, St Paul's, Westminster, Sherborne School and Radley. For girls, it's St George's School, Ascot, Downe House, St Mary's School, Calne, St Paul's Girls' School, Francis Holland School, Wycombe Abbey and Benenden School. For co-educational schools, it's Marlborough College, Bradfield College and Wellington College. Young Sloanes aspire to attend the ancient universities of Oxford and Cambridge, or Durham, which have a reputation for upper class attendance. A number of other universities, however, have established reputations as havens for Sloanes, notably St", + "score": 0.7138671875 + }, + { + "id": "4647198", + "title": "Marie Severin", + "text": "in 1922. The family moved to Brooklyn, New York City, when Marie was 4. She attended a Catholic grammar school and then the all-girl Bishop McDonnell Memorial High School. The family lived in an apartment in the Bay Ridge neighborhood at the time; it is uncertain if this was the family's original Brooklyn locale from Severin's childhood or if the family moved to that neighborhood in the interim. Due to the high school's staggered schedule, Severin's class graduated in January 1948, rather than in mid-year as typical. Severin grew up in an artistic household where her father, a World War", + "score": 0.7138671875 + }, + { + "id": "15796880", + "title": "Barbie: Princess Charm School", + "text": "Blair doesn't want to leave her family behind, but her mother sees it as a good opportunity for her daughter and convinces her to go. Blair parts ways with her family and leaves for school in a carriage driven by an employee named Brock. At the school, Blair is greeted by a large golden retriever, Prince, that takes an immediate liking to her. The headmistress of the school, Alexandra Privet, takes Blair to her locker while introducing her to the school. At her locker, Blair meets a fairy named Grace, who is assigned to be her personal princess assistant. Grace", + "score": 0.712890625 + }, + { + "id": "6418903", + "title": "Septima Poinsette Clark", + "text": "studies at New York's Columbia University and Atlanta's Clark College. The level and quality of the education that Septima Clark achieved was typical of what was required by the administrators of the Booker T. Washington High School of Columbia who recruited highly trained teachers from all over the country. After J. Andrew Simmons left Booker T. Washington High School to take a position in New York in 1945, Septima Clark stayed on for two additional years, before finally leaving Booker T. Washington High School, an institution she had helped to mold, in order to return to Charleston, SC, to take", + "score": 0.71240234375 + }, + { + "id": "1453261", + "title": "Indigo Girls", + "text": "Georgia, but were not close friends because Saliers was a grade older than Ray. While attending Shamrock High School (now Druid Hills Middle School), they became better acquainted, and started performing together, first as \"The B-Band\" and then as \"Saliers and Ray\". Saliers graduated and began attending Tulane University in Louisiana. A year later, Ray graduated high school and began attending Vanderbilt University in Tennessee. Homesick, both returned to Georgia and transferred to Emory University in Atlanta (where Saliers' father was a professor). By 1985 they had begun performing together again, this time as the Indigo Girls. Saliers stated in", + "score": 0.7119140625 + }, + { + "id": "15885008", + "title": "Marbury School, Aldgate", + "text": "per class. In the early 1990s there were roughly about 150 students. Marbury was hugely honoured in 1991 when one of their long time students received the best score for a South Australian year 12 student. Another long time student of Marbury School, who is now famously successful, is the musician Sia. In the period 1972-2004, the school was located at 160 Mount Barker Road, Aldgate, in the property that was also known as Wairoa, Aldgate, and surrounding properties. This area has since been taken over by The Hills Montessori school, where their secondary (or \"Wairoa\") campus is located. The", + "score": 0.7119140625 + }, + { + "id": "12556060", + "title": "Brummana High School", + "text": "and students connected with the school, Osama bin Laden was a student briefly in the mid-1960s. Author Adam Robinson, in his biography of Osama Bin Laden, \"Bin Laden: Behind the Mask of the Terrorist\", also claims that Osama was at the school. Brummana High School Brummana High School (BHS, ) is a private school in Lebanon. It is located in the village of Brummana, situated in Metn, Mount Lebanon, east of the capital city Beirut. This school was established in 1873, by the Quaker Theophilus Waldmeier (a Swiss missionary). Historically Quakers were among the pioneers in developing a modern form", + "score": 0.7109375 + }, + { + "id": "369030", + "title": "Sarah Michelle Gellar", + "text": "study at the Columbia Grammar & Preparatory School, as her mother was not able to pay full tuition, for which she was constantly bullied. She said in an interview with \"The Independent\": \"I was different and that's the one thing you can't be at school, because you're ostracised. I didn't have the money these kids had\". Gellar was not present in class for most of the time at the school as she had to work in several acting projects simultaneously, recalling that she \"had more absences in the first month than you're supposed to have for an entire year. I", + "score": 0.7109375 + }, + { + "id": "20410425", + "title": "James Blair Junior High School", + "text": "James Blair Junior High School The James Blair Middle School, formerly the James Blair Junior High School is a historic school building at 730 Spotswood Avenue in Norfolk, Virginia. Its original main block is a three-story brick building with limestone trim, and Beaux Arts styling. Built in 1922 to a design by the local architectural firm of Calrow, Wrenn, and Tazewell, it was the first junior high school to be built by the city school administration. The school is named for James Blair, one of the founders of Virginia's College of William and Mary, and was converted to a middle", + "score": 0.71044921875 + }, + { + "id": "12009049", + "title": "James Blair (Australian judge)", + "text": "mother but he later attended Ipswich West State School. He later attended Ipswich Grammar School between 1882 and 1888. He read for the preliminary Queensland Bar examinations in Brisbane. Blair lived at Swanwick's in Norman Park at the time and was called to the Queensland Bar on 6 March 1894. Blair shared chambers with the Queensland Attorney General of the time, Thomas Joseph Byrnes. Blair appeared as junior counsel in many significant cases. One of those was the appeal to the Full Court of the Supreme Court of Queensland by Patrick Kenniff and James Kenniff. Both had been convicted of", + "score": 0.7099609375 + }, + { + "id": "5374969", + "title": "Sonia Sotomayor", + "text": "school, Sotomayor attended Blessed Sacrament School in Soundview, where she was valedictorian and had a near-perfect attendance record. Although underage, Sotomayor worked at a local retail store and a hospital. Sotomayor passed the entrance tests for and then attended Cardinal Spellman High School in the Bronx. At Cardinal Spellman, Sotomayor was on the forensics team and was elected to the student government. She graduated as valedictorian in 1972. Meanwhile, the Bronxdale Houses had fallen victim to increasing heroin use, crime, and the emergence of the Black Spades gang. In 1970, the family found refuge by moving to Co-op City in", + "score": 0.7099609375 + }, + { + "id": "1897078", + "title": "Selma Blair", + "text": "Adler Conservatory, the Column Theatre, and the Stonestreet Screen Acting Workshop; later, she returned to Michigan to finish her studies. After transferring from NYU, she graduated \"magna cum laude\" from the University of Michigan in 1994 with a Bachelor of Fine Arts in photography, Bachelor of Arts in psychology, and a double major in fine arts and English. After graduating from Michigan, Blair returned to New York City to pursue a career in the arts. In 1990, during her time at Cranbrook Kingswood, Blair was involved in a production of T.S. Eliot\u2019s \"Murder in the Cathedral\". According to Blair, it", + "score": 0.708984375 + }, + { + "id": "9588735", + "title": "Sirius Academy West", + "text": "suggested in: In March 2014 an Ofsted inspection rated the school as Outstanding in all areas. Sirius Academy West runs a points-based reward system to encourage good behaviour, and a one-to-one mentoring scheme. Sirius Academy West Sirius Academy West (formerly Sirius Academy, Pickering High School, Kingston High School and The Boulevard) is a secondary school in Hull, England. It was renamed Sirius Academy in September 2009 under Building Schools for the Future, with Sports College specialist status. The last headteacher of Pickering High School was Elaine Wadsworth, who was replaced by a principal, Cathy Taylor, when the school became an", + "score": 0.708984375 + }, + { + "id": "17204603", + "title": "Sherman Kent School for Intelligence Analysis", + "text": "Sherman Kent School for Intelligence Analysis The Sherman Kent School for Intelligence Analysis is a training school for Central Intelligence Agency (CIA) intelligence analysts located in Reston, Virginia. Opened in May 2000, the school is housed on the second floor of a five-story structure of polished brick and smoked glass that is sheathed with special materials and contains sensors designed to prevent eavesdropping from outside. The school's study area is nicknamed \"The Vault\" due to the presence of numerous locks, alarms and guards. The school serves as the CIA Directorate of Intelligence's component of CIA University, a CIA-wide training program", + "score": 0.70849609375 + }, + { + "id": "14581146", + "title": "The Serena Also Rises", + "text": "and, they should hope, kept us watching.\" The Serena Also Rises \"The Serena Also Rises\" is the 23rd episode of the CW television series, \"Gossip Girl\". It was also the fifth episode of the show's second season. The episode was written by Jessica Queller and directed by Patrick Norris. It originally aired on Monday, September 29, 2008 on the CW. In the midst of Fashion Week, a furious Blair Waldorf (Leighton Meester) plans on sabotaging Serena van der Woodsen (Blake Lively) after Serena claims her Queen Bee status and rejecting her for New York socialite Poppy Lifton (Tamara Feldman), during", + "score": 0.70849609375 + }, + { + "id": "14970188", + "title": "Easy J", + "text": "ends his call with Dan, getting in line to visit his Dad in prison, he spots a sheepish Juliet. Jenny returns to New York, only to face an angry Blair \u2013 willing to do anything to make \"Little J\" leave town again. On her way to class, Serena spots her fling, Colin from the night before while entering the building. Irked, Serena is further thrown off by the revelation that he is her Psychology of Business professor, a fact that threats their relationship. Blair visits the Van Der Woodsen residence and runs into Jenny. Outraged that Jenny is breaking the", + "score": 0.70849609375 + }, + { + "id": "369031", + "title": "Sarah Michelle Gellar", + "text": "was telling them that I had back problems and had to go to the doctor the whole time\". Gellar then briefly attended the Fiorello H. LaGuardia High School of Music & Art and Performing Arts, but dropped out due to acting obligations; the teachers threatened to fail her because of her constant absence from classes as she was busy going to auditions, despite earning good grades. Gellar graduated from the Professional Children's School, in 1994 as a \"straight A\" student with a 4.0 grade average. As Gellar spent significant time working on \"All My Children\" while \"trying to graduate\", the", + "score": 0.7080078125 + }, + { + "id": "12009063", + "title": "James Blair (Australian judge)", + "text": "at the Mater Misericordiae Hospital in South Brisbane. A service was held at St John's Cathedral, Brisbane, and a state funeral proceeded to Bulimba Cemetery (now called Balmoral Cemetery or sometimes called Morningside Cemetery). Unlike most Queensland state schools which are named for the suburb/locality that they serve, the Queensland state primary school in Sadliers Crossing in Ipswich is called Blair State School in honour of Sir James Blair who was instrumental in the establishment of the school. The school\u2019s emblem includes a judge\u2019s wig and the scales of justice. James Blair (Australian judge) Sir James William Blair (16 May", + "score": 0.7080078125 + }, + { + "id": "1740469", + "title": "Hugh Blair", + "text": "Blair was born in Edinburgh into an educated Presbyterian family. His father was John Blair, an Edinburgh merchant. He was great great grandson of Rev Robert Blair of St Andrews. From an early age it was clear that Blair, a weakly child, should be educated for a life in the church. Schooled at the High School, Blair studied moral philosophy and literature at the University of Edinburgh, where he graduated M.A. at the age of twenty-one. His thesis, \"Dissertatio Philosophica Inauguralis de fundamentis et obligatione legis naturae\", serves as a precursor to the later published \"Sermons\" in its discussion of", + "score": 0.70751953125 + }, + { + "id": "16832176", + "title": "Gone Maybe Gone", + "text": "storyline, which was criticized. In the fifth season finale, Blair Waldorf (Leighton Meester) decides she wants to have a relationship with Chuck Bass (Ed Westwick) and she meets him in a casino of Monte Carlo. Serena van der Woodsen (Blake Lively) leaves New York City after being rejected by Blair and Dan Humphrey (Penn Badgley) and does drugs with a stranger in a train. Dan decides to expose the real world of the Upper East Side in his new book and teams up with Georgina Sparks (Michelle Trachtenberg) while Nate Archibald (Chace Crawford) tries to unmask Gossip Girl. Lily Bass", + "score": 0.70751953125 + }, + { + "id": "17988637", + "title": "Seth Blair", + "text": "Seth Blair Seth A. Blair (born March 3, 1989) is an American professional baseball pitcher. He plays in Minor League Baseball as a member of the St. Louis Cardinals organization. Prior to playing professionally, he pitched collegiately for the Arizona State Sun Devils. Blair attended Rock Falls High School, where he starred for the school's baseball team. He was also invited to compete in tournaments, including the 2005 Junior Olympics. He was selected by the Oakland Athletics in the 47th round of the 2007 Major League Baseball (MLB) Draft, but opted to attend college rather than sign with the Athletics.", + "score": 0.70703125 + }, + { + "id": "4732642", + "title": "Robert Blair, Lord Avontoun", + "text": "school at Haddington, where he formed a friendship with Henry Dundas, 1st Viscount Melville, which only ended with their lives. From Haddington he was removed to the High School in Edinburgh, and thence was transferred to the University of Edinburgh. In 1764, he was admitted a member of the Faculty of Advocates, and soon obtained a considerable practice at the bar, where he and Henry Erskine were often pitted against each other. In 1789, Blair was appointed by his friend Dundas one of the depute advocates, which office he continued to hold until 1806. For some years also he was", + "score": 0.70703125 + }, + { + "id": "5548815", + "title": "Serena van der Woodsen", + "text": "Blair eventually retaliates against Georgina with the help of Chuck and Nate and the intervention of Vanessa, successfully driving Georgina out of Manhattan. Serena finally tells Dan the truth, only to discover during Lily's wedding, that he wants to end their relationship. A disappointed Serena attempts to move on throughout the summer. The second season shows Serena spending the summer with her family and Blair in the Hamptons, attempting to move on from her failed relationship with Dan. During a dramatic party, she and Dan briefly reconcile their relationship and return to New York. Their relationship becomes public again but", + "score": 0.70654296875 + }, + { + "id": "17325153", + "title": "Clairbourn School", + "text": "is composed of three segments: preschool (junior pre-kindergarten and pre-kindergarten grades for 3 and 4-year-olds), lower school (kindergarten through 5th grade), and middle school (6th, 7th, and 8th grades). Clairbourn School was started in 1926 by Mr. and Mrs. Arthur K. Bourne, a prominent San Marino, California, couple. In 1926, Mrs. Emily Bourne desired to provide a school environment for her daughter Claire that recognized and appreciated their Christian Science religious beliefs, and it was in her San Marino home, that Mrs. Bourne began holding classes in the conservatory for a handful of students. In September, the enrollment went from", + "score": 0.7060546875 + }, + { + "id": "1957147", + "title": "Anna Paquin", + "text": "playing the viola, cello and piano. She also participated in gymnastics, ballet, swimming and downhill skiing, though she did not have any hobbies related to acting. While in New Zealand, Paquin attended Raphael House Rudolf Steiner School in Lower Hutt until she was 9 years old, then Hutt Intermediate School (1994\u201395). Having begun her secondary education in Wellington at Wellington Girls' College, she completed her high school diploma at Windward School in Los Angeles, after moving to the U.S. with her mother following her parents' divorce (1995). She graduated from Windward School in June 2000 and completed the school's Community", + "score": 0.70556640625 + }, + { + "id": "5304918", + "title": "Such, Such Were the Joys", + "text": "be healthy, and by 1896, \"Gowland's Eastbourne Directory\" listed 76 private schools for boys and girls. An Eton scholarship was most highly prized, not just for its financial value but because it provided access to the elite intellectual cadre of King's Scholars. One of the leading prep schools of the time, Summer Fields School, set in the university town of Oxford and with which St Cyprian's eventually was to merge, won every year at least five of the available Eton scholarships. Orwell's mother sent him (as Eric Blair) to board at St Cyprian's School at the age of eight in", + "score": 0.705078125 + }, + { + "id": "2183424", + "title": "Vikram Seth", + "text": "Justice of the Delhi High Court. He studied at St. Michael's High School, Patna and at The Doon School in Dehradun, where he edited \"The Doon School Weekly\". After graduating from Doon, Seth went to Tonbridge School, England, to complete his A-levels. He also studied at St. Xavier's High School, Patna. Later he moved to the United Kingdom and read Philosophy, Politics and Economics at Corpus Christi College, Oxford. He then pursued a Ph.D. in Economics at Stanford University though never completed it. Having lived in London for many years, Seth maintains residences near Salisbury, England, where he is a", + "score": 0.705078125 + }, + { + "id": "9105347", + "title": "Edwin F. Blair", + "text": "Edwin F. Blair Edwin Foster \"Ted\" Blair (1901-1970) was the co-founder of a New York law firm, a member of many corporate boards, a former All-American football player, and an alumni leader at Yale University. Edwin F. Blair graduated from Terrill School for Boys in Dallas (a precursor to St. Mark's School of Texas) before spending an additional year at the Hotchkiss School where he graduated 1920. He then graduated from Yale University with an AB in 1924. At Yale, he was member of Phi Beta Kappa, Delta Kappa Epsilon and Skull and Bones. He was an All American tackle", + "score": 0.705078125 + }, + { + "id": "9588733", + "title": "Sirius Academy West", + "text": "Sirius Academy West Sirius Academy West (formerly Sirius Academy, Pickering High School, Kingston High School and The Boulevard) is a secondary school in Hull, England. It was renamed Sirius Academy in September 2009 under Building Schools for the Future, with Sports College specialist status. The last headteacher of Pickering High School was Elaine Wadsworth, who was replaced by a principal, Cathy Taylor, when the school became an academy. In September 2011 the school moved into a new \u00a348.5 million building which replaced an older one, bringing the school within one site, with a new sports hall to support sports college", + "score": 0.705078125 + }, + { + "id": "10247882", + "title": "Vuk Jeremic\u0301", + "text": "Yugoslav political circles during the 1980s. Jeremi\u0107 completed his elementary schooling in Belgrade, moving on to the First Belgrade Gymnasium where he began his high school studies. There, he met Boris Tadi\u0107, a pro-Western psychology professor and future President of Serbia whom the young Jeremi\u0107 came to regard as a role model and mentor. Before long, Jeremi\u0107's family was blacklisted by the increasingly authoritarian government of Yugoslav leader Slobodan Milo\u0161evi\u0107, and had to flee the country. They settled in the United Kingdom, and Jeremi\u0107 finished his high school education in London. Jeremi\u0107 continued his post-secondary studies at the University of", + "score": 0.705078125 + }, + { + "id": "1719764", + "title": "Bush School (Washington)", + "text": "Bush School (Washington) The Bush School is the only independent private K-12 school in Seattle, Washington. The Bush School enrolls 630 students. Founded in 1924 by Helen Taylor Bush in her home on Dorffel Drive E., the school moved to its present location on Lake Washington Boulevard E. in 1930. This land had previously been occupied by Lakeside School, which moved to Haller Lake in the north end of the city. Helen Bush\u2013Parkside, as it was then known, was coeducational through 6th grade. 7th through 12th grades were girls only. In 1970, the Upper School began accepting boys, and the", + "score": 0.705078125 + }, + { + "id": "14581134", + "title": "The Serena Also Rises", + "text": "The Serena Also Rises \"The Serena Also Rises\" is the 23rd episode of the CW television series, \"Gossip Girl\". It was also the fifth episode of the show's second season. The episode was written by Jessica Queller and directed by Patrick Norris. It originally aired on Monday, September 29, 2008 on the CW. In the midst of Fashion Week, a furious Blair Waldorf (Leighton Meester) plans on sabotaging Serena van der Woodsen (Blake Lively) after Serena claims her Queen Bee status and rejecting her for New York socialite Poppy Lifton (Tamara Feldman), during her mother's fashion show. Jenny Humphrey (Taylor", + "score": 0.705078125 + }, + { + "id": "11278569", + "title": "Sia Koroma", + "text": "the 1996 General Election. Koroma spent her early years at various primary schools around Sierra Leone as her father was being posted from one place to another. She attended the Annie Walsh Secondary School in Freetown where she graduated as a Science student in 1976. She earned Bachelor of Science in Nursing from King's College London and Fourah Bay College in Freetown. She moved to London for further studies and obtained a Master of Science in Organic Chemistry from the University of London. She started her working life at the Sierra Leone Petroleum Refinery where she rose to the position", + "score": 0.70458984375 + }, + { + "id": "969374", + "title": "Selma, Alabama", + "text": "Thomas, Ward 7; Michael Johnson, Ward 8. Colleges in Selma include Selma University, and George Corley Wallace State Community College (Wallace Community College Selma) located at the edge of the city limits near Valley Grande, Alabama. Selma City Schools operates the city's public schools. The public high school is Selma High School. Middle schools include R.B. Hudson Middle School and the School of Discovery. The city has eight elementary schools. Selma has four private K\u201312 schools: John T. Morgan Academy, founded in 1965, Meadowview Christian School, Ellwood Christian Academy, and Cathedral Christian Academy. Selma is served by the Designated Market", + "score": 0.7041015625 + }, + { + "id": "11459752", + "title": "Dan Humphrey", + "text": "in a coffee shop together. She cannot hear what they are saying but in fact Dan is only comforting Ms. Carr who is in tears about the slanderous teacher-student relationship rumor. Serena captures a photo of Dan touching Ms. Carr's face in an intimate way and shares the photo with Blair although she has doubts about the authenticity of the situation. Blair enters a parent-teacher meeting at Constance Billard and presents the incriminating photo at hand. Dan explains to Serena nothing happened between him and Ms. Carr but it is too late. Ms. Carr is fired. Serena and Dan's relationship", + "score": 0.70361328125 + }, + { + "id": "11459740", + "title": "Dan Humphrey", + "text": "the citywide blackout, Dan and Serena talk about their problems while they were both trapped in an elevator. After a long talk (and a bit of arguing), they realized they keep having the same fight, and break up. During their return to school, Serena and Dan are now friends until he meets a transfer student named Amanda Lasher. They share the same interests and have perfect chemistry. Blair attempts to keep them separate by making her one of her entourage so that Serena wouldn't have to suffer seeing them together and so she also wouldn't have to lose the competition", + "score": 0.70361328125 + }, + { + "id": "11383511", + "title": "Nate Archibald (Gossip Girl)", + "text": "chooses Blair in part I and then Serena in part II. Nathaniel Archibald was born to Captain Howard Archibald, a successful business magnate, and Anne Vanderbilt Archibald, a member of the Vanderbilt family. On the surface, Nate seems to be the perfect \"Golden Boy\" of the Upper East Side. He is best friends with Chuck Bass, with whom he attends the elite St. Jude's School for Boys. Nate has been with girlfriend Blair Waldorf \"since kindergarten\". However, he secretly harbors feelings for Blair's best friend, Serena van der Woodsen. They shared a sordid one night stand before the show began,", + "score": 0.70361328125 + }, + { + "id": "5548811", + "title": "Serena van der Woodsen", + "text": "character in Gossip Girl. Due to a lack of promotion, the song did not garner much attention. The first season introduces Serena as the beautiful, wealthy daughter of divorced parents who returns from boarding school. Her return sparks her old rivalry with her best friend, Blair. Serena's return is due to her younger brother, Eric van der Woodsen, who attempted suicide. She is considered unwelcome, most so by her old best friend Blair, who has always seen Serena as a threat to her reign as Queen Bee of Constance. After Serena successfully reconciles with her, Chuck Bass reveals to Serena", + "score": 0.70361328125 + }, + { + "id": "266048", + "title": "Monica Lewinsky", + "text": "of Tianjin, China, to a Russian Jewish family. Monica's parents' acrimonious separation and divorce during 1987 and 1988 had a significant effect on her. Her father later married his current wife, Barbara; her mother later married R. Peter Straus, a media executive and former director of the Voice of America under President Jimmy Carter. The family attended Sinai Temple in Los Angeles and Monica attended Sinai Akiba Academy, its religious school. For her primary education she attended the John Thomas Dye School in Bel-Air. She then attended Beverly Hills High School, but for her senior year transferred to, and graduated", + "score": 0.70361328125 + }, + { + "id": "12857385", + "title": "Selma High School", + "text": "Selma High School Selma High School Selma NC 27576 is a public secondary school in Selma, Alabama, USA, the only public high school in the Selma City School System. Selma High School was formed in 1970 in response to court-ordered integration, merging the former white A.G. Parrish High School and the former black R.B. Hudson High School. The school was housed in the building of Parrish High, which was constructed in 1939. R.B. Hudson's building was converted to Westside Junior High School, was renamed Selma Middle CHAT Academy and, in 2012, became known as R.B. Hudson Middle School. The high", + "score": 0.70361328125 + }, + { + "id": "17325155", + "title": "Clairbourn School", + "text": "the school needed a larger building and leased 3.5 acres on Huntington Drive in San Gabriel. It was also in that year that Mrs. Edwin L. Gardner, began a close relationship with the school that would last for the next thirty-six years. Under her leadership, the school continued to grow adding on seventh and eighth grades and a four-year high school. The school was also renamed \u201cClairbourn\u201d which combines the first and last names of A.K. Bourne\u2019s daughter, Claire Bourne. By the end of the 1930s, the school dropped the nursery and high school programs and returned to its focus", + "score": 0.70361328125 + }, + { + "id": "17325152", + "title": "Clairbourn School", + "text": "Clairbourn School Founded in 1926, Clairbourn School is a coeducational, private school that includes preschool, kindergarten, elementary, and middle school grades (JPK-8th). Located in San Gabriel, California, the school primarily serves families living in the Pasadena, San Marino, Arcadia areas, but also draws many families from La Ca\u00f1ada Flintridge, Monterey Park, Glendale, Alhambra, Altadena, South Pasadena, and other cities in the San Gabriel Valley. Clairbourn is a member of The Pasadena Area Independent Schools consortium. Clairbourn School is accredited by the California Association of Independent Schools (CAIS) and the Western Association of Schools and Colleges. Clairbourn's private school academic program", + "score": 0.70361328125 + }, + { + "id": "5421441", + "title": "Karren Brady", + "text": "has an older brother, Darren. She attended Salcombe Preparatory School in Southgate until she was 11, followed by Poles Convent, a boarding school in Ware, Hertfordshire, and Aldenham School, Elstree, a boys' school which accepted girls in the sixth form, where she gained four A-levels. Brady\u2019s career began as a trainee at the advertising agency Saatchi & Saatchi having been rejected for a place on a journalism course at Harlow College. Brady said in a 2018 interview that she made a conscious decision not to go to university, as she was keen to get out in the world and make", + "score": 0.703125 + }, + { + "id": "784259", + "title": "Selena", + "text": "her out of school when she was in the eighth grade. Her teacher Marilyn Greer disapproved of Selena's musical career. She threatened to report Quintanilla, Jr. to the Texas Board of Education, believing the conditions to which Selena was exposed were inappropriate for a girl her age. Quintanilla, Jr. told Greer to \"mind her business\". Other teachers expressed their concerns when they noticed how tired Selena appeared when she arrived at school. At seventeen, Selena earned a high school diploma from the American School of Correspondence in Chicago, and was also accepted at Louisiana State University. She enrolled at Pacific", + "score": 0.703125 + }, + { + "id": "1950400", + "title": "Cranbrook Schools", + "text": "Trophy winner Pete Dawkins, Pentagon Papers whistleblower Daniel Ellsberg, former Massachusetts governor and 2012 Presidential candidate Mitt Romney and his wife Ann Romney (n\u00e9e Davies), columnist Michael Kinsley, Sun Microsystems founder Scott McNealy, former professional soccer player Alexi Lalas, Big Bang Theory Producer Bill Prady, actress and Tony award winner Ren\u00e9e Elise Goldsberry and actress Selma Blair. Cranbrook Schools Cranbrook Schools is a private, PK\u201312 preparatory school located on a campus in Bloomfield Hills, Michigan. The schools comprise a co-educational elementary school, a middle school with separate schools for boys and girls, and a co-educational high school with boarding facilities.", + "score": 0.703125 + }, + { + "id": "2758118", + "title": "Angela Bassett", + "text": "attend Disston Middle School for seventh grade. The year she began attending was 1970, the first year busing was implemented to integrate public schools in St. Petersburg. After completing seventh grade, she was bused to Azalea Middle School for eighth and ninth grade. Bassett's mother became more involved in her daughter's grades and told her and her sister the pair were going to college. In her younger years, Bassett was \"in love\" with the Jackson 5 and dreamed of marrying a member of the family group, stating it would probably be \"whoever had the cutest, roundest Afro at the time.", + "score": 0.703125 + }, + { + "id": "20074532", + "title": "Blair Braverman", + "text": "in the Central Valley region of California. When she was ten years old, she and her parents spent a year in Norway and Braverman attended the local schools. Returning to California, Braverman finished her schooling, completing a term as an exchange student in Lillehammer, Norway. As her classmates were preparing for college, she began applying to folk schools, a type of Scandinavian educational program which focuses on a particular trade for a year. She enrolled in a school teaching dog sledding and winter survival. After completing the course, she returned to the United States to attend university in 2007, enrolling", + "score": 0.703125 + }, + { + "id": "14480728", + "title": "Ann M. Blair", + "text": "American Philosophical Society in 2009. Blair studied at Harvard University, the University of Cambridge and Princeton University. At Princeton, she was the second graduate student of Anthony Grafton. She defended a dissertation entitled 'Restaging Jean Bodin: the Universae Naturae Theatrum (1596) in its cultural context' in 1990, which became the basis of her 1997 book. Since 1996 she has taught at Harvard University. She was named a Harvard College Professor in 2009 for outstanding undergraduate teaching. She received the Everett Mendelsohn Excellence in Mentoring Award in 2014. Four seniors for whom Blair was adviser won the Hoopes Prize for outstanding", + "score": 0.70263671875 + }, + { + "id": "10775655", + "title": "Clarendon High School for Girls", + "text": "Clarendon High School for Girls Clarendon High School for Girls is a girls' secondary school situated in East London, Eastern Cape, South Africa. It was founded in 1903 as East London Girls' High School. In 1872, Panmure Public School, a co-educational school, was founded by the German immigrant, Heinrich Muller. The boys' section became Selborne College in 1907, whereas the girls' section moved to Park Avenue in 1886 before becoming a separate school for girls from grades 1 to 10 in 1903. It was originally between Muir Street and Oxford Street, on the site currently occupied by Grens Primary but", + "score": 0.7021484375 + }, + { + "id": "150407", + "title": "George Orwell", + "text": "childhood friend Jacintha Buddicom, but he said he was \"interested and happy\" at Eton. His principal tutor was A. S. F. Gow, Fellow of Trinity College, Cambridge, who also gave him advice later in his career. Blair was briefly taught French by Aldous Huxley. Steven Runciman, who was at Eton with Blair, noted that he and his contemporaries appreciated Huxley's linguistic flair. Cyril Connolly followed Blair to Eton, but because they were in separate years, they did not associate with each other. Blair's academic performance reports suggest that he neglected his academic studies, but during his time at Eton he", + "score": 0.7021484375 + }, + { + "id": "4449585", + "title": "Clinton Hart Merriam", + "text": "Military School in Elizabeth, New Jersey \u2212 and Williston Seminary in Easthampton, Massachusetts. In 1874, Merriam attended the Sheffield Scientific School of Yale University, where he studied natural history and anatomy. Among the faculty there, Merriam received instruction from such prominent figures as Alpheus Hyatt Verrill, Sidney Irving Smith, and Daniel Cady Eaton. During this time, Merriam published a short paper entitled \"Ornithological Notes from the South,\" following a trip to Florida with his father. Around this time, Merriam also published \"A Review of the Birds of Connecticut,\" significant in that it recognized that the distribution of birds' ranges is", + "score": 0.7021484375 + } + ], + "answer": "Gossip Girl is an American young adult novel series revolving around the lives and romances of the privileged socialite teenagers at the Constance Billard School for Girls, an elite private school in New York City's Upper East Side. The books primarily focus on best friends Blair Waldorf and Serena van der Woodsen, The novel that started the series, Gossip Girl, was published in paperback format in April 2002, two new novels were released annually until the final novel, Don't You Forget About Me, released in May 2007, showing the characters graduating from high school and moving on to New York University, Columbia University and other pursuits. " + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "When did the US go off the gold standard, but still allowed foreign governments to trade gold for dollars?", + "short_answers": [ + "June 5, 1933" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When did the US completely sever any link to the gold standard?", + "short_answers": [ + "1971" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Silver standard", + "url": "https://en.wikipedia.org/wiki/Silver%20standard" + }, + { + "title": "Gold standard", + "url": "https://en.wikipedia.org/wiki/Gold%20standard" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "as well as from 1944 until 1971 when the United States unilaterally terminated convertibility of the US dollar to gold foreign central banks, effectively ending the Bretton Woods system...Upon taking office in March 1933, U.S. President Franklin D. Roosevelt departed from the gold standard.[", + "wikipage": "Gold standard" + } + ], + "long_answer": "On June 5, 1933, the US discontinued the gold standard, but still allowed foreign governments to trade gold for dollars. In 1971, the US unilaterally terminated convertibility of the US dollar to gold foreign central banks thus completely severing any links to the gold standard." + }, + { + "knowledge": [ + { + "content": "Upon taking office in March 1933, U.S. President Franklin D. Roosevelt departed from the gold standard.", + "wikipage": "Gold standard" + } + ], + "long_answer": "The dates the US went off the gold standard and completely severed links to it differ. Upon taking office in March 1933, US President Franklin D. Roosevelt departed from the gold standard. The US went off the gold standard on June 5, 1933, but still allowed foreign governments to trade gold for dollars. It wasn't until 1971 that the US completely severed any link to the gold standard." + } + ], + "sample_id": "-7403082197877166868", + "question": "When did us currency leave the gold standard?", + "docs": [ + { + "id": "5235774", + "title": "History of the United States dollar", + "text": "abandoned the gold standard. Among the earliest, the Bank of England abandoned the gold standard in 1931 as speculators demanded gold in exchange for currency, threatening the solvency of the British monetary system. This pattern repeated throughout Europe and North America. In the United States, the Federal Reserve was forced to raise interest rates in order to protect the gold standard for the US dollar, worsening already severe domestic economic pressures. After bank runs became more pronounced in early 1933, people began to hoard gold coins as distrust for banks led to distrust for paper money, worsening deflation and depleting", + "score": 0.771484375, + "summary": "The United States left the gold standard due to bank runs and economic pressures in early 1933.", + "extraction": "In the United States, the Federal Reserve was forced to raise interest rates in order to protect the gold standard for the US dollar, worsening already severe domestic economic pressures. After bank runs became more pronounced in early 1933. \n\nTherefore, the answer to the question \"When did US currency leave the gold standard?\" is \"1933\"." + }, + { + "id": "9540856", + "title": "Money", + "text": "By the beginning of the 20th century almost all countries had adopted the gold standard, backing their legal tender notes with fixed amounts of gold. After World War II and the Bretton Woods Conference, most countries adopted fiat currencies that were fixed to the U.S. dollar. The U.S. dollar was in turn fixed to gold. In 1971 the U.S. government suspended the convertibility of the U.S. dollar to gold. After this many countries de-pegged their currencies from the U.S. dollar, and most of the world's currencies became unbacked by anything except the governments' fiat of legal tender and the ability", + "score": 0.75927734375, + "summary": "In 1971, the US government suspended the convertibility of the US dollar to gold, leading to the departure of the US currency from the gold standard.", + "extraction": "In 1971 the U.S. government suspended the convertibility of the U.S. dollar to gold." + }, + { + "id": "2229816", + "title": "Stanley Forman Reed", + "text": "Americans and foreign citizens to redeem paper money and coins in gold at the its pre-Depression value, causing a run on the gold reserves of the United States. Taking the United States off the gold standard would stop the run. It would also further devalue the dollar, making American goods less expensive and more attractive to foreign buyers. In a series of moves, Roosevelt took the nation off the gold standard in March and April 1933, causing the dollar's value to sink. But additional deflation was needed. One way to do this was to raise the price of gold, but", + "score": 0.7587890625, + "summary": "The United States left the gold standard in March and April of 1933.", + "extraction": "The United States was taken off the gold standard in March and April 1933." + }, + { + "id": "585237", + "title": "Commodity money", + "text": "as a theoretical backing for federally issued \"gold certificates\" to substitute for the gold. Between 1933 and 1970 (when the U.S. officially left the gold standard), one U.S. dollar was technically worth exactly 1/35 of a troy ounce (889 mg) of gold. However, actual trade in gold bullion as a precious metal within the United States was banned after 1933, with the explicit purpose of preventing the \"hoarding\" of private gold during an economic depression period in which maximal circulation of money was desired by influential economists. This was a fairly typical transition from commodity to representative to fiat money,", + "score": 0.75048828125, + "summary": "The US officially left the gold standard in 1970.", + "extraction": "The U.S. officially left the gold standard in 1970." + }, + { + "id": "15625278", + "title": "History of monetary policy in the United States", + "text": "the gold standard. In March and April 1933, in a series of laws and executive orders, the government suspended the gold standard for United States currency. Anyone holding significant amounts of gold coinage was mandated to exchange it for the existing fixed price of US dollars, after which the US would no longer pay gold on demand for the dollar, and gold would no longer be considered valid legal tender for debts in private and public contracts. The dollar was allowed to float freely on foreign exchange markets with no guaranteed price in gold, only to be fixed again at", + "score": 0.74609375, + "summary": "In March and April 1933, the US government suspended the gold standard for US currency.", + "extraction": "In March and April 1933, in a series of laws and executive orders, the government suspended the gold standard for United States currency." + }, + { + "id": "3818830", + "title": "Executive Order 6102", + "text": "their conservative views were in opposition to President Roosevelt's New Deal agenda. The Gold Reserve Act of 1934 made gold clauses unenforceable, and changed the value of gold from $20.67 to $35 per ounce, thereby devaluing the U.S. dollar, as the dollar was gold-based. This price remained in effect until August 15, 1971, when President Richard Nixon announced that the United States would no longer convert dollars to gold at a fixed value, thus abandoning the gold standard for foreign exchange (see Nixon Shock). The private ownership of gold certificates was legalized in 1964, and they can be openly owned", + "score": 0.7431640625, + "summary": "August 15, 1971, when President Richard Nixon announced that the United States would no longer convert dollars to gold at a fixed value, thus abandoning the gold standard for foreign exchange.", + "extraction": "On August 15, 1971, the United States abandoned the gold standard for foreign exchange, when President Richard Nixon announced that the country would no longer convert dollars to gold at a fixed value." + }, + { + "id": "5235770", + "title": "History of the United States dollar", + "text": "and may have inspired many of the themes in \"The Wizard of Oz\". Despite the controversy, the status of silver was slowly diminished through a series of legislative changes from 1873 to 1900, when a gold standard was formally adopted. The gold standard survived, with several modifications, until 1971. Bimetallism persisted until March 14, 1900, with the passage of the Gold Standard Act, which provided that: ... the dollar consisting of twenty-five and eight-tenths grains (1.67 g) of gold nine-tenths fine, as established by section thirty-five hundred and eleven of the Revised Statutes of the United States, shall be the", + "score": 0.74267578125, + "summary": "The US adopted a gold standard in 1900, which was modified several times and lasted until 1971.", + "extraction": "The gold standard survived, with several modifications, until 1971." + }, + { + "id": "6052649", + "title": "Gold as an investment", + "text": "countries implemented gold standards in the latter part of the 19th century until these were temporarily suspended in the financial crises involving World War I. After World War II, the Bretton Woods system pegged the United States dollar to gold at a rate of US$35 per troy ounce. The system existed until the 1971 Nixon Shock, when the US unilaterally suspended the direct convertibility of the United States dollar to gold and made the transition to a fiat currency system. The last major currency to be divorced from gold was the Swiss Franc in 2000. Since 1919 the most common", + "score": 0.7392578125, + "summary": "The US left the gold standard in 1971.", + "extraction": "The US unilaterally suspended the direct convertibility of the United States dollar to gold and made the transition to a fiat currency system in the 1971 Nixon Shock." + }, + { + "id": "4245681", + "title": "Convertibility", + "text": "their currencies in gold bullion, or in United States dollars, which in turn were redeemable in gold bullion at an official rate of $35 per troy ounce. Due to limited growth in the supply of gold reserves, during a time of great inflation of the dollar supply, the United States eventually abandoned the gold exchange standard and thus bullion convertibility in 1974. Under the contemporary international currency regimes, all currencies' inherent value derives from fiat, thus there is no longer any \"thing\" (gold or other tangible store of value) for which paper notes can be redeemed. Convertibility Convertibility is the", + "score": 0.7333984375, + "summary": "The United States left the gold standard and abandoned bullion convertibility in 1974.", + "extraction": "The United States eventually abandoned the gold exchange standard and thus bullion convertibility in 1974." + }, + { + "id": "11331296", + "title": "A Monetary History of the United States", + "text": "when people withdraw money from the bank, banks hold more reserves, or high-powered money leaves the country (e.g., gold is exported). During a crisis, all three can happen. Another theme is \"gold\". For the time period, it was the unit used for international trade with Europe. So even when the US is not on the gold standard, it plays a significant role. The authors are precise about the gold standard. The authors say the US was on the gold standard from 1879 to 1923. That is, paper money could be exchanged for bullion and international trade was settled immediately with", + "score": 0.72998046875, + "summary": "The document mentions that the US was on the gold standard from 1879 to 1923, but does not provide information on when US currency left the gold standard. Therefore, the answer is \"irrelevant\".", + "extraction": "The authors say the US was on the gold standard from 1879 to 1923." + }, + { + "id": "5235773", + "title": "History of the United States dollar", + "text": "were retired starting in November and the gold standard was restored when the New York Stock Exchange re-opened in December 1914. As the United States remained neutral in the war, it remained the only country to maintain its gold standard, doing so without restriction on import or export of gold from 1915 to 1917. During the participation of the United States as a belligerent, President Wilson banned gold export, thereby suspending the gold standard for foreign exchange. After the war, European countries slowly returned to their gold standards, though in somewhat altered form. During the Great Depression, every major currency", + "score": 0.7294921875, + "summary": "The US currency left the gold standard when President Wilson banned gold export during the country's participation in World War I. The gold standard was restored in December 1914 and was maintained without restriction on import or export of gold until 1917.", + "extraction": "President Wilson banned gold export, thereby suspending the gold standard for foreign exchange." + }, + { + "id": "5235791", + "title": "History of the United States dollar", + "text": "Nixon's election in 1968, American officials became increasingly concerned until Nixon finally issued Executive Order 11615 in August 1971, ending the direct convertibility of dollars to gold. He said, \"We must protect the position of the American dollar as pillar of monetary stability around the world ... I am determined that the American dollar must never again be hostage in the hands of the international speculators.\" This became known as the Nixon Shock and marked the dollar's transition from the gold standard to a fiat currency. The United States enjoys some benefits because the dollar serves as the international reserve", + "score": 0.7294921875, + "summary": "In August 1971, US currency left the gold standard by Executive Order 11615 issued by President Nixon.", + "extraction": "Executive Order 11615 in August 1971, ending the direct convertibility of dollars to gold." + }, + { + "id": "1826785", + "title": "Global financial system", + "text": "War I gold standard when the Dresdner Bank implemented foreign exchange controls and announced bankruptcy on July 15, 1931. In September 1931, the United Kingdom allowed the pound sterling to float freely. By the end of 1931, a host of countries including Austria, Canada, Japan, and Sweden abandoned gold. Following widespread bank failures and a hemorrhaging of gold reserves, the United States broke free of the gold standard in April 1933. France would not follow suit until 1936 as investors fled from the franc due to political concerns over Prime Minister L\u00e9on Blum's government. The disastrous effects of the Smoot\u2013Hawley", + "score": 0.72900390625, + "summary": "The United States left the gold standard in April 1933.", + "extraction": "The United States broke free of the gold standard in April 1933." + }, + { + "id": "3810602", + "title": "Foreign-exchange reserves", + "text": "as a reserve currency, so it too became part of a nation's official international reserve assets. From 1944\u20131968, the US dollar was convertible into gold through the Federal Reserve System, but after 1968 only central banks could convert dollars into gold from official gold reserves, and after 1973 no individual or institution could convert US dollars into gold from official gold reserves. Since 1973, no major currencies have been convertible into gold from official gold reserves. Individuals and institutions must now buy gold in private markets, just like other commodities. Even though US dollars and other currencies are no longer", + "score": 0.728515625, + "summary": "The US currency left the gold standard in 1971.", + "extraction": "From 1944-1968, the US dollar was convertible into gold through the Federal Reserve System, but after 1968 only central banks could convert dollars into gold from official gold reserves, and after 1973 no individual or institution could convert US dollars into gold from official gold reserves." + }, + { + "id": "2082547", + "title": "Bimetallism", + "text": "disappear from circulation by hoarding or melting down. In the United States, bimetallism became a center of political conflict toward the end of the 19th century. During the Civil War, to finance the war the U.S. switched from bimetallism to a fiat money currency. After the war, in 1873, the government passed the Fourth Coinage Act and soon resumption of specie payments began (without the free and unlimited coinage of silver, thus putting the U.S. on a mono-metallic gold standard.) Farmers, debtors, Westerners and others who felt they had benefited from wartime paper money formed the short-lived Greenback Party to", + "score": 0.72802734375, + "summary": "The US switched from bimetallism to a fiat money currency during the Civil War to finance the war. After the war, in 1873, the government passed the Fourth Coinage Act and soon resumed specie payments without the free and unlimited coinage of silver, putting the US on a mono-metallic gold standard. Therefore, the US currency left the gold standard in 1873.", + "extraction": "In 1873, the government passed the Fourth Coinage Act and soon resumption of specie payments began (without the free and unlimited coinage of silver, thus putting the U.S. on a mono-metallic gold standard.)" + }, + { + "id": "7314303", + "title": "History of the Canadian dollar", + "text": "standard, British and United States gold coins, government of Canada notes, and Canadian coins were legal tender. Bank notes ceased to be legal tender. However, the return was short-lived. Britain went off the gold standard in September 1931, during the depths of the Great Depression. Canada followed suit by prohibiting export of gold on October 31, 1931, unofficially taking Canada off the gold standard. A year and a half later, the federal government ended the convertibility of government notes for gold. It was expected to be a temporary measure until the world economic situation improved, but Canada has never returned", + "score": 0.72705078125, + "summary": "Canada went off the gold standard in October 1931, and the federal government ended convertibility of government notes for gold a year and a half later. There is no mention of when the US currency left the gold standard.", + "extraction": "The United States went off the gold standard in 1971. (Note: This is the closest mention of the US currency and the gold standard in the given passage. There is no information about when the US currency left the gold standard prior to 1971.)" + }, + { + "id": "4291522", + "title": "History of central banking in the United States", + "text": "different banks could have significantly different values. National bank notes were not however \"lawful tender\", and could not be used as bank reserves under the National Bank Act. The Federal government issued greenbacks which fulfilled this role along with gold. Congress suspended the gold standard in 1861 early in the Civil War and began issuing paper currency (greenbacks). The federally issued greenbacks were gradually supposed to be eliminated in favor of national bank notes after the Specie Payment Resumption Act of 1875 was passed. However, the elimination of the greenbacks was suspended in 1878 and the notes remained in circulation.", + "score": 0.72607421875, + "summary": "The US suspended the gold standard and began issuing paper currency (greenbacks) in 1861 during the Civil War. The greenbacks were supposed to be eliminated after the Specie Payment Resumption Act of 1875, but their elimination was suspended in 1878 and they remained in circulation.", + "extraction": "Congress suspended the gold standard in 1861 early in the Civil War and began issuing paper currency (greenbacks)." + }, + { + "id": "20687159", + "title": "First and second terms of the presidency of Franklin D. Roosevelt", + "text": "also received new duties. The Agricultural Adjustment Act included the Thomas Amendment, a provision that allowed the president to reduce the gold content of the dollar, coin silver currency, and issue $3 billion in fiat money. In April 1933, Roosevelt took the United States off the gold standard. Going off the gold standard allowed Roosevelt to pursue inflationary policies, which would make the operation of the NRA's programs, as well as the handling of public and private debt, easier. As part of his inflationary policies, Roosevelt refused to take part in efforts at the London Economic Conference to stabilize currency", + "score": 0.72607421875, + "summary": "In April 1933, President Roosevelt took the US off the gold standard.", + "extraction": "In April 1933, Roosevelt took the United States off the gold standard." + }, + { + "id": "421099", + "title": "Tobin tax", + "text": "the Bretton Woods system of monetary management ended in 1971. Prior to 1971, one of the chief features of the Bretton Woods system was an obligation for each country to adopt a monetary policy that maintained the exchange rate of its currency within a fixed value\u2014plus or minus one percent\u2014in terms of gold. Then, on August 15, 1971, United States President Richard Nixon announced that the United States dollar would no longer be convertible to gold, effectively ending the system. This action created the situation whereby the U.S. dollar became the sole backing of currencies and a reserve currency for", + "score": 0.72412109375, + "summary": "On August 15, 1971, the US currency left the gold standard, ending the Bretton Woods system.", + "extraction": "On August 15, 1971, United States President Richard Nixon announced that the United States dollar would no longer be convertible to gold, effectively ending the system." + }, + { + "id": "6036037", + "title": "Great Depression in the United States", + "text": "standard. The announcement prohibited gold exports, and prohibited financial institutions from converting money and deposits into gold coins and ingots. The action prevented the gold outflow. Soon, the Roosevelt government weakened the connection with gold once again. Thomas amendment to the Agricultural Relief Act to the gave to the President power to reduce the dollar's gold content by as much as 50%. The President Roosevelt also used the silver standard instead of gold to exchange dollars, it determined by the price of the bank. In April 1933, Roosevelt decided to abolish the gold standard through the New Deal. He abandoned", + "score": 0.7236328125, + "summary": "In April 1933, President Roosevelt abolished the gold standard through the New Deal.", + "extraction": "In April 1933, Roosevelt decided to abolish the gold standard through the New Deal." + }, + { + "id": "482531", + "title": "Gold standard", + "text": "1848 placed the U.S. on a strict hard-money standard. Doing business with the American government required gold or silver coins. Government accounts were legally separated from the banking system. However, the mint ratio (the fixed exchange rate between gold and silver at the mint) continued to overvalue gold. In 1853, the US reduced the silver weight of coins to keep them in circulation and in 1857 removed legal tender status from foreign coinage. In 1857 the final crisis of the free banking era began as American banks suspended payment in silver, with ripples through the developing international financial system. Due", + "score": 0.7216796875 + }, + { + "id": "5547190", + "title": "Silver standard", + "text": "out of the economy. At the same time there was a dramatically expanded need for credit, and large banks were being chartered in various states, including those in Japan by 1872. The need for stability in monetary affairs would produce a rapid acceptance of the gold standard in the period that followed. The Coinage Act of 1873, enacted by the United States Congress in 1873, embraced the gold standard and de-monetized silver. Western mining interests and others who wanted silver in circulation labeled this measure the \"Crime of '73\". For about five years, gold was the only metallic standard in", + "score": 0.72119140625 + }, + { + "id": "434087", + "title": "Ulysses S. Grant", + "text": "suffered a stroke; never fully recovering, he died in office on November 22, 1875. With Wilson's loss, Grant relied on Fish's guidance more than ever. Grant continued to work for a strong dollar, signing into law the Coinage Act of 1873, which effectively ended the legal basis for bimetallism (the use of both silver and gold as money), establishing the gold standard in practice. The Coinage Act discontinued the standard silver dollar and established the gold dollar as the sole monetary standard; because the gold supply did not increase as quickly as the population, the result was deflation. Silverites, who", + "score": 0.720703125 + }, + { + "id": "660833", + "title": "Gold Standard Act", + "text": "international arrangement at the conclusion of World War II, before the Nixon shock unilaterally cancelled direct international convertibility of the US dollar to gold in 1971. Gold Standard Act The Gold Standard Act of the United States was passed in 1900 (approved on March 14) and established gold as the only standard for redeeming paper money, stopping bimetallism (which had allowed silver in exchange for gold). It was signed by President William McKinley. The Act made the \"de facto\" gold standard in place since the Coinage Act of 1873 (whereby debt holders could demand reimbursement in whatever metal was preferred\u2014usually", + "score": 0.7197265625 + }, + { + "id": "15618450", + "title": "History of banking in the United States", + "text": "Federal Home Loan Bank Board(FHLBB). To deal with deflation, the nation went off the gold standard. In March and April in a series of laws and executive orders, the government suspended the gold standard for United States currency. Anyone holding significant amounts of gold coinage was mandated to exchange it for the existing fixed price of US dollars, after which the US would no longer pay gold on demand for the dollar, and gold would no longer be considered valid legal tender for debts in private and public contracts. The dollar was allowed to float freely on foreign exchange markets", + "score": 0.7197265625 + }, + { + "id": "482529", + "title": "Gold standard", + "text": "coins left circulation, exported to pay for the debts taken on to finance the American Revolutionary War. In 1806 President Jefferson suspended the minting of silver coins. This resulted in a derivative silver standard, since the Bank of the United States was not required to fully back its currency with reserves. This began a long series of attempts by the United States to create a bi-metallic standard. The intention was to use gold for large denominations, and silver for smaller denominations. A problem with bimetallic standards was that the metals' absolute and relative market prices changed. The mint ratio (the", + "score": 0.71923828125 + }, + { + "id": "490330", + "title": "Inflation", + "text": "currency unit. The currency itself has no \"innate value\", but is accepted by traders because it can be redeemed for the equivalent specie. A U.S. silver certificate, for example, could be redeemed for an actual piece of silver. The gold standard was partially abandoned via the international adoption of the Bretton Woods system. Under this system all other major currencies were tied at fixed rates to the dollar, which itself was tied to gold at the rate of US$35 per ounce. The Bretton Woods system broke down in 1971, causing most countries to switch to fiat money money backed only", + "score": 0.71923828125 + }, + { + "id": "5224645", + "title": "Economic collapse", + "text": "preceded it. While there were numerous bank failures during the Great Depression, most banks in developed countries survived, as did most currencies and governments. The most significant monetary change during the depression was the demise of the gold standard by most nations that were on it. In the U.S., the dollar was redeemable in gold until 1933 when U.S. citizens were forced to turn over their gold (except for 5 ounces) for fiat currency (See: Executive Order 6102) and were forbidden to own monetary gold for the next four decades. Subsequently, gold was revalued from $20.67 per ounce to $35", + "score": 0.71875 + }, + { + "id": "1826783", + "title": "Global financial system", + "text": "The classical gold standard was established in 1821 by the United Kingdom as the Bank of England enabled redemption of its banknotes for gold bullion. France, Germany, the United States, Russia, and Japan each embraced the standard one by one from 1878 to 1897, marking its international acceptance. The first departure from the standard occurred in August 1914 when these nations erected trade embargoes on gold exports and suspended redemption of gold for banknotes. Following the end of World War I on November 11, 1918, Austria, Hungary, Germany, Russia, and Poland began experiencing hyperinflation. Having informally departed from the standard,", + "score": 0.71728515625 + }, + { + "id": "498769", + "title": "Cross of Gold speech", + "text": "silver-supporting candidate in 1896. Bryan had been a dark horse candidate with little support in the convention. His speech, delivered at the close of the debate on the party platform, electrified the convention and is generally credited with getting him the nomination for president. However, he lost the general election to William McKinley and the United States formally adopted the gold standard in 1900. In January 1791, at the request of Congress, Secretary of the Treasury Alexander Hamilton issued a report on the currency. At the time, there was no mint in the United States; foreign coins were used. Hamilton", + "score": 0.71630859375 + }, + { + "id": "2068208", + "title": "Greenback Party", + "text": "a rectification of the weak currency situation. A change of heads at the Treasury Department in March 1865 proved the occasion for a change of course in American monetary policy. New Secretary of the Treasury Hugh McCulloch not only declared himself sympathetic to the banking industry's desire for restoration of a gold-based currency, but he declared the resumption of gold payments to be his primary aim. In December 1865 McCulloch formally sought approval from Congress to retire the greenback currency from circulation, a necessary first step towards restoration of the gold standard. In response, Congress passed the Contraction Act, calling", + "score": 0.7158203125 + }, + { + "id": "660831", + "title": "Gold Standard Act", + "text": "Gold Standard Act The Gold Standard Act of the United States was passed in 1900 (approved on March 14) and established gold as the only standard for redeeming paper money, stopping bimetallism (which had allowed silver in exchange for gold). It was signed by President William McKinley. The Act made the \"de facto\" gold standard in place since the Coinage Act of 1873 (whereby debt holders could demand reimbursement in whatever metal was preferred\u2014usually gold) a \"de jure\" gold standard alongside other major European powers at the time. The Act fixed the value of the dollar at grains of gold", + "score": 0.71533203125 + }, + { + "id": "660832", + "title": "Gold Standard Act", + "text": "at \"nine-tenths fine\" (90% purity), equivalent to 23.22 grains (1.5046 grams) of pure gold. The Gold Standard Act confirmed the United States' commitment to the gold standard by assigning gold a specific dollar value (just over $20.67 per Troy ounce). This took place after McKinley sent a team to Europe to try to make a silver agreement with France and Great Britain. On April 19, 1933, the United States domestically abandoned the gold standard, whereafter independent states would remain assured of their US dollar holdings by an implied guarantee on their convertibility on demand: the Bretton Woods system formalized this", + "score": 0.71484375 + }, + { + "id": "12287540", + "title": "United States dollar", + "text": "defined the dollar as of gold, equivalent to setting the price of 1 troy ounce of gold at $20.67. Silver coins continued to be issued for circulation until 1964, when all silver was removed from dimes and quarters, and the half dollar was reduced to 40% silver. Silver half dollars were last issued for circulation in 1970. Gold coins were confiscated by Executive Order 6102 issued in 1933 by Franklin Roosevelt. The gold standard was changed to , equivalent to setting the price of 1 troy ounce of gold at $35. This standard persisted until 1968. Between 1968 and 1975,", + "score": 0.71484375 + }, + { + "id": "1320673", + "title": "James B. Weaver", + "text": "The greenbacks had helped to finance the war when the government's gold supply did not keep pace with the expanding costs of maintaining the armies. When the crisis had passed, many in both parties, especially in the East, wanted to place the nation's currency on a gold standard as soon as possible. The Specie Payment Resumption Act, passed in 1875, ordered that greenbacks be gradually withdrawn and replaced with gold-backed currency beginning in 1879. At the same time, the depression had made it more expensive for debtors to pay debts they had contracted when currency was less valuable. Beyond their", + "score": 0.71435546875 + }, + { + "id": "11331297", + "title": "A Monetary History of the United States", + "text": "gold. From 1923 to 1933, the authors say that international trade was \"sterilized\" by the Fed inflating the money rather than immediately being settled by gold. Lastly, they term the period from 1934 to 1960 (when the book was published) as a \"managed standard\". Paper money cannot be exchanged for bullion. The authors compare gold to a subsidized commodity, like grain. Another theme is \"silver\". China and Mexico used it for their currency and the US used it for smaller coins. From 1879 to 1897, there was a populist push to switch the gold-backed dollar to silver. The US Treasury", + "score": 0.7138671875 + }, + { + "id": "617498", + "title": "Charles de Gaulle", + "text": "exchange rate. He sent the French Navy across the Atlantic to pick up the French reserve of gold and was followed by several countries. As it resulted in considerably reducing US gold stock and US economic influence, it led US President Richard Nixon to unilaterally end the convertibility of the dollar to gold on 15 August 1971 (the \"Nixon Shock\"). This was meant to be a temporary measure but the dollar became permanently a floating fiat money and in October 1976, the US government officially changed the definition of the dollar; references to gold were removed from statutes. In December", + "score": 0.71337890625 + }, + { + "id": "12287535", + "title": "United States dollar", + "text": "bonds. The currency was ultimately replaced by the silver dollar at the rate of 1 silver dollar to 1000 continental dollars. From 1792, when the Mint Act was passed, the dollar was defined as 371.25 grains (24.056 g) of silver. The gold coins that were minted were not given any denomination and traded for a market value relative to the Congressional standard of the silver dollar. 1834 saw a shift in the gold standard to , followed by a slight adjustment to in 1837 (16:1 ratio). In 1862, paper money was issued without the backing of precious metals, due to", + "score": 0.71337890625 + }, + { + "id": "12448775", + "title": "Great Depression", + "text": "was spread worldwide by the rigidities of the Gold Standard, it was suspending gold convertibility (or devaluing the currency in gold terms) that did the most to make recovery possible. Every major currency left the gold standard during the Great Depression. The UK was the first to do so. Facing speculative attacks on the pound and depleting gold reserves, in September 1931 the Bank of England ceased exchanging pound notes for gold and the pound was floated on foreign exchange markets. The UK, Japan, and the Scandinavian countries left the gold standard in 1931. Other countries, such as Italy and", + "score": 0.71240234375 + }, + { + "id": "482560", + "title": "Gold standard", + "text": "second devaluation the dollar was left to float. The $42.22 par value was made official in September 1973, long after it had been abandoned in practice. In October 1976, the government officially changed the definition of the dollar; references to gold were removed from statutes. From this point, the international monetary system was made of pure fiat money. An estimated total of 174,100 tonnes of gold have been mined in human history, according to GFMS as of 2012. This is roughly equivalent to 5.6 billion troy ounces or, in terms of volume, about , or a cube on a side.", + "score": 0.71240234375 + }, + { + "id": "482538", + "title": "Gold standard", + "text": "Congress on March 3, 1903. Around the same time Mexico and Japan pegged their currencies to the dollar. When Siam adopted a gold exchange standard in 1908, only China and Hong Kong remained on the silver standard. When adopting the gold standard, many European nations changed the name of their currency, for instance from Daler (Sweden and Denmark) or Gulden (Austria-Hungary) to Crown, since the former names were traditionally associated with silver coins and the latter with gold coins. Governments with insufficient tax revenue suspended convertibility repeatedly in the 19th century. The real test, however, came in the form of", + "score": 0.7119140625 + }, + { + "id": "14571179", + "title": "Willard v. Tayloe", + "text": "all Northern banks suspended the use of specie (money backed by gold deposits) due to bank runs, and the federal government followed suit shortly thereafter. In 1863, Congress passed the National Banking Act, which authorized the federal government to issue United States Notes (paper money) rather than coins made of gold or silver. The U.S. Notes were not convertible into gold, and quickly depreciated in value. On April 15, 1864, two weeks before the lease was due to expire, Willard tendered the down payment to Tayloe in paper money. Tayloe refused to issue the mortgage and turn over the deed,", + "score": 0.71142578125 + }, + { + "id": "156859", + "title": "Gold", + "text": "was introduced, it typically was a receipt redeemable for gold coin or bullion. In a monetary system known as the gold standard, a certain weight of gold was given the name of a unit of currency. For a long period, the United States government set the value of the US dollar so that one troy ounce was equal to $20.67 ($0.665 per gram), but in 1934 the dollar was devalued to $35.00 per troy ounce ($0.889/g). By 1961, it was becoming hard to maintain this price, and a pool of US and European banks agreed to manipulate the market to", + "score": 0.71142578125 + }, + { + "id": "2068204", + "title": "Greenback Party", + "text": "deposits began in New York City, forcing banks there to disburse a substantial part of their hard metal reserves. On December 30, 1861, New York banks suspended the redemption of their banknotes with gold. This spontaneous action was followed shortly by banks in other states suspending payment on their own banknotes and the U.S. Treasury itself suspending redemption of its own Treasury notes. The gold standard was thus effectively suspended. United States Secretary of the Treasury Salmon P. Chase had already anticipated the coming financial crisis, proposing to Congress the establishment of a system of national banks, each empowered to", + "score": 0.71044921875 + }, + { + "id": "5547186", + "title": "Silver standard", + "text": "Spanish milled dollar in 1785. This was codified in the 1792 Mint and Coinage Act, and by the federal government's use of the Bank of the United States to hold its reserves, as well as establishing a fixed ratio of gold to the US dollar. This was, in effect, a derivative silver standard, since the bank was not required to keep silver to back all of its currency. This began a long series of attempts for America to create a bimetallic standard for the US dollar, which would continue until the 1920s. Gold and silver coins were legal tender, including", + "score": 0.71044921875 + }, + { + "id": "5547188", + "title": "Silver standard", + "text": "borrow from England. Following Gresham's law, silver poured into the US, which traded with other silver nations, and gold moved out. In 1853 the US reduced the silver weight of coins, to keep them in circulation, and in 1857 removed legal tender status from foreign coinage. In 1857, the final crisis of the free banking era of international finance began, as American banks suspended payment in silver, rippling through the very young international financial system of central banks. In 1861 the US government suspended payment in gold and silver, effectively ending the attempts to form a silver standard basis for", + "score": 0.70947265625 + }, + { + "id": "69235", + "title": "Currency", + "text": "20th century and continuing across the world until the late 20th century, when the regime of floating fiat currencies came into force. One of the last countries to break away from the gold standard was the United States in 1971, an action known as the Nixon shock. No country has an enforceable gold standard or silver standard currency system. A banknote (more commonly known as a bill in the United States and Canada) is a type of currency, and commonly used as legal tender in many jurisdictions. With coins, banknotes make up the cash form of all money. Banknotes are", + "score": 0.708984375 + }, + { + "id": "12776089", + "title": "Exorbitant privilege", + "text": "reserve of gold and was followed by several countries. As it resulted in considerably reducing U.S. gold stock and U.S. economic influence, it led U.S. President Richard Nixon to end unilaterally the convertibility of the dollar to gold on August 15, 1971 (the \"Nixon Shock\"). This was meant to be a temporary measure but the dollar became permanently a floating fiat money and in October 1976, the U.S. government officially changed the definition of the dollar; references to gold were removed from statutes. Different attempts have been made across time to assess the validity of the exorbitant privilege hypothesis by", + "score": 0.708984375 + }, + { + "id": "5235781", + "title": "History of the United States dollar", + "text": "a result of the significant prior debasement of the US dollar due to excessive inflation of the monetary supply via central bank (Federal Reserve) coordinated fractional reserve banking under the Bretton Woods partial gold standard. In the absence of an international mechanism tying the dollar to gold via fixed exchange rates, the dollar became a pure fiat currency and as such fell to its free market exchange price versus gold. Consequently, the price of gold rose from $35 per troy ounce (1.125 $/g) in 1969 to almost $500 (29 $/g) in 1980. Shortly after the gold price started its ascent", + "score": 0.70849609375 + }, + { + "id": "4804125", + "title": "Economic history of France", + "text": "standard in 1931), France stuck to the gold standard until 1936, which caused a number of problems in times of recession and deflation. France lost competitiveness relative to Great Britain, because the latter was able to offer its products at a cheaper price due to the devaluation of its currency after leaving the gold standard. Furthermore, terminating fixed exchange rate regimes opened up opportunities for expansive monetary policy and thus influenced consumers\u2019 expectations of future inflation, which was crucial for domestic demand. The French economy only started to recover when France abandoned the gold standard. However, the depression had some", + "score": 0.70703125 + }, + { + "id": "6036009", + "title": "Great Depression in the United States", + "text": "banking system. With a lack of consumer confidence in the economic direction given by the federal government panic started to spread across the country shortly after the Wall Street Crash of 1929. President Hoover retained the Gold Standard as the country's currency gauge throughout the following years. As a result, the American shareholders with the majority of the gold reserves began to grow wary of the value of gold in the near future. Europe's decision to move away from the Gold Standard caused individuals to start to withdraw gold shares and move the investments out of the country or began", + "score": 0.70654296875 + }, + { + "id": "482532", + "title": "Gold standard", + "text": "to the inflationary finance measures undertaken to help pay for the US Civil War, the government found it difficult to pay its obligations in gold or silver and suspended payments of obligations not legally specified in specie (gold bonds); this led banks to suspend the conversion of bank liabilities (bank notes and deposits) into specie. In 1862 paper money was made legal tender. It was a fiat money (not convertible on demand at a fixed rate into specie). These notes came to be called \"greenbacks\". After the Civil War, Congress wanted to reestablish the metallic standard at pre-war rates. The", + "score": 0.70654296875 + }, + { + "id": "5547185", + "title": "Silver standard", + "text": "payments while exports were paid for with gold. As a consequence, silver flowed out of the country and gold flowed in, leading to a situation where Great Britain was effectively on a gold standard. In 1816, the gold standard was adopted officially, with the silver standard reduced to 66 shillings (66/-, 3.3 pounds), rendering silver coins a \"token\" issue (i.e., not containing their value in precious metal). The economic power of Great Britain was such that its adoption of a gold standard put pressure on other countries to follow suit. The United States adopted a silver standard based on the", + "score": 0.705078125 + }, + { + "id": "5235783", + "title": "History of the United States dollar", + "text": "1980s onward. In September 1987 under the Reagan administration the U.S. Secretary of the Treasury James Baker made a proposal through the International Monetary Fund to use a commodity basket (which included gold). United States silver certificates were a type of representative money printed from 1878 to 1964 in the United States as part of its circulation of paper currency. They were produced in response to silver agitation by citizens who were angered by the Fourth Coinage Act, and were used alongside the gold-based dollar notes. The silver certificates were initially redeemable in the same face value of silver dollar", + "score": 0.705078125 + }, + { + "id": "5547166", + "title": "Silver standard", + "text": "Potosi, Mexico, and Lima, Peru. The British gold standard initially extended to some of the British colonies, including the Australasian and Southern African colonies, but not to its North American colonies, British India, or to Southeast Asia. The Province of Canada adopted a gold standard in 1853, as did Newfoundland in 1865. In 1873, Imperial Germany changed over to the gold standard in conjunction with the new gold mark coin. The United States changed over to gold \"de facto\" in the same year, and over the next 35 years, all other nations changed to gold, leaving only China and the", + "score": 0.70361328125 + }, + { + "id": "5547191", + "title": "Silver standard", + "text": "the United States until passage of the Bland\u2013Allison Act on February 28, 1878, requiring the US Treasury to purchase domestic silver bullion to be minted into legal tender coins co-existent with gold coins. Silver Certificate Series 1878 was issued to join the gold certificates already in circulation. By acts of Congress in 1933, including the Gold Reserve Act and the Silver Purchase Act of 1934, the domestic economy was taken off the gold standard and placed on the silver standard for the first time. The Treasury Department was re-empowered to issue paper currency redeemable in silver dollars and bullion, thereby", + "score": 0.70361328125 + }, + { + "id": "482548", + "title": "Gold standard", + "text": "in 1929 and lasted for about a decade. In the United States, adherence to the gold standard prevented the Federal Reserve from expanding the money supply to stimulate the economy, fund insolvent banks and fund government deficits that could \"prime the pump\" for an expansion. Once off the gold standard, it became free to engage in such money creation. The gold standard limited the flexibility of the central banks' monetary policy by limiting their ability to expand the money supply. In the US, the central bank was required by the Federal Reserve Act (1913) to have gold backing 40% of", + "score": 0.70263671875 + }, + { + "id": "12448776", + "title": "Great Depression", + "text": "the U.S., remained on the gold standard into 1932 or 1933, while a few countries in the so-called \"gold bloc\", led by France and including Poland, Belgium and Switzerland, stayed on the standard until 1935\u201336. According to later analysis, the earliness with which a country left the gold standard reliably predicted its economic recovery. For example, The UK and Scandinavia, which left the gold standard in 1931, recovered much earlier than France and Belgium, which remained on gold much longer. Countries such as China, which had a silver standard, almost avoided the depression entirely. The connection between leaving the gold", + "score": 0.7021484375 + }, + { + "id": "482534", + "title": "Gold standard", + "text": "debts in gold, accepted greenbacks for customs and redeemed greenbacks on demand in gold. Greenbacks were therefore perfect substitutes for gold coins. During the latter part of the nineteenth century the use of silver and a return to the bimetallic standard were recurrent political issues, raised especially by William Jennings Bryan, the People's Party and the Free Silver movement. In 1900 the gold dollar was declared the standard unit of account and a gold reserve for government issued paper notes was established. Greenbacks, silver certificates, and silver dollars continued to be legal tender, all redeemable in gold. The US had", + "score": 0.70166015625 + }, + { + "id": "482558", + "title": "Gold standard", + "text": "official exchange rate of $35 per ounce; this option was not available to firms or individuals. All currencies pegged to the dollar thereby had a fixed value in terms of gold. Starting in the 1959\u20131969 administration of President Charles de Gaulle and continuing until 1970, France reduced its dollar reserves, exchanging them for gold at the official exchange rate, reducing US economic influence. This, along with the fiscal strain of federal expenditures for the Vietnam War and persistent balance of payments deficits, led U.S. President Richard Nixon to end international convertibility of the U.S. dollar to gold on August 15,", + "score": 0.70166015625 + }, + { + "id": "14957812", + "title": "Currency war", + "text": "theory of free trade, which held that the best way to encourage prosperity would be to allow trade to occur free of government imposed controls. The intrinsic value of money became formalised with a gold standard being widely adopted from about 1870\u20131914, so while the global economy was now becoming sufficiently integrated for competitive devaluation to occur there was little opportunity. Following the end of World War I, many countries other than the US experienced recession and few immediately returned to the gold standard, so several of the conditions for a currency war were in place. However, currency war did", + "score": 0.70068359375 + }, + { + "id": "2068206", + "title": "Greenback Party", + "text": "of the bill. A dual currency system emerged in which this fiat money circulated side by side with ostensibly gold-backed currency and gold coin, with the value of the former bearing a discount in trade. The greatest differential in value of these currencies came in 1864, when the value of a gold dollar equaled $1.85 in greenback currency. Congress finally enacted Treasury Secretary Chase's National Bank plan in January 1863, creating a yet another form of currency, also backed by government bonds rather than gold and redeemable in United States Notes. This non-gold-based currency became the functional equivalent of greenbacks", + "score": 0.69921875 + }, + { + "id": "482526", + "title": "Gold standard", + "text": "to Congress the value of a decimal system. This system would also apply to monies in the United States. The question was what type of standard: gold, silver or both. The United States adopted a silver standard based on the Spanish milled dollar in 1785. From 1860 to 1871 various attempts to resurrect bi-metallic standards were made, including one based on the gold and silver franc; however, with the rapid influx of silver from new deposits, the expectation of scarce silver ended. The interaction between central banking and currency basis formed the primary source of monetary instability during this period.", + "score": 0.69921875 + }, + { + "id": "15197362", + "title": "The Great Debasement", + "text": "less bullion being required to mint new coins. During debasement gold standards dropped from the previous standard of 23 carat to as low as 20 carat while silver was reduced from 92.5% sterling silver to just 25%. Revoked in 1551 by Edward VI the policy's economic effects continued for many years until 1560 when all debased currency was removed from circulation. In the 16th century after suffering from the effects of the Black Death, Europe was in the middle of a economic expansion due in part to increased trade and newly discovered deposits of precious metals from the new world,", + "score": 0.69873046875 + }, + { + "id": "482528", + "title": "Gold standard", + "text": "to facilitate a move to the gold standard, Japan gained the needed reserves after the Sino-Japanese War of 1894\u20131895. For Japan, moving to gold was considered vital for gaining access to Western capital markets. In 1792, Congress passed the Mint and Coinage Act. It authorized the federal government's use of the Bank of the United States to hold its reserves, as well as establish a fixed ratio of gold to the U.S. dollar. Gold and silver coins were legal tender, as was the Spanish real. In 1792 the market price of gold was about 15 times that of silver. Silver", + "score": 0.6982421875 + }, + { + "id": "482557", + "title": "Gold standard", + "text": "Most countries defined their currencies in terms of dollars, but some countries imposed trading restrictions to protect reserves and exchange rates. Therefore, most countries' currencies were still basically inconvertible. In the late 1950s, the exchange restrictions were dropped and gold became an important element in international financial settlements. After the Second World War, a system similar to a gold standard and sometimes described as a \"gold exchange standard\" was established by the Bretton Woods Agreements. Under this system, many countries fixed their exchange rates relative to the U.S. dollar and central banks could exchange dollar holdings into gold at the", + "score": 0.6982421875 + }, + { + "id": "498768", + "title": "Cross of Gold speech", + "text": "the nation's monetary standard. The gold standard, which the United States had effectively been on since 1873, limited the money supply but eased trade with other nations, such as the United Kingdom, whose currency was also based on gold. Many Americans, however, believed that bimetallism (making both gold and silver legal tender) was necessary for the nation's economic health. The financial Panic of 1893 intensified the debates, and when Democratic President Grover Cleveland continued to support the gold standard against the will of much of his party, activists became determined to take over the Democratic Party organization and nominate a", + "score": 0.69677734375 + }, + { + "id": "6464452", + "title": "Sterling area", + "text": "was held in sterling. Although not all the territories of the British Empire used sterling as their local currency, most of those that did not pegged their local currency at a fixed rate to sterling, as did many foreign countries outside the Empire. When Britain left the gold standard in 1931, many countries that had pegged their currencies to gold pegged their currencies to sterling instead; this group of countries became known as the \"sterling bloc\", though the term \"sterling area\" was used officially from at least 1935. When the Second World War broke out, the sterling bloc countries within", + "score": 0.69677734375 + }, + { + "id": "482550", + "title": "Gold standard", + "text": "May 1938. Higher interest rates intensified the deflationary pressure on the dollar and reduced investment in U.S. banks. Commercial banks converted Federal Reserve Notes to gold in 1931, reducing its gold reserves and forcing a corresponding reduction in the amount of currency in circulation. This speculative attack created a panic in the U.S. banking system. Fearing imminent devaluation many depositors withdrew funds from U.S. banks. As bank runs grew, a reverse multiplier effect caused a contraction in the money supply. Additionally the New York Fed had loaned over $150 million in gold (over 240 tons) to European Central Banks. This", + "score": 0.6962890625 + }, + { + "id": "14957813", + "title": "Currency war", + "text": "not occur as the U.K. was trying to raise the value of its currency back to its pre-war levels, effectively cooperating with the countries that wished to devalue against the market. By the mid-1920s many former members of the gold standard had rejoined, and while the standard did not work as successfully as it had pre war, there was no widespread competitive devaluation. During the Great Depression of the 1930s, most countries abandoned the gold standard. With widespread high unemployment, devaluations became common, a policy that has frequently been described as \"beggar thy neighbour\", in which countries purportedly compete to", + "score": 0.6953125 + }, + { + "id": "1965400", + "title": "History of the United States (1964\u20131980)", + "text": "little attention to. In January 1971, Kennedy stepped down from office and was replaced by Texas governor and Lyndon Johnson confidante John Connally. By the summer of 1971, Nixon was under strong public pressure to act decisively to reverse the economic tide. On August 15, 1971, he ended the convertibility of the U.S. dollar into gold, which meant the demise of the Bretton Woods system, in place since World War II. As a result, the U.S. dollar fell in world markets. The devaluation helped stimulate American exports, but it also made the purchase of vital inputs, raw materials, and finished", + "score": 0.69482421875 + }, + { + "id": "5235772", + "title": "History of the United States dollar", + "text": "gold. With debts looming to Europe, the dollar to British pound exchange rate reached as high as $6.75, far above the (gold) parity of $4.8665. This caused large gold outflows until July 31, 1914, when the New York Stock Exchange closed and the gold standard was temporarily suspended. In order to defend the exchange value of the dollar, the US Treasury Department authorized state and nationally chartered banks to issue emergency currency under the Aldrich-Vreeland Act, and the newly created Federal Reserve organized a fund to assure debts to foreign creditors. These efforts were largely successful, and the Aldrich-Vreeland notes", + "score": 0.69482421875 + }, + { + "id": "3319750", + "title": "William H. Woodin", + "text": "deposits. This preceded the creation of deposit insurance and the Federal Deposit Insurance Corporation with the passage of the Glass-Steagall Act of 1933. Woodin also presided over the Roosevelt Administration's withdrawal from the international monetary conference in London and the decision to take the United States off the international gold standard there. While he was the Secretary of the Treasury, the Administration also began the decision-making process that eventually led to the administration's decision to buy all the gold in private hands in the United States (other than that used by dentists and jewelers) and then to raise the dollar", + "score": 0.6943359375 + }, + { + "id": "16282265", + "title": "William Jennings Bryan 1896 presidential campaign", + "text": "will be ruined, and then the cities will suffer.\" Even as Cleveland took office as president in March 1893, there were signs of an economic decline. Sherman's act required the government to pay out gold in exchange for silver and paper currency, and through the early months of 1893 gold flowed out of the Treasury. On April 22, 1893, the amount of gold in the Treasury dropped below $100 million for the first time since 1879, adding to the unease. Rumors that Europeans were about to redeem a large sum for gold caused desperate selling on the stock market, the", + "score": 0.6943359375 + }, + { + "id": "9540883", + "title": "Money", + "text": "minimum amount that could be redeemed. By 1900, most of the industrializing nations were on some form of gold standard, with paper notes and silver coins constituting the circulating medium. Private banks and governments across the world followed Gresham's Law: keeping gold and silver paid, but paying out in notes. This did not happen all around the world at the same time, but occurred sporadically, generally in times of war or financial crisis, beginning in the early part of the 20th century and continuing across the world until the late 20th century, when the regime of floating fiat currencies came", + "score": 0.69384765625 + }, + { + "id": "12287566", + "title": "United States dollar", + "text": "no longer be able to redeem dollars for gold, gold convertibility was finally terminated in 1971 by President Nixon, resulting in the \"Nixon shock\". The value of the U.S. dollar was therefore no longer anchored to gold, and it fell upon the Federal Reserve to maintain the value of the U.S. currency. The Federal Reserve, however, continued to increase the money supply, resulting in stagflation and a rapidly declining value of the U.S. dollar in the 1970s. This was largely due to the prevailing economic view at the time that inflation and real economic growth were linked (the Phillips curve),", + "score": 0.69384765625 + }, + { + "id": "482522", + "title": "Gold standard", + "text": "in 1865, and the United States and Germany (\"de jure\") in 1873 adopted gold. The United States used the eagle as its unit, Germany introduced the new gold mark, while Canada adopted a dual system based on both the American gold eagle and the British gold sovereign. Australia and New Zealand adopted the British gold standard, as did the British West Indies, while Newfoundland was the only British Empire territory to introduce its own gold coin. Royal Mint branches were established in Sydney, Melbourne, and Perth for the purpose of minting gold sovereigns from Australia's rich gold deposits. The gold", + "score": 0.69384765625 + }, + { + "id": "1527774", + "title": "United States Note", + "text": "June 1874, Congress established a maximum for Greenback circulation of $382,000,000, and during January 1875, approved the Specie Payment Resumption Act, which authorized a reduction of the circulation of Greenbacks towards a revised limit of $300,000,000, and required the government to redeem them for gold, on demand, after 1 January 1879. As a result, the currency strengthened and by April 1876, the notes were on par with silver coins which then began to re-emerge into circulation. On May 31, 1878, the contraction in the circulation was halted at $346,681,016\u2014a level which would be maintained for almost 100 years afterwards. While", + "score": 0.693359375 + }, + { + "id": "12705647", + "title": "Public Credit Act of 1869", + "text": "standard in practice. Bank notes were legal tender issued by state banks which could be exchanged for an amount of gold at any bank. Both gold and bank notes circulated as mediums of exchange. On February 25, 1862, the U.S. passed the First Legal Tender Act to help finance the Civil War. The act changed the economy to a fiduciary standard based on a fiat currency called United States Notes, or more popularly called greenbacks. Unlike bank notes, greenbacks were not backed by any sort of metallic standard and acted almost like a \"loan without interest\". Greenbacks were issued as", + "score": 0.693359375 + }, + { + "id": "2391018", + "title": "Bretton Woods system", + "text": "private entities\u2014on 18 March, 1968 the Congress of the United States repealed the 25% requirement of gold backing of the dollar\u2014as well as the U.S. pledge to suspend gold sales to governments that trade in the private markets, led to the expansion of the private markets for international gold trade, in which the price of gold rose much higher than the official dollar price. U.S. gold reserves remained depleted due to the actions of some nations, notably France, which continued to build up their own gold reserves. In the 1960s and 1970s, important structural changes eventually led to the breakdown", + "score": 0.693359375 + }, + { + "id": "12287536", + "title": "United States dollar", + "text": "the Civil War. Silver and gold coins continued to be issued and in 1878 the link between paper money and coins was reinstated. This disconnection from gold and silver backing also occurred during the War of 1812. The use of paper money not backed by precious metals had also occurred under the Articles of Confederation from 1777 to 1788. With no solid backing and being easily counterfeited, the continentals quickly lost their value, giving rise to the phrase \"not worth a continental\". This was a primary reason for the \"No state shall... make any thing but gold and silver coin", + "score": 0.69287109375 + }, + { + "id": "7372765", + "title": "Smithsonian Agreement", + "text": "gold price devalued the dollar by 7.9%. The Bretton Woods Conference of 1944 established an international fixed exchange rate system based on the gold exchange standard, in which currencies were pegged to the United States dollar, itself convertible into gold at $35/ounce. A negative balance of payments, growing public debt incurred by the Vietnam War and Great Society programs, and monetary inflation by the Federal Reserve caused the dollar to become increasingly overvalued in the 1960s. The drain on US gold reserves culminated with the London Gold Pool collapse in March 1968. On August 15, 1971, President Richard Nixon unilaterally", + "score": 0.69287109375 + }, + { + "id": "482552", + "title": "Gold standard", + "text": "early 1930s, the Federal Reserve defended the dollar by raising interest rates, trying to increase the demand for dollars. This helped attract international investors who bought foreign assets with gold. Congress passed the Gold Reserve Act on 30 January 1934; the measure nationalized all gold by ordering Federal Reserve banks to turn over their supply to the U.S. Treasury. In return the banks received gold certificates to be used as reserves against deposits and Federal Reserve notes. The act also authorized the president to devalue the gold dollar. Under this authority the president, on 31 January 1934, changed the value", + "score": 0.6923828125 + }, + { + "id": "4868047", + "title": "International economics", + "text": "Agreement had agreed to maintain their currencies each at a fixed exchange rate with the United States dollar, and the United States government had undertaken to buy gold on demand at a fixed rate of $35 per ounce. In support of those commitments, most signatory nations had maintained strict control over their nationals\u2019 use of foreign exchange and upon their dealings in international financial assets. But in 1971 the United States government announced that it was suspending the convertibility of the dollar, and there followed a progressive transition to the current regime of \"floating exchange rates\" in which most governments", + "score": 0.6923828125 + }, + { + "id": "714576", + "title": "Polish z\u0142oty", + "text": "doctor\". The z\u0142oty started to stabilise in 1926 (thanks chiefly to significant exports of coal), and was re-set on the dollar-z\u0142oty rate 50% higher than in 1924. Up to 1933 z\u0142oty was freely exchanged into gold and foreign currencies. Based on these developments, the government made the decision to adopt the gold standard for its currency. In 1924\u20131925 the banks experienced large capital outflows, but by 1926 people were investing actively in the banks. The economic progress built on increased demand for and exports of coal slowed down because of an over-valued z\u0142oty during 1927. As a result, imports became", + "score": 0.69189453125 + }, + { + "id": "7816268", + "title": "Trade dollar (United States coin)", + "text": "commerce, the coins were officially demonetized in 1876, but continued to circulate. Production of business strikes ended in 1878, though the mintage of proof coins officially continued until 1883. The trade dollar was re-monetized when the Coinage Act of 1965 was signed into law. Following the California gold rush that began in 1849 and the Australian gold rush that began in 1851, a larger amount of gold was put into commerce than could be easily absorbed by the normal channels. This resulted in a decrease in the value of gold and an increase in the relative value of silver. As", + "score": 0.69189453125 + }, + { + "id": "13033251", + "title": "Fixed exchange-rate system", + "text": "about America's rapidly deteriorating payments situation and massive flight of liquid capital from the U.S., President Richard Nixon suspended the convertibility of the dollar into gold on 15 August 1971. In December 1971, the Smithsonian Agreement paved the way for the increase in the value of the dollar price of gold from US$35.50 to US$38 an ounce. Speculation against the dollar in March 1973 led to the birth of the independent float, thus effectively terminating the Bretton Woods system. Since March 1973, the floating exchange rate has been followed and formally recognized by the Jamaica accord of 1978. Countries use", + "score": 0.69189453125 + }, + { + "id": "5203730", + "title": "Economic history of India", + "text": "1950. A US Dollar was exchanged at 4.79 rupees. After its victory in the Franco-Prussian War (1870\u201371), Germany extracted a huge indemnity from France of \u00a3200,000,000, and then moved to join Britain on a gold monetary standard. France, the US, and other industrialising countries followed Germany in adopting gold in the 1870s. Countries such as Japan that did not have the necessary access to gold or those, such as India, that were subject to imperial policies remained mostly on a silver standard. Silver-based and gold-based economies then diverged dramatically. The worst affected were silver economies that traded mainly with gold", + "score": 0.69189453125 + }, + { + "id": "106285", + "title": "Dollar", + "text": "relation to the British gold sovereign of roughly $1 = 4s 2d (21p approx). As a result of the decision of the German Empire to stop minting silver \"thaler\" coins in 1871, in the wake of the Franco-Prussian War, the worldwide price of silver began to fall. This resulted in the U.S. Coinage Act (1873) which put the United States onto a 'de facto' gold standard. Canada and Newfoundland were already on the gold standard, and the result was that the value of the dollar in North America increased in relation to silver dollars being used elsewhere, particularly Latin America", + "score": 0.69140625 + }, + { + "id": "5235765", + "title": "History of the United States dollar", + "text": "gold rose in relation to silver, resulting in the removal from commerce of nearly all gold coins, and their subsequent melting. Therefore, in the Coinage Act of 1834, the 15:1 ratio of silver to gold was changed to a 16:1 ratio by reducing the weight of the nation's gold coinage. This created a new U.S. dollar that was backed by 1.50 g (23.22 grains) of gold. However, the previous dollar had been represented by 1.60 g (24.75 grains) of gold. The result of this revaluation, which was the first devaluation of the U.S. dollar, was that the value in gold", + "score": 0.69091796875 + }, + { + "id": "10011658", + "title": "Great Depression in the Netherlands", + "text": "the Netherlands. As in most other affected countries, the end of the Great Depression in the Netherlands was gradual, but in the Netherlands, recovery did not start before 1936, when the country abandoned the gold standard. By 1933, only a few European states still remained with the gold standard, while among others the United Kingdom and the United States had abandoned it. By cooperating in international negotiation as a \"gold bloc\" and lowering trade restrictions among themselves these states tried to survive harsh foreign competition without accepting currency devaluation. Internal trade failed to solve their problems, however, and by 1935", + "score": 0.69091796875 + }, + { + "id": "7225430", + "title": "Newfoundland dollar", + "text": "American dollar. That opened up the opportunity for a one-way arbitrage market with the United States. It became profitable to convert Canadian dollars for gold in Newfoundland and then take the gold to the United States to sell for a profit. This brought economic pressure on Newfoundland as its gold reserves started to diminish. In December 1931, the Newfoundland government took Newfoundland off the gold standard. This was followed by legislation in the spring of 1932, which amended the \"Currency Act\" to prohibit the export of gold without a permit. Bank notes became legal tender, and notes were no longer", + "score": 0.6904296875 + }, + { + "id": "156851", + "title": "Gold", + "text": "century industrial economies. In preparation for World War I the warring nations moved to fractional gold standards, inflating their currencies to finance the war effort. Post-war, the victorious countries, most notably Britain, gradually restored gold-convertibility, but international flows of gold via bills of exchange remained embargoed; international shipments were made exclusively for bilateral trades or to pay war reparations. After World War II gold was replaced by a system of nominally convertible currencies related by fixed exchange rates following the Bretton Woods system. Gold standards and the direct convertibility of currencies to gold have been abandoned by world governments, led", + "score": 0.6904296875 + }, + { + "id": "4570122", + "title": "Coin's Financial School", + "text": "be redeemed in gold or silver. In 1862, the government issued \u201cgreenbacks\u201d, which were unbacked notes that relied on government credit to retain value by themselves without the backing of metal. By the end of the war, gold was worth 1.5 greenback. This, combined with the amount of debt the government already owed, threatened the war-torn economy as it prepared to pay off its war debts. As a response to the growing concerns regarding the amount of paper money used and growing debt of the United States, the Congress passed the Fourth Coinage Act in 1873. This law eliminated silver", + "score": 0.6904296875 + }, + { + "id": "498771", + "title": "Cross of Gold speech", + "text": "store of value. He also proposed the establishment of a mint, at which citizens could present gold or silver, and receive it back, struck into money. On April 2, 1792, Congress passed the Mint Act of 1792. This legislation defined a unit of value for the new nation, to be known as a dollar. The new unit of currency was defined to be equal to of gold, or alternatively, of silver, establishing a ratio of value between gold and silver of 15:1. The legislation also established the Mint of the United States. In the early 19th century, the economic disruption", + "score": 0.689453125 + }, + { + "id": "5235771", + "title": "History of the United States dollar", + "text": "standard unit of value, and all forms of money issued or coined by the United States shall be maintained at a parity of value with this standard ... Thus the United States moved to a gold standard, making both gold and silver the legal-tender coinage of the United States, and guaranteed the dollar as convertible to 1.5 g (23.22 grains) of gold. The gold standard was suspended twice during World War I, once fully and then for foreign exchange. At the onset of the war, U.S. corporations had large debts payable to European entities, who began liquidating their debts in", + "score": 0.689453125 + }, + { + "id": "129088", + "title": "Eastern Caribbean dollar", + "text": "followed with Germany's transition to the gold standard between 1871 and 1873. In the years immediately following 1873, there was a fear that the British West Indies might return to a silver standard. As such, legislation was passed in the individual territories to demonetize the silver dollars. Even though the British coinage was also silver, it represented fractions of the gold sovereign and so its value was based on a gold standard. During this period, and into the nineteenth century, accounts could be kept in either dollars or sterling. Jamaica, Bermuda, and the Bahamas preferred to use sterling accounts whereas", + "score": 0.68896484375 + }, + { + "id": "8128360", + "title": "Panic of 1896", + "text": "about the Gold Standard by his successful navigation out of the Panic of 1896, as the economy recovered by 1900. The Gold Standard Act formally adopted gold as the lone standard for redeeming paper money in the United States, effectively stopping bimetallism in its tracks. The economic hard times caused debates over whether America should remain on the gold standard or use a bimetallic standard. The continued economic hardships after the Panic of 1893 and the 1895 Morgan Bonds episode into the Panic of 1896 increased American worry about the strength of the American economy. Many members of the Populist", + "score": 0.68896484375 + }, + { + "id": "2391029", + "title": "Bretton Woods system", + "text": "the Federal Reserve caused the dollar to become increasingly overvalued. The drain on U.S. gold reserves culminated with the London Gold Pool collapse in March 1968. By 1970, the U.S. had seen its gold coverage deteriorate from 55% to 22%. This, in the view of neoclassical economists, represented the point where holders of the dollar had lost faith in the ability of the U.S. to cut budget and trade deficits. In 1971 more and more dollars were being printed in Washington, then being pumped overseas, to pay for government expenditure on the military and social programs. In the first six", + "score": 0.6884765625 + }, + { + "id": "12287539", + "title": "United States dollar", + "text": "tariffs. However, silver and gold coins continued to be issued, resulting in the depreciation of the newly printed notes through Gresham's Law. In 1869, Supreme Court ruled in Hepburn v. Griswold that Congress could not require creditors to accept United States Notes, but overturned that ruling the next year in the Legal Tender Cases. In 1875, Congress passed the Specie Payment Resumption Act, requiring the Treasury to allow US Notes to be redeemed for gold after January 1, 1879. The Treasury ceased to issue United States Notes in 1971. The Gold Standard Act of 1900 abandoned the bimetallic standard and", + "score": 0.6884765625 + } + ], + "answer": "The dates the US went off the gold standard and completely severed links to it differ. Upon taking office in March 1933, US President Franklin D. Roosevelt departed from the gold standard. The US went off the gold standard on June 5, 1933, but still allowed foreign governments to trade gold for dollars. It wasn't until 1971 that the US completely severed any link to the gold standard." + }, + { + "qa_pairs": [ + { + "context": "The Chicago blues is a form of blues music indigenous to Chicago, Illinois. Chicago blues is an electric blues style of urban blues.", + "question": "As the blues moved into Chicago's South Side what style of blues developed?", + "short_answers": [ + "Chicago blues" + ], + "wikipage": "Chicago blues" + }, + { + "context": "What drove the blues to international influence was the promotion of record companies such as Paramount Records, RCA Victor, and Columbia Records. Through such record companies Chicago blues became a commercial enterprise. The new style of music eventually reached Europe and the United Kingdom. In the 1960s, young British musicians were highly influenced by Chicago blues resulting in the British blues movement.", + "question": "As blues moved into Chicago's South Side what style of blues developed that was influenced by Chicago blues?", + "short_answers": [ + "British blues" + ], + "wikipage": "Chicago blues" + } + ], + "wikipages": [ + { + "title": "Chicago blues", + "url": "https://en.wikipedia.org/wiki/Chicago%20blues" + }, + { + "title": "South Side, Chicago", + "url": "https://en.wikipedia.org/wiki/South%20Side%2C%20Chicago" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "As blues moved into Chicago's south side, an electric blues style of urban blues known as Chicago blues was developed. The promotion of record companies such as Paramount Records, RCA Victor, and Columbia Records drove blues to the international stage and influenced young British musicians, resulting in the British blues movement. " + }, + { + "knowledge": [ + { + "content": "The first blues clubs in Chicago were mostly in predominantly black neighborhoods on the South Side, with a few in the smaller black neighborhoods on the West Side.", + "wikipage": "Chicago blues History" + } + ], + "long_answer": "Chicago blues is a form of blues music developed in Chicago, Illinois. It is based on earlier blues idioms, such as Delta blues, but performed in an urban style. The first blues clubs in Chicago were mostly in predominantly black neighborhoods on the South Side, with a few in the smaller black neighborhoods on the West Side. As the new style of music eventually reached Europe and the United Kingdom, young British musicians were highly influenced by Chicago blues, resulting in the British blues movement." + } + ], + "sample_id": "-5001543574321430501", + "question": "As blues moved into chicago's south side what style of blues developed?", + "docs": [ + { + "id": "10708118", + "title": "South Side, Chicago", + "text": "DuSable Museum of African American History. By the late 1960s the South Side had a resurgent art movement led by Jim Nutt, Gladys Nilsson and Karl Wirsum, who became known as the Chicago Imagists. Music in Chicago flourished, with musicians bringing blues and gospel influences up from Mississippi and stops along the way and creating a Chicago sound in blues and jazz. There was opportunity for independent companies because labels with studios in New York City or Los Angeles only kept regional distribution offices in Chicago. In 1948, Blues was introduced by Aristocrat Records (later Chess Records). Muddy Waters and", + "score": 0.83935546875, + "summary": "As per the given document, it is mentioned that musicians brought blues and gospel influences up from Mississippi and stops along the way creating a Chicago sound in blues and jazz. However, it does not specify any particular style of blues that developed as blues moved into Chicago's south side. Therefore, the answer is \"irrelevant.\"", + "extraction": "As blues was introduced by Aristocrat Records in Chicago in 1948, the style of blues that developed on the city's south side was a Chicago sound in blues and jazz, with musicians bringing blues and gospel influences up from Mississippi and stops along the way." + }, + { + "id": "1477473", + "title": "Chicago blues", + "text": "Chicago blues The Chicago blues is a form of blues music indigenous to Chicago, Illinois. Chicago blues is an electric blues style of urban blues. Urban blues evolved from classic blues following the Great Migration, or the Great Northern Drive, which was both forced and voluntary at times, of African Americans from the southern United States to the industrial cities of the north, such as Chicago. Muddy Waters directly joined that migration, like many others, avoiding the more harsh southern Jim Crow laws. Bruce Iglauer, founder of Alligator Records stated that, \"Chicago blues is the music of the industrial city,", + "score": 0.83056640625, + "summary": "As the blues moved into Chicago's south side, an electric blues style of urban blues developed.", + "extraction": "As the passage states, \"Chicago blues is an electric blues style of urban blues.\" Therefore, as blues moved into Chicago's south side, the style of blues that developed was electric blues." + }, + { + "id": "1477476", + "title": "Chicago blues", + "text": "the open-air market on Maxwell Street, one of the largest open-air markets in the nation. Residents of the black community would frequent it to buy and sell just about anything. It was a natural location for blues musicians to perform, earn tips, and jam with other musicians. The standard path for blues musicians was to start out as street musicians and at house parties and eventually make their way to blues clubs. The first blues clubs in Chicago were mostly in predominantly black neighborhoods on the South Side, with a few in the smaller black neighborhoods on the West Side.", + "score": 0.8046875, + "summary": "As the document does not provide information on the style of blues that developed in Chicago's south side, the answer is \"irrelevant.\"", + "extraction": "Irrelevant." + }, + { + "id": "11729481", + "title": "Music of Chicago", + "text": "Music of Chicago Chicago, Illinois is a major center for music in the midwestern United States where distinctive forms of blues (greatly responsible for the future creation of rock and roll), and house music, a genre of electronic dance music, were developed. The \"Great Migration\" of poor black workers from the South into the industrial cities brought traditional jazz and blues music to the city, resulting in Chicago blues and \"Chicago-style\" Dixieland jazz. Notable blues artists included Muddy Waters, Junior Wells, Howlin' Wolf and both Sonny Boy Williamsons; jazz greats included Nat King Cole, Gene Ammons, Benny Goodman and Bud", + "score": 0.7978515625, + "summary": "As the \"Great Migration\" brought traditional jazz and blues music to Chicago, Chicago blues and \"Chicago-style\" Dixieland jazz developed. Notable blues artists included Muddy Waters, Junior Wells, Howlin' Wolf and both Sonny Boy Williamsons.", + "extraction": "As blues moved into Chicago's south side, Chicago blues style developed." + }, + { + "id": "198239", + "title": "Illinois", + "text": "house music, a genre of electronic dance music, were developed. The Great Migration of poor black workers from the South into the industrial cities brought traditional jazz and blues music to the city, resulting in Chicago blues and \"Chicago-style\" Dixieland jazz. Notable blues artists included Muddy Waters, Junior Wells, Howlin' Wolf and both Sonny Boy Williamsons; jazz greats included Nat King Cole, Gene Ammons, Benny Goodman, and Bud Freeman. Chicago is also well known for its soul music. In the early 1930s, Gospel music began to gain popularity in Chicago due to Thomas A. Dorsey's contributions at Pilgrim Baptist Church.", + "score": 0.79541015625, + "summary": "As blues moved into Chicago's south side, the Chicago blues style developed, along with \"Chicago-style\" Dixieland jazz. Notable blues artists included Muddy Waters, Junior Wells, Howlin' Wolf and both Sonny Boy Williamsons.", + "extraction": "Chicago blues developed as blues moved into Chicago's south side." + }, + { + "id": "34020", + "title": "Blues", + "text": "root there during a much acclaimed Muddy Waters tour. Waters, unsuspecting of his audience's tendency towards skiffle, an acoustic, softer brand of blues, turned up his amp and started to play his Chicago brand of electric blues. Although the audience was largely jolted by the performance, the performance influenced local musicians such as Alexis Korner and Cyril Davies to emulate this louder style, inspiring the British invasion of the Rolling Stones and the Yardbirds. In the late 1950s, a new blues style emerged on Chicago's West Side pioneered by Magic Sam, Buddy Guy and Otis Rush on Cobra Records. The", + "score": 0.79150390625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about the development of a new blues style on Chicago's West Side, but does not provide information about the style of blues that developed as blues moved into Chicago's South Side." + }, + { + "id": "33973", + "title": "Blues", + "text": "first publication of blues sheet music was in 1908. Blues has since evolved from unaccompanied vocal music and oral traditions of slaves into a wide variety of styles and subgenres. Blues subgenres include country blues, such as Delta blues and Piedmont blues, as well as urban blues styles such as Chicago blues and West Coast blues. World War II marked the transition from acoustic to electric blues and the progressive opening of blues music to a wider audience, especially white listeners. In the 1960s and 1970s, a hybrid form called blues rock developed, which blended blues styles with rock music.", + "score": 0.7890625, + "summary": "As blues moved into Chicago's south side, the style of blues that developed was Chicago blues, which is an urban blues style.", + "extraction": "As the passage states, \"urban blues styles such as Chicago blues\" developed as blues moved into Chicago's south side. Therefore, the style of blues that developed was Chicago blues." + }, + { + "id": "34016", + "title": "Blues", + "text": "became a center for electric blues from 1948 on, when Muddy Waters recorded his first success, \"I Can't Be Satisfied\". Chicago blues is influenced to a large extent by Delta blues, because many performers had migrated from the Mississippi region. Howlin' Wolf, Muddy Waters, Willie Dixon and Jimmy Reed were all born in Mississippi and moved to Chicago during the Great Migration. Their style is characterized by the use of electric guitar, sometimes slide guitar, harmonica, and a rhythm section of bass and drums. The saxophonist J. T. Brown played in bands led by Elmore James and by J. B.", + "score": 0.783203125, + "summary": "Chicago blues developed as a style of electric blues on the south side of Chicago, influenced by Delta blues and migrated performers such as Howlin' Wolf, Muddy Waters, Willie Dixon, and Jimmy Reed.", + "extraction": "The style of Chicago blues developed as blues moved into Chicago's south side is characterized by the use of electric guitar, sometimes slide guitar, harmonica, and a rhythm section of bass and drums." + }, + { + "id": "11729483", + "title": "Music of Chicago", + "text": "electrically amplified guitar, drums, piano, bass guitar and sometimes the saxophone or harmonica, which are generally used in Delta blues, which originated in Mississippi. Chicago Blues has a more extended palette of notes than the standard six-note blues scale; often, notes from the major scale and dominant 9th chords are added, which gives the music more of a \"jazz feel\" while still being in the blues genre. Chicago blues is also known for its heavy rolling bass. The music developed mainly as a result of the \"Great Migration\" of poor black workers from the South into the industrial cities of", + "score": 0.78173828125, + "summary": "As blues moved into Chicago's south side, Chicago Blues developed with an extended palette of notes and a heavy rolling bass, often using electrically amplified guitar, drums, piano, bass guitar, saxophone, or harmonica. Notes from the major scale and dominant 9th chords are added, giving it more of a \"jazz feel\" while still being in the blues genre.", + "extraction": "As blues moved into Chicago's south side, Chicago blues style developed, which has a more extended palette of notes than the standard six-note blues scale and often incorporates notes from the major scale and dominant 9th chords, giving the music more of a \"jazz feel\" while still being in the blues genre." + }, + { + "id": "10708095", + "title": "South Side, Chicago", + "text": "expanded with the Great Migration, as blacks left the agrarian South seeking a better future in the industrial North, including the South Side. By 1910 the black population in Chicago reached 40,000, with 78% residing in the Black Belt. Extending 30 blocks, mostly between 31st and 55th Streets, along State Street, but only a few blocks wide, it developed into a vibrant community dominated by black businesses, music, food and culture. As more blacks moved into the South Side, descendants of earlier immigrants, such as ethnic Irish, began to move out. Later housing pressures and civic unrest caused more whites", + "score": 0.78076171875, + "summary": "As the black population in Chicago's South Side grew due to the Great Migration, a vibrant community dominated by black businesses, music, food, and culture developed. However, the document does not mention what style of blues developed as blues moved into Chicago's South Side.", + "extraction": "Irrelevant." + }, + { + "id": "6076333", + "title": "Maxwell Street", + "text": "established city musicians such as Big Bill Broonzy and new arrivals from the South, produced a new musical genre \u2013 electrified, urban blues, later coined, \"Chicago Blues.\" This amplified, new sound was different from the acoustic country blues played in the South. It was popularized by blues giants such as Muddy Waters, Little Walter, Bo Diddley and Howlin' Wolf and evolved into rock & roll. From the first, the blues signified a lament or elegy for hard times, though it outgrew that limitation. When economic decline in the American South after World War I caused many Delta Blues and Jazz", + "score": 0.7783203125, + "summary": "As blues moved into Chicago's south side, a new style of blues called \"Chicago Blues\" developed, which was electrified and different from the acoustic country blues played in the South. It was popularized by blues giants such as Muddy Waters, Little Walter, Bo Diddley, and Howlin' Wolf and evolved into rock & roll.", + "extraction": "\"Electrified, urban blues\" developed as blues moved into Chicago's south side." + }, + { + "id": "16690644", + "title": "Culture Coast Chicago", + "text": "musicians like Benny Goodman and Jelly Roll Morton entertained crowds at the Grand Terrace, Midway Gardens Ballroom, and other South Side venues. The post-World War II era gave rise to blues greats such as Buddy Guy, Muddy Waters, Howlin' Wolf, Little Milton, Etta James, Bo Diddley, Magic Sam, Robert Lockwood Jr., Junior Wells, and Freddie King. Eclectic jazz composer Sun Ra played with his Arkestra at the renowned Club De Lisa on Chicago's South Side. A later blues/folk revival introduced Chicago to a new generation of musicians, including blues vocalist and harmonica player Paul Butterfield and Grammy nominee David Bromberg,", + "score": 0.775390625, + "summary": "As the blues moved into Chicago's South Side, great blues musicians such as Buddy Guy, Muddy Waters, Howlin' Wolf, Little Milton, Etta James, Bo Diddley, Magic Sam, Robert Lockwood Jr., Junior Wells, and Freddie King emerged.", + "extraction": "As the passage does not mention anything about the style of blues that developed on Chicago's South Side, the answer is \"irrelevant\"." + }, + { + "id": "3108683", + "title": "Guitar solo", + "text": "had also recorded at least one electric guitar solo, but his innovation was neither much noted nor influential. Howlin' Wolf, Muddy Waters, Willie Dixon, and Jimmy Reed played in Chicago in a style characterized by the use of electric guitar, sometimes slide guitar, harmonica, and a rhythm section of bass and drums. In the late 1950s, a new blues style emerged on Chicago's West Side pioneered by Magic Sam, Buddy Guy and Otis Rush on Cobra Records. The 'West Side Sound' had strong rhythmic support from a rhythm guitar, bass guitar and drums and as pefected by Guy, Freddie King,", + "score": 0.7744140625, + "summary": "In the late 1950s, a new blues style called the \"West Side Sound\" emerged in Chicago's West Side, pioneered by Magic Sam, Buddy Guy, and Otis Rush. The style included a rhythm guitar, bass guitar, and drums. The document is irrelevant to the question as it does not mention the development of any specific style of blues as blues moved into Chicago's south side.", + "extraction": "The passage is irrelevant as it does not provide any information on the development of a blues style in Chicago's south side." + }, + { + "id": "1477474", + "title": "Chicago blues", + "text": "and has an industrial sense about it.\" Additionally, recognizing the shift in blues, Chicago blues singer and guitarist Kevin Moore expressed the blues transition stating, \"You have to put some new life into it, new blood, new perspectives. You can't keep talking about mules, workin' on the levee.\" Chicago blues was heavily influenced by Mississippi bluesmen who traveled to Chicago in the early 1940s. The development of blues, up to Chicago blues, is arguably as follows: Country blues, to city blues, to urban blues. Chicago blues is based on the sound of the electric guitar and the harmonica, with the", + "score": 0.771484375, + "summary": "Chicago blues was heavily influenced by Mississippi bluesmen and developed a style based on the sound of the electric guitar and harmonica. However, the document does not specifically mention what style of blues developed as it moved into Chicago's south side.", + "extraction": "Chicago blues is based on the sound of the electric guitar and the harmonica. It developed after Mississippi bluesmen traveled to Chicago in the early 1940s and is a style of urban blues that was influenced by country and city blues." + }, + { + "id": "1472534", + "title": "Electric blues", + "text": "J.O.B. Records. In the late 1950s, the West Side style blues emerged in Chicago with major figures including Magic Sam, Jimmy Dawkins, Magic Slim and Otis Rush. West side clubs were more accessible to white audiences, but performers were mainly black, or part of mixed combos. West side blues incorporated elements of blues rock but with a greater emphasis on standards and traditional blues song forms. Albert King, Buddy Guy, and Luther Allison had a West Side style that was dominated by amplified electric lead guitar. Memphis, with its flourishing acoustic blues scene based in Beale Street, also developed an", + "score": 0.76806640625, + "summary": "As the blues moved into Chicago's south side, the West Side style blues developed with major figures including Magic Sam, Jimmy Dawkins, Magic Slim and Otis Rush.", + "extraction": "Irrelevant." + }, + { + "id": "17394110", + "title": "Chicago in the 1930s", + "text": "to cope with their grievances. Numerous southern blues and jazz musicians made a name for themselves in the city as they had done in the 1920s. The theater scene in Chicago thrived during this period. During the early days of Great Depression, musicians from the southern region migrated to the north to Chicago and the Chicago blues absorbed them into their fold, allowing their ensembles to become very popular. The originality of each musician was brought to the fore in these ensembles. In 1930, President Herbert Hoover's work on behalf of Chicago's \"Al Capone\" problem began to \"get legs.\" A", + "score": 0.767578125, + "summary": "As the Great Depression began, southern blues and jazz musicians migrated to Chicago where the Chicago blues absorbed them and allowed their ensembles to become popular, showcasing the originality of each musician. However, the document does not directly answer the question of what style of blues developed as blues moved into Chicago's south side.", + "extraction": "Irrelevant. The passage does not provide any information about what style of blues developed as blues moved into Chicago's south side." + }, + { + "id": "34006", + "title": "Blues", + "text": "Sleepy John Estes, Robert Wilkins, Joe McCoy, Casey Bill Weldon and Memphis Minnie used a variety of unusual instruments such as washboard, fiddle, kazoo or mandolin. Memphis Minnie was famous for her virtuoso guitar style. Pianist Memphis Slim began his career in Memphis, but his distinct style was smoother and had some swing elements. Many blues musicians based in Memphis moved to Chicago in the late 1930s or early 1940s and became part of the urban blues movement. City or urban blues styles were more codified and elaborate, as a performer was no longer within their local, immediate community, and", + "score": 0.765625, + "summary": "As the document does not provide any information about the style of blues that developed when blues moved into Chicago's south side, the answer is \"irrelevant\".", + "extraction": "As the passage does not provide any information about the development of a specific style of blues in Chicago's south side, the answer is \"irrelevant\"." + }, + { + "id": "11729492", + "title": "Music of Chicago", + "text": "public attention since the early 1990s include Marbin, David Boykin, Karl E. H. Seigfried, Jeff Parker, Joshua Abrams and Jim Baker. Common to many of this new generation is an embrace of a wide variety of styles and techniques. During the mid-1960s to the late 1970s a new style of soul music emerged from Chicago. Its sound, like southern soul with its rich influence of black gospel music, also exhibited an unmistakable gospel sound, but was somewhat lighter and more delicate in its approach, and was sometimes called \"soft soul\". Popular R&B/soul artists from Chicago include The Impressions, Sam Cooke,", + "score": 0.7646484375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "1477484", + "title": "Chicago blues", + "text": "early records. Although The Beatles were not significantly influenced by Chicago blues music, later British invasion bands and artists such as The Rolling Stones, The Yardbirds, The Jimi Hendrix Experience, Cream, and Rory Gallagher were all influenced by Chicago blues musicians such as Big Bill Broonzy, Willie Dixon, Muddy Waters, and Howlin' Wolf. Chicago blues The Chicago blues is a form of blues music indigenous to Chicago, Illinois. Chicago blues is an electric blues style of urban blues. Urban blues evolved from classic blues following the Great Migration, or the Great Northern Drive, which was both forced and voluntary at", + "score": 0.75927734375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the development of a specific style of blues as blues moved into Chicago's south side." + }, + { + "id": "6586645", + "title": "History of African Americans in Chicago", + "text": "longest were the ones most likely to move to the newer, most expensive housing, as they could afford it. After WWII, the early white residents (many Irish immigrants and their descendants) on the South Side began to move away under pressure of new migrants and with newly expanding housing opportunities. African Americans continued to move into the area, which had become the black capital of the country. The South Side became predominantly black. The Black Belt was formed. At the turn of the century, southern states succeeded in passing new constitutions and laws that disfranchised most blacks and many poor", + "score": 0.7587890625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "12896295", + "title": "Stand Back! Here Comes Charley Musselwhite's Southside Band", + "text": "\"seminal\", and \"one of the classic blues albums of the decade.\" Its success established Musselwhite in the field of blues music, but it also influenced rock and roll. The Southside Band, named for Chicago's South Side, was a combination of blues rhythm section\u2014with Fred Below and Bob Anderson\u2014and rock-influenced musicians Barry Goldberg and Harvey Mandel. Among the first blues albums targeted also to fans of rock and roll, it was influential in bridging the gap between blues and rock. The album's success allowed Musselwhite to launch a career as a full-time musician, relocating from Chicago to California, and also secured", + "score": 0.7587890625 + }, + { + "id": "11729487", + "title": "Music of Chicago", + "text": "Housecat, Fingers Inc., Ron Hardy, Larry Heard, Steve 'Silk' Hurley, Marshall Jefferson, Curtis Jones, Paul Johnson, Frankie Knuckles, Lil' Louis, Jesse Saunders, Joe Smooth and Ten City. The distinctive \"Chicago style\" of jazz originated in southern musicians moving North after 1917, bringing with them the New Orleans \"Dixieland\" or sometimes called \"hot jazz\" styles. King Oliver and Jelly Roll Morton became stars of the Chicago jazz scene. Louis Armstrong's recordings with his Chicago-based Louis Armstrong and his Hot Five and Hot Seven band came out in the years 1925 to 1928. These recordings marked the transition of original New Orleans", + "score": 0.75830078125 + }, + { + "id": "1477475", + "title": "Chicago blues", + "text": "harmonica played through a PA system or guitar amplifier, both heavily amplified and often to the point of distortion, and a rhythm section of drums and bass (double bass at first, and later bass guitar) with piano depending on the song or performer. Urban blues started in Chicago and St. Louis, as music created by part-time musicians playing as street musicians, at rent parties, and other events in the black community. For example, bottleneck guitarist Kokomo Arnold was a steelworker and had a moonshine business that was far more profitable than his music. An early incubator for Chicago blues was", + "score": 0.7568359375 + }, + { + "id": "2072021", + "title": "Chicago soul", + "text": "Chicago soul Chicago soul is a style of soul music that arose during the 1960s in Chicago. Along with Detroit, the home of Motown, and Memphis, with its hard-edged, gritty performers (see Memphis soul), Chicago and the Chicago soul style helped spur the album-oriented soul revolution of the early 1970s. The sound of Chicago soul, like southern soul with its rich influence of black gospel music, also exhibited an unmistakable gospel sound, but was somewhat lighter and more delicate in its approach. Chicago vocal groups tended to feature laid-back sweet harmonies, while solo artists exhibited a highly melodic and somewhat", + "score": 0.755859375 + }, + { + "id": "11729484", + "title": "Music of Chicago", + "text": "the North, such as Chicago in particular, in the first half of the 20th century. Chicago is one of the places where the faster, juicier boogie-woogie emerged from the blues. The most renowned early recordings of boogies were made in Chicago with Clarence Pinetop Smith, who might have been influenced by the brothers Hersal Thomas and George W. Thomas from Houston, who were together in Chicago in the 1920s. Chicago blues and boogie music continues to be popular today with the annual Chicago Blues Festival, and with appreciation of many musicians such as Muddy Waters, Howlin' Wolf, and Willie Dixon;", + "score": 0.755859375 + }, + { + "id": "34013", + "title": "Blues", + "text": "tunes by Louis Jordan and Big Joe Turner, based in Kansas City, Missouri, influenced the development of later styles such as rock and roll and rhythm and blues. Dallas-born T-Bone Walker, who is often associated with the California blues style, performed a successful transition from the early urban blues \u00e0 la Lonnie Johnson and Leroy Carr to the jump blues style and dominated the blues-jazz scene at Los Angeles during the 1940s. The transition from country blues to urban blues that began in the 1920s was driven by the successive waves of economic crisis and booms which led many rural", + "score": 0.75 + }, + { + "id": "10708119", + "title": "South Side, Chicago", + "text": "Chess Records quickly followed with Chuck Berry, Bo Diddley, Little Walter, Jimmy Rogers and Howlin' Wolf. Vee-Jay, the largest black-owned label before Motown Records, was among the post-World War II companies that formed \"Record Row\" on Cottage Grove between 47th and 50th Streets. In the 1960s, it was located along South Michigan Avenue. Rhythm and blues continued to thrive after Record Row became the hub of gospelized rhythm and blues, known as soul. Chicago continues as a prominent musical city. Many other artists have left their mark on Chicago's South Side. These include Upton Sinclair and James Farrell via fiction,", + "score": 0.7490234375 + }, + { + "id": "17299498", + "title": "Chicago Black Renaissance", + "text": "in factories, mills, and stockyards. As more of the population moved north, the sound developed and grew in popularity. In 1922, Louis Armstrong followed his band leader Joe \"King\" Oliver to Chicago from New Orleans. He showed a unique talent for improvisation and quickly became jazz sensation. For 30 years, he defined jazz in Chicago. During that time, Chicago heard a number of jazz greats such as Earl \"Fatha\" Hines, Jelly Roll Morton, Erskine Tate, Fats Waller, and Cab Calloway. Blues also came to Chicago from the southeast during this period. In contrast to jazz, blues brought a somber tone", + "score": 0.74462890625 + }, + { + "id": "1477477", + "title": "Chicago blues", + "text": "New trends in technology, chaotic streets and bars adding drums to an electric mix, gave birth to a new club culture. One of the most famous was Ruby Lee Gatewood's Tavern, known by patrons as \"The Gates\". During the 1930s virtually every big-name artist played there. What drove the blues to international influence was the promotion of record companies such as Paramount Records, RCA Victor, and Columbia Records. Through such record companies Chicago blues became a commercial enterprise. The new style of music eventually reached Europe and the United Kingdom. In the 1960s, young British musicians were highly influenced by", + "score": 0.744140625 + }, + { + "id": "2068320", + "title": "Music of Illinois", + "text": "industrial city from the deep south, and, seeking a way to be heard in the raucous clubs, turned to electric guitar and other forms of amplified music. The result was a tough, gritty sound that directly led to the creation of rock and roll. As the style developed, artists added more instruments and diversification of styles. Key early Chicago blues artists included Howlin' Wolf (buried in Hillside, IL near Chicago), Willie Dixon, Bo Diddley and Muddy Waters (d.1983). Chicago would continue to be a hotbed of activity in this genre, with artists including Buddy Guy, Koko Taylor (d.2009), Junior Wells,", + "score": 0.7431640625 + }, + { + "id": "1477478", + "title": "Chicago blues", + "text": "Chicago blues resulting in the British blues movement. Well-known Chicago blues players include singer/songwriters such as Muddy Waters, Howlin' Wolf, Willie Dixon, Earl Hooker, Slim Harpo and Koko Taylor; guitar players such as Freddie King, Otis Rush, Jimmy Nick, Luther Allison, Magic Sam, Magic Slim, Linsey Alexander, Syl Johnson, Jimmy Rogers, Buddy Guy, Robert Lockwood Jr., Bo Diddley, Mike Bloomfield, Mike Wheeler, Homesick James, Johnny Shines, Johnny Young, Floyd Jones, Eddy Clearwater, Mighty Joe Young, Phil Guy, Lil' Ed Williams, J. B. Hutto, and Elmore James; harmonica players such as Big Walter Horton, Little Walter, Billy Boy Arnold, Charlie Musselwhite,", + "score": 0.7431640625 + }, + { + "id": "34015", + "title": "Blues", + "text": "blues music such as the use of electric instruments and amplification and the generalization of the blues beat, the blues shuffle, which became ubiquitous in R&B. This commercial stream had important consequences for blues music, which, together with jazz and gospel music, became a component of R&B. After World War II, new styles of electric blues became popular in cities such as Chicago, Memphis, Detroit and St. Louis. Electric blues used electric guitars, double bass (gradually replaced by bass guitar), drums, and harmonica (or \"blues harp\") played through a microphone and a PA system or an overdriven guitar amplifier. Chicago", + "score": 0.74169921875 + }, + { + "id": "6643818", + "title": "Bud Freeman", + "text": "school formed a jazz group, the Austin High School Gang, Freeman played the C melody saxophone alongside his other band members such as Jimmy McPartland and Frank Teschemacher before switching to tenor saxophone two years later. Influenced by artists like the New Orleans Rhythm Kings and Louis Armstrong from the South, they would begin to formulate their own style, becoming part of the emerging Chicago Style of jazz. In 1927, he moved to New York, where he worked as a session musician and band member with Red Nichols, Roger Wolfe Kahn, Ben Pollack, Joe Venuti, among others. One of his", + "score": 0.74072265625 + }, + { + "id": "34028", + "title": "Blues", + "text": "Chicago-based Paul Butterfield Blues Band featuring guitarist Michael Bloomfield, and the British blues movement. The style of British blues developed in the UK, when bands such as the Animals, Fleetwood Mac, John Mayall & the Bluesbreakers, the Rolling Stones, the Yardbirds, the supergroup Cream and the Irish musician Rory Gallagher performed classic blues songs from the Delta or Chicago blues traditions. In 1963, LeRoi Jones, later known as Amiri Baraka, was the first to write a book on the social history of the blues in Blues People: The Negro Music in White America. In 1970 the trio Manal established in", + "score": 0.740234375 + }, + { + "id": "1472531", + "title": "Electric blues", + "text": "Shines. Early recordings in the new style were made in 1947 and 1948 by musicians such as Johnny Young, Floyd Jones, and Snooky Pryor. The format was perfected by Muddy Waters, who utilized various small groups that provided a strong rhythm section and powerful harmonica. His \"I Can't Be Satisfied\" (1948) was followed by a series of ground-breaking recordings. Chicago blues is influenced to a large extent by the Mississippi blues style, because many performers had migrated from the Mississippi region. Howlin' Wolf, Muddy Waters, Willie Dixon and Jimmy Reed were all born in Mississippi and moved to Chicago during", + "score": 0.7392578125 + }, + { + "id": "8207993", + "title": "Blue Guitars", + "text": "new direction, movement upwards North to Chicago in the pursuit of jobs and a new life. People suddenly found themselves in a completely different situation and this instantly influenced the Blues, the electric style, developed earlier on in Electric Memphis and Texas Blues, remained, however became harder and edgier, instruments like the saxophone were incorporated into the music and gave this new hybrid a sometimes jazzy feel. Once again, the lyric themes shifted away from known territory and began to reflect the changed situation, drugs, alcohol, sex, women, money gained major importance, life in wintry ghettos and anonymous housing schemes", + "score": 0.73876953125 + }, + { + "id": "1477479", + "title": "Chicago blues", + "text": "Paul Butterfield, Junior Wells, Corky Siegel, Billy Branch, James Cotton, Jimmy Reed, Sugar Blue, and Sonny Terry; keyboardists such as Otis Spann, Lafayette Leake, Blind John Davis, and Erwin Helfer, Eddie Ware, Steve Walsh Bluebird was an important Chicago blues label, notably due to the work of A&R/producer Lester Melrose, who created what is known as the \"Bluebird Sound.\". Many blues artists recorded for Bluebird, if only briefly, while Arthur Crudup, Lil Green and Tommy McClennan spent virtually their entire career with the label. Chess Records, run by brothers Leonard and Phil Chess, was probably the most famous of the", + "score": 0.73779296875 + }, + { + "id": "1477483", + "title": "Chicago blues", + "text": "American blues and jazz independent record label, founded by Michael Frank in October 1978 in Chicago. Since its founding, Earwig Music has issued 66 albums, fifty-one produced by Frank, among them the last recordings of Louis Myers, Maxwell Street Jimmy Davis, and Willie Johnson. Chicago blues was one of the most significant influences on early rock music. Chuck Berry originally signed with Chess records\u2014one of the most significant Chicago blues record labels. Berry met and was influenced by Muddy Waters in Chicago and Waters suggested he audition for Chess. Willie Dixon and other blues musicians played on some of Berry's", + "score": 0.7373046875 + }, + { + "id": "1472528", + "title": "Electric blues", + "text": "Electric blues Electric blues refers to any type of blues music distinguished by the use of electric amplification for musical instruments. The guitar was the first instrument to be popularly amplified and used by early pioneers T-Bone Walker in the late 1930s and John Lee Hooker and Muddy Waters in the 1940s. Their styles developed into West Coast blues, Detroit blues, and post-World War II Chicago blues, which differed from earlier, predominantly acoustic-style blues. By the early 1950s, Little Walter was a featured soloist on blues harmonica or blues harp using a small hand-held microphone fed into a guitar amplifier.", + "score": 0.7373046875 + }, + { + "id": "6233707", + "title": "Chicago hip hop", + "text": "formed on Chicago's South Side. This style is very slow, repetitive, heavily influenced by trap music which is synonymous with Southern hip-hop and is considered representative of the South Side's dangerous environment and its effect on the youth. The main rapper in this scene who has brought this style to mainstream prominence is Chief Keef, and his success has extended to other local rappers in the drill scene such as King L, Lil Durk and Lil Reese. A number of artists from Chicago released albums and mixtapes influenced by gospel rap. Notable examples are Chance The Rapper's \"Coloring Book\", Kanye", + "score": 0.73681640625 + }, + { + "id": "34021", + "title": "Blues", + "text": "\"West Side sound\" had strong rhythmic support from a rhythm guitar, bass guitar and drums and as perfected by Guy, Freddie King, Magic Slim and Luther Allison was dominated by amplified electric lead guitar. Expressive guitar solos were a key feature of this music. Other blues artists, such as John Lee Hooker had influences not directly related to the Chicago style. John Lee Hooker's blues is more \"personal\", based on Hooker's deep rough voice accompanied by a single electric guitar. Though not directly influenced by boogie woogie, his \"groovy\" style is sometimes called \"guitar boogie\". His first hit, \"Boogie Chillen\",", + "score": 0.736328125 + }, + { + "id": "15348595", + "title": "Music of Detroit", + "text": "From the 1960s on, the nightclubs and music venues in Detroit could be found dispersed throughout the city and catering to all genres; from jazz at Baker\u2019s Keyboard Lounge on the northern border of the city, to rock and roll at the Grande Ballroom on the west side. The genesis of Blues music in Detroit occurred as a result of the first wave of the Great Migration of African-Americans from the Deep South. In the 1920s, Detroit was home to a number of pianists who performed in the clubs of Black Bottom and played in the Boogie-woogie style of blues,", + "score": 0.73583984375 + }, + { + "id": "1477594", + "title": "Detroit blues", + "text": "promoters have tended to ignore the Detroit scene in favor of the larger, more influential Chicago blues. The Detroit scene was centered on the Black Bottom neighborhood. Detroit blues Detroit blues is blues played by musicians residing in and around Detroit, Michigan, particularly in the 1940s and 1950s. Detroit blues originated when Delta blues performers migrated north from the Mississippi Delta and Memphis, Tennessee, to work in industrial plants in Detroit in the 1920s and 1930s. Typical Detroit blues is similar in style to Chicago blues. Its sound is distinguished from Delta blues by the use of electric amplified instruments", + "score": 0.7353515625 + }, + { + "id": "11219723", + "title": "African-American neighborhood", + "text": "cities. Chicago's South Side and adjoining South Suburbs together constitute the largest geographical predominantly Black region in America, stretching from roughly Cermak Road (22nd St) on the north in the Near South Side to the far south suburb of University Park - a distance of approximately 40 miles. There are various races and ethnic groups in this huge expanse such as Whites, Latinos, Asians, and Arabs, but it is predominantly Black. While the Great Migration helped educated African Americans obtain jobs, while enabling a measure of class mobility, the migrants encountered significant forms of discrimination in the North through a", + "score": 0.7353515625 + }, + { + "id": "7975019", + "title": "Culture of Chicago", + "text": "of the house style of music, which helped lead to the development of techno music in Detroit, Michigan. Chicago artists have played an influential role in the R&B\u2013soul genre. Popular R&B artists to hail from Chicago include R. Kelly, Curtis Mayfield, The Impressions, Jerry Butler, The Chi-Lites, Ahmad Jamal, Dave Hollister, Jennifer Hudson, Baby Huey, and Carl Thomas. Prominent figures from Chicago blues include Sunnyland Slim, Howlin' Wolf, Muddy Waters, Sonny Boy Williamson, Willie Dixon, Elmore James, Albert King, Koko Taylor, Otis Spann, Little Walter, Lonnie Brooks, Junior Wells, Syl Johnson, Buddy Guy, Magic Sam, Magic Slim, Luther Allison, Freddie", + "score": 0.73486328125 + }, + { + "id": "6586659", + "title": "History of African Americans in Chicago", + "text": "working-class families to poor families on welfare. As of May 2016 violence within some Chicago neighborhoods prompted black middle class persons to move to suburbs. Between 1916 and 1920, almost 50,000 Black Southerners moved to Chicago, which profoundly shaped the city's development. Growth increased even more rapidly after 1940. In particular, the new citizens caused the growth of local churches, businesses and community organizations. A new musical culture arose, fed by all the traditions along the Mississippi River. The population continued to increase with new migrants, with the most arriving after 1940. The black arts community in Chicago was especially", + "score": 0.73486328125 + }, + { + "id": "34019", + "title": "Blues", + "text": "Chicago in 1960. After Phillips discovered Elvis Presley in 1954, the Sun label turned to the rapidly expanding white audience and started recording mostly rock 'n' roll. In the 1950s, blues had a huge influence on mainstream American popular music. While popular musicians like Bo Diddley and Chuck Berry, both recording for Chess, were influenced by the Chicago blues, their enthusiastic playing styles departed from the melancholy aspects of blues. Chicago blues also influenced Louisiana's zydeco music, with Clifton Chenier using blues accents. Zydeco musicians used electric solo guitar and cajun arrangements of blues standards. In England, electric blues took", + "score": 0.73486328125 + }, + { + "id": "6586655", + "title": "History of African Americans in Chicago", + "text": "families living in old and dilapidated buildings. The South Side's \"black belt\" also contained zones related to economic status. The poorest residents lived in the northernmost, oldest section of the black belt, while the elite resided in the southernmost section. In the mid-20th century, as African Americans across the United States struggled against the economic confines created by segregation, black residents within the Black Belt sought to create more economic opportunity in their community through the encouragement of local black businesses and entrepreneurs. During this time, Chicago was the capital of Black America. Many African Americans who moved to the", + "score": 0.734375 + }, + { + "id": "83679", + "title": "Chicago", + "text": "settled in a so\u2011called \"Black Belt\" on the city's South Side. Large number of blacks also settled on the West Side. By 1930, two-thirds of Chicago's black population lived in sections of the city which were 90% black in racial composition. Chicago's South Side emerged as United States second-largest urban black concentration, following New York's Harlem. Today, Chicago's South Side and the adjoining south suburbs constitute the largest black majority region in the entire United States. Chicago's population declined in the latter half of the 20th century, from over 3.6 million in 1950 down to under 2.7 million by 2010.", + "score": 0.73388671875 + }, + { + "id": "6076334", + "title": "Maxwell Street", + "text": "musicians - notably Louis Armstrong \u2013 to migrate north to Chicago, the first economically secure class willing to help them was the mostly Jewish merchants of the area around Maxwell Street, who by that time were able to rent or own store buildings. These merchants encouraged blues players to set up near their storefronts and provided them with electric extension cords to run the new high-tech instruments. Shoppers lured by the chance to hear blues music could be grabbed and hauled into the store where they were sold a suit of clothes, shoes, etc. One of the regular performers was", + "score": 0.7333984375 + }, + { + "id": "17394122", + "title": "Chicago in the 1930s", + "text": "south during the \"Great Migration\" of the first half of the 20th century. Many arrived in the city looking for work and settled in what became known as the \"Black Belt\", the chain of neighborhoods on the South Side of Chicago where three-quarters of the city's African American population lived by the mid-20th century. The Black Belt was an area of aging, dilapidated housing that stretched 30 blocks along State Street on the South Side. It was rarely more than seven blocks wide. Many African Americans who moved to the Black Belt area of Chicago were from the Black Belt", + "score": 0.732421875 + }, + { + "id": "1477532", + "title": "Delta blues", + "text": "notable of the original artists still living, include Bonnie Raitt, Rory Block, and Susan Tedeschi. Many Delta blues artists, such as Big Joe Williams, moved to Detroit and Chicago, creating a pop-influenced city blues style. This was displaced by the new Chicago blues sound in the early 1950s, pioneered by Delta bluesmen Muddy Waters, Howlin' Wolf and Little Walter, harking back to a Delta-influenced sound, but with amplified instruments. Delta blues was also an inspiration for the creation of British skiffle music, from which eventually came the British invasion bands, while simultaneously influencing British blues, which led to the birth", + "score": 0.7314453125 + }, + { + "id": "14417687", + "title": "Cheat You Fair: The Story of Maxwell Street", + "text": "a place to shop and find a bargain. The second act of this film looks at the partnerships between blacks and Jews on Maxwell Street and how they influenced modern music. Maxwell Street is considered to be the birthplace of the \"electric, urban blues\", a style of music which led directly to rock & roll. During the Great Migration (African American), Chicago was an arrival point for thousands of African-Americans, and Maxwell Street was a place where blues artists could earn a living playing for tips in the streets. Because so many artists were playing the blues in one relatively", + "score": 0.73046875 + }, + { + "id": "6586647", + "title": "History of African Americans in Chicago", + "text": "migrating out of the South to the North, where they could live more freely, get their children educated, and get new jobs. Industry buildup for World War I pulled thousands of workers to the North, as did the rapid expansion of railroads, and the meatpacking and steel industries. Between 1915 and 1960, hundreds of thousands of black southerners migrated to Chicago to escape violence and segregation, and to seek economic freedom. They went from being a mostly rural population to one that was mostly urban. \"The migration of African Americans from the rural south to the urban north became a", + "score": 0.72998046875 + }, + { + "id": "17299499", + "title": "Chicago Black Renaissance", + "text": "of life and work in the Mississippi Delta. Towards the end of the Chicago Black Renaissance, Chicago started to change the sound of blues, adding drums, piano, bass, harmonica, and switching the acoustic guitar for electric. The new style was called Chicago Blues. Greats such as Chester Burnett, Willie Dixon, Muddy Waters, and Koko Taylor were prominent during this time. Gospel, though popular before the Renaissance, saw a resurgence in prominence during this time. The \"Father of Gospel Music,\" Thomas Dorsey, brought hundreds of new gospel songs from the Southern Pentecostal Church to the public by blending the sound with", + "score": 0.7294921875 + }, + { + "id": "10708106", + "title": "South Side, Chicago", + "text": "of public lakefront parks and beaches, as it borders Lake Michigan on its eastern side. Today's South Side is mostly a combination of the former Hyde Park and Lake Townships. Within these townships many had made speculative bets on future prosperity. Much of the South Side evolved from these speculative investments. Stephen A. Douglas, Paul Cornell, George Pullman and various business entities developed South Chicago real estate. The Pullman District, a former company town, Hyde Park Township, various platted communities and subdivisions were the results of such efforts. The Union Stock Yards, which were once located in the New City", + "score": 0.7294921875 + }, + { + "id": "1477529", + "title": "Delta blues", + "text": "of Delta blues are instrumentation and an emphasis on rhythm and \"bottleneck\" slide guitar; the basic harmonic structure is not substantially different from that of blues performed elsewhere. Delta blues is a style as much as a geographical form: Skip James and Elmore James, who were not born in the Delta, are considered Delta blues musicians. Performers traveled throughout the Mississippi Delta, Arkansas, Louisiana, Texas, and Tennessee. Eventually, Delta blues spread out across the country, giving rise to a host of regional variations, including Chicago blues and Detroit blues. Delta blues songs are typically expressed in the first person and", + "score": 0.728515625 + }, + { + "id": "17299495", + "title": "Chicago Black Renaissance", + "text": "center. The Chicago Black Renaissance was influenced by two major social and economic conditions: the Great Migration and the Great Depression. The Great Migration brought tens of thousands of African Americans from the south to Chicago. Between 1910 and 1930 the African American population increased from 44,000 to 230,000. Before this migration, African Americans only constituted 2% of Chicago's population. African American migrants resided in a segregated zone on Chicago's south side, extending from 22nd Street on the north to 63rd Street on the south, and reaching from the Rock Island railroad tracks on the west to Cottage Grove Avenue", + "score": 0.72802734375 + }, + { + "id": "6586653", + "title": "History of African Americans in Chicago", + "text": "Chicago African-American community. The Black Belt slowly expanded as African Americans, despite facing violence and restrictive covenants, pushed forward into new neighborhoods. As the population grew, African Americans became more confined to a delineated area, instead of spreading throughout the city. When blacks moved into mixed neighborhoods, ethnic white hostility grew. After fighting over the area, often whites left the area to be dominated by blacks. This is one of the reasons the black belt region started. The Black Belt of Chicago was the chain of neighborhoods on the South Side of Chicago where three-quarters of the city's African American", + "score": 0.7275390625 + }, + { + "id": "2962918", + "title": "Swing era", + "text": "the Chicago style jazz developed by Louis Armstrong and Earl Hines, and of the swing era rhythmic styles. The change in rhythm started first with solo pianists and small ensembles, then larger ensembles towards the end of the decade. Toward the end of the twenties the two-beat styles seemed all but exhausted. First in Chicago, then in Harlem and Kansas City, a new way of playing developed around 1928-29. Chicago musicians migrating to Harlem brought their rhythmic ideas with them. As is so often the case in jazz, there are confusing exceptions to this general outline. Jimmie Lunceford\u2019s big band", + "score": 0.72705078125 + }, + { + "id": "6076332", + "title": "Maxwell Street", + "text": "\"One of the most remarkable pieces of work I've ever seen.\" In the 1930s and 1940s, when many black musicians came to Chicago from the segregated South, they brought with them outdoor music. But when the early blues musicians began playing outside on Maxwell Street \u2013 the place where they could be heard by the greatest number of people \u2013 they realized they needed either a louder than standard Resonator guitar (e.g. Arvella Gray) or amplifiers and electrical instruments (e.g. Jim Brewer) in order to be heard. Over several decades, the use of these new instruments, and the interaction between", + "score": 0.72607421875 + }, + { + "id": "34032", + "title": "Blues", + "text": "was popularized in the 1970s by J. J. Cale and the cover versions performed by Eric Clapton of \"After Midnight\" and \"Cocaine\". In the early 1970s, The Texas rock-blues style emerged, which used guitars in both solo and rhythm roles. In contrast with the West Side blues, the Texas style is strongly influenced by the British rock-blues movement. Major artists of the Texas style are Johnny Winter, Stevie Ray Vaughan, the Fabulous Thunderbirds (led by harmonica player and singer-songwriter Kim Wilson), and ZZ Top. These artists all began their musical careers in the 1970s but they did not achieve international", + "score": 0.72607421875 + }, + { + "id": "34018", + "title": "Blues", + "text": "scene. He composed and wrote many standard blues songs of the period, such as \"Hoochie Coochie Man\", \"I Just Want to Make Love to You\" (both penned for Muddy Waters) and, \"Wang Dang Doodle\" and \"Back Door Man\" for Howlin' Wolf. Most artists of the Chicago blues style recorded for the Chicago-based Chess Records and Checker Records labels. Smaller blues labels of this era included Vee-Jay Records and J.O.B. Records. During the early 1950s, the dominating Chicago labels were challenged by Sam Phillips' Sun Records company in Memphis, which recorded B. B. King and Howlin' Wolf before he moved to", + "score": 0.7255859375 + }, + { + "id": "10708099", + "title": "South Side, Chicago", + "text": "by government and private grants. However, in the 1970s gangs returned to violence and the drug trade. By 2000, traditionally all-male gangs crossed gender lines to include about 20% females. By the 1930s, the city of Chicago boasted that over 25% of its residential structures were less than 10 years old, many of which were bungalows. These continued to be built in the working-class South Side into the 1960s. Studio apartments, with Murphy beds and kitchenettes or Pullman kitchens, comprised a large part of the housing supply during and after the Great Depression, especially in the \"Black Belt\". The South", + "score": 0.7255859375 + }, + { + "id": "34017", + "title": "Blues", + "text": "Lenoir, but the saxophone was used as a backing instrument for rhythmic support more than as a lead instrument. Little Walter, Sonny Boy Williamson (Rice Miller) and Sonny Terry are well known harmonica (called \"harp\" by blues musicians) players of the early Chicago blues scene. Other harp players such as Big Walter Horton were also influential. Muddy Waters and Elmore James were known for their innovative use of slide electric guitar. Howlin' Wolf and Muddy Waters were known for their deep, \"gravelly\" voices. The bassist and prolific songwriter and composer Willie Dixon played a major role on the Chicago blues", + "score": 0.7255859375 + }, + { + "id": "2333389", + "title": "Great Migration (African American)", + "text": "cities was the subject of Jacob Lawrence's \"Migration Series\" of paintings, created when he was a young man in New York. Exhibited in 1941 at the Museum of Modern Art, Lawrence's \"Series\" attracted wide attention; he was quickly perceived as one of the most important African-American artists of the time. The Great Migration had effects on music as well as other cultural subjects. Many blues singers migrated from the Mississippi Delta to Chicago to escape racial discrimination. Muddy Waters, Chester Burnett, and Buddy Guy are among the most well-known blues artists who migrated to Chicago. Great Delta-born pianist Eddie Boyd", + "score": 0.72265625 + }, + { + "id": "17299496", + "title": "Chicago Black Renaissance", + "text": "on the east. This zone of neighborhoods was known as the \"black belt\" or \"black ghetto.\" African Americans saw Chicago, like other cities of the north, as a chance for freedom from legally sanctioned racial discrimination. Migrants mainly found work in meatpacking plants, steel mills, garment shops, and private homes. The Great Migration established the foundation of Chicago's African American industrial working class. When the stock market crashed in 1929 and the Great Depression resulted, thousands of people lost their jobs. African Americans were hit particularly hard. This catastrophe allowed for an emergence of new ideas and institutions among the", + "score": 0.72216796875 + }, + { + "id": "1472533", + "title": "Electric blues", + "text": "of slide electric guitar. Howlin' Wolf and Muddy Waters were for their deep, \"gravelly\" voices. Bassist and composer Willie Dixon played a major role on the Chicago blues scene. He composed and wrote many standard blues songs of the period, such as \"Hoochie Coochie Man\", \"I Just Want to Make Love to You\" (both penned for Muddy Waters) and, \"Wang Dang Doodle\", \"Spoonful\" and \"Back Door Man\" for Howlin' Wolf. Most artists of the Chicago blues style recorded for the Chicago-based Chess Records and Checker Records labels, there were also smaller blues labels in this era including Vee-Jay Records and", + "score": 0.7216796875 + }, + { + "id": "17299500", + "title": "Chicago Black Renaissance", + "text": "urban style. Mahalia Jackson, the \"Queen of Gospel Music,\" made many of these songs mainstream when she arrived in Chicago in 1927. The writing of the Chicago Black Renaissance addressed the culture of Chicago, racial tensions, issues of identity, and a search for meaning. Prominent writers in the movement included Richard Wright, Margaret Walker, Gwendolyn Brooks, Arna Bontemps, Fenton Johnson and Lorraine Hansberry. The South Side Writers Group was a writing circle of several authors and poets from the time of the Chicago Black Renaissance. Its members worked collaboratively to inspire one another and explore new themes. Newspapers and periodicals", + "score": 0.7216796875 + }, + { + "id": "6586641", + "title": "History of African Americans in Chicago", + "text": "community on the South Side of Chicago for decades before the Civil Rights Movement, as well as on the West Side of Chicago. Residing in segregated communities, almost regardless of income, the Black residents of Chicago aimed to create communities where they could survive, sustain themselves, and have the ability to determine for themselves their own course in Chicago history. Especially after the Civil War, Illinois had some of the most progressive anti-discrimination legislation in the nation. School segregation was first outlawed in 1874, and segregation in public accommodations was first outlawed in 1885. In the 1920s, however, homeowner's discriminatory", + "score": 0.72119140625 + }, + { + "id": "11729488", + "title": "Music of Chicago", + "text": "jazz to a more sophisticated type of American improvised music with more emphasis on solo choruses instead of just little solo breaks. This style of playing was adopted by white musicians who favored meters of 2 instead of 4. Emphasis on solos, faster tempos, string bass and guitar (replacing the traditional tuba and banjo) and saxophones also distinguish Chicago-style playing from New Orleans style. When Chicago musicians started playing 4 beat measures, they laid the foundation for the swing era. The Lindy Hop was originally danced to 4 beat Chicago style jazz and went on to become one of the", + "score": 0.72119140625 + }, + { + "id": "3968776", + "title": "History of Chicago", + "text": "While white Americans from rural areas arrived and generally settled in the suburban parts of the City, Large numbers of blacks from the deep South arrived as well. The near South Side of the city became the first Black residential area, as it had the oldest, less expensive housing. Although restricted by segregation and competing ethnic groups such as the Irish, gradually continued black migration caused this community to expand, as well as the black neighborhoods on the near West Side. These were \"de facto\" segregated areas (few blacks were tolerated in ethnic white neighborhoods); the Irish and ethnic groups", + "score": 0.72119140625 + }, + { + "id": "15414699", + "title": "Delmark Records", + "text": "in an old restaurant storefront, they changed the name to the Blue Note Record Shop. About a year after this joint venture, Fister and Koester decided to part ways, with Koester moving to the corner of Delmar and Olive streets in St. Louis. Taking the name from the street his shop was on, Koester recorded a local jazz group the Windy City Six in 1953. Shortly thereafter, Koester found local talent such as James Crutchfield, Speckled Red, J.D. Short, and Big Joe Williams. Koester moved to Chicago in August 1958. He bought Seymour's Jazz Mart, and in renaming the storefront", + "score": 0.720703125 + }, + { + "id": "2072022", + "title": "Chicago soul", + "text": "pop approach to their songs. Accompaniment usually featured highly orchestrated arrangements, with horns and strings, by such notable arrangers as Johnny Pate (who largely worked with horns) and Riley Hampton (who specialized in strings). This kind of soul music is sometimes called \"soft soul\", to distinguish it from the more harsh and gospelly \"hard soul\" style. A variety of labels in the city during the 1960s and 1970s contributed to the Chicago soul sound, most notably Vee-Jay, Constellation Records, Chess Records, Mercury Records, OKeh, ABC-Paramount, One-derful, Brunswick and its Dakar Records subsidiary, and Curtis Mayfield's Curtom label. Vee-Jay Records was", + "score": 0.72021484375 + }, + { + "id": "10708100", + "title": "South Side, Chicago", + "text": "Side had a history of philanthropic subsidized housing dating back to 1919. The United States Congress passed the Housing Act of 1949 to fund public housing to improve housing for the disadvantaged. CHA produced a plan of citywide projects, which was rejected by some of the Chicago City Council's white aldermen who opposed public housing in their wards. This led to a CHA policy of construction of family housing in black residential areas, concentrated on the South and West Sides. Gentrification of parts of the Douglas community area has bolstered the Black Metropolis-Bronzeville District. Gentrification in various parts of the", + "score": 0.7197265625 + }, + { + "id": "18222992", + "title": "West Side, Chicago", + "text": "blockbusting drastically changed the demographics of the West Side by the 1950s. Throughout this decade, many white Chicagoans moved to the suburbs in a planned move by investors who, through scare tactics and instigating racial antagonism, encouraged white Chicagoans to sell their city homes and buy homes the investors built in the suburbs. By 1960, Chicago recorded its first ever population drop. However, Black and Latino residents began filling the West Side to its maximum. Black areas of the West Side began to experience highly impoverished conditions moving into the 1960s. Many residents moved into housing projects that were built", + "score": 0.7197265625 + }, + { + "id": "2068321", + "title": "Music of Illinois", + "text": "Son Seals, and others calling the city home and performing regularly. Chicago was the first important center of jazz as it left the city of its birth, New Orleans, Louisiana. The name \"jazz\" (and its early variations \"jass\" or \"jas\") may have first been applied to the music in Chicago in the 1910s, as such hot New Orleans bands as Tom Brown's made a hit up north. New Orleans pioneers together with enthusiastic younger musicians from the Midwest gathered in Chicago. The result has sometimes been called \"Chicago Style\". The saxophone first became a significant instrument in jazz in Chicago,", + "score": 0.71923828125 + }, + { + "id": "6586648", + "title": "History of African Americans in Chicago", + "text": "mass movement.\". The Great Migration radically transformed Chicago, both politically and culturally. From 1910-1940, most African Americans who migrated North were from rural areas. They had been chiefly sharecroppers and laborers, although some were landowners pushed out by the boll weevil disaster. After years of underfunding of public education for blacks in the South, they tended to be poorly educated, with relatively low skills to apply to urban jobs. Like the European rural immigrants, they had to rapidly adapt to a different urban culture. Many took advantage of better schooling in Chicago and their children learned quickly. After 1940, when", + "score": 0.7177734375 + }, + { + "id": "34026", + "title": "Blues", + "text": "had a major influence on those styles of music. The music of the civil rights movement and Free Speech Movement in the U.S. prompted a resurgence of interest in American roots music and early African American music. As well festivals such as the Newport Folk Festival brought traditional blues to a new audience, which helped to revive interest in prewar acoustic blues and performers such as Son House, Mississippi John Hurt, Skip James, and Reverend Gary Davis. Many compilations of classic prewar blues were republished by the Yazoo Records. J. B. Lenoir from the Chicago blues movement in the 1950s", + "score": 0.716796875 + }, + { + "id": "8323747", + "title": "Sweet Home Chicago", + "text": "Harris, Foghat, Status Quo, Johnny Otis, Fleetwood Mac, Eric Clapton, Stevie Ray Vaughan, the Blues Band, Todd Rundgren, Lonnie Brooks and the Blues Brothers. On February 21, 2012, Barack Obama and Michelle Obama hosted, \"In Performance at the White House: Red, White and Blues\", a celebration of blues music held in the East Room of the White House. President Obama began by describing the origins of blues in the South and added \"The music migrated north \u2013 from Mississippi Delta to Memphis to my hometown in Chicago\". Later, encouraged by Buddy Guy and B.B. King, he joined in singing the", + "score": 0.71630859375 + }, + { + "id": "9414257", + "title": "Chicago race riot of 1919", + "text": "from different cultures jostled against each other and competed for space. In 1917, the Chicago Real Estate Board established a policy of block by block segregation. New arrivals in the Great Migration generally joined old neighbors on the South Side. By 1920, the area held 85% of Chicago's African Americans--middle and upper class and poor. In the postwar period, veterans of all groups were looking to re-enter the work force. Some whites resented African-American veterans. At the same time, African-American veterans exhibited greater militancy and pride as a result of having served to protect their country. They expected to be", + "score": 0.71630859375 + }, + { + "id": "1441105", + "title": "Charles Brown (musician)", + "text": "High School in Baytown, Texas, a mustard gas worker at the Pine Bluff Arsenal at Pine Bluff, Arkansas, and an apprentice electrician at a shipyard in Richmond, California, before settling in Los Angeles in 1943. In Los Angeles, an influx of African Americans from the South during World War II created an integrated nightclub scene in which black performers tended to minimize the rougher blues elements of their style. The blues-club style of a light rhythm bass and right-hand tinkling of the piano and smooth vocals became popular, epitomized by the jazz piano of Nat King Cole. When Cole left", + "score": 0.71630859375 + }, + { + "id": "8464236", + "title": "Southside Movement", + "text": "Southside Movement The Southside Movement was an American soul and funk musical group from Chicago, Illinois. Composed of vocalist Melvin Moore, guitarist Bobby Pointer June 19,1945 - Dec 26,2016, keyboardist Morris Beeks, bassist Ronald Simmons, drummer Willie Hayes, alto saxophonist Milton Johnson, trumpeter Stephen Hawkins, and trombonist Bill McFarland, the group began as the backing band for the soul duo Simtec & Wylie. Southside Movement issued their self-titled debut album on the Wand record label in 1973; it included the Top 20 US \"Billboard\" R&B chart hit, \"I've Been Watching You\". Their second album, \"Movin\u2019\" appeared in 1974, which provided", + "score": 0.7158203125 + }, + { + "id": "15348598", + "title": "Music of Detroit", + "text": "the Great Migration hit during the 1940s, bringing artists such as John Lee Hooker to Detroit to work in the factories of the Arsenal of Democracy. These artists brought with them a style of blues music rooted in the Mississippi Delta region. Though not strictly a Delta blues musician, Hooker was born in the epicenter of the tradition, in Clarksdale, Mississippi, and migrated to Detroit in 1943. He scored an early hit with his first single Boogie Chillen, and began a long career that made him the most prominent and successful of the Detroit blues players of the post-war period,", + "score": 0.71533203125 + }, + { + "id": "15720909", + "title": "Michael Abramson", + "text": "the 1920s Paris photographer Brassa\u00ef (1899-1984). Many of Abramson's south side prints were later published in a photography book / 2 LP record set entitled \"Light on the South Side\" (2009), by Chicago music recording company Numero Group. The collection of music featured on the LPs are blues songs by mostly Chicago recording artists, and reflect what was actually playing on the jukeboxes in these clubs at the time. A slideshow was created using Abramson's photographs and the music from the LP. \"Light on the South Side\" was nominated for a 2010 Grammy in the category of Best Boxed Or", + "score": 0.71533203125 + }, + { + "id": "11729482", + "title": "Music of Chicago", + "text": "Freeman. Chicago is also well known for its soul music. In the early 1930s, Gospel music began to gain popularity in Chicago due to Thomas A. Dorsey's contributions at Pilgrim Baptist Church. In the 1980s and 1990s, heavy rock, punk and hip hop also became popular in Chicago. Orchestras in Chicago include the Chicago Symphony Orchestra, the Lyric Opera of Chicago and the Chicago Sinfonietta. Chicago's music scene has been well known for its blues music for many years. \"Chicago Blues\" uses a variety of instruments in a way which heavily influenced early rock and roll music, including instruments like", + "score": 0.71484375 + }, + { + "id": "11420480", + "title": "Hoodoo Man Blues", + "text": "could be effectively captured on album. \"[O]ne of the first to fully document the smoky ambience of a night at a West side nightspot in the superior acoustics of a recording studio\", according to Bill Dahl of Allmusic, it popularized Wells, opening doors for him at other, larger studios. But though it was only the first of many successful albums for Wells, it remains among his most acclaimed. \"Rolling Stone\", in a 1970 review of Wells' later album \"South Side Blues Jam\", declared it \"a classic, some of the best blues Chicago has to offer\". In 1998, \"The New York", + "score": 0.71484375 + }, + { + "id": "1794157", + "title": "Big Bill Broonzy", + "text": "influences included the folk music, spirituals, work songs, ragtime music, hokum, and country blues he heard growing up and the styles of his contemporaries, including Jimmie Rodgers, Blind Blake, Son House, and Blind Lemon Jefferson. Broonzy combined all these influences into his own style of the blues, which foreshadowed the postwar Chicago blues, later refined and popularized by artists such as Muddy Waters and Willie Dixon. Although he had been a pioneer of the Chicago blues style and had employed electric instruments as early as 1942, white audiences in the 1950s wanted to hear him playing his earlier songs accompanied", + "score": 0.71484375 + }, + { + "id": "12927697", + "title": "Jazz education", + "text": "pedagogy was prevalent in an era where the music relied heavily on group improvisation. The use, almost exclusively, of ear training amongst pedagogues and the cultural influence of New Orleans made this style of jazz the most practical and popular. In the late 1910s and early 1920s, jazz begins to move north to Chicago and New York City. These two urban areas were particularly popular because they provided a larger audience base for performers and closer proximity to recording studios. During the early part of the 1920s, New Orleans Jazz was prevalent in the many nightclubs sprung up in Chicago.", + "score": 0.71484375 + }, + { + "id": "14380552", + "title": "Dixieland", + "text": "The rhythm sections of these bands substitute the string bass for the tuba and the guitar for the banjo. Musically, the Chicagoans play in more of a swing-style 4-to-the-bar manner. The New Orleanian preference for an ensemble sound is deemphasized in favor of solos. Chicago-style dixieland also differs from its southern origin by being faster paced, resembling the hustle-bustle of city life. Chicago-style bands play a wide variety of tunes, including most of those of the more traditional bands plus many of the Great American Songbook selections from the 1930s by George Gershwin, Jerome Kern, Cole Porter, and Irving Berlin.", + "score": 0.71484375 + }, + { + "id": "1477593", + "title": "Detroit blues", + "text": "Detroit blues Detroit blues is blues played by musicians residing in and around Detroit, Michigan, particularly in the 1940s and 1950s. Detroit blues originated when Delta blues performers migrated north from the Mississippi Delta and Memphis, Tennessee, to work in industrial plants in Detroit in the 1920s and 1930s. Typical Detroit blues is similar in style to Chicago blues. Its sound is distinguished from Delta blues by the use of electric amplified instruments and more varied instrumentation, including the bass guitar and piano. The only Detroit blues performer to achieve national fame was John Lee Hooker, as record companies and", + "score": 0.71435546875 + }, + { + "id": "2068317", + "title": "Music of Illinois", + "text": "Music of Illinois Illinois, including Chicago, has a wide musical heritage. Chicago is most famously associated with the development of electric (or Chicago-style) blues music. Chicago was also a center of development for early jazz and later for house music, and includes a vibrant hip hop scene and R&B. Chicago also has a thriving rock scene that spans the breadth of the rock genre, from huge stadium-filling arena-rock bands to small local indie bands. Chicago has had a significant historical impact on the development of many rock subgenres including power pop, punk rock, indie rock, emo rock, pop punk, and", + "score": 0.71337890625 + }, + { + "id": "1471581", + "title": "Country blues", + "text": "Country blues Country blues (also folk blues, rural blues, backwoods blues, or downhome blues) is acoustic, mainly guitar-driven forms of the blues, that mixes blues elements with characteristics of country and folk. After blues' birth in the Southern United States, it quickly spread throughout the country (and elsewhere), giving birth to a host of regional styles. These include Memphis, Detroit, Chicago, Texas, Piedmont, Louisiana, West Coast, St. Louis, East Coast, Swamp, New Orleans, Delta, Hill country and Kansas City blues. When the African-American musical tastes began to change in the early 1960s, moving toward soul and rhythm and blues music,", + "score": 0.71337890625 + }, + { + "id": "8589466", + "title": "Canadian blues", + "text": "proximity to the United States (there is a huge shared border), and to the fact that most of the Canadian population lives close to the border, many US blues artists have played in Canadian towns and cities. As well, many Canadian musicians and bands have been able to play in US towns, particularly Canadians who live near US cities close to the border, such as Detroit and Chicago. These two elements have given Canadian blues musicians a substantial opportunity to be directly influenced by US artists. Canadian blues is based on the major US blues styles, such as Chicago Blues", + "score": 0.71337890625 + }, + { + "id": "7152079", + "title": "Tampa Red", + "text": "billed as \"The Guitar Wizard\". His partnership with Dorsey ended in 1932, but he remained much in demand as a session musician, working with John Lee \"Sonny Boy\" Williamson, Memphis Minnie, Big Maceo, and many others. He signed with Victor Records in 1934 and remained on their artist roster until 1953. He formed the Chicago Five, a group of session musicians who created what became known as the Bluebird sound, a precursor of the small-group style of later jump blues and rock-and-roll bands. He was a friend and associate of Big Bill Broonzy's and Big Maceo Merriweather's. He achieved commercial", + "score": 0.712890625 + }, + { + "id": "369115", + "title": "Slide guitar", + "text": "called \"Sweet Little Angel\"), \"Crying Won't Help You\", and \"Anna Lou Blues\" (as \"Anna Lee\") in his electric slide style \u2013 songs which later became part of the repertoire of Earl Hooker, B.B. King, and others. His style influenced both Muddy Waters and Hooker. Nighthawk is credited as one who helped bring music from Mississippi into the Chicago blues style of \"electric blues\". As a teenager, Earl Hooker (a cousin of John Lee Hooker) sought out Nighthawk as his teacher and in the late 1940s, the two toured the South extensively. Nighthawk had a lasting impact on Hooker's playing; however,", + "score": 0.71240234375 + }, + { + "id": "9199070", + "title": "Dancing Down the Stony Road", + "text": "gold\". Most of the album is inspired by Delta blues, and Rea explains that \"it's less aggressive than Chicago blues, and the guitar playing has a style I call curling: there are some notes that are not a sharp or a flat, but a bend of emotion. It's a mournful sound, and Delta people sing about deep pain, deep fear, and trying to save one's soul. Chicago players sing about girls and booze. Delta bluesmen were singing to the sky; Chicago bluesmen developed their stage act by singing to people who were drinking. It's a big difference\". Particularly inspired by", + "score": 0.71240234375 + }, + { + "id": "10134544", + "title": "Chicago stepping", + "text": "Chicago stepping Chicago-Style Stepping, (also known as Steppin') is an urban dance that originated in Chicago and continues to evolve while defining its unique style and culture within the context of mainstream Swing dance. Chicago-Style Stepping has gained popularity, particularly in the urban neighborhoods of America. \"Chicago-Style Stepping\" makes reference to other urban styles of dance found throughout the United States larger enclaves in cities such as Detroit, Cleveland, Baltimore and Washington, D.C. Chicago-Style Stepping, affectionately known as \"steppin,\" like most social dances, evolved from the \"Bop\" in the 1970s. In 1973 Sam Chatman was the first to coin the", + "score": 0.71240234375 + }, + { + "id": "5706358", + "title": "Second Presbyterian Church (Chicago)", + "text": "men who moved to Chicago from New England or New York State in the mid-nineteenth century to make their fortunes and build a new metropolis on the prairie. Proud of their adopted city, they endowed cultural institutions like the Art Institute of Chicago and the University of Chicago. Robert Todd Lincoln, the president's son, was also a church trustee. When the South Side emerged in the 1870s as the city's premier residential neighborhood, the business elite built imposing houses on South Prairie Avenue, South Michigan Avenue, South Calumet Avenue and other streets. For its new building on South Michigan Avenue", + "score": 0.7119140625 + }, + { + "id": "9082574", + "title": "North Side Gang", + "text": "of the many Market Streeters to become a bootlegger. With the start of Prohibition, the North Siders quickly took control of the existing breweries and distilleries in the North Side of Chicago. This gave them a near monopoly on the local supply of real beer and high quality whiskey; their rivals only had supplies of rotgut liquor and moonshine. Based on the North Clark Street restaurant McGovern's Saloon and Cafe, the North Side Gang would soon control the working-class neighborhoods of the 42nd and 43rd Wards within months. In addition to bootlegging, the gang continued to burglarize local stores and", + "score": 0.7119140625 + } + ], + "answer": "Chicago blues is a form of blues music developed in Chicago, Illinois. It is based on earlier blues idioms, such as Delta blues, but performed in an urban style. The first blues clubs in Chicago were mostly in predominantly black neighborhoods on the South Side, with a few in the smaller black neighborhoods on the West Side. As the new style of music eventually reached Europe and the United Kingdom, young British musicians were highly influenced by Chicago blues, resulting in the British blues movement." + }, + { + "qa_pairs": [ + { + "context": "Food is mechanically broken down by the action of the teeth controlled by the muscles of mastication (V) acting on the temporomandibular joint. This results in a bolus which is moved from one side of the oral cavity to the other by the tongue. Buccinator (VII) helps to contain the food against the occlusal surfaces of the teeth. The bolus is ready for swallowing when it is held together by saliva (largely mucus), sensed by the lingual nerve of the tongue (VII\u2014chorda tympani and IX\u2014lesser petrosal) (V). Any food that is too dry to form a bolus will not be swallowed.", + "question": "What is the mechanical action that moves food into the esophagus?", + "short_answers": [ + "swallowing" + ], + "wikipage": "Swallowing" + }, + { + "context": "Food is ingested through the mouth and when swallowed passes first into the pharynx and then into the esophagus. The esophagus is thus one of the first components of the digestive system and the gastrointestinal tract. After food passes through the esophagus, it enters the stomach. When food is being swallowed, the epiglottis moves backward to cover the larynx, preventing food from entering the trachea. At the same time, the upper esophageal sphincter relaxes, allowing a bolus of food to enter. Peristaltic contractions of the esophageal muscle push the food down the esophagus. These rhythmic contractions occur both as a reflex response to food that is in the mouth, and also as a response to the sensation of food within the esophagus itself. Along with peristalsis, the lower esophageal sphincter relaxes.", + "question": "What is the autonomic function that moves food from the esophagus to the stomach?", + "short_answers": [ + "peristalsis" + ], + "wikipage": "Esophagus" + } + ], + "wikipages": [ + { + "title": "Esophagus", + "url": "https://en.wikipedia.org/wiki/Esophagus" + }, + { + "title": "Swallowing", + "url": "https://en.wikipedia.org/wiki/Swallowing" + }, + { + "title": "Peristasis (architecture)", + "url": "https://en.wikipedia.org/wiki/Peristasis%20%28architecture%29" + }, + { + "title": "Peristalsis", + "url": "https://en.wikipedia.org/wiki/Peristalsis" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "Swallowing is the mechanical action that moves food into the esophagus. The autonomic function that moves food from the esophagus to the stomach is known as peristalsis. " + }, + { + "knowledge": [ + { + "content": "Swallowing is an important part of eating and drinking.", + "wikipage": "Swallowing" + }, + { + "content": "In much of a digestive tract such as the human gastrointestinal tract, smooth muscle tissue contracts in sequence to produce a peristaltic wave, which propels a ball of food (called a bolus before being transformed into chyme in the stomach) along the tract.", + "wikipage": "Peristalsis" + } + ], + "long_answer": "The mechanical action that moves food into the esophagus is called swallowing. Swallowing is an important part of eating and drinking. The autonomic function that moves food from the esophagus to the stomach is called peristalsis. In much of a digestive tract such as the human gastrointestinal tract, smooth muscle tissue contracts in sequence to produce a peristaltic wave, which propels a ball of food along the tract." + } + ], + "sample_id": "4421895045446492516", + "question": "The movement of food in food pipe is called?", + "docs": [ + { + "id": "783710", + "title": "Gastrointestinal tract", + "text": "peristaltic activity (basal electrical rhythm) due to its self-contained enteric nervous system. The rate can be modulated by the rest of the autonomic nervous system. The coordinated contractions of these layers is called peristalsis and propels the food through the tract. Food in the GI tract is called a bolus (ball of food) from the mouth down to the stomach. After the stomach, the food is partially digested and semi-liquid, and is referred to as chyme. In the large intestine the remaining semi-solid substance is referred to as faeces. The outermost layer of the gastrointestinal tract consists of several layers", + "score": 0.73046875, + "summary": "The movement of food in the GI tract is called peristalsis.", + "extraction": "The movement of food in the food pipe is called peristalsis." + }, + { + "id": "13969137", + "title": "Paramecium aurelia", + "text": "that cover the outer body of the paramecium are in constant motion, helping the organism move along at a speed of four times its own length per second. As it moves forward, it rotates on its axis, which aids in pushing food into the gullet. It can move backwards by reversing the motion of the cilia. Food enters the food vacuoles, which cilia push into the gullet in a process known as \"phagocytosis\", and is digested with the aid of hydrochloric acid and enzymes (Raven and Johnson 1996). When digestion is complete, the remaining food content is emptied into pellicles,", + "score": 0.70263671875, + "summary": "The document is relevant but does not provide the answer to the question of interest.", + "extraction": "irrelevant" + }, + { + "id": "17774281", + "title": "Gastrointestinal wall", + "text": "longitudinal or circular, rather the layers of muscle are helical with different pitches. The inner circular is helical with a steep pitch and the outer longitudinal is helical with a much shallower pitch. The coordinated contractions of these layers is called peristalsis and propels the food through the tract. Food in the GI tract is called a bolus (ball of food) from the mouth down to the stomach. After the stomach, the food is partially digested and semi-liquid, and is referred to as chyme. In the large intestine the remaining semi-solid substance is referred to as faeces. The circular muscle", + "score": 0.701171875, + "summary": "The movement of food in the food pipe is called peristalsis as the coordinated contractions of helical layers of muscles propel the food through the tract.", + "extraction": "The movement of food in the food pipe is called peristalsis." + }, + { + "id": "1373626", + "title": "Peristalsis", + "text": "Peristalsis Peristalsis is a radially symmetrical contraction and relaxation of muscles that propagates in a wave down a tube, in an anterograde direction. In much of a digestive tract such as the human gastrointestinal tract, smooth muscle tissue contracts in sequence to produce a peristaltic wave, which propels a ball of food (called a bolus while in the esophagus and upper gastrointestinal tract and chyme in the stomach) along the tract. Peristaltic movement comprises relaxation of circular smooth muscles, then their contraction behind the chewed material to keep it from moving backward, then longitudinal contraction to push it forward. Earthworms", + "score": 0.69775390625, + "summary": "The movement of food in the food pipe is called peristalsis.", + "extraction": "The movement of food in the food pipe is called peristalsis, which is a radially symmetrical contraction and relaxation of muscles that propagates in a wave down a tube in an anterograde direction." + }, + { + "id": "1373628", + "title": "Peristalsis", + "text": "works in one direction only and its sole esophageal function is to move food from the mouth into the stomach (the MMC also functions to clear out remaining food in the stomach to the small bowel, and remaining particles in the small bowel into the colon). In the esophagus, two types of peristalsis occur: During vomiting, the propulsion of food up the esophagus and out the mouth comes from contraction of the abdominal muscles; peristalsis does not reverse in the esophagus. Once processed and digested by the stomach, the milky chyme is squeezed through the pyloric sphincter into the small", + "score": 0.693359375, + "summary": "The movement of food in the food pipe is called peristalsis.", + "extraction": "The movement of food in the food pipe is called peristalsis." + }, + { + "id": "1455141", + "title": "Esophagus", + "text": "Esophagus The esophagus (American English) or oesophagus (British English) (), commonly known as the food pipe or gullet (gut), is an organ in vertebrates through which food passes, aided by peristaltic contractions, from the pharynx to the stomach. The esophagus is a fibromuscular tube, about 25 centimetres long in adults, which travels behind the trachea and heart, passes through the diaphragm and empties into the uppermost region of the stomach. During swallowing, the epiglottis tilts backwards to prevent food from going down the larynx and lungs. The word \"esophagus\" is the Greek word \u03bf\u1f30\u03c3\u03bf\u03c6\u03ac\u03b3\u03bf\u03c2 , meaning \"gullet\". The wall of", + "score": 0.68994140625, + "summary": "The movement of food in food pipe is called the esophagus or oesophagus. It is a fibromuscular tube through which food passes, aided by peristaltic contractions, from the pharynx to the stomach.", + "extraction": "The movement of food in food pipe is called \"peristaltic contractions\"." + }, + { + "id": "17916253", + "title": "Human digestive system", + "text": "the pharyngeal plexus of the vagus nerve. Muscles in the pharynx push the food into the esophagus. The pharynx joins the esophagus at the oesophageal inlet which is located behind the cricoid cartilage. The esophagus, commonly known as the foodpipe or gullet, consists of a muscular tube through which food passes from the pharynx to the stomach. The esophagus is continuous with the laryngopharynx. It passes through the posterior mediastinum in the thorax and enters the stomach through a hole in the thoracic diaphragm\u2014the esophageal hiatus, at the level of the tenth thoracic vertebra (T10). Its length averages 25 cm,", + "score": 0.685546875, + "summary": "The movement of food in the food pipe is called the esophagus or foodpipe.", + "extraction": "The movement of food in food pipe is called the esophagus, commonly known as the foodpipe or gullet, consists of a muscular tube through which food passes from the pharynx to the stomach." + }, + { + "id": "1373627", + "title": "Peristalsis", + "text": "use a similar mechanism to drive their locomotion, and some modern machinery imitates this design. The word comes from New Latin and is derived from the Greek \"peristellein\", \"to wrap around,\" from \"peri\"-, \"around\" + \"stellein\", \"draw in, bring together; set in order\". After food is chewed into a bolus, it is swallowed and moved through the esophagus. Smooth muscles contract behind the bolus to prevent it from being squeezed back into the mouth. Then rhythmic, unidirectional waves of contractions work to rapidly force the food into the stomach. The migrating motor complex (MMC) helps trigger peristaltic waves. This process", + "score": 0.6806640625, + "summary": "The movement of food in the food pipe is called peristalsis. Smooth muscles contract to prevent the bolus from being squeezed back into the mouth, and rhythmic waves of contractions force the food into the stomach. The process is triggered by the migrating motor complex.", + "extraction": "The movement of food in the food pipe is called peristalsis." + }, + { + "id": "8473333", + "title": "Retroperistalsis", + "text": "contractions. Peristaltic waves occur in the esophagus, stomach, and intestines. The waves can be short, local reflexes or long, continuous contractions that travel the whole length of the organ, depending upon their location and what initiates their action. In the esophagus, peristaltic waves begin at the upper portion of the tube and travel the whole length, pushing food ahead of the wave into the stomach. Particles of food left behind in the esophagus initiate secondary peristaltic waves that remove retained material. One wave travels the full length of the tube in about nine seconds. The peristaltic-wave contractions in the esophagus", + "score": 0.67822265625, + "summary": "The movement of food in the food pipe is called peristaltic waves, which occur in the esophagus and travel the entire length of the organ.", + "extraction": "The movement of food in the food pipe is called peristaltic waves. These waves begin at the upper portion of the esophagus and travel the whole length, pushing food ahead of the wave into the stomach." + }, + { + "id": "510302", + "title": "Stomach", + "text": "small rounded mass of chewed up food) enters the stomach through the oesophagus via the lower oesophageal sphincter. The stomach releases proteases (protein-digesting enzymes such as pepsin) and hydrochloric acid, which kills or inhibits bacteria and provides the acidic pH of 2 for the proteases to work. Food is churned by the stomach through muscular contractions of the wall called peristalsis \u2013 reducing the volume of the bolus, before looping around the fundus and the body of stomach as the boluses are converted into chyme (partially digested food). Chyme slowly passes through the pyloric sphincter and into the duodenum of", + "score": 0.66455078125, + "summary": "The movement of food in the food pipe is called peristalsis.", + "extraction": "The movement of food in food pipe is called \"peristalsis\"." + }, + { + "id": "10565094", + "title": "Bolus (digestion)", + "text": "Bolus (digestion) In digestion, a bolus (from Latin \"bolus\", \"ball\") is a ball-like mixture of food and saliva that forms in the mouth during the process of chewing (which is largely an adaptation for plant-eating mammals). It has the same color as the food being eaten, and the saliva gives it an alkaline pH. Under normal circumstances, the bolus is swallowed, and travels down the esophagus to the stomach for digestion. Once the bolus reaches the stomach, it mixes with gastric juices and becomes chyme, which then travels through the intestines for further digestion and absorption, and eventual discharge as", + "score": 0.662109375, + "summary": "The movement of food in food pipe is called \"bolus\".", + "extraction": "The movement of food in the food pipe is called esophagus. However, the given passage does not provide an answer to the question." + }, + { + "id": "10999679", + "title": "Esophageal food bolus obstruction", + "text": "cholangiopancreatography, can be opened and closed from the outside in a similar manner to macerate food and facilitate removal. Forceps used for biopsies can also be employed in a similar manner. Esophageal food bolus obstruction An esophageal food bolus obstruction is a medical emergency caused by the obstruction of the esophagus by an ingested foreign body. It is usually associated with diseases that narrow the lumen of the esophagus, such as eosinophilic esophagitis, Schatzki rings, peptic strictures, webs, or cancers of the esophagus; rarely it can be seen in disorders of the movement of the esophagus, such as nutcracker esophagus.", + "score": 0.6591796875, + "summary": "The document is irrelevant to the question.", + "extraction": "The passage is irrelevant to the question \"The movement of food in food pipe is called?\" as it does not provide any information related to this topic." + }, + { + "id": "3665929", + "title": "Lancelet", + "text": "the mouth into the large pharynx, which is lined by numerous gill-slits. The ventral surface of the pharynx contains a groove, called the endostyle, which, connected to a structure known as Hatschek's pit, produces a film of mucus. Ciliary action pushes the mucus in a film over the surface of the gill slits, trapping suspended food particles as it does so. The mucus is collected in a second, dorsal, groove, and passed back to the rest of the digestive tract. Having passed through the gill slits, the water enters an atrium surrounding the pharynx, then exits the body via the", + "score": 0.6591796875, + "summary": "The document is irrelevant to the question of interest.", + "extraction": "The passage is talking about the movement of water in the lancelet, and there is no mention of the movement of food in the food pipe. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "497725", + "title": "Frog", + "text": "eyes assist in the swallowing of food as they can be retracted through holes in the skull and help push food down the throat. The food then moves through the oesophagus into the stomach where digestive enzymes are added and it is churned up. It then proceeds to the small intestine (duodenum and ileum) where most digestion occurs. Pancreatic juice from the pancreas, and bile, produced by the liver and stored in the gallbladder, are secreted into the small intestine, where the fluids digest the food and the nutrients are absorbed. The food residue passes into the large intestine where", + "score": 0.658203125, + "summary": "The movement of food in the food pipe is called the oesophagus.", + "extraction": "The movement of food in the food pipe is called oesophagus." + }, + { + "id": "39000", + "title": "Bryozoa", + "text": "fine hairs called cilia, whose beating drives a water current from the tips of the tentacles to their bases, where it exits. Food particles that collide with the tentacles are trapped by mucus, and further cilia on the inner surfaces of the tentacles convey the particles towards the mouth, which lies in the center of the base of the \"crown\". The method used by ectoprocts is known as \"upstream collecting\", as food particles are captured before they pass through the field of cilia that creates the feeding current. This method is also used by phoronids, brachiopods and pterobranchs. The lophophore", + "score": 0.658203125, + "summary": "The document describes how Bryozoa and other similar organisms use cilia to collect food particles towards their mouths, but does not directly answer the question about the movement of food in the food pipe. Therefore, the answer is irrelevant.", + "extraction": "The given passage is irrelevant to the question \"The movement of food in food pipe is called?\"" + }, + { + "id": "8473336", + "title": "Retroperistalsis", + "text": "nicotine or cocaine to the intestinal wall, the contractions initiated by local stimulations travel equally well in both directions. Ordinarily, peristaltic waves appear in the small intestine at irregular intervals and travel for varying distances; some travel only a few inches, others a few feet. They serve to expose food to the intestinal wall for absorption and to move it forward. In the large intestine (or colon), the peristaltic wave, or mass movement, is continuous and progressive; it advances steadily toward the anal end of the tract, pushing waste material in front of the wave. When these movements are vigorous", + "score": 0.65771484375, + "summary": "The document is irrelevant to the question.", + "extraction": "The extracted span from the passage is \"They serve to expose food to the intestinal wall for absorption and to move it forward.\".\n\nAnswer: The movement of food in food pipe is called peristaltic waves." + }, + { + "id": "8473335", + "title": "Retroperistalsis", + "text": "mix the stomach contents and propel food to the small intestine. Usually, two to three waves are present at one time in different regions of the stomach, and about three waves occur each minute. In the small intestine, local stimulation of the intestinal smooth muscle by the presence of food particles causes contractions that tend to travel from the stimulated point in both directions. Under normal circumstances, the progress of the contractions in an oral direction is quickly inhibited, while the contractions travelling away from the mouth tend to persist. If the intestine is paralyzed by applying such drugs as", + "score": 0.65771484375, + "summary": "The document briefly discusses the movement of food in the small intestine caused by contractions stimulated by the presence of food particles. However, it does not provide the term for the movement of food in the food pipe, making it irrelevant to the question.", + "extraction": "irrelevant." + }, + { + "id": "10565095", + "title": "Bolus (digestion)", + "text": "feces. Bolus (digestion) In digestion, a bolus (from Latin \"bolus\", \"ball\") is a ball-like mixture of food and saliva that forms in the mouth during the process of chewing (which is largely an adaptation for plant-eating mammals). It has the same color as the food being eaten, and the saliva gives it an alkaline pH. Under normal circumstances, the bolus is swallowed, and travels down the esophagus to the stomach for digestion. Once the bolus reaches the stomach, it mixes with gastric juices and becomes chyme, which then travels through the intestines for further digestion and absorption, and eventual discharge", + "score": 0.65625, + "summary": "The movement of food in the food pipe is called \"bolus\".", + "extraction": "The movement of food in food pipe is not mentioned in the passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "8473331", + "title": "Retroperistalsis", + "text": "Retroperistalsis Retroperistalsis is the reverse of the involuntary smooth muscle contractions of peristalsis. It usually occurs as a precursor to vomiting. Local irritation of the stomach, such as bacteria or food poisoning, activates the emetic center of the brain which in turn signals an imminent vomiting reflex. Food then moves in the opposite direction, often from the duodenum into the stomach. Retroperistalsis occurs pathologically during vomiting and physiologically at first part of duodenum where it protects from high acidity of food, and also at terminal ileum, where an amount of water and electrolyte is absorbed to assist defecation. Peristalsis is", + "score": 0.65625, + "summary": "Retroperistalsis is discussed, but the document does not mention the term for the movement of food in the food pipe. Therefore, the document is irrelevant to the question.", + "extraction": "Peristalsis is the movement of food in the food pipe. However, the given passage is not helpful for answering the question about retroperistalsis." + }, + { + "id": "9266694", + "title": "Gastrointestinal physiology", + "text": "be divided into two distinct patterns, peristalsis and segmentation. Occurring between meals, the migrating motor complex is a series of peristaltic wave cycles in distinct phases starting with relaxation, followed by an increasing level of activity to a peak level of peristaltic activity lasting for 5\u201315 minutes. This cycle repeats every 1.5\u20132 hours but is interrupted by food ingestion. The role of this process is likely to clean excess bacteria and food from the digestive system. Peristalsis is one of the patterns that occur during and shortly after a meal. The contractions occur in wave patterns traveling down short lengths", + "score": 0.65576171875, + "summary": "The movement of food in the food pipe is called peristalsis.", + "extraction": "Peristalsis is one of the patterns that occur during and shortly after a meal." + }, + { + "id": "10999671", + "title": "Esophageal food bolus obstruction", + "text": "Esophageal food bolus obstruction An esophageal food bolus obstruction is a medical emergency caused by the obstruction of the esophagus by an ingested foreign body. It is usually associated with diseases that narrow the lumen of the esophagus, such as eosinophilic esophagitis, Schatzki rings, peptic strictures, webs, or cancers of the esophagus; rarely it can be seen in disorders of the movement of the esophagus, such as nutcracker esophagus. While some esophageal food boli can pass by themselves or with the assistance of medications, some require the use of endoscopy to push the obstructing food into the stomach, or remove", + "score": 0.65576171875 + }, + { + "id": "967816", + "title": "Small intestine", + "text": "and ten the small intestine rotates anticlockwise, as viewed from the front of the embryo. It rotates a further 180 degrees after it has moved back into the abdomen. This process creates the twisted shape of the large intestine. Food from the stomach is allowed into the duodenum through the pylorus by a muscle called the pyloric sphincter. The small intestine is where most chemical digestion takes place. Many of the digestive enzymes that act in the small intestine are secreted by the pancreas and liver and enter the small intestine via the pancreatic duct. Pancreatic enzymes and bile from", + "score": 0.65478515625 + }, + { + "id": "5242264", + "title": "Domestic rabbit", + "text": "fermentation, what it otherwise would not be able to metabolically process. After a rabbit ingests food, the food travels down the esophagus and through a small valve called the cardia. In rabbits, this valve is very well pronounced and makes the rabbit incapable of vomiting. The food enters the stomach after passing through the cardia. Food then moves to the stomach and small intestine where a majority of nutrient extraction and absorption takes place. Food then passes into the colon and eventually into the cecum. Peristaltic muscle contractions (waves of motion) help to separate fibrous and non-fibrous particles. The non-fibrous", + "score": 0.65380859375 + }, + { + "id": "10707693", + "title": "Annaprashana", + "text": "Annaprashana The Annaprashana (, , , Onnoprashon) also known as Annaprashana vidhi, Annaprasan or Anna-prasanam or Anna Prashashan, is a Hindu rite of passage ritual (Sa\u1e43sk\u0101ra) that marks an infant's first intake of food other than milk. The term \"annaprashan\" literally means \"food feeding\" or \"eating of food\". The Annaprashana, unlike many other Samskaras, remains an important ceremony in modern India. The ceremony is usually arranged in consultation with a priest, who arranges an auspicious date on which to conduct the ceremony. It is usually carried out when the child is six to eight months old \u2014 odd months for", + "score": 0.6513671875 + }, + { + "id": "2832914", + "title": "Pylorus", + "text": "from the pyloric canal by a slight groove. The \"canal\" () is the opening between the stomach and the duodenum. The \"pyloric sphincter\", or valve, is a strong ring of smooth muscle at the end of the pyloric canal which lets food pass from the stomach to the duodenum. It controls the outflow of gastric contents into the duodenum. It receives sympathetic innervation from the celiac ganglion. Under microscopy, the pylorus contains numerous glands, including gastric pits, which constitute about half the depth of the pyloric mucosa. They consist of two or three short closed tubes opening into a common", + "score": 0.65087890625 + }, + { + "id": "17916255", + "title": "Human digestive system", + "text": "inside the esophagus. During swallowing, food passes from the mouth through the pharynx into the esophagus. The epiglottis folds down to a more horizontal position to direct the food into the esophagus, and away from the trachea. Once in the esophagus, the bolus travels down to the stomach via rhythmic contraction and relaxation of muscles known as peristalsis. The lower esophageal sphincter is a muscular sphincter surrounding the lower part of the esophagus. The junction between the esophagus and the stomach (the gastroesophageal junction) is controlled by the lower esophageal sphincter, which remains constricted at all times other than during", + "score": 0.65087890625 + }, + { + "id": "16973725", + "title": "Fish physiology", + "text": "food is further digested and, in many fish, processed in finger-shaped pouches called pyloric caeca, which secrete digestive enzymes and absorb nutrients. Organs such as the liver and pancreas add enzymes and various chemicals as the food moves through the digestive tract. The intestine completes the process of digestion and nutrient absorption. In most vertebrates, digestion is a four-stage process involving the main structures of the digestive tract, starting with ingestion, placing food into the mouth, and concluding with the excretion of undigested material through the anus. From the mouth, the food moves to the stomach, where as bolus it", + "score": 0.650390625 + }, + { + "id": "1455178", + "title": "Esophagus", + "text": "all carnivorous snails and slugs. In the freshwater snail species \"Tarebia granifera\", the brood pouch is above the esophagus. In the cephalopods, the brain often surrounds the esophagus. Esophagus The esophagus (American English) or oesophagus (British English) (), commonly known as the food pipe or gullet (gut), is an organ in vertebrates through which food passes, aided by peristaltic contractions, from the pharynx to the stomach. The esophagus is a fibromuscular tube, about 25 centimetres long in adults, which travels behind the trachea and heart, passes through the diaphragm and empties into the uppermost region of the stomach. During swallowing,", + "score": 0.64990234375 + }, + { + "id": "1455159", + "title": "Esophagus", + "text": "of food to enter. Peristaltic contractions of the esophageal muscle push the food down the esophagus. These rhythmic contractions occur both as a reflex response to food that is in the mouth, and also as a response to the sensation of food within the esophagus itself. Along with peristalsis, the lower esophageal sphincter relaxes. The stomach produces gastric acid, a strongly acidic mixture consisting of hydrochloric acid (HCl) and potassium and sodium salts to enable food digestion. Constriction of the upper and lower esophageal sphincters help to prevent reflux (backflow) of gastric contents and acid into the esophagus, protecting the", + "score": 0.6494140625 + }, + { + "id": "13729325", + "title": "Insect morphology", + "text": "is especially prominent and used for sponging liquid or semiliquid food. The labella are a complex structure consisting of many grooves, called pseudotracheae, which sop up liquids. Salivary secretions from the labella assist in dissolving and collecting food particles so they can be more easily taken up by the pseudotracheae; this is thought to occur by capillary action. The liquid food is then drawn up from the pseudotracheae through the food channel into the esophagus. The mouthparts of bees are of a chewing and lapping-sucking type. Lapping is a mode of feeding in which liquid or semiliquid food adhering to", + "score": 0.6494140625 + }, + { + "id": "8473334", + "title": "Retroperistalsis", + "text": "of humans are weak compared with those of most other mammals. In cud-chewing animals, such as cows, reverse peristalsis can occur so that the food is brought back from the stomach to the mouth for rechewing. When the stomach is filled, peristaltic waves are diminished. The presence of fat in a meal can completely stop these movements for a short period until it is diluted with gastric juices or removed from the stomach. Peristaltic waves start as weak contractions at the beginning of the stomach and progressively become stronger as they near the distal stomach regions. The waves help to", + "score": 0.64892578125 + }, + { + "id": "3932949", + "title": "Motility", + "text": "as well as to some mechanisms of fluid flow in multicellular organs and tissue. Motile marine animals are commonly called free-swimming, and motile non-parasitic organisms are called free-living. Motility also refers to an organism's ability to move food through its digestive tract. There are two types of intestinal motility \u2013 peristalsis and segmentation. This motility is brought about by the contraction of smooth muscles in the gastrointestinal tract which mix the luminal contents with various secretions (segmentation) and move contents through the digestive tract from the mouth to the anus (peristalsis). At the cellular level, different modes of motility exist:", + "score": 0.6474609375 + }, + { + "id": "12582733", + "title": "Phoronid", + "text": "inside the tentacles, and cilia in the groove push the particles into the mouth. Phoronids direct their lophophores into the water current, and quickly reorient to maximize the food-catching area when currents change. Their diet includes algae, diatoms, flagellates, peridinians, small invertebrate larvae, and detritus. Unwanted material can be excluded by closing the epistome (lid above the mouth) or be rejected by the tentacles, whose cilia can switch into reverse. The gut uses cilia and muscles to move food towards the stomach and secretes enzymes that digest some of the food, but the stomach digests the majority of the food.", + "score": 0.646484375 + }, + { + "id": "2832916", + "title": "Pylorus", + "text": "entirely involuntary are located in at the (Pylorus The pylorus is one component of the gastrointestinal system. Food from the stomach, as chyme, passes through the pylorus to the duodenum. The pylorus, through the pyloric sphincter, regulates entry of food from the stomach into the duodenum. In such conditions as stomach cancer, tumours may partly block the pyloric canal. A special tube can be implanted surgically to connect the stomach to the duodenum so as to facilitate the passage of food from one to the other. This tube is called a gastroduodenostomy. Pyloric stenosis refers to a pylorus that is", + "score": 0.64599609375 + }, + { + "id": "3665916", + "title": "Cephalochordate", + "text": "and possesses buccal cirri, which assist in sifting out larger food particles before they enter the buccal cavity. Epithelial cilia lining the mouth and pharynx form a specialized \"wheel organ\" situated at the dorsal and posterior end of the cavity. The motion of the cilia resembles the motion of a turning wheel, hence the organ's name, and transports the captured food particles. Behind the wheel organ is the velum, which acts as an internal filter before food enters the pharynx. The food particles adhere to secreted mucus on the pharyngeal bars before being brought to the epibranchial groove on the", + "score": 0.6455078125 + }, + { + "id": "12555201", + "title": "Earthworm", + "text": "number past the third segment. The gut of the earthworm is a straight tube which extends from the worm's mouth to its anus. It is differentiated into a buccal cavity (generally running through the first one or two segments of the earthworm), pharynx (running generally about four segments in length), esophagus, crop, gizzard (usually) and intestine. Food enters in the mouth. The pharynx acts as a suction pump; its muscular walls draw in food. In the pharynx, the pharyngeal glands secrete mucus. Food moves into the esophagus, where calcium (from the blood and ingested from previous meals) is pumped in", + "score": 0.64306640625 + }, + { + "id": "2244000", + "title": "Chyme", + "text": "starches in chyme that were not digested fully in the small intestine. When all of the nutrients have been absorbed from chyme, the remaining waste material changes into semisolids that are called feces. The feces pass to the rectum, to be stored until ready to be discharged from the body during defecation. The chyme of an unweaned calf is the defining ingredient of pajata, a traditional Roman recipe. Chyme Chyme or chymus (; from Greek \u03c7\u03c5\u03bc\u03cc\u03c2 \"khymos\", \"juice\") is the semi-fluid mass of partly digested food that is expelled by the stomach, through the pyloric valve, into the duodenum (the", + "score": 0.64306640625 + }, + { + "id": "1455158", + "title": "Esophagus", + "text": "esophagus, stomach, and intestines. The esophagus develops as part of the foregut tube. The innervation of the esophagus develops from the pharyngeal arches. Food is ingested through the mouth and when swallowed passes first into the pharynx and then into the esophagus. The esophagus is thus one of the first components of the digestive system and the gastrointestinal tract. After food passes through the esophagus, it enters the stomach. When food is being swallowed, the epiglottis moves backward to cover the larynx, preventing food from entering the trachea. At the same time, the upper esophageal sphincter relaxes, allowing a bolus", + "score": 0.64306640625 + }, + { + "id": "1430918", + "title": "Digestion", + "text": "that move along the stomach wall. This allows the mass of food to further mix with the digestive enzymes. After some time (typically 1\u20132 hours in humans, 4\u20136 hours in dogs, 3\u20134 hours in house cats), the resulting thick liquid is called chyme. When the pyloric sphincter valve opens, chyme enters the duodenum where it mixes with digestive enzymes from the pancreas and bile juice from the liver and then passes through the small intestine, in which digestion continues. When the chyme is fully digested, it is absorbed into the blood. 95% of absorption of nutrients occurs in the small", + "score": 0.6416015625 + }, + { + "id": "2243995", + "title": "Chyme", + "text": "Chyme Chyme or chymus (; from Greek \u03c7\u03c5\u03bc\u03cc\u03c2 \"khymos\", \"juice\") is the semi-fluid mass of partly digested food that is expelled by the stomach, through the pyloric valve, into the duodenum (the beginning of the small intestine). Chyme results from the mechanical and chemical breakdown of a bolus and consists of partially digested food, water, hydrochloric acid, and various digestive enzymes. Chyme slowly passes through the pyloric sphincter and into the duodenum, where the extraction of nutrients begins. Depending on the quantity and contents of the meal, the stomach will digest the food into chyme in anywhere between 40 minutes", + "score": 0.64111328125 + }, + { + "id": "17916237", + "title": "Human digestive system", + "text": "lips are the mouth's front boundary and the fauces (the passageway between the tonsils, also called the throat), mark its posterior boundary. At either side of the soft palate are the palatoglossus muscles which also reach into regions of the tongue. These muscles raise the back of the tongue and also close both sides of the fauces to enable food to be swallowed. Mucus helps in the mastication of food in its ability to soften and collect the food in the formation of the bolus. There are three pairs of main salivary glands and between 800 and 1,000 minor salivary", + "score": 0.640625 + }, + { + "id": "1430937", + "title": "Digestion", + "text": "by strong lips, which act like a hand to grab pieces of dead grass, leaves, and weeds, with bits of soil to help chew. The lips break the food down into smaller pieces. In the pharynx, the food is lubricated by mucus secretions for easier passage. The esophagus adds calcium carbonate to neutralize the acids formed by food matter decay. Temporary storage occurs in the crop where food and calcium carbonate are mixed. The powerful muscles of the gizzard churn and mix the mass of food and dirt. When the churning is complete, the glands in the walls of the", + "score": 0.640625 + }, + { + "id": "1614127", + "title": "Swallowing", + "text": "the neck in one swallow is called a bolus. Eating and swallowing are complex neuromuscular activities consisting essentially of three phases, an oral, pharyngeal and esophageal phase. Each phase is controlled by a different neurological mechanism. The oral phase, which is entirely voluntary, is mainly controlled by the medial temporal lobes and limbic system of the cerebral cortex with contributions from the motor cortex and other cortical areas. The pharyngeal swallow is started by the oral phase and subsequently is coordinated by the swallowing center on the medulla oblongata and pons. The reflex is initiated by touch receptors in the", + "score": 0.63818359375 + }, + { + "id": "1430941", + "title": "Digestion", + "text": "size of the meal, and the process of digestion normally takes between 24 and 72 hours. Digestion begins in the mouth with the secretion of saliva and its digestive enzymes. Food is formed into a bolus by the mechanical mastication and swallowed into the esophagus from where it enters the stomach through the action of peristalsis. Gastric juice contains hydrochloric acid and pepsin which would damage the walls of the stomach and mucus is secreted for protection. In the stomach further release of enzymes break down the food further and this is combined with the churning action of the stomach.", + "score": 0.63818359375 + }, + { + "id": "3397743", + "title": "Chewing", + "text": "Chewing Chewing or mastication is the process by which food is crushed and ground by teeth. It is the first step of digestion, and it increases the surface area of foods to allow a more efficient break down by enzymes. During the mastication process, the food is positioned by the cheek and tongue between the teeth for grinding. The muscles of mastication move the jaws to bring the teeth into intermittent contact, repeatedly occluding and opening. As chewing continues, the food is made softer and warmer, and the enzymes in saliva begin to break down carbohydrates in the food. After", + "score": 0.63671875 + }, + { + "id": "12577715", + "title": "Mollusca", + "text": "called a \"food string\". At the tapered rear end of the stomach and projecting slightly into the hindgut is the prostyle, a backward-pointing cone of feces and mucus, which is rotated by further cilia so it acts as a bobbin, winding the mucus string onto itself. Before the mucus string reaches the prostyle, the acidity of the stomach makes the mucus less sticky and frees particles from it. The particles are sorted by yet another group of cilia, which send the smaller particles, mainly minerals, to the prostyle so eventually they are excreted, while the larger ones, mainly food, are", + "score": 0.63671875 + }, + { + "id": "14080183", + "title": "Regulation of gastric function", + "text": "Regulation of gastric function The nervous system and endocrine system collaborate to increase gastric secretion and motility when food is eaten and to suppress them as the stomach empties. Gastric activity associated with eating is divided into three stages called the cephalic phase, gastric phase, and intestinal phase, based on whether the stomach is being controlled by the brain, by itself, or by the small intestine, respectively. These phases overlap and all three can occur simultaneously. A fourth phase of acid secretion is known as the basal state which occurs in the times between meals (interdigestive phase). The level of", + "score": 0.63671875 + }, + { + "id": "1614141", + "title": "Swallowing", + "text": "food bolus is significantly slower than in the pharynx. The bolus enters the esophagus and is propelled downwards first by striated muscle (recurrent laryngeal, X) then by the smooth muscle (X) at a rate of 3\u20135 cm/s. The upper esophageal sphincter relaxes to let food pass, after which various striated constrictor muscles of the pharynx as well as peristalsis and relaxation of the lower esophageal sphincter sequentially push the bolus of food through the esophagus into the stomach. 13) Relaxation phase Finally the larynx and pharynx move down with the hyoid mostly by elastic recoil. Then the larynx and pharynx", + "score": 0.63671875 + }, + { + "id": "3397744", + "title": "Chewing", + "text": "chewing, the food (now called a bolus) is swallowed. It enters the esophagus and via peristalsis continues on to the stomach, where the next step of digestion occurs. Premastication is sometimes performed by human parents for infants who are unable to do so for themselves. The food is masticated in the mouth of the parent into a bolus and then transferred to the infant for consumption. (Some other animals also premasticate.) Cattle and some other animals, called ruminants, chew food more than once to extract more nutrients. After the first round of chewing, this food is called cud. Chewing is", + "score": 0.63671875 + }, + { + "id": "1657533", + "title": "Phagocytosis", + "text": "used as a means of feeding, providing part or all of their nourishment. This is called phagotrophic nutrition, distinguished from osmotrophic nutrition which takes place by absorption. As in phagocytic immune cells, the resulting phagosome may be merged with lysosomes containing digestive enzymes, forming a phagolysosome. The food particles will then be digested, and the released nutrients are diffused or transported into the cytosol for use in other metabolic processes. Mixotrophy can involve phagotrophic nutrition and phototrophic nutrition. Phagocytosis In cell biology, phagocytosis () is the process by which a cell - often a phagocyte or a protist - engulfs", + "score": 0.63525390625 + }, + { + "id": "572772", + "title": "Even-toed ungulate", + "text": "and separates into layers of solid versus liquid material. The solids lump together to form a bolus (also known as the cud); this is regurgitated by reticular contractions while the glottis is closed. When the bolus enters the mouth, the fluid is squeezed out with the tongue and re-swallowed. The bolus is chewed slowly to completely mix it with saliva and to break it down. Ingested food passes to the \"fermentation chamber\" (rumen and reticulum), where it is kept in continual motion by rhythmic contractions. Cellulytic microbes (bacteria, protozoa, and fungi) produce cellulase, which is needed to break down the", + "score": 0.63525390625 + }, + { + "id": "2340247", + "title": "Tunicate", + "text": "flows into the interior, and the atrial siphon on the ventral side through which it is expelled. A large pharynx occupies most of the interior of the body. It is a muscular tube linking the buccal opening with the rest of the gut. It has a ciliated groove known as an endostyle on its ventral surface, and this secretes a mucous net which collects food particles and is wound up on the dorsal side of the pharynx. The gullet, at the lower end of the pharynx, links it to a loop of gut which terminates near the atrial siphon. The", + "score": 0.6337890625 + }, + { + "id": "1373629", + "title": "Peristalsis", + "text": "intestine. Once past the stomach, a typical peristaltic wave only lasts for a few seconds, travelling at only a few centimeters per second. Its primary purpose is to mix the chyme in the intestine rather than to move it forward in the intestine. Through this process of mixing and continued digestion and absorption of nutrients, the chyme gradually works its way through the small intestine to the large intestine. In contrast to peristalsis, segmentation contractions result in that churning and mixing without pushing materials further down the digestive tract. Although the large intestine has peristalsis of the type that the", + "score": 0.6328125 + }, + { + "id": "10999677", + "title": "Esophageal food bolus obstruction", + "text": "into the esophagus to forcefully lavage it. The standard treatment of food bolus obstruction is the use of endoscopy or fibre-optic cameras inserted by mouth into the esophagus. Endoscopes can be used to diagnose the cause of the food bolus obstruction, as well as to remove the obstruction. Traditional endoscopic techniques involved the use of an overtube, a plastic tube inserted into the esophagus prior to the removal of the food bolus, in order to reduce the risk of aspiration into the lungs at the time of endoscopy. However, the \"push technique\", which involves insufflating air into the esophagus, and", + "score": 0.6318359375 + }, + { + "id": "11697166", + "title": "Pressure Flow Hypothesis", + "text": "dormant, the leaves are sources, and storage organs are sinks. Developing seed-bearing organs (such as fruit) are always sinks. While movement of water and minerals through the xylem is driven by negative pressures (tension) most of the time, movement through the phloem is driven by positive hydrostatic pressure. This process is termed \"translocation\", and is accomplished by a process called \"phloem loading\" and \"unloading\". Cells in a sugar source \"load\" a sieve-tube element by actively transporting solute molecules into it. This causes water to move into the sieve-tube element by osmosis, creating pressure that pushes the sap down the tube.", + "score": 0.6318359375 + }, + { + "id": "2340259", + "title": "Tunicate", + "text": "planktonic particles including bacteria. The net is rolled up on the dorsal side of the pharynx, and it and the trapped particles are drawn into the oesophagus. The gut is U-shaped and also ciliated to move the contents along. The stomach is an enlarged region at the lowest part of the U-bend. Here, digestive enzymes are secreted and a pyloric gland adds further secretions. After digestion, the food is moved on through the intestine, where absorption takes place, and the rectum, where undigested remains are formed into faecal pellets or strings. The anus opens into the dorsal or cloacal part", + "score": 0.630859375 + }, + { + "id": "7708747", + "title": "Sanskara (rite of passage)", + "text": "baby is in presence of the moon, the father says, \"O Moon, thou whose hair is well parted, let this child come to no harm, nor torn from the mother\". Annaprashana (IAST: Annapr\u0101\u015bana, Sanskrit: \u0905\u0928\u094d\u0928\u092a\u094d\u0930\u093e\u0936\u0928) literally means \"feeding of food\", and the rite of passage marks the first time a baby eats solid food, typically containing cooked rice. Most Gryhasutras recommend this ritual in the sixth month, or when the child shows the first teeth, with slow weaning of the baby from breast feeding to other sources food. Some texts recommend continued breast feeding of the child, as the child", + "score": 0.63037109375 + }, + { + "id": "20018694", + "title": "Migrants' food consumption", + "text": "Migrants' food consumption Migrants\u2019 food consumption is the intake of food on a physical and symbolic level from a person or a group of people that moved from one place to another with the intention of settling, permanently in the new location. Food Consumption can provide insights into the complex experience of migration, because it plays a central role to the memory, comfort and all processes needed to adapt to a new country and environment and even to social relations within and beyond the family. The major elements of eating do not only include the process of eating itself but", + "score": 0.6298828125 + }, + { + "id": "17916231", + "title": "Human digestive system", + "text": "teeth, and also by the contractions of peristalsis, and segmentation. Gastric acid, and the production of mucus in the stomach, are essential for the continuation of digestion. Peristalsis is the rhythmic contraction of muscles that begins in the esophagus and continues along the wall of the stomach and the rest of the gastrointestinal tract. This initially results in the production of chyme which when fully broken down in the small intestine is absorbed as chyle into the lymphatic system. Most of the digestion of food takes place in the small intestine. Water and some minerals are reabsorbed back into the", + "score": 0.6298828125 + }, + { + "id": "8450624", + "title": "Esophageal spasm", + "text": "Esophageal spasm Esophageal spasm or oesophageal spasm is a disorder of esophageal motility. The esophagus is an organ in vertebrates which consists of a fibromuscular tube through which food passes, aided by peristalsis contractions, from the upper esophageal sphincter to the stomach through waves of coordinated muscle contraction, or peristalsis. There are two types of esophageal spasm: Both conditions can be linked with Gastroesophageal reflux disease (GERD). When the coordinated muscle contraction are irregular or uncoordinated, this condition may be called diffuse esophageal spasm. These spasms can prevent food from reaching the stomach where food gets stuck in the esophagus.", + "score": 0.6298828125 + }, + { + "id": "6761838", + "title": "Food mill", + "text": "Food mill A food mill (also called passatutto, pur\u00e9e sieve, moulinette, mouli l\u00e9gumes, or passe-vite) is a food preparation utensil for mashing and sieving soft foods. Typically, a food mill consists of three parts: a bowl, a bottom plate with holes like those in a colander, and a crank fitted with a bent metal blade which crushes the food and forces it through the holes in the bottom plate as the crank is turned. The bottom plate may be a permanent part of the device, or interchangeable plates with different hole sizes may be supplied. Three corrugated feet on the", + "score": 0.6298828125 + }, + { + "id": "1614129", + "title": "Swallowing", + "text": "of the food and liquid. The following stages describe the normal and necessary actions to form the bolus, which is defined as the state of the food in which it is ready to be swallowed. 1) Moistening Food is moistened by saliva from the salivary glands (parasympathetic). 2) Mastication Food is mechanically broken down by the action of the teeth controlled by the muscles of mastication (V) acting on the temporomandibular joint. This results in a bolus which is moved from one side of the oral cavity to the other by the tongue. Buccinator (VII) helps to contain the food", + "score": 0.6298828125 + }, + { + "id": "3397749", + "title": "Chewing", + "text": "a \"masticator\" (also called a forestry mulching machine) to \"chew\" through brush and timber in order to clear firelines in advance of a wildfire. Chewing Chewing or mastication is the process by which food is crushed and ground by teeth. It is the first step of digestion, and it increases the surface area of foods to allow a more efficient break down by enzymes. During the mastication process, the food is positioned by the cheek and tongue between the teeth for grinding. The muscles of mastication move the jaws to bring the teeth into intermittent contact, repeatedly occluding and opening.", + "score": 0.62939453125 + }, + { + "id": "6059633", + "title": "Well control", + "text": "Similarly while moving up there is low pressure zone created below the drill string which sucks the formation fluid into the wellbore which is called swab. The total pressure acting on the wellbore is affected by pipe movement upwards or downwards.Tripping pipe into and out of a well is one other common operation during completions and workovers. Unfortunately, statistics indicate that most kicks occur during trips. Therefore, understanding the basic concepts of tripping is a major concern in completion/workover operations. Downward movement of tubing(tripping in) creates a pressure that is exerted on the bottom of a well. As the tubing", + "score": 0.62890625 + }, + { + "id": "10999678", + "title": "Esophageal food bolus obstruction", + "text": "gently pushing the bolus toward the stomach instead, has emerged as a common and safe way of removing the obstruction. Other tools may be used to remove food boluses. The Roth Net is a mesh net that can be inserted through the endoscope, and opened and closed from the outside; it can be used to retrieve pieces of obstructed food. Snares, which are normally used to remove polyps can be used to macerate the food causing the obstruction. Dormia baskets, which are metal baskets used to remove stones from the common bile duct in a procedure known as endoscopic retrograde", + "score": 0.6279296875 + }, + { + "id": "20018696", + "title": "Migrants' food consumption", + "text": "of an immigrant the choice of food and its related eating habits, are intensified because the immigrant carries two worlds within himself. The original one and the new one. So there is a correlation between food and their cultures. Traditional food consumption is the attitude and practice of maintaining the eating habits of the home country in a new settling country. This approach is influenced by many factors, like maintaining connection with home. Considering the concrete and practical issues, migrants could not be familiar with the new cuisine and could not be able to prepare the typical new country's foods.", + "score": 0.6279296875 + }, + { + "id": "737599", + "title": "Phloem", + "text": "such as the roots are sugar sources, and the plant's many growing areas are sugar sinks. The movement in phloem is multidirectional, whereas, in xylem cells, it is unidirectional (upward). After the growth period, when the meristems are dormant, the leaves are sources, and storage organs are sinks. Developing seed-bearing organs (such as fruit) are always sinks. Because of this multi-directional flow, coupled with the fact that sap cannot move with ease between adjacent sieve-tubes, it is not unusual for sap in adjacent sieve-tubes to be flowing in opposite directions. While movement of water and minerals through the xylem is", + "score": 0.626953125 + }, + { + "id": "17916260", + "title": "Human digestive system", + "text": "fats to some degree though is not as efficient as the pancreatic lipase. The pylorus, the lowest section of the stomach which attaches to the duodenum via the pyloric canal, contains countless glands which secrete digestive enzymes including gastrin. After an hour or two, a thick semi-liquid called chyme is produced. When the pyloric sphincter, or valve opens, chyme enters the duodenum where it mixes further with digestive enzymes from the pancreas, and then passes through the small intestine, where digestion continues. When the chyme is fully digested, it is absorbed into the blood. 95% of absorption of nutrients occurs", + "score": 0.626953125 + }, + { + "id": "17916254", + "title": "Human digestive system", + "text": "varying with height. It is divided into cervical, thoracic and abdominal parts. The pharynx joins the esophagus at the esophageal inlet which is behind the cricoid cartilage. At rest the esophagus is closed at both ends, by the upper and lower esophageal sphincters. The opening of the upper sphincter is triggered by the swallowing reflex so that food is allowed through. The sphincter also serves to prevent back flow from the esophagus into the pharynx. The esophagus has a mucous membrane and the epithelium which has a protective function is continuously replaced due to the volume of food that passes", + "score": 0.62646484375 + }, + { + "id": "1614169", + "title": "Esophageal motility study", + "text": "Esophageal motility study An esophageal motility study (EMS) or esophageal manometry is a test to assess motor function of the upper esophageal sphincter (UES), esophageal body and lower esophageal sphincter (LES). An EMS is typically done to evaluate suspected disorders of motility or peristalsis of the esophagus. These include achalasia, diffuse esophageal spasm, nutcracker esophagus and hypertensive lower esophageal sphincter. These disorders typically present with dysphagia, or difficulty swallowing, usually to both solids and liquids even initially. Other patients with spasm disorders may have the test done to diagnose chest pain thought not to be of cardiac cause. The test", + "score": 0.62646484375 + }, + { + "id": "8759839", + "title": "Gastrocolic reflex", + "text": "Gastrocolic reflex The gastrocolic reflex or gastrocolic response is one of a number of physiological reflexes controlling the motility, or peristalsis, of the gastrointestinal tract. It involves an increase in motility of the colon consisting primarily of giant migrating contractions in response to stretch in the stomach and byproducts of digestion in the small intestine. Thus, this reflex is responsible for the urge to defecate following a meal. The small intestine also shows a similar motility response. The gastrocolic reflex helps make room for more food. The reflex was demonstrated by myoelectric recordings in the colons of animals and humans,", + "score": 0.6259765625 + }, + { + "id": "13489965", + "title": "Ciliate", + "text": "as bacteria and algae, and detritus swept into the oral groove (mouth) by modified oral cilia. This usually includes a series of membranelles to the left of the mouth and a paroral membrane to its right, both of which arise from \"polykinetids\", groups of many cilia together with associated structures. The food is moved by the cilia through the mouth pore into the gullet, which forms food vacuoles. Feeding techniques vary considerably, however. Some ciliates are mouthless and feed by absorption (osmotrophy), while others are predatory and feed on other protozoa and in particular on other ciliates. Some ciliates parasitize", + "score": 0.62548828125 + }, + { + "id": "8009811", + "title": "Agni (Ayurveda)", + "text": "and therefore, is ideal too. This results when all Doshas, Vata-Pitta-Kapha are in a state of equilibrium. Vi\u015fam\u0101gni represents an unpredictable state of Agni, which is due to the dominance of Vayu. It sometimes quickly digests the food and at other times it does so very slowly, representing unpredictability. T\u012bk\u015f\u0146\u0101gni results because of the dominance of Pitta which is intense, and hence, it easily digests even a very heavy meal, in a very short span of time. Mand\u0101gni is opposite to the T\u012bk\u015f\u0146\u0101gni: it is subdued in its activity. This Agni is unable to digest and metabolize even a small", + "score": 0.62548828125 + }, + { + "id": "2328626", + "title": "Gizzard", + "text": "\"gigeria\", meaning giblets. Birds swallow food and store it in their crop if necessary. Then the food passes into their glandular stomach, also called the proventriculus, which is also sometimes referred to as the true stomach. This is the secretory part of the stomach. Then the food passes into the gizzard (also known as the \"muscular stomach\" or \"ventriculus\"). The gizzard can grind the food with previously swallowed stones and pass it back to the true stomach, and vice versa. In layman's terms, the gizzard 'chews' the food for the bird as it does not have teeth to chew food", + "score": 0.62548828125 + }, + { + "id": "6617962", + "title": "Migrating motor complex", + "text": "Migrating motor complex Migrating motor complexes (or migrating myoelectric complex or migratory motor complex or migratory myoelectric complex or MMC) are waves of electrical activity that sweep through the intestines in a regular cycle during fasting. These motor complexes trigger peristaltic waves, which facilitate transportation of indigestible substances such as bone, fiber, and foreign bodies from the stomach, through the small intestine, past the ileocecal sphincter, and into the colon. The MMC occurs every 45\u2013180 minutes during the interdigestive phase (i.e., between meals) and is responsible for the rumbling experienced when hungry. It also serves to transport bacteria from the", + "score": 0.62548828125 + }, + { + "id": "10579723", + "title": "Insect physiology", + "text": "which must be broken down by catabolic reactions into smaller molecules (i.e. amino acids, simple sugars, etc.) before being used by cells of the body for energy, growth, or reproduction. This break-down process is known as digestion. The insect's digestive system is a closed system, with one long enclosed coiled tube called the alimentary canal which runs lengthwise through the body. The alimentary canal only allows food to enter the mouth, and then gets processed as it travels toward the anus. The alimentary canal has specific sections for grinding and food storage, enzyme production, and nutrient absorption. Sphincters control the", + "score": 0.625 + }, + { + "id": "3076420", + "title": "Maitrayaniya Upanishad", + "text": "\"food prayer\" and that urges \"Atman\" to gratify the reciter as well as gratify all creatures in the universe. In the second part, the Upanishad calls apparent form of Brahman as food, then differentiates between food and the eater of food, and metaphorically maps food all to the nature of existence, of Prakrti (nature) and Purusha (consciousness). In the third part, in paragraphs 6.11 to 6.17, the text states that food is the cause of all that is in space and hidden principles, then expands the idea to include time by calling \"Kala\" (Time) is the cause of food, and", + "score": 0.625 + }, + { + "id": "3194780", + "title": "Feeding tube", + "text": "tube surgically or endoscopically inserted through the abdomen and into the jejunum (the second part of the small intestine). Feeding tube A feeding tube is a medical device used to provide nutrition to people who cannot obtain nutrition by mouth, are unable to swallow safely, or need nutritional supplementation. The state of being fed by a feeding tube is called gavage, enteral feeding or tube feeding. Placement may be temporary for the treatment of acute conditions or lifelong in the case of chronic disabilities. A variety of feeding tubes are used in medical practice. They are usually made of polyurethane", + "score": 0.625 + }, + { + "id": "2243999", + "title": "Chyme", + "text": "stomach at regular intervals into the small intestine, which stimulates the pancreas to release fluid containing a high concentration of bicarbonate. This fluid neutralizes the gastric juices, which can damage the lining of the intestine and result in duodenal ulcer. Other secretions from the pancreas, gallbladder, liver, and glands in the intestinal wall help in digestion. When food particles are sufficiently reduced in size and composition, they are absorbed by the intestinal wall and transported to the bloodstream. Some food material is passed from the small intestine to the large intestine. In the large intestine, bacteria break down proteins and", + "score": 0.623046875 + }, + { + "id": "17916229", + "title": "Human digestive system", + "text": "Human digestive system The human digestive system consists of the gastrointestinal tract plus the accessory organs of digestion (the tongue, salivary glands, pancreas, liver, and gallbladder). Digestion involves the breakdown of food into smaller and smaller components, until they can be absorbed and assimilated into the body. The process of digestion has many stages. The first stage is the cephalic phase of digestion which begins with gastric secretions in response to the sight and smell of food. The next stage starts in the mouth. Chewing, in which food is mixed with saliva, begins the mechanical process of digestion. This produces", + "score": 0.623046875 + }, + { + "id": "10579725", + "title": "Insect physiology", + "text": "tubes into the mouth, beginning the process of breaking it down. The stomatedeum and proctodeum are invaginations of the epidermis and are lined with cuticle (intima). The mesenteron is not lined with cuticle but with rapidly dividing and therefore constantly replaced, epithelial cells. The cuticle sheds with every moult along with the exoskeleton. Food is moved down the gut by muscular contractions called peristalsis. The main function of insect blood, hemolymph, is that of transport and it bathes the insect's body organs. Making up usually less than 25% of an insect's body weight, it transports hormones, nutrients and wastes and", + "score": 0.623046875 + }, + { + "id": "12582723", + "title": "Phoronid", + "text": "animal in the tube and enables it to retract its body very quickly when threatened. When the lophophore is extended at the top of the body, cilia (little hairs) on the sides of the tentacles draw food particles to the mouth, which is inside and slightly to one side of the base of the lophophore. Unwanted material can be excluded by closing a lid above the mouth or be rejected by the tentacles, whose cilia can switch into reverse. The food then moves down to the stomach, which is in the ampulla. Solid wastes are moved up the intestine and", + "score": 0.62255859375 + }, + { + "id": "17916279", + "title": "Human digestive system", + "text": "on the microvilli. The chylomicrons are small enough to pass through the enterocyte villi and into their lymph capillaries called lacteals. A milky fluid called chyle, consisting mainly of the emulsified fats of the chylomicrons, results from the absorbed mix with the lymph in the lacteals. Chyle is then transported through the lymphatic system to the rest of the body. The suspensory muscle marks the end of the duodenum and the division between the upper gastrointestinal tract and the lower GI tract. The digestive tract continues as the jejunum which continues as the ileum. The jejunum, the midsection of the", + "score": 0.62255859375 + }, + { + "id": "1614131", + "title": "Swallowing", + "text": "trough (a longitudinal concave fold) at the back of the tongue. The tongue is then elevated to the roof of the mouth (by the mylohyoid (mylohyoid nerve\u2014V), genioglossus, styloglossus and hyoglossus (the rest XII)) such that the tongue slopes downwards posteriorly. The contraction of the genioglossus and styloglossus (both XII) also contributes to the formation of the central trough. 4) Movement of the bolus posteriorly At the end of the oral preparatory phase, the food bolus has been formed and is ready to be propelled posteriorly into the pharynx. In order for anterior to posterior transit of the bolus to", + "score": 0.6220703125 + }, + { + "id": "2195724", + "title": "Nasogastric intubation", + "text": "of the tube. Nasogastric intubation Nasogastric intubation is a medical process involving the insertion of a plastic tube (nasogastric tube or NG tube) through the nose, past the throat, and down into the stomach. Orogastric intubation is a similar process involving the insertion of a plastic tube (orogastric tube) through the mouth. A nasogastric tube is used for feeding and administering drugs and other oral agents such as activated charcoal. For drugs and for minimal quantities of liquid, a syringe is used for injection into the tube. For continuous feeding, a gravity based system is employed, with the solution placed", + "score": 0.6220703125 + }, + { + "id": "10999672", + "title": "Esophageal food bolus obstruction", + "text": "it from the esophagus. Many foods can lodge themselves in the esophagus, but the most common are meats such as steak, poultry, or pork leading to the colourful description of the phenomenon as steakhouse syndrome. People with food bolus obstruction typically display acute dysphagia (difficulty swallowing), often to the point that they cannot even swallow their saliva, leading to drooling. They may also suffer from chest pain, neck pain, regurgitation of food, or painful swallowing (odynophagia). Patients with esophageal food boluses are also at risk of complications, such as perforation of the esophagus, and aspiration into the lungs. As a", + "score": 0.6220703125 + }, + { + "id": "2195713", + "title": "Nasogastric intubation", + "text": "Nasogastric intubation Nasogastric intubation is a medical process involving the insertion of a plastic tube (nasogastric tube or NG tube) through the nose, past the throat, and down into the stomach. Orogastric intubation is a similar process involving the insertion of a plastic tube (orogastric tube) through the mouth. A nasogastric tube is used for feeding and administering drugs and other oral agents such as activated charcoal. For drugs and for minimal quantities of liquid, a syringe is used for injection into the tube. For continuous feeding, a gravity based system is employed, with the solution placed higher than the", + "score": 0.6220703125 + }, + { + "id": "8588092", + "title": "Baby-led weaning", + "text": "they are comfortable and ready. When food does move too posteriorly in the mouth triggering a gag reflex, the \"entire\" bolus is expelled from the mouth. Also, food moves slowly in comparison to liquid, and is not often sucked into the pharynx, allowing for laryngeal penetration or aspiration of the bolus. The food bolus will trigger a gag response first and be expelled before it hits the laryngeal vestibule. Infants therefore utilize the gag reflex for learning three important concepts: the borders of their mouth, desensitizing their gag reflex, and how to protect their airway when volitionally swallowing solid foods", + "score": 0.6220703125 + }, + { + "id": "17837075", + "title": "Foodomics", + "text": "H-NMR, a spectrum used to determine the structure, is still constant because there is no change going on. However, when pepsin takes action, TD-NMR, a special technique used for measuring mobile water population with macromolecular solutes, reveals that progressive unbundling of meat fibers helps pepsin activity to digest. TD-NMR data proves that bolus structure changes considerably during the first part of digestion and water molecules, consequently, leave the spaces inside the myofibrils and fiber bundles. This results in a low level of water that can be detected in duodenal stage. Since digestion is in progress, protein molecules become smaller and", + "score": 0.62158203125 + }, + { + "id": "755276", + "title": "Sea urchin", + "text": "the small and large intestines of sea urchins are in no way homologous to the similarly named structures in vertebrates. Digestion occurs in the intestine, with the caecum producing further digestive enzymes. An additional tube, called the siphon, runs beside much of the intestine, opening into it at both ends. It may be involved in resorption of water from food. The water vascular system leads downwards from the madreporite through the slender stone canal to the ring canal, which encircles the oesophagus. Radial canals lead from here through each ambulacral area to terminate in a small tentacle which passes through", + "score": 0.62109375 + }, + { + "id": "533842", + "title": "Echiura", + "text": "front of its body. It expands its muscular body wall to deposit a ring of mucus on the burrow wall then retreats backwards, exuding mucus as it goes and spinning a mucus net. It then draws water through the burrow by peristaltic contractions and food particles stick to the net. When this is sufficiently clogged up, the spoon worm moves forward along its burrow devouring the net and the trapped particles. This process is then repeated and in a detritus-rich area may take only a few minutes to complete. Large particles are squeezed out of the net and are eaten", + "score": 0.62109375 + }, + { + "id": "1738130", + "title": "Procellariidae", + "text": "trips, which are taken over the continental shelf, benefit the chick with faster growth, but longer trips to more productive pelagic feeding grounds are needed for the parents to maintain their own body condition. The meals are composed of both prey items and stomach oil, an energy-rich food that is lighter to carry than undigested prey items. This oil is created in a stomach organ known as a proventriculus from digested prey items, and gives procellariids and other Procellariifromes their distinctive musty smell. Chick development is quite slow for birds, with fledging taking place at around 2 months after hatching", + "score": 0.62109375 + }, + { + "id": "6021540", + "title": "Esophagectomy", + "text": "Esophagectomy Esophagectomy (US English) or oesophagectomy (British English) is the surgical removal of all or part of the esophagus. The principal objective is to remove the esophagus, a part of the gastrointestinal tract (\"food pipe\"). This procedure is usually done for patients with esophageal cancer. It is normally done when esophageal cancer is detected early, before it has spread to other parts of the body. Esophagectomy of early stage cancer represents the best chance of a cure. Despite significant improvements in technique and postoperative care, the long-term survival for esophageal cancer is still poor. Currently multimodality treatment is needed (chemotherapy", + "score": 0.62109375 + }, + { + "id": "1614140", + "title": "Swallowing", + "text": "X). The lower part of the inferior constrictor (cricopharyngeus) is normally closed and only opens for the advancing bolus. Gravity plays only a small part in the upright position\u2014in fact, it is possible to swallow solid food even when standing on one\u2019s head. The velocity through the pharynx depends on a number of factors such as viscosity and volume of the bolus. In one study, bolus velocity in healthy adults was measured to be approximately 30\u201340 cm/s. 12) Esophageal peristalsis Like the pharyngeal phase of swallowing, the esophageal phase of swallowing is under involuntary neuromuscular control. However, propagation of the", + "score": 0.62060546875 + }, + { + "id": "13812000", + "title": "Food rheology", + "text": "moves or flows once it is in a person's mouth and determines how desirable the food is seen to be. Food rheology Food rheology is the study of the rheological properties of food, that is, the consistency and flow of food under tightly specified conditions. The consistency, degree of fluidity, and other mechanical properties are important in understanding how long food can be stored, how stable it will remain, and in determining food texture. The acceptability of food products to the consumer is often determined by food texture, such as how spreadable and creamy a food product is. Food rheology", + "score": 0.62060546875 + }, + { + "id": "1450308", + "title": "Palatine uvula", + "text": "shown 40\u201360% effectiveness in reducing symptoms. Typically apnea subsides for the short term, but returns over the medium to long term, and sometimes is worse than it was before the UPPP. During swallowing, the soft palate and the uvula move superiorly to close off the nasopharynx, preventing food from entering the nasal cavity. When this process fails, the result is called \"nasal regurgitation\". It is common in people with VPI, the myositides, and neuromuscular disease. Regurgitation of fluids in this way may also occur if a particularly high volume of liquid is regurgitated, or during vigorous coughing, for example being", + "score": 0.6201171875 + }, + { + "id": "1637087", + "title": "Bivalvia", + "text": "into the stomach from an associated sac. Cilia in the sac cause the style to rotate, winding in a stream of food-containing mucus from the mouth, and churning the stomach contents. This constant motion propels food particles into a sorting region at the rear of the stomach, which distributes smaller particles into the digestive glands, and heavier particles into the intestine. Waste material is consolidated in the rectum and voided as pellets into the exhalent water stream through an anal pore. Feeding and digestion are synchronized with diurnal and tidal cycles. Carnivorous bivalves have a greatly reduced style, and a", + "score": 0.61962890625 + }, + { + "id": "1614171", + "title": "Esophageal motility study", + "text": "functioning of the esophageal muscles. Overall the procedure takes about 45 minutes. After the procedure is complete, patients can usually resume their normal daily activities. Upper gastrointestinal series and their fluoroscopic counterparts use x-rays to image the swallowing motions. Recently, high resolution manometry (HRM) has been developed that significantly reduces the procedure time (10 minutes versus 45 minutes with conventional manometry) and provides enhanced patient comfort. Newer catheters incorporate concurrent impedance with HRM. Esophageal motility study An esophageal motility study (EMS) or esophageal manometry is a test to assess motor function of the upper esophageal sphincter (UES), esophageal body and", + "score": 0.61962890625 + }, + { + "id": "2246684", + "title": "Pulmonary aspiration", + "text": "Pulmonary aspiration Pulmonary aspiration is the entry of material (such as pharyngeal secretions, food or drink, or stomach contents) from the oropharynx or gastrointestinal tract into the larynx (voice box) and lower respiratory tract (the portions of the respiratory system from the trachea\u2014i.e., windpipe\u2014to the lungs). A person may either inhale the material, or it may be delivered into the tracheobronchial tree during positive pressure ventilation. When pulmonary aspiration occurs during eating and drinking, the aspirated material is often colloquially referred to as \"going down the wrong pipe.\" Consequences of pulmonary aspiration range from no injury at all, to chemical", + "score": 0.61962890625 + }, + { + "id": "10999673", + "title": "Esophageal food bolus obstruction", + "text": "result, urgent treatment of patients with high-risk features, or a lengthy duration of symptoms, is recommended. Food bolus obstruction is most commonly caused by Schatzki rings, which are mucosal rings of unknown cause in the lower esophagus. Foodstuff jams into the esophagus due to the narrowing caused by the ring. An increasingly commonly recognized cause for esophageal food bolus obstruction is eosinophilic esophagitis, which is an inflammatory disorder of the mucosa of the esophagus, of unknown cause. Many alterations caused by eosinophilic esophagitis can predispose to food boluses; these include the presence of multiple rings and narrowing of the lumen.", + "score": 0.61962890625 + } + ], + "answer": "The mechanical action that moves food into the esophagus is called swallowing. Swallowing is an important part of eating and drinking. The autonomic function that moves food from the esophagus to the stomach is called peristalsis. In much of a digestive tract such as the human gastrointestinal tract, smooth muscle tissue contracts in sequence to produce a peristaltic wave, which propels a ball of food along the tract." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "How could the person be described who developed a staining method that could be used to identify bacteria?", + "short_answers": [ + "Danish bacteriologist" + ], + "wikipage": null + }, + { + "context": "Gram stain or Gram staining, also called Gram's method, is a method of staining used to distinguish and classify bacterial species into two large groups (Gram-positive and Gram-negative). The name comes from the Danish bacteriologist Hans Christian Gram, who developed the technique.", + "question": "Which Danish bacteriologist developed a useful staining method to identify bacteria?|What is the name of the person who developed a staining method to identify bacteria?|Which Danish bacteriologist developed a useful staining method to identify bacteria in two large groups?", + "short_answers": [ + "Hans Christian Joachim Gram", + "Hans Christian Gram" + ], + "wikipage": "Gram stain" + }, + { + "context": "Ziehl-Neelsen staining is a type of Acid-fast stain, first introduced by Paul Ehrlich. Ziehl\u2013Neelsen staining is a bacteriological stain used to identify acid-fast organisms, mainly Mycobacteria. It is named for two German doctors who modified the stain: the bacteriologist Franz Ziehl (1859\u20131926) and the pathologist Friedrich Neelsen (1854\u20131898).", + "question": "Who developed a useful staining method to identify acid-fast organisms?", + "short_answers": [ + "Paul Ehrlich" + ], + "wikipage": "Ziehl\u2013Neelsen stain" + } + ], + "wikipages": [ + { + "title": "Moeller stain", + "url": "https://en.wikipedia.org/wiki/Moeller%20stain" + }, + { + "title": "Ziehl\u2013Neelsen stain", + "url": "https://en.wikipedia.org/wiki/Ziehl%E2%80%93Neelsen%20stain" + }, + { + "title": "Gimenez stain", + "url": "https://en.wikipedia.org/wiki/Gimenez%20stain" + }, + { + "title": "Giemsa stain", + "url": "https://en.wikipedia.org/wiki/Giemsa%20stain" + }, + { + "title": "Gram stain", + "url": "https://en.wikipedia.org/wiki/Gram%20stain" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The method is named after its inventor, the Danish scientist Hans Christian Gram (1853\u20131938), who developed the technique while working with Carl Friedl\u00e4nder in the morgue of the city hospital in Berlin in 1884. ", + "wikipage": "Gram stain" + }, + { + "content": "Paul Ehrlich (German: [\u02c8p\u02b0a\u028a\u032fl \u02c8e\u02d0\u0250\u032fl\u026a\u00e7] (About this soundlisten); 14 March 1854 \u2013 20 August 1915) was a Nobel Prize-winning German physician and scientist who worked in the fields of hematology, immunology, and antimicrobial chemotherapy. ", + "wikipage": "Paul Ehrlich" + } + ], + "long_answer": "In 1884, Danish bacteriologist Hans Christian Gram developed a useful staining method to identify bacteria in two large groups (a technique known as Gram staining). Another kind of staining known as Ziehl\u2013Neelsen staining is a type of Acid-fast stain was first introduced by German physician and scientist Paul Ehrlich but named after the two German doctors who modified the stain: the bacteriologist Franz Ziehl (1859\u20131926) and the pathologist Friedrich Neelsen (1854\u20131898)." + }, + { + "knowledge": [], + "long_answer": "Gram stain or Gram staining, also called Gram's method, is a method of staining used to distinguish and classify bacterial species into two large groups, Gram-positive and Gram-negative. The name comes from the Danish bacteriologist Hans Christian Gram, who developed the technique. Ziehl-Neelsen staining is a type of Acid-fast stain, first introduced by Paul Ehrlich. Ziehl\u2013Neelsen staining is a bacteriological stain used to identify acid-fast organisms, mainly Mycobacteria." + } + ], + "sample_id": "5428573134960989135", + "question": "Who developed a useful staining method to identify bacteria?", + "docs": [ + { + "id": "9564156", + "title": "Bacteria", + "text": "argue that the Archaea and Eukaryotes evolved from gram-positive bacteria. The identification of bacteria in the laboratory is particularly relevant in medicine, where the correct treatment is determined by the bacterial species causing an infection. Consequently, the need to identify human pathogens was a major impetus for the development of techniques to identify bacteria. The \"Gram stain\", developed in 1884 by Hans Christian Gram, characterises bacteria based on the structural characteristics of their cell walls. The thick layers of peptidoglycan in the \"gram-positive\" cell wall stain purple, while the thin \"gram-negative\" cell wall appears pink. By combining morphology and Gram-staining,", + "score": 0.7724609375, + "summary": "Hans Christian Gram developed the \"Gram stain\" in 1884, which is a useful staining method to identify bacteria.", + "extraction": "Hans Christian Gram developed the \"Gram stain\", a useful staining method to identify bacteria based on the structural characteristics of their cell walls." + }, + { + "id": "845971", + "title": "Hans Christian Gram", + "text": "he developed a method for distinguishing between two major classes of bacteria. This technique, the Gram stain, continues to be a standard procedure in medical microbiology. In 1891, Gram taught pharmacology, and later that year was appointed professor at the University of Copenhagen. In 1900, he resigned his chair in pharmacology to become professor of medicine. The work that gained Gram an international reputation was his development of a method of staining bacteria, to make them more visible under a microscope. The stain later played a major role in classifying bacteria. Gram was a modest man, and in his initial", + "score": 0.76318359375, + "summary": "Hans Christian Gram developed a staining method to identify bacteria.", + "extraction": "\"Hans Christian Gram developed a method of staining bacteria, to make them more visible under a microscope.\"" + }, + { + "id": "167592", + "title": "Gram stain", + "text": "can be definitively classified by this technique. This gives rise to \"gram-variable\" and \"gram-indeterminate\" groups. The method is named after its inventor, the Danish scientist Hans Christian Gram (1853\u20131938), who developed the technique while working with Carl Friedl\u00e4nder in the morgue of the city hospital in Berlin in 1884. Gram devised his technique not for the purpose of distinguishing one type of bacterium from another but to make bacteria more visible in stained sections of lung tissue. He published his method in 1884, and included in his short report the observation that the typhus bacillus did not retain the stain.", + "score": 0.76171875, + "summary": "Hans Christian Gram developed the useful staining method to identify bacteria while working with Carl Friedl\u00e4nder in Berlin in 1884.", + "extraction": "Hans Christian Gram developed the useful staining method to identify bacteria." + }, + { + "id": "167590", + "title": "Gram stain", + "text": "Gram stain Gram stain or Gram staining, also called Gram's method, is a method of staining used to distinguish and classify bacterial species into two large groups (gram-positive and gram-negative). The name comes from the Danish bacteriologist Hans Christian Gram, who developed the technique. Gram staining differentiates bacteria by the chemical and physical properties of their cell walls by detecting peptidoglycan, which is present in the cell wall of Gram-positive bacteria. Gram-negative cells also contain peptidoglycan, but a very small layer of it that is dissolved when the alcohol is added. This is why the cell loses its initial color", + "score": 0.7421875, + "summary": "Hans Christian Gram developed the Gram stain, a useful staining method to distinguish and classify bacteria into two large groups (gram-positive and gram-negative) based on their cell wall properties.", + "extraction": "Hans Christian Gram developed the useful staining method to identify bacteria, known as the Gram stain." + }, + { + "id": "9854454", + "title": "Medical microbiology", + "text": "surgery safer for patients. In the years between 1876 and 1884 Robert Koch provided much insight into infectious diseases. He was one of the first scientists to focus on the isolation of bacteria in pure culture. This gave rise to the germ theory, a certain microorganism being responsible for a certain disease. He developed a series of criteria around this that have become known as the Koch's postulates. A major milestone in medical microbiology is the Gram stain. In 1884 Hans Christian Gram developed the method of staining bacteria to make them more visible and differentiable under a microscope. This", + "score": 0.7392578125, + "summary": "Hans Christian Gram developed the Gram stain in 1884, which is a useful staining method to identify bacteria.", + "extraction": "Hans Christian Gram developed the method of staining bacteria to make them more visible and differentiable under a microscope." + }, + { + "id": "6772393", + "title": "Leishman stain", + "text": "mentions: Sir William Boog Leishman of London and Karl Reuter of Germany independently discovered in 1901 what is considered \"Perhaps the most practical modifications of Malachowski\u2019s stain\" They adopted the best aspects of the stains developed by Malachowski and Jenner, i.e., they used both polychromed methylene blue (accidentally done by Romanowsky who got the name, systematically done by Ernst Malachowski even before Romanowsky, and rediscovered by Bernhard Nocht, but unknown to Jenner, May, Grunwald and many others who used simple methylene blue) and filtering the Azure Eosinate precipitate from the aqueous mixture and redissolving in an alcoholic solvent (Jenner's wisdom).", + "score": 0.73046875, + "summary": "Sir William Boog Leishman and Karl Reuter independently discovered a practical modification of Malachowski's stain in 1901, using polychromed methylene blue and filtering Azure Eosinate precipitate, but the document does not state who developed a useful staining method to identify bacteria.", + "extraction": "Sir William Boog Leishman of London and Karl Reuter of Germany." + }, + { + "id": "167603", + "title": "Gram stain", + "text": "and publications. When articles are submitted to journals, each journal may or may not apply house style to the postprint version. Preprint versions contain whichever style the author happened to use. Even style regimens that use lowercase for the adjectives 'gram-positive' and 'gram-negative' still use capital for 'Gram stain'. Gram stain Gram stain or Gram staining, also called Gram's method, is a method of staining used to distinguish and classify bacterial species into two large groups (gram-positive and gram-negative). The name comes from the Danish bacteriologist Hans Christian Gram, who developed the technique. Gram staining differentiates bacteria by the chemical", + "score": 0.7255859375, + "summary": "Hans Christian Gram developed the Gram stain, a useful staining method to distinguish and classify bacterial species into two groups.", + "extraction": "Hans Christian Gram developed the Gram stain technique." + }, + { + "id": "9564175", + "title": "Bacteria", + "text": "bacteria based on their morphology. Though it was known in the nineteenth century that bacteria are the cause of many diseases, no effective antibacterial treatments were available. In 1910, Paul Ehrlich developed the first antibiotic, by changing dyes that selectively stained \"Treponema pallidum\"\u2014the spirochaete that causes syphilis\u2014into compounds that selectively killed the pathogen. Ehrlich had been awarded a 1908 Nobel Prize for his work on immunology, and pioneered the use of stains to detect and identify bacteria, with his work being the basis of the Gram stain and the Ziehl\u2013Neelsen stain. A major step forward in the study of bacteria", + "score": 0.724609375, + "summary": "Paul Ehrlich developed a staining method to detect and identify bacteria, which became the basis of the Gram stain and the Ziehl-Neelsen stain.", + "extraction": "Paul Ehrlich developed the first antibiotic and pioneered the use of stains to detect and identify bacteria, including the useful staining method that became the basis of the Gram stain and the Ziehl-Neelsen stain. Therefore, Paul Ehrlich developed a useful staining method to identify bacteria." + }, + { + "id": "477713", + "title": "Infection", + "text": "as Giemsa stain or crystal violet allows a microscopist to describe its size, shape, internal and external components and its associations with other cells. The response of bacteria to different staining procedures is used in the taxonomic classification of microbes as well. Two methods, the Gram stain and the acid-fast stain, are the standard approaches used to classify bacteria and to diagnosis of disease. The Gram stain identifies the bacterial groups Firmicutes and Actinobacteria, both of which contain many significant human pathogens. The acid-fast staining procedure identifies the Actinobacterial genera \"Mycobacterium\" and \"Nocardia\". Biochemical tests used in the identification of", + "score": 0.720703125, + "summary": "The document briefly mentions the Giemsa stain and crystal violet staining methods used by microscopists to identify bacteria, but does not provide information on who developed them.", + "extraction": "The useful span for answering the question is \"The Gram stain identifies the bacterial groups Firmicutes and Actinobacteria, both of which contain many significant human pathogens.\" However, this span does not directly answer the question \"Who developed a useful staining method to identify bacteria?\" and therefore the answer is \"irrelevant\"." + }, + { + "id": "4011907", + "title": "Ziehl\u2013Neelsen stain", + "text": "counter stain is applied, non-acid-fast bacteria pick it up and become blue (methylene blue) or green (malachite green) when viewed under the microscope. Acid-fast bacteria retain carbol fuchsin so they appear red. Ziehl\u2013Neelsen stain The Ziehl\u2013Neelsen stain, also known as the acid-fast stain, was first described by two German doctors: the bacteriologist Franz Ziehl (1859\u20131926) and the pathologist Friedrich Neelsen (1854\u20131898). It is a special bacteriological stain used to identify acid-fast organisms, mainly Mycobacteria. \"Mycobacterium tuberculosis\" is the most important of this group because it is responsible for tuberculosis (TB). Other important Mycobacterium species involved in human disease are \"Mycobacterium", + "score": 0.7197265625, + "summary": "The Ziehl-Neelsen stain was developed by Franz Ziehl and Friedrich Neelsen, two German doctors. It is a bacteriological stain used to identify acid-fast organisms, including Mycobacteria, responsible for diseases like tuberculosis.", + "extraction": "The Ziehl-Neelsen stain was developed by two German doctors, Franz Ziehl and Friedrich Neelsen, and it is used to identify acid-fast bacteria, including Mycobacteria, with Mycobacterium tuberculosis being the most important in causing tuberculosis." + }, + { + "id": "309092", + "title": "Paul Ehrlich", + "text": "at the Old Jewish Cemetery, Frankfurt (Block 114 N). In the early 1870s, Ehrlich's cousin Karl Weigert was the first person to stain bacteria with dyes and to introduce aniline pigments for histological studies and bacterial diagnostics. During his studies in Strassburg under the anatomist Heinrich Wilhelm Waldeyer, Ehrlich continued the research started by his cousin in pigments and staining tissues for microscopic study. He spent his eighth university semester in Freiburg im Breisgau investigating primarily the red dye dahlia (monophenylrosanilin), giving rise to his first publication. In 1878 he followed his dissertation supervisor Julius Friedrich Cohnheim to Leipzig, and", + "score": 0.7197265625, + "summary": "Karl Weigert developed a useful staining method to identify bacteria in the early 1870s, but the document is mainly about Paul Ehrlich's studies in pigments and staining tissues.", + "extraction": "Karl Weigert developed a useful staining method to identify bacteria by staining them with dyes and introducing aniline pigments for histological studies and bacterial diagnostics." + }, + { + "id": "4011903", + "title": "Ziehl\u2013Neelsen stain", + "text": "Ziehl\u2013Neelsen stain The Ziehl\u2013Neelsen stain, also known as the acid-fast stain, was first described by two German doctors: the bacteriologist Franz Ziehl (1859\u20131926) and the pathologist Friedrich Neelsen (1854\u20131898). It is a special bacteriological stain used to identify acid-fast organisms, mainly Mycobacteria. \"Mycobacterium tuberculosis\" is the most important of this group because it is responsible for tuberculosis (TB). Other important Mycobacterium species involved in human disease are \"Mycobacterium leprae\", \"Mycobacterium kansasii\", \"Mycobacterium marinum\", \"Mycobacterium bovis\", \"Mycobacterium africanum\" and members of the \"Mycobacterium avium\" complex. Acid-fast organisms like Mycobacterium contain large amounts of lipid substances within their cell walls called mycolic", + "score": 0.7177734375, + "summary": "Franz Ziehl and Friedrich Neelsen developed the Ziehl-Neelsen stain, a bacteriological stain used to identify acid-fast organisms, including Mycobacteria.", + "extraction": "The Ziehl-Neelsen stain was developed by Franz Ziehl and Friedrich Neelsen, and it is used to identify acid-fast organisms, including Mycobacteria. Therefore, Franz Ziehl and Friedrich Neelsen developed the staining method to identify bacteria." + }, + { + "id": "17889972", + "title": "Neuronal lineage marker", + "text": "immunocytochemistry or/and immunohistochemistry. In 1953 Heinrich Kl\u00fcver invented a new staining technique called, Luxol Fast Blue stain or LFB, and with this technique it\u2019s possible to detect demyelination in the central nervous system. Myelin sheath will be stained blue, but other structures will be stained as well. The next revolutionary technique was invented in 1969 by an American scientist called Joseph G. Gall. This technique is called in situ Hybridization and it is used in a large variety of studies but mainly used in developmental biology. With this technique it is possible to mark some genes expressed in determined areas", + "score": 0.7119140625, + "summary": "Irrelevant.", + "extraction": "Joseph G. Gall developed a useful staining method called in situ Hybridization." + }, + { + "id": "13151758", + "title": "Schaeffer\u2013Fulton stain", + "text": "during the 1900s. Schaeffer\u2013Fulton stain The Schaeffer\u2013Fulton stain is a technique designed to isolate endospores by staining any present endospores green, and any other bacterial bodies red. The primary stain is malachite green, and the counterstain is safranin, which dyes any other bacterial bodies red. Using an aseptic technique, bacteria are placed on a slide and heat fixed. The slide is then suspended over a water bath with some sort of porus paper over it, so that the slide is steamed. Malachite green is applied to the slide, which can penetrate the tough walls of the endospores, staining them green.", + "score": 0.708984375, + "summary": "The document explains the Schaeffer-Fulton stain technique developed to isolate endospores and identify bacteria during the 1900s, but it doesn't mention the name of the person who developed it.", + "extraction": "Schaeffer developed a useful staining method to identify bacteria called the Schaeffer-Fulton stain." + }, + { + "id": "9011629", + "title": "Dr. Ehrlich's Magic Bullet", + "text": "in science, especially for diagnostic purposes, based on optical microscopy. After attending a medical presentation of one Dr. Robert Koch (Albert Basserman) showing that tuberculosis is a bacterial disease, Ehrlich is able to obtain a sample of the isolated bacterium. After an intense time of research and experimentation in his own lab, paired with a portion of luck, partly thanks to the empathy shown by his wife, he is able to develop a staining process for this bacterium. This result is honored by Koch and medical circles as a highly valuable contribution to diagnostics. During his work, Dr. Ehrlich is", + "score": 0.70751953125, + "summary": "Dr. Ehrlich developed a staining process for identifying the tuberculosis bacterium after attending a presentation by Dr. Robert Koch.", + "extraction": "Dr. Ehrlich developed a staining process for the bacterium that causes tuberculosis, which was considered a highly valuable contribution to diagnostics by Dr. Robert Koch and medical circles." + }, + { + "id": "17889970", + "title": "Neuronal lineage marker", + "text": "soma, axon and dendrites of the neuron. Thus, it was possible to identify different types of neurons, as Golgi Cell, Golgi I and Golgi II. In 1885 there was a German medical researcher called Franz Nissl who developed another staining technique now known by Nissl staining. This technique is slightly different from Golgi staining since it stains the cell body and the endoplasmic reticulum. In 1887, a Spanish scientist called Santiago Ramon y Cajal learned the staining technique with Golgi and started his famous work of neuroanatomy. With this technique he made an extensive study of several areas of the", + "score": 0.70703125, + "summary": "Franz Nissl developed a staining technique known as Nissl staining in 1885.", + "extraction": "Santiago Ramon y Cajal developed a useful staining method to identify bacteria. (This is incorrect. The given passage is irrelevant to the question about bacterial staining.)" + }, + { + "id": "11834632", + "title": "Friedrich Neelsen", + "text": "of Technology. Neelsen died on April 11, 1898, aged 44, presumably due to pathogen exposure during his many years of bacteriological research. He was known in his time as a recluse who avoided public attention whenever possible, though he was active in the civic affairs of his hometown throughout his life. Together with microbiologist Franz Ziehl, Neelsen developed the Ziehl\u2013Neelsen stain, a method for the staining of acid-fast bacteria, used to this day in the diagnosis of tuberculosis and to detect the presence of other mycobacteria. Friedrich Neelsen Friedrich Carl Adolf Neelsen (29 March 1854, Uetersen - April 11, 1894,", + "score": 0.70703125, + "summary": "Friedrich Neelsen, along with Franz Ziehl, developed the Ziehl-Neelsen stain, a method for identifying acid-fast bacteria used in the diagnosis of tuberculosis and detection of other mycobacteria.", + "extraction": "Friedrich Neelsen, together with microbiologist Franz Ziehl, developed the Ziehl-Neelsen stain, a method for the staining of acid-fast bacteria." + }, + { + "id": "14484649", + "title": "Virginia Livingston", + "text": "cultured a mycobacteria-like organism in human cancer and, according to her peer-reviewed paper, fulfilled Koch's postulates establishing an apparent cause and effect. In 1949, Livingston was named chief of the Rutgers-Presbyterian Hospital Laboratory for Proliferative Diseases in New Jersey where she continued her cancer research. It was during this time that Livingston formed a lifetime association with Dr. Eleanor Alexander-Jackson of Cornell University. Jackson's specialty was the study of mycobacteria and particularly, the species responsible for tuberculosis. Jackson had developed specific culture media for growing the microbe and a technique for observing it known as the \"triple stain\" because she", + "score": 0.7060546875, + "summary": "Dr. Eleanor Alexander-Jackson developed a staining method known as the \"triple stain\" for observing mycobacteria, including the species responsible for tuberculosis. Virginia Livingston formed a lifetime association with Dr. Alexander-Jackson while conducting cancer research at Rutgers-Presbyterian Hospital.", + "extraction": "Dr. Eleanor Alexander-Jackson developed a useful staining method to identify bacteria." + }, + { + "id": "1797687", + "title": "Romanowsky stain", + "text": "Romanowsky stain Romanowsky staining is a prototypical staining technique that was the forerunner of several distinct but similar methods, including Giemsa, Jenner, Wright, Field, May Grunwald stain and Leishman stains, which are used to differentiate cells in pathologic specimens. It was named after the Russian physician Dmitri Leonidovich Romanowsky (1861\u20131921), who invented it in 1891. Paul Ehrlich had used mixtures of acidic and basic dyes for this purpose in 1879: e.g. fuchsine (acid dye) and methylene blue (basic dye). In 1891, Romanowsky developed techniques using a mixture of eosin Y and modified methylene blue that produced a surprising hue unattributable", + "score": 0.7021484375, + "summary": "Dmitri Leonidovich Romanowsky developed the Romanowsky stain in 1891, which is a prototypical staining technique used to differentiate cells in pathologic specimens.", + "extraction": "Dmitri Leonidovich Romanowsky developed a useful staining method to identify bacteria, which was named after him and is known as the Romanowsky stain." + }, + { + "id": "845970", + "title": "Hans Christian Gram", + "text": "Hans Christian Gram Hans Christian Joachim Gram (September 13, 1853 \u2013 November 14, 1938) was a Danish bacteriologist noted for his development of the Gram stain. Gram was the son of Frederik Terkel Julius Gram, a professor of jurisprudence, and Louise Christiane Roulund. Gram studied at the University of Copenhagen and was an assistant in botany to the zoologist Japetus Steenstrup. His study of plants introduced him to the fundamentals of pharmacology and the use of the microscope. Gram entered medical school in 1878 and graduated in 1883. He travelled throughout Europe between 1878 and 1885. In Berlin, in 1884,", + "score": 0.70166015625, + "summary": "Hans Christian Gram developed the Gram stain, a useful staining method to identify bacteria.", + "extraction": "Hans Christian Gram developed the useful staining method to identify bacteria, known as the Gram stain." + }, + { + "id": "6772386", + "title": "Leishman stain", + "text": "stain is named after its inventor, the Scottish pathologist William Boog Leishman. It is similar to and partially replaceable with Giemsa stain, Jenner's stain, and Wright's stain (See more details in Advantages disadvantages and comparisons section below). Like them, it is a version of Romanowsky stain. Many companies sell good quality commercial Leishman Stain in the form of a dry powder. The following cautions should be taken while preparing. Under the above precautions the powder is to be mixed well into good quality anhydrous methanol in a proportion of 0.6g powder into 400 ml methanol. Using glass beads or a", + "score": 0.70166015625 + }, + { + "id": "13151756", + "title": "Schaeffer\u2013Fulton stain", + "text": "Schaeffer\u2013Fulton stain The Schaeffer\u2013Fulton stain is a technique designed to isolate endospores by staining any present endospores green, and any other bacterial bodies red. The primary stain is malachite green, and the counterstain is safranin, which dyes any other bacterial bodies red. Using an aseptic technique, bacteria are placed on a slide and heat fixed. The slide is then suspended over a water bath with some sort of porus paper over it, so that the slide is steamed. Malachite green is applied to the slide, which can penetrate the tough walls of the endospores, staining them green. After five minutes,", + "score": 0.70166015625 + }, + { + "id": "6546058", + "title": "Feulgen stain", + "text": "as much DNA. This gave rise to the division of the interphase period of the cell cycle to G1, S, and G2 phases based on the synthesis of that extra DNA. Feulgen stain Feulgen stain is a staining technique discovered by Robert Feulgen and used in histology to identify chromosomal material or DNA in cell specimens.It is darkly stained. It depends on acid hydrolysis of DNA, therefore fixating agents using strong acids should be avoided. The specimen is subjected to warm (60 \u00b0C) hydrochloric acid, then to Schiff reagent. In the past, a sulfite rinse followed, but this is now", + "score": 0.70068359375 + }, + { + "id": "3074879", + "title": "Golgi's method", + "text": "Golgi's method Golgi's method is a silver staining technique that is used to visualize nervous tissue under light microscopy. The method was discovered by Camillo Golgi, an Italian physician and scientist, who published the first picture made with the technique in 1873. It was initially named the black reaction (\"la reazione nera\") by Golgi, but it became better known as the Golgi stain or later, Golgi method. Golgi staining was used by Spanish neuroanatomist Santiago Ram\u00f3n y Cajal (1852\u20131934) to discover a number of novel facts about the organization of the nervous system, inspiring the birth of the neuron doctrine.", + "score": 0.69873046875 + }, + { + "id": "18948488", + "title": "Elena de Galantha", + "text": "methods and ideas in microscopy and histology. At Mayo, de Galantha developed several novel methods and techniques in the field of histology. The de Galantha technique and the de Galantha stain bear her name for this work. The methods, techniques and stain she developed are well-known and utilized in histology and other fields of pathology to this day. In September 1943, de Galantha moved to Houston, Texas and secured a medical technologist position performing histopathological research at Baylor Medical College in the laboratory of Dr. Anthony A. Pearson, professor of anatomy. She handled microscopic samples for the departments of anatomy", + "score": 0.69775390625 + }, + { + "id": "10064229", + "title": "Microbial art", + "text": "(yellow, orange, red, brown, and black), \"Fusarium\" sp., \"Rhodotorula\" sp., and \"Scopulariopsis brevicaulis\". Protist species used include \"Euglena gracilis\" (photosynthetic, green) and \"Physarum polycephalum\" (yellow-green). A technique called \"bacteriography\" involves selectively killing certain areas of a bacterial culture with radiation, in order to produce artistic patterns. After incubation, the culture is sealed with acrylic. Alexander Fleming, the man most commonly credited with the discovery of penicillin, was known for creating germ paintings. The biochemist Roger Tsien won the 2008 Nobel prize for chemistry for his contributions to knowledge of green fluorescent protein (GFP). A researcher in his laboratory, Nathan Shaner,", + "score": 0.69775390625 + }, + { + "id": "3190801", + "title": "Wright's stain", + "text": "infection. White blood cells stained with Wright's stain: Wright's stain Wright's stain is a histologic stain that facilitates the differentiation of blood cell types. It is classically a mixture of eosin (red) and methylene blue dyes. It is used primarily to stain peripheral blood smears, urine samples, and bone marrow aspirates which are examined under a light microscope. In cytogenetics, it is used to stain chromosomes to facilitate diagnosis of syndromes and diseases. It is named for James Homer Wright, who devised the stain, a modification of the Romanowsky stain, in 1902. Because it distinguishes easily between blood cells, it", + "score": 0.693359375 + }, + { + "id": "309085", + "title": "Paul Ehrlich", + "text": "Paul Ehrlich Paul Ehrlich (; 14 March 1854 \u2013 20 August 1915) was a Nobel prize-winning German-Jewish physician and scientist who worked in the fields of hematology, immunology, and antimicrobial chemotherapy. He is credited with finding a cure for syphilis in 1909. He invented the precursor technique to Gram staining bacteria. The methods he developed for staining tissue made it possible to distinguish between different types of blood cells, which led to the capability to diagnose numerous blood diseases. His laboratory discovered arsphenamine (Salvarsan), the first effective medicinal treatment for syphilis, thereby initiating and also naming the concept of chemotherapy.", + "score": 0.69287109375 + }, + { + "id": "4868697", + "title": "John Belling", + "text": "John Belling John Belling (1866\u20131933), born in Aldershot, England, was a cytogeneticist who developed the iron-acetocarmine staining technique which is used in the study of chromosomes. He studied at Stonehouse Grammar School, King's College London and University College London, and then entered Mason College (which later became the University of Birmingham) where he received his BSc in 1894. He received an honorary DSc in 1922 from the University of Maine in recognition of his work. In his work with Albert F. Blakeslee at Cold Spring Harbor on \"Datura\" (1920\u20131927) and at the University of California, Berkeley (1928\u20131933) Belling used plants", + "score": 0.69287109375 + }, + { + "id": "17232417", + "title": "Tet (Morris Louis painting)", + "text": "and to artists in New York such as Barnett Newman, Mark Rothko, and Helen Frankenthaler. It was Frankenthaler who created the technique of staining: a process using thinned paint and gravity on an unstretched and untreated canvas. Greenberg admired Frankenthaler\u2019s technique because of his theories on \u201cpurism\u201d within the arts. Greenberg believed that painting\u2019s one characteristic which distinguished it from other art forms was its \u201cflatness.\u201d This quality was enhanced by the staining process. The paint actually soaked into the surface of the canvas, showing no three-dimensional qualities. Frankenthaler\u2019s painting \"Mountains and Sea\" would stand as Louis\u2019s primary influence in", + "score": 0.69287109375 + }, + { + "id": "8747193", + "title": "Gustav Giemsa", + "text": "Nocht at the \"Institut f\u00fcr Tropenmedizin\" in Hamburg, where in 1900 he became head of the Department of Chemistry. In 1904 Giemsa published an essay on the staining procedure for flagellates, blood cells, and bacteria. Giemsa improved the Romanowsky stain (Eosin Y and Methylene Blue) by stabilizing this dye solution with glycerol. This allowed for reproducible staining of cells for microscopy purposes. This method is still used in laboratories today. In 1933 Giemsa signed the \"Loyalty Oath of German Professors to Adolf Hitler and the National Socialist State\". He also joined the NSDAP. Gustav Giemsa Gustav Giemsa (; November 20,", + "score": 0.69140625 + }, + { + "id": "3917863", + "title": "Intelligence in the American Revolutionary War", + "text": "heat-developing invisible ink\u2014a compound of cobalt chloride, glycerine and water\u2014for some of his intelligence reports back to America. Even more useful to him later was a \"sympathetic stain\" created for secret communications by James Jay, a physician and the brother of John Jay. Dr. Jay, who had been knighted by George III, used the \"stain\" for reporting military information from London to America. Later he supplied quantities of the stain to George Washington at home and to Silas Deane in Paris. The stain required one chemical for writing the message and a second to develop it, affording greater security than", + "score": 0.69140625 + }, + { + "id": "6494462", + "title": "Neuron doctrine", + "text": "19th century. A landmark development came from Camillo Golgi who invented a silver staining technique in 1873 which he called \"la reazione nera\" (black reaction), but more popularly known as Golgi stain or Golgi method, in his honour. Using this technique nerve cells with their highly branched dendrites and axon could be clearly visualised against a yellow background. Unfortunately Golgi described the nervous system as a continuous single network, in support of a notion called reticular theory. It was reasonable at the time because under light microscope the nerve cells are merely a mesh of single thread. Santiago Ram\u00f3n y", + "score": 0.69091796875 + }, + { + "id": "2455118", + "title": "Staining", + "text": "staining is a mild technique that may not destroy the microorganisms, and is therefore unsuitable for studying pathogens. Gram staining is used to determine gram status to classify bacteria broadly. It is based on the composition of their cell wall. Gram staining uses crystal violet to stain cell walls, iodine as a mordant, and a fuchsin or safranin counterstain to mark all bacteria. Gram status is important in medicine; the presence or absence of a cell wall changes the bacterium's susceptibility to some antibiotics. Gram-positive bacteria stain dark blue or violet. Their cell wall is typically rich with peptidoglycan and", + "score": 0.689453125 + }, + { + "id": "4264236", + "title": "Acid-fastness", + "text": "for the staining pattern of poor absorption followed by high retention. Some bacteria may also be partially acid-fast, such as Nocardia. Acid-fast organisms are difficult to characterize using standard microbiological techniques, though they can be stained using concentrated dyes, particularly when the staining process is combined with heat. Some, such as \"Mycobacteria\", can be stained with the Gram stain, but they do not take the crystal violet well and thus appear light purple, which can still potentially result in an incorrect gram positive identification. The most common staining technique used to identify acid-fast bacteria is the Ziehl-Neelsen stain, in which", + "score": 0.689453125 + }, + { + "id": "5959485", + "title": "Lucien Lison", + "text": "physiology and pharmacology, but for pathology and laboratory diagnosis of diseases, as well. He developed the Lison-Dunn stain, a technique using leuco patent blue V and hydrogen peroxidase to demonstrate hemoglobin peroxidase in tissues and smears. In 1936, Lison wrote a landmark paper, where he stated precisely the scientifically acceptable criteria to develop techniques of morphological evidence of cytochemical processes. In 1950, together with J. Pasteels, he developed a new histophotometer and a technique which he used extensively to quantify DNA content in several types of cells, present in chromatin (chromosomes in the nucleolus). This approach became a widely used", + "score": 0.68896484375 + }, + { + "id": "3190799", + "title": "Wright's stain", + "text": "Wright's stain Wright's stain is a histologic stain that facilitates the differentiation of blood cell types. It is classically a mixture of eosin (red) and methylene blue dyes. It is used primarily to stain peripheral blood smears, urine samples, and bone marrow aspirates which are examined under a light microscope. In cytogenetics, it is used to stain chromosomes to facilitate diagnosis of syndromes and diseases. It is named for James Homer Wright, who devised the stain, a modification of the Romanowsky stain, in 1902. Because it distinguishes easily between blood cells, it became widely used for performing differential white blood", + "score": 0.68798828125 + }, + { + "id": "167607", + "title": "Gram-positive bacteria", + "text": "peptidoglycan. Along with cell shape, Gram staining is a rapid method used to differentiate bacterial species. Such staining, together with growth requirement and antibiotic susceptibility testing, and other macroscopic and physiologic tests, forms the full basis for classification and subdivision of the bacteria (e.g., see figure and pre-1990 versions of \"Bergey's Manual\"). Historically, the kingdom Monera was divided into four divisions based primarily on Gram staining: Firmicutes (positive in staining), Gracilicutes (negative in staining), Mollicutes (neutral in staining) and Mendocutes (variable in staining). Based on 16S ribosomal RNA phylogenetic studies of the late microbiologist Carl Woese and collaborators and colleagues", + "score": 0.68798828125 + }, + { + "id": "12816987", + "title": "Leishmania donovani", + "text": "1900, an English soldier stationed at Dum Dum, West Bengal, died at the Army Medical School in Netley, England. The autopsy was performed by William Boog Leishman. He processed the tissue sample of the enlarged spleen using a staining technique (now known as Leishman's stain) which he had just developed, and discovered the protozoan parasites using microscopy. But he mistakenly considered the parasites to be degenerate trypanosomes, already known protozoan parasites in Africa and South America. In 1903, Leishman published his discovery of \"trypanosomes in India\" in the \"British Medical Journal\", which appeared on 11 May. Another British medical officer", + "score": 0.6875 + }, + { + "id": "3074880", + "title": "Golgi's method", + "text": "Ultimately, Ramon y Cajal improved the technique by using a method he termed \"double impregnation.\" Ramon y Cajal's staining technique, still in use, is called Cajal's Stain. The cells in nervous tissue are densely packed and little information on their structures and interconnections can be obtained if all the cells are stained. Furthermore, the thin filamentary extensions of neural cells, including the axon and the dendrites of neurons, are too slender and transparent to be seen with normal staining techniques. Golgi's method stains a limited number of cells at random in their entirety. The mechanism by which this happens is", + "score": 0.685546875 + }, + { + "id": "13151757", + "title": "Schaeffer\u2013Fulton stain", + "text": "the slide is removed from the steam, and the paper towel is removed. After cooling, the slide is rinsed with water for thirty seconds. The slide is then stained with diluted safranin for two minutes, which stains most other microorganic bodies red or pink. The slide is then rinsed again, and blotted dry with bibulous paper. After drying, the slide can then be viewed under a light microscope. The procedure was designed by Alice B. Schaeffer and MacDonald Fulton, two microbiologists at Middlebury College, during the 1930s. The procedure also goes by the name \"Wirtz-Conklin method\", referring to two bacteriologists", + "score": 0.685546875 + }, + { + "id": "20024313", + "title": "Jane Hinton", + "text": "Ann Hinton Jones. In 1931, Hinton's father developed a Medical Laboratory Techniques course, which was open to women, although that profession was then generally not open to women. Jane Hinton she worked in Harvard's laboratories at the time she co-developed the Mueller-Hinton agar with John Howard Mueller. This agar, or broth, was a medium developed to isolate the Neisseria bacteria that caused meningococcal and gonorrhea. It became the most widely used culture medium for Neisseria. In the 1960s, tests indicated its suitability for detecting whether bacteria are susceptible to antibiotics. Mueller-Hinton agar became a standard laboratory medium for this purpose.", + "score": 0.685546875 + }, + { + "id": "167593", + "title": "Gram stain", + "text": "Gram staining is a bacteriological laboratory technique used to differentiate bacterial species into two large groups (gram-positive and gram-negative) based on the physical properties of their cell walls. Gram staining is not used to classify archaea, formerly archaeabacteria, since these microorganisms yield widely varying responses that do not follow their phylogenetic groups. The Gram stain is not an infallible tool for diagnosis, identification, or phylogeny, and it is of extremely limited use in environmental microbiology. It is used mainly to make a preliminary morphologic identification or to establish that there are significant numbers of bacteria in a clinical specimen. It", + "score": 0.68310546875 + }, + { + "id": "8747192", + "title": "Gustav Giemsa", + "text": "Gustav Giemsa Gustav Giemsa (; November 20, 1867 \u2013 June 10, 1948) was a German chemist and bacteriologist who was a native of Medar-Blechhammer (now part of the city K\u0119dzierzyn-Ko\u017ale). He is remembered for creating a dye solution commonly known as \"Giemsa stain\". This dye is used for the histopathological diagnosis of malaria and parasites such as \"Plasmodium\", \"Trypanosoma\", and \"Chlamydia\". Giemsa studied pharmacy and mineralogy at the University of Leipzig, and chemistry and bacteriology at the University of Berlin. Between 1895 and 1898 he worked as a pharmacist in German East Africa. He was an early assistant to Bernhard", + "score": 0.6826171875 + }, + { + "id": "12220528", + "title": "Dispersion staining", + "text": "spectrum for which a particle and liquid it was mounted in had a refractive index match. Wright also noted that by using oblique transmitted illumination the particle would show these colors without having to inspect the Becke` line. The technical literature had little additional discussion of dispersion effects until 1948. That year S. C. Crossmon, N. B. Dodge, and co-authors R. C. Emmons and R. N. Gates all wrote papers on the use of dispersion effects through the microscope to characterize particles. Crossmon seems to have coined the term \u201cDispersion Staining\u201d as any optical technique that used the \u201cChristiansen Effect\u201d", + "score": 0.681640625 + }, + { + "id": "19360683", + "title": "Dmitri Leonidovich Romanowsky", + "text": "Dmitri Leonidovich Romanowsky Dmitri Leonidovich Romanowsky (sometimes spelled Dmitry and Romanowski, ; 1861\u20131921) was a Russian physician who is best known for his invention of an eponymous histological stain called Romanowsky stain. It paved the way for the discovery and diagnosis of microscopic pathogens, such as malarial parasites. Romanowsky was born in 1861 in Pskov Governorate, Russia. He attended the 6th Saint Petersburg Gymnasium. In 1880, he enrolled at the St. Petersburg University. He enrolled for two courses: natural science (physics and mathematics) and medicine. He concentrated on medicine in 1882 for a preparatory course to the Military Medical Academy.", + "score": 0.681640625 + }, + { + "id": "823447", + "title": "Ignaz Semmelweis", + "text": "Ignaz Semmelweis Ignaz Philipp Semmelweis (; ; 1 July 1818 \u2013 13 August 1865) was a Hungarian physician of ethnic-German ancestry, now known as an early pioneer of antiseptic procedures. Described as the \"saviour of mothers\", Semmelweis discovered that the incidence of puerperal fever (also known as \"childbed fever\") could be drastically cut by the use of hand disinfection in obstetrical clinics. Puerperal fever was common in mid-19th-century hospitals and often fatal. Semmelweis proposed the practice of washing hands with chlorinated lime solutions in 1847 while working in Vienna General Hospital's First Obstetrical Clinic, where doctors' wards had three times", + "score": 0.681640625 + }, + { + "id": "20833962", + "title": "Ludwig Tessnow", + "text": "of Robert Koch, to investigate the clothing. Shortly before, Uhlenhuth had developed a method that allowed the detection of human and animal blood: the precipitin test. Using numerous blood stains on Tessnow's clothing, Uhlenhuth was able to differentiate between the stains from human blood and those from sheep's blood. Likewise, the discoloration on a stone that was be a possible weapon found at the scene, also proved to be human blood. In the spring of 1902 in Greifswald, Tessnow's trial took place following the opinion of Uhlenhuth. The verdict was capital punishment. On the execution date, Tessnow suffered a possibly", + "score": 0.681640625 + }, + { + "id": "2382765", + "title": "Mycobacterium tuberculosis", + "text": "Mycobacterium tuberculosis Mycobacterium tuberculosis is a species of pathogenic bacteria in the family Mycobacteriaceae and the causative agent of tuberculosis. First discovered in 1882 by Robert Koch, \"M. tuberculosis\" has an unusual, waxy coating on its cell surface primarily due to the presence of mycolic acid. This coating makes the cells impervious to Gram staining, and as a result, \"M. tuberculosis\" can appear either Gram-negative or Gram-positive. Acid-fast stains such as Ziehl-Neelsen, or fluorescent stains such as auramine are used instead to identify \"M. tuberculosis\" with a microscope. The physiology of \"M. tuberculosis\" is highly aerobic and requires high levels", + "score": 0.68115234375 + }, + { + "id": "9564157", + "title": "Bacteria", + "text": "most bacteria can be classified as belonging to one of four groups (gram-positive cocci, gram-positive bacilli, gram-negative cocci and gram-negative bacilli). Some organisms are best identified by stains other than the Gram stain, particularly mycobacteria or \"Nocardia\", which show acid-fastness on Ziehl\u2013Neelsen or similar stains. Other organisms may need to be identified by their growth in special media, or by other techniques, such as serology. Culture techniques are designed to promote the growth and identify particular bacteria, while restricting the growth of the other bacteria in the sample. Often these techniques are designed for specific specimens; for example, a sputum", + "score": 0.6806640625 + }, + { + "id": "845973", + "title": "Hans Christian Gram", + "text": "of pernicious anaemia. Gram was appointed professor of medicine at the University of Copenhagen in 1900. As a professor, he published four volumes of clinical lectures which became widely used in Denmark. He retired from the University of Copenhagen in 1923, and died in 1938. Hans Christian Gram Hans Christian Joachim Gram (September 13, 1853 \u2013 November 14, 1938) was a Danish bacteriologist noted for his development of the Gram stain. Gram was the son of Frederik Terkel Julius Gram, a professor of jurisprudence, and Louise Christiane Roulund. Gram studied at the University of Copenhagen and was an assistant in", + "score": 0.68017578125 + }, + { + "id": "2926774", + "title": "Bacteriological water analysis", + "text": "It contains bile salts (to inhibit most Gram-positive bacteria), crystal violet dye (which also inhibits certain Gram-positive bacteria), neutral red dye (which stains microbes fermenting lactose), lactose and peptone. Alfred Theodore MacConkey developed it while working as a bacteriologist for the Royal Commission on Sewage Disposal in the United Kingdom. Endo agar contains peptone, lactose, dipotassium phosphate, agar, sodium sulfite, basic fuchsin and was originally developed for the isolation of \"Salmonella typhi\", but is now commonly used in water analysis. As in MacConkey agar, coliform organisms ferment the lactose, and the colonies become red. Non-lactose-fermenting organisms produce clear, colourless colonies", + "score": 0.6796875 + }, + { + "id": "985011", + "title": "Polyacrylamide gel electrophoresis", + "text": "variables can influence the colour intensity and every protein has its own staining characteristics; clean glassware, pure reagents and water of highest purity are the key points to successful staining. Silver staining was developed in the 14th century for colouring the surface of glass. It has been used extensively for this purpose since the 16th century. The colour produced by the early silver stains ranged between light yellow and an orange-red. Camillo Golgi perfected the silver staining for the study of the nervous system. Golgi's method stains a limited number of cells at random in their entirety. Autoradiography, also used", + "score": 0.6796875 + }, + { + "id": "4868698", + "title": "John Belling", + "text": "such as lilies and hyacinths to demonstrate that segments between non-homogenous chromosomes can interchange. He was able to make accurate estimates of chromosome numbers and proposed that chromomeres, the small condensations along the chromosome, were individual genes. Throughout his career Belling had many mental health problems that required frequent hospitalisation. He died suddenly on 28 February 1933. John Belling John Belling (1866\u20131933), born in Aldershot, England, was a cytogeneticist who developed the iron-acetocarmine staining technique which is used in the study of chromosomes. He studied at Stonehouse Grammar School, King's College London and University College London, and then entered Mason", + "score": 0.67919921875 + }, + { + "id": "845972", + "title": "Hans Christian Gram", + "text": "publication he remarked, \"I have therefore published the method, although I am aware that as yet it is very defective and imperfect; but it is hoped that also in the hands of other investigators it will turn out to be useful.\" A Gram stain is made using a primary stain of crystal violet and a counterstain of safranin. Bacteria that turn purple when stained are called 'Gram-positive', while those that turn red when counterstained are called 'Gram-negative'. Gram's initial work concerned the study of red blood cells in men. He was among the first to recognise that macrocytes were characteristic", + "score": 0.67919921875 + }, + { + "id": "1486667", + "title": "Western blot", + "text": "antibody. The secondary antibody is visualised through various methods such as staining, immunofluorescence, and radioactivity, allowing indirect detection of the specific target protein. Other related techniques include dot blot analysis, quantitative dot blot, immunohistochemistry, and immunocytochemistry where antibodies are used to detect proteins in tissues and cells by immunostaining, and enzyme-linked immunosorbent assay (ELISA). The name \"western blot\" is a play on the eponymously-named Southern blot, a technique for DNA detection developed earlier by Edwin Southern. Similarly, detection of RNA is termed northern blot and was developed by James Alwine, David Kemp, and George Stark at Stanford. The term \"western", + "score": 0.6787109375 + }, + { + "id": "640365", + "title": "Camillo Golgi", + "text": "Camillo Golgi Camillo Golgi (; 7 July 1843 \u2013 21 January 1926) was an Italian biologist and pathologist known for his works on the central nervous system. He studied medicine at the University of Pavia (where he later spent most of his professional career) between 1860 and 1868 under the tutelage of Cesare Lombroso. Inspired by pathologist Giulio Bizzozero, he pursued research in nervous system. His discovery of a staining technique called black reaction (sometimes called Golgi's method or Golgi's staining in his honour) in 1873 was a major breakthrough in neuroscience. Several structures and phenomena in anatomy and physiology", + "score": 0.67822265625 + }, + { + "id": "5172756", + "title": "Gasta\u0303o Rosenfeld", + "text": "development of new anti-hypertensive agents in humans, such as captopril, developed by Squibb under the name of Capoten, and still widely used. However, the team of Brazilian scientists, including Rocha e Silva, Beraldo, Rosenfeld and Ferreira never came to enjoy the royalties of such discovery, since they always published in the public domain of pure scientific knowledge. Among his many other contributions to biomedical sciences are the development of a rapid staining for blood smears combining May\u2013Grunwald and Giemsa techniques in 1947 (Rosenfeld staining), the introduction a new treatment for chronic leukemia using personal control of maintenance dosis (1955) and", + "score": 0.67724609375 + }, + { + "id": "12728774", + "title": "History of tuberculosis", + "text": "tissue samples. 18 August 1881, while staining tuberculous material with methylene blue, he noticed oblong structures, though he was not able to ascertain whether it was just a result of the coloring. To improve the contrast, he decide to add Bismarck Brown, after which the oblong structures were rendered bright and transparent. He improved the technique by varying the concentration of alkali in the staining solution until the ideal viewing conditions for the bacilli was achieved. After numerous attempts he was able to incubate the bacteria in coagulated blood serum at 37 degrees Celsius. He then inoculated laboratory rabbits with", + "score": 0.67724609375 + }, + { + "id": "9492", + "title": "Anatomy", + "text": "increased the resolving power of the microscope and around 1839, Matthias Jakob Schleiden and Theodor Schwann identified that cells were the fundamental unit of organization of all living things. Study of small structures involved passing light through them and the microtome was invented to provide sufficiently thin slices of tissue to examine. Staining techniques using artificial dyes were established to help distinguish between different types of tissue. Advances in the fields of histology and cytology began in the late 19th century along with advances in surgical techniques allowing for the painless and safe removal of biopsy specimens. The invention of", + "score": 0.67578125 + }, + { + "id": "10325279", + "title": "Johannes Orth", + "text": "In 1875, he documented an account involving an autopsy of a jaundiced infant with intense yellow staining of the basal ganglia, hippocampus, the third ventricle, as well as parts of the cerebellum. However, it wouldn't be until the early 20th century that this condition would be further comprehended. In 1903, pathologist Christian Georg Schmorl (1861-1932) presented the results of 120 autopsies of jaundiced infants, with six of the cases having the staining phenomena described by Orth. Schmorl coined the term \"kernicterus\" (jaundice of the basal ganglia) for the yellow staining phenomenon. Johannes Orth Johannes Orth (14 January 1847 \u2013 13", + "score": 0.67578125 + }, + { + "id": "18049974", + "title": "William George MacCallum", + "text": "which ran several editions and is still in print. A histochemical staining technique for Gram-negative bacteria called McCullum-Goodpasture stain is jointly named after him and the co-discoverer Ernest William Goodpasture. A condition in rheumatic heart disease MacCallum plaque is named after him. William MacCallum was born in Dunnville village to a physician father George A. MacCallum and mother Florence Eakins. His grandfather George MacCallum had emigrated from Scotland to Canada in his youth. He was the second of four children, with an elder sister, and a younger brother and a sister. (His brother John Bruce MacCallum would also become a", + "score": 0.67578125 + }, + { + "id": "417312", + "title": "Tuberculosis", + "text": "\"M. tuberculosis\" can be cultured in the laboratory. Using histological stains on expectorated samples from phlegm (also called \"sputum\"), scientists can identify MTB under a microscope. Since MTB retains certain stains even after being treated with acidic solution, it is classified as an acid-fast bacillus. The most common acid-fast staining techniques are the Ziehl\u2013Neelsen stain and the Kinyoun stain, which dye acid-fast bacilli a bright red that stands out against a blue background. Auramine-rhodamine staining and fluorescence microscopy are also used. The \"M. tuberculosis\" complex (MTBC) includes four other TB-causing mycobacteria: \"M. bovis\", \"M. africanum\", \"M. canetti\", and \"M. microti\".", + "score": 0.67529296875 + }, + { + "id": "12993876", + "title": "Microbiology", + "text": "plague agent itself. The field of bacteriology (later a subdiscipline of microbiology) was founded in the 19th century by Ferdinand Cohn, a botanist whose studies on algae and photosynthetic bacteria led him to describe several bacteria including \"Bacillus\" and \"Beggiatoa\". Cohn was also the first to formulate a scheme for the taxonomic classification of bacteria, and to discover endospores. Louis Pasteur and Robert Koch were contemporaries of Cohn, and are often considered to be the father of microbiology and medical microbiology, respectively. Pasteur is most famous for his series of experiments designed to disprove the then widely held theory of", + "score": 0.67529296875 + }, + { + "id": "6546056", + "title": "Feulgen stain", + "text": "Feulgen stain Feulgen stain is a staining technique discovered by Robert Feulgen and used in histology to identify chromosomal material or DNA in cell specimens.It is darkly stained. It depends on acid hydrolysis of DNA, therefore fixating agents using strong acids should be avoided. The specimen is subjected to warm (60 \u00b0C) hydrochloric acid, then to Schiff reagent. In the past, a sulfite rinse followed, but this is now considered unnecessary. Optionally, the sample can be counterstained with Light Green SF yellowish. Finally, it is dehydrated with ethanol, cleared with xylene, and mounted in a resinous medium. DNA should be", + "score": 0.67529296875 + }, + { + "id": "9839515", + "title": "Max Bielschowsky", + "text": "and with Stanley Cobb, the development of intravital silver staining. The eponymous \"Bielschowsky silver stain\" technique was an improvement on the method developed by Ramon y Cajal (1852-1934). Max Bielschowsky Max Bielschowsky (February 19, 1869 \u2013 August 15, 1940) was a German neuropathologist born in Breslau. After receiving his medical doctorate from the University of Munich in 1893, he worked with Ludwig Edinger (1855-1918) at the Senckenberg Pathology Institute in Frankfurt-am-Main. At Senckenberg he learned histological staining techniques from Carl Weigert (1845-1904). From 1896 to 1904 he worked in Emanuel Mendel's (1839-1907) psychiatric laboratory in Berlin. In 1904 he joined", + "score": 0.6748046875 + }, + { + "id": "11899647", + "title": "History of malaria", + "text": "Dmitri Leonidovich Romanowsky independently developed techniques using a mixture of Eosin Y and modified methylene blue (methylene azure) that produced a surprising hue unattributable to either staining component: a shade of purple. Malachowski used alkali-treated methylene blue solutions and Romanowsky used methylene blue solutions which were molded or aged. This new method differentiated blood cells and demonstrated the nuclei of malarial parasites. Malachowski's staining technique was one of the most significant technical advances in the history of malaria. In 1891, Paul Guttmann and Ehrlich noted that methylene blue had a high affinity for some tissues and that this dye had", + "score": 0.6748046875 + }, + { + "id": "15606861", + "title": "Samuel Luther Dana", + "text": "resident and consulting chemist to the Merrimack Manufacturing Company, and continued as such until his death. His investigation in the bleaching of cotton led to the invention of the so-called \u201cAmerican system\u201d of bleaching, which attracted much attention abroad when first published in 1838 in the \"Bulletin de la soci\u00e9t\u00e9 industrielle de Mulhouse\". Many other important improvements in the printing of cottons and the chemical processes involved in that work were made by him, and gave to the goods produced in Lowell a high reputation in the United States. His researches on the action of cow manure as a mordant,", + "score": 0.6748046875 + }, + { + "id": "17964537", + "title": "William R. Walton", + "text": "of Living Foraminifera, Todo Santos Bay, Baja California.\" His field work employed the RV \"E.W. Scripps\", crewed in part by fellow graduate students. In 1952, while a graduate student, Walton published the paper \"Techniques for recognition of living foraminifera\". This would become his most-cited paper as it describes a technique for using a protoplasm stain, Rose bengal, to discriminate between living and dead foraminifera in modern samples. Generations of scientists have used this stain on samples taken from oceans around the world and successfully determined how deep in the sediment living foraminifera were burrowing. The technique has proven controversial with", + "score": 0.6748046875 + }, + { + "id": "1551735", + "title": "Germ theory of disease", + "text": "discovered that another serious disease of silkworms, \"p\u00e9brine\", was caused by a small microscopic organism now known as \"Nosema bombycis\" (1870). Pasteur saved France's silk industry by developing a method to screen silkworms eggs for those that were not infected, a method that is still used today to control this and other silkworm diseases. Robert Koch is known for developing four basic criteria (known as Koch's postulates) for demonstrating, in a scientifically sound manner, that a disease is caused by a particular organism. These postulates grew out of his seminal work with anthrax using purified cultures of the pathogen that", + "score": 0.67431640625 + }, + { + "id": "2455117", + "title": "Staining", + "text": "stains \"certified\" by themselves rather than by the Biological Stain Commission. Such products may or may not be suitable for diagnostic and other applications. A simple staining method for bacteria that is usually successful, even when the \"positive staining\" methods detailed below fail, is to use a negative stain. This can be achieved by smearing the sample onto the slide and then applying nigrosin (a black synthetic dye) or India ink (an aqueous suspension of carbon particles). After drying, the microorganisms may be viewed in bright field microscopy as lighter inclusions well-contrasted against the dark environment surrounding them. Note: negative", + "score": 0.67431640625 + }, + { + "id": "12233871", + "title": "History of chromatography", + "text": "sometimes attributed to German chemist Friedlieb Ferdinand Runge, who in 1855 described the use of paper to analyze dyes. Runge dropped spots of different inorganic chemicals onto circles of filter paper already impregnated with another chemical, and reactions between the different chemicals created unique color patterns. According to historical analysis of L. S. Ettre, however, Runge's work had \"nothing to do with chromatography\" (and instead should be considered a precursor of chemical spot tests such as the Schiff test). In the 1860s, Christian Friedrich Sch\u00f6nbein and his student Friedrich Goppelsroeder published the first attempts to study the different rates at", + "score": 0.673828125 + }, + { + "id": "689360", + "title": "Bacteriology", + "text": "discovery of the connection of microorganisms to disease can be dated back to the nineteenth century, when German physician Robert Koch introduced the science of microorganisms to the medical field. He identified bacteria as the cause of infectious diseases and process of fermentation in diseases. French Scientist Louis Pasteur developed techniques to produce vaccines. Both Koch and Pasteur played a role in improving antisepsis in medical treatment. This had an enormous positive effect on public health and gave a better understanding of the body and diseases. In 1870-1885 the modern methods of bacteriology technique were introduced by the use of", + "score": 0.67333984375 + }, + { + "id": "8007192", + "title": "Richard Friedrich Johannes Pfeiffer", + "text": "they nevertheless referred to as an atypical bacterium called Bacterium pneumosintes), other researchers could not reproduce their results. In 1896 he isolated micrococcus catarrhalis that is the cause of laryngitis. M catarrhalis also causes bronchitis, and pneumonia in children and adults with underlying chronic lung disease. It is occasionally a cause of meningitis. Richard Pfeiffer also invented a universal staining for histological preparations. Pfeiffer studied at the Kaiser-Wilhelms-Akademie in Berlin from 1875 to 1879. After completing his studies he was conferred doctor of medicine in 1880 and subsequently served as an army physician and bacteriologist until 1889. He was a", + "score": 0.67333984375 + }, + { + "id": "2976410", + "title": "Cell envelope", + "text": "for the staining pattern of poor absorption followed by high retention. The most common staining technique used to identify acid-fast bacteria is the Ziehl-Neelsen stain or acid-fast stain, in which the acid fast bacilli are stained bright red and stand out clearly against a blue background. The obligate intracellular bacteria in family Chlamydiaceae are unique in their morphology as they do not contain detectable amounts of peptidoglycans. However, the extracellular forms of these gram-negative bacteria maintain their structural integrity because of a layer of disulfide bind cross-linked layer of cysteine-rich proteins, which is located between cytoplasmic membrane and outer membrane", + "score": 0.67236328125 + }, + { + "id": "1452162", + "title": "Martinus Beijerinck", + "text": "agriculture, Beijerinck revealed this archetypical example of symbiosis between plants and bacteria. Beijerinck discovered the phenomenon of bacterial sulfate reduction, a form of anaerobic respiration. He learned bacteria could use sulfate as a terminal electron acceptor, instead of oxygen. This discovery has had an important impact on our current understanding of biogeochemical cycles. \"Spirillum desulfuricans\", now known as \"Desulfovibrio desulfuricans\", the first known sulfate-reducing bacterium, was isolated and described by Beijerinck. Beijerinck invented the enrichment culture, a fundamental method of studying microbes from the environment. He is often incorrectly credited with framing the microbial ecology idea that \"everything is everywhere,", + "score": 0.67236328125 + }, + { + "id": "20049804", + "title": "Natasha Anwar", + "text": "progressive disease development and mortality rates. Mycobacterium tuberculosis, specifically is the disease causing agent of tuberculosis, and many of these incidents are prevalent amongst developing countries. Specific to this, Dr. Natasha Anwar and her colleagues investigated the methods associated with the diagnosis of tuberculosis, which involve the molecular and conventional methods. Amongst developing countries, conventional methods including the Lowenstein Jensen culturing media and the Zheil Neelsen (also known as acid fast staining specific for mycobacterium) are the current methods being used. Polymerase chain reaction, a type of molecular method, has not been widely tested in those countries. They investigated the", + "score": 0.67138671875 + }, + { + "id": "6949569", + "title": "J. F. A. McManus", + "text": "the method. After leaving England in late 1946, Dr. McManus took up a position as Assistant Professor of Pathology first at the University of Alabama and then two years later in Virginia. In 1953 he returned to the U of A and he became Professor of Pathology for the next 8 years. It was there in collaboration with Robert Mowry, Charles Lupton and Sidney Kent, that the department became one of the best known medical centers for research and education. In 1960 he teamed with Dr. Robert Mowry to write Staining Methods; a handbook integrating newer histological and histochemical methods", + "score": 0.67138671875 + }, + { + "id": "3074882", + "title": "Golgi's method", + "text": "immersing the sample in gold chloride then oxalic acid, followed by removal of the silver by sodium thiosulphate. This preserves a greater degree of fine structure with the ultrastructural details marked by small particles of gold. Ram\u00f3n y Cajal said of the Golgi method: Golgi's method Golgi's method is a silver staining technique that is used to visualize nervous tissue under light microscopy. The method was discovered by Camillo Golgi, an Italian physician and scientist, who published the first picture made with the technique in 1873. It was initially named the black reaction (\"la reazione nera\") by Golgi, but it", + "score": 0.6708984375 + }, + { + "id": "9504985", + "title": "Joseph von Gerlach", + "text": "uses oxygen from ambient air. Joseph von Gerlach Joseph von Gerlach (3 April 1820 \u2013 17 December 1896) was a German professor of anatomy at the University of Erlangen. He was a native of Mainz, Rhineland-Palatinate. Gerlach was a pioneer of histological staining and anatomical micrography. In 1858 Gerlach introduced carmine mixed with gelatin as an histological stain. Along with Camillo Golgi, he was a major proponent of the reticular theory that the brain's nervous system consisted of processes of contiguous cells fused to create a massive meshed network. Gerlach summed up his theory by stating:the finest divisions of the", + "score": 0.6708984375 + }, + { + "id": "4589929", + "title": "Crystal violet", + "text": "by starting with diethylaniline rather than dimethylaniline, he could synthesize the closely related violet dye now known as C.I. 42600 or C.I. Basic violet 4. The name \"gentian violet\" (or \"Gentianaviolett\" in German) is thought to have been introduced by the German pharmacist Georg Gr\u00fcbler, who in 1880 started a company in Leipzig that specialized in the sale of staining reagents for histology. The gentian violet stain marketed by Gr\u00fcbler probably contained a mixture of methylated pararosaniline dyes. The stain proved popular and in 1884 was used by Hans Christian Gram to stain bacteria. He credited Paul Ehrlich for the", + "score": 0.6708984375 + }, + { + "id": "4655333", + "title": "Evolutionary neuroscience", + "text": "simply the gross level. Santiago Ramon and Pedro Ramon used this method to analyze numerous parts of brains, broadening the field of comparative neuroanatomy. In the second half of the 19 century, new techniques allowed scientists to identify neuronal cell groups and fiber bundles in brains. In 1885,Vittorio Marchi discovered a staining technique that let scientists see induced axonal degeneration in myelinated axons, in 1950, the \u201coriginal Nauta procedure\u201d allowed for more accurate identification of degenerating fibers, and in the 1970s, there were several discoveries of multiple molecular tracers which would be used for experiments even today. In the last", + "score": 0.6708984375 + }, + { + "id": "15458646", + "title": "Richard F. Edlich", + "text": "Gram stain technique for quantitative bacteriology using stable iodophors rather than unstable aqueous iodine. This reliable Gram stain technique is now being used throughout the world. When Edlich treated burn patients in which the patient\u2019s ignited clothing was adherent to the burned skin, he was concerned that the adult textiles were highly flammable and became the ignition source for the burn injury. His clinical measurements of fabric flammability of the textiles as well as a careful review of the ignition source documented that flammable liquids, such as gasoline, were the ignition sources of most burn injuries. Consequently, Edlich initiated a", + "score": 0.6708984375 + }, + { + "id": "20485633", + "title": "Dying neurons with silver nitrate", + "text": "one would be stained in black. Usefulness of this coloring is in its unusual selectivity. Golgi's method of staining allowed him to conduct experiments in the field of study of neuronal structure, for which he was awarded with the Nobel prize in 1906. Dying neurons with silver nitrate Method of coloring neurons with silver nitrate (AgNO) was discovered in 1873. by the Italian scientist Camillo Golgi. This method is often referred to as Golgi's stain, and also silver impregnation. On the tissue sample a potassium bichromate is added, and then silver nitrate. Stains of silver nitrate around the surfaces of", + "score": 0.669921875 + }, + { + "id": "664534", + "title": "Barbara McClintock", + "text": "to visualize and characterize maize chromosomes. This particular part of her work influenced a generation of students, as it was included in most textbooks. She also developed a technique using carmine staining to visualize maize chromosomes, and showed for the first time the morphology of the 10 maize chromosomes. This discovery was made because she observed cells from the microspore as opposed to the root tip. By studying the morphology of the chromosomes, McClintock was able to link specific chromosome groups of traits that were inherited together. Marcus Rhoades noted that McClintock's 1929 \"Genetics\" paper on the characterization of triploid", + "score": 0.66943359375 + }, + { + "id": "19818840", + "title": "Esmond Emerson Snell", + "text": "one of just two B vitamins known \u2013 is considered the first widely used such assay. His notable discoveries using these methods include the discovery and naming of folic acid, which Herschel K. Mitchell, Snell, and Roger J. Williams isolated from four tons of processed spinach and demonstrated to be a growth factor for the experimental organism \"Streptococcus faecalis\". A version of Snell's microbiological assay method based on the experimental organism \"Lactobacillus casei\" (now known as \"Lactobacillus rhamnosus\") is still used as a method for detecting folates in blood. Snell's interest in isolating and characterizing unknown nutrients and growth factors", + "score": 0.66943359375 + }, + { + "id": "5592337", + "title": "Forensic chemistry", + "text": "century. A pioneer in the development of forensic microscopy, Orfila contributed to the advancement of this method for the detection of blood and semen. Orfila was also the first chemist to successfully classify different chemicals into categories such as corrosives, narcotics, and astringents. The next advancement in the detection of poisons came in 1850 when a valid method for detecting vegetable alkaloids in human tissue was created by chemist Jean Stas. Stas's method was quickly adopted and used successfully in court to convict Count Hippolyte Visart de Bocarm\u00e9 of murdering his brother-in-law by nicotine poisoning. Stas was able to successfully", + "score": 0.66943359375 + }, + { + "id": "20354155", + "title": "Jaswant Singh\u2013Bhattacharji (JSB) stain", + "text": "methylene blue. The second solution is eosin dissolved in water. Jaswant Singh\u2013Bhattacharji (JSB) stain Jaswant Singh\u2013Bhattacharji stain, commonly referred to as JSB stain, is a rapid staining method for detection of malaria. It is useful in definitive diagnosis depends on the demonstration of malaria from thick smear samples of blood. The JSB stain is commonly used throughout India; however it is rarely used outside of India. The JSB stain consists of two solutions which are used in sequence to stain various parts of the sample. The first solution consists of methylene blue, potassium dichromate, and sulfuric acid diluted in water.", + "score": 0.6689453125 + }, + { + "id": "19278180", + "title": "Isolation (microbiology)", + "text": "streaks the material into the 4 quadrants of an agar plate or all over if the colony was singular and did not look mixed. Gram staining the raw sample before incubation or staining freshly grown colony material helps to determine if a colony consists of uniformly appearing bacteria or is mixed, and the color, and shape of bacteria allow a first classification based on morphology. In clinical microbiology numerous other staining techniques for particular organisms are used (acid fast bacterial stain for mycobacteria). Immunological staining techniques, such as direct immunofluorescence have been developed for medically important pathogens that are slow", + "score": 0.66845703125 + }, + { + "id": "20530656", + "title": "Bacterioplankton counting methods", + "text": "both DNA and RNA structures in biological samples such as bacteria and viruses. However, DNA staining is primarily used for bacterial cell identification. With modern epifluorescence microscopy, the industry standard for estimating and counting bacterial cell quantities is by the use of a DAPI stain. This technique can be performed for samples from a wide range of environments and locations, such as seawater, various sources of freshwater, as well as soils and sediments. In a standard experiment, prepared bacterial samples are placed onto counting slides and then viewed under an epifluorescence microscope. Magnification is set to a level where the", + "score": 0.66845703125 + }, + { + "id": "640372", + "title": "Camillo Golgi", + "text": "to study during Golgi's time because the cells were hard to identify. The available tissue staining techniques were useless for studying nervous tissue. While working as chief medical officer at the Hospital of the Chronically Ill, he experimented with metal impregnation of nervous tissue, using mainly silver (silver staining). In the early 1873, he discovered a method of staining nervous tissue that would stain a limited number of cells at random in their entirety. He first treated the tissue with potassium dichromate to harden it, and then with silver nitrate. Under microscope, the outline of the neuron became distinct from", + "score": 0.66845703125 + }, + { + "id": "18572656", + "title": "Fanny Hesse", + "text": "growth media, cleaning equipment and producing illustrations for publications. In 1881, while her husband was working in the laboratory of German physician and microbiologist Robert Koch, Hesse suggested that agar was preferable to gelatin for cultivating bacteria. She was aware of the properties of agar as a gelling agent that maintained its gel properties at warm temperatures through using it at home to make puddings and jellies. A neighbour who had lived in Java had introduced agar to her when she lived in America. This led to Koch using agar to cultivate the bacteria that cause tuberculosis. Although Koch, in", + "score": 0.66796875 + }, + { + "id": "11836698", + "title": "Jacob Christoph Le Blon", + "text": "Jacob Christoph Le Blon Jacob Christoph Le Blon, or Jakob Christoffel Le Blon, (2 May 1667 \u2013 16 May 1741) was a painter and engraver from Frankfurt who invented the system of three- and four-colour printing, using an RYBK color model similar to the modern CMYK system.[2] He used the mezzotint method to engrave three or four metal plates (one each per printing ink) to make prints with a wide range of colours. His methods helped form the foundation for modern colour printing. On his father\u2019s side Le Blon descended from Huguenots fleeing France in 1576, having settled in Frankfurt.", + "score": 0.6669921875 + }, + { + "id": "6549695", + "title": "Papanicolaou stain", + "text": "Papanicolaou stain Papanicolaou stain (also Papanicolaou's stain and Pap stain) is a multichromatic staining cytological technique developed by George Papanikolaou, the father of cytopathology. Pap staining is used to differentiate cells in smear preparations of various bodily secretions; the specimens can be gynecological smears (Pap smears), sputum, brushings, washings, urine, cerebrospinal fluid, abdominal fluid, pleural fluid, synovial fluid, seminal fluid, fine needle aspiration material, tumor touch samples, or other materials containing cells. Pap staining is a very reliable technique. As such, it is used for cervical cancer screening in gynecology. The entire procedure is known as Pap smear. The classic", + "score": 0.6669921875 + }, + { + "id": "10126640", + "title": "Curtobacterium flaccumfaciens", + "text": "most plant pathogens are Gram-negative detection of Gram-positive bacterium, using methods such as the KOH test, is a beginners diagnostic tool used to identify this bacterium. Bacteria may be detected beneath the seedcoat by means of a combined cultural and slide agglutination test. Bean seed from countries where the disease is known to occur should be inspected for discoloration of the seedcoat. Immunofluorescence staining can also be used to detect the bacterium in contaminated seed lots. Control may be affected by using disease-free seed and crop rotations. Seeds grown in dry climates are usually free from infection and are, therefore,", + "score": 0.66650390625 + }, + { + "id": "20354154", + "title": "Jaswant Singh\u2013Bhattacharji (JSB) stain", + "text": "Jaswant Singh\u2013Bhattacharji (JSB) stain Jaswant Singh\u2013Bhattacharji stain, commonly referred to as JSB stain, is a rapid staining method for detection of malaria. It is useful in definitive diagnosis depends on the demonstration of malaria from thick smear samples of blood. The JSB stain is commonly used throughout India; however it is rarely used outside of India. The JSB stain consists of two solutions which are used in sequence to stain various parts of the sample. The first solution consists of methylene blue, potassium dichromate, and sulfuric acid diluted in water. This solution is heated for several hours to oxidize the", + "score": 0.66650390625 + }, + { + "id": "10241232", + "title": "Ernest Hanbury Hankin", + "text": "took a keen interest in bacteriology and decided against a career in medicine. In 1890 he was elected Hutchinson Student in Pathology and by the end of the year, he was admitted as a Fellow in November. He obtained the degree of MA in 1893 and Sc.D. in 1905 before working under Professor Charles Roy at his Pathological Laboratory in Trinity College London. His early studies in bacteriology included a new staining technique using aniline dyes (1886), some studies on anthrax in collaboration with F.F. Wesbrook, immunity and the role of \"alexins\". He extracted an albumose fraction from anthrax cultures", + "score": 0.66650390625 + }, + { + "id": "15674184", + "title": "Koch\u2013Pasteur rivalry", + "text": "and introduced anthrax vaccine (1881). Koch had transformed bacteriology by introducing the technique of pure culture, whereby he established the microbial cause of the disease anthrax (1876), had introduced both staining and solid culture plates to bacteriology (1881), had identified the microbial cause of tuberculosis (1882), had incidentally popularized Koch's postulates for identifying the microbial cause of a disease, and would later identify the microbial cause of cholera (1883). Although Koch had briefly and, thereafter, his bacteriological followers regarded a bacterial species' properties as unalterable, Pasteur's modification of virulence to develop vaccine demonstrated this doctrine's falsity. At an 1882 conference,", + "score": 0.666015625 + }, + { + "id": "11052961", + "title": "Gustavo Caetano-Anolles", + "text": "amplification with arbitrary primers [see DNA amplification fingerprinting (DAF) and randomly amplified polymorphic DNA (RAPD)]. This technique generates fingerprints of nucleic acids and molecular markers useful for genome mapping and molecular ecology and evolution. He also developed widely used methods for the silver staining of DNA that are commercially available. He holds several US patents in molecular biology. He joined the faculty of the Department of Biology at the University of Oslo in 1998 and directed the laboratory of molecular ecology and evolution. Since 2003 he is at the University of Illinois and is an affiliate of the Carl R.", + "score": 0.66552734375 + }, + { + "id": "7196447", + "title": "Differential staining", + "text": "the Gram stain. Gram staining uses two dyes: Crystal violet and Fuchsin or Safranin (the counterstain) to differentiate between Gram-positive bacteria (large Peptidoglycan layer on outer surface of cell) and Gram-negative bacteria. Acid-fast Stains are also differential stains. Differential staining Differential Staining is a staining process which uses more than one chemical stain. Using multiple stains can better differentiate between different microorganisms or structures/cellular components of a single organism. Differential staining is used to detect abnormalities in the proportion of different white blood cells in the blood. The process or results are called a WBC differential. This test is useful", + "score": 0.6650390625 + } + ], + "answer": "Gram stain or Gram staining, also called Gram's method, is a method of staining used to distinguish and classify bacterial species into two large groups, Gram-positive and Gram-negative. The name comes from the Danish bacteriologist Hans Christian Gram, who developed the technique. Ziehl-Neelsen staining is a type of Acid-fast stain, first introduced by Paul Ehrlich. Ziehl\u2013Neelsen staining is a bacteriological stain used to identify acid-fast organisms, mainly Mycobacteria." + }, + { + "qa_pairs": [ + { + "context": "Seismic measurements show that the core is divided into two parts, a \"solid\" inner core with a radius of \u22481,220\u00a0km and a liquid outer core extending beyond it to a radius of \u22483,400\u00a0km. The densities are between 9,900 and 12,200\u00a0kg/m in the outer core and 12,600\u201313,000\u00a0kg/m in the inner core.", + "question": "What is the solid inner part of the earth called?", + "short_answers": [ + "Inner Core" + ], + "wikipage": "Structure of the Earth" + }, + { + "context": "No context provided", + "question": "What is the solid, outer part of the earth called?", + "short_answers": [ + "Lithosphere" + ], + "wikipage": null + }, + { + "context": "Earth's mantle extends to a depth of 2,890\u00a0km, making it the thickest layer of Earth. The mantle is divided into upper and lower mantle, which are separated by the transition zone. The lowest part of the mantle next to the core-mantle boundary is known as the D\u2033 (pronounced dee-double-prime) layer. The pressure at the bottom of the mantle is \u2248140 GPa (1.4 Matm). The mantle is composed of silicate rocks that are rich in iron and magnesium relative to the overlying crust. Although solid, the high temperatures within the mantle cause the silicate material to be sufficiently ductile that it can flow on very long timescales. Convection of the mantle is expressed at the surface through the motions of tectonic plates. As there is intense and increasing pressure as one travels deeper into the mantle, the lower part of the mantle flows less easily than does the upper mantle (chemical changes within the mantle may also be important). The viscosity of the mantle ranges between 10 and 10 Pa\u00b7s, depending on depth. In comparison, the viscosity of water is approximately 10 Pa\u00b7s and that of pitch is 10 Pa\u00b7s. The source of heat that drives plate tectonics is the primordial heat left over from the planet's formation as well as the radioactive decay of uranium, thorium, and potassium in Earth's crust and mantle.", + "question": "What is the solid part of the earth called, that was once liquid?", + "short_answers": [ + "Mantle" + ], + "wikipage": "Structure of the Earth" + } + ], + "wikipages": [ + { + "title": "Structure of the Earth", + "url": "https://en.wikipedia.org/wiki/Structure%20of%20the%20Earth" + }, + { + "title": "Earth's inner core", + "url": "https://en.wikipedia.org/wiki/Earth%27s%20inner%20core" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Earth's lithosphere includes the crust and the uppermost mantle, which constitutes the hard and rigid outer layer of the Earth...The lithosphere can be divided into oceanic and continental lithosphere. Oceanic lithosphere is associated with oceanic crust (having a mean density of about 2.9 grams per cubic centimeter) and exists in the ocean basins. Continental lithosphere is associated with continental crust (having a mean density of about 2.7 grams per cubic centimeter) and underlies the continents and continental shelfs.[9]", + "wikipage": "Lithosphere" + } + ], + "long_answer": "With a radius of \u22481,220 km, the inner core is the solid inner part of the earth. The outer part of earth can be divided into the oceanic and continental lithospheres. This area includes the crust and the uppermost mantle, which constitutes the hard and rigid outer layer of the Earth. The Earth's mantle extends to a depth of 2,890 km, making it the thickest layer of Earth. " + }, + { + "knowledge": [ + { + "content": "Earth's lithosphere includes the crust and the uppermost mantle, which constitutes the hard and rigid outer layer of the Earth.", + "wikipage": "Lithosphere" + } + ], + "long_answer": "There are several solid parts of the Earth. The solid inner part of the Earth is called the inner core, one of two parts of the core. The solid outer part is called the lithosphere, which includes the crust and the uppermost mantle. The solid part of the Earth that was once liquid is called the mantle." + } + ], + "sample_id": "3189494571253889631", + "question": "What is the solid part of earth called?", + "docs": [ + { + "id": "656958", + "title": "Geophysics", + "text": "S-waves in the outer core. This indicates that the outer core is liquid, because liquids cannot support shear. The outer core is liquid, and the motion of this highly conductive fluid generates the Earth's field. The inner core, however, is solid because of the enormous pressure. Reconstruction of seismic reflections in the deep interior indicate some major discontinuities in seismic velocities that demarcate the major zones of the Earth: inner core, outer core, mantle, lithosphere and crust. The mantle itself is divided into the upper mantle, transition zone, lower mantle and \"D\u2032\u2032\" layer. Between the crust and the mantle is", + "score": 0.67919921875, + "summary": "The solid part of the earth is called the inner core, which is solid due to enormous pressure, according to the document on geophysics. The outer core is liquid and generates the Earth's field. The mantle is further divided into the upper mantle, transition zone, lower mantle, and \"D\u2032\u2032\" layer.", + "extraction": "The solid part of the Earth is called the inner core." + }, + { + "id": "4463738", + "title": "Structure of the Earth", + "text": "decay of radioactive elements, and freezing of the inner core. Structure of the Earth The internal structure of the Earth is layered in spherical shells: an outer silicate solid crust, a highly viscous asthenosphere and mantle, a liquid outer core that is much less viscous than the mantle, and a solid inner core. Scientific understanding of the internal structure of the Earth is based on observations of topography and bathymetry, observations of rock in outcrop, samples brought to the surface from greater depths by volcanoes or volcanic activity, analysis of the seismic waves that pass through the Earth, measurements of", + "score": 0.67822265625, + "summary": "The solid part of the Earth is called the outer silicate solid crust, according to the document \"Structure of the Earth.\"", + "extraction": "The solid part of the Earth is called the \"outer silicate solid crust\"." + }, + { + "id": "4463722", + "title": "Structure of the Earth", + "text": "Structure of the Earth The internal structure of the Earth is layered in spherical shells: an outer silicate solid crust, a highly viscous asthenosphere and mantle, a liquid outer core that is much less viscous than the mantle, and a solid inner core. Scientific understanding of the internal structure of the Earth is based on observations of topography and bathymetry, observations of rock in outcrop, samples brought to the surface from greater depths by volcanoes or volcanic activity, analysis of the seismic waves that pass through the Earth, measurements of the gravitational and magnetic fields of the Earth, and experiments", + "score": 0.6748046875, + "summary": "The solid part of the Earth is called the outer silicate solid crust, according to the document titled \"Structure of the Earth.\"", + "extraction": "The solid part of Earth is called the outer silicate solid crust." + }, + { + "id": "1298995", + "title": "Outer core", + "text": "Outer core The outer core of the Earth is a fluid layer about thick and composed of mostly iron and nickel that lies above Earth's solid inner core and below its mantle. Its outer boundary lies beneath Earth's surface. The transition between the inner core and outer core is located approximately beneath the Earth's surface. Unlike the inner core, the outer core is liquid. The inner core is also referred to as the solid core. Seismic inversions of body waves and normal modes constrain the radius of the outer core to be 3483 km with an uncertainty of 5 km,", + "score": 0.6728515625, + "summary": "The solid part of the Earth is called the inner core, while the outer core is a fluid layer composed of mostly iron and nickel.", + "extraction": "The solid part of earth is also referred to as the inner core." + }, + { + "id": "2364347", + "title": "Geosphere", + "text": "Geosphere There are several conflicting definitions for geosphere. The geosphere may be taken as the collective name for the lithosphere, the hydrosphere, the cryosphere, and the atmosphere. In Aristotelian physics, the term was applied to four spherical \"natural places\", concentrically nested around the center of the Earth, as described in the lectures \"Physica\" and \"Meteorologica\". They were believed to explain the motions of the four \"terrestrial elements:\" \"Earth\", \"Water\", \"Air\" and \"Fire\". In modern texts and in Earth system science, geosphere refers to the solid parts of the Earth; it is used along with atmosphere, hydrosphere, and biosphere to describe", + "score": 0.66845703125, + "summary": "The solid parts of the Earth are referred to as the geosphere in modern texts and Earth system science.", + "extraction": "In modern texts and in Earth system science, geosphere refers to the solid parts of the Earth." + }, + { + "id": "1293956", + "title": "Lithosphere", + "text": "plastic deformation. The concept of the lithosphere as Earth\u2019s strong outer layer was described by A.E.H. Love in his 1911 monograph \"Some problems of Geodynamics\" and further developed by Joseph Barrell, who wrote a series of papers about the concept and introduced the term \"lithosphere\". The concept was based on the presence of significant gravity anomalies over continental crust, from which he inferred that there must exist a strong, solid upper layer (which he called the lithosphere) above a weaker layer which could flow (which he called the asthenosphere). These ideas were expanded by Reginald Aldworth Daly in 1940 with", + "score": 0.66748046875, + "summary": "The solid part of the earth is called the lithosphere, which was first described by A.E.H. Love and further developed by Joseph Barrell. It is the strong outer layer of the earth above the weaker asthenosphere.", + "extraction": "The solid upper layer of Earth is called the lithosphere." + }, + { + "id": "2364348", + "title": "Geosphere", + "text": "the systems of the Earth (the interaction of these systems with the magnetosphere is sometimes listed). In that context, sometimes the term lithosphere is used instead of geosphere or solid Earth. The lithosphere, however, only refers to the uppermost layers of the solid Earth (oceanic and continental crustal rocks and uppermost mantle). Since space exploration began, it has been observed that the extent of the ionosphere or plasmasphere is highly variable, and often much larger than previously appreciated, at times extending to the boundaries of the Earth's magnetosphere or geomagnetosphere. This highly variable outer boundary of \"geogenic\" matter has been", + "score": 0.66455078125, + "summary": "The solid part of the Earth is sometimes referred to as the geosphere or lithosphere, but the term lithosphere only includes the uppermost layers of the solid Earth.", + "extraction": "The solid part of the Earth is called the lithosphere, which refers to the uppermost layers of the solid Earth including oceanic and continental crustal rocks and the uppermost mantle." + }, + { + "id": "20802268", + "title": "Solid (web decentralization project)", + "text": "Solid (web decentralization project) Solid (Social Linked Data) is a web decentralization project led by Tim Berners-Lee, the inventor of the World Wide Web. The project is run from the Massachusetts Institute of Technology (MIT). The project \"aims to radically change the way Web applications work today, resulting in true data ownership as well as improved privacy\" by developing a platform for linked-data applications that are completely decentralized and fully under users' control rather than controlled by other entities. Two decades after Berners-Lee invented the World Wide Web in 1989, he outlined the design issues of what later became the", + "score": 0.66015625, + "summary": "The document is irrelevant to the question.", + "extraction": "irrelevant" + }, + { + "id": "12378228", + "title": "Solid", + "text": "Solid Solid is one of the four fundamental states of matter (the others being liquid, gas, and plasma). In solids molecules are closely packed. It is characterized by structural rigidity and resistance to changes of shape or volume. Unlike liquid, a solid object does not flow to take on the shape of its container, nor does it expand to fill the entire volume available to it like a gas does. The atoms in a solid are tightly bound to each other, either in a regular geometric lattice (crystalline solids, which include metals and ordinary ice) or irregularly (an amorphous solid", + "score": 0.65966796875, + "summary": "The solid part of the earth is not mentioned in the document.", + "extraction": "The solid part of earth is not mentioned in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "12378272", + "title": "Solid", + "text": "absorption beyond Earth's atmosphere, as well. Solid Solid is one of the four fundamental states of matter (the others being liquid, gas, and plasma). In solids molecules are closely packed. It is characterized by structural rigidity and resistance to changes of shape or volume. Unlike liquid, a solid object does not flow to take on the shape of its container, nor does it expand to fill the entire volume available to it like a gas does. The atoms in a solid are tightly bound to each other, either in a regular geometric lattice (crystalline solids, which include metals and ordinary", + "score": 0.6591796875, + "summary": "The solid part of earth is not mentioned in the document.", + "extraction": "The solid part of earth is called \"Solid\"." + }, + { + "id": "111079", + "title": "Earth", + "text": "chlorine, sulfur, and fluorine are the important exceptions to this and their total amount in any rock is usually much less than 1%. Over 99% of the crust is composed of 11 oxides, principally silica, alumina, iron oxides, lime, magnesia, potash, and soda. Earth's interior, like that of the other terrestrial planets, is divided into layers by their chemical or physical (rheological) properties. The outer layer is a chemically distinct silicate solid crust, which is underlain by a highly viscous solid mantle. The crust is separated from the mantle by the Mohorovi\u010di\u0107 discontinuity. The thickness of the crust varies from", + "score": 0.65673828125, + "summary": "The solid part of Earth is called the crust, which is composed of 11 oxides, primarily silica, alumina, iron oxides, lime, magnesia, potash, and soda. It is chemically distinct and is separated from the mantle by the Mohorovi\u010di\u0107 discontinuity.", + "extraction": "The solid part of Earth is called the crust, which is a chemically distinct silicate solid crust underlain by a highly viscous solid mantle." + }, + { + "id": "6265338", + "title": "Inner core", + "text": "Zealand. She observed that the seismic waves reflect off the boundary of the inner core and can be detected by sensitive seismographs on the Earth's surface. This boundary is known as the Bullen discontinuity, or sometimes as the Lehmann discontinuity. A few years later, in 1940, it was hypothesized that this inner core was made of solid iron; its rigidity was confirmed in 1971. The outer core was determined to be molten from observations showing that compressional waves pass through it, but elastic shear waves do not \u2013 or do so only very weakly. The solidity of the inner core", + "score": 0.65380859375, + "summary": "The solid part of Earth's core is called the inner core, which was hypothesized to be made of solid iron and its rigidity was confirmed in 1971.", + "extraction": "The solid part of the earth is called the inner core, which was hypothesized to be made of solid iron and its rigidity was confirmed in 1971." + }, + { + "id": "1293954", + "title": "Lithosphere", + "text": "Lithosphere A lithosphere ( [\"lithos\"] for \"rocky\", and [\"sphaira\"] for \"sphere\") is the rigid, outermost shell of a terrestrial-type planet, or natural satellite, that is defined by its rigid mechanical properties. On Earth, it is composed of the crust and the portion of the upper mantle that behaves elastically on time scales of thousands of years or greater. The outermost shell of a rocky planet, the crust, is defined on the basis of its chemistry and mineralogy. The study of past and current formations of landscapes is called geomorphology. Earth's lithosphere includes the crust and the uppermost mantle, which constitute", + "score": 0.65185546875, + "summary": "The solid part of the Earth is called the lithosphere, which is composed of the crust and the upper mantle that behaves elastically on time scales of thousands of years or greater.", + "extraction": "The solid part of the Earth is called the lithosphere, which is composed of the crust and the portion of the upper mantle that behaves elastically on time scales of thousands of years or greater." + }, + { + "id": "5345769", + "title": "History of Earth", + "text": "(metallic) core only 10 million years after the Earth began to form, producing the layered structure of Earth and setting up the formation of Earth's magnetic field. J. A. Jacobs was the first to suggest that the inner core\u2014a solid center distinct from the liquid outer core\u2014is freezing and growing out of the liquid outer core due to the gradual cooling of Earth's interior (about 100 degrees Celsius per billion years). The first eon in Earth's history, the \"Hadean\", begins with the Earth's formation and is followed by the \"Archean\" eon at 3.8 Ga. The oldest rocks found on Earth", + "score": 0.6494140625, + "summary": "The document mentions the \"solid center distinct from the liquid outer core\" as the solid part of the Earth.", + "extraction": "The solid part of the Earth is called the inner core, which is distinct from the liquid outer core." + }, + { + "id": "1292999", + "title": "Inge Lehmann", + "text": "Inge Lehmann Inge Lehmann (13 May 1888 \u2013 21 February 1993) was a Danish seismologist and geophysicist. In 1936, she discovered that the Earth has a solid inner core inside a molten outer core. Before that, seismologists believed Earth's core to be a single molten sphere, being unable, however, to explain careful measurements of seismic waves from earthquakes, which were inconsistent with this idea. Lehmann analysed the seismic wave measurements and concluded that Earth must have a solid inner core and a molten outer core to produce seismic waves that matched the measurements. Other seismologists tested and then accepted Lehmann's", + "score": 0.6484375, + "summary": "The document is irrelevant to the question.", + "extraction": "The solid part of Earth is called the inner core, which was discovered by Inge Lehmann in 1936." + }, + { + "id": "1870965", + "title": "Planetary differentiation", + "text": "materials that readily alloy with iron) also travel downward. However, not all heavy elements make this transition as some chalcophilic heavy elements bind into low-density silicate and oxide compounds, which differentiate in the opposite direction. The main compositionally differentiated zones in the solid Earth are the very dense iron-rich metallic core, the less dense magnesium-silicate-rich mantle and the relatively thin, light crust composed mainly of silicates of aluminium, sodium, calcium and potassium. Even lighter still are the watery liquid hydrosphere and the gaseous, nitrogen-rich atmosphere. Lighter materials tend to rise through material with a higher density. They may take on", + "score": 0.64794921875, + "summary": "The solid part of the Earth is composed of three main layers: the iron-rich metallic core, the magnesium-silicate-rich mantle, and the light crust made up of silicates of various elements.", + "extraction": "The solid part of Earth is called the \"very dense iron-rich metallic core\"." + }, + { + "id": "8520935", + "title": "Solid Globe", + "text": "Solid Globe Solid Globe is a Dutch progressive trance project by two members Nic Vegter (also involved in writing and producing in \"The Classified Project\" and \"Nickelson\") and Raz Nitzan (writer and producer behind \"Perpetuous Dreamer\" together with Armin van Buuren and Elles de Graaf) . The band took off in 2003 with the hit song \"North Pole\" which stayed at the top of Dutch dance charts for two consecutive weeks. The project is supported by leading DJs such as Armin van Buuren and Ti\u00ebsto. \"North Pole\" was soon followed by \"Sahara\", which was nominated for Best Dance Song of", + "score": 0.646484375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "6265350", + "title": "Inner core", + "text": "\u2013 melting in one hemisphere and crystallization in the other. The western hemisphere of the inner core may be crystallizing, whereas the eastern hemisphere may be melting. This may lead to enhanced magnetic field generation in the crystallizing hemisphere, creating the asymmetry in the Earth's magnetic field. Based on rates of cooling of the core, it is estimated that the current solid inner core started solidifying approximately 0.5 to 2 billion years ago out of a fully molten core (which formed just after planetary formation). If true, this would mean that the Earth's solid inner core is not a primordial", + "score": 0.64453125, + "summary": "The document discusses the inner core of the Earth and its potential melting and crystallization in different hemispheres. It mentions that the current solid inner core started solidifying approximately 0.5 to 2 billion years ago out of a fully molten core. However, it does not directly answer the question of what the solid part of the Earth is called.", + "extraction": "The solid part of the Earth is called the inner core." + }, + { + "id": "184222", + "title": "Hollow Earth", + "text": "illustration of the fact that any description of the physical world can be equivalently expressed in more than one way. The picture of the structure of the Earth that has been arrived at through the study of seismic waves is quite different from the Hollow Earth hypothesis. The time it takes for seismic waves to travel through and around the Earth directly contradicts a hollow sphere. The evidence indicates that the Earth is filled with solid rock (mantle and crust), liquid nickel-iron alloy (outer core), and solid nickel-iron (inner core). Another set of scientific arguments against a Hollow Earth or", + "score": 0.64453125, + "summary": "The document states that the solid part of the Earth is made up of mantle and crust, and it is referred to as the \"solid rock.\"", + "extraction": "\"The solid rock (mantle and crust), liquid nickel-iron alloy (outer core), and solid nickel-iron (inner core)\"" + }, + { + "id": "11450132", + "title": "Allotropes of iron", + "text": "the solid parts of planetary cores. The inner core of the Earth is generally assumed to consist essentially of a crystalline iron-nickel alloy with \u03b5 structure. The outer core surrounding the solid inner core is believed to be composed of liquid iron mixed with nickel and trace amounts of lighter elements. As molten iron cools down, it solidifies at 1,538 \u00b0C (2,800 \u00b0F) into its \u03b4 allotrope, which has a body-centered cubic (BCC) crystal structure. \u03b4-iron can dissolve as much as 0.08% of carbon by mass at 1,475 \u00b0C. As the iron cools further to 1,394 \u00b0C its crystal structure", + "score": 0.64404296875, + "summary": "The solid part of the Earth is called the inner core and is generally assumed to consist of a crystalline iron-nickel alloy.", + "extraction": "The solid part of planetary cores is called the inner core of the Earth, which is assumed to consist essentially of a crystalline iron-nickel alloy with \u03b5 structure." + }, + { + "id": "17669624", + "title": "Earth's internal heat budget", + "text": "primordial heat, respectively. The structure of the Earth is a rigid outer crust that is composed of thicker continental crust and thinner oceanic crust, solid but plastically flowing mantle, a liquid outer core, and a solid inner core. The fluidity of a material is proportional to temperature; thus, the solid mantle can still flow on long time scales, as a function of its temperature and therefore as a function of the flow of Earth's internal heat. The mantle convects in response to heat escaping from Earth's interior, with hotter and more buoyant mantle rising and cooler, and therefore denser, mantle", + "score": 0.642578125 + }, + { + "id": "7903419", + "title": "KDE Platform 4", + "text": "available as a KPart and is used in applications like Konqueror and Kate. Example uses of KParts: Solid is a device integration framework for KDE Platform 4, the current release of KDE. It functions on similar principles to KDE's multimedia pillar Phonon; rather than managing hardware on its own, it makes existing solutions accessible through a single API. The current solution uses udev, NetworkManager and BlueZ (the official Linux Bluetooth stack). However, any and all parts can be replaced without breaking the application, making applications using Solid extremely flexible and portable. Work is underway to build a Solid backend for", + "score": 0.6376953125 + }, + { + "id": "10358314", + "title": "Geological history of Earth", + "text": "years. During Hadean time (4.6\u20134 Ga), the Solar System was forming, probably within a large cloud of gas and dust around the sun, called an accretion disc from which Earth formed . The Hadean Eon is not formally recognized, but it essentially marks the era before we have adequate record of significant solid rocks. The oldest dated zircons date from about . Earth was initially molten due to extreme volcanism and frequent collisions with other bodies. Eventually, the outer layer of the planet cooled to form a solid crust when water began accumulating in the atmosphere. The Moon formed soon", + "score": 0.6376953125 + }, + { + "id": "111080", + "title": "Earth", + "text": "about under the oceans to for the continents. The crust and the cold, rigid, top of the upper mantle are collectively known as the lithosphere, and it is of the lithosphere that the tectonic plates are composed. Beneath the lithosphere is the asthenosphere, a relatively low-viscosity layer on which the lithosphere rides. Important changes in crystal structure within the mantle occur at below the surface, spanning a transition zone that separates the upper and lower mantle. Beneath the mantle, an extremely low viscosity liquid outer core lies above a solid inner core. The Earth's inner core might rotate at a", + "score": 0.63720703125 + }, + { + "id": "2694847", + "title": "Surface modification", + "text": "the surface of solid matter. It has applications to chemistry, mechanical engineering, and electrical engineering (particularly in relation to semiconductor manufacturing). Solids are composed of a bulk material covered by a surface. The surface which bounds the bulk material is called the Surface phase. It acts as an interface to the surrounding environment. The bulk material in a solid is called the Bulk phase. The surface phase of a solid interacts with the surrounding environment. This interaction can degrade the surface phase over time. Environmental degradation of the surface phase over time can be caused by wear, corrosion, fatigue and", + "score": 0.6357421875 + }, + { + "id": "14058273", + "title": "Lunar seismology", + "text": "impacts and artificial signals from lunar modules. One key finding was an improved understanding of the structure of the deep lunar interior, including the existence of a solid inner-core and sharp core-mantle boundary and a partial-melt layer at the base of the lunar mantle. The solid core has a radius of about 240 km and is surrounded by a much thinner liquid outer core with a thickness of about 90 km. The partial melt layer sits above the liquid outer core and has a thickness of about 150 km. The mantle extends to within 45 \u00b1 5 km of the", + "score": 0.63525390625 + }, + { + "id": "20802273", + "title": "Solid (web decentralization project)", + "text": "in a specific pod. The user retains complete ownership and control of data in the user's pods: what data each pod contains, where each pod is stored, and which applications have permission to use the data. In more detail, Solid consists of the following components: Solid (web decentralization project) Solid (Social Linked Data) is a web decentralization project led by Tim Berners-Lee, the inventor of the World Wide Web. The project is run from the Massachusetts Institute of Technology (MIT). The project \"aims to radically change the way Web applications work today, resulting in true data ownership as well as", + "score": 0.634765625 + }, + { + "id": "111078", + "title": "Earth", + "text": "winds is called the geoid. More precisely, the geoid is the surface of gravitational equipotential at mean sea level. Earth's mass is approximately (5,970 Yg). It is composed mostly of iron (32.1%), oxygen (30.1%), silicon (15.1%), magnesium (13.9%), sulfur (2.9%), nickel (1.8%), calcium (1.5%), and aluminium (1.4%), with the remaining 1.2% consisting of trace amounts of other elements. Due to mass segregation, the core region is estimated to be primarily composed of iron (88.8%), with smaller amounts of nickel (5.8%), sulfur (4.5%), and less than 1% trace elements. The most common rock constituents of the crust are nearly all oxides:", + "score": 0.634765625 + }, + { + "id": "6265344", + "title": "Inner core", + "text": "would be found to be homogeneous, because the solid inner core was originally formed by a gradual cooling of molten material, and continues to grow as a result of that same process. Even though it is growing into liquid, it is solid, due to the very high pressure that keeps it compacted together even if the temperature is extremely high. It was even suggested that Earth's inner core might be a single crystal of iron. However, this prediction was disproved by observations indicating that in fact there is a degree of disorder within the inner core. Seismologists have found that", + "score": 0.63330078125 + }, + { + "id": "369005", + "title": "Skeleton", + "text": "Skeleton The skeleton is the body part that forms the supporting structure of an organism. There are several different skeletal types: the exoskeleton, which is the stable outer shell of an organism, the endoskeleton, which forms the support structure inside the body, the hydroskeleton, and the cytoskeleton. The term comes . There are two major types of skeletons: solid and fluid. Solid skeletons can be internal, called an endoskeleton, or external, called an exoskeleton, and may be further classified as pliant (elastic/movable) or rigid (hard/non-movable). Fluid skeletons are always internal. Exoskeletons are external, and are found in many invertebrates; they", + "score": 0.63330078125 + }, + { + "id": "1293955", + "title": "Lithosphere", + "text": "the hard and rigid outer layer of the Earth. The lithosphere is subdivided into tectonic plates. The uppermost part of the lithosphere that chemically reacts to the atmosphere, hydrosphere and biosphere through the soil forming process is called the pedosphere. The lithosphere is underlain by the asthenosphere which is the weaker, hotter, and deeper part of the upper mantle. The Lithosphere-Asthenosphere boundary is defined by a difference in response to stress: the lithosphere remains rigid for very long periods of geologic time in which it deforms elastically and through brittle failure, while the asthenosphere deforms viscously and accommodates strain through", + "score": 0.63232421875 + }, + { + "id": "321041", + "title": "Platonic solid", + "text": "intuitive justification for these associations: the heat of fire feels sharp and stabbing (like little tetrahedra). Air is made of the octahedron; its minuscule components are so smooth that one can barely feel it. Water, the icosahedron, flows out of one's hand when picked up, as if it is made of tiny little balls. By contrast, a highly nonspherical solid, the hexahedron (cube) represents \"earth\". These clumsy little solids cause dirt to crumble and break when picked up in stark difference to the smooth flow of water. Moreover, the cube's being the only regular solid that tessellates Euclidean space was", + "score": 0.63134765625 + }, + { + "id": "156156", + "title": "Geology", + "text": "showed the existence of a liquid outer core (where shear waves were not able to propagate) and a dense solid inner core. These advances led to the development of a layered model of the Earth, with a crust and lithosphere on top, the mantle below (separated within itself by seismic discontinuities at 410 and 660 kilometers), and the outer core and inner core below that. More recently, seismologists have been able to create detailed images of wave speeds inside the earth in the same way a doctor images a body in a CT scan. These images have led to a", + "score": 0.630859375 + }, + { + "id": "1293964", + "title": "Asthenosphere", + "text": "Asthenosphere The asthenosphere (from Greek \u1f00\u03c3\u03b8\u03b5\u03bd\u03ae\u03c2 \"asthen\u1e17s\" 'weak' + \"sphere\") is the highly viscous, mechanically weak and ductilely deforming region of the upper mantle of the Earth. It lies below the lithosphere, at depths between approximately below the surface. The Lithosphere-Asthenosphere boundary is usually referred to as LAB. The asthenosphere is almost solid, although some of its regions could be molten (e.g., below mid-ocean ridges). The lower boundary of the asthenosphere is not well defined. The thickness of the asthenosphere depends mainly on the temperature. However, the rheology of the asthenosphere also depends on the rate of deformation, which suggests", + "score": 0.62939453125 + }, + { + "id": "252617", + "title": "Metal", + "text": "rhodium, palladium, osmium, iridium, and platinum), germanium, and tin\u2014can be counted as siderophiles but only in terms of their primary occurrence in the Earth (core, mantle and crust), rather the crust. These metals otherwise occur in the crust, in small quantities, chiefly as chalcophiles (less so in their native form). The rotating fluid outer core of the Earth's interior, which is composed mostly of iron, is thought to be the source of Earth's protective magnetic field. The core lies above Earth's solid inner core and below its mantle. If it could be rearranged into a column having a 5m footprint", + "score": 0.62841796875 + }, + { + "id": "6892908", + "title": "Eo\u0308tvo\u0308s effect", + "text": "acts towards the Earth's axis. At every latitude there is precisely the amount of centripetal force that is necessary to maintain an even thickness of the atmospheric layer. (The solid Earth is ductile. Whenever the shape of the solid Earth is not entirely in equilibrium with its rate of rotation, then the shear stress deforms the solid Earth over a period of millions of years until the shear stress is resolved.) Again the example of an airship is convenient for discussing the forces that are at work. When the airship has a velocity relative to the Earth in latitudinal direction", + "score": 0.62841796875 + }, + { + "id": "7203605", + "title": "The Solids", + "text": "The Solids The Solids are a power pop band from Middletown, Connecticut. The band consists of Carter Bays, Craig Thomas, Patrick Butler, and C.C. DePhil. They have been writing, recording, and performing music since 1996. The Solids first became popular for their song \"The Future Is Now,\" which was the theme song for the Fox television program \"Oliver Beene\". A 12-second clip from their song \"Hey, Beautiful\" is the theme song for another show, the CBS sitcom \"How I Met Your Mother\" which was created by band members Bays and Thomas. The band was formed in the summer of 1996", + "score": 0.6279296875 + }, + { + "id": "20683605", + "title": "Solid (band)", + "text": "Solid (band) Solid (Korean: \uc194\ub9ac\ub4dc) is a South Korean R&B/Hip-Hop trio. They were formed in Orange County, California, in 1992, and made their debut in Seoul, South Korea, in 1993. The group consists of Johan Kim (\uae40\uc870\ud55c: George Kim), Jaeyoon Chong (\uc815\uc7ac\uc724: Jae Chong), and Joon Lee (\uc774\uc900: John Lee). The trio is dubbed as the \"Kings of R&B\" in South Korea for their contribution to establishing and popularizing the genre in Korea. They are considered to be one of the biggest influences in developing the current sound of K-pop \u2013 incorporating American styles and sounds, like R&B, rap, hip-hop,", + "score": 0.6279296875 + }, + { + "id": "8195408", + "title": "Solid Energy", + "text": "Solid Energy Solid Energy was the largest coal mining company in New Zealand and is a state owned enterprise of the New Zealand Government. The company was formed from the former government department State Coal Mines. It was then established as a state owned enterprise called Coal Corporation in 1987 (known as Coalcorp), and renamed Solid Energy New Zealand Limited in 1997. In 2015, it had a turnover of NZ$369.8 million and produced 2.8 million tonnes of coal. The company mined extensively in New Zealand's Waikato and the West Coast regions. Approximately half the coal mined was exported, as it", + "score": 0.6279296875 + }, + { + "id": "48478", + "title": "Bone", + "text": "as osteoblasts and osteoclasts. Within any single bone, the tissue is woven into two main patterns, known cortical and cancellous bone, and each with different appearance and characteristics. The hard outer layer of bones is composed of cortical bone also called compact bone being much denser than cancellous bone. It forms the hard exterior (cortex) of bones. The cortical bone gives bone its smooth, white, and solid appearance, and accounts for 80% of the total bone mass of an adult human skeleton. It facilitates bone's main functions: to support the whole body, protect organs, provide levers for movement, and store", + "score": 0.626953125 + }, + { + "id": "4463731", + "title": "Structure of the Earth", + "text": "of the modern value. Seismic measurements show that the core is divided into two parts, a \"solid\" inner core with a radius of \u22481,220 km and a liquid outer core extending beyond it to a radius of \u22483,400 km. The densities are between 9,900 and 12,200 kg/m in the outer core and 12,600\u201313,000 kg/m in the inner core. The inner core was discovered in 1936 by Inge Lehmann and is generally believed to be composed primarily of iron and some nickel. Since this layer is able to transmit shear waves (transverse seismic waves), it must be solid. Experimental evidence has", + "score": 0.62646484375 + }, + { + "id": "7203607", + "title": "The Solids", + "text": "also charted as #10 in \"Top Alternative Internet Downloads\" for issue #825 of \"Rolling Stone\" magazine, as well as an \"Editor's Pick\" for Rolling Stone Online. The band released its self-titled album on January 24, 2008. They reside and perform in Los Angeles. One of their songs is on \"How I Met Your Music (Deluxe)\". The Solids The Solids are a power pop band from Middletown, Connecticut. The band consists of Carter Bays, Craig Thomas, Patrick Butler, and C.C. DePhil. They have been writing, recording, and performing music since 1996. The Solids first became popular for their song \"The Future", + "score": 0.62646484375 + }, + { + "id": "4143255", + "title": "Pedosphere", + "text": "Pedosphere The pedosphere (from Greek \u03c0\u03ad\u03b4\u03bf\u03bd \"pedon\" \"soil\" or \"earth\" and \u03c3\u03c6\u03b1\u1fd6\u03c1\u03b1 \"sphaira\" \"sphere\") is the outermost layer of the Earth that is composed of soil and subject to soil formation processes. It exists at the interface of the lithosphere, atmosphere, hydrosphere and biosphere. The pedosphere is the skin of the Earth and only develops when there is a dynamic interaction between the atmosphere (air in and above the soil), biosphere (living organisms), lithosphere (unconsolidated regolith and consolidated bedrock) and the hydrosphere (water in, on and below the soil). The pedosphere is the foundation of terrestrial life on Earth. The", + "score": 0.62548828125 + }, + { + "id": "4463727", + "title": "Structure of the Earth", + "text": "obducted onto the continental crust and preserved as ophiolite sequences. Many rocks now making up Earth's crust formed less than 100 million (1) years ago; however, the oldest known mineral grains are about 4.4 billion (4.4) years old, indicating that Earth has had a solid crust for at least 4.4 billion years. Earth's mantle extends to a depth of 2,890 km, making it the thickest layer of Earth. The mantle is divided into upper and lower mantle. The upper and lower mantle are separated by the transition zone. The lowest part of the mantle next to the core-mantle boundary is", + "score": 0.623046875 + }, + { + "id": "4463725", + "title": "Structure of the Earth", + "text": "increase in seismic velocity and are similar to light reflecting from a mirror. The Earth's crust ranges from in depth and is the outermost layer. The thin parts are the oceanic crust, which underlie the ocean basins (5\u201310 km) and are composed of dense (mafic) iron magnesium silicate igneous rocks, like basalt. The thicker crust is continental crust, which is less dense and composed of (felsic) sodium potassium aluminium silicate rocks, like granite. The rocks of the crust fall into two major categories \u2013 sial and sima (Suess,1831\u20131914). It is estimated that sima starts about 11 km below the Conrad", + "score": 0.62255859375 + }, + { + "id": "20105042", + "title": "Subcontinental lithospheric mantle", + "text": "Subcontinental lithospheric mantle The subcontinental lithospheric mantle (SCLM) is the uppermost solid part of Earth's mantle associated with the continental lithosphere. The modern understanding of the Earth's upper mantle is that there are two distinct components - the lithospheric part and the asthenosphere. The lithosphere, which includes the continental plates, acts as a brittle solid whereas the asthenosphere is hotter and weaker due to mantle convection. The boundary between these two layers is rheologically based and is not necessarily a strict function of depth. Specifically, oceanic lithosphere (lithosphere underneath the oceanic plates) and subcontinental lithosphere, is defined as a mechanical", + "score": 0.6220703125 + }, + { + "id": "111088", + "title": "Earth", + "text": "Earth is metamorphic rock, which is created from the transformation of pre-existing rock types through high pressures, high temperatures, or both. The most abundant silicate minerals on Earth's surface include quartz, feldspars, amphibole, mica, pyroxene and olivine. Common carbonate minerals include calcite (found in limestone) and dolomite. The elevation of the land surface varies from the low point of at the Dead Sea, to a maximum altitude of at the top of Mount Everest. The mean height of land above sea level is about . The pedosphere is the outermost layer of Earth's continental surface and is composed of soil", + "score": 0.6220703125 + }, + { + "id": "6265351", + "title": "Inner core", + "text": "feature that was present during the planet's formation, but a feature younger than the Earth (the Earth is about 4.5 billion years old). Inner core The Earth's inner core is the Earth's innermost part. It is primarily a solid ball with a radius of about , which is about 70% of the Moon's radius. It is composed of an iron\u2013nickel alloy and some other elements. The temperature at the inner core's surface is approximately or 9806 \u00b0F, which is about the temperature at the surface of the Sun. The Earth was discovered to have a solid inner core distinct from", + "score": 0.6220703125 + }, + { + "id": "6265337", + "title": "Inner core", + "text": "Inner core The Earth's inner core is the Earth's innermost part. It is primarily a solid ball with a radius of about , which is about 70% of the Moon's radius. It is composed of an iron\u2013nickel alloy and some other elements. The temperature at the inner core's surface is approximately or 9806 \u00b0F, which is about the temperature at the surface of the Sun. The Earth was discovered to have a solid inner core distinct from its molten outer core in 1936, by the Danish seismologist Inge Lehmann, who deduced its presence by studying seismograms from earthquakes in New", + "score": 0.62158203125 + }, + { + "id": "16383530", + "title": "Lithospheric flexure", + "text": "Lithospheric flexure The lithospheric flexure (also called regional isostasy) is the process by which the lithosphere (rigid outer layer of the Earth) bends under the action of forces such as the weight of a growing orogen or changes in ice thickness related to (de)glaciations. The lithosphere is a thin, outer, rigid layer of the Earth resting on the asthenosphere, a viscous layer that in geological time scales behaves as a viscous fluid. Thus, when loaded, the lithosphere progressively reaches an isostatic equilibrium, which is the name of the Archimedes principle applied to these geological settings. This phenomenon was first described", + "score": 0.62109375 + }, + { + "id": "4463734", + "title": "Structure of the Earth", + "text": "of iron\u2013nickel alloy was subjected to the corelike pressures by gripping it in a vise between 2 diamond tips (diamond anvil cell), and then heating to approximately 4000 K. The sample was observed with x-rays, and strongly supported the theory that Earth's inner core was made of giant crystals running north to south. The liquid outer core surrounds the inner core and is believed to be composed of iron mixed with nickel and trace amounts of lighter elements. Recent speculation suggests that the innermost part of the core is enriched in gold, platinum and other siderophile elements. The matter that", + "score": 0.6201171875 + }, + { + "id": "5042236", + "title": "Solidus (chemistry)", + "text": "Solidus (chemistry) In chemistry, materials science, and physics, the solidus is the locus of temperatures (a curve on a phase diagram) below which a given substance is completely solid (crystallized). The solidus is applied, among other materials, to metal alloys, ceramics, and natural rocks and minerals. The solidus quantifies the temperature at which melting of a substance \"begins\", but the substance is not necessarily melted \"completely\", i.e., the solidus is not necessarily a melting point. For this distinction, the solidus may be contrasted to the liquidus. The solidus is always less than or equal to the liquidus, but they need", + "score": 0.61962890625 + }, + { + "id": "1777695", + "title": "Spherical Earth", + "text": "most abundant heavier elements were iron and nickel, which now form the Earth's core. Though the surface rocks of the Earth have cooled enough to solidify, the outer core of the planet is still hot enough to remain liquid. Energy is still being released; volcanic and tectonic activity has pushed rocks into hills and mountains and blown them out of calderas. Meteors also create impact craters and surrounding ridges. However, if the energy release ceases from these processes, then they tend to erode away over time and return toward the lowest potential-energy curve of the ellipsoid. Weather powered by solar", + "score": 0.619140625 + }, + { + "id": "1293854", + "title": "Crust (geology)", + "text": "formed almost immediately after formation of the Moon. Magmatism continued after the period of intense meteorite impacts ended about 3.9 billion years ago, but igneous rocks younger than 3.9 billion years make up only a minor part of the crust. Crust (geology) In geology, the crust is the outermost solid shell of a rocky planet, dwarf planet, or natural satellite. It is usually distinguished from the underlying mantle by its chemical makeup; however, in the case of icy satellites, it may be distinguished based on its phase (solid crust vs. liquid mantle). The crusts of Earth, Moon, Mercury, Venus, Mars,", + "score": 0.61865234375 + }, + { + "id": "396549", + "title": "Seismology", + "text": "of elastic materials and in mathematics. In 1926, Harold Jeffreys was the first to claim, based on his study of earthquake waves, that below the mantle, the core of the Earth is liquid. In 1937, Inge Lehmann determined that within the earth's liquid outer core there is a solid \"inner\" core. By the 1960s, earth science had developed to the point where a comprehensive theory of the causation of seismic events had come together in the now well-established theory of plate tectonics. Seismic waves are elastic waves that propagate in solid or fluid materials. They can be divided into \"body", + "score": 0.6181640625 + }, + { + "id": "74962", + "title": "Crystal", + "text": "crystal with a periodic arrangement of atoms, but the whole polycrystal does \"not\" have a periodic arrangement of atoms, because the periodic pattern is broken at the grain boundaries. Most macroscopic inorganic solids are polycrystalline, including almost all metals, ceramics, ice, rocks, etc. Solids that are neither crystalline nor polycrystalline, such as glass, are called \"amorphous solids\", also called glassy, vitreous, or noncrystalline. These have no periodic order, even microscopically. There are distinct differences between crystalline solids and amorphous solids: most notably, the process of forming a glass does not release the latent heat of fusion, but forming a crystal", + "score": 0.61767578125 + }, + { + "id": "10692282", + "title": "Geology of solar terrestrial planets", + "text": "(found in limestone), aragonite, and dolomite. The pedosphere is the outermost layer of the Earth that is composed of soil and subject to soil formation processes. It exists at the interface of the lithosphere, atmosphere, hydrosphere, and biosphere. Currently the total arable land is 13.31% of the land surface, with only 4.71% supporting permanent crops. Close to 40% of the Earth's land surface is presently used for cropland and pasture, or an estimated of cropland and of pastureland. The physical features of land are remarkably varied. The largest mountain ranges\u2014the Himalayas in Asia and the Andes in South America\u2014extend for", + "score": 0.6171875 + }, + { + "id": "9117824", + "title": "Compressed earth block", + "text": "Compressed earth block A compressed earth block (CEB), also known as a \"pressed earth block\" or a \"compressed soil block\", is a building material made primarily from damp soil compressed at high pressure to form blocks. Compressed earth blocks use a mechanical press to form blocks out of an appropriate mix of fairly dry inorganic subsoil, non-expansive clay and aggregate. If the blocks are stabilized with a chemical binder such as Portland cement they are called \"compressed stabilized earth block\" (CSEB) or \"stabilized earth block\" (SEB). Typically, around is applied in compression, and the original soil volume is reduced by", + "score": 0.6171875 + }, + { + "id": "8195424", + "title": "Solid Energy", + "text": "spy on SHVC. A second spying episode was alleged involving Thompson and Clark attempting to employ another spy to obtain information from SHVC. Solid Energy claimed that they had no knowledge of that instance of an attempt by Thompson and Clark to employ a spy. Solid Energy Solid Energy was the largest coal mining company in New Zealand and is a state owned enterprise of the New Zealand Government. The company was formed from the former government department State Coal Mines. It was then established as a state owned enterprise called Coal Corporation in 1987 (known as Coalcorp), and renamed", + "score": 0.6171875 + }, + { + "id": "3172894", + "title": "Craton", + "text": "Craton A craton (, , or ; from \"kratos\" \"strength\") is an old and stable part of the continental lithosphere, where the lithosphere consists of the Earth's two topmost layers, the crust and the uppermost mantle. Having often survived cycles of merging and rifting of continents, cratons are generally found in the interiors of tectonic plates. They are characteristically composed of ancient crystalline basement rock, which may be covered by younger sedimentary rock. They have a thick crust and deep lithospheric roots that extend as much as several hundred kilometres into the Earth's mantle. The term \"craton\" is used to", + "score": 0.6162109375 + }, + { + "id": "14889503", + "title": "HiFi Superstar", + "text": "HiFi Superstar HiFi Superstar is a Chicago, Illinois-based rock band known for their 1970s look and original music. Lead singer and songwriter Mike Paterson began playing with drummer Glenn Mikes in the 1980s hair band \"Little Venus\", opening for such bands as Enuff Z'Nuff and Lillian Axe, before forming the band \"Liquid Earth\". In the early 90's, \"Liquid Earth\" had its first demo produced by Johnny K, who has since worked with such bands as Disturbed, Sevendust, and 3 Doors Down. In March 2005, Paterson and Mikes joined with bass guitarist Sean Jacobs and keyboardist Dave Rudin to form \"Brownline", + "score": 0.6162109375 + }, + { + "id": "3925634", + "title": "Mantle (geology)", + "text": "boundary layers at the top and bottom of the mantle, and increases gradually through the interior of the mantle. Although the higher temperatures far exceed the melting points of the mantle rocks at the surface (about 1200 \u00b0C for representative peridotite), the mantle is almost exclusively solid. The enormous lithostatic pressure exerted on the mantle prevents melting, because the temperature at which melting begins (the solidus) increases with pressure. The pressure in the mantle increases from a few kbar at the Moho to 1390 kbar (139 GPa) at the core-mantle boundary. Because of the temperature difference between the Earth's surface", + "score": 0.61572265625 + }, + { + "id": "4463732", + "title": "Structure of the Earth", + "text": "at times been critical of crystal models of the core. Other experimental studies show a discrepancy under high pressure: diamond anvil (static) studies at core pressures yield melting temperatures that are approximately 2000 K below those from shock laser (dynamic) studies. The laser studies create plasma, and the results are suggestive that constraining inner core conditions will depend on whether the inner core is a solid or is a plasma with the density of a solid. This is an area of active research. In early stages of Earth's formation about 4.6 billion years ago, melting would have caused denser substances", + "score": 0.615234375 + }, + { + "id": "12351", + "title": "Alloy", + "text": "a saturation point, beyond which no more of the constituent can be added. Iron, for example, can hold a maximum of 6.67% carbon. Although the elements of an alloy usually must be soluble in the liquid state, they may not always be soluble in the solid state. If the metals remain soluble when solid, the alloy forms a solid solution, becoming a homogeneous structure consisting of identical crystals, called a phase. If as the mixture cools the constituents become insoluble, they may separate to form two or more different types of crystals, creating a heterogeneous microstructure of different phases, some", + "score": 0.61474609375 + }, + { + "id": "1410339", + "title": "Nuclear meltdown", + "text": "(figuratively) through the crust and body of the Earth until reaching the opposite side (which, in the United States, is colloquially referred to as China). The phrasing is metaphorical; there is no way a core could penetrate the several-kilometer thickness of the Earth's crust, and even if it did melt to the center of the Earth, it would not travel back upwards against the pull of gravity. Moreover, any tunnel behind the material would be closed by immense lithostatic pressure. Furthermore, China does not contain the antipode of any landmass in North America. In reality, under a complete loss of", + "score": 0.61474609375 + }, + { + "id": "2537121", + "title": "William Hopkins", + "text": "with the effects that an elevatory force, acting from below, would produce on a portion of the Earth's crust, in fissures and faults. In this way he discussed the elevation and denudation of the Lake District, the Wealden area, and the Bas Boulonnais. Hopkins conceived of a largely solid but dynamic Earth threaded with cavities whereby hot vapours or fluids could create locally elevatory pressures. Such a model was at odds with the ideas of Charles Lyell whose theory was of a \"steady state\" with a largely liquid terrestrial interior, inside a solid crust no more than 100 miles thick.", + "score": 0.6142578125 + }, + { + "id": "77467", + "title": "Canadian Shield", + "text": "bedrock. The North American craton is the bedrock forming the heart of the North American continent and the Canadian Shield is the largest exposed part of the craton's bedrock. The Canadian Shield is part of an ancient continent called Arctica, which was formed about 2.5 billion years ago during the Neoarchean era. It was split into Greenland, Laurentia, Scotland and Siberia and is now roughly situated in the Arctic around the current North Pole. The current surface expression of the Shield is one of very thin soil lying on top of the bedrock, with many bare outcrops. This arrangement was", + "score": 0.6142578125 + }, + { + "id": "930352", + "title": "Solid angle", + "text": "angle of the part of the celestial sphere that a Terran astronomical observer positioned at latitude can see as the earth rotates. At the equator you see all of the celestial sphere, at either pole only one half. The solid angle subtended by a segment of a spherical cap cut by a plane at angle from the cone's axis and passing through the cone's apex can be calculated by the formula: For example, if =-, then the formula reduces to the spherical cap formula above: the first term becomes , and the second cos. Let OABC be the vertices of", + "score": 0.61376953125 + }, + { + "id": "514830", + "title": "Magnetohydrodynamics", + "text": "seismology). Beneath the Earth's mantle lies the core, which is made up of two parts: the solid inner core and liquid outer core. Both have significant quantities of iron. The liquid outer core moves in the presence of the magnetic field and eddies are set up into the same due to the Coriolis effect. These eddies develop a magnetic field which boosts Earth's original magnetic field\u2014a process which is self-sustaining and is called the geomagnetic dynamo. Based on the MHD equations, Glatzmaier and Paul Roberts have made a supercomputer model of the Earth's interior. After running the simulations for thousands", + "score": 0.61376953125 + }, + { + "id": "483075", + "title": "State of matter", + "text": "the plasma state has variable volume and shape, but as well as neutral atoms, it contains a significant number of ions and electrons, both of which can move around freely. The term phase is sometimes used as a synonym for state of matter, but a system can contain several immiscible phases of the same state of matter. In a solid, constituent particles (ions, atoms, or molecules) are closely packed together. The forces between particles are so strong that the particles cannot move freely but can only vibrate. As a result, a solid has a stable, definite shape, and a definite", + "score": 0.61328125 + }, + { + "id": "13750934", + "title": "Future of Earth", + "text": "the mantle. The flow of heat will be concentrated, resulting in volcanism and the flooding of large areas with basalt. Rifts will form and the supercontinent will split up once more. The planet may then experience a warming period, as occurred during the Cretaceous period. The iron-rich core region of the Earth is divided into a radius solid inner core and a radius liquid outer core. The rotation of the Earth creates convective eddies in the outer core region that cause it to function as a dynamo. This generates a magnetosphere about the Earth that deflects particles from the solar", + "score": 0.61279296875 + }, + { + "id": "2334482", + "title": "Mohorovic\u030cic\u0301 discontinuity", + "text": "Mohorovi\u010di\u0107 discontinuity The Mohorovi\u010di\u0107 discontinuity (), usually referred to as the Moho, is the boundary between the Earth's crust and the mantle. Named after the pioneering Croatian seismologist Andrija Mohorovi\u010di\u0107, the Moho separates both the oceanic crust and continental crust from underlying mantle.The Mohorovi\u010di\u0107 discontinuity was first identified in 1909 by Mohorovi\u010di\u0107, when he observed that seismograms from shallow-focus earthquakes had two sets of P-waves and S-waves, one that followed a direct path near the Earth's surface and the other refracted by a high-velocity medium. The Moho lies almost entirely within the lithosphere; only beneath mid-ocean ridges does it define", + "score": 0.6123046875 + }, + { + "id": "3970701", + "title": "Intrusive rock", + "text": "formed from magma that cools and solidifies within the crust of the planet. In contrast, an \"extrusion\" consists of extrusive rock; rock formed above the surface of the crust. Large bodies of magma that solidify underground before they reach the surface of the crust are called plutons. Plutonic rocks form 7% of the Earth's current land surface. Coarse-grained intrusive igneous rocks that form at depth within the earth are called \"abyssal\" while those that form near the surface are called subvolcanic or \"hypabyssal\". Intrusive structures are often classified according to whether or not they are parallel to the bedding planes", + "score": 0.61181640625 + }, + { + "id": "1547523", + "title": "Isostasy", + "text": "Isostasy Isostasy (Greek \"\u00edsos\" \"equal\", \"st\u00e1sis\" \"standstill\") is the state of gravitational equilibrium between Earth's crust and mantle such that the crust \"floats\" at an elevation that depends on its thickness and density. This concept is invoked to explain how different topographic heights can exist at Earth's surface. When a certain area of Earth's crust reaches the state of isostasy, it is said to be in \"isostatic equilibrium\". Isostasy does not upset equilibrium but instead restores it (a negative feedback). It is generally accepted that Earth is a dynamic system that responds to loads in many different ways. However, isostasy", + "score": 0.61083984375 + }, + { + "id": "2545725", + "title": "Andrija Mohorovic\u030cic\u0301", + "text": "of material, they are reflected and refracted, just as light is when striking a prism, and that when earthquakes occur, two waves\u2014longitudinal and transverse\u2014propagate through the soil with different velocities. By analyzing data from more observation posts, Mohorovi\u010di\u0107 concluded that the Earth has several layers above a core. He was the first to establish, based on the evidence from seismic waves, the discontinuity that separates the Earth's crust from its mantle. This is now called the Mohorovi\u010di\u0107 discontinuity or (because of the complexity of that name) \"Moho\". According to Mohorovi\u010di\u0107, a layered structure would explain the observation of depths where", + "score": 0.6103515625 + }, + { + "id": "5566289", + "title": "Earthing system", + "text": "which are the most common, is significantly affected with the choice of earthing system, as the current path is mostly closed through the earth. Three-phase HV/MV power transformers, located in distribution substations, are the most common source of supply for distribution networks, and type of grounding of their neutral determines the earthing system. There are five types of neutral earthing: In \"solid\" or \"directly\" earthed neutral, transformer's star point is directly connected to the ground. In this solution, a low-impedance path is provided for the ground fault current to close and, as result, their magnitudes are comparable with three-phase fault", + "score": 0.6103515625 + }, + { + "id": "7658905", + "title": "Sima (geology)", + "text": "magnesia. Comparable is the name 'sial' which is the name for the upper layer of the Earth's continental crust. The sima has a higher density (2800 to 3300 kg/m) than the sial, which is due to increased amounts of iron and magnesium, and decreased amounts of aluminium. When the denser sima comes to the surface it forms mafic rocks, or rocks with mafic minerals. The most dense sima has less silica and forms ultramafic rocks. Sima (geology) In geology, sima is the name for the lower layer of the Earth's crust. This layer is made of rocks rich in magnesium", + "score": 0.60986328125 + }, + { + "id": "14745163", + "title": "Timeline of the development of tectonophysics (before 1954)", + "text": "over time. It was a mistake to state the continents \"plowed\" through the sea, although it isn't sure that this fixist quote is true in the original in German. He was an outsider with a doctorate in astronomy attacking an established theory between 'geophysicists'. The geophysicists were right to state that the Earth is solid, and the mantle is elastic (for seismic waves) and inhomogeneous, and the ocean floor would not allow the movement of the continents. But excluding one alternative, substantiates the opposite alternative: passive continents and an active seafloor spreading and subduction, with accretion belts on the edges", + "score": 0.60986328125 + }, + { + "id": "4484710", + "title": "Core\u2013mantle boundary", + "text": "Core\u2013mantle boundary The core\u2013mantle boundary (CMB in the parlance of solid earth geophysicists) of the Earth lies between the planet's silicate mantle and its liquid iron-nickel outer core. This boundary is located at approximately 2891 km (1796 mi) depth beneath the Earth's surface. The boundary is observed via the discontinuity in seismic wave velocities at that depth due to the differences between the acoustic impedances of the solid mantle and the molten outer core. P-wave velocities are much slower in the outer core than in the deep mantle while S-waves do not exist at all in the liquid portion of", + "score": 0.60986328125 + }, + { + "id": "9117833", + "title": "Compressed earth block", + "text": "(2 MPa) Compressed earth block A compressed earth block (CEB), also known as a \"pressed earth block\" or a \"compressed soil block\", is a building material made primarily from damp soil compressed at high pressure to form blocks. Compressed earth blocks use a mechanical press to form blocks out of an appropriate mix of fairly dry inorganic subsoil, non-expansive clay and aggregate. If the blocks are stabilized with a chemical binder such as Portland cement they are called \"compressed stabilized earth block\" (CSEB) or \"stabilized earth block\" (SEB). Typically, around is applied in compression, and the original soil volume is", + "score": 0.609375 + }, + { + "id": "4463736", + "title": "Structure of the Earth", + "text": "certain normally oxyphile elements existing either partially or wholly in the alloy portion that corresponds to the core of Earth. Dynamo theory suggests that convection in the outer core, combined with the Coriolis effect, gives rise to Earth's magnetic field. The solid inner core is too hot to hold a permanent magnetic field (see Curie temperature) but probably acts to stabilize the magnetic field generated by the liquid outer core. The average magnetic field strength in Earth's outer core is estimated to be 25 Gauss (2.5 mT), 50 times stronger than the magnetic field at the surface. Recent evidence has", + "score": 0.60888671875 + }, + { + "id": "4463730", + "title": "Structure of the Earth", + "text": "conclude that denser materials exist within Earth's core. This result has been known since the Schiehallion experiment, performed in the 1770s. Charles Hutton in his 1778 report concluded that the mean density of the Earth must be about formula_1 that of surface rock, concluding that the interior of the Earth must be metallic. Hutton estimated this metallic portion to occupy some 65% of the diameter of the Earth. Hutton's estimate on the mean density of the Earth was still about 20% too low, at Henry Cavendish in his torsion balance experiment of 1798 found a value of , within 1%", + "score": 0.60888671875 + }, + { + "id": "17218207", + "title": "SOLID Nepal", + "text": "for empowering people to improve their sexual and reproductive health and to prevent them from non-communicable diseases by changing their lifestyles and risk behaviours. SOLID Nepal creates a conducive environment for active aged people for their complete participation in health and development efforts along with unified integration of individuals from all sectors for the collaboration of youth and society for its sustainability. It advocates stakeholders at local and national levels for the effective implementation of policies, plans and programs meant for the development of health and education systems in the country to make the young people competent in their professional", + "score": 0.60888671875 + }, + { + "id": "184203", + "title": "Hollow Earth", + "text": "Siberian tribe, traveled to an underground cavern city to live inside the Earth. The Italian writer Dante describes a hollow earth in his well-known 14th century work \"Inferno\", in which the fall of Lucifer from heaven caused an enormous funnel to appear in a previously solid and spherical earth, as well as an enormous mountain opposite it, \"Purgatory\". In Native American mythology, it is said that the ancestors of the Mandan people in ancient times emerged from a subterranean land through a cave at the north side of the Missouri River. There is also a tale about a tunnel in", + "score": 0.6083984375 + }, + { + "id": "7203606", + "title": "The Solids", + "text": "by Bays and Thomas. They were joined by Patrick Butler and Nick Coleman and played their first show September 28, 1996, at the Alpha Delta Phi chapter house located at 185 High Street, in Middletown, Connecticut, on the campus of Wesleyan University, where they all studied. Following the exposure \"Oliver Beene\" granted the band, the official website of The Solids became somewhat popular among alternative music fans. Along with \"The Future Is Now\", various mp3 files were offered for free, including demos and live performances. Their song \"Clowns Like Candy\" was featured on an episode of NBC's \"Ed\". It was", + "score": 0.6083984375 + }, + { + "id": "1293007", + "title": "Inge Lehmann", + "text": "1997, the American Geophysical Union established the annual Inge Lehmann Medal to honour \"outstanding contributions to the understanding of the structure, composition, and dynamics of the Earth's mantle and core.\" On the 127th anniversary of her birth, Google dedicated its worldwide Google Doodle to her. A new memorial dedicated to Lehmann was installed on Frue Plads in Copenhagen in 2017. The monument is designed by Elisabeth Toubro. Inge Lehmann Inge Lehmann (13 May 1888 \u2013 21 February 1993) was a Danish seismologist and geophysicist. In 1936, she discovered that the Earth has a solid inner core inside a molten outer", + "score": 0.6083984375 + }, + { + "id": "1293838", + "title": "Crust (geology)", + "text": "Crust (geology) In geology, the crust is the outermost solid shell of a rocky planet, dwarf planet, or natural satellite. It is usually distinguished from the underlying mantle by its chemical makeup; however, in the case of icy satellites, it may be distinguished based on its phase (solid crust vs. liquid mantle). The crusts of Earth, Moon, Mercury, Venus, Mars, Io, and other planetary bodies formed via igneous processes, and were later modified by erosion, impact cratering, volcanism, and sedimentation. Most terrestrial planets have fairly uniform crusts. Earth, however, has two distinct types: continental crust and oceanic crust. These two", + "score": 0.6083984375 + }, + { + "id": "3925629", + "title": "Mantle (geology)", + "text": "a thickness of making up about 84% of Earth's volume. It is predominantly solid but in geological time it behaves as a viscous fluid. Partial melting of the mantle at mid-ocean ridges produces oceanic crust, and partial melting of the mantle at subduction zones produces continental crust. The Earth's mantle is divided into two major rheological layers: the rigid lithosphere comprising the uppermost mantle, and the less viscous asthenosphere, separated by the lithosphere-asthenosphere boundary. Lithosphere underlying ocean crust has a thickness of around 100 km, whereas lithosphere underlying continental crust generally has a thickness of 150-200 km. The lithosphere and", + "score": 0.6083984375 + }, + { + "id": "20802270", + "title": "Solid (web decentralization project)", + "text": "individual users full control over usage of their data. The Solid project is available to anyone to join and contribute, although Berners-Lee advises that people without coding skills should instead advocate publicly for changing the internet. In 2015, MIT received a gift from Mastercard to support the development of Solid. Berners-Lee's research team collaborated with the Qatar Computing Research Institute and Oxford University on Solid. In 2018, Berners-Lee took a sabbatical from MIT to launch a commercial venture based on Solid, named Inrupt. The company's mission is to \"to provide commercial energy and an ecosystem to help protect the integrity", + "score": 0.6083984375 + }, + { + "id": "13324305", + "title": "Coco Solid", + "text": "Coco Solid Coco Solid (born Jessica Hansell in Auckland, New Zealand) is an emcee and writer. Her musical style is a mixture of hip hop, disco and electronica. She works with multiple collaborators across the globe. Solid worked with Erik Ultimate (Benjamin Buchanan) over her first five albums, touring to the US and Europe and attending SXSW. Solid's work was named in the top 10 albums of 2005, 2006 and 2007 in \"The Sunday Star-Times\", \"The Listener\" and on \"Radio New Zealand National\". New York rapper Princess Superstar covered the hook of \"Denim & Leather\" in her song \"Monday Morning\".", + "score": 0.6083984375 + }, + { + "id": "357723", + "title": "Steel", + "text": "but brittle material called cementite (FeC). When steels with exactly 0.8% carbon (known as a eutectoid steel), are cooled, the austenitic phase (FCC) of the mixture attempts to revert to the ferrite phase (BCC). The carbon no longer fits within the FCC austenite structure, resulting in an excess of carbon. One way for carbon to leave the austenite is for it to precipitate out of solution as cementite, leaving behind a surrounding phase of BCC iron called ferrite with a small percentage of carbon in solution. The two, ferrite and cementite, precipitate simultaneously producing a layered structure called pearlite, named", + "score": 0.60791015625 + }, + { + "id": "1547535", + "title": "Isostasy", + "text": "rises, which it continues to do in parts of the northern hemisphere, water is displaced and has to go elsewhere. Isostasy Isostasy (Greek \"\u00edsos\" \"equal\", \"st\u00e1sis\" \"standstill\") is the state of gravitational equilibrium between Earth's crust and mantle such that the crust \"floats\" at an elevation that depends on its thickness and density. This concept is invoked to explain how different topographic heights can exist at Earth's surface. When a certain area of Earth's crust reaches the state of isostasy, it is said to be in \"isostatic equilibrium\". Isostasy does not upset equilibrium but instead restores it (a negative feedback).", + "score": 0.60791015625 + }, + { + "id": "2756363", + "title": "Solid geometry", + "text": "Solid geometry In mathematics, solid geometry is the traditional name for the geometry of three-dimensional Euclidean space. Stereometry deals with the measurements of volumes of various solid figures (three-dimensional figures) including pyramids, prisms and other polyhedrons; cylinders; cones; truncated cones; and balls bounded by spheres. The Pythagoreans dealt with the regular solids, but the pyramid, prism, cone and cylinder were not studied until the Platonists. Eudoxus established their measurement, proving the pyramid and cone to have one-third the volume of a prism and cylinder on the same base and of the same height. He was probably also the discoverer of", + "score": 0.60791015625 + }, + { + "id": "5042237", + "title": "Solidus (chemistry)", + "text": "not coincide. If a gap exists between the solidus and liquidus it is called the freezing range, and within that gap, the substance consists of a mixture of solid and liquid phases (like a slurry). Such is the case, for example, with the olivine (forsterite-fayalite) system. In eutectic mixtures the solidus and liquidus temperatures coincide at a point known as the eutectic point. At the eutectic point, the solid congruently melts (i.e., melts completely). Solidus (chemistry) In chemistry, materials science, and physics, the solidus is the locus of temperatures (a curve on a phase diagram) below which a given substance", + "score": 0.60791015625 + }, + { + "id": "1777693", + "title": "Spherical Earth", + "text": "gravity took over in gathering yet more mass, releasing the potential energy of their collisions and in-falling as heat. The protoplanetary disk also had a greater proportion of radioactive elements than the Earth today because, over time, those elements decayed. Their decay heated the early Earth even further, and continue to contribute to Earth's internal heat budget. The early Earth was thus mostly liquid. A sphere is the only stable shape for a non-rotating, gravitationally self-attracting liquid. The outward acceleration caused by the Earth's rotation is greater at the equator than at the poles (where is it zero), so the", + "score": 0.607421875 + }, + { + "id": "10406445", + "title": "Solid Ground (Seattle)", + "text": "Solid Ground (Seattle) Solid Ground (founded in 1974 as the Fremont Public Association) is an anti-poverty and social service organization in Seattle, Washington. Originating in Seattle's Fremont neighborhood and now based in the adjacent Wallingford neighborhood, the organization now serves clients throughout Seattle, King County and (for some programs) statewide. Operating on an annual budget of about US$18 million, major program areas fall under the headings \"Anti-Racism Initiative\", \"Advocacy\", \"Ending Homelessness\", \"Ending Hunger\", \"National Service\", and \"Senior and Transportation Services\". They also operate (as a fundraiser) the Fremont Fair but not the associated Summer Solstice Parade and Pageant. Other Solid", + "score": 0.607421875 + }, + { + "id": "7794049", + "title": "Johannes Scho\u0308ner globe", + "text": "Antarctic continent which had not been explored at that date. On Sch\u00f6ner\u2019s 1515 and 1520 globes, is shown as an island, as he explained in the \"Luculentissima\": America, the fourth part of the world, and the other islands belonging to it. In this way it may be known that the Earth is in four parts and that the first three parts are continents, that is, terra firma, but that the fourth is an island, for it is seen to be surrounded everywhere by the seas\u201d. This is drawn from the \"Cosmographiae Introductio\" of Martin Waldseem\u00fcller, which said: Hitherto [the whole", + "score": 0.607421875 + }, + { + "id": "17218206", + "title": "SOLID Nepal", + "text": "SOLID Nepal Society for Local Integrated Development Nepal (SOLID Nepal), a nongovernmental, apolitical and nonprofit organization, established in 1997 has been working in attaining optimal health of the people of Nepal by addressing different issues like sexual and reproductive health, non-communicable diseases, human resources for health or Health human resources and other health related issues as crosscuts. SOLID Nepal works to generate evidences, and promotes health & healthy behaviour of the people through research study, media & publications, advocacy, awareness & sensitization, trainings and social mobilization in a holistic manner by and with concerned stakeholders. SOLID Nepal is actively functioning", + "score": 0.60693359375 + }, + { + "id": "111061", + "title": "Earth", + "text": "the Moon causes ocean tides, stabilizes Earth's orientation on its axis, and gradually slows its rotation. Earth is the densest planet in the Solar System and the largest of the four terrestrial planets. Earth's lithosphere is divided into several rigid tectonic plates that migrate across the surface over periods of many millions of years. About 71% of Earth's surface is covered with water, mostly by oceans. The remaining 29% is land consisting of continents and islands that together have many lakes, rivers and other sources of water that contribute to the hydrosphere. The majority of Earth's polar regions are covered", + "score": 0.60693359375 + }, + { + "id": "901519", + "title": "Seismic wave", + "text": "structures of the Earth interior. When an earthquake occurs, seismographs near the epicenter are able to record both P and S waves, but those at a greater distance no longer detect the high frequencies of the first S wave. Since shear waves cannot pass through liquids, this phenomenon was original evidence for the now well-established observation that the Earth has a liquid outer core, as demonstrated by Richard Dixon Oldham. This kind of observation has also been used to argue, by seismic testing, that the Moon has a solid core, although recent geodetic studies suggest the core is still molten.", + "score": 0.60693359375 + } + ], + "answer": "There are several solid parts of the Earth. The solid inner part of the Earth is called the inner core, one of two parts of the core. The solid outer part is called the lithosphere, which includes the crust and the uppermost mantle. The solid part of the Earth that was once liquid is called the mantle." + }, + { + "qa_pairs": [ + { + "context": "The musical debuted on July 8, 1997 in Minneapolis, Minnesota at the Orpheum Theatre and was successful before premiering on Broadway at the New Amsterdam Theatre on October 15, 1997 in previews, with the official opening on November 13, 1997. On June 13, 2006, the Broadway production moved to the Minskoff Theatre to make way for the musical version of \"Mary Poppins\", where it is still running after more than 9,000 performances. It is Broadway's third longest-running show in history, and has grossed more than $1 billion, making it the highest grossing Broadway production of all time. Over 100 million people worldwide have seen the musical and it has earned numerous awards and honors, including six Tony Awards, one for Best Musical and Best Direction of a Musical, making director Julie Taymor the first woman to earn such an honor.", + "question": "When did The Lion King preview premier on Broadway?", + "short_answers": [ + "October 15, 1997" + ], + "wikipage": "The Lion King (musical)" + }, + { + "context": "No context provided", + "question": "When did The Lion King officially open on Broadway?", + "short_answers": [ + "November 13, 1997" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "The Lion King (musical)", + "url": "https://en.wikipedia.org/wiki/The%20Lion%20King%20%28musical%29" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "The Lion King musical debuted on July 8, 1997 in Minneapolis, Minnesota at the Orpheum Theatre and was successful before premiering on Broadway at the New Amsterdam Theatre on October 15, 1997 in previews, with the official opening on November 13, 1997. " + }, + { + "knowledge": [ + { + "content": "The Minskoff Theatre is a Broadway theatre, located at 1515 Broadway in Times Square in Midtown Manhattan in New York City.", + "wikipage": "Minskoff Theatre" + } + ], + "long_answer": "The Lion King opened on Broadway more than once. It premiered on Broadway at the New Amsterdam Theatre in previews on October 15, 1997, then officially opened on Broadway on November 13, 1997. On June 13, 2006, the Broadway production moved to the Minskoff Theatre, another Broadway theater, where it is still running after more than 9,000 performances." + } + ], + "sample_id": "4736010675551913156", + "question": "When did the lion king debut on broadway?", + "docs": [ + { + "id": "6528838", + "title": "The Lion King (musical)", + "text": "an instant success before premiering on Broadway at the New Amsterdam Theater on October 15, 1997 in many previews with the official opening on November 13, 1997. On June 13, 2006, the Broadway production moved to the Minskoff Theatre to make way for the musical version of \"Mary Poppins\", where it is still running after more than 8,500 performances. It is Broadway's third longest-running show in history, and has grossed more than $1 billion, making it the highest grossing Broadway production of all time. Over 95 million people worldwide have seen the musical and it has earned numerous awards and", + "score": 0.84130859375, + "summary": "The Lion King debuted on Broadway at the New Amsterdam Theater on October 15, 1997.", + "extraction": "The Lion King debuted on Broadway at the New Amsterdam Theater on November 13, 1997." + }, + { + "id": "14153147", + "title": "The Lion King (franchise)", + "text": "even before premiering on Broadway at the New Amsterdam Theater on October 15, 1997 in previews with the official opening on November 13, 1997. On June 13, 2006, the Broadway production moved to the Minskoff Theatre to make way for the musical version of \"Mary Poppins\", where it is still running. It is now Broadway's third-longest-running show in history. The show debuted in the West End's Lyceum Theatre on October 19, 1999 and is still running. The cast of the West End production were invited to perform at the Royal Variety Performance 2008 at the London Palladium on December 11,", + "score": 0.830078125, + "summary": "The Lion King debuted on Broadway in previews on October 15, 1997 and officially opened on November 13, 1997.", + "extraction": "The Lion King debuted on Broadway at the New Amsterdam Theater on October 15, 1997 in previews with the official opening on November 13, 1997." + }, + { + "id": "9946982", + "title": "The Hunchback of Notre Dame (musical)", + "text": "name. It received generally positive reviews and did reasonably well at the box office. Disney on Broadway, the stage play arm of the Disney Corporation, had staged successful versions of \"Beauty and the Beast\" in 1994 and \"The Lion King\" in 1997. Disney wanted to move \"The Lion King\" to Berlin. For a long time, Berlin was in talks to stage The Lion King, but after those negotiations fell through, Disney offered this property instead. This project, announced by Stella Entertainment on March 18, 1998, saw the stage musical-producing market leader of Germany depart from its tradition of only importing", + "score": 0.81689453125, + "summary": "The document is irrelevant to the question.", + "extraction": "1997." + }, + { + "id": "895828", + "title": "The Lion King", + "text": "in October 1997 at the New Amsterdam Theatre. \"The Lion King\" musical was directed by Julie Taymor and featured songs from both the movie and \"Rhythm of the Pride Lands\", along with three new compositions by Elton John and Tim Rice. Mark Mancina did the musical arrangements and new orchestral tracks. The musical became one of the most successful in Broadway history, winning six Tony Awards including Best Musical, and despite moving to the Minskoff Theatre in 2006, is still running to this day in New York, becoming the third longest-running show and highest grossing Broadway production in history. The", + "score": 0.810546875, + "summary": "\"The Lion King\" debuted on Broadway in October 1997 at the New Amsterdam Theatre.", + "extraction": "\"The Lion King\" debuted on Broadway in October 1997 at the New Amsterdam Theatre." + }, + { + "id": "7758954", + "title": "Elton John", + "text": "McCartney, Eric Clapton, Phil Collins, Mark Knopfler and Sting. In November 1997, John performed in the BBC's Children in Need charity single \"Perfect Day\", which reached number one in the UK. In the musical theatre world, \"The Lion King\" musical debuted on Broadway in 1997 and the West End in 1999. In 2014, it had grossed over $6 billion and became the top-earning title in box-office history for both stage productions and films, surpassing the record previously held by Andrew Lloyd Webber's 1986 musical \"The Phantom of the Opera\". In addition to \"The Lion King\", John also composed music for", + "score": 0.7978515625, + "summary": "\"The Lion King\" musical debuted on Broadway in 1997.", + "extraction": "The Lion King musical debuted on Broadway in 1997." + }, + { + "id": "6528872", + "title": "The Lion King (musical)", + "text": "Africa. All these countries have had productions so far, except the Philippines, where the show will run for two months. The tour is performed in English and led by Ntsepa Pitjeng. The original principal casts of all major productions. The original production crew for the Broadway production. Most of the show's international productions had cast recordings which are available on CD, including: Of all the show's productions (counting the English ones), only the Brazilian and the Korean ones didn't have cast recordings released. The Lion King: Original Broadway Cast Recording is a cast recording released on 1997 by The Walt", + "score": 0.79345703125, + "summary": "The document mentions the original production crew for the Broadway production of The Lion King musical but does not provide information about when it debuted on Broadway. Therefore, the answer is \"irrelevant\".", + "extraction": "The passage is irrelevant as it does not provide any information about when The Lion King debuted on Broadway." + }, + { + "id": "6528862", + "title": "The Lion King (musical)", + "text": "for nearly four years at the Princess of Wales Theatre. The show was directed by the original director Julie Taymor and premiered on April 25, 2000. The Lion King ran until January 2004 when it had its final performance. This first Canadian staging comprised 1,560 performances and was seen by 2.9 million people according to David Mirvish, whose Mirvish Productions theater and management company owns and operates the theater. The \"\" star Raymond Ablack starred as Young Simba In 2001. The show returned for a five-week engagement that began in April 2011, as part of the North American tour The", + "score": 0.79248046875, + "summary": "The Lion King debuted on Broadway on April 25, 2000.", + "extraction": "The Lion King premiered on Broadway on April 25, 2000." + }, + { + "id": "6528870", + "title": "The Lion King (musical)", + "text": "Capitol Theatre in Sydney, Australia, from October 16, 2003, until June 26, 2005. The production then ran at the Regent Theatre in Melbourne from July 28, 2005, until June 4, 2006. \"The Lion King\" returned to Sydney's Capitol Theatre on December 12, 2013. The musical had a Korean production from October 28, 2006, to October 28, 2007, at the Charlotte Theater in Seoul, where it ran for 330 performances. In August 2008, a production opened in Taipei, Taiwan, closing on August 24, 2009. The show had a limited run at Shanghai's Grand Theatre from July to September 2006. This production", + "score": 0.791015625, + "summary": "The Lion King musical has had various productions in different countries, including Sydney, Melbourne, Korea, Taipei, and Shanghai, but the document does not mention when it debuted on Broadway. Therefore, the answer is \"irrelevant\".", + "extraction": "\"The Lion King\" debuted on Broadway on November 13, 1997." + }, + { + "id": "6528839", + "title": "The Lion King (musical)", + "text": "honors, including six Tony Awards, one for Best Musical and Best Direction of a Musical, making director Julie Taymor the first woman to earn such an honor. The show opened in the West End's Lyceum Theatre on October 19, 1999, and is still running after more than 7,500 performances. The cast of the West End production were invited to perform at the Royal Variety Performance in 1999 and 2008, in the presence of senior members of the British Royal Family. In September 2014, \"The Lion King\" became the top-earning title in box-office history for both stage productions and films, surpassing", + "score": 0.7900390625, + "summary": "The Lion King debuted on Broadway is not mentioned in the document.", + "extraction": "The Lion King debuted on Broadway is not mentioned in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "6528837", + "title": "The Lion King (musical)", + "text": "The Lion King (musical) The Lion King is a musical based on the 1994 Walt Disney Animation Studios' animated feature film of the same name with music by Elton John, lyrics by Tim Rice, and book by Roger Allers and Irene Mecchi, along with additional music and lyrics by Lebo M, Mark Mancina, Jay Rifkin, Julie Taymor, and Hans Zimmer. Directed by Taymor, the musical features actors in animal costumes as well as giant, hollow puppets. The show is produced by Disney Theatrical Productions. The musical debuted on July 8, 1997 in Minneapolis, Minnesota at the Orpheum Theatre and was", + "score": 0.7841796875, + "summary": "The Lion King (musical) debuted on July 8, 1997 in Minneapolis, Minnesota at the Orpheum Theatre.", + "extraction": "The Lion King musical debuted on July 8, 1997." + }, + { + "id": "10319805", + "title": "Theatre Development Fund", + "text": "program, which is a part of TDF's Accessibility Programs (TAP), presented the first autism-friendly performance of a Broadway show with Disney's landmark musical The Lion King on Sunday, October 2, 2011. This performance was so successful that TDF's Autism Theatre Initiative presented a second autism-friendly performance on Broadway at Disney and Cameron Mackintosh's production of Mary Poppins on April 29, 2012, and a second performance of The Lion King on September 30, 2012. Additionally, theatres around the country are beginning to see the need for autism-friendly performances in their communities as a result of this initiative. The shows are performed", + "score": 0.78271484375, + "summary": "The Lion King debuted on Broadway on Sunday, October 2, 2011.", + "extraction": "The Lion King debuted on Broadway on Sunday, October 2, 2011." + }, + { + "id": "6528868", + "title": "The Lion King (musical)", + "text": "This production won several Moli\u00e9re Awards and closed on July 25, 2010, after being watched by over a million people. On October 20, 2011, the first Spanish production opened at Teatro Lope de Vega in Madrid, where it is still running after more than 2,900 performances. In Basel, Switzerland, the musical was performed for the first time from March 12, 2015, until October 11, 2015. Beginning in June 2007, \"The Lion King\" debuted its first-ever performance on the African continent in Johannesburg, South Africa at the Teatro at Montecasino. \"The Lion King\" was the first production to take place in", + "score": 0.7802734375, + "summary": "\"The Lion King\" debuted its first-ever performance on the African continent in Johannesburg, South Africa in June 2007.", + "extraction": "irrelevant" + }, + { + "id": "5309497", + "title": "Disney Theatrical Productions", + "text": "Rodgers Theatre. The show was heavily publicized with Phil Collins and the lead actors promoting the new musical on several media shows including \"The Today Show\", \"Good Morning America\", and \"Live with Regis and Kelly\". After playing at the Richard Rodgers Theatre for over a year the show closed on July 8, 2007. On April 15, 2007, the musical debuted in Europe in the Netherlands as the successor of \"The Lion King\" in Scheveningen. A Broadway musical had never previously arrived in the Netherlands so soon after its Broadway premiere. Phil Collins was a special guest at the 2006 s,", + "score": 0.77392578125, + "summary": "The document mentions that \"The Lion King\" debuted in Europe on April 15, 2007, but it does not mention when it debuted on Broadway. Therefore, the answer is \"irrelevant.\"", + "extraction": "April 15, 2007" + }, + { + "id": "1208688", + "title": "Beauty and the Beast (1991 film)", + "text": "\"Beauty and the Beast\" premiered in a joint production of Theatre Under The Stars and Disney Theatricals at the Music Hall, Houston, Texas, from November 28, 1993 through December 26, 1993. On April 18, 1994, \"Beauty and the Beast\" premiered on Broadway at the Palace Theatre in New York City to mixed reviews. The show transferred to the Lunt-Fontanne Theatre on November 11, 1999. The commercial (though not critical) success of the show led to productions in the West End, Toronto, and all over the world. The Broadway version, which ran for over a decade, received a Tony Award, and", + "score": 0.76513671875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about \"Beauty and the Beast\" and not \"The Lion King\", which is the subject of the question." + }, + { + "id": "272880", + "title": "Musical theatre", + "text": "for $20 front row tickets, and some saw the show dozens of times. Other shows on Broadway followed \"Rent\"'s lead by offering heavily discounted day-of-performance or standing-room tickets, although often the discounts are offered only to students. The 1990s also saw the influence of large corporations on the production of musicals. The most important has been Disney Theatrical Productions, which began adapting some of Disney's animated film musicals for the stage, starting with \"Beauty and the Beast\" (1994), \"The Lion King\" (1997) and \"Aida\" (2000), the latter two with music by Elton John. \"The Lion King\" is the highest-grossing musical", + "score": 0.7646484375, + "summary": "\"The Lion King\" debuted on Broadway in 1997.", + "extraction": "\"The Lion King\" debuted on broadway in 1997." + }, + { + "id": "6528865", + "title": "The Lion King (musical)", + "text": "2014. After the success of the Broadway show, the show opened in the United Kingdom in on October 19, 1999. The cast included Cornell John as Mufasa, Luke Youngblood as Young Simba, Dominique Moore as Young Nala, Martyn Ellis as Pumbaa, Simon Gregor as Timon, Rob Edwards as Scar, Paul J. Medford as Banzai and Josette Bushell-Mingo as Rafiki. As of October 2015, it has been playing at the Lyceum Theatre in London for 16 years. Taymor directed the British production of the show, with Melissa De Melo as the producer. The show also toured the UK from 2012 until", + "score": 0.76025390625, + "summary": "The Lion King debuted on Broadway before opening in the United Kingdom on October 19, 1999.", + "extraction": "The Lion King debuted on Broadway in 1997." + }, + { + "id": "5309501", + "title": "Disney Theatrical Productions", + "text": "2012, a Dutch production premiered. In November 2010, Alan Menken confirmed that a musical theatre adaptation of the show is in the works with a book written by Chad Beguelin. The show premiered at the 5th Avenue Theatre in Seattle from July 7 to July 31, 2011. Another production played at the Muny Theatre in St. Louis from July 5 \u2013 13, 2012. The musical premiered on Broadway on February 26, 2014 (in previews) and officially on March 20, 2014 at the New Amsterdam Theatre, taking the place of \"Mary Poppins\", which closed on March 3, 2013. The musical had", + "score": 0.75927734375, + "summary": "The Lion King premiered on Broadway on February 26, 2014 (in previews) and officially on March 20, 2014 at the New Amsterdam Theatre.", + "extraction": "The Lion King musical premiered on Broadway on February 26, 2014 (in previews) and officially on March 20, 2014." + }, + { + "id": "18960397", + "title": "Christopher Jackson (actor)", + "text": "York City. Jackson began his career in 1995 starring in the Off-Broadway musical \"Time and the Wind\" by composer Galt MacDermot of \"Hair\" fame. He made his Broadway debut in 1997 as an ensemble member and the understudy for Simba in the Original Broadway Cast of \"The Lion King\". He later took over the role of Simba in 2000. He then did work in the theater scenes in Chicago and Minneapolis\u2013Saint Paul, notably earning a BATC Award nomination for Best Actor for \"Beggar's Holiday\" in 2004 for and winning a Joseph Jefferson Award (Chicago's equivalent to the Tony Awards) in", + "score": 0.7587890625, + "summary": "\"The Lion King\" debuted on Broadway in 1997, with Christopher Jackson as an ensemble member and understudy for Simba.", + "extraction": "\"The Lion King\" debuted on Broadway in 1997 and Christopher Jackson served as an understudy for Simba on the Original Broadway Cast." + }, + { + "id": "5309493", + "title": "Disney Theatrical Productions", + "text": "sets and costumes. The show debuted July 8, 1997, in Minneapolis, Minnesota at the Orpheum Theatre, before premiering on Broadway at the New Amsterdam Theater on October 15, 1997 in previews with the official opening on November 13, 1997. On June 13, 2006, the Broadway production moved to the Minskoff Theatre to make way for the musical version of \"Mary Poppins\", which later was replaced by \"Aladdin\". It is now Broadway's third longest-running show in history. The show uses a range of theatrical techniques, and is not a conventional musical. It has consistently been one of the highest grossing musicals", + "score": 0.75830078125, + "summary": "The Lion King debuted on Broadway at the New Amsterdam Theater on October 15, 1997.", + "extraction": "The Lion King debuted on Broadway at the New Amsterdam Theater on October 15, 1997 in previews with the official opening on November 13, 1997." + }, + { + "id": "7654688", + "title": "Jason Raize", + "text": "the age of 19, Raize succeeded Dennis DeYoung of Styx in the national tour of \"Jesus Christ Superstar\", starring Ted Neely and Carl Anderson. Next, he toured with \"Miss Saigon\", and had been cast as a swing in a national tour of \"The King and I\" starring Hayley Mills when he decided to audition for Julie Taymor's upcoming Broadway production of \"The Lion King\" (1997). Winning the role of \"Simba\" in \"The Lion King\"'s original Broadway cast, Raize became part of one of the biggest Broadway hits of the 1990s. During his three years with \"The Lion King\", Raize performed", + "score": 0.75634765625, + "summary": "\"The Lion King\" debuted on Broadway in 1997, the same year that Jason Raize won the role of \"Simba\".", + "extraction": "\"The Lion King\" debuted on Broadway in 1997." + }, + { + "id": "1987879", + "title": "Julie Taymor", + "text": "Indonesia working with Teatr Loh. Taymor is most widely recognized for her production of \"The Lion King\", which opened on Broadway in 1997. Taymor's production is the highest grossing Broadway production of all time and among the longest running, and continues to play nightly and has been presented in 63 cities in over a dozen countries, having been seen by more than 45 million people worldwide. Taymor has the distinction of being the first woman to receive the Tony Award for Best Direction of a Musical, which she won for \"The Lion King\". She also received a Tony Award for", + "score": 0.75146484375 + }, + { + "id": "7366284", + "title": "Minskoff Theatre", + "text": "Minskoff Theatre The Minskoff Theatre is a Broadway theatre, located at 1515 Broadway in Midtown Manhattan. It is currently home to the musical \"The Lion King\", based on the Disney animated film of the same name. The 1,621-seat venue, designed by architects Kahn and Jacobs, is on the third floor of One Astor Plaza, an office tower constructed on the site of the Astor Hotel. Named after Sam Minskoff and Sons (Henry H. Minskoff, Jerome Minskoff, Myron Minskoff, and Leo Minskoff), builders and owners of the high-rise building, it opened March 13, 1973, with a revival of \"Irene\" starring Debbie", + "score": 0.75048828125 + }, + { + "id": "5282273", + "title": "Beauty and the Beast (musical)", + "text": "the opposite. According to theatrical producer Stuart Oken, Disney's success with \"Beauty and the Beast\" is responsible for today's biggest Broadway hits and making the medium \"better than it has ever been\". The groundbreaking performance of \"Beauty and the Beast\" inspired other major Hollywood studios to produce Broadway renditions of some of their own films. Disney soon began to commission Broadway adaptations of several of the studio's most popular musical films, namely \"The Lion King\" (1997), \"Mary Poppins\" (2004), \"Tarzan\" (2006), \"The Little Mermaid\" (2008), \"Newsies\" (2012) and \"Aladdin\" (2014), in addition to producing the musical \"Aida\". After completing her", + "score": 0.75 + }, + { + "id": "17659515", + "title": "Secondhand Lions: A New Musical", + "text": "Secondhand Lions: A New Musical Secondhand Lions: A New Musical is based on the 2003 movie of the same name. Music and lyrics for the musical were written by Alan Zachary and Michael Weiner, who also wrote \"First Date\". The book was by Rupert Holmes. The show premiered from September 6 to October 7, 2013 at The 5th Avenue Theatre in Seattle, Washington. The show was directed by Scott Schwartz, who directed \"Golda's Balcony\" and co-directed \"Jane Eyre\" on Broadway. Scott Schwartz was appointed Artistic Director of the Bay Street Theatre in Sag Harbor, New York in 2013. Walter, a", + "score": 0.74755859375 + }, + { + "id": "6528869", + "title": "The Lion King (musical)", + "text": "the new theatre. The cast featured 53 artists, of whom all were South African. The opening night in Johannesburg was celebrated with key persons involving the creation of the musical and American talk show host Oprah Winfrey who had recently opened an educational academy for girls in Johannesburg The show closed on February 17, 2008. The show was translated into Japanese and staged by the Shiki Theatre Company. The Tokyo production began in 1998 and continues to the present day at the Shiki Theatre HARU. The production achieved its 10,000th performance on July 15, 2015. The show played at the", + "score": 0.74462890625 + }, + { + "id": "6528861", + "title": "The Lion King (musical)", + "text": "December 30, 2011, it turned into the second longest run the show had in a same American city (only coming after Broadway), running longer than the 2000\u20132003 Los Angeles Production. A Los Angeles production began performances at the Pantages Theatre on September 29, 2000, with an official opening on October 19, 2000. The show closed on January 12, 2003, after 952 performances. The cast of this production performed a set of the show's songs in The Tonight Show with Jay Leno on October 2, 2001. The cast was led by Walker. A Canadian production was staged in Toronto and ran", + "score": 0.74365234375 + }, + { + "id": "7366286", + "title": "Minskoff Theatre", + "text": "in MTV's studios and in Los Angeles. The program returned to Los Angeles for the 2008\u201309 season. \"The Lion King\" achieved the box office record for the Minskoff Theatre. The production cleared $2,837,158 over eight performances, for the week ending December 29, 2013. Minskoff Theatre The Minskoff Theatre is a Broadway theatre, located at 1515 Broadway in Midtown Manhattan. It is currently home to the musical \"The Lion King\", based on the Disney animated film of the same name. The 1,621-seat venue, designed by architects Kahn and Jacobs, is on the third floor of One Astor Plaza, an office tower", + "score": 0.7431640625 + }, + { + "id": "10728937", + "title": "Margo Lion", + "text": "the Clair de Lune\" and \"The Cryptogram\". Her first Broadway production was \"I Hate Hamlet\" in 1991. In 1987 Lion commissioned George Wolfe, Susan Birkenhead and Luther Henderson to write a show about Jelly Roll Morton. That musical became the 1992 Broadway show, \"Jelly's Last Jam\", starring Gregory Hines. In 1993-94 Lion produced \"\" and \"Perestroika\" followed by the 1995 production of \"Seven Guitars\". \"Angels in America: Millennium Approaches\" won the 1993 Pulitzer Prize for Drama. In 1997, Lion produced \"Triumph of Love\", based on a 1732 comedy by Pierre de Marivaux. Shortly after its run, while watching John Waters'", + "score": 0.7421875 + }, + { + "id": "5309504", + "title": "Disney Theatrical Productions", + "text": "Bamigboye that the production would open in December 2017 with Tiffany directing and Dennis Kelly replacing Walsh as playwright. He also announced that artistic director Rufus Norris said the National would not take \"one cent\" from Disney but will use the songs. The production opened in the Lyttleton Theatre at the Royal National Theatre, London on 1 December 2017 running until 10 April 2018. On January 13, 2014, Disney CEO Bob Iger announced that a Broadway stage adaptation of the hit 2013 3D computer-animated musical film \"Frozen\" is in early development stages. On February 12, 2015, it was announced that", + "score": 0.74072265625 + }, + { + "id": "17659517", + "title": "Secondhand Lions: A New Musical", + "text": "Smith appeared as Walter Double, before the song 'Just Right'. Secondhand Lions: A New Musical Secondhand Lions: A New Musical is based on the 2003 movie of the same name. Music and lyrics for the musical were written by Alan Zachary and Michael Weiner, who also wrote \"First Date\". The book was by Rupert Holmes. The show premiered from September 6 to October 7, 2013 at The 5th Avenue Theatre in Seattle, Washington. The show was directed by Scott Schwartz, who directed \"Golda's Balcony\" and co-directed \"Jane Eyre\" on Broadway. Scott Schwartz was appointed Artistic Director of the Bay Street", + "score": 0.73974609375 + }, + { + "id": "5834821", + "title": "Me and Juliet", + "text": "Enchanted Evening\" and \"Honey Bun\". Audiences continued to greet the show warmly. During the Boston previews, the duo heard the audience praise the sets, a reaction which usually augered ill for the show itself. Hammerstein wrote to \"The King and I\" director John van Druten: The musical opened on Broadway on May 28, 1953 at the Majestic Theatre. Large advance sales guaranteed a considerable run; by the start of November, it had paid back its advance, and closed after 358 performances, paying a small profit to RCA. Thomas Hischak, in his \"The Rodgers and Hammerstein Encyclopedia\", suggests that business fell", + "score": 0.73876953125 + }, + { + "id": "5282236", + "title": "Beauty and the Beast (musical)", + "text": "Disney's next musical venture, \"The Little Mermaid\". With Disney set to open its Broadway version of \"The Little Mermaid\" on November 3, 2007, at the time, it was believed that having two Disney princess films on Broadway at the same time would divide audiences and cause competition between the two shows. At this point, Disney also had three other shows running at the same time: \"The Lion King\", \"Tarzan\", and \"Mary Poppins\". It was reported that Disney Theatrical planned to revive the show on Broadway for the 2008 holiday season, but Disney did not pursue this. The West End production", + "score": 0.73828125 + }, + { + "id": "6528871", + "title": "The Lion King (musical)", + "text": "was led by Buyi Zama and was performed in English, though a couple of Chinese elements were added to the story. From June 14, 2016, until October 8, 2017, \"The Lion King\" returned to China, in a new production that was staged at the 1,200 capacity Walt Disney Grand Theatre, in the Shanghai Disney Resort, where it ran for 500 performances. This production was performed in Mandarin and led by Ntsepa Pitjeng. On March 28, 2018, the first international tour officially opened at the Solaire Resort & Casino in Manila, with confirmed stops in Singapore, South Korea, Taiwan, and South", + "score": 0.7373046875 + }, + { + "id": "6528873", + "title": "The Lion King (musical)", + "text": "Disney Company, a recording of the songs as heard in the stage musical. Most of the tracks were composed by African composer Lebo M. and focused primarily on the African influences of the film's original music, with most songs being sung either partially or entirely in various African languages. Rafiki's chants in \"Rafiki Mourns\" were written by Tsidii Le Loka, who originated the role on Broadway. The original Broadway show included: The Lion King (musical) The Lion King is a musical based on the 1994 Walt Disney Animation Studios' animated feature film of the same name with music by Elton", + "score": 0.736328125 + }, + { + "id": "10728938", + "title": "Margo Lion", + "text": "1988 film, \"Hairspray\" she had the idea to adapt the film into a musical. She recruited Marc Shaiman, a Hollywood film composer, for the musical's score. Four years later, in August 2002, the musical \"Hairspray\" premiered on Broadway and became an immediate commercial and critical hit. Following \"Hairspray\", Lion produced the Broadway productions \"Caroline, or Change\" (2004), \"The Wedding Singer\" (2006), and \"Radio Golf\" (2007) as well as \"Harlem Song\" at The Apollo. Lion also garnered a Tony Award for \"Elaine Stritch at Liberty\". She is currently the producer of the musical adaptation of \"Catch Me If You Can\" which", + "score": 0.734375 + }, + { + "id": "5309487", + "title": "Disney Theatrical Productions", + "text": "Disney Theatrical Productions Disney Theatrical Productions Limited (DTP), also known as Disney on Broadway, is the flagship stageplay and musical production company of the Disney Theatrical Group, a subsidiary of The Walt Disney Studios, a major business unit of The Walt Disney Company. Founded in 1993 by longtime Disney Entertainment veteran Ron Logan as Walt Disney Theatrical, the division has gained a reputation within the industry for creating professional and popular (both critically and financially) performances, starting with the acclaimed \"Beauty and the Beast\" in April 19th, 1994 and most recently with \"The Jungle Book\" in September 23rd, 2019. The", + "score": 0.73388671875 + }, + { + "id": "5282233", + "title": "Beauty and the Beast (musical)", + "text": "two of them sing of how their lives have changed because of love and they dance once more as the company, now changed back to their human form, gathers in the ballroom (\"Beauty and the Beast (Reprise)\"). \"Beauty and the Beast\" premiered in a joint production of Theatre Under The Stars and Disney Theatrical at the Music Hall, Houston, Texas, from November 28, 1993, through December 26, 1993. The musical opened on Broadway at the Palace Theatre on April 18, 1994, and ran there until September 5, 1999. The show then transferred to the Lunt-Fontanne Theatre on November 11, 1999,", + "score": 0.73388671875 + }, + { + "id": "1987880", + "title": "Julie Taymor", + "text": "her original costume designs for the production. Taymor co-designed the masks and puppets, and wrote additional lyrics for the show. In 2007, \"The Lion King\" was performed in Johannesburg, and had its first French language production in Paris. In 2008, Le Roi Lion was awarded Best Costume Design, Best Lighting Design, and Best Musical at the Moli\u00e8re Awards, the national theatre awards of France. In 2000, Taymor directed Carlo Gozzi's \"The Green Bird\" on Broadway. The work was first produced in 1996 by Theatre for a New Audience at the New Victory Theater and presented at the La Jolla Playhouse.", + "score": 0.732421875 + }, + { + "id": "16554029", + "title": "King Kong (2013 musical)", + "text": "opening on December 12 [2014].\" Producers soon announced delays. By September 2014, Marsha Norman was engaged to rewrite the book. In 2015, Jason Robert Brown was added to the team \"to write songs for the characters. There's a whole lot of music that already exists for \"King Kong\".\" Formal presentations for the production began in February 2016. The musical opened at the Broadway Theatre for previews on October 5, 2018, with the official opening on November 8. The creative team includes book writer Jack Thorne, director-choreographer Drew McOnie, and Australian songwriter Eddie Perfect, who replace the former creatives. The play", + "score": 0.7314453125 + }, + { + "id": "14153155", + "title": "The Lion King (franchise)", + "text": "concept of tribal celebration in combination with ideas from Disney's Electrical Parade. The show is in the form of a revue, and not a condensed version of either the film or Broadway show. However, it features the award-winning music from the first film, written by Elton John and Tim Rice. The show uses songs, dance, puppetry and visual effects to create an African savannah setting filled with lions, elephants, giraffes, birds, zebras and gazelles. \"The Lion King Celebration\" was a parade based on the film that ran at Disneyland from June 1, 1994 to June 1, 1997. It was designed", + "score": 0.73046875 + }, + { + "id": "16554024", + "title": "King Kong (2013 musical)", + "text": "King Kong (2013 musical) King Kong is a musical with music by Marius de Vries, lyrics by Michael Mitnick and Craig Lucas, a book by Lucas and additional musical and lyrical contributions by 3D, Sarah McLachlan, Guy Garvey, Justice and The Avalanches. It is based on the 1933 film of the same name. The original production was mounted in Australia in 2013. A Broadway production premiered in October 2018. The Australian production took five years of planning and over five months of rehearsals. Its director, Daniel Kramer, said that it took \"three years of auditions and workshops\" before performances began.", + "score": 0.73046875 + }, + { + "id": "17192543", + "title": "Aladdin (2011 musical)", + "text": "the fictional Arabian city of Agrabah, the characters and setting are Middle Eastern. \"Aladdin\" premiered at the 5th Avenue Theatre in Seattle in 2011. After several regional and international productions in 2012, the musical was given a Toronto tryout in 2013. It opened on Broadway at the New Amsterdam Theatre on March 20, 2014, to mostly warm reviews and was nominated for five Tony Awards. In November 2010, Alan Menken confirmed that a musical theatre adaptation of the movie was in the works with a book written by Chad Beguelin. The musical premiered in Seattle, Washington, at the 5th Avenue", + "score": 0.7294921875 + }, + { + "id": "895755", + "title": "The Lion King", + "text": "The Lion King The Lion King is a 1994 American animated musical film produced by Walt Disney Feature Animation and released by Walt Disney Pictures. It is the 32nd Disney animated feature film, and the fifth animated film produced during a period known as the Disney Renaissance. \"The Lion King\" was directed by Roger Allers and Rob Minkoff, produced by Don Hahn, and has a screenplay credited to Irene Mecchi, Jonathan Roberts, and Linda Woolverton. Its original songs were written by composer Elton John and lyricist Tim Rice, with a score by Hans Zimmer. The film features an ensemble voice", + "score": 0.72900390625 + }, + { + "id": "6528867", + "title": "The Lion King (musical)", + "text": "the boats are decorated in the colors of the musical and are named after characters in the musical (such as \"Nala\" and its sister ship \"Rafiki\"). A Dutch production of the show was produced by Joop van den Ende Theaterproducties/Stage Entertainment and Disney Theatrical Group and played at the Circustheater in Scheveningen and ran from April 4, 2004, until August 27, 2006, replaced by another Disney musical, \"Tarzan\". A revival of the show's Dutch production began performances in the same Circustheater in October 2016. The show's French production debuted in Paris on September 22, 2007, in Stage Entertainment's Th\u00e9\u00e2tre Mogador.", + "score": 0.728515625 + }, + { + "id": "5309499", + "title": "Disney Theatrical Productions", + "text": "with scenic design by Kenneth Foy, aerial design by Paul Rubin and lighting design by Ken Billington. The production was ultimately cancelled. The musical began Broadway previews on November 3, 2007 and opened on January 10, 2008 at the Lunt-Fontanne Theatre, even through trouble due to the Local One stagehands strike, which ended on November 28, 2007. The world premiere took place at The Ellie Caulkins Opera House at the Denver Center of the Performing Arts in Denver, Colorado. The show features every song from the movie, as well as nine new songs written by Menken and lyricist Glenn Slater.", + "score": 0.72607421875 + }, + { + "id": "15477906", + "title": "Adaptations of The Chronicles of Narnia", + "text": "opened Off-Broadway in New York City at St. Luke's Theatre. The production was directed by Julia Beardsley O'Brien and starred Erin Layton and Andrew Fortman. As of 2014, the production is currently running with a replacement cast of Abigail Taylor-Sansom and Rockford Sansom. Other notable stage productions of \"The Lion, the Witch and the Wardrobe\" have included a 2002 production by Trumpets Theatre, one of the largest commercial theatres in the Philippines, and a 2003 commercial production by Malcolm C. Cooke Productions in Australia (directed by Nadia Tass, and described by Douglas Gresham as the best production of the novel", + "score": 0.7255859375 + }, + { + "id": "2117751", + "title": "Timon of Athens", + "text": "Wells in 1851. It has played once on Broadway, in 1993, with Brian Bedford in the title role. This was a production of The Public Theater, which revived the play in February 2011 with Richard Thomas in the lead role, citing it as a play for the Great Recession. The Chicago Shakespeare Theater first staged the play in 1997. It was the company's first modern-dress production. In April 2012, C.S.T. again staged the play with the Scottish actor Ian McDiarmid playing Timon. The play was given a new ending by director, Barbara Gaines. In August 2011, the Hudson Shakespeare Company", + "score": 0.724609375 + }, + { + "id": "5938151", + "title": "David Mirvish", + "text": "works for the Royal Alexandra and, later, his new Princess of Wales Theatre (opened in 1993). Mirvish and Mirvish Productions enjoyed notable successes in this new venture as with the Canadian stagings of such musicals as \"Les Mis\u00e9rables\" (1989\u20131990), \"Miss Saigon\" (1993\u20131995), \"Crazy for You\" (1994\u20131995), \"Rent\" (1997\u20131998), \"The Lion King\" (2000\u20132004), \"We Will Rock You\" and \"The Sound of Music\" (opened October 2008). They also, however, endured losses with their sit-down productions of the large-scale musicals \"Tommy\" (1995), \"Jane Eyre\" (1996\u20131997), \"The Producers\" (2003\u20132004), \"Hairspray\" (2004). In 2005, he also joined in partnership with British theatre producer Kevin Wallace,", + "score": 0.724609375 + }, + { + "id": "717537", + "title": "The King and I", + "text": "wives and children bow or curtsey, a gesture of respect to old king and new. Act I Act II \"The King and I\" opened on Broadway on March 29, 1951, with a wide expectation of a hit by the press and public. Both Hammerstein and Rodgers professed to be worried. The composer complained that most people were not concerned about whether the show was good, but whether it was better than \"South Pacific\". Even the weather cooperated: heavy rain in New York stopped in time to allow the mostly wealthy or connected opening night audience to arrive dry at the", + "score": 0.7236328125 + }, + { + "id": "17785480", + "title": "Aladdin (franchise)", + "text": "on Broadway on February 26, 2014 (in previews) and officially opened on March 20, 2014 at the New Amsterdam Theatre, taking the place of \"Mary Poppins\". The musical had a pre-Broadway tryout at the Ed Mirvish Theatre in Toronto lasting from November 13, 2013 to January 12, 2014. Casey Nicholaw directed and choreographed, with Chad Beguelin writing the book and additional lyrics, Bob Crowley as the scene designer, and costume design by Gregg Barnes. Aladdin the musical was also opened at Tokyo's Dentsu Shiki Theatre Umi in May 2015. It had its European premiere in December 2015 at the Stage", + "score": 0.7236328125 + }, + { + "id": "6528859", + "title": "The Lion King (musical)", + "text": "cracked jokes and attempted conversations with the audience in Chinese. As of June 27, 2010, nine minutes of the Broadway version were cut, among them the entire \"Morning Report\" musical number. The song was also removed from subsequent productions and cast recordings, such as the Spanish one. There is currently one U.S. touring production that is touring through the months of September 2018 through June 2019. (At one time there were two US touring productions traveling simultaneously.) The tour version is very similar to the original Broadway production; however, certain scenic elements which rise out of the stage floor (such", + "score": 0.72265625 + }, + { + "id": "895802", + "title": "The Lion King", + "text": "May 30, 2003. In 2011, \"The Lion King\" was converted to 3D for a two-week limited theatrical re-issue and subsequent 3D Blu-ray release. The film opened at the number one spot on Friday, September 16, 2011, with $8.9 million and finished the weekend with $30.2 million, ranking number one at the box office. This made \"The Lion King\" the first re-issue release to earn the number-one slot at the American weekend box office since the re-issue of \"Return of the Jedi\" in March 1997. The film also achieved the fourth-highest September opening weekend of all time. It held off very", + "score": 0.72265625 + }, + { + "id": "16392194", + "title": "Abraham Lincoln (play)", + "text": "of which John Drinkwater was the artistic director. Arnold Bennett and Nigel Playfair acquired the play and its company for the suburban Hammersmith Playhouse, where \"Abraham Lincoln\" became a sensational success with London audiences. Irish actor William J. Rea starred. Produced by William Harris Jr., the Broadway production of \"Abraham Lincoln\" opened December 15, 1919, at the Cort Theatre, and ran for 193 performances. Lester Lonergan directed a cast including the following: In 1924, a two-reel sound film version of the play was filmed by Lee De Forest in his Phonofilm sound-on-film process. Frank McGlynn reprised his Broadway role. In", + "score": 0.72265625 + }, + { + "id": "5132783", + "title": "New Amsterdam Theatre", + "text": "millions of dollars, to restore it to its original use and grandeur. The roof garden remained closed when inspectors discovered that it could not meet modern building codes. The New Amsterdam was officially reopened on April 2, 1997. In November 1997, after the premiere of the film \"Hercules\" and a limited engagement of a concert version of \"King David\", Disney's stage version of \"The Lion King\" opened. On June 4, 2006, \"The Lion King\" closed in The New Amsterdam Theatre, moving two blocks uptown to the Minskoff Theatre on June 13, 2006. \"Mary Poppins\" began previews at the New Amsterdam", + "score": 0.72216796875 + }, + { + "id": "14153133", + "title": "The Lion King (franchise)", + "text": "of lions who oversee a large swath of African savanna as their \"kingdom\" known as the Pride Lands, with their leader Simba watching over it as \"king\". The first three animated films are widely known for being influenced by the works of William Shakespeare, as well as other works based on his material. \"The Lion King\" is the original film of the franchise. It was directed by Roger Allers and Rob Minkoff. It was produced by Walt Disney Feature Animation, premiered in selected cities on June 15, 1994, and widely released to theaters on June 24, 1994 by Walt Disney", + "score": 0.72216796875 + }, + { + "id": "5282264", + "title": "Beauty and the Beast (musical)", + "text": "into a big-budget kiddie show or magic act with its overdone showbiz glitz and sparkly stage-illusion effects\"at times, but in the end predicted that \"'Beauty and the Beast' could well be the big new musical hit this Broadway season has been waiting for.\" However, in 1994, \"Beauty and the Beast\" finally premiered on Broadway to reviews that ranged from mixed to negative, leaving critics mostly unimpressed. Reactions from the New York theatre community and Broadway producers were particularly harsh, ridiculing Disney for deciding to produce the musical themselves as opposed to enlisting traditional theatre companies. Egan recalled that \"the same", + "score": 0.720703125 + }, + { + "id": "5282253", + "title": "Beauty and the Beast (musical)", + "text": "and Michel Altieri as the Beast. The Broadway production played a second time in Mexico City beginning in September 2007 and in Hiroshima, Japan, beginning in February 2008. The Broadway production opened in South Africa in September 2008 and ran until March 2009. In 2004, Disney began to license the show to other companies for touring, and the show has been performed by professional and amateur companies in many countries. On October 24, 2013, \"Beauty and the Beast\" opened at Th\u00e9\u00e2tre Mogador in Paris, France. Beginning October 2014, Disney Theatrical Productions, NETworks and Broadway Entertainment Group launched an international tour", + "score": 0.72021484375 + }, + { + "id": "16554040", + "title": "King Kong (2013 musical)", + "text": "seeks to be more.\" King Kong (2013 musical) King Kong is a musical with music by Marius de Vries, lyrics by Michael Mitnick and Craig Lucas, a book by Lucas and additional musical and lyrical contributions by 3D, Sarah McLachlan, Guy Garvey, Justice and The Avalanches. It is based on the 1933 film of the same name. The original production was mounted in Australia in 2013. A Broadway production premiered in October 2018. The Australian production took five years of planning and over five months of rehearsals. Its director, Daniel Kramer, said that it took \"three years of auditions and", + "score": 0.7197265625 + }, + { + "id": "5282175", + "title": "Beauty and the Beast (musical)", + "text": "on Broadway on April 18, 1994, starring Susan Egan and Terrence Mann as the eponymous Belle and Beast, respectively. The musical opened to mixed reviews from theatre critics, but was a massive commercial success and well received by audiences. \"Beauty\" ran on Broadway for 5,461 performances for thirteen years (1994 - 2007), becoming Broadway's tenth longest-running production in history. The musical has grossed more than $1.4 billion worldwide and played in thirteen countries and 115 cities. It has also become a popular choice for junior, amateur & high school productions. Still recovering from Walt Disney's demise, Disney's animated films continued", + "score": 0.7197265625 + }, + { + "id": "19468130", + "title": "Theatre and disability", + "text": "we live.\" The Alliance for Inclusion in the Arts is supported by several national associations including The Shubert Foundation, Actors' Equity Association, and the Screen Actors Guild. In 2012, Broadway musicals \"The Lion King\" and \"Newsies\" partnered with the Broadway Accessibility/Audience Expansion Initiative and Inclusion of the Arts to allow people with disabilities to receive the same theatrical experience as those without. The services now being provided are I-Caption for those who are deaf and hard of hearing, and D-Scriptive for blind audience members. \"The Lion King\" became the first autistic friendly performance in 2011. Deaf West Theatre put on", + "score": 0.71923828125 + }, + { + "id": "2552041", + "title": "Gander, Newfoundland and Labrador", + "text": "to October 2016, then, prior to opening in Toronto, staged a pair of shows in Gander. It opened at Toronto's Royal Alexandra Theatre, running from November 2016 to January 2017, where it set a ticket sales record for the 109-year-old venue. It opened in New York on Broadway at the Gerald Schoenfeld Theatre on March 12, 2017, and is scheduled to return to the Royal Alex in Toronto on February 13, 2018. In the year 2017, the musical play was nominated for 7 Tony Awards, alongside other musical award nominations, ultimately winning one for Best Direction of a Musical. In", + "score": 0.71923828125 + }, + { + "id": "9175647", + "title": "The Little Mermaid (musical)", + "text": "for the actors. After a pre-Broadway tryout in Denver, Colorado from July to September 2007, the musical began Broadway previews on November 3, 2007 at the Lunt-Fontanne Theatre, replacing Disney's \"Beauty and the Beast\". The production officially opened on January 10, 2008 and closed on August 30, 2009 after 685 performances and 50 previews. It introduced Broadway debuts by director Francesca Zambello and Sierra Boggess in the title role. Subsequent productions have been seen in US regional theatres and internationally. A modified version of the musical with a new book and direction by Glenn Casale was developed in 2012, and", + "score": 0.71923828125 + }, + { + "id": "17192546", + "title": "Aladdin (2011 musical)", + "text": "as Aladdin and featured Aiza Seguerra as Genie. The musical was staged in Spanish in Bogot\u00e1, Colombia, in 2013. \"Aladdin\" had a pre-Broadway tryout at the Ed Mirvish Theatre in Toronto, Ontario, from November 2013 to January 2014. Nicholaw again directed and choreographed, with book and additional lyrics by Beguelin, scenic design by Bob Crowley, and costume design by Gregg Barnes. The musical premiered on Broadway on February 26, 2014, in previews and officially opened on March 20, 2014, at the New Amsterdam Theatre, taking the place of \"Mary Poppins\". The show was nominated for five Tony Awards, winning one", + "score": 0.71923828125 + }, + { + "id": "9950829", + "title": "Danny Rutigliano", + "text": "Danny Rutigliano Danny Rutigliano is an American actor. He appeared on Broadway in \"The Best Little Whorehouse Goes Public\" in 1994. He has appeared in \"The Lion King\" on Broadway, portraying the character Timon; he left the show in April 2010. A member of the original cast as the understudy, he also originated the role of Timon in the L.A. Production of \"The Lion King\", for which he received the Ovation Award for Best Featured Actor. He appeared in the Broadway revival of \"Born Yesterday\" in 2011. He starred in Cirque du Soleil's \"Banana Shpeel\" in New York City in", + "score": 0.71923828125 + }, + { + "id": "895830", + "title": "The Lion King", + "text": "a costumed actor as Timon. The attraction opened in April 1998 at Disney World's Animal Kingdom, and in September 2005 in Hong Kong Disneyland's Adventureland. A similar version under the name \"The Legend of the Lion King\" was featured in Disneyland Paris from 2004 to 2009. The Lion King The Lion King is a 1994 American animated musical film produced by Walt Disney Feature Animation and released by Walt Disney Pictures. It is the 32nd Disney animated feature film, and the fifth animated film produced during a period known as the Disney Renaissance. \"The Lion King\" was directed by Roger", + "score": 0.71875 + }, + { + "id": "6528863", + "title": "The Lion King (musical)", + "text": "musical had a Mexican limited run (in English) between January 3 and January 27, 2008, in Mexico City, as part of the U.S. national tour. In May 2014, it was confirmed a new production of the musical, this time in Spanish. The production ran from May 7, 2015 to January 14, 2018 at the Teatro Telcel in Mexico City for 950 performances. Carlos Rivera returned to the role of Simba, which he also took in Spain four years earlier. The lyrics of the songs of this production differed from the European Spanish one. South-African actress Shirley Hlahatse was chosen as", + "score": 0.71630859375 + }, + { + "id": "5309503", + "title": "Disney Theatrical Productions", + "text": "by the National Theatre, London in December 2016. The plot will be the mix of Disney's beloved 1940 film and the original novel with the songs, being both used & deleted songs from the movie and other songs from Disney. Creative team includes Tony winner John Tiffany as the director, Enda Walsh as playwright, Bob Crowley as set and costume designer, and Steven Hoggett as choreographer. A workshop took place in late 2015. The production was delayed due to Tiffany's involvement with \"Harry Potter and the Cursed Child.\" On 19 January 2017, it was announced by Daily Mail columnist Baz", + "score": 0.7158203125 + }, + { + "id": "771071", + "title": "Hair (musical)", + "text": "pressures of his parents (and conservative America) to serve in Vietnam, compromising his pacifist principles and risking his life. After an off-Broadway debut on October 17, 1967, at Joseph Papp's Public Theater and a subsequent run at the Cheetah nightclub from December 1967 through January 1968, the show opened on Broadway in April 1968 and ran for 1,750 performances. Simultaneous productions in cities across the United States and Europe followed shortly thereafter, including a successful London production that ran for 1,997 performances. Since then, numerous productions have been staged around the world, spawning dozens of recordings of the musical, including", + "score": 0.71533203125 + }, + { + "id": "8775971", + "title": "Linda Woolverton", + "text": "work in several projects with Disney. She co-wrote the screenplay of the live-action film \"\", released in 1993, and worked again with Disney Animation helping in the pre-production story development of \"Aladdin\", released in 1992, and co-writing the screenplay of \"The Lion King\", released in 1994. Both \"Aladdin\" and \"The Lion King\" were huge box office successes and received critical acclaim. During this time she also adapted her own \"Beauty and the Beast\" screenplay into a Broadway musical, which opened to critical acclaim in 1994, leading her to be nominated for a Tony Award for Best Book in a Musical", + "score": 0.71533203125 + }, + { + "id": "14153182", + "title": "The Lion King (franchise)", + "text": "sold while it was still in print in the late 1990s. By 2000, it had sold 15million VHS copies, and grossed about in sales and rentals. \"The Lion King 1\u00bd\" sold 6million DVD and VHS units in North America. \"The Lion King\" musical has grossed nearly as of 2017, and is the highest-grossing musical of all time. Both sequels won the Annie Award for Best Animated Home Entertainment Production. \"The Lion King 1\u00bd\" also won five DVD Exclusive Awards. The musical won six Tony Awards including Best Musical. The Lion King (franchise) The Lion King is a Disney media franchise", + "score": 0.71484375 + }, + { + "id": "717492", + "title": "The King and I", + "text": "as well as by a love to which neither can admit. The musical premiered on March 29, 1951, at Broadway's St. James Theatre. It ran for nearly three years, making it the fourth longest-running Broadway musical in history at the time, and has had many tours and revivals. In 1950, theatrical attorney Fanny Holtzmann was looking for a part for her client, veteran leading lady Gertrude Lawrence. Holtzmann realized that Landon's book would provide an ideal vehicle and contacted Rodgers and Hammerstein, who were initially reluctant but agreed to write the musical. The pair initially sought Rex Harrison to play", + "score": 0.71484375 + }, + { + "id": "3008243", + "title": "Nicholas Hytner", + "text": "1999 after just over ten years, on its 4,274th performance, having grossed more than \u00a3150 million in ticket sales during its London run. Hytner also directed the New York production, where the show recouped its $10.9m investment in 39 weeks. The show, at New York's Broadway Theatre, opened on 11 April 1991 and closed on 28 January 2001 after 4,092 performances. Hytner was on a percentage for both London and New York productions, allowing him (then aged 34) to never need worry about money again. \"It was a huge\u2013 a massive stroke of fortune,\" he said in 2010. \"It meant", + "score": 0.71484375 + }, + { + "id": "18491198", + "title": "School of Rock (musical)", + "text": "be in autumn 2015. This would be the first time since 1971 and \"Jesus Christ Superstar\" that a Lloyd Webber musical would premiere on Broadway rather than in the West End. It would also mark a return for the composer to the Winter Garden Theatre, where his \"Cats\" ran for 18 years. Speaking of his vision for the musical, Lloyd Webber suggested that it would focus more on the stories of Dewey's young students than the film did, stating \"It has to be a bit more rounded. I'd quite like to know more about the children and their parents.\" Speaking", + "score": 0.71435546875 + }, + { + "id": "16204054", + "title": "The Legend of the Lion King", + "text": "songs from the movie. The show debuted in Walt Disney World's Magic Kingdom on July 8, 1994; taking place in the same theater that is currently being used for Mickey's PhilharMagic show in Fantasyland. The Legend of The Lion King replaced the 3-D movie \"Magic Journeys\", which was shown in the Fantasyland Theater for 6 years from December 1987 through December 1993. This show featured what Disney describes as \u201cDisney Humanimals\u201d which are \u201clarger-than-life figures that look just like their animated film counterparts\u201d. The Mufasa Disney Humanimal measured seven feet long from tail to tip, six feet tall, and was", + "score": 0.71435546875 + }, + { + "id": "16204055", + "title": "The Legend of the Lion King", + "text": "perched upon an 18-foot Pride Rock that rose from below the stage. The stage for show was 125-feet wide and was bigger than the seating area in order to permit the use of giant sets. The attraction closed on February 23, 2002 to be replaced by Mickey's PhilharMagic. The Legend of The Lion King at Disneyland Paris ran from 2004 to 2009 and played at the Videopolis Theater located in Discoveryland. This Broadway-style show was similar to the musical and the Festival of the Lion King at the Disney's Animal Kingdom Park with its elaborate costumes and dance numbers. The", + "score": 0.7138671875 + }, + { + "id": "895760", + "title": "The Lion King", + "text": "music and the Golden Globe Award for Best Motion Picture \u2013 Musical or Comedy. The film has led to many derived works, such as a Broadway adaptation; two direct-to-video follow-ups\u2014the sequel, \"\" (1998), and the prequel/parallel, \"The Lion King 1\u00bd\" (2004); two television series, \"Timon and Pumbaa\" and \"The Lion Guard\"; and a 3D re-release, in 2011. In 2016, the film was selected for preservation in the United States National Film Registry by the Library of Congress as being \"culturally, historically, or aesthetically significant\". A CGI remake of the film directed by Jon Favreau is scheduled for a release in", + "score": 0.712890625 + }, + { + "id": "4215838", + "title": "King Kong", + "text": "the story (endorsed by Merian C. Cooper's estate) was going to be staged in Melbourne at the Regent Theatre. The show premiered on June 15, 2013 as \"King Kong The Eighth Wonder of The World\", with music by Marius De Vries. The musical then premiered on Broadway in November 8 of 2018 at the Broadway Theatre as \"King Kong Alive on Broadway\". The creative team included book writer Jack Thorne, director-choreographer Drew McOnie, and Australian songwriter Eddie Perfect, who replace the former creatives. The huge King Kong puppet was created by Global Creature Technology. The puppet stands 20 feet tall", + "score": 0.712890625 + }, + { + "id": "10439907", + "title": "Wait a Minim!", + "text": "in Johannesburg on January 17, 1962 at the Intimate Theatre. After more than two years in Africa, the show moved to London, where it opened at the Fortune Theatre on April 9, 1964. Devised and directed by Leon Gluckman Musical arrangements and direction by Andrew Tracey Costumes by Heather MacDonald-Rouse Choreography by Frank Staff and Kendrew Lascelles Lighting and design supervised by Klaus Holm Cast in London After more than two years in London, the show moved to Broadway, where it opened at the John Golden Theatre on 7 March 1966, and ran for 456 performances until 15 April 1967.", + "score": 0.71240234375 + }, + { + "id": "5309522", + "title": "Disney Theatrical Productions", + "text": "2015. The television special \"Backstage with Disney On Broadway: Celebrating 20 Years\" aired in December 2014. Disney Theatrical Productions Disney Theatrical Productions Limited (DTP), also known as Disney on Broadway, is the flagship stageplay and musical production company of the Disney Theatrical Group, a subsidiary of The Walt Disney Studios, a major business unit of The Walt Disney Company. Founded in 1993 by longtime Disney Entertainment veteran Ron Logan as Walt Disney Theatrical, the division has gained a reputation within the industry for creating professional and popular (both critically and financially) performances, starting with the acclaimed \"Beauty and the Beast\"", + "score": 0.71240234375 + }, + { + "id": "12858697", + "title": "Theatre", + "text": "that began in the 1890s, the Princess Theatre musicals of the early 20th century, and comedies in the 1920s and 1930s (such as the works of Rodgers and Hammerstein), with \"Oklahoma!\" (1943), musicals moved in a more dramatic direction. Famous musicals over the subsequent decades included \"My Fair Lady\" (1956), \"West Side Story\" (1957), \"The Fantasticks\" (1960), \"Hair\" (1967), \"A Chorus Line\" (1975), \"Les Mis\u00e9rables\" (1980), \"Into the Woods\" (1986), and \"The Phantom of the Opera\" (1986), as well as more contemporary hits including \"Rent\" (1994), \"The Lion King\" (1997), \"Wicked\" (2003), and \"Hamilton\" (2015). Musical theatre may be produced", + "score": 0.71240234375 + }, + { + "id": "717860", + "title": "The Lion in Winter", + "text": "The Lion in Winter The Lion in Winter is a 1966 play by James Goldman, depicting the personal and political conflicts of Henry II of England, his wife Eleanor of Aquitaine, their children and their guests during Christmas 1183. It premiered on Broadway at the Ambassador Theatre on March 3, 1966, starring Robert Preston and Rosemary Harris, who won a Tony Award for her portrayal of Eleanor. It was adapted by Goldman into an Academy Award-winning 1968 film of the same name, starring Peter O'Toole and Katharine Hepburn. The play has been produced numerous times, including Broadway and West End", + "score": 0.7119140625 + }, + { + "id": "9980803", + "title": "Kat and the Kings", + "text": "included Abrahams as the young Kat, Adams as Bingo, Junaid Booysen as Ballie, Alistair Izobel as Magoo, and Mandisa Bardill as Lucy. \"Kat and the Kings\" won the Laurence Olivier Award for Best New Musical and, in an unusual move, the entire cast was named Best Actor in a Musical. The show also was nominated for Best Theatre Choreography. An original cast album was recorded live during the June 6, 1998 performance and released by First Night Records. After fifteen previews, the Broadway production opened on August 19, 1999 at the Cort Theatre, where it ran for 157 performances. Terry", + "score": 0.71142578125 + }, + { + "id": "12287461", + "title": "Shrek", + "text": "and closed January 3, 2010, running for a total of 441 performances. It starred Brian d'Arcy James in the title role, Sutton Foster as Princess Fiona, Christopher Sieber as Lord Farquaad, Daniel Breaker as Donkey, and John Tartaglia as Pinocchio. The Broadway production was recorded and released on DVD, Blu-ray and digital media. A North American Tour opened July 25, 2010, in Chicago. A London production opened in the West End on June 7, 2011. The musical received many Tony Award nominations and won the 2009 Tony Award for Best Costume Design. It received five Laurence Olivier Award nominations including", + "score": 0.7109375 + }, + { + "id": "1697123", + "title": "Cats (musical)", + "text": "Best Musical at both the Laurence Olivier Awards and the Tony Awards. The London production ran for 21 years and the Broadway production ran for 18 years, both setting new records. Actresses Elaine Paige and Betty Buckley became particularly associated with the musical. One actress, Marlene Danielle, performed in the Broadway production for its entire run (from 1982 until 2000). As of 2018, \"Cats\" is the fourth-longest-running show in Broadway history, and was the longest-running Broadway show in history from 1997 until 2006 when it was surpassed by \"The Phantom of the Opera\". \"Cats\" is the sixth-longest-running West End show.", + "score": 0.71044921875 + }, + { + "id": "14153180", + "title": "The Lion King (franchise)", + "text": "theme from \"The Good, The Bad, and the Ugly\". During its release in 1994, \"The Lion King\" was widely praised and acclaimed, grossing more than $783 million worldwide, becoming the most successful film released that year, and as of June 18, 2018 is the thirty-seventh highest-grossing feature film of all time. The film was the highest grossing animated film of all time until the release of Disney/Pixar's \"Finding Nemo\", a computer-animated film. \"The Lion King\" is still the highest grossing traditionally animated film of all time in the United States. The film received many award nominations. It won the Academy", + "score": 0.71044921875 + }, + { + "id": "9175654", + "title": "The Little Mermaid (musical)", + "text": "began previews on Broadway at the Lunt-Fontanne Theatre on November 3, 2007 and was temporarily shut down on November 10, 2007 due to the 2007 Broadway stagehand strike. The strike ended on November 28, 2007, and the show resumed previews the next day. The official opening date was postponed from December 6, 2007 to January 10, 2008. Jodi Benson and Pat Carroll, who starred in the 1989 animated film as Ariel and Ursula, respectively, attended the opening night ceremony. Direction was by Francesca Zambello, making her Broadway debut, with choreography by Stephen Mear. Scenic design was by George Tsypin, costumes", + "score": 0.71044921875 + }, + { + "id": "15477904", + "title": "Adaptations of The Chronicles of Narnia", + "text": "with TheatreworksUSA since 1993. The full-scale and touring versions of the musical are licensed through Dramatic Publishing, which has also licensed adaptations of \"The Lion, the Witch and the Wardrobe\" by Joseph Robinette and \"The Magician's Nephew\" by Aurand Harris. In 1998 the Royal Shakespeare Company premiered \"The Lion, the Witch and the Wardrobe\". The novel was adapted for the stage by Adrian Mitchell, with music by Shaun Davey. The musical was originally directed by Adrian Noble and designed by Anthony Ward, with the revival directed by Lucy Pitman-Wallace. The production was well received and ran during the holiday season", + "score": 0.71044921875 + }, + { + "id": "7408066", + "title": "5th Avenue Theatre", + "text": "with the pre-Broadway world premieres of \"Shrek the Musical\", and \"Memphis\". Both went on to win Tony awards, Shrek winning one in 2009 and Memphis winning four, including Best Musical, in 2010. In the 2009\u20132010 season, they premiered \"Catch Me If You Can\", which premiered on Broadway in the spring of 2011. In their 2010\u20132011 season, they premiered \"A Christmas Story: The Musical\", based on the film of the same name, and more recently the premiere of \"Aladdin\", based on the Disney film \"Aladdin\". In the 2011-2012 season, \"First Date\" premiered as a co-production with ACT starring Eric Ankrim before", + "score": 0.71044921875 + }, + { + "id": "17075332", + "title": "Prince of Central Park (musical)", + "text": "Anne Worley quit a California production of \"Mame\" to join the cast on October 10 and the show's opening date was postponed until November 9 to allow her more time to rehearse. On October 24, 1989, \"Prince of Central Park\" began previews on Broadway at the Belasco Theatre and opened on November 9 with Worley and Blake in the leads. At 14, Blake became the youngest Broadway performer to have his name above the title of the show. The sets and costumes were designed by Michael Bottari and Ronald Case and the lighting design was by Norman Coates. The musical", + "score": 0.71044921875 + }, + { + "id": "18288007", + "title": "The Lion, the Witch and the Wardrobe (play)", + "text": "The Lion, the Witch and the Wardrobe (play) The Lion, the Witch and the Wardrobe is an American dramatization of \"The Lion, the Witch and the Wardrobe\" by C.S. Lewis, the British children's novel that inaugurated \"The Chronicles of Narnia\" in 1950. The one-act play for two actors was written by Le Clanch\u00e9 du Rand and published in 1989 by Dramatic Publishing of Woodstock, Illinois. It is licensed by Dramatic to theaters worldwide. One production opened in 2011 Off-Broadway in New York City. The play is currently running Off-Broadway at St. Luke's Theatre in New York City. The production is", + "score": 0.7099609375 + }, + { + "id": "1697141", + "title": "Cats (musical)", + "text": "fans who could not acquire a ticket for the final performance. It held the record as London's longest-running musical until 8 October 2006, when it was surpassed by \"Les Mis\u00e9rables\". The show made its debut on Broadway on 7 October 1982, at the Winter Garden Theater with the same production team. On 19 June 1997, \"Cats\" became the longest-running musical in Broadway history with 6,138 performances. It closed on 10 September 2000, after a total of 7,485 performances. Its Broadway record was surpassed on 9 January 2006 by \"The Phantom of the Opera\". It remains Broadway's fourth-longest-running show in history.", + "score": 0.7099609375 + }, + { + "id": "6731109", + "title": "Nala (The Lion King)", + "text": "Lion King\", which is expected to be released in July 19, 2019. The same day Shahadi Wright Joseph was cast as young Nala in the film. In the Broadway musical adaptation of \"The Lion King\", the role of Nala was originated by Trinidadian-American singer Heather Headley. Her Broadway debut, at first auditioning for the role proved a challenge for the singer due to her \"Ragtime\" contract, which her agent was eventually successful in getting her released from. Director Julie Taymor felt that Nala's journey in the film was underdeveloped and among the story's weaker elements, and thus decided to \"strengthen\"", + "score": 0.708984375 + }, + { + "id": "4837290", + "title": "Wicked (musical)", + "text": "surpassed $1 billion in total Broadway revenue, joining both \"The Phantom of the Opera\" and \"The Lion King\" as the only Broadway shows to do so. In July 2017, \"Wicked\" surpassed \"The Phantom of the Opera\" as Broadway's second-highest grossing show, trailing only \"The Lion King\". Composer and lyricist Stephen Schwartz discovered writer Gregory Maguire's 1995 novel \"Wicked: The Life and Times of the Wicked Witch of the West\" while on vacation, and saw its potential for a dramatic adaptation. Maguire, however, had released the rights to Universal Pictures, which had planned to develop a live-action feature film. In 1998,", + "score": 0.708984375 + }, + { + "id": "5309491", + "title": "Disney Theatrical Productions", + "text": "a one-act version of the stage musical (based on the adaptation) was made available on August 10, 2018 for licensing. Disney Theatrical Productions' \"Newsies\" debuted in cinemas on February 19, 2017. The show began previews in New York City on March 9, 1994 and officially opened at the Palace Theatre on April 18, 1994. The musical was the first Broadway adaptation by Disney, based on the 1991 animated film by Linda Woolverton and with music and lyrics by Alan Menken, Howard Ashman and Tim Rice. Several new songs were written for the Broadway musical, including \"Home\", a ballad sung by", + "score": 0.70849609375 + }, + { + "id": "14153154", + "title": "The Lion King (franchise)", + "text": "with Rafiki who gives him wisdom by narrating the past tales of the Pridelands. The story of the books was completely ignored by Disney in \"The Lion King\" sequels and isn't considered canon. \"The Legend of the Lion King\" was an underground stage performance retelling the story of the film using fully articulated puppets in Magic Kingdom's Fantasyland. This attraction ran from June 1994 to February 2002. A Broadway-caliber short-form stage musical named \"Festival of the Lion King\" is performed live in Disney's Animal Kingdom at Walt Disney World, Florida and in Adventureland at Hong Kong Disneyland. It uses the", + "score": 0.7080078125 + }, + { + "id": "2019816", + "title": "Jonathan Larson", + "text": "could no longer contain themselves and did the rest of the show as it was meant to be, minus costumes, to the crowd and the Larson family's approval. Once the show was over, there was a long applause followed by silence which was eventually broken when an audience member shouted out \"Thank you, Jonathan Larson.\" \"Rent\" played through its planned engagement to sold-out crowds and was continually extended. The decision was finally made to move the show to Broadway, and it opened at the Nederlander Theatre on April 29, 1996. In addition to the New York Theatre Workshop, \"Rent\" was", + "score": 0.70751953125 + }, + { + "id": "5354271", + "title": "Craig Lucas", + "text": "touches on several topics including the Iraq War, with Groff playing a young veteran, as well as homosexuality, alcoholism, and the definition of family. The play ran from November 14 (previews) through December 21. In June 2013, Melbourne's Regent Theatre hosted the world premiere (and Broadway try-out) of \"King Kong\", for which Lucas has provided the book with a score by Marius de Vries. As of 2014, Lucas is no longer involved with this musical. \"Am\u00e9lie\", a musical based on the award-winning film of 2001, premiered at the Berkeley Repertory Theatre (Berkeley, California) In September 2015, with a book by", + "score": 0.70751953125 + }, + { + "id": "3675192", + "title": "Newsies", + "text": "with fans before the show. The musical opened to previews on Broadway at the Nederlander Theatre for a limited engagement from March 15, 2012 to March 28, 2012 in previews and from March 29, 2012 to June 10, 2012 in its official engagement. This was later extended through August 19, 2012 after just the first weekend of previews and then extended again, this time to an open-ended run. They performed \"King of New York\" in the Thanksgiving Day Parade. The show went on to earn eight Tony Award nominations, including Best Musical, winning Best Choreography and Best Original Score. It", + "score": 0.70751953125 + }, + { + "id": "19643625", + "title": "The Prince of Egypt (musical)", + "text": "adrift on the Nile by his mother Yocheved, to an Egyptian prince, and finally into the savior of the Hebrews under the oppression of his brother, Ramses. \"Titles of songs which appeared in the original 1998 animated film are in bold. The characters and the cast of the initial readings and original planned productions: \"The Prince of Egypt\" made its debut at TheatreWorks Silicon Valley, at the Mountain View Center for the Performing Arts in Mountain View, California on October 6, 2017. The show also had a Danish production on April 6, 2018 at the Fredericia Teater. The Tuacahn Amphitheatre", + "score": 0.70751953125 + }, + { + "id": "7366285", + "title": "Minskoff Theatre", + "text": "Reynolds. Over the years it has served as host to musicals, dance companies, and concerts. In 1981, it hosted Miss Universe 1981, won by Irene Saez of Venezuela, as well as the transfer of Joseph Papp's production of \"The Pirates of Penzance\". In 1994, \"Sunset Boulevard\" was a hit at the theatre. In 2006, \"The Lion King\" transferred to the theatre, where it continues to run, as of 2017. In September 2007, a new set within the Minskoff space was created for the syndicated news magazine \"The Insider\", which had formerly been based on the second floor of Astor Plaza", + "score": 0.70703125 + } + ], + "answer": "The Lion King opened on Broadway more than once. It premiered on Broadway at the New Amsterdam Theatre in previews on October 15, 1997, then officially opened on Broadway on November 13, 1997. On June 13, 2006, the Broadway production moved to the Minskoff Theatre, another Broadway theater, where it is still running after more than 9,000 performances." + }, + { + "qa_pairs": [ + { + "context": "The 2006 FIFA World Cup Final was a football match that took place on 9 July 2006 at the Olympiastadion, Berlin, Germany, to determine the winner of the 2006 FIFA World Cup. Italy beat France 5\u20133 on penalties after the match finished 1\u20131 after extra time. France's Zinedine Zidane was sent off in his last-ever match, for headbutting Italy's Marco Materazzi's chest in retaliation to Materazzi's verbal provocation.", + "question": "Where is the stadium did italy win the world cup in 2006?", + "short_answers": [ + "Olympiastadion", + "Olympiastadion Berlin" + ], + "wikipage": "2006 FIFA World Cup Final" + }, + { + "context": "The 2006 FIFA World Cup Final was a football match that took place on 9 July 2006 at the Olympiastadion, Berlin, Germany, to determine the winner of the 2006 FIFA World Cup. Italy beat France 5\u20133 on penalties after the match finished 1\u20131 after extra time. France's Zinedine Zidane was sent off in his last-ever match, for headbutting Italy's Marco Materazzi's chest in retaliation to Materazzi's verbal provocation.", + "question": "Where is the location did italy win the world cup in 2006?", + "short_answers": [ + "Berlin, Germany", + "Berlin" + ], + "wikipage": "2006 FIFA World Cup Final" + }, + { + "context": "The 2006 FIFA World Cup Final was a football match that took place on 9 July 2006 at the Olympiastadion, Berlin, Germany, to determine the winner of the 2006 FIFA World Cup. Italy beat France 5\u20133 on penalties after the match finished 1\u20131 after extra time. France's Zinedine Zidane was sent off in his last-ever match, for headbutting Italy's Marco Materazzi's chest in retaliation to Materazzi's verbal provocation.", + "question": "In what location was the 2006 FIFA World Cup Final?", + "short_answers": [ + "Berlin, Germany" + ], + "wikipage": "2006 FIFA World Cup Final" + }, + { + "context": "The 2006 FIFA World Cup Final was a football match that took place on 9 July 2006 at the Olympiastadion, Berlin, Germany, to determine the winner of the 2006 FIFA World Cup. Italy beat France 5\u20133 on penalties after the match finished 1\u20131 after extra time. France's Zinedine Zidane was sent off in his last-ever match, for headbutting Italy's Marco Materazzi's chest in retaliation to Materazzi's verbal provocation.", + "question": "In what stadium was the 2006 FIFA World Cup Final?", + "short_answers": [ + "Olympiastadion" + ], + "wikipage": "2006 FIFA World Cup Final" + } + ], + "wikipages": [ + { + "title": "2006 FIFA World Cup Final", + "url": "https://en.wikipedia.org/wiki/2006%20FIFA%20World%20Cup%20Final" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "The 2006 FIFA World Cup Final was played on 9 July 2006 between France and Italy at the Olympiastadion in Berlin, Germany. " + }, + { + "knowledge": [ + { + "content": "The Italy national football team (Italian: Nazionale di calcio dell'Italia) has officially represented Italy in international football since its first match in 1910.", + "wikipage": "Italy national football team" + }, + { + "content": "Italy had won three of their previous finals (1934, 1938, 1982), losing two (1970, 1994), while France had won their only previous final (1998).", + "wikipage": "2006 FIFA World Cup Final" + }, + { + "content": "The World Cup final match is the last of the competition, and the result determines which country is declared world champions.", + "wikipage": "List of FIFA World Cup finals" + } + ], + "long_answer": "The Italy national football team defeated France and was declared world champions in the 2006 World Cup Final, the last match of the 2006 FIFA World Cup, at the Olympiastadion stadium in Berlin, Germany, on July 9, 2006. Italy had won three previous finals in 1934, 1938, 1982 and lost in 1970 and 1994, while France had won their only previous final in 1998." + } + ], + "sample_id": "-5485901134801622830", + "question": "Where did italy win the world cup in 2006?", + "docs": [ + { + "id": "1375674", + "title": "2006 FIFA World Cup", + "text": "and the tenth time that it was held in Europe. Italy won the tournament, claiming their fourth World Cup title. They defeated France 5\u20133 in a penalty shoot-out in the final, after extra time had finished in a 1\u20131 draw. Germany defeated Portugal 3\u20131 to finish in third place. Angola, Ghana, Ivory Coast, Trinidad and Tobago, and Togo made their first appearances in the finals. It was also the first appearance of Serbia and Montenegro under that name; they had previously appeared in 1998 as Yugoslavia. The 2006 World Cup stands as one of the most watched events in television", + "score": 0.78662109375, + "summary": "Germany hosted the 2006 FIFA World Cup, but Italy won the tournament, claiming their fourth World Cup title. The final match was a penalty shoot-out, where they defeated France 5-3. Therefore, Italy won the world cup in 2006.", + "extraction": "Italy won the tournament, claiming their fourth World Cup title. They defeated France 5-3 in a penalty shoot-out in the final. Therefore, Italy won the World Cup in 2006." + }, + { + "id": "14673647", + "title": "Italy at the FIFA World Cup", + "text": "three years preceding the Finals, is used to determine which teams qualify for the Finals. The current format of the Finals involves 32 teams competing for the title, at venues within the host nation (or nations) over a period of about a month. The World Cup Finals is the most widely viewed sporting event in the world, with an estimated 715.1 million people watching the 2006 tournament final. Italy is one of the most successful national teams in the history of the World Cup, having won four titles (1934, 1938, 1982, 2006), just one fewer than Brazil. The team was", + "score": 0.759765625, + "summary": "Italy won the World Cup in 2006.", + "extraction": "Italy won the World Cup in 2006." + }, + { + "id": "8077268", + "title": "2006 FIFA World Cup Final", + "text": "2006 FIFA World Cup Final The 2006 FIFA World Cup Final was a football match that took place on 9 July 2006 at the Olympiastadion, Berlin, Germany, to determine the winner of the 2006 FIFA World Cup. Italy beat France 5\u20133 on penalties after the match finished 1\u20131 after extra time. France's Zinedine Zidane was sent off in his last-ever match, for headbutting Italy's Marco Materazzi's chest in retaliation to Materazzi's verbal provocation. It was the first final since 1978 in which neither Germany nor Brazil competed (and the second since 1938); it was also the first all-European final since", + "score": 0.74609375, + "summary": "Italy won the 2006 FIFA World Cup Final in Berlin, Germany.", + "extraction": "Italy won the world cup in 2006 at the Olympiastadion in Berlin, Germany." + }, + { + "id": "1375673", + "title": "2006 FIFA World Cup", + "text": "2006 FIFA World Cup The 2006 FIFA World Cup was the 18th FIFA World Cup, the quadrennial international football world championship tournament. It was held from 9 June to 9 July 2006 in Germany, which won the right to host the event in July 2000. Teams representing 198 national football associations from all six populated continents participated in the qualification process which began in September 2003. Thirty-one teams qualified from this process, along with the host nation, Germany, for the finals tournament. It was the second time that Germany staged the competition (the first was in 1974 as West Germany),", + "score": 0.74462890625, + "summary": "Italy's victory location is irrelevant to the document.", + "extraction": "Italy won the World Cup in 2006 in Germany." + }, + { + "id": "8077281", + "title": "2006 FIFA World Cup Final", + "text": "agency Initiative Worldwide estimated a 260 million people viewership. The independent firm Initiative Futures Sport + Entertainment estimates it at 322 million viewers. 2006 FIFA World Cup Final The 2006 FIFA World Cup Final was a football match that took place on 9 July 2006 at the Olympiastadion, Berlin, Germany, to determine the winner of the 2006 FIFA World Cup. Italy beat France 5\u20133 on penalties after the match finished 1\u20131 after extra time. France's Zinedine Zidane was sent off in his last-ever match, for headbutting Italy's Marco Materazzi's chest in retaliation to Materazzi's verbal provocation. It was the first", + "score": 0.74462890625, + "summary": "Italy won the 2006 FIFA World Cup Final in Berlin, Germany.", + "extraction": "The 2006 FIFA World Cup Final was held at the Olympiastadion in Berlin, Germany, and Italy won the cup." + }, + { + "id": "8077269", + "title": "2006 FIFA World Cup Final", + "text": "Italy won the 1982 FIFA World Cup, and the second final to be decided on penalties (1994 was the first, with Italy losing on that occasion). It was also Italy's first world title in 24 years, and their fourth overall, putting them one ahead of Germany and only one behind Brazil. The penalty shoot-out victory for Italy was that country's first in the World Cup Finals: Italy's three previous penalty shoot-out competitions (including the 1994 final) had all been lost. The victory also led to Italy topping the FIFA World Rankings in February 2007 for the first time since November", + "score": 0.74072265625, + "summary": "Germany (irrelevant)", + "extraction": "Italy won the world title in 2006, but the passage does not mention where the World Cup was held that year. Therefore, the answer to the question is \"irrelevant\"." + }, + { + "id": "8236063", + "title": "1994 FIFA World Cup Final", + "text": "1994 FIFA World Cup Final The 1994 FIFA World Cup Final was a football match that took place at the Rose Bowl in Pasadena, California, United States, on 17 July 1994 to determine the winner of the 1994 FIFA World Cup. Brazil beat Italy 3\u20132 on penalties to claim their fourth World Cup title when the match finished 0\u20130 after extra time; this meant that Brazil surpassed Italy and Germany as the tournament's most successful nation. It was the first World Cup final to be both scoreless in regular and extra time and to be decided by a penalty shoot-out.", + "score": 0.7392578125, + "summary": "Irrelevant.", + "extraction": "Italy did not win the World Cup in 1994. Therefore, the answer to the question is \"irrelevant\"." + }, + { + "id": "1375718", + "title": "2006 FIFA World Cup", + "text": "hit the crossbar, landed on the goal line and went out. It was the first all-European final since Italy's triumph over West Germany in the 1982 World Cup, and the second final, after 1994, to be decided on penalties. It was also Italy's first world title in 24 years, and their fourth overall, making them the second most successful World Cup team ever. The victory also helped Italy top the FIFA World Rankings in February 2007 for the first time since November 1993. Miroslav Klose received the Golden Boot for scoring five goals in the World Cup. In total, 147", + "score": 0.73876953125, + "summary": "Italy won the 2006 FIFA World Cup, but the document does not provide information on where it was won.", + "extraction": "Italy won the world title in 2006." + }, + { + "id": "16762579", + "title": "Sport in Berlin", + "text": "Olympic Stadium, all involving Chile, against West Germany, East Germany and Australia. West Germany won 1-0, although the other matches were draws. The infamous match between the two German teams, however, was played in Hamburg. The 2006 FIFA World Cup Final was held on 9 July 2006 at Berlin's Olympiastadion to determine the winner of the 2006 FIFA World Cup. Italy beat France in a shootout after the match finished 1\u20131 after extra time. France's Zinedine Zidane was sent off in his last-ever match, for headbutting Italy's Marco Materazzi's chest in retaliation to verbal insults. In May 2013 the Olympiastadion", + "score": 0.73388671875, + "summary": "The 2006 FIFA World Cup Final was held in Berlin's Olympiastadion, where Italy beat France in a shootout after the match finished 1-1 after extra time.", + "extraction": "Italy beat France in a shootout after the match finished 1-1 after extra time." + }, + { + "id": "1375675", + "title": "2006 FIFA World Cup", + "text": "history, garnering an estimated 26.29 billion times viewed, compiled over the course of the tournament. The final attracted an estimated audience of 715.1 million people. The vote to choose the hosts of the 2006 tournament was held in July 2000 in Z\u00fcrich, Switzerland. It involved four bidding nations after Brazil had withdrawn three days earlier: Germany, South Africa, England and Morocco. Three rounds of voting were required, each round eliminating the nation with the fewest votes. The first two rounds were held on 6 July 2000, and the final round was held on 7 July 2000, which Germany won over", + "score": 0.73291015625, + "summary": "Irrelevant.", + "extraction": "Italy's victory location is not mentioned in the given passage, so the answer is \"irrelevant\"." + }, + { + "id": "1310174", + "title": "1994 FIFA World Cup", + "text": "final tournament remains the highest in World Cup history, despite the expansion of the competition from 24 to 32 teams (and from 52 to 64 games), which was first introduced at the 1998 World Cup and is the current format. Brazil won the tournament after beating Italy 3\u20132 in a penalty shoot-out at the Rose Bowl in Pasadena, California near Los Angeles, after the game had ended 0\u20130 after extra time. It was the first World Cup final to be decided on penalties. The victory made Brazil the first nation to win four World Cup titles. There were four new", + "score": 0.728515625, + "summary": "Italy lost to Brazil in the 1994 World Cup final in Pasadena, California. Irrelevant to the question of where Italy won the World Cup in 2006.", + "extraction": "Italy did not win the world cup in 1994, therefore the passage is irrelevant for answering the question." + }, + { + "id": "7010240", + "title": "2006 Six Nations Championship", + "text": "2006 Six Nations Championship The 2006 RBS 6 Nations Championship was the seventh series of the rugby union Six Nations Championship to be held since the competition expanded in 2000 to include Italy. Including the previous incarnations as the Home Nations and Five Nations, this was the 112th series of the northern hemisphere rugby union championship. This was the last Six Nations to be held before the redevelopment of Lansdowne Road into today's Aviva Stadium. Ireland played their 2007, 2008, 2009 and 2010 Six Nations home fixtures at Croke Park, also in Dublin. In this year, France won the competition", + "score": 0.72509765625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "12256299", + "title": "2008 FIFA Beach Soccer World Cup Final", + "text": "2008 FIFA Beach Soccer World Cup Final The 2008 FIFA Beach Soccer World Cup Final took place between Italy and Brazil on 27 July 2008 at the Plage du Prado. Brazil were the winners, winning by five goals to three. Brazil have beaten fifteen other teams to be crowned \"FIFA Beach Soccer World Cup 2008 Winners\". It was Brazil's third title in a row. Italy started their campaign in group B, with a good opening game against the Solomon Islands, winning 7-4. Italy confirmed their place in the quarter-finals, beating El Salvador 4-1 and taking themselves up to 6 points.", + "score": 0.7216796875, + "summary": "Irrelevant.", + "extraction": "Italy's victory in the World Cup in 2006 is irrelevant as the passage only talks about the 2008 FIFA Beach Soccer World Cup Final between Italy and Brazil, which Brazil won." + }, + { + "id": "12529957", + "title": "1982 FIFA World Cup Final", + "text": "1982 FIFA World Cup Final The 1982 FIFA World Cup Final was a football match contested between Italy and West Germany. It was the final match of the 1982 FIFA World Cup tournament and was played on 11 July 1982 at the Santiago Bernab\u00e9u Stadium in the Spanish capital and largest city of Madrid. Coming after their 1934 and 1938 victories, Italy had now drawn level with record champions Brazil. Italy's Paolo Rossi won the Golden Boot as the tournament's top goalscorer, and the Golden Ball as the tournament's best player (awarded for the first time). Captain and goalkeeper Dino", + "score": 0.71923828125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage only provides information about the 1982 FIFA World Cup Final and Italy's previous victories, but it does not mention the 2006 World Cup or where it was won." + }, + { + "id": "12529788", + "title": "1934 FIFA World Cup Final", + "text": "1934 FIFA World Cup Final The 1934 FIFA World Cup Final was the deciding match of the 1934 FIFA World Cup. It was contested by Italy and Czechoslovakia. Italy won the game 2-1 for their first World Cup title at the now-closed Stadio Nazionale PNF in Rome in temperatures approaching . The last living player from that final, Franti\u0161ek Pl\u00e1ni\u010dka, died on 20 July 1996. Czechoslovakia took the lead with 19 minutes remaining through Anton\u00edn Pu\u010d. They held the lead for only 10 minutes though, as Italy drew level through striker Raimundo Orsi. There were no more goals in regulation", + "score": 0.71484375, + "summary": "Irrelevant.", + "extraction": "Italy won the World Cup title at the Stadio Nazionale PNF in Rome." + }, + { + "id": "17612961", + "title": "Brazil at the 1970 FIFA World Cup", + "text": "Brazil was scored by Rivelino in the 89th minute, a powerful low left footed shot from the edge of the penalty area into the right corner of the net. The 1970 FIFA World Cup Final was contested by Brazil and Italy on 21 June 1970 in the Estadio Azteca in Mexico, to determine the winner of the 1970 FIFA World Cup. This final marked the first time that two former world champions met in a final; Italy had previously won the World Cup in 1934 and 1938, while Brazil won in 1958 and 1962. Brazil struck first, with Pel\u00e9 heading", + "score": 0.71484375, + "summary": "Italy won the 2006 World Cup. (irrelevant)", + "extraction": "Italy won the World Cup in 2006 is irrelevant. The passage only talks about the 1970 World Cup Final between Brazil and Italy." + }, + { + "id": "1375586", + "title": "1982 FIFA World Cup", + "text": "Tango Espa\u00f1a. 1982 FIFA World Cup The 1982 FIFA World Cup, the 12th FIFA World Cup, was held in Spain from 13 June to 11 July 1982. The tournament was won by Italy, who defeated West Germany 3\u20131 during the final match, held in the Spanish capital of Madrid. It was Italy's third World Cup win and first since 1938. The defending champions Argentina were eliminated in the second group round. Algeria, Cameroon, Honduras, Kuwait and New Zealand made their first appearances in the finals. The tournament featured the first penalty shoot-out in World Cup competition. It was also the", + "score": 0.7138671875, + "summary": "Italy won the World Cup in 2006. (irrelevant - the document discusses the 1982 FIFA World Cup)", + "extraction": "Italy won the World Cup in 2006 is irrelevant as the given passage is about the 1982 FIFA World Cup held in Spain." + }, + { + "id": "1375542", + "title": "1982 FIFA World Cup", + "text": "1982 FIFA World Cup The 1982 FIFA World Cup, the 12th FIFA World Cup, was held in Spain from 13 June to 11 July 1982. The tournament was won by Italy, who defeated West Germany 3\u20131 during the final match, held in the Spanish capital of Madrid. It was Italy's third World Cup win and first since 1938. The defending champions Argentina were eliminated in the second group round. Algeria, Cameroon, Honduras, Kuwait and New Zealand made their first appearances in the finals. The tournament featured the first penalty shoot-out in World Cup competition. It was also the third time", + "score": 0.71240234375, + "summary": "Italy won the 2006 FIFA World Cup. (irrelevant)", + "extraction": "Italy won the World Cup in 2006 is irrelevant to the given passage as it talks about the 1982 World Cup held in Spain." + }, + { + "id": "12523076", + "title": "1970 FIFA World Cup Final", + "text": "1970 FIFA World Cup Final The 1970 FIFA World Cup Final was held on Sunday, 21 June, in the Estadio Azteca in Mexico City, to determine the winner of the 1970 FIFA World Cup. This final, between Brazil and Italy, marked the first time that two former world champions met in a final; Italy had previously won the World Cup in 1934 and 1938, while Brazil won in 1958 and 1962. Before the finals in Mexico, Brazil had to play qualifying matches against Colombia, Venezuela and Paraguay. Brazil was far superior, winning all six games, scoring 23 goals and conceding", + "score": 0.71240234375, + "summary": "Italy won the World Cup in 2006. (irrelevant)", + "extraction": "Italy won the World Cup in 2006 is irrelevant to the given passage about the 1970 FIFA World Cup Final, as it does not provide any information about the 2006 tournament." + }, + { + "id": "5903419", + "title": "Italy v West Germany (1970 FIFA World Cup)", + "text": "Italy v West Germany (1970 FIFA World Cup) The semi-final of the 1970 FIFA World Cup between Italy and West Germany is known as the \"Game of the Century\" (; ; ). It was played on 17 June 1970 at the \"Estadio Azteca\" in Mexico City. Italy won 4\u20133 after five goals were scored in extra time, a record number of scored goals during any 2x15 minute extra time during a FIFA World Cup game. The record is still standing after the 2018 World Cup. Four goals in extra time were scored in the 1982 semifinal between West Germany and", + "score": 0.7119140625, + "summary": "Irrelevant.", + "extraction": "Italy won the World Cup in 2006 is not mentioned in the passage, so the answer is \"irrelevant\"." + }, + { + "id": "8020531", + "title": "2006 FIFA World Cup Group E", + "text": "Rossi was sent off in the 28th minute after elbowing U.S. striker Brian McBride in a rash challenge that left the American with blood all over his face and requiring three stitches under his left eye. FIFA banned De Rossi for four matches (allowing him to return in the final) and fined him 10,000 CHF (\u00a34,500). 2006 FIFA World Cup Group E Play in Group E of the 2006 FIFA World Cup began on 12 June and completed on 22 June 2006. Italy won the group, and advanced to the second round, along with Ghana. The Czech Republic and the", + "score": 0.71142578125 + }, + { + "id": "8236003", + "title": "2002 FIFA World Cup Final", + "text": "Blatter and former Brazilian World Cup winner Pel\u00e9 handed the trophy to Brazilian captain Cafu on the pitch stage. 2002 FIFA World Cup Final The 2002 FIFA World Cup Final was a football match that took place on 30 June 2002 at the International Stadium in Yokohama to determine the winner of the 2002 FIFA World Cup. The final was contested by Germany and Brazil. It was the first World Cup meeting between the two sides. Brazil won the match 2\u20130, winning a record fifth title. Ronaldo, who became the record World Cup goalscorer at the 2006 tournament, scored two", + "score": 0.70947265625 + }, + { + "id": "12523082", + "title": "1970 FIFA World Cup Final", + "text": "
Match rules: 1970 FIFA World Cup Final The 1970 FIFA World Cup Final was held on Sunday, 21 June, in the Estadio Azteca in Mexico City, to determine the winner of the 1970 FIFA World Cup. This final, between Brazil and Italy, marked the first time that two former world champions met in a final; Italy had previously won the World Cup in 1934 and 1938, while Brazil won in 1958 and 1962. Before the finals in Mexico, Brazil had to play qualifying matches against Colombia, Venezuela and Paraguay. Brazil was far superior, winning all six games,", + "score": 0.708984375 + }, + { + "id": "2283789", + "title": "Italy national football team", + "text": "Spain at their quarter-final match in Boston to seal a 2\u20131 win and two goals against Bulgaria in their semi-final match in New York City for another 2\u20131 win. In the final, which took place in Los Angeles's Rose Bowl stadium 2,700 miles (4,320 km) and three time zones away from the Atlantic Northeast part of the United States where they had played all their previous matches, Italy, who had 24 hours less rest than Brazil, played 120 minutes of scoreless football, taking the match to a penalty shootout, the first time a World Cup final was settled in a", + "score": 0.7080078125 + }, + { + "id": "10135860", + "title": "Football in Berlin", + "text": "matches at Berlin's Olympic Stadium, all involving Chile, against West Germany, East Germany and Australia. West Germany won 1-0, although the other matches were draws. The infamous match between the two German teams, however, was played in Hamburg. The 2006 FIFA World Cup Final was held on 9 July 2006 at Berlin's Olympiastadion to determine the winner of the 2006 FIFA World Cup. Italy beat France in a shootout after the match finished 1\u20131 after extra time. France's Zinedine Zidane was sent off in his last-ever match, for headbutting Italy's Marco Materazzi's chest in retaliation to verbal insults. According to", + "score": 0.70751953125 + }, + { + "id": "17626466", + "title": "France at the FIFA World Cup", + "text": "3\u20130 in the final match. The tournament was hosted in France once before in 1938, where France was eliminated by defending champions Italy in the quarter finals. In 2006, France finished as runners-up, losing on penalties (5\u20133) to Italy after the game was tied 1\u20131 after 120 minutes. The team has also finished in third place on two occasions, in 1958 and 1986, and in fourth place once, in 1982. In 2018 France won the World Cup for the second time 4\u20132 against Croatia in Luzhniki Stadium, Russia. The 1998 final was held on 12 July at the Stade de", + "score": 0.70654296875 + }, + { + "id": "8235977", + "title": "2002 FIFA World Cup Final", + "text": "2002 FIFA World Cup Final The 2002 FIFA World Cup Final was a football match that took place on 30 June 2002 at the International Stadium in Yokohama to determine the winner of the 2002 FIFA World Cup. The final was contested by Germany and Brazil. It was the first World Cup meeting between the two sides. Brazil won the match 2\u20130, winning a record fifth title. Ronaldo, who became the record World Cup goalscorer at the 2006 tournament, scored two of his fifteen World Cup goals in the second half of the match, leading Brazil to the title and", + "score": 0.70556640625 + }, + { + "id": "1375617", + "title": "1990 FIFA World Cup", + "text": "1990 FIFA World Cup The 1990 FIFA World Cup was the 14th FIFA World Cup, the quadrennial international football tournament. It was held from 8 June to 8 July 1990 in Italy, the second country to host the event twice (the first being Mexico in 1986). Teams representing 116 national football associations entered and qualification began in April 1988. 22 teams qualified from this process, along with host nation Italy and defending champions Argentina. The tournament was won by West Germany, their third World Cup title. They beat Argentina 1\u20130 at the Stadio Olimpico in Rome, a rematch of the", + "score": 0.70458984375 + }, + { + "id": "2283802", + "title": "Italy national football team", + "text": "post and the crossbar respectively, Fabio Grosso scored in the 119th minute after a disguised Andrea Pirlo pass found him open in the penalty area for a bending left-footed shot into the far corner past German goalkeeper Jens Lehmann's dive. Substitute striker Alessandro Del Piero then sealed the victory by scoring with the last kick of the game at the end of a swift counterattack by Cannavaro, Totti and Gilardino. The \"Azzurri\" won their fourth World Cup, defeating their long-time rivals France in Berlin, on 9 July, 5\u20133 on penalty kicks after a 1\u20131 draw at the end of extra", + "score": 0.703125 + }, + { + "id": "16539886", + "title": "2007 FIFA Women's World Cup Final", + "text": "2007 FIFA Women's World Cup Final The final of the 2007 FIFA Women's World Cup was played between Germany and Brazil. The match took place at the Hongkou Football Stadium, in Shanghai, China, on 30 September 2007. The match was between Germany, who had won the previous Women's World Cup final and Brazil, who had never won a major world title, or indeed even reached the finals of a Women's World Cup. This was the first time in the history of the Women's World Cup that a European and South American had met each other in the final. Germany had", + "score": 0.701171875 + }, + { + "id": "1375693", + "title": "2006 FIFA World Cup", + "text": "of the 2006 World Cup began on 9 June. The 32 teams were divided into eight groups of four teams each, within which the teams competed in a round-robin tournament to determine which two of those four teams would advance to the sixteen-team knock-out stage, which started on 24 June. In total, 64 games were played. Although Germany failed to win the Cup, the tournament was considered a great success for Germany in general. Germany also experienced a sudden increase in patriotic spirit with flag waving, traditionally frowned upon by German society since World War II, whenever the German team", + "score": 0.7001953125 + }, + { + "id": "8073906", + "title": "2003 Six Nations Championship", + "text": "2003 Six Nations Championship The 2003 Six Nations Championship was the fourth series of the rugby union Six Nations Championship, and the 109th international championship overall. The annual tournament was won by England, who completed a grand slam, and went on to win the 2003 Rugby World Cup later the same year. Italy won their first match with Wales (30-22), finishing in 5th place for the first time in the process. This was the sixth time in the Championship's history, but the first time since it became the Six Nations, that two teams met in the final round with undefeated", + "score": 0.69970703125 + }, + { + "id": "2283823", + "title": "Italy national football team", + "text": "the 2006 World Cup. Italy defeated reigning European champions Spain 2\u20130 in the round of 16 match on 27 June. Italy then faced off against the reigning World champions, rivals Germany, in the quarter-finals. Mesut \u00d6zil opened the scoring in the 65th minute for Germany, before Leonardo Bonucci converted a penalty in the 78th minute for Italy. The score remained 1\u20131 after extra time and Germany beat Italy 6\u20135 in the ensuing penalty shoot-out. It was the first time Germany overcame Italy in a major tournament, however, since the win occurred on penalties, it is statistically considered a draw. For", + "score": 0.69775390625 + }, + { + "id": "7010241", + "title": "2006 Six Nations Championship", + "text": "on points difference over Ireland. Ireland received the consolation prize of the Triple Crown Trophy, presented for the first time that year, by winning their matches against the other Home Nations: Wales, Scotland and England. Italy once more collected the Wooden Spoon, but showed considerable improvement over past years, earning a first-ever competition point away from home in a draw against Wales. For the first time since 2000, Scotland won the Calcutta Cup. The teams involved were: 2006 Six Nations Championship The 2006 RBS 6 Nations Championship was the seventh series of the rugby union Six Nations Championship to be", + "score": 0.697265625 + }, + { + "id": "1853079", + "title": "Germany national football team", + "text": "the criticism as the team was ranked only 22nd in the world entering the 2006 FIFA World Cup. As World Cup hosts, Germany won all three group-stage matches to finish top of their group. The team defeated Sweden 2\u20130 in the round of 16. Germany faced Argentina in the quarter-finals. The match ended 1\u20131, and Germany won the penalty shootout 4\u20132. In the semi-final against Italy, the match was scoreless until near the end of extra time when Germany conceded two goals. In the third place match, Germany defeated Portugal 3\u20131. Miroslav Klose was awarded the Golden Boot for his", + "score": 0.697265625 + }, + { + "id": "736399", + "title": "1966 FIFA World Cup", + "text": "by Mexico in 1970. It was boycotted by most independent countries from Africa who objected to the qualification requirements. Despite this, the number of entries for the qualifying tournament was a new record, with 70 nations. England was chosen as host of the 1966 World Cup in Rome, Italy on 22 August 1960, over rival bids from West Germany and Spain. This is first tournament to be held in a country that was affected directly by World War II, as the four previous tournaments were either held in countries out of war theatres or in neutral countries. Despite the Africans'", + "score": 0.69677734375 + }, + { + "id": "736397", + "title": "1966 FIFA World Cup", + "text": "1966 FIFA World Cup The 1966 FIFA World Cup was the eighth FIFA World Cup and was held in England from 11 to 30 July 1966. England beat West Germany 4\u20132 in the final, winning the Jules Rimet Trophy. It is England's only FIFA World Cup title. They were the fifth nation to win and the third host nation to win after Uruguay in 1930 and Italy in 1934. Notable performances were made by the two debutants Portugal, ending third, and North Korea, getting to the quarter finals after a 1\u20130 win against Italy. Also notable was the elimination of", + "score": 0.69677734375 + }, + { + "id": "8014477", + "title": "2006 FIFA World Cup Group C", + "text": "fact that only one side \u2013 Argentina \u2013 had qualified for the previous World Cup. \"All times local (CEST/UTC+2)\" 2006 FIFA World Cup Group C Play in Group C of the 2006 FIFA World Cup began on 10 June and completed on 21 June 2006. Argentina won the group, and advanced to the second round, along with Netherlands. The two sides tied for points in the standings, but Argentina won the tie-break on goal difference, and so won the group with the Netherlands in second place. Ivory Coast and Serbia and Montenegro failed to advance. Upon completion of the draw", + "score": 0.69677734375 + }, + { + "id": "1375672", + "title": "1990 FIFA World Cup", + "text": "World Cup finals based on progress in the competition, overall results and quality of the opposition. 1990 FIFA World Cup The 1990 FIFA World Cup was the 14th FIFA World Cup, the quadrennial international football tournament. It was held from 8 June to 8 July 1990 in Italy, the second country to host the event twice (the first being Mexico in 1986). Teams representing 116 national football associations entered and qualification began in April 1988. 22 teams qualified from this process, along with host nation Italy and defending champions Argentina. The tournament was won by West Germany, their third World", + "score": 0.69580078125 + }, + { + "id": "701725", + "title": "1938 FIFA World Cup", + "text": "1938 FIFA World Cup The 1938 FIFA World Cup was the third staging of the World Cup, and was held in France from 4 to 19 June 1938. Italy retained the championship by beating Hungary 4\u20132 in the final. Italy's 1934 and 1938 teams became the only ones to have won two World Cups under the same coach, Vittorio Pozzo. France was chosen as host nation by FIFA in Berlin on 13 August 1936. France was chosen over Argentina and Germany in the first round of voting. The decision to hold a second consecutive tournament in Europe (after Italy in", + "score": 0.6953125 + }, + { + "id": "19192961", + "title": "History of the Italy national football team", + "text": "found him open in the penalty area for a bending left-footed shot into the far corner past German goalkeeper Jens Lehmann's dive. Substitute striker Alessandro Del Piero then sealed the victory by scoring with the last kick of the game at the end of a swift counterattack by Cannavaro, Totti and Gilardino. The \"Azzurri\" won their fourth World Cup, defeating their long-time rivals France in Berlin, on 9 July, 5\u20133 on penalty kicks after a 1\u20131 draw at the end of extra time in the final. French captain Zinedine Zidane opened the scoring in the seventh minute with a chipped", + "score": 0.6943359375 + }, + { + "id": "7571016", + "title": "History of the FIFA World Cup", + "text": "match ever. The tournament was a successful one for teams traditionally regarded as minnows, with South Korea, Senegal and the United States all reaching the last eight. Brazil beat Germany 2\u20130 in the final for their fifth title. The Turkish Hakan Sukur made history by scoring the earliest World Cup goal of all time against South Korea at only 11 seconds. The 2006 World Cup was held in Germany. It was the first World Cup for which the previous winner had to qualify; the host nation(s) continue to receive an automatic berth. Four African teams also made their debut in", + "score": 0.69384765625 + }, + { + "id": "8020530", + "title": "2006 FIFA World Cup Group E", + "text": "2006 FIFA World Cup Group E Play in Group E of the 2006 FIFA World Cup began on 12 June and completed on 22 June 2006. Italy won the group, and advanced to the second round, along with Ghana. The Czech Republic and the United States failed to advance. \"All times local (CEST/UTC+2)\" Tom\u00e1\u0161 Ujfalu\u0161i was sent off in the 65th minute after tripping Matthew Amoah in the penalty box from behind. Asamoah Gyan took the penalty kick but struck the post, and then received a yellow card for taking the shot without the referee's permission. Italy midfielder Daniele De", + "score": 0.69384765625 + }, + { + "id": "1375697", + "title": "2006 FIFA World Cup", + "text": "claim the Golden Boot, the lowest total to win the prize since 1962. No other player scored more than three goals. No player from the winning Italian squad scored more than two goals, though ten players had scored for the team, tying France's record in 1982 for the most goalscorers from any one team. For the first time ever in the FIFA World Cup, the first and last goals of the tournament were scored by defenders. Philipp Lahm, the German left wingback, scored the opener against Costa Rica after only 5 minutes of the opening match. In the final, Marco", + "score": 0.69384765625 + }, + { + "id": "15216911", + "title": "2007 FIFA Beach Soccer World Cup Final", + "text": "2007 FIFA Beach Soccer World Cup Final The 2007 FIFA Beach Soccer World Cup Final took place between Mexico and Brazil on 11 November 2007 at Copacabana Beach, Rio de Janeiro. Brazil were the winners, winning by eight goals to two. Brazil have beaten fifteen other teams to be crowned \"2007 FIFA Beach Soccer World Cup Winners\". It was Brazil's second title in a row. Mexico started their campaign in group A, along with Brazil, with a tight opening game against Russia, with Mexico eventually seeing them off 2-1 on penalties to earn 2 points. Things were looking bad for", + "score": 0.69384765625 + }, + { + "id": "5921325", + "title": "2006 Fed Cup", + "text": "2006 Fed Cup The 2006 Fed Cup was the 44th edition of the most important competition between national teams in women's tennis. The final took place at Spiroudome in Charleroi, Belgium, on 16\u201317 September. The home team, Belgium, lost to Italy, 2\u20133, giving Italy their first title in their first final and Belgium's second final. The four losing teams in the World Group first round ties (Austria, France, Germany and Russia), and four winners of the World Group II ties (China, Croatia, Czech Republic and Japan) entered the draw for the World Group Play-offs. Date: 15\u201316 July The World Group", + "score": 0.69091796875 + }, + { + "id": "1375716", + "title": "2006 FIFA World Cup", + "text": "goal line before it spun back up, hit the crossbar again and rebounded out of the goal. Marco Materazzi then levelled the scores in the 19th minute following an Andrea Pirlo corner. Both teams had chances to score the winning goal in normal time: Luca Toni hit the crossbar in the 35th minute for Italy (he later had a header disallowed for offside), while France were not awarded a possible second penalty in the 53rd minute when Florent Malouda went down in the box after a tackle from Gianluca Zambrotta. At the end of the regulation 90 minutes, the score", + "score": 0.6904296875 + }, + { + "id": "11311646", + "title": "2007 FIFA Club World Cup Final", + "text": "2007 FIFA Club World Cup Final The 2007 FIFA Club World Cup Final took place at the Nissan Stadium, Yokohama, Japan on 16 December 2007. The match pitted Milan of Italy, the UEFA club champions, against Boca Juniors of Argentina, the CONMEBOL club champions. Milan won 4\u20132 in a match watched by 68,263 people. In doing so, Milan won their fourth FIFA Club World Cup/Intercontinental Cup and avenged their 2003 Intercontinental Cup defeat to Boca Juniors. Milan also overtook Boca Juniors, Nacional, Pe\u00f1arol, Real Madrid and S\u00e3o Paulo as the only team to have won the competition four times. Kak\u00e1", + "score": 0.6904296875 + }, + { + "id": "7155981", + "title": "Timeline of association football", + "text": "though it does not directly affect the Bundesliga. The Australian A-League is launched in replacement of the NSL to improve the quality of the game in the country. The 2006 World Cup is held in Germany and won by Italy on a penalty kick shootout over France, and Zinedine Zidane plays his last professional game in the final captaining France only to be sent off in extra time. A major match-fixing scandal erupts in Italy, with five Serie A teams implicated. Egypt record victory for the fifth time in the African Cup of Nations. Brazil wins the 42nd edition of", + "score": 0.68994140625 + }, + { + "id": "1160094", + "title": "1998 FIFA World Cup", + "text": "For the first time in the competition, the group stage was expanded from 24 teams to 32, with eight groups of four. 64 matches were played in 10 stadiums in 10 host cities, with the opening match and final staged at the Stade de France, Saint-Denis. The tournament was won by host country France, who beat defending champions Brazil 3\u20130 in the final. France won their first title, becoming the seventh nation to win a World Cup, and the sixth (after Uruguay, Italy, England, West Germany and Argentina) to win the tournament on home soil. Croatia, Jamaica, Japan and South", + "score": 0.68994140625 + }, + { + "id": "14632601", + "title": "2009 FIFA Beach Soccer World Cup Final", + "text": "2009 FIFA Beach Soccer World Cup Final The 2009 FIFA Beach Soccer World Cup Final took place between Switzerland and Brazil on 22 November 2009 at Jumeirah Beach, Dubai. Brazil were the winners, winning by ten goals to five. Brazil have beaten fifteen other teams to be crowned \"FIFA Beach Soccer World Cup 2009 Winners\". It was Brazil's fourth title in a row. Switzerland started their campaign in group D, along with winners Brazil, with a close win against the Bahrain, winning 6-5. Switzerland confirmed their place in the quarter-finals by beating Nigeria in their second game 7-2 and taking", + "score": 0.689453125 + }, + { + "id": "631556", + "title": "2002 FIFA World Cup", + "text": "The tournament was criticized for many poor and questionable refereeing decisions. South Korea in particular faced scrutiny and allegations of corruption due to the favorable decisions they received in their controversial victories over Italy in the Round of 16 and over Spain in the Quarterfinals. The official FIFA cultural event of the 2002 World Cup was a flag festival called \"Poetry of the Winds\". Held in Nanjicheon Park, an area of the World Cup Park close to the stadium, \"Poetry of the Winds\" was exhibited from 29 May to 25 June in order to wish success upon the World Cup", + "score": 0.689453125 + }, + { + "id": "11705882", + "title": "2009 Six Nations Championship", + "text": "2009 Six Nations Championship The 2009 Six Nations Championship, known as the 2009 RBS 6 Nations because of the tournament's sponsorship by The Royal Bank of Scotland, was the 10th Six Nations Championship, and the 115th international championship, an annual rugby union competition contested by the six major Northern Hemisphere national teams. The tournament was held between 7 February and 21 March 2009. The championship was contested by England, France, Ireland, Italy, Scotland and Wales. Ireland won the Grand Slam and Triple Crown, their first Grand Slam since 1948 and Triple Crown since 2007. It was Ireland's second Grand Slam", + "score": 0.689453125 + }, + { + "id": "8013656", + "title": "2006 FIFA World Cup Group A", + "text": "2006 FIFA World Cup Group A Play in Group A of the 2006 FIFA World Cup began on 9 June and completed on 20 June 2006. Germany won the group, and advanced to the second round, along with Ecuador. Poland and Costa Rica were eliminated. \"All times local (CEST/UTC+2)\" After just six minutes, Philipp Lahm put Germany in front with a curling shot from outside the penalty area that beat Jos\u00e9 Porras and flew into the top corner. However, Costa Rica's Paulo Wanchope equalized minutes later after breaching the German defence. Germany retained their lead five minutes later when Miroslav", + "score": 0.68896484375 + }, + { + "id": "8236113", + "title": "1990 FIFA World Cup Final", + "text": "1990 FIFA World Cup Final The 1990 FIFA World Cup Final was a football match played between West Germany and Argentina to determine the winner of the 1990 FIFA World Cup. The game took place on 8 July 1990 at the Stadio Olimpico in Italy's capital and largest city, Rome, and was won 1\u20130 by West Germany, with a late penalty kick taken by Andreas Brehme being the game's only goal. The match marked several firsts in World Cup history. This was the first-ever rematch of a final and, to date, the only back-to-back rematch, as Argentina defeated West Germany", + "score": 0.6884765625 + }, + { + "id": "15476060", + "title": "Italy v Brazil (1982 FIFA World Cup)", + "text": "Italy v Brazil (1982 FIFA World Cup) Italy v Brazil was a football match that took place between Brazil and Italy at Estadio Sarri\u00e1, Barcelona on 5 July 1982. It was the final second round group stage match for Group C in the 1982 FIFA World Cup. The match was won by Italy 3\u20132, with Italian striker Paolo Rossi scoring a hat-trick. The result eliminated Brazil from the tournament while Italy would go on to win it. The match has been described as one of the greatest football matches of all time. Brazil had won all four of their matches", + "score": 0.68798828125 + }, + { + "id": "8236064", + "title": "1994 FIFA World Cup Final", + "text": "Silver Ball winner Roberto Baggio missed the decisive penalty. Brazil had previously beaten Italy in the 1970 final, marking the 1994 final as the second time that the same teams had met in two different World Cup finals, after Argentina and Germany met in 1986 and 1990. Played at 12:30 local time, this was the most recent World Cup final to be played in a broad daylight. FIFA awarded the final match of the tournament to this famous college sports stadium near Los Angeles on 30 June 1992; the Rose Bowl was the largest stadium used for this tournament. The", + "score": 0.68798828125 + }, + { + "id": "8067663", + "title": "2007 Six Nations Championship", + "text": "2007 Six Nations Championship The 2007 RBS 6 Nations Championship was the eighth series of the rugby union Six Nations Championship. Including the previous incarnations as the Home Nations and Five Nations, this was the 113th series of the international championship. Fifteen matches were played over five weekends from 3 February to 17 March. In this year, France again won on points difference above Ireland, after four teams had at least a mathematical chance of topping the table going into the final week. Italy had their first away win of the tournament, beating Scotland in Edinburgh. It was also the", + "score": 0.68798828125 + }, + { + "id": "9060345", + "title": "2000 Six Nations Championship", + "text": "2000 Six Nations Championship The 2000 Six Nations Championship was the first series of the rugby union Six Nations Championship, following the inclusion of Italy into the Five Nations championship. It was the 106th international championship overall. The championship was won by England. England won their first four games and met winless Scotland in their final match. Scotland earned a surprising victory and denied England the Grand Slam. Italy won their first game in the championship with a surprising 34\u201320 win over Scotland, who had won the previous year's Five Nations. Italy did not win any of their other games,", + "score": 0.68701171875 + }, + { + "id": "14666737", + "title": "2007 Cricket World Cup Final", + "text": "2007 Cricket World Cup Final The final of the 2007 ICC Cricket World Cup was played on 28 April 2007 at the Kensington Oval, Barbados. Australia defeated Sri Lanka by 53 runs (under the Duckworth\u2013Lewis method) to win their 4th World Cup and 3rd in succession. Australia reached the final by defeating South Africa by 7 wickets, while Sri Lanka reached the final by defeating New Zealand by 81 runs in the semi-finals. This was the first World Cup final to be a repeat \u2013 the sides previously met in the 1996 World Cup Final, which Sri Lanka won. Australia", + "score": 0.68701171875 + }, + { + "id": "705171", + "title": "1934 FIFA World Cup", + "text": "European team to win, beating Czechoslovakia 2\u20131 in the final. Like the Berlin Olympics two years later, the 1934 World Cup was a high-profile instance of a sporting event being used for overt political gain. Benito Mussolini was keen to use the tournament as a means of promoting fascism. The Federale 102, which was manufactured in Italy, was the match ball provided for the 1934 World Cup. After a lengthy decision-making process in which FIFA's executive committee met eight times, Italy was chosen as the host nation at a meeting in Stockholm on 9 October 1932. The decision was taken", + "score": 0.6865234375 + }, + { + "id": "5227025", + "title": "2006 FIBA World Championship", + "text": "2006 FIBA World Championship The 2006 FIBA World Championship was the 15th FIBA World Championship, the international basketball world championship for men's teams. The tournament was hosted by Japan and held from August 19 to September 3, 2006. It was co-organised by the International Basketball Federation (FIBA), Japan Basketball Association (JABBA) and the 2006 Organizing Committee. For the first time since 1986, the World Championship was contested by 24 nations, eight more than in 2002. As a result, group rounds were conducted in four cities, with the knockout rounds being hosted by Saitama City. The tournament was won by Spain,", + "score": 0.68603515625 + }, + { + "id": "8113650", + "title": "Joachim Lo\u0308w", + "text": "(15 in 5 matches) of any team in the tournament. Germany opened the 2006 World Cup on 9 June in Munich with a 4\u20132 victory against Costa Rica in an exciting match. A last minute 1\u20130 win over Poland and a 3\u20130 over Ecuador followed. Germany defeated Sweden in the round of 16 with two Lukas Podolski goals, followed by a grueling battle with Argentina. In the penalties after finishing extra time at 1\u20131, the coaching staff gave Jens Lehmann a prepared list of possible Argentinian penalty takers and their preferred way to shoot, which was reported to have helped", + "score": 0.68603515625 + }, + { + "id": "1375686", + "title": "2006 FIFA World Cup", + "text": "the lowest ranked team that did qualify was Togo (ranked 61st). The following 32 teams, shown with final pre-tournament rankings, qualified for the final tournament: In 2006, Germany had a plethora of football stadia that satisfied FIFA's minimum capacity of 40,000 seats for World Cup matches. The still-standing Olympiastadion in Munich (69,250), the venue for the 1974 final match was not used for the tournament, even though FIFA's regulations allow one city to use two stadia. D\u00fcsseldorf's LTU Arena (51,500), Bremen's Weserstadion (43,000) and M\u00f6nchengladbach's Borussia-Park (46,249) were also not used. Twelve stadia were selected to host the World Cup", + "score": 0.685546875 + }, + { + "id": "8750151", + "title": "2006 FIFA Beach Soccer World Cup", + "text": "2006 FIFA Beach Soccer World Cup The 2006 FIFA Beach Soccer World Cup was the second edition of the FIFA Beach Soccer World Cup, governed by FIFA. Previous editions before 2005 were not governed by FIFA and were held under the title \"Beach Soccer World Championships\". Overall this was the twelfth edition of the World Cup since its establishment in 1995. It took place in Rio de Janeiro, Brazil, from 2\u201312 November 2006. The winners of the tournament were hosts Brazil, who won their first FIFA Beach Soccer World Cup title and their tenth title overall. After the 2005 World", + "score": 0.685546875 + }, + { + "id": "145437", + "title": "FIFA World Cup", + "text": "two titles each; and England and Spain with one title each. The World Cup is the most prestigious association football tournament in the world, as well as the most widely viewed and followed sporting event in the world, exceeding even the Olympic Games; the cumulative viewership of all matches of the 2006 World Cup was estimated to be 26.29 billion with an estimated 715.1 million people watching the final match, a ninth of the entire population of the planet. 17 countries have hosted the World Cup. Brazil, France, Italy, Germany and Mexico have each hosted twice, while Uruguay, Switzerland, Sweden,", + "score": 0.68505859375 + }, + { + "id": "14207117", + "title": "2010 FIFA World Cup Final", + "text": "2010 FIFA World Cup Final The 2010 FIFA World Cup Final (also known as the Battle of Johannesburg) was a football match that took place on 11 July 2010 at Soccer City in Johannesburg, South Africa, to determine the winner of the 2010 FIFA World Cup. Spain defeated the Netherlands 1\u20130 with a goal from Andr\u00e9s Iniesta four minutes from the end of extra time. English referee Howard Webb was selected to officiate the match, which was marked by an unusually high number of yellow cards. With both the Netherlands and Spain attempting to win their first FIFA World Cup,", + "score": 0.68505859375 + }, + { + "id": "9740282", + "title": "2007 Fed Cup", + "text": "2007 Fed Cup The 2007 Fed Cup was the 45th edition of the most important competition between national teams in women's tennis. The final took place at the Luzhniki Palace of Sports in Moscow, Russia, on 15\u201316 September. The home team, Russia, defeated the defending champions, Italy, 0\u20134, giving Russia their third title in four years. The four losing teams in the World Group first round ties (Belgium, China, Japan and Spain), and four winners of the World Group II ties (Austria, Czech Republic, Germany and Israel) entered the draw for the World Group Play-offs. Date: 14\u201315 July The World", + "score": 0.68505859375 + }, + { + "id": "10845069", + "title": "History of Real Madrid C.F.", + "text": "four teams of the Primera Divisi\u00f3n to back the strike called on 11 April 1982. On that day, the Whites played at Castell\u00f3n with Castilla footballers and defeated the hosts 1\u20132. The Final of the 1982 FIFA World Cup took place at the Santiago Bernab\u00e9u. In a thrilling match, Italy outplayed West Germany and won 3\u20131. What most spectators will remember most from that 11 July 1982 was the joy that overcame President of Italy Sandro Pertini each time the Italian side scored. With the presidential elections on the horizon, candidate Luis de Carlos introduced Alfredo Di St\u00e9fano and Amancio", + "score": 0.6845703125 + }, + { + "id": "2283791", + "title": "Italy national football team", + "text": "1998 World Cup, Italy drew 0\u20130 to England on the last day of Group 2 matches as Italy finished in second place, one point behind England. Italy were then required to go through the play-off against Russia, advancing 2\u20131 on aggregate on 15 November 1997 with the winner coming from Pierluigi Casiraghi. In the final tournament, Italy found themselves in another critical shootout for the third World Cup in a row. The Italian side, where Alessandro Del Piero and Baggio renewed the controversial \"staffetta\" (\"relay\") between Mazzola and Rivera from 1970, held the eventual World Champions and host team France", + "score": 0.68408203125 + }, + { + "id": "11014381", + "title": "2007 Rugby World Cup Final", + "text": "2007 Rugby World Cup Final The 2007 Rugby World Cup Final was a rugby union match, played on Saturday, 20 October 2007 at the Stade de France, Saint-Denis, Paris, to determine the winner of the 2007 Rugby World Cup. South Africa beat England 15-6. Having also won the 1995 tournament, South Africa became the second country to win two World Cups, following Australia, who won in 1991 and 1999. The two teams, who won their semi-finals against France and Argentina respectively, had met earlier in the competition, during the pool stage, when South Africa won 36\u20130. South Africa began the", + "score": 0.68359375 + }, + { + "id": "15656125", + "title": "2006 Euro Beach Soccer Cup", + "text": "2006 Euro Beach Soccer Cup The 2006 Euro Beach Soccer Cup was the eighth Euro Beach Soccer Cup, one of Europe's two major beach soccer championships at the time, held in May 2006, in Naples, Italy. Portugal won the championship for the sixth time, retaining their title after failing to win in 2005, with reigning world champions France finishing second. Italy beat 2005 champions Switzerland in the third place play off to finish third and fourth respectively. Eight teams participated in the tournament who played in a straightforward knockout tournament, starting with the quarter finals, with extra matches deciding the", + "score": 0.68359375 + }, + { + "id": "8014476", + "title": "2006 FIFA World Cup Group C", + "text": "2006 FIFA World Cup Group C Play in Group C of the 2006 FIFA World Cup began on 10 June and completed on 21 June 2006. Argentina won the group, and advanced to the second round, along with Netherlands. The two sides tied for points in the standings, but Argentina won the tie-break on goal difference, and so won the group with the Netherlands in second place. Ivory Coast and Serbia and Montenegro failed to advance. Upon completion of the draw for the tournament, many football pundits remarked that this group appeared to be the group of death, despite the", + "score": 0.68359375 + }, + { + "id": "4837671", + "title": "Mauro Camoranesi", + "text": "Raimundo Orsi who also won the World Cup while playing for Juventus. At the end of 2006 FIFA World Cup Final match in Germany, in which Italy defeated France 5\u20133 in a penalty shoot-out, Camoranesi had teammate Massimo Oddo chop off a large chunk of his long hair as the rest of the squad danced around them in a circle. Camoranesi then went up to the camera and dedicated the triumph by saying in Spanish: \"\"Para los pibes del barrio\"\" (For the guys from the neighbourhood). Camoranesi commented in an interview in regards to the World Cup victory: \"\"I feel", + "score": 0.68359375 + }, + { + "id": "1375712", + "title": "2006 FIFA World Cup", + "text": "England. Italy defeated quarter-final debutants Ukraine 3\u20130. France eliminated Brazil 1\u20130 to advance into the semi-finals. Brazil only managed one shot on goal, while Zinedine Zidane's dribbling earned him Man of the Match and his free-kick to Thierry Henry resulted in the winning goal. With Argentina and Brazil eliminated in the quarter-finals, an all-European semi-final line up was completed for only the fourth time (after the 1934, 1966 and 1982 tournaments). The semi-final between Germany and Italy produced an extra time period that went scoreless until the 118th minute, when Italy scored twice through Fabio Grosso and Alessandro Del Piero,", + "score": 0.68359375 + }, + { + "id": "20293611", + "title": "2007 Euro Beach Soccer League \u2013 Last chance bracket", + "text": "to European teams in the 2007 FIFA Beach Soccer World Cup, four of which were filled when Portugal, Spain, Russia and France reached the semi-finals of the Superfinal. This meant there was still one final berth at the World Cup to be filled. As in 2006, in order to decide which nation would get this fifth and final spot at the World Cup, BSWW decided the prospective nations would compete in a knockout tournament called the \"Last chance bracket\", with the winner claiming the final World Cup ticket. Italy won the event by beating Switzerland in the final and claimed", + "score": 0.68310546875 + }, + { + "id": "12834105", + "title": "2006 Ballon d'Or", + "text": "Netherlands, New Zealand, Norway, Poland, Portugal, Republic of Ireland, Romania, Russia, San Marino, Scotland, Serbia, Slovakia, Slovenia, Spain, Sweden, Switzerland, Turkey, Ukraine and Wales. Each picked a first (5pts), second (4pts), third (3pts), fourth (2pts) and fifth choice (1pt). Cannavaro was the fifth Italian player to win the award after Omar S\u00edvori (1961), Gianni Rivera (1969), Paolo Rossi (1982) and Roberto Baggio (1993). Gianluigi Buffon (Italy) was the top ranked goalkeeper in the list, in second place; Ronaldinho (Brazil) was the top ranked midfielder, in fourth place, while Thierry Henry (France) was the top-ranked forward, in third place. The following", + "score": 0.68310546875 + }, + { + "id": "14835053", + "title": "West Germany v France (1982 FIFA World Cup)", + "text": "West Germany v France (1982 FIFA World Cup) West Germany v France was a FIFA World Cup semi-final match that took place in the Estadio Ram\u00f3n S\u00e1nchez Pizju\u00e1n stadium in Seville, Spain on 8 July 1982 and is in both countries known as Night of Seville (, ). The match was won by West Germany on penalty kicks (5\u20134); West Germany advanced to face Italy in the final. Thanks to its back-and-forth drama, four goals in extra time, and a dramatic penalty shootout, this game is regarded not only as the best of the 1982 tournament, but one of the", + "score": 0.6826171875 + }, + { + "id": "1375605", + "title": "1986 FIFA World Cup", + "text": "Demol and Nico Claesen put Belgium 4\u20132 up. Belanov scored from the penalty spot with nine minutes remaining, but neither he nor any of his teammates could find a fourth goal for the Soviet Union. At the Olympic University Stadium in Mexico City, the European champions France ended Italy's reign as world champions with a 2\u20130 victory thanks to goals from Michel Platini and Yannick Stopyra. In the rematch of the 1930 FIFA World Cup Final, Argentina just edged out South American champions Uruguay in Puebla thanks to a 42nd-minute strike from Pedro Pasculli. The all-South American affair had a", + "score": 0.6826171875 + }, + { + "id": "2283797", + "title": "Italy national football team", + "text": "stoppage time giving them a 2\u20131 victory over Bulgaria by Antonio Cassano proved futile, ending the team's tournament. The summer of 2004 marked the choice, by FIGC, to appoint Marcello Lippi for Italy's bench. He made his debut in an upset 2\u20130 defeat in Iceland but then managed to qualify for 2006 World Cup. Italy's campaign in the tournament hosted by Germany was accompanied by open pessimism due to the controversy caused by the 2006 Serie A scandal, however these negative predictions were then refuted, as the \"Azzurri\" eventually won their fourth World Cup. Italy won their opening game against", + "score": 0.681640625 + }, + { + "id": "1852946", + "title": "France national football team", + "text": "the 2006 World Cup. This prompted Domenech to persuade several past members out of international retirement to help the national team qualify, which they accomplished following a convincing 4\u20130 win over Cyprus on the final day of qualifying. In the 2006 World Cup final stages, France finished undefeated in the group stage portion and advanced all the way to the final defeating the likes of Spain, Brazil and Portugal en route. France played Italy in the final and, in part down to controversial disruptions in extra time that lead to captain Zinedine Zidane being sent off, failed to find a", + "score": 0.68115234375 + }, + { + "id": "12072061", + "title": "UEFA Euro 2000 Final", + "text": "UEFA Euro 2000 Final The UEFA Euro 2000 Final was a football match played on 2 July 2000 at Feijenoord Stadion in Rotterdam, Netherlands, to determine the winner of UEFA Euro 2000. France won the match, defeating Italy 2\u20131. Marco Delvecchio gave Italy the lead in the 55th minute and they held on until the final minute of injury time, when Sylvain Wiltord crashed a low drive past Italian keeper Francesco Toldo to take the game into extra time. France won the game just before half-time in extra-time when Robert Pires cut the ball back for David Trezeguet to fire", + "score": 0.68115234375 + }, + { + "id": "11311647", + "title": "2007 FIFA Club World Cup Final", + "text": "was named as man of the match. 2007 FIFA Club World Cup Final The 2007 FIFA Club World Cup Final took place at the Nissan Stadium, Yokohama, Japan on 16 December 2007. The match pitted Milan of Italy, the UEFA club champions, against Boca Juniors of Argentina, the CONMEBOL club champions. Milan won 4\u20132 in a match watched by 68,263 people. In doing so, Milan won their fourth FIFA Club World Cup/Intercontinental Cup and avenged their 2003 Intercontinental Cup defeat to Boca Juniors. Milan also overtook Boca Juniors, Nacional, Pe\u00f1arol, Real Madrid and S\u00e3o Paulo as the only team to", + "score": 0.68115234375 + }, + { + "id": "18807600", + "title": "2006 FIBA World Championship Final", + "text": "2006 FIBA World Championship Final The 2006 FIBA World Championship Final was a basketball game between the men's national teams of Greece and the Spain that took place on September 3, 2006, at the Saitama Super Arena in Saitama, Japan. It was the first Final appearance for Spain, whose best achievement in the World Cup was the fourth place in 1982. Greece also made its first Final appearance, after finishing fourth in the last two tournaments. Spain won the Final 47\u201370, and won its first World Cup title. Also, Spain qualified for the 2008 Summer Olympics. Spain had to play", + "score": 0.68115234375 + }, + { + "id": "19577986", + "title": "2006 FIFA World Cup Organizing Committee", + "text": "The former international striker should also represent Germany in the world. Chief organizer Franz Beckenbauer named more World Cup ambassadors, without exception of former professional football players, who officially accompanied their hometowns and World Cup host cities leading up to the World Cup: 2006 FIFA World Cup Organizing Committee The 2006 FIFA World Cup Organizing Committee (, OK) organized the World Cup in Germany. President of OK was Franz Beckenbauer, who also acted as the official representative and chairman of the German World Cup bid. First Vice President and Vice President of the World Cup Committee was Horst R. Schmidt,", + "score": 0.6806640625 + }, + { + "id": "5393916", + "title": "Football in Germany", + "text": "in the United States (changed from China due to the SARS epidemic) and won by Germany, who defeated Sweden by 2\u20131 in extra time. Earlier in the semifinals they had disposed of the defending champions and hosts, the United States, 3\u20130. Germany hosted the 2006 FIFA World Cup. Thirty-two nations competed in the tournament, with matches played in a dozen cities ranging from Hamburg in the north to Munich in the south; Leipzig was the only former East city to hold matches (the matches at Berlin were held at former West Berliner territory). The opening match (Germany vs Costa Rica)", + "score": 0.6806640625 + }, + { + "id": "8296961", + "title": "2006\u201307 in Italian football", + "text": "third qualifying round. Catania made their first appearance in Serie A since 1984 after being promoted from Serie B. Val di Sangro play their first season of professional football in Italy, after being promoted from Serie D to Serie C2. Italy won the 2006 FIFA World Cup in a penalty shootout against France on 9 July 2006. 2006\u201307 in Italian football The 2006\u20132007 season was the 105th season of competitive football in Italy. The look of Italian football in the first divisions took on major changes as a result of the Calciopoli scandal. It saw 29 time Serie A champions", + "score": 0.68017578125 + }, + { + "id": "16615633", + "title": "Germany\u2013Italy football rivalry", + "text": "extra time
(b) Italy wins semi-final 2\u20130 in extra time and later wins the 2006 World Cup
(c) Germany wins quarter-final 6\u20135 in penalty shoot-out \"Denotes which team finished better in that particular competition\"
DNQ \u2013 Did not qualify
DNP \u2013 Did not participate Italy led for the majority of the semi-final match, after Roberto Boninsegna scored in the 8th minute. Germany's Franz Beckenbauer dislocated his shoulder after being fouled, but stayed on the field carrying his dislocated arm in a sling, as his side had already used their two permitted substitutions. Defender Karl-Heinz Schnellinger equalized for West Germany during", + "score": 0.68017578125 + }, + { + "id": "12200924", + "title": "1938 FIFA World Cup Final", + "text": "1938 FIFA World Cup Final The 1938 FIFA World Cup Final was the deciding match of the 1938 FIFA World Cup. It was contested by Italy and Hungary. Italy won the game 4\u20132 to win the last tournament before World War II. The final itself took place at the Stade Olympique de Colombes in Paris. Vittorio Pozzo's Italian side took the lead early, but Hungary equalised within two minutes. The Italians took the lead again shortly after, and by the end of the first half were leading the Hungarians 3\u20131. Hungary never really got back into the game. With the", + "score": 0.68017578125 + }, + { + "id": "9060346", + "title": "2000 Six Nations Championship", + "text": "and finished in sixth place. The teams involved were: 2000 Six Nations Championship The 2000 Six Nations Championship was the first series of the rugby union Six Nations Championship, following the inclusion of Italy into the Five Nations championship. It was the 106th international championship overall. The championship was won by England. England won their first four games and met winless Scotland in their final match. Scotland earned a surprising victory and denied England the Grand Slam. Italy won their first game in the championship with a surprising 34\u201320 win over Scotland, who had won the previous year's Five Nations.", + "score": 0.67919921875 + }, + { + "id": "2283774", + "title": "Italy national football team", + "text": "Pozzo and the performance of Giuseppe Meazza, who is considered one of the best Italian football players of all time by some. Italy hosted the 1934 World Cup, and played their first ever World Cup match in a 7\u20131 win over the United States in Rome. Italy defeated Czechoslovakia 2\u20131 in extra time in the final in Rome, with goals by Raimundo Orsi and Angelo Schiavio to achieve their first World cup title in 1934. They achieved their second title in 1938 in a 4\u20132 defeat of Hungary, with two goals by Gino Colaussi and two goals by Silvio Piola", + "score": 0.67919921875 + }, + { + "id": "7584327", + "title": "FIFA World Cup hosts", + "text": "which more than one vote round was required. Three votes were eventually needed. Germany was at least tied for first in each of the three votes, and ended up defeating South Africa by only one vote after an abstention (see below). The controversy over the decision to award the 2006 FIFA World Cup to Germany led to a further change in practice. The final tally was 12 votes to 11 in favour of Germany over the contenders South Africa, who had been favorites to win. New Zealand FIFA member Charlie Dempsey, who was instructed to vote for South Africa by", + "score": 0.6787109375 + }, + { + "id": "15243957", + "title": "2006 FIFA World Cup qualification (CONMEBOL\u2013OFC play-off)", + "text": "and Uruguay (2002). Australia qualified for the 2006 FIFA World Cup Finals in Germany and were drawn into Group F with defending champions Brazil, Croatia and Japan. After beating Japan 3\u20131 in their opening match, Australia lost 2\u20130 to Brazil and in the final match they also drew 2\u20132 with Croatia, finishing second in the group on four points. In the Round of 16, Australia were defeated 1\u20130 by the eventual champions, Italy. For Uruguay it was the third FIFA World Cup out of four since 1990 they failed to qualify. Jorge Fossati lost his job and rehired \u00d3scar Tab\u00e1rez", + "score": 0.6787109375 + }, + { + "id": "7218960", + "title": "Fabio Grosso", + "text": "the Germans' net from the edge of the box, which commentator John Motson would describe as \"magnificent\", while Grosso ran about screaming \"\"Non ci credo!\"\" (\"I don't believe it!\") as his teammates celebrated. In the World Cup final, five days later, he scored the winning penalty against France in a 5\u20133 victory in the resulting shoot-out after a 1\u20131 draw following extra-time, which allowed the Italy national team to win their fourth World Cup title. Grosso was also included in Roberto Donadoni's 23-man Italy squad for UEFA Euro 2008. He made a substitute appearance in Italy's opening match of the", + "score": 0.67822265625 + }, + { + "id": "4588527", + "title": "Demetrio Albertini", + "text": "winning all three of their group matches against Turkey, co-hosts Belgium, and Sweden. Italy went on to defeat Romania 2\u20130 in the quarterfinal, and overcame co-hosts the Netherlands in the semi-final on penalties after a 0\u20130 draw following extra time. Italy eventually lost out once again to the 1998 World Champions France 2\u20131 in the final, on a golden goal in extra-time. Albertini was chosen to be part of the Team of the Tournament due to his performances throughout the Cup. On 5 December 2005, Albertini announced his retirement from professional football and expressed his desire to one day become", + "score": 0.67822265625 + }, + { + "id": "7488910", + "title": "Brazil at the 2006 FIFA World Cup", + "text": "Brazil at the 2006 FIFA World Cup At the 2006 FIFA World Cup, Brazil participated for the 18th time in the event. The country remained as the only national team to have participated in every installment of the FIFA World Cup. The Brazilian team played until the quarter-finals, where they were defeated by France, finishing the tournament in the fifth place \u2014 for the third time in history (1954 and 1986 were the previous instances). Brazil's qualifying for the event marked the first time in history in which a returning champion (the country had won the 2002 World Cup) had", + "score": 0.67822265625 + }, + { + "id": "11106075", + "title": "2007 FIFA Beach Soccer World Cup", + "text": "2007 FIFA Beach Soccer World Cup The 2007 FIFA Beach Soccer World Cup was the third edition of the FIFA Beach Soccer World Cup, governed by FIFA. Previous editions before 2005 were not governed by FIFA and were held under the title \"Beach Soccer World Championships\". Overall, this was the thirteenth edition of the World Cup since its establishment in 1995. It took place in Rio de Janeiro, Brazil, from 2\u201311 November 2007. The winners of the tournament were hosts Brazil, who won their second consecutive FIFA Beach Soccer World Cup title and their eleventh title overall. The qualifiers to", + "score": 0.67822265625 + }, + { + "id": "14673648", + "title": "Italy at the FIFA World Cup", + "text": "present in 18 out of the 21 tournaments, reaching six finals, a third place and a fourth place. Champions Runners-up Third Place Fourth Place \"Italy's score listed first\" With temperatures around 40 \u00b0C (104 \u00b0F), Italy won their home tournament in 1934 after going into extra time against Czechoslovakia. After a difficult route to the final, defeating hosts France in the quarter-finals and Brazil in the semis, Italy was the first team to win the World Cup title on foreign ground. Also, it was the first of only two times in World Cup history that a team successfully defended their", + "score": 0.677734375 + }, + { + "id": "1448610", + "title": "2010 FIFA World Cup", + "text": "world title. Spain became the eighth nation to win the tournament and the first European nation to win a World Cup hosted outside its home continent: all previous World Cups held outside Europe had been won by South American nations. They are also the only national team since 1978 to win a World Cup after losing a game in the group stage. As a result of their win, Spain represented the World in the 2013 FIFA Confederations Cup. Host nation South Africa and both 2006 World Cup finalists Italy and France were all eliminated in the first round of the", + "score": 0.677734375 + }, + { + "id": "9645362", + "title": "2006 Women's Softball World Championship", + "text": "2006 Women's Softball World Championship The 2006 ISF Women's World Championship was held from August 27 to September 5, 2006 in Beijing, China. For the sixth consecutive time, the team from the United States won the title, with a 3-0 victory over Japan. The first four teams qualified for the 2008 Olympics. Since China came in fourth, a game for place 5 took place with the winner also qualifying. Italy qualified in fourth with superior runs against New Zealand and Great Britain. Colombia withdrew and forfeited all their games. Chinese Taipei and Venezuela Eliminated. Canada and Italy Eliminated. Canada places", + "score": 0.677734375 + } + ], + "answer": "The Italy national football team defeated France and was declared world champions in the 2006 World Cup Final, the last match of the 2006 FIFA World Cup, at the Olympiastadion stadium in Berlin, Germany, on July 9, 2006. Italy had won three previous finals in 1934, 1938, 1982 and lost in 1970 and 1994, while France had won their only previous final in 1998." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who is listed as the author of the first five books of Moses?", + "short_answers": [ + "unnamed author" + ], + "wikipage": null + }, + { + "context": "Torah (; , \"Instruction\", \"Teaching\" or \"Law\") has a range of meanings. It can most specifically mean the first five books (Pentateuch or five books of Moses) of the 24 books of the Hebrew Bible. This is commonly known as the Written Torah. It can also mean the continued narrative from all the 24 books, from the Book of Genesis to the end of the Tanakh (Chronicles), and it can even mean the totality of Jewish teaching, culture, and practice, whether derived from biblical texts or later rabbinic writings. This is often known as the Oral Torah. Common to all these meanings, Torah consists of the origin of Jewish peoplehood: their call into being by God, their trials and tribulations, and their covenant with their God, which involves following a way of life embodied in a set of moral and religious obligations and civil laws (\").", + "question": "Who is accepted to be the author of the first five books of Moses?", + "short_answers": [ + "Moses" + ], + "wikipage": "Torah" + }, + { + "context": "No context provided", + "question": "In the 1700s, who became considered to be the author of the first five books of Moses?", + "short_answers": [ + "JEDP" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who does Wellhausen believe is a redactor of the first five books of Moses?", + "short_answers": [ + "Ezra" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Torah", + "url": "https://en.wikipedia.org/wiki/Torah" + }, + { + "title": "Book of Moses", + "url": "https://en.wikipedia.org/wiki/Book%20of%20Moses" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Rabbinic tradition's understanding is that all of the teachings found in the Torah (both written and oral) were given by God through the prophet Moses, some at Mount Sinai and others at the Tabernacle, and all the teachings were written down by Moses, which resulted in the Torah that exists today...By contrast, the modern scholarly consensus rejects Mosaic authorship, and affirms that the Torah has multiple authors and that its composition took place over centuries.[7] The precise process by which the Torah was composed, the number of authors involved, and the date of each author remain hotly contested, however. ", + "wikipage": "Torah" + }, + { + "content": "Julius Wellhausen (17 May 1844 \u2013 7 January 1918) was a German biblical scholar and orientalist. ", + "wikipage": "Julius Wellhausen" + }, + { + "content": "Ezra (/\u02c8\u025bzr\u0259/; Hebrew: \u05e2\u05b6\u05d6\u05b0\u05e8\u05b8\u05d0\u200e, \u02bfEzr\u0101\u02be;[1] fl. 480\u2013440 BCE), also called Ezra the Scribe (\u05e2\u05b6\u05d6\u05b0\u05e8\u05b8\u05d0 \u05d4\u05b7\u05e1\u05bc\u05d5\u05b9\u05e4\u05b5\u05e8\u200e, \u02bfEzr\u0101\u02be hasS\u014df\u0113r) and Ezra the Priest in the Book of Ezra, was a Jewish scribe (sofer) and priest (kohen).", + "wikipage": "Ezra" + } + ], + "long_answer": "The first five books of Moses in the Hebrew Bible (commonly known as the Written Torah) are believed to have have been written by the prophet Moses. By contrast, the modern scholarly consensus rejects Mosaic authorship and affirms that the Torah has multiple authors, the number of authors involved and the date of each author remain hotly contested, however. In the 1700s, JEDP became considered to be the author of the first five books of Moses. However, the unnamed author is listed as the authors of the first five books of Moses. Later on, German biblical scholar Julius Wellhausen believed that Ezra the Priest is a redactor of the first five books of Moses." + }, + { + "knowledge": [ + { + "content": "The Talmud holds that the Torah was written by Moses, with the exception of the last eight verses of Deuteronomy, describing his death and burial, being written by Joshua.[31]", + "wikipage": "Torah Composition" + }, + { + "content": "According to Jewish tradition, the Torah was recompiled by Ezra during Second Temple period.[35][36]", + "wikipage": "Torah Composition" + } + ], + "long_answer": "Torah has a range of meanings, and it can most specifically mean the first five books, the Pentateuch or five books of Moses, of the 24 books of the Hebrew Bible. The Talmud holds that the Torah was written by Moses, with the exception of the last eight verses of Deuteronomy, describing his death and burial, being written by Joshua. According to Jewish tradition, the Torah was recompiled by Ezra during Second Temple period, and Wellhausen believed that Ezra was a redactor of the first five books of Moses. In the 1700s, JEDP was considered the author of the first five books of Moses. An unnamed author is listed as the author of the first five books of Moses." + } + ], + "sample_id": "-1528483370616468286", + "question": "Who wrote the first five books of moses?", + "docs": [ + { + "id": "2779128", + "title": "Biblical criticism", + "text": "and function. According to tradition, Moses was the author of the first five books of the Bible, including the book of Genesis. Philosophers and theologians such as Thomas Hobbes (1588\u20131679), Benedict Spinoza (1632\u20131677), and Richard Simon (1638\u20131712) questioned Mosaic authorship. Spinoza said Moses could not have written the preface to Deuteronomy, since he never crossed the Jordan; he points out that Deuteronomy 31:9 references Moses in the third person; and he lists multiple other inconsistencies and anomalies that led him to conclude \"it was plain\" these Pentateuchal books were not written by Moses himself. Jean Astruc (1684\u20131766), a French physician,", + "score": 0.8046875, + "summary": "According to tradition, Moses wrote the first five books of the Bible, including Genesis, but philosophers and theologians such as Thomas Hobbes, Benedict Spinoza, and Richard Simon have questioned this. Spinoza pointed out inconsistencies and anomalies and concluded that Moses did not write these books.", + "extraction": "According to tradition, Moses was the author of the first five books of the Bible, including the book of Genesis." + }, + { + "id": "10571955", + "title": "Mosaic authorship", + "text": "find authors for their books, and the process which led to Moses becoming identified as the author of the Torah may have been influenced by three factors: first, by a number of passages in which he is said to write something, frequently at the command of God, although these passages never appear to apply to the entire five books; second, by his key role in four of the five books (Genesis is the exception); and finally, by the way in which his authority as lawgiver and liberator of Israel united the story and laws of the Pentateuch. The Babylonian Talmud,", + "score": 0.7578125, + "summary": "Moses is traditionally identified as the author of the Torah due to his role in four of the five books and his authority as lawgiver and liberator of Israel.", + "extraction": "Moses becoming identified as the author of the Torah may have been influenced by three factors." + }, + { + "id": "10571949", + "title": "Mosaic authorship", + "text": "Mosaic authorship Mosaic authorship is the Jewish, Christian and Muslim tradition that Moses was the author of the Torah, the first five books of the Hebrew Bible/Old Testament. The books do not name any author, as authorship was not considered important by the society that produced them, and it was only after Jews came into contact with author-centric Hellenistic culture in the late Second Temple period that the rabbis began to find authors for their scriptures. The tradition that Moses was this author probably began with the law-code of Deuteronomy, and was then gradually extended until Moses, as the central", + "score": 0.7548828125, + "summary": "The Jewish, Christian, and Muslim tradition is that Moses wrote the first five books of the Hebrew Bible/Old Testament, known as the Torah.", + "extraction": "Moses was the author of the Torah, the first five books of the Hebrew Bible/Old Testament." + }, + { + "id": "10571969", + "title": "Mosaic authorship", + "text": "the majority of contemporary Evangelicals, while accepting that some or much of the Pentateuch can be traced to Moses or traditions about him, pay little attention to the question of authorship. Mosaic authorship Mosaic authorship is the Jewish, Christian and Muslim tradition that Moses was the author of the Torah, the first five books of the Hebrew Bible/Old Testament. The books do not name any author, as authorship was not considered important by the society that produced them, and it was only after Jews came into contact with author-centric Hellenistic culture in the late Second Temple period that the rabbis", + "score": 0.75439453125, + "summary": "The document explains the Jewish, Christian and Muslim tradition of Mosaic authorship, which claims that Moses was the author of the first five books of the Hebrew Bible/Old Testament. However, the majority of contemporary Evangelicals do not focus on the question of authorship.", + "extraction": "Moses was the author of the Torah, the first five books of the Hebrew Bible/Old Testament." + }, + { + "id": "126601", + "title": "Book of Exodus", + "text": "from God, which are to keep the Sabbath and to construct the Tabernacle. \"And all the construction of the Tabernacle of the Tent of Meeting was finished, and the children of Israel did according to everything that God had commanded Moses\", and from that time God dwelt in the Tabernacle and ordered the travels of the Hebrews. Jewish and Christian tradition viewed Moses as the author of Exodus and the entire Pentateuch, but by the end of the 19th century the increasing awareness of discrepancies, inconsistencies, repetitions and other features of the Pentateuch had led scholars to abandon this idea.", + "score": 0.74853515625, + "summary": "Jewish and Christian tradition viewed Moses as the author of the Book of Exodus and the entire Pentateuch, but scholars abandoned this idea due to discrepancies and inconsistencies.", + "extraction": "Jewish and Christian tradition viewed Moses as the author of Exodus and the entire Pentateuch." + }, + { + "id": "6597386", + "title": "Internal consistency of the Bible", + "text": "instance, the words of the Torah, or the first five books of the Old Testament, have traditionally been believed to be by the hand of Moses, and the New Testament Gospels have been attributed to the Four Evangelists. Modern scholarship calls these attributions into question. Eliot Rabin writes: \"For the past 400 years, readers have been openly questioning the traditional attribution of these five books to Moses.\" For instance, he quotes Thomas Hobbes in his 1651 \"Leviathan\" as writing that, when Genesis 12:6 has \"and the Canaanite was then in the land\", it could not have been written by Moses.", + "score": 0.7412109375, + "summary": "Traditional belief attributes the writing of the first five books of the Old Testament to Moses. However, modern scholarship calls this into question and readers have been questioning this attribution for the past 400 years. The document does not provide a definitive answer to who wrote the first five books of Moses.", + "extraction": "The first five books of the Old Testament, or the Torah, have traditionally been believed to be written by Moses." + }, + { + "id": "10571966", + "title": "Mosaic authorship", + "text": "time of Moses, presumably the 5th century BCE sage Ezra. Martin Luther similarly concluded that the description of Moses' death was by Joshua \u2013 but believed that the question itself was of no great importance. Jerome and Luther and others still believed that the bulk of the Pentateuch was by Moses, even if a few phrases were not, but in the 17th century scholars began to seriously question its origins, leading Benedict Spinoza to declare that \"the Pentateuch was not written by Moses but by someone else.\" This conclusion had major implications, for as the 18th century Jewish scholar David", + "score": 0.73291015625, + "summary": "The document discusses the authorship of the Pentateuch, or the first five books of Moses. While some believed that Moses wrote most of it, scholars began to question its origins in the 17th century, with Benedict Spinoza concluding that it was not written by Moses. The document does not provide a clear answer to who wrote the first five books of Moses.", + "extraction": "The bulk of the Pentateuch was by Moses, even if a few phrases were not." + }, + { + "id": "19420043", + "title": "Moses of Alexandria", + "text": "Moses of Alexandria Moses of Alexandria, often known simply as Moses or Moses the Alchemist, was an early alchemist who wrote Greek alchemical texts around the first or second century. He has also been called \"Moses the thrice happy\". The author of these alchemical texts was likely Jewish, since his writings show traces of Jewish monotheism and other Jewish beliefs. Moses the alchemist is often conflated with the biblical Moses. The opening passage of his work is an altered version of the Book of Exodus 31: 2-5. In antiquity, the biblical Moses was believed to be the founder of the", + "score": 0.7294921875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage discusses Moses of Alexandria, an alchemist who wrote Greek alchemical texts, but does not provide any information about who wrote the first five books of Moses (also known as the Torah)." + }, + { + "id": "10571956", + "title": "Mosaic authorship", + "text": "an encyclopedia of Jewish scholarship composed between 200\u2013500 CE, states that \"Moses wrote his own book and the section concerning Balaam.\" The medieval sage Maimonides (c.1135\u20131204) enshrined this in his Thirteen Principles of Faith (a summary of the required beliefs of Judaism), the 8th of which states: \"I believe with perfect faith that the entire Torah presently in our possession is the one given to Moses.\" The rabbis explained that God wrote the Torah in heaven before the world was created, in letters of black fire on parchment of white fire, and that Moses received it by divine dictation, writing", + "score": 0.72900390625, + "summary": "Moses is believed to have written the first five books of Moses, according to Jewish scholarship and the Thirteen Principles of Faith.", + "extraction": "\"Moses wrote his own book and the section concerning Balaam.\"" + }, + { + "id": "262130", + "title": "Moses", + "text": "second body of law, the Book of Numbers begins with yet another set, and the Book of Deuteronomy another. Moses has traditionally been regarded as the author of those four books and the Book of Genesis, which together comprise the Torah, the first section of the Hebrew Bible. The modern scholarly consensus is that the figure of Moses is legendary, and not historical, although a \"Moses-like figure may have existed somewhere in the southern Transjordan in the mid-late 13th century B.C.\" Certainly no Egyptian sources mention Moses or the events of Exodus\u2013Deuteronomy, nor has any archaeological evidence been discovered in", + "score": 0.72412109375, + "summary": "Moses has traditionally been regarded as the author of the first five books of Moses, which together comprise the Torah.", + "extraction": "Moses has traditionally been regarded as the author of those four books and the Book of Genesis, which together comprise the Torah." + }, + { + "id": "18411231", + "title": "Ancient Hebrew writings", + "text": "Deuteronomy was written later than the other four books. Religious and secular scholars generally agree that the other books of the Bible were written at a latter date than the Pentateuch. The traditional Judeo-Christian view regarding the authorship of the Pentateuch, except the last eight verses of Deuteronomy, is that it was written by Moses under God's order. In secular scholarly circles by the end of the 19th century, a popular proposition regarding the authorship was the documentary hypothesis, which has remained quite influential to this day, despite criticism. The books of the prophets are entitled in accordance with the", + "score": 0.71630859375, + "summary": "According to the traditional Judeo-Christian view, Moses wrote the Pentateuch, the first five books of the Bible, except for the last eight verses of Deuteronomy. However, secular scholars have proposed the documentary hypothesis, which remains influential despite criticism. Deuteronomy was written later than the other four books.", + "extraction": "The traditional Judeo-Christian view regarding the authorship of the Pentateuch, except the last eight verses of Deuteronomy, is that it was written by Moses under God's order." + }, + { + "id": "718232", + "title": "Documentary hypothesis", + "text": "with the following books, Joshua, Judges, Samuel and Kings, as Deuteronomistic History. There is a growing recognition that Genesis developed apart from the Exodus stories until joined to it by the Priestly writer. The Torah (or Pentateuch) is the collective name for the first five books of the Bible: Genesis, Exodus, Leviticus, Numbers, and Deuteronomy. According to tradition they were dictated by God to Moses, but when modern critical scholarship began to be applied to the Bible it was discovered that the Pentateuch was not the unified text one would expect from a single author. As a result, the Mosaic", + "score": 0.712890625, + "summary": "The Pentateuch, consisting of Genesis, Exodus, Leviticus, Numbers, and Deuteronomy, is traditionally believed to have been dictated by God to Moses. However, modern critical scholarship suggests that it was not written by a single author and that Genesis developed separately from the Exodus stories until joined by the Priestly writer.", + "extraction": "According to tradition, the first five books of the Bible, also known as the Torah or Pentateuch, were dictated by God to Moses." + }, + { + "id": "10571965", + "title": "Mosaic authorship", + "text": "the Patriarchs when redacting that book. This view is supported by some rabbinical sources and medieval commentaries which recognize that the Torah incorporates written texts and divine messages from before and after the time of Moses. The Christian scriptures showed Jesus himself recognised Moses as the author of at least some portions of the Pentateuch (e.g., the Gospel of John, verses 5:46\u201347), and the early Christians therefore followed the rabbis. Like them, they addressed those passages which seemed to cast doubt on the Mosaic tradition: Saint Jerome, for example, felt that \"unto this day\" implied an author long after the", + "score": 0.71240234375, + "summary": "Some rabbinical sources and medieval commentaries recognize that the Torah incorporates written texts and divine messages from before and after the time of Moses. Jesus himself recognized Moses as the author of at least some portions of the Pentateuch, as stated in the Gospel of John. Early Christians followed the rabbis in believing in the Mosaic tradition.", + "extraction": "Moses is recognized as the author of at least some portions of the Pentateuch, according to the Christian scriptures, such as the Gospel of John, verses 5:46-47." + }, + { + "id": "19420044", + "title": "Moses of Alexandria", + "text": "arts and sciences including philosophy and medicine. Magical papyri were also attributed to him. The works attributed to Moses of Alexandria include alchemical prescriptions for the treatment of mercury, copper, arsenic, the distillation of water, and instructions for chrysopoeia. Moses of Alexandria Moses of Alexandria, often known simply as Moses or Moses the Alchemist, was an early alchemist who wrote Greek alchemical texts around the first or second century. He has also been called \"Moses the thrice happy\". The author of these alchemical texts was likely Jewish, since his writings show traces of Jewish monotheism and other Jewish beliefs. Moses", + "score": 0.7080078125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention the first five books of Moses, which are also known as the Pentateuch." + }, + { + "id": "1280842", + "title": "Abraham ibn Ezra", + "text": "Bashan] bed is a bed of iron [is it not in Rabbah of the children of Ammon?]' you will understand the truth.\" Spinoza concluded that Ibn Ezra's hints about \"the truth\", and other such hints scattered through Ibn Ezra's commentary in reference to seemingly anachronistic verses, as \"a clear indication that it was not Moses who wrote the Pentateuch but someone else who lived long after him, and that it was a different book that Moses wrote\". Spinoza and later scholars were thus able to expand on several of Ibn Ezra's hints and provide much stronger evidence for Non-Mosaic authorship.", + "score": 0.70654296875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about who wrote the first five books of Moses." + }, + { + "id": "16466803", + "title": "Aaron Moses ben Mordecai", + "text": "the time. In reality, Aaron's work is a commentary on the \"'E\u1e93 \u1e24ayyim\" of \u1e24ayyim Vital, the arch-apostle of the cabalistic school of Luria. Aaron Moses states (l.c. p. 46a) that he was the author also of a commentary on the Midrash Tan\u1e25uma, entitled \"Zebed \u1e6cob\" (A Goodly Gift). This has not been printed. Aaron Moses ben Mordecai Aaron Moses ben Mordecai was one of the few cabalistic writers of East Prussia: author of a work, \"Nishmat Shelomoh Mordecai\" (The Soul of Solomon Mordecai; Johannisberg, 1852), so called in remembrance of his son, who died in early childhood. On the", + "score": 0.70263671875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "49761", + "title": "Book of Numbers", + "text": "twelve princes, one of each tribe. The majority of modern biblical scholars believe that the Torah (the books of Genesis, Exodus, Leviticus, Numbers, and Deuteronomy) reached its present form in the post-Exilic period (i.e., after c.520 BCE), based on pre-existing written and oral traditions and \"contemporary geographical and demographic details but even more importantly from contemporary political realities\". The five books are often described as being drawn from four \"sources\" - schools of writers rather than individuals - the Yahwist and the Elohist (frequently treated as a single source), the Priestly source and the Deuteronomist. There is ongoing dispute over", + "score": 0.70068359375, + "summary": "Irrelevant. The document discusses the formation of the Torah and the sources it is drawn from, but does not provide information on who wrote the first five books of Moses.", + "extraction": "The Torah, which includes the first five books of Moses, was written by multiple schools of writers, including the Yahwist, Elohist, Priestly source, and Deuteronomist." + }, + { + "id": "3876195", + "title": "Book of Moses", + "text": "Book of Moses The Book of Moses, dictated by Joseph Smith, is part of the scriptural canon for some in the Latter Day Saint movement. The book begins with the \"Visions of Moses,\" a prologue to the story of the creation and the fall of man (Moses chapter 1), and continues with material corresponding to Smith's revision (JST) of the first six chapters of the Book of Genesis (Moses chapters 2\u20135, 8), interrupted by two chapters of \"extracts from the prophecy of Enoch\" (Moses chapters 6\u20137). Portions of the Book of Moses were originally published separately by The Church of", + "score": 0.6982421875, + "summary": "Joseph Smith dictated the Book of Moses, which is part of the scriptural canon for some in the Latter Day Saint movement. The book includes a prologue to the story of creation and the fall of man, corresponding to Smith's revision of the first six chapters of Genesis, interrupted by two chapters of extracts from the prophecy of Enoch.", + "extraction": "Joseph Smith dictated the Book of Moses, which includes his revision of the first six chapters of the Book of Genesis (Moses chapters 2-5, 8). Therefore, Joseph Smith wrote the first five books of Moses included in the Book of Moses." + }, + { + "id": "10806536", + "title": "Moses in Judeo-Hellenistic literature", + "text": "of Apamea, in Syria, wrote during the latter half of the 2nd century CE. Historian Kennieth Guthrie writes that \"Numenius is perhaps the only recognized Greek philosopher who explicitly studied Moses, the prophets, and the life of Jesus...\" He describes his background: Moses in Judeo-Hellenistic literature The Biblical character Moses is discussed or alluded to in surviving works by a number of Judeo-Hellenic or Judeo-Roman authors, including Eupolemus, Artapanus, Josephus, and Philo, as well as the non-Jewish Hellenistic authors discussed in the main article \"Moses\". Owing to the contact of the Jews with the Greeks in Alexandria, Moses was made", + "score": 0.6982421875, + "summary": "Irrelevant. The document discusses various authors who wrote about Moses, but does not mention who wrote the first five books of Moses.", + "extraction": "Eupolemus, Artapanus, Josephus, and Philo wrote about the Biblical character Moses." + }, + { + "id": "14117953", + "title": "Moses ben Isaac ben ha-Nessiah", + "text": "Moses ben Isaac ben ha-Nessiah Moses ben Isaac ben ha-Nessiah () of London was an English grammarian and lexicographer of the late twelfth and early thirteenth centuries. His mother was probably a Jew nicknamed Comitissa of Cambridge. In his youth he wrote a work (now lost) on Hebrew grammar entitled \"Leshon Limmudim\"; it is referred to in his \"Sefer ha-Shoham\" (), or \"Onyx Book,\" the title of which is an anagram of his name. The latter work (part of which was published at Oxford in 1882) shows some knowledge of Arabic and of the works of Joseph Kimhi. The tombstone", + "score": 0.697265625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about who wrote the first five books of Moses." + }, + { + "id": "3993596", + "title": "Genesis creation narrative", + "text": "Although tradition attributes Genesis to Moses, biblical scholars hold that it, together with the following four books (making up what Jews call the Torah and biblical scholars call the Pentateuch), is \"a composite work, the product of many hands and periods.\" A common hypothesis among biblical scholars today is that the first major comprehensive draft of the Pentateuch was composed in the late 7th or the 6th century BCE (the Jahwist source), and that this was later expanded by the addition of various narratives and laws (the Priestly source) into a work very like the one existing today. As for", + "score": 0.69482421875 + }, + { + "id": "162842", + "title": "Book of Genesis", + "text": "assurance of all Christians) and the redemptive act of Christ on the Cross as the fulfillment of covenant promises as the Son of God. Tradition credits Moses as the author of Genesis, as well as Exodus, Book of Leviticus, Numbers and most of Book of Deuteronomy, but modern scholars increasingly see them as a product of the 6th and 5th centuries BC. Genesis appears to be structured around the recurring phrase \"elleh toledot\", meaning \"these are the generations,\" with the first use of the phrase referring to the \"generations of heaven and earth\" and the remainder marking individuals\u2014Noah, the \"sons", + "score": 0.6943359375 + }, + { + "id": "10363138", + "title": "Wiseman hypothesis", + "text": "\"generations\") passages; the Book is generally divided thematically along the lines of the toledot. What Wiseman brought new to the table was the idea that these apparent colophons indicated that Genesis had originally been a collection of narrative clay tablets written in cuneiform, like the ancient tablets he had seen, which Moses had edited into a single document on parchment or papyrus. This is in contrast with traditional views that Moses wrote Genesis entirely on his own without any outside sources and with the Documentary hypothesis that Genesis was compiled by much later and unknown redactors. Once a link had", + "score": 0.69384765625 + }, + { + "id": "6204047", + "title": "Lech-Lecha", + "text": "and no longer possessed the land, and thus after the death of Moses. Spinoza noted that Abraham ibn Ezra alluded to the difficulty by noting that if, as indicates, Canaan first settled the land, then the Canaanites still possessed those territories during the time of Moses. Spinoza concluded that Moses did not write the Torah, but someone who lived long after him, and that the book that Moses wrote was something different from any now extant. Reading the three instances of the wife-sister motif in (a) (b) and (c) Speiser argued that in a work by a single author, these", + "score": 0.69287109375 + }, + { + "id": "19793489", + "title": "Moses the Lawgiver (novel)", + "text": "Moses the Lawgiver (novel) Moses the Lawgiver (1975) is a novel by Australian writer Thomas Keneally. The novel is based on the British television series \"Moses the Lawgiver\", for which Anthony Burgess wrote the script. The novel follows the story of the biblical figure Moses who found the Ten Commandments and parted the Red Sea. In her review of the book in \"The Australian Women's Weekly\" Nicola Worsley concluded: \"I will admit to being beguiled by the whole publication. Thomas Keneally, with a novelist's imagination and insight, has taken familiar and unfamiliar aspects of Moses' life to bring to interesting", + "score": 0.69140625 + }, + { + "id": "6749437", + "title": "Yitro (parsha)", + "text": "the people and betroth them today and tomorrow.\u2019\u201d The Midrash taught that in God commissioned Moses to write the document, when God directed Moses, \u201cCarve two tables of stone.\u201d And reports that Moses wrote the document, saying, \u201cAnd Moses wrote this law.\u201d The Midrash then taught that God compensated Moses for writing the document by giving him a lustrous countenance, as reports, \u201cMoses did not know that the skin of his face sent forth beams.\u201d The Mishnah noted that oxen were the same as all other beasts insofar as they were required by to keep away from Mount Sinai. The", + "score": 0.69091796875 + }, + { + "id": "10239755", + "title": "Moses in rabbinic literature", + "text": "tablets, which he grasped while God was holding one side and the angels the other. Another legend says that a drop of the marvelous ink with which he wrote down the Torah remained on the pen; and when he touched his head with the pen he received his halo (Exodus Rabba 47:11). Moses was called the \"father of wisdom\" on account of his great sagacity (Meg. 13a; Leviticus Rabba i. 15). He possessed forty-nine of the fifty divisions of wisdom (R. H. 21b; Nedarim 35a). The question why the pious sometimes have bad luck while the sinners are fortunate was", + "score": 0.6904296875 + }, + { + "id": "8342442", + "title": "Eikev", + "text": "then taught that God betrothed Israel at Sinai, reading to say, \u201cAnd the Lord said to Moses: \u2018Go to the people and betroth them today and tomorrow.\u2019\u201d The Midrash taught that in God commissioned Moses to write the document, when God directed Moses, \u201cCarve two tables of stone.\u201d And reports that Moses wrote the document, saying, \u201cAnd Moses wrote this law.\u201d The Midrash then taught that God compensated Moses for writing the document by giving him a lustrous countenance, as reports, \u201cMoses did not know that the skin of his face sent forth beams.\u201d A Midrash taught that God imposed", + "score": 0.68994140625 + }, + { + "id": "10571954", + "title": "Mosaic authorship", + "text": "when they speak of the \"torah of Moses.\" In later books such as Chronicles and Ezra-Nehemiah the meaning had expanded to include the other laws such as Leviticus, and by Hellenistic times Jewish writers referred to the entirety of the five books, narrative and laws, as the Book (or books) of Moses. Authorship was not considered important by the society that produced the Hebrew Bible (the Protestant Old Testament), and the Torah never names an author. It was only after c. 300 BCE, when Jews came into contact with author-centric Greek culture, that the rabbis began to feel compelled to", + "score": 0.68994140625 + }, + { + "id": "10142131", + "title": "Brian Moses", + "text": "Brian Moses Brian Moses (born 1950) is an English poet. He mainly writes for children, has over 200 published works and is a well known as a children's poet. His poetry books and anthologies for Macmillan have sold in excess of 1 million copies. Brian was asked by CBBC to write a poem for the Queen's 80th birthday. Brian\u2019s interests range from the familiar \u2013 shopping trolleys, football matches \u2013 to the peculiar \u2013 monsters, aliens and angels. Often he will mix the two together in his poetry, so the 'Shopping Trolley' is souped-up like a futuristic sports car, while", + "score": 0.6875 + }, + { + "id": "19793490", + "title": "Moses the Lawgiver (novel)", + "text": "reality this dramatic tale.\" Moses the Lawgiver (novel) Moses the Lawgiver (1975) is a novel by Australian writer Thomas Keneally. The novel is based on the British television series \"Moses the Lawgiver\", for which Anthony Burgess wrote the script. The novel follows the story of the biblical figure Moses who found the Ten Commandments and parted the Red Sea. In her review of the book in \"The Australian Women's Weekly\" Nicola Worsley concluded: \"I will admit to being beguiled by the whole publication. Thomas Keneally, with a novelist's imagination and insight, has taken familiar and unfamiliar aspects of Moses' life", + "score": 0.68603515625 + }, + { + "id": "3285351", + "title": "Law of Moses", + "text": "Law of Moses The Law of Moses ( ), also called the Mosaic Law, refers primarily to the Torah or first five books of the Hebrew Bible. Traditionally believed to have been written by Moses, some academics now believe they had many authors. The Law of Moses or Torah of Moses (Hebrew: , \"Torat Moshe\", Septuagint , \"n\u00f3mos M\u014dus\u0113\", or in some translations the \"Teachings of Moses\" ) is a biblical term first found in the Book of Joshua , where Joshua writes the Hebrew words of \"Torat Moshe \" on an altar of stones at Mount Ebal. The text", + "score": 0.68603515625 + }, + { + "id": "157410", + "title": "Grimoire", + "text": "Conrad Horst (1779\u20131832), who from 1821 to 1826, published a six-volume collection of magical texts in which he studied grimoires as a peculiarity of the Mediaeval mindset. Another scholar of the time interested in grimoires, the antiquarian bookseller Johann Scheible, first published the \"Sixth and Seventh Books of Moses\", two influential magical texts that claimed to have been written by the ancient Jewish figure Moses. \"The Sixth and Seventh Books of Moses\" were among the works that later spread to the countries of Scandinavia, where, in Danish and Swedish, grimoires were known as black books and were commonly found among", + "score": 0.685546875 + }, + { + "id": "9007218", + "title": "Isaac ben Samuel of Acre", + "text": "told Isaac that Moses of Leon's wife and daughter had revealed to the wife of a certain R. Joseph the fact that Moses of Leon had written the book himself, an anecdote accepted as historical by Heinrich Graetz, philosophy professor Yeshayahu Leibowitz, and academic authorities on the Kabbalah such as Gershom Scholem (author of the Zohar's entry in Encyclopaedia Judaica) and Berkeley professor Daniel C. Matt, while Landauer claims it to be apocryphal and tries to demonstrate that the Zohar was discovered much later. Issac's testimony, which appeared in the first edition (1566) of Sefer Yuchasin, was censored from the", + "score": 0.685546875 + }, + { + "id": "212018", + "title": "Judaism", + "text": "hailed as the first Hebrew and the father of the Jewish people. As a reward for his act of faith in one God, he was promised that Isaac, his second son, would inherit the Land of Israel (then called Canaan). Later, the descendants of Isaac's son Jacob were enslaved in Egypt, and God commanded Moses to lead the Exodus from Egypt. At Mount Sinai, they received the Torah\u2014the five books of Moses. These books, together with Nevi'im and Ketuvim are known as \"Torah Shebikhtav\" as opposed to the Oral Torah, which refers to the Mishnah and the Talmud. Eventually, God", + "score": 0.68505859375 + }, + { + "id": "20230719", + "title": "Moses ibn Gikatilla", + "text": "have written a commentary on the Pentateuch, from which Abraham ibn Ezra and Aaron ben Joseph (a Karaite author of the thirteenth century) quoted freely; a commentary to the earlier prophets, some points of which Judah ibn Balaam controverted; and perhaps also a commentary to the Song of Songs, which, as Joseph ibn 'A\u1e33nin says, Gikatilla explained according to the method of \"pesha\u1e6d,\" that is, in the simplest literal sense. The fragments of Gikatilla's writings, existing for the most part as quotations by Abraham ibn Ezra, were collected by Samuel Poznanski in his monograph, \"Moses b. Samuel ha-Kohen ibn Chiquitilla,", + "score": 0.68505859375 + }, + { + "id": "10370582", + "title": "History of Armenia (book)", + "text": "of the work. According to Robert Thomson, \"there are indications that the book itself was written after the 5th century. Not only does Movses use sources not available in Armenia at that time, he refers to persons and places attested only in the sixth or seventh centuries.\"It is now thought that the current version we have could not have been written in the 5th century The book is divided into three parts: This first book contains 32 chapters, from Adam to Alexander the Great. List of the Armenian patriarchs according to Moses: These cover the 24th to 9th centuries BC", + "score": 0.68505859375 + }, + { + "id": "11072270", + "title": "Moses ben Avraham Avinu", + "text": "Kosman Emrich. In 1709, Moses established a printing-office in the German town of Halle, where in 1712 he printed his \"Tela'ot Moshe\" (or \"Weltbeschreibung\"), a Judeo-German work on the Ten Tribes, having collected the material from a number of sources, particularly from Abraham Farissol and Gedaliah ibn Yahya. He continued printing in Halle until 1714, in which year he printed \"Tefillat Moshe\", a prayer-book, and Berechiah Berakh's \"Zera' Berak\". Owing to anti-Christian passages in these two works, his printing-office was closed by royal order. He was imprisoned, and his books were confiscated. His coreligionists, however, helped him to escape to", + "score": 0.6845703125 + }, + { + "id": "10571962", + "title": "Mosaic authorship", + "text": "understood the Pentateuch as a composite work made up of four \"sources,\" or documents, compiled over centuries in a process that was not concluded until long after Moses' death. The documentary hypothesis aroused understandable opposition from traditional scholars. One of the most significant was David Zvi Hoffmann (1843\u20131921), who attempted to defend Mosaic authorship by demonstrating that the sources identified by the documentary hypothesis were, in fact, pre-exilic; if this were proven, he believed, then the hypothesis itself was dis-proven. The most he would concede to the proponents of the hypothesis was that Moses may have written various scrolls over", + "score": 0.68408203125 + }, + { + "id": "5395758", + "title": "John Van Seters", + "text": "on the origins of the Pentateuch (the first five books of the bible:Genesis, Exodus, Leviticus, Numbers, Deuteronomy), arguing, with Martin Noth, that Deuteronomy was the original beginning of a history that extended from Deuteronomy to the end of 2 Kings. However, against Noth and others, he held that the so-called Yahwist, the oldest literary source in Genesis, Exodus and Numbers, was written in the 6th century BCE as a prologue to the older Deuteronomistic History, and that the so-called Priestly Writer of the Pentateuch was a later supplement to this history. This approach represented a revival of the \"supplementary hypothesis\"", + "score": 0.68359375 + }, + { + "id": "16466802", + "title": "Aaron Moses ben Mordecai", + "text": "Aaron Moses ben Mordecai Aaron Moses ben Mordecai was one of the few cabalistic writers of East Prussia: author of a work, \"Nishmat Shelomoh Mordecai\" (The Soul of Solomon Mordecai; Johannisberg, 1852), so called in remembrance of his son, who died in early childhood. On the title-page the statement is made that the work is a commentary on M. \u1e24. Luzzatto's \"\u1e24o\u1e33er u-Me\u1e33ubbal\"; indeed the text of this treatise is printed in the volume. Aaron used the name of Luzzatto merely to give greater vogue to his own book, because of the waning influence of the Cabala in Poland at", + "score": 0.68359375 + }, + { + "id": "10571953", + "title": "Mosaic authorship", + "text": "previously unconnected material began to be drawn together; by around 400 BCE these books, the fore-runners of the Torah, had reached their modern form and began to be recognised as complete, unchangeable, and sacred; and by around 200 BCE the five books were accepted as the first section of the Jewish canon. It seems that the tradition of Mosaic authorship began with Deuteronomy, which scholars generally agree was composed in Jerusalem during the reform program of King Josiah in the late 7th century; it is this law-code that books such as Joshua and Kings (completed in the mid 500s) mean", + "score": 0.68310546875 + }, + { + "id": "6501445", + "title": "Mishpatim", + "text": "promised reward for obedience to God. God invited Moses, Aaron, Nadab, Abihu, and 70 elders to bow to God from afar. Moses repeated the commandments to the people, who answered: \"All the things that the Lord has commanded we will do!\" Moses then wrote the commandments down. He set up an altar and some young Israelite men offered sacrifices. Moses took a book referred to as the \"Book of the Covenant\" and read the covenant aloud to the people, who once again affirmed that they would follow it. Moses took blood from the sacrifices and dashed it on the people.", + "score": 0.6826171875 + }, + { + "id": "7244483", + "title": "Andrew R. Heinze", + "text": "2012; it was a semi-finalist for the 2012 National Playwrights Conference at the Eugene O'Neill Theatre and a Finalist for the T. Schreiber Studio\u2019s 2012 New Works Festival. His dark comedy \"Please Lock Me Away\" was a Finalist at the Kitchen Dog Theater (Dallas) 2014 New Play competition. \"Moses, The Author\", a comedy about the biblical Moses, \"shows the 120-year-old lawgiver on his last day on earth as he races to finish the Torah\" Heinze said the play \"is a 'midrash' that imagines how Moses might have dealt with the series of crushing setbacks that faced him, from having a", + "score": 0.6826171875 + }, + { + "id": "305839", + "title": "Old Testament", + "text": "\u2013 Genesis, Exodus, Leviticus, book of Numbers and Deuteronomy \u2013 reached their present form in the Persian period (538\u2013332 BC), and their authors were the elite of exilic returnees who controlled the Temple at that time. The books of Joshua, Judges, Samuel and Kings follow, forming a history of Israel from the Conquest of Canaan to the Siege of Jerusalem c. 587 BC. There is a broad consensus among scholars that these originated as a single work (the so-called \"Deuteronomistic history\") during the Babylonian exile of the 6th century BC. The two Books of Chronicles cover much the same material", + "score": 0.681640625 + }, + { + "id": "10571950", + "title": "Mosaic authorship", + "text": "character, came to be regarded not just as the mediator of law but as author of both laws and narrative. By the 1st century CE it was already common practice to refer to the five books as the \"Law of Moses\", but the first unequivocal expression of the idea that this meant authorship appears in the Babylonian Talmud, an encyclopedia of Jewish tradition and scholarship composed between 200\u2013500 CE. There the rabbis noticed and addressed such issues as how Moses had received the divine revelation, how it was curated and transmitted to later generations, and how difficult passages such as", + "score": 0.681640625 + }, + { + "id": "8791111", + "title": "Moses Almosnino", + "text": "for the confirmation of their civil rights. In 1570, Almosnino wrote a lengthy Hebrew commentary on the Biblical \"Five scrolls\"\u2014the books of Canticles, Ruth, Lamentations, Ecclesiastes, and Esther\u2014under the title \"Yede Mosheh\" (\"The Hands of Moses\"); also an exposition of the Talmudical treatise \"Abot\" \"Ethics of the Fathers\" called \"Pirkei Moshe\", published at Salonica in 1563; and a collection of sermons delivered upon various occasions, particularly funeral orations, entitled \"Meamme\u1e93. Koah\" (\"Reenforcing Strength.\") These were published in Hebrew by his son Simon, the expense being defrayed by two other sons, Abraham and Absalom. Another Hebrew work by Almosnino was \"Tefillah", + "score": 0.681640625 + }, + { + "id": "20172827", + "title": "Moses of Ingila", + "text": "Moses of Ingila Moses of Ingila (or Inghila) was a mid-6th century CE Syriac author who translated a number of texts from Greek into Syriac. One surviving letter, preserved in British Library MS#17,202, prefaces the writing we call \"Joseph and Aseneth\". Around 550 C.E. an anonymous individual, probably a monk, found a very old book in Resh'aina, in the library belonging to the line of bishops who had come from Aleppo. This ancient writing (\"Joseph and Aseneth\") was in Greek, a language with which this individual was less familiar than his native Syriac. Suspecting that it contained a \"hidden meaning,\"", + "score": 0.6806640625 + }, + { + "id": "10571958", + "title": "Mosaic authorship", + "text": "Torah of today is identical with that received by Moses, not varying by a single letter. The rabbis were aware that some phrases in the Torah do not seem to fit with divine dictation of a pre-existent text, and this awareness accounts for a second tradition of how the divine word was transmitted: God spoke and Moses remembered the divine words and wrote them down afterwards, together with some explanatory phrases of his own. This explanation is a minority one, but it explains, for example, why every step in the description of the construction of the Tabernacle is followed by", + "score": 0.6806640625 + }, + { + "id": "19404079", + "title": "Damascus Pentateuch", + "text": "Damascus Pentateuch The Damascus Pentateuch ( Keter Dameseq or Crown of Damascus) is a 10th century Hebrew Bible codex (Pentateuch), containing the first Five Books of Moses. The codex was copied by an unknown scribe, replete with Masoretic annotations. The manuscript is defective in its beginning, as it starts with Genesis 9:26 (Exodus 18:1\u201323 is also missing). It was acquired by the Jewish National and University Library in 1975, and published in a large, two-volume facsimile edition in 1978 (not to be confused with another Damascus Keter, of medieval Spanish origin). The Damascus Pentateuch came to renown owing largely to", + "score": 0.68017578125 + }, + { + "id": "18411228", + "title": "Ancient Hebrew writings", + "text": "the Torah, as a divinely inspired text, was given to Moses by God himself on Mount Sinai during the Exodus of the Israelites from Egypt, which is portrayed as the founding event in the formation of the Israelite religion. Other than discussing the Exodus itself and the journey to the Promised Land, the Pentateuch has such themes as the origin of the world, of humanity and of the ancient Israelites, the ancestors of modern-day Jews. The Nevi'im section of the Hebrew Bible consists of two sub-divisions: the Former Prophets ( , the narrative books of Joshua, Judges, Samuel and Kings)", + "score": 0.68017578125 + }, + { + "id": "411164", + "title": "Torah", + "text": "after the time of Moses. Ibn Ezra hinted, and Bonfils explicitly stated, that Joshua wrote these verses many years after the death of Moses. Other commentators do not accept this position and maintain that although Moses did not write those eight verses it was nonetheless dictated to him and that Joshua wrote it based on instructions left by Moses, and that the Torah often describes future events, some of which have yet to occur. All classical rabbinic views hold that the Torah was entirely Mosaic and of divine origin. Present-day Reform and Liberal Jewish movements all reject Mosaic authorship, as", + "score": 0.6796875 + }, + { + "id": "634926", + "title": "Jewish principles of faith", + "text": "different reason; most posit that God is not a being with a will; thus, they maintain that no will can be revealed. The Torah is composed of 5 books called in English Genesis, Exodus, Leviticus, Numbers, and Deuteronomy. They chronicle the history of the Hebrews and also contain the commandments that Jews are to follow. Rabbinic Judaism holds that the Torah extant today is the same one that was given to Moses by God on Mount Sinai. Maimonides explains: \"We do not know exactly how the Torah was transmitted to Moses. But when it was transmitted, Moses merely wrote it", + "score": 0.6796875 + }, + { + "id": "10949240", + "title": "The Making of the Pentateuch", + "text": "Pentateuchal origins the composition and dates of the first five books of the Old Testament. In the closing decades of the 19th century Julius Wellhausen published \"Prolegomena zur Geschichte Israels\", in which he had set out the definitive version of the historical development of the Hebrew bible. According to this hypothesis, the Pentateuch Genesis, Exodus, Leviticus, Numbers and Deuteronomy was originally four separate documents, retelling the same episodes and stories, but with differing emphases designed to further the theological and political agendas of their authors. Their combination by a Redactor (editor) into a single narrative spread over five books had", + "score": 0.67919921875 + }, + { + "id": "262129", + "title": "Moses", + "text": "face\" (Deuteronomy 34:10). The New Testament states that after Moses' death, Michael the Archangel and the Devil disputed over his body (Epistle of Jude 1:9). Moses is honoured among Jews today as the \"lawgiver of Israel\", and he delivers several sets of laws in the course of the four books. The first is the Covenant Code (Exodus \u2013), the terms of the covenant which God offers to the Israelites at biblical Mount Sinai. Embedded in the covenant are the Decalogue (the Ten Commandments, Exodus 20:1\u201317) and the Book of the Covenant (Exodus 20:22\u201323:19). The entire Book of Leviticus constitutes a", + "score": 0.6787109375 + }, + { + "id": "8626028", + "title": "Vayelech", + "text": "reading to say, \"And the Lord said to Moses: \u2018Go to the people and betroth them today and tomorrow.'\" The Midrash taught that in God commissioned Moses to write the document, when God directed Moses, \"Carve two tables of stone.\" And reports that Moses wrote the document, saying, \"And Moses wrote this law.\" The Midrash then taught that God compensated Moses for writing the document by giving him a lustrous countenance, as reports, \"Moses did not know that the skin of his face sent forth beams.\" The Mishnah taught that the Israelites would postpone the great assembly required by if", + "score": 0.677734375 + }, + { + "id": "5764297", + "title": "Sixth and Seventh Books of Moses", + "text": "Moses\" otherwise unrelated to the Sixth and Seventh Books, was found in Thebes in the 19th century and published as part of the Greek Magical Papyri. No first version of this work has been established, but early versions began to appear as inexpensive pamphlets in Germany in the 18th century. Elements of the \"Seventh Book\", such as \u201cThe Seven Semiphoras of Adam\u201d and \u201cThe Seven Semiphoras of Moses\u201d appear to have come from the seventh book of the earlier European copies of the \"Sefer Raziel HaMalakh\". The work came to wide prominence when published as volume 6 of \"Das Kloster\"", + "score": 0.67724609375 + }, + { + "id": "1576795", + "title": "Hoodoo (folk magic)", + "text": "The \"Sixth and Seventh Books of Moses\" is a grimoire made popular by Europeans that is purportedly based on Jewish Kabbalah. It contains numerous signs, seals, and passages in Hebrew that are supposed to be related to Moses' ability to work wonders. Though its authorship is attributed to Moses, the oldest manuscript dates to the mid-19th century. Its importance in hoodoo among a few practitioners is summarized as follows: Hoodoo shows evident links to the practices and beliefs of Fon and Ewe spiritual folkways. The folkway of Vodun is a more standardized and widely dispersed spiritual practice than hoodoo. Vodun's", + "score": 0.67626953125 + }, + { + "id": "11208504", + "title": "Critical appraisal of the Book of Abraham", + "text": "by Latter Day Saints (LDS) movement founder Joseph Smith that he claimed were translated from Egyptian papyri purchased from a traveling mummy exhibition. According to Smith, the book comprised \"ancient records ... purporting to be the writings of Abraham, while he was in Egypt, called the Book of Abraham, written by his own hand, upon papyrus\". The book has five chapters, and is often accompanied by three \"facsimiles\", or reproductions of vignettes which were copied from the original papyri. According to Smith's explanations, Facsimile No. 1 depicts Abraham bound to a sacrificial altar, with the \"idolatrous priest of Elkenah\" looming", + "score": 0.67626953125 + }, + { + "id": "10806527", + "title": "Moses in Judeo-Hellenistic literature", + "text": "200 CE), Midrash (200\u20131200 CE), and the Qur'an (c. 610\u201353). The figure of Osarseph in Hellenistic historiography is a renegade Egyptian priest who leads an army of lepers against the pharaoh and is finally expelled from Egypt, changing his name to Moses. The earliest existing reference to Moses in Greek literature occurs in the Egyptian history of Hecataeus of Abdera (4th century BCE). All that remains of his description of Moses are two references made by Diodorus Siculus, wherein, writes historian Arthur Droge, \"he describes Moses as a wise and courageous leader who left Egypt and colonized Judaea.\" Among the", + "score": 0.67626953125 + }, + { + "id": "15754309", + "title": "Joseph Smith", + "text": "worked to restore the original intent; it added long passages rewritten \"according to his inspiration\". While many changes involved straightening out seeming contradictions or making small clarifications, other changes added large \"lost\" portions to the text. For instance, Smith's revision nearly tripled the length of the first five chapters of Genesis in what would become the Book of Moses. The Book of Moses begins with Moses' asking God about the purpose of creation. Moses is told in this account that God made the earth and heavens to bring humans to eternal life. The book also provides an enlarged account of", + "score": 0.67578125 + }, + { + "id": "18026083", + "title": "Barbara Kimenye", + "text": "Barbara Kimenye Barbara Kimenye (19 December 1929 \u2013 12 August 2012), was one of East Africa's most popular and best-selling children's authors. Her books sold more than a million copies, not just in Kenya, Uganda and Tanzania, but throughout English-speaking Africa. She wrote more than 50 titles and is best remembered for her \"Moses\" series, about a mischievous student at a boarding school for troublesome boys. A prolific writer widely regarded as \"the leading writer of Children's literature in Uganda\", Barbara Kimenye was among the first Anglophone Ugandan women writers to be published in Central and East Africa. Her stories", + "score": 0.67578125 + }, + { + "id": "5027875", + "title": "Ketef Hinnom", + "text": "of Numbers already existed at that time. Dr. James R. Davila has similarly pointed out that the idea that while the scrolls show that \"some of the material found in the Five Books of Moses existed in the First Temple period\", the suggestion that they are \"proof that the Five Books of Moses were in existence during the First Temple period\" (as described in an article in the Israeli newspaper \"Haaretz\") is \"an overinterpretation of the evidence.\" According to the team which led the most conclusive reexamination of the scrolls: The scrolls are known as KH1 and KH2. They are", + "score": 0.67529296875 + }, + { + "id": "14696180", + "title": "Movses Khorenatsi", + "text": "Movses Khorenatsi Movses Khorenatsi (ca. 410\u2013490s AD; , , also written as \"Movs\u0113s Xorenac\u2018i\" and Moses of Khoren, Moses of Chorene, and Moses Chorenensis in Latin sources) was a prominent Armenian historian from the period of Late Antiquity and the author of the \"History of Armenia\". Khorenatsi is credited with the earliest known historiographical work on the history of Armenia written in Armenian, but was also a poet, or hymn writer, and a grammarian. The \"History of Armenia\" was written at the behest of Prince Sahak of the Bagratuni dynasty and has had an enormous impact on Armenian historiography. It", + "score": 0.67529296875 + }, + { + "id": "3285360", + "title": "Law of Moses", + "text": "halakhic distinction. Law of Moses The Law of Moses ( ), also called the Mosaic Law, refers primarily to the Torah or first five books of the Hebrew Bible. Traditionally believed to have been written by Moses, some academics now believe they had many authors. The Law of Moses or Torah of Moses (Hebrew: , \"Torat Moshe\", Septuagint , \"n\u00f3mos M\u014dus\u0113\", or in some translations the \"Teachings of Moses\" ) is a biblical term first found in the Book of Joshua , where Joshua writes the Hebrew words of \"Torat Moshe \" on an altar of stones at Mount Ebal.", + "score": 0.67529296875 + }, + { + "id": "19974513", + "title": "Moses Mendes", + "text": "Moses Mendes Moses Mendes, or Mendez, died 1758, was a British poet and playwright. It has been suggested that he wrote the anonymous texts for Handel's dramatic English oratorios \"Solomon\" and \"Susanna\". Moses Mendes was born to a Jewish family in London. He followed his father's choice of career as a stockbroker and became prosperous. Moses Mendes bought an estate in Norfolk and wrote numerous poems and stage pieces, including the libretti for ballad operas including \"The Double Disappointment\" and \"The Chaplet\", produced at leading London theatres Covent Garden and Drury Lane in the 1740s. Mendes was a freemason, having", + "score": 0.6748046875 + }, + { + "id": "2779161", + "title": "Biblical criticism", + "text": "French physician Jean Astruc. He presumed Moses used ancient documents to write it, so his goal was identifying and reconstructing those documents by separating the book of Genesis back into those original sources. He discovered Genesis alternates use of two different names for God while the rest of the Pentateuch after Exodus 3 omits that alternation. He found repetitions of certain events, such as parts of the flood story that are repeated three times. He also found apparent anachronisms: statements seemingly from a later time than Genesis was set. Astruc hypothesized that this separate material was fused into a single", + "score": 0.6748046875 + }, + { + "id": "5764295", + "title": "Sixth and Seventh Books of Moses", + "text": "Sixth and Seventh Books of Moses The Sixth and Seventh Books of Moses is an 18th- or 19th-century magical text allegedly written by Moses, and passed down as hidden (or lost) books of the Christian Old Testament. A grimoire, a text of magical incantations and seals, it purports to instruct the reader in the spells used to create the miracles portrayed in the Bible. The work was printed with annexes of reputed Talmudic magic names, words and incantation, many taken from Christian biblical passages. It shows diagrams of \"Seals\": magical drawings accompanied by incantations intended to perform various tasks, from", + "score": 0.6748046875 + }, + { + "id": "5028265", + "title": "The Exodus", + "text": "Canaanite origin for ancient Israel. The story of the Exodus is told in the books of Exodus, Leviticus, Numbers, and Deuteronomy, the last four of the five books of the Torah (also called the Pentateuch). It begins with the Israelites in slavery. Their prophet Moses leads them out of Egypt and through the wilderness to Mount Sinai, where Yahweh reveals himself to his people and establishes the Mosaic covenant: they are to keep his \"torah\" (i.e. law, instruction), and in return he will give them the land of Canaan. The Israelites accept the covenant and receive their laws, and, with", + "score": 0.6748046875 + }, + { + "id": "262146", + "title": "Moses", + "text": "Lycurgus and Minos. Aside from a reference to Cicero, Moses is the only non-Greek writer quoted in the work, contextually he is put on a par with Homer, and he is described \"with far more admiration than even Greek writers who treated Moses with respect, such as Hecataeus and Strabo. In Josephus' (37 \u2013 c. 100 CE) \"Antiquities of the Jews\", Moses is mentioned throughout. For example Book VIII Ch. IV, describes Solomon's Temple, also known as the First Temple, at the time the Ark of the Covenant was first moved into the newly built temple: According to Feldman, Josephus", + "score": 0.67431640625 + }, + { + "id": "4394817", + "title": "Priestly source", + "text": "genealogy, part of the Flood story, the Table of Nations, and the genealogy of Shem (i.e., Abraham's ancestry). Most of the remainder of Genesis is from the Yahwist, but P provides the covenant with Abraham (chapter 17) and a few other stories concerning Abraham, Isaac and Jacob. The book of Exodus is also divided between the Yahwist and P, and the usual understanding is that the Priestly writer(s) were adding to an already-existing Yahwist narrative. Chapters 1\u201324 (from bondage in Egypt to God's appearances at Sinai) and chapters 32\u201334 (the golden calf incident) are from the Yahwist and P's additions", + "score": 0.67431640625 + }, + { + "id": "6597387", + "title": "Internal consistency of the Bible", + "text": "Hobbes may have been the first European to question this attribution in print, arguing that the words can \"only sensibly be used by someone who is writing when the Canaanites no longer are in the land ... But the Canaanites were in the land when Moses was alive.\" Rabin also quotes the 11th-century rabbi, Rashi, as saying that Moses could not have written, in Deuteronomy 34:5, \"And Moses died there\", but it must have been written by Joshua. However, it is also noted that the second-century commentator Rabbi Meir, has it that God dictated those words to Moses, who wrote", + "score": 0.673828125 + }, + { + "id": "10679248", + "title": "Development of the Hebrew Bible canon", + "text": "and which includes the names of some men mentioned in the \"Ketuvim\" (Writings). Based on this list of names, some scholars have conjectured that the author, Yeshua ben Sira, had access to, and considered authoritative, the books of Genesis, Exodus, Leviticus, Numbers, Deuteronomy, Joshua, Judges, Samuel, Kings, Job, Isaiah, Jeremiah, Ezekiel, and the Twelve Minor Prophets. His list excludes names from Ruth, Song of Songs, Esther and Daniel, suggesting that people mentioned in these works did not fit the criteria of his current listing of great men, or that he did not have access to these books, or did not", + "score": 0.673828125 + }, + { + "id": "8791114", + "title": "Moses Almosnino", + "text": "transliterated and republished by Jacob Cansino, Madrid, 1638. According to Moritz Steinschneider (\"Die Hebr\u00e4ischen Uebersetzungen des Mittelalters und die Juden als Dolmetscher\", p. 215), Moses Almosnino was also author of a commentary upon Aristotle's \"Ethics\". Eliakim Carmoly (p. 12) mentions it under the title of \"Pene Mosheh\" (\"The Face of Moses\"), stating that it was written by Moses at Palestria near Salonica, and that his son Simon, after his father's death, desired to publish it (1584). Moses Almosnino Moses ben Baruch Almosnino ( 1515 \u2013 1580) was a distinguished rabbi; born at Thessaloniki about 1515, and died in Constantinople about", + "score": 0.67333984375 + }, + { + "id": "10806533", + "title": "Moses in Judeo-Hellenistic literature", + "text": "the Pharaoh Bocchoris, suffering from a plague, banished the Jews in response to an oracle of the god Zeus-Amun. In this version, Moses and the Jews wander through the desert for only six days, capturing the Holy Land on the seventh. The Septuagint, the Greek version of the Hebrew Bible, influenced Longinus, who may have been the author of the great book of literary criticism, \"On the Sublime\". The date of composition is unknown, but it is commonly assigned to the late Ist century C.E. The writer quotes Genesis in a \"style which presents the nature of the deity in", + "score": 0.67333984375 + }, + { + "id": "10806507", + "title": "Moses in Judeo-Hellenistic literature", + "text": "Moses in Judeo-Hellenistic literature The Biblical character Moses is discussed or alluded to in surviving works by a number of Judeo-Hellenic or Judeo-Roman authors, including Eupolemus, Artapanus, Josephus, and Philo, as well as the non-Jewish Hellenistic authors discussed in the main article \"Moses\". Owing to the contact of the Jews with the Greeks in Alexandria, Moses was made the subject of many legends, and in many respects lifted to supernatural heights. This is in contrast to the Torah, which represents Moses as the greatest of all prophets, to whom the Lord made Himself known face to face (Deut. xxxiv. 10;", + "score": 0.6728515625 + }, + { + "id": "10806530", + "title": "Moses in Judeo-Hellenistic literature", + "text": "geographer and philosopher, in his \"Geography\" (c. 24 CE), wrote in detail about Moses, whom he considered to be an Egyptian who deplored the situation in his homeland, and thereby attracted many followers who respected the deity. He writes, for example, that Moses opposed the picturing of the deity in the form of man or animal, and was convinced that the deity was an entity which encompassed everything \u2013 land and sea: In Strabo's writings of the history of Judaism as he understood it, he describes various stages in its development: from the first stage, including Moses and his direct", + "score": 0.6728515625 + }, + { + "id": "7262276", + "title": "Mosaic covenant", + "text": "Mosaic covenant The Mosaic covenant (named after Moses), also known as the Sinaitic covenant (named after the biblical Mount Sinai), refers to a biblical covenant between God and the biblical Israelites, including their proselytes. The establishment and stipulations of the Mosaic covenant are recorded in the first five books of the Hebrew Bible, traditionally attributed to Moses and collectively called the Torah or Pentateuch. This covenant is sometimes also referred to as the Law of Moses, Mosaic Law, or the 613 Mitzvot, or commandments (singular: mitzvah). The concept of a covenant began long before the biblical era, specifically the beginnings", + "score": 0.6728515625 + }, + { + "id": "8635253", + "title": "V'Zot HaBerachah", + "text": "only the strongest participated, as Joshua asked in for only \"the mighty men of valor.\" Kli Yakar suggested that more than 100,000 men crossed over the Jordan to help, but when they saw the miracles at the Jordan, many concluded that God would ensure the Israelites' success and they were not needed. A Baraita taught that Joshua wrote the book of Joshua. Noting that says, \"And Joshua son of Nun the servant of the Lord died,\" the Gemara (reasoning that Joshua could not have written those words and the accounts thereafter) taught that Eleazar the High Priest completed the last", + "score": 0.6728515625 + }, + { + "id": "126592", + "title": "Book of Exodus", + "text": "which he will come here from heaven and dwell with them and lead them in a holy war to possess the land, and then give them peace. Traditionally ascribed to Moses himself, modern scholarship sees the book as initially a product of the Babylonian exile (6th century BCE), based on earlier written and oral traditions, with final revisions in the Persian post-exilic period (5th century BCE). Carol Meyers in her commentary on Exodus suggests that it is arguably the most important book in the Bible, as it presents the defining features of Israel's identity: memories of a past marked by", + "score": 0.6728515625 + }, + { + "id": "11072269", + "title": "Moses ben Avraham Avinu", + "text": "Moses ben Avraham Avinu Moses ben Avraham Avinu (died ca. 1733/34) was a Czech-Austrian printer and author who was a Christian convert to Judaism. His father, Jacob, was also a convert. Moses was born at Nikolsburg (now Mikulov). He became a native of Prague, and was circumcised at Amsterdam. In 1686-87, he worked for two printers of Amsterdam, but from 1690 to 1694 seems to have owned a printing establishment and to have printed several Hebrew books, including his own Judeo-German translation of Hannover's \"Yewen Mezulah\". He assisted with the engravings for the 1695 Passover Haggadah, which was printed by", + "score": 0.6728515625 + }, + { + "id": "15606252", + "title": "Richard Franck (captain)", + "text": "'Rabbi Moses.' It is written in the same high-flown language as \"Northern Memoirs\". Franck may also have written 'The Admirable and Indefatigable Adventures of the Nine Pious Pilgrims ... to the New Jerusalem. Written in America in a time of Solitude and Divine Contemplation. By a Zealous Lover of Truth . . .' London (Morphew), 1708. The introductory matter is signed 'Philanthropes' as in Franck's other books. Richard Franck (captain) Richard Franck (1624?\u20131708) was a captain in the parliamentary army and author. Franck was born and educated at Cambridge. When the First English Civil War he went to London. His", + "score": 0.6728515625 + }, + { + "id": "3379018", + "title": "Umberto Cassuto", + "text": "the latter work in almost every chapter. Some idea of that more thorough consideration, however, is available in English in his \"Commentary on the Book of Genesis (Part I) from Adam to Noah\" (1961) and \"(Part II) from Noah to Abraham\" (1964), and also his \"Commentary on the Book of Exodus\" (1967). \"The Documentary Hypothesis and the Composition of the Pentateuch\" undertakes a critical examination of the \"five pillars\" of the Documentary Hypothesis: 1, the claim that the use of the divine names Yahweh and Elohim testified to at least two different authors and two entirely distinct source documents; 2,", + "score": 0.67236328125 + }, + { + "id": "3176512", + "title": "Onkelos", + "text": "canonise the status of both Onkelos and his Targum in the Jewish tradition. Onkelos' Aramaic translation of the Pentateuch (Five Books of Moses) is almost entirely a word-by-word, literal translation of the Hebrew Masoretic text, with very little supplemental material in the form of aggadic paraphrase. However, where there are found difficult biblical passages, Onkelos seeks to minimize ambiguities and obscurities. He sometimes employs non-literal aggadic interpretations or expansions in his translated text, usually in those places where the original Hebrew is marked either by a Hebrew idiom, a homonym, or a metaphor, and could not be readily understood otherwise.", + "score": 0.67236328125 + }, + { + "id": "126599", + "title": "Book of Exodus", + "text": "God could dwell permanently among his chosen people, as well as instructions for the priestly vestments, the altar and its appurtenances, the procedure to be used to ordain the priests, and the daily sacrifices to be offered. Aaron is appointed as the first hereditary high priest. God gives Moses the two tablets of stone containing the words of the ten commandments, written with the \"finger of God\". While Moses is with God, Aaron makes a golden calf, which the people worship. God informs Moses of their apostasy and threatens to kill them all, but relents when Moses pleads for them.", + "score": 0.67236328125 + }, + { + "id": "202020", + "title": "Isaiah", + "text": "Isaiah Isaiah was the 8th-century BC Jewish prophet for whom the Book of Isaiah is named. Within the text of the Book of Isaiah, Isaiah himself is referred to as \"the prophet\", but the exact relationship between the Book of Isaiah and any such historical Isaiah is complicated. The traditional view is that all 66 chapters of the book of Isaiah were written by one man, Isaiah, possibly in two periods between 740 BCE and c. 686 BCE, separated by approximately 15 years, and includes dramatic prophetic declarations of Cyrus the Great in the Bible, acting to restore the nation", + "score": 0.671875 + }, + { + "id": "10034070", + "title": "William Stainton Moses", + "text": "and \"Spirit Identity\". The scripts date from 1872 to 1883 and fill 24 notebooks. All but one have been preserved by the London Spiritualist Alliance. Moses published \"Psychography. A Treatise on One of the Objective Forms of Psychic or Spiritual Phenomena\" in 1878. In it, he coins the term \"psychography\" (from \"psycho\" and \"graphy\") for the spiritualist concept of channeling messages from the dead via automatic writing (also known as \"independent writing\", \"direct writing\" or \"spirit writing\"). Moses was one of the first vice-presidents of the Society for Psychical Research (SPR). Other early members included Frederic W. H. Myers, Henry", + "score": 0.67138671875 + }, + { + "id": "10239756", + "title": "Moses in rabbinic literature", + "text": "solved for him (Ber. 7a). He wished to know also how good deeds are rewarded in the future world, but this was not revealed to him (Yalk., Ki Tissa, 395). Piety was not burdensome to him (Ber. 33b). His prayers were immediately answered (Genesis Rabba 60.4). He was so prominent a figure that his authority was equal to that of an entire sanhedrin of seventy-one members (Sanhedrin 16b), or even of the whole of Israel (Mek., Beshalach, Shir, 1 [ed. Weiss, p. 41a]). Aside from the Torah, Moses wrote also the Book of Job and some Psalms. He also introduced", + "score": 0.67138671875 + }, + { + "id": "4394805", + "title": "Jahwist", + "text": "21 to 24, covering the story of the bronze serpent, Balaam and his talking ass (although Friedman attributes this to E), and finally ending with the first verses of the Heresy of Baal Peor. The majority of Deuteronomy was composed during the era of Josiah's reforms by the Deuteronomist, or D, writer. However, when Deuteronomy was incorporated into the completed Pentateuch by the Redactor, the events of Moses's death were moved from the end of Numbers to Deuteronomy. Thus, one of the accounts of Moses's death in Deuteronomy is attributable to J, although scholars debate which verses this includes. Jahwist", + "score": 0.67041015625 + }, + { + "id": "1435234", + "title": "Jewish philosophy", + "text": "foreknowledge is compatible with human freedom, suggests that what God knows beforehand is all the choices open to each individual. God does not know, however, which choice the individual, in his freedom, will make.\" Moses ben Joshua composed commentaries on Islamic philosophical works. As an admirer of Averroes; he devoted a great deal of study to his works and wrote commentaries on a number of them. His best-known work is his \"Shelemut ha-Nefesh\" (\"Treatise on the Perfection of the Soul\"). Moses began studying philosophy with his father when he was thirteen later studying with Moses ben David Caslari and Abraham", + "score": 0.67041015625 + }, + { + "id": "18026089", + "title": "Barbara Kimenye", + "text": "about to be relaunched by OUP and also to be translated into Kiswahili. Barbara Kimenye Barbara Kimenye (19 December 1929 \u2013 12 August 2012), was one of East Africa's most popular and best-selling children's authors. Her books sold more than a million copies, not just in Kenya, Uganda and Tanzania, but throughout English-speaking Africa. She wrote more than 50 titles and is best remembered for her \"Moses\" series, about a mischievous student at a boarding school for troublesome boys. A prolific writer widely regarded as \"the leading writer of Children's literature in Uganda\", Barbara Kimenye was among the first Anglophone", + "score": 0.67041015625 + }, + { + "id": "10571960", + "title": "Mosaic authorship", + "text": "an author long after the time of Moses, such as Genesis 12:6, \"The Canaanite was then in the land,\" implying a time when the Canaanites were no longer in the land. Abraham ibn Ezra (c.1092\u20131167) made a celebrated comment on this phrase, writing that it contains \"a great secret, and the person who understands it will keep quiet;\" the 14th century rabbi Joseph ben Samuel Bonfils responded that Moses had written this and similar passages, as he was a prophet, but that it made no difference whether they were by him or some later prophet, \"since the words of all", + "score": 0.669921875 + }, + { + "id": "411159", + "title": "Torah", + "text": "Soon afterwards Israel begins the conquest of Canaan. The Talmud holds that the Torah was written by Moses, with the exception of the last eight verses of Deuteronomy, describing his death and burial, being written by Joshua. Alternatively, Rashi quotes from the Talmud that, \"God spoke them, and Moses wrote them with tears\". The Mishnah includes the divine origin of the Torah as an essential tenet of Judaism. The modern scholarly consensus is that the Torah has multiple authors and that its composition took place over centuries. This contemporary common hypothesis among biblical scholars states that the first major comprehensive", + "score": 0.669921875 + }, + { + "id": "10142134", + "title": "Brian Moses", + "text": "is Able Writers in Your School (co-written with Roger Stevens), Brilliant Publications. His latest picture books are 'Beetle in the Bathroom' (Troika) and \"Animal Pants'[Macmillan Publishers|Macmillan]]). His latest books are \"Lost Magic: The Very Best of Brian Moses\" (Macmillan 2016), \"Keeping Clear of Paradise Street: A Seaside Childhood in the 1950s' (CandyJar Books, 2016), 'Dreamer' - Saving Our Wild World, (OtterBarry picture book, 2016) and '1066 & Before That: History Poems' - written with Roger Stevens (Macmillan, 2016). His first children's novel 'Python' is now published by CandyJar Books) A new book of poetry, 'I Thought I Heard a Tree", + "score": 0.669921875 + }, + { + "id": "4792530", + "title": "Moses ibn Ezra", + "text": "wrote in Judaeo-Arabic were in the minority at the time. Ibn Ezra was a distinguished philosopher, an able linguist, and a powerful poet. His \"Arugat ha-Bosem\" is divided into seven chapters: (i.) general remarks on God, man, and philosophy; (ii.) the unity of God; (iii.) the inadmissibility of applying attributes to God; (iv.) the impropriety of giving names to God; (v.) motion; (vi.) nature; (vii.) the intellect. The authorities quoted in this work are Hermes (identified by Ibn Ezra with Enoch), Pythagoras, Socrates, Aristotle, Plato, pseudo-Empedocles, Alfarabi, Saadia Gaon, and Solomon ibn Gabirol. It is well documented that Moses Ibn", + "score": 0.66943359375 + }, + { + "id": "7556732", + "title": "Pharaoh's daughter (Exodus)", + "text": "voice. The American novelist, H. B. Moore (also listed as Heather B. Moore) has published three novels centered on the life of Moses, under the group heading \"The Moses Chronicles\": 1. \"Bondage\" (American Fork, Utah: Covenant Communications, Inc., 2015). 2. \"Deliverance\" (American Fork, Utah: Covenant Communications, Inc., 2016); and 3. \"Exodus\" (American Fork, Utah: Covenant Communications, Inc., 2016). Bithiah appears as a central character/narrator in numerous chapters in the first and third volumes of this \"Biblical drama.\" In the well known song \"It Ain't Necessarily So\" from Gershwin's Porgy and Bess, the character Sportin' Life expresses skepticism about the veracity", + "score": 0.66943359375 + }, + { + "id": "6231708", + "title": "Song of Moses", + "text": "poem fits the aim of Dtr2, in retroactively accounting for Israel's misfortune, and, indeed, may have been composed at a similar time. Though both Jewish and Christian sources have traditionally attributed the Song to Moses, the conditions presupposed by the poem render the Mosaic authorship of it impossible according to critical commentary. The Exodus and the wilderness wanderings lie in the distant past. The writer's contemporaries may learn of them from their fathers (verse 7). The Israelites are settled in Canaan (verses 13\u201314); sufficient time has passed for them not only to fall into idolatry (verses 15\u201319), but to be", + "score": 0.66943359375 + }, + { + "id": "19974514", + "title": "Moses Mendes", + "text": "joined the Premier Grand Lodge of England and helped organise their Grand Festival in 1738. Moses Mendes Moses Mendes, or Mendez, died 1758, was a British poet and playwright. It has been suggested that he wrote the anonymous texts for Handel's dramatic English oratorios \"Solomon\" and \"Susanna\". Moses Mendes was born to a Jewish family in London. He followed his father's choice of career as a stockbroker and became prosperous. Moses Mendes bought an estate in Norfolk and wrote numerous poems and stage pieces, including the libretti for ballad operas including \"The Double Disappointment\" and \"The Chaplet\", produced at leading", + "score": 0.6689453125 + }, + { + "id": "3876197", + "title": "Book of Moses", + "text": "of Moses were first published in the church newspapers \"Evening and Morning Star\" and \"Times and Seasons\" in the 1830s and 1840s. The Book of Moses is considered part of the scriptural canon of the LDS Church. The eight chapters of the Book of Moses were included as a separate book within the Pearl of Great Price through a series of events subsequent to Smith's death. Franklin D. Richards, who published the first edition of the Pearl of Great Price in 1851, only had access to the early versions of the JST found in church newspapers along with another incomplete", + "score": 0.6689453125 + }, + { + "id": "10034075", + "title": "William Stainton Moses", + "text": "the result of self-suggestion and unconscious trickery. The first documented instance of cryptomnesia occurred in 1874 with Moses. Under the pen name \"M.A. Oxon\", Moses published the following books on spiritualism: Moses also edited the periodical \"Light\" and wrote on spiritualism for \"Human Nature\". William Stainton Moses William Stainton Moses (1839\u20131892) was an English cleric and spiritualist medium. Moses was born in Donington near Lincoln. He was educated at Bedford School, University College School, London and Exeter College, Oxford. He was ordained as a priest of the Church of England by Bishop Samuel Wilberforce in 1870. Moses attended his first", + "score": 0.6689453125 + } + ], + "answer": "Torah has a range of meanings, and it can most specifically mean the first five books, the Pentateuch or five books of Moses, of the 24 books of the Hebrew Bible. The Talmud holds that the Torah was written by Moses, with the exception of the last eight verses of Deuteronomy, describing his death and burial, being written by Joshua. According to Jewish tradition, the Torah was recompiled by Ezra during Second Temple period, and Wellhausen believed that Ezra was a redactor of the first five books of Moses. In the 1700s, JEDP was considered the author of the first five books of Moses. An unnamed author is listed as the author of the first five books of Moses." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who won the Final HoH in the American reality show Big Brother 20?", + "short_answers": [ + "Kaycee Clark" + ], + "wikipage": null + }, + { + "context": "Sarah Harding is a British singer and actress, known for being a member of the girl group Girls Aloud, which she won a place in following her appearance on the ITV television talent show \"\" in 2002. During her time in the group, they picked up one BRIT award and had four number one singles. However the group split in 2013, and Sarah launched a solo career. As an actress she played Joni Preston in the ITV soap opera \"Coronation Street\" in 2015. In 2016 she took part in the third series of \"The Jump\". She entered the house on Day 1. On Day 25, it was announced that Sarah had won the series.", + "question": "Who won the final vote in the British reality show Celebrity Big Brother 20?", + "short_answers": [ + "Sarah Harding" + ], + "wikipage": "Celebrity Big Brother (British series 20)" + } + ], + "wikipages": [ + { + "title": "Big Brother (British series 19)", + "url": "https://en.wikipedia.org/wiki/Big%20Brother%20%28British%20series%2019%29" + }, + { + "title": "Big Brother (German TV series)", + "url": "https://en.wikipedia.org/wiki/Big%20Brother%20%28German%20TV%20series%29" + }, + { + "title": "Celebrity Big Brother (British series 20)", + "url": "https://en.wikipedia.org/wiki/Celebrity%20Big%20Brother%20%28British%20series%2020%29" + }, + { + "title": "Big Brother (British TV series)", + "url": "https://en.wikipedia.org/wiki/Big%20Brother%20%28British%20TV%20series%29" + }, + { + "title": "Big Brother 20 (American season)", + "url": "https://en.wikipedia.org/wiki/Big%20Brother%2020%20%28American%20season%29" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "After 99 days in the Big Brother House, Kaycee Clark became the winner of Big Brother in a 5\u20134 vote over Tyler Crispen.", + "wikipage": "Big Brother 20 (American season)" + }, + { + "content": "She entered the house on Day 1. On Day 25, it was announced that Sarah had won the series.", + "wikipage": "Celebrity Big Brother (British series 20)" + } + ], + "long_answer": "After 99 days in the Big Brother House, Kaycee Clark became the winner of the final HoH in the American reality show Big Brother 20. The final vote in the British reality show of the same name was won by British singer and actress Sarah Harding." + }, + { + "knowledge": [ + { + "content": "Big Brother 20 is the 20th season of the American reality television series Big Brother.", + "wikipage": "Big Brother 20 (American season)" + }, + { + "content": "Big Brother is an American television reality competition show based on the original Dutch reality show of the same name created by producer John de Mol in 1997.[4] \nThe show broadly follows the premise of other versions of the format, in which a group of contestants, known as \"HouseGuests\", live together in a specially constructed house that is isolated from the outside world for a cash prize of $500,000 (or $750,000 in the 23rd season). The HouseGuests are continuously monitored during their stay in the house by live television cameras as well as personal audio microphones. Throughout the course of the competition, HouseGuests are evicted from the house, by being voted out of the competition. ", + "wikipage": "Big Brother (American TV series)" + }, + { + "content": "Head of Household (HOH)", + "wikipage": "Big Brother (American TV series)" + } + ], + "long_answer": "Kaycee Clark won the Final Head of House in Big Brother 20, which is the 20th season of the American reality television series Big Brother, an American television reality competition in which a group of contestants, known as \"House Guests\", live together in a specially constructed house that is isolated from the outside world for a cash prize of $500,000 or $750,000 in the 23rd season. The House Guests are continuously monitored during their stay and throughout the course of the competition, House Guests are evicted from the house, by being voted out of the competition. Sarah Harding won the final vote in the British version Celebrity Big Brother 20. " + } + ], + "sample_id": "-962065981949449467", + "question": "Who won the final hoh big brother 20?", + "docs": [ + { + "id": "16397362", + "title": "Big Brother 14 (U.S.)", + "text": "vote of 6 to 1 over Dan, with Danielle being the only person to vote for Dan. Before the finale ended, Julie Chen announced that Frank was the winner of the $25,000 America's Favorite HouseGuest prize. Ian Terry now has a record of 4 HOH wins, tying Vanessa Rousso and Steve Moses both from Big Brother 17, Caleb Reynolds from Big Brother 16, Aaryn Gries from Big Brother 15, Rachel Reilly from Big Brother 13, Hayden Moss from Big Brother 12, Janelle Pierzina from Big Brother 7 and Drew Daniel from Big Brother 5. Willie was expelled from the Big", + "score": 0.78076171875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "12502052", + "title": "Big Brother 11 (U.S.)", + "text": "had to guess the ending of statements made by the jury members. There were two possible answers and the players had to guess the correct ending by picking A or B. Jordan was the winner, becoming the final Head of Household of the season. Jordan chose to evict Kevin from the house, making Jordan and Natalie the Final Two. Jordan was later crowned the winner of \"Big Brother 11\" in a vote of five to two, with Chima's vote being replaced with a vote from the viewers. For the first 3 weeks the HouseGuest competed in their cliques in the", + "score": 0.7705078125, + "summary": "Jordan won the final HOH of Big Brother 11 and chose to evict Kevin, leading to a Final Two of Jordan and Natalie. Jordan was crowned the winner in a vote of 5 to 2.", + "extraction": "Jordan was the winner, becoming the final Head of Household of the season." + }, + { + "id": "19674083", + "title": "Big Brother 19 (U.S.)", + "text": "offer selected chosen players a secret temptation. A weekly opt-in competition, known as the Temptation Challenge, would give the winner immunity from the week's nomination but also put the last-place finisher on the block as a third nominee, able to compete in the weekly Veto Competition and avoid a backdoor nomination. On September 20, 2017, Josh Martinez won the game in a 5\u20134 vote against returning \"Big Brother 18\" runner-up Paul Abrahamian, earning the latter the distinction of being the first person to lose a Final 2 jury vote twice. \"Big Brother 19\" was produced by Endemol Shine North America", + "score": 0.76611328125, + "summary": "Josh Martinez won the final HOH of Big Brother 19 in a 5-4 vote against Paul Abrahamian on September 20, 2017.", + "extraction": "Josh Martinez won the game in a 5-4 vote against Paul Abrahamian." + }, + { + "id": "14915398", + "title": "Big Brother 13 (U.S.)", + "text": "Jordan's eviction, Week 10's HoH competition had three parts. The final three HouseGuests began playing \"Big Brother Mixer\" to determine the winner of the first part. Adam was eliminated after 29 minutes. Rachel won when Porsche fell after 48 minutes into the competition. Porsche and Adam competed in the second part, an underwater challenge, which Porsche ultimately won. Rachel and Porsche competed in the third part of the HoH competition which Rachel won and became the Final HoH. She evicted Adam, who became the seventh and final member of the jury. By a jury vote of 4\u20133 Rachel won the", + "score": 0.76220703125, + "summary": "Rachel won the final HoH competition and ultimately won Big Brother 13 with a jury vote of 4-3.", + "extraction": "Rachel won the final HoH of Big Brother 13." + }, + { + "id": "11622699", + "title": "Big Brother 10 (U.S.)", + "text": "the sole vote to evict Jerry from the house, making the Renegade alliance the Final Two. On Day 71, Dan was crowned the winner of \"Big Brother 10\" in a Jury vote of seven to zero. The voting table below records whom each HouseGuest voted to evict during his or her time in the House. The Head of Household (\"HoH\") and nominees are not allowed to vote, unless the vote is tied, in which case the Head of Household breaks the tie. The last seven evictees of the season are the members of the \"Big Brother 10\" jury, who vote", + "score": 0.75830078125, + "summary": "Dan was crowned the winner of \"Big Brother 10\" in a Jury vote of seven to zero.", + "extraction": "Irrelevant. The given passage is about Big Brother 10, whereas the question is about Big Brother 20." + }, + { + "id": "6843411", + "title": "Big Brother 2 (U.S.)", + "text": "directly ended several of their games because she wanted to win (Monica followed up on an earlier interview where she'd said Nicole's claims of \"love\" for other players were selfish and aimed at boosting her own ego), while Will reminded the jury how charismatic he was through his eloquent final speech. Dr. Will was crowned the winner of the series in a five to two vote. \"Big Brother 2\" premiered on July 5, 2001 to a viewing audience of 8.2 million viewers. These numbers were significantly lower than the previous season's premiere, however, it was noted that ratings did increase", + "score": 0.7548828125, + "summary": "Dr. Will won the Big Brother 2 series in a five to two vote, but there is no information about Big Brother 20 or the final HOH.", + "extraction": "Dr. Will was crowned the winner of the series in a five to two vote." + }, + { + "id": "19681294", + "title": "Big Brother 20 (U.S.)", + "text": "uncertain future for the show, CBS began accepting applications for a future season in September 2018. After 99 days in the Big Brother House, the September 26, 2018 finale saw Kaycee Clark crowned the winner of Big Brother in a 5\u20134 vote over Tyler Crispen. The series was announced in August 2016 as part of a double renewal for \"Big Brother 19\" and \"Big Brother 20\". Along with the series the 24/7 live feeds returned with a CBS All Access subscription and \"\" is also returned on Pop. The season is produced by Endemol Shine North America and Fly on", + "score": 0.75390625, + "summary": "Kaycee Clark won the final HOH of Big Brother 20 in a 5-4 vote over Tyler Crispen on September 26, 2018.", + "extraction": "Kaycee Clark won the final HOH of Big Brother 20 in a 5-4 vote over Tyler Crispen." + }, + { + "id": "6848833", + "title": "Chantelle Houghton", + "text": "saved from eviction by the public as the other two nominees (George Galloway and Dennis Rodman) left the house in a double eviction. While in the house, Houghton established close bonds with Jodie Marsh, and Preston. Houghton won the show on 27 January with 56.4% of the public vote, ahead of Michael Barrymore on 22.7%, earning her \u00a325,000 (the celebrities were reportedly paid fees of up to \u00a3150,000 each). Houghton re-entered the \"Big Brother\" house for Ultimate Big Brother, following the conclusion of Big Brother 2010, and to signal the end of Big Brother on Channel 4. She entered the", + "score": 0.75244140625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "15920373", + "title": "Rachel Reilly", + "text": "her early alliance with Briggs, and the pair worked together to make the final two, with Briggs evicting Lloyd in the final four stage, and then Reilly evicting Adam Poch the following week after she won HoH for the fourth time. Reilly eventually was named as the winner of Big Brother 13 in a vote of 4-3 over Briggs, earning the jury votes of Brendon Villegas, Jeff Schroeder, Jordan Lloyd and Shelly Moore, and losing the votes of Daniele Donato, Kalia Booker and Adam Poch. Reilly won $500,000 for winning the show. Reilly briefly returned to the house during Big", + "score": 0.748046875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "18863989", + "title": "Big Brother 18 (U.S.)", + "text": "Big Brother 18 (U.S.) Big Brother 18 is the eighteenth season of the American reality television series \"Big Brother.\" The season premiered on June 22, 2016 on CBS with a two-hour season premiere and ended with a 90-minute season finale on September 21, 2016. Julie Chen returned as host. On September 21, 2016, Nicole Franzel won the game in a 5-4 vote against Paul Abrahamian. The season lasted for 99 days making it the longest running season in the show's 16-year history. On September 24, 2014, CBS announced that it had renewed \"Big Brother\" for its 17th and 18th editions", + "score": 0.74658203125, + "summary": "Nicole Franzel won the final HOH of Big Brother 18 on September 21, 2016.", + "extraction": "Irrelevant. The passage is about Big Brother 18, not Big Brother 20." + }, + { + "id": "11891409", + "title": "Adam Jasinski", + "text": "\"Head of Household\" competition. At the finale, Jasinski became the winner of \"Big Brother 9\" by a vote of 6-1, defeating fellow houseguest Ryan Quicksall and earning the $500,000 prize. Jasinski received votes from Matt McDonald, Chelsia Hart, James Zinkand, Natalie Cunial, Sharon Obermueller, and Sheila Kennedy. Jasinski only lost the vote of Joshuah Welch. He played a great game and said afterwards \"only if they knew how easy it was to win it all! I would love to do it all over again and really share with the diary room and America my strategy. I was very skeptical therefore", + "score": 0.74658203125, + "summary": "Irrelevant. The document talks about Adam Jasinski winning \"Big Brother 9\" and is not related to the final HOH of \"Big Brother 20\".", + "extraction": "irrelevant" + }, + { + "id": "14915405", + "title": "Big Brother 13 (U.S.)", + "text": "Reilly had won earlier in the season. Rachel would go on to win the veto competition, saving herself and Jordan while forcing Porsche to nominate Adam Poch and Shelly Moore by default, as they were the only pair left for Porsche to put on the block. Rachel would later go on to win the season while Porsche finished in 2nd place, and Jordan finished in 4th. Big Brother 13 (U.S.) Big Brother 13 was the thirteenth season of the American reality television series \"Big Brother\". It is based upon the Netherlands series of the same name, which gained notoriety in", + "score": 0.74609375, + "summary": "irrelevant", + "extraction": "Irrelevant. The passage is about Big Brother 13 and does not provide information about the winner of the final HOH competition in Big Brother 20." + }, + { + "id": "11258680", + "title": "Big Brother 9 (U.S.)", + "text": "an attempt to get a ball through a maze. Adam was the winner. On Day 77, Adam and Ryan competed in the \"Jury Statements\" final Head of Household competition. For this, HouseGuests had to attempt to finish a sentence made by the six members of the Jury of Seven. Ryan was the winner, thus became the final Head of Household. He then cast the sole vote to evict Sheila from the house. On Day 81, Adam was crowned the winner of \"Big Brother 9\" in a vote of six to one. \"Big Brother 9\" airs three episodes a week, with", + "score": 0.74462890625, + "summary": "Irrelevant.", + "extraction": "Ryan won the final HOH competition and cast the sole vote to evict Sheila from the house. Therefore, Ryan was not the winner of Big Brother 20, so the passage is irrelevant." + }, + { + "id": "16726889", + "title": "Ian Terry", + "text": "first HoH competition. After that initial victory, he went on to win the rest of his eligible HoH competitions. With his win on finale night, he tied the record of the most HoHs in a season: four. On September 19, 2012, Terry won \"Big Brother 14\" and the $500,000 prize after defeating Dan Gheesling, who was the winner of \"Big Brother 10\" and one of the four returning coaches, by a vote of 6-1. Terry is one of nine HouseGuests, including Drew Daniel, Janelle Pierzina, Rachel Reilly, Aaryn Gries, Hayden Moss, Caleb Reynolds, Vanessa Rousso, and Steve Moses in the", + "score": 0.744140625, + "summary": "Irrelevant. The document talks about Ian Terry's wins in a past season of Big Brother and does not mention the winner of Big Brother 20.", + "extraction": "Irrelevant. The given passage does not provide information about Big Brother 20 or the final HoH competition." + }, + { + "id": "9633259", + "title": "Big Brother 8 (U.S.)", + "text": "images, and the HouseGuest with the most correct answers was the winner. Zach was the winner. On Day 70, Zach chose to nominate Daniele and Dick for eviction, with the hopes of evicting one of them. On Day 71, HouseGuests competed in the \"Big Brother Decoder\" final Power of Veto competition. For this competition, HouseGuests had to match a clue to a HouseGuest's face that interlocked with another HouseGuest's face. Once that is done, the HouseGuests must twist the knob and match the HouseGuest with the corresponding number. The first HouseGuest to correctly label the many seconds they've been in", + "score": 0.74365234375, + "summary": "The document is irrelevant to the question of interest.", + "extraction": "Zach was the winner." + }, + { + "id": "10530919", + "title": "Daniele Donato", + "text": "won, him and Jameka agreed to try to evict Dick or Daniele, and on Day 70 the father-daughter duo were nominated for the third time. On Day 71, during the final Power of Veto competition, called Big Brother Decoder, the final four HouseGuests had to match a clue to a HouseGuest's face that interlocked with another HouseGuest's face. Once that is done, the HouseGuest must twist the knob and match the HouseGuest with the corresponding number. The first HouseGuest to correctly label the many seconds they've been in the Big Brother house will win the Power of Veto. Daniele was", + "score": 0.7431640625, + "summary": "Irrelevant.", + "extraction": "Daniele Donato" + }, + { + "id": "11622687", + "title": "Big Brother 10 (U.S.)", + "text": "be the last one remaining. Dan was the winner. During the competition, Dan promised both Ollie and Michelle safety and also stated he would allow Ollie to choose one of the nominees as well as the replacement nominee should the Power of Veto be used. Ollie later decided he would like to see Memphis, though Dan was fearful of this due to his Renegades alliance with Memphis. On Day 46, Dan chose to nominate Jerry and Memphis for eviction. Jerry later won a public vote that allowed him to receive a phone call from home. When picking players for the", + "score": 0.74169921875, + "summary": "Dan won the final HOH on Big Brother 10 (U.S.).", + "extraction": "Dan was the winner." + }, + { + "id": "18120017", + "title": "Nicole Franzel", + "text": "to earning a spot in the final two. Franzel was then crowned the winner of Big Brother 18 by earning the votes of fellow Houseguests Brooks, Natalie Negrotti, Paulie Califiore, Zakiyah Everette and Da'Vonne Rogers to win over Abrahamian by a margin of 5-4. In doing so, Franzel became the first female Houseguest to defeat a male Houseguest in the final two in the history of the U.S. broadcast series. Nicole has been dating fellow \"Big Brother 18\" houseguest Victor Arroyo. On September 8, 2018, Franzel became engaged to Arroyo. Nicole Franzel Nicole Ann Franzel (born June 30, 1992) is", + "score": 0.7412109375, + "summary": "Nicole Franzel won Big Brother 18 by a margin of 5-4, becoming the first female Houseguest to defeat a male Houseguest in the final two in the history of the U.S. broadcast series.", + "extraction": "Nicole Franzel was the winner of Big Brother 18." + }, + { + "id": "10530921", + "title": "Daniele Donato", + "text": "and immediately evicted Zach from the house, making Dick and Daniele the Final Two. On Day 77, the final two HouseGuests attended a three-hour session in which the jury members, connected via satellite from the jury house, asked the pair questions about the game and why the jury members should give either of them their respective votes. On Day 81, during the live season finale, Dick won the game with a vote of 5 to 2, with Daniele only receiving the votes of Jen and Jameka. Daniele Donato is tied with Janelle Pierzina with five Veto Wins. Since then, she", + "score": 0.7412109375, + "summary": "Dick won the game with a vote of 5 to 2 in the final hoh of Big Brother 20, making Daniele the runner-up.", + "extraction": "Dick won the game with a vote of 5 to 2." + }, + { + "id": "6843510", + "title": "Big Brother 4 (U.S.)", + "text": "from the house. On Day 82, Jun was crowned the winner of Big Brother 4 in a six to one vote, with Alison only receiving the vote of Nathan. Ten HouseGuests entered the house with an ex-partner, with whom he or she broke up prior to the show. These exes are indicated by matching colors in the chart. Beyond the personal effects of their histories and relationships, there was no direct effect on the mechanics of the game; exes were free to work with or against each other as they saw fit. Big Brother 4 (U.S.) Big Brother 4 is", + "score": 0.74072265625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is about Big Brother 4 and does not provide information about Big Brother 20." + }, + { + "id": "16397361", + "title": "Big Brother 14 (U.S.)", + "text": "endurance HOH from season 10 in which Dan also won). On Day 71, Ian won the second part of the final Head of Household competition, \"Climb Time\". On Day 75, Ian won the third part of the final Head of Household, \"Jury Statements\" and became the final Head of Household of the season. Ian then evicted Danielle and chose Dan to take to the final two. The jury was allowed to ask questions to both Dan and Ian, who began to turn against each other. In the end, the jury voted for Ian to win the grand prize by a", + "score": 0.73974609375 + }, + { + "id": "13786010", + "title": "Big Brother 12 (U.S.)", + "text": "match the movie poster with the two HouseGuests described with the facts; there was only one correct order, and the first HouseGuest to finish would be the winner. Hayden was the winner of the final Power of Veto. Following this win, it ensured that Britney would be evicted and that The Brigade would be the final remaining HouseGuests. This led to the Brigade alliance telling Britney that they were aligned and that she would be evicted that week, leading to her breaking down crying. On Day 67, Hayden chose not to use the Power of Veto on either nominee. Minutes", + "score": 0.73779296875 + }, + { + "id": "13786013", + "title": "Big Brother 12 (U.S.)", + "text": "the Final Two. Hayden was then crowned the winner of \"Big Brother 12\" in a vote of four to three. The season premiere of \"Big Brother 12\", which aired on CBS on July 8, attracted 7.35 million viewers, with a 2.4 rating in adults 18-49. The ratings were mixed in its timeslot, with its nearest competition, a new episode of \"Wipeout\" (another Endemol USA production) on ABC placing first in viewers with 7.9 million viewers. \"Big Brother 12\" was first in total households with a 4.4/8 compared to \"Wipeout\"'s 4.3/8 and was first in adults 18-34. Both shows tied in", + "score": 0.736328125 + }, + { + "id": "16397336", + "title": "Big Brother 14 (U.S.)", + "text": "the vote of Shane. Following JoJo's eviction, Shane won the \"On Thin Ice\" HoH competition. The HouseGuests shot balls into a slotted end of an ice rink that had scores for each slot. Host Julie Chen then revealed to the viewers they could vote on whether or not the mentors should be allowed to enter the game. On Day 21, the HouseGuests went to the Big Brother Gym for their coaches competition \"Feel the Burn\". Their goal was to do as many exercises of a certain type. The coach who would do the least would be eliminated. When they were", + "score": 0.73583984375 + }, + { + "id": "12502049", + "title": "Big Brother 11 (U.S.)", + "text": "final Power of Veto competition. For this competition, HouseGuests were given twenty clues, lined up ten by ten and were required to match blocks with HouseGuests names on them with the clues provided; the HouseGuest to complete this in the fastest time would be the winner. Kevin was the winner of the final Power of Veto. On Day 66, Kevin chose to use the Power of Veto to remove himself from the block, with Jordan being nominated in his place. Minutes later, he cast the sole vote to evict Michele from the house. She became the fifth member of the", + "score": 0.7353515625 + }, + { + "id": "13786009", + "title": "Big Brother 12 (U.S.)", + "text": "in an attempt to find the other coins; the HouseGuest with the last coin found would win a $10,000 prize. Britney was the winner. Later that day, Hayden chose to nominate Britney and Lane for eviction, largely due to their growing bond and since they would probably not eliminate the other. On Day 64, HouseGuests competed in the \"Big Brother Marque\" final Power of Veto competition. For this competition, HouseGuests were given various movie posters with the faces of two previously evicted HouseGuests on each of them; there were two facts listed on the board, and the HouseGuests had to", + "score": 0.73388671875 + }, + { + "id": "18120014", + "title": "Nicole Franzel", + "text": "the house Day 63 after she won the challenge between Hayden, Jocasta, and Zach. On Day 71, Nicole was nominated for a sixth consecutive time and was re-evicted by a vote of 4-0 as the fifth member of the jury. Franzel voted for fellow house guest (and Big Brother 16 winner) Derrick Levasseur during the finale. After Derrick became revealed to be the winner, Nicole was revealed to be among the top vote-getters for \"America's Favorite Houseguest\" alongside Zach Rance and the winner of the $25,000 prize of America's Favorite Houseguest Donny Thompson. After her appearance on \"Big Brother 16\",", + "score": 0.73291015625 + }, + { + "id": "18310823", + "title": "Big Brother 17 (U.S.)", + "text": "Big Brother 17 (U.S.) Big Brother 17 is the seventeenth season of the American reality television series \"Big Brother\". The season premiered on June 24, 2015, on CBS, and once again was a two-night launch with the following episode airing on June 25, 2015. The season ended on September 23, 2015, with a 90-minute season finale following the fall season premiere of \"\". The season featured the highest number of HouseGuests to date with 17 HouseGuests in total. On September 23, Steve Moses won the game in a 6-3 vote against Liz Nolan. On September 24, 2014, CBS announced that", + "score": 0.73291015625 + }, + { + "id": "7980617", + "title": "Big Brother 7 (U.S.)", + "text": "competition. For this competition, HouseGuests were required to take punishments in exchange for remaining in the competition; the last HouseGuest remaining was the winner. George was the winner of the competition. Shortly before the Power of Veto ceremony, Jase found out he was a potential replacement nominee and began throwing things around the backyard and engaging in numerous verbal arguments. On Day 22, George chose to use the Power of Veto to remove himself from the block, with Jase being nominated as the replacement nominee. On Day 25, Jase became the third HouseGuest to be evicted from the house in", + "score": 0.732421875 + }, + { + "id": "6843563", + "title": "Big Brother 5 (U.S.)", + "text": "\"Earthquake\" first round of the final Head of Household competition. For this endurance competition, HouseGuests were required to hold onto their keys while standing on a platform that moved around. Drew was the winner of this competition. Diane and Michael later faced off in the \"Twisted twosomes\" Head of Household competition, which Michael won. On Day 78, Drew and Michael competed in the \"Encore Presentation\" Head of Household competition. Drew was the winner of the competition, making him the final Head of Household of the season. Moments later, he cast the sole vote to evict Diane. On Day 82, the", + "score": 0.732421875 + }, + { + "id": "17541484", + "title": "Big Brother 16 (U.S.)", + "text": "of the final HOH competition, \"Fly High or Bye-Bye\". The HouseGuests had to stand on a ledge while holding on to a hangglider. The last HouseGuest holding on to their glider will win Part One of the Final HOH and advance to Part Three. Cody hung on the longest and won. On Day 92, Derrick and Victoria competed in the second part of the final HOH, \"BBgypt\". While competing individually, Derrick and Victoria had to scale the wall of a giant pyramid, searching for the names of the evicted HouseGuests. They then had to place the final nominees in each", + "score": 0.73193359375 + }, + { + "id": "14915380", + "title": "Big Brother 13 (U.S.)", + "text": "zero. Following Cassi's eviction, HouseGuests competed in the \"Big Brother Online\" Head of Household competition. For this competition, HouseGuests were required to answer questions based on how they believed the viewers had responded to them; an incorrect answer resulted in elimination, and the last HouseGuest remaining was the winner. Rachel was the winner. On Day 21, HouseGuests competed in the \"Same Name\" luxury competition. For this competition, HouseGuests were given hints and were required to guess which celebrity was described by the hints. David Hasselhoff, who was the correct answer, later entered the house and announced that the winner would", + "score": 0.7314453125 + }, + { + "id": "11365364", + "title": "Big Brother 9 (UK)", + "text": "Big Brother 9 (UK) Big Brother 2008, also known as Big Brother 9, was the ninth series of the British reality television series \"Big Brother\". The show followed twenty-one contestants, known as housemates, who were isolated from the outside world for an extended period of time in a custom built House. Each week, one or more of the housemates were eliminated from the competition, and left the House. The last remaining housemate, Rachel Rice, was declared the winner, winning a cash prize of \u00a3100,000. The series launched on Channel 4 on 5 June 2008 and ended on 5 September 2008,", + "score": 0.7314453125 + }, + { + "id": "6843614", + "title": "Big Brother 6 (U.S.)", + "text": "HouseGuests competed in the \"Before or After\" Head of Household competition. For this competition, HouseGuests had to answer questions and determine whether a specific event happened before or after another event in the game. Janelle was the winner of the competition, answering every question correctly. Janelle later won an America's Vote poll, and was able to leave the house to visit the set of the CBS sitcom \"Two and a Half Men\". On Day 69, Janelle chose to nominate Ivette and Maggie for eviction. On Day 70, the HouseGuests competed in the \"Missing Link\" final Power of Veto competition. For", + "score": 0.7314453125 + }, + { + "id": "7980623", + "title": "Big Brother 7 (U.S.)", + "text": "feature a reward or be empty. Danielle was the winner of the competition, making it the first time that someone outside of the \"Season Six\" alliance won; James won the right to nullify an eviction vote, Mike won $10,000, and Marcellas won a slop pass. Due to the endurance Head of Household competition, there was no food competition this week. On Day 33, Danielle chose to nominate James and Janelle for eviction, with Janelle being her main target. When picking players for the Power of Veto competition, Will, Marcellas, and Mike were selected to play; Erika was selected to host", + "score": 0.73046875 + }, + { + "id": "11258651", + "title": "Big Brother 9 (U.S.)", + "text": "couple to finish were the winners. Joshuah & Sharon were the winners of the Power of Veto, and also earned the house information from outside the house. That night, Allison had an allergic reaction, while Amanda fainted and had a seizure due to low blood sugar. Both were medically evacuated from the house for the night, and returned the following morning. On Day 18, Joshuah & Sharon chose not to use the Power of Veto on either nominee. Despite the house planning to evict Alex & Amanda, Allison later began convincing Joshuah & Sharon to evict Matt & Natalie from", + "score": 0.73046875 + }, + { + "id": "7980631", + "title": "Big Brother 7 (U.S.)", + "text": "HouseGuest with the most correct answers was the winner. The viewers also voted for the Prom King or Queen, with this winner getting an advantage in the competition; Janelle was selected, however, could not compete as outgoing Head of Household. George was the winner of this competition. Immediately following this, the HouseGuests learned that it was a Double Eviction Week, and that George was required to make his nominations on the spot. He chose to nominate Erika and James for eviction. When picking players for the Power of Veto, Howie, Danielle, and Will were selected to compete; Janelle was selected", + "score": 0.72998046875 + }, + { + "id": "6843499", + "title": "Big Brother 4 (U.S.)", + "text": "won the endurance portion of the competition, Scott chose which of the two would become the first HoH; he chose Nathan. On Day 5, he nominated Amanda and Jee for eviction. On Day 7, Dana won the \"Feeling Knotty\" Power of Veto competition, and chose to keep nominations the same. On Day 8, Scott was expelled from the game after a violent outburst, in which he revealed he had a sexually transmitted disease. On Day 12, Amanda was evicted in a unanimous vote. Following Amanda's eviction, the remaining HouseGuest competed in the \"Majority Rules\" HoH competition, in which they had", + "score": 0.72998046875 + }, + { + "id": "16796449", + "title": "Big Brother 15 (U.S.)", + "text": "HouseGuest fell, their bull replica would crash into a china cabinet full of glass. The last HouseGuest remaining on the tube would be the winner. GinaMarie was the winner. Candice won a $5,000 prize, while Helen won a barbecue and invited Aaryn and Elissa to join her. Spencer received the punishment of having to speak using a bullhorn until after the nomination ceremony. GinaMarie and her allies decided to target Candice and Jessie for eviction, hoping to see Candice be evicted from the house. On Day 43, GinaMarie chose to nominate Candice and Jessie for eviction. On Day 44, it", + "score": 0.728515625 + }, + { + "id": "18321219", + "title": "Jeff Schroeder (television personality)", + "text": "by Kevin's tiebreaker vote after Natalie voted to evict Jeff and Michele voted to evict Jordan. On Day 73, he won the \"America's Favorite\" prize, awarding him $25,000. He was a part of the jury and voted for Jordan to win. After Big Brother, Jeff has made appearances on several other CBS shows. Jeff, along with Jordan, appeared on The Amazing Race 16. They came in seventh place. In 2010, Jeff, along with Jordan, entered the \"Big Brother 12\" house to host the fifth Power of Veto competition, \"Lover's Lane\". Later in 2010, Jeff became a part of the online", + "score": 0.728515625 + }, + { + "id": "11622648", + "title": "Big Brother 10 (U.S.)", + "text": "had a total of 7.63 million viewers, the third lowest rated finale. The series averaged 6.72 million viewers, making it the second lowest rated season of the series. \"Big Brother 10\" featured a total of 13 HouseGuests, the first time there had been a decrease in the number of HouseGuests. The series ended after 71 days, in which HouseGuest Dan Gheesling was crowned the Winner, and Memphis Garrett the Runner-Up. Speculation on the show not returning for the Summer 2008 Television Season developed as the previous series had been accelerated to the second half of the 2007-08 television season as", + "score": 0.7275390625 + }, + { + "id": "16796465", + "title": "Big Brother 15 (U.S.)", + "text": "During the finale, Andy and GinaMarie faced off in the final part of the competition, \"Jury Statements\". Andy won the competition and, as final HoH, cast the sole vote to evict Spencer from the house. After asking questions to the final two, the nine-person jury voted to crown the season's winner. Andy won in with a 7-2 vote, and Elissa won $25,000 as America's Favorite HouseGuest, with Judd and Howard gaining the next-highest number of votes. The series premiered on June 26, 2013 to a 2.2 rating with adults 18\u201349, according to Nielsen overnight numbers. This made it the second", + "score": 0.7275390625 + }, + { + "id": "17559395", + "title": "Andy Herren", + "text": "McCrae. Andy won Big Brother 15 by a vote of 7-2 on finale night, only not receiving votes from Aaryn and Judd, becoming the first openly gay houseguest to win Big Brother. Andy Herren Andrew David Herren (born November 14, 1986) is an American part-time adjunct professor of public speaking, most notable for winning the fifteenth season of the American reality television show \"Big Brother 15 (U.S.)\" in 2013. He is also the first openly gay winner in the show's history. Early in the game Andy formed an alliance with Amanda and McCrae, reporting everything he heard straight to them,", + "score": 0.7265625 + }, + { + "id": "9222410", + "title": "Big Brother (Australian season 7)", + "text": "in front of an audience on Day 99 (29 July 2007) from Dreamworld, and was hosted by Gretel Killeen. The season finale aired on Day 100 (30 July 2007) in which Aleisha was announced the winner and Zach the runner-up. It was the closest winning margin in Australian Big Brother history of less than 500 votes and the announcement of the winner was delayed by an hour after the voting lines closed as votes were rechecked. At one point during the final episode, there was just 64 votes difference between the last two housemates. Aleisha is the second female to", + "score": 0.7265625 + }, + { + "id": "18120037", + "title": "Derrick Levasseur", + "text": "assigned by online voters. Levasseur won Head of Household (HOH) in weeks 3, 8, 10, and 12. He was the sole HOH for three out of those four weeks. He didn't sit on the block until the Final Three, making him the first HouseGuest to accomplish this since Danielle Reyes and Jason Guy, both of Big Brother 3. On finale night, when Calafiore won Head of Household and chose to take Levasseur to the final two, Levasseur won the game with a 7-2 jury vote, earning him $500,000. This, coupled with previously-earned Team America prize money, resulted in a grand", + "score": 0.7255859375 + }, + { + "id": "13785987", + "title": "Big Brother 12 (U.S.)", + "text": "third HouseGuest to be evicted from the house in a unanimous vote of eight to zero. Following Andrew's eviction, HouseGuests competed in the \"BB Knockout\" Head of Household competition. For this competition, HouseGuests faced off two at a time and were asked questions about past competitions played this season; the winner of each round would select the next two HouseGuests to face off, with the last HouseGuest remaining being the winner. Rachel was the winner. Following her win, Rachel and Kristen engaged in numerous arguments with one another, with Hayden and Brendon also getting involved. On Day 28, HouseGuests competed", + "score": 0.7255859375 + }, + { + "id": "11622692", + "title": "Big Brother 10 (U.S.)", + "text": "ball land on the date that the event occurred. The number of days they were incorrect would earn the HouseGuests a penalty point, and the HouseGuest with the lowest amount of penalty points was the winner. Jerry was the winner. In an attempt to keep their Renegades alliance intact, Dan and Memphis agreed that Memphis should make a deal with Jerry to keep herself safe. The two then decided that Memphis needed to win the Power of Veto, allowing them both to be safe and decide who would be evicted. On Day 53, Jerry chose to nominate Dan and Keesha", + "score": 0.7255859375 + }, + { + "id": "17541436", + "title": "Big Brother 16 (U.S.)", + "text": "in the final 2. She also hosted the first HoH competition on \"Big Brother 19\". Frankie Grande went on to become a housemate on \"Celebrity Big Brother 18\" in the UK, becoming the first U.S. contestant to play in an international edition of the show. He finished in 6th place overall. Reynolds later returned as a castaway on \"\", finishing in 18th place. Winner Derrick Levasseur later made an appearance on \"Big Brother 19\" to host an HOH competition, and on \"Big Brother 20\" to share his thoughts on the season. On July 31, 2018, three Big Brother 16 contestants", + "score": 0.7255859375 + }, + { + "id": "9633255", + "title": "Big Brother 8 (U.S.)", + "text": "this competition, HouseGuests were required to walk back and forth transferring cups of tea from a tea pitcher to a jar on the opposite side of the backyard. The first HouseGuest to fill up their jar and claim the ball inside would be the winner of the competition. Zach was the winner. During the competition, Eric won a phone call from home, and chose to give it to Jessica. On Day 63, Zach chose to nominate Jameka and Jessica for eviction. On Day 64, former HouseGuest Janelle Pierzina returned to the house to host \"The Janelle-O-Vision\" Power of Veto competition.", + "score": 0.72509765625 + }, + { + "id": "16397345", + "title": "Big Brother 14 (U.S.)", + "text": "other was a choice between $10,000 or a Have Not Pass decided by the viewers voting for $10,000. Britney won safety, Mike Boogie won $10,000, and Shane won his second HoH competition and became the new Head of Household. After the HOH competition, Boogie told Ian his targets would be Britney and Shane for the future. But Ian went on to warn them about Boogie and Frank and they cannot be trusted anymore. On Day 42, Shane went against his \"Silent Six\" alliance in favor of his second alliance (The Quack Pack) by nominating Frank and Mike Boogie for eviction.", + "score": 0.72509765625 + }, + { + "id": "13980546", + "title": "Big Brother 11 (UK)", + "text": "Big Brother 11 (UK) Big Brother 2010, also known as Big Brother 11, was the eleventh series of the British reality television series \"Big Brother\", and the final series of the show to be broadcast by Channel 4. The show followed twenty-one contestants, known as housemates, who were isolated from the outside world for an extended period of time in a custom built House. Each week, one or more of the housemates were evicted by a public vote. The last remaining housemate, Josie Gibson, was declared the winner, winning a cash prize of \u00a3100,000 and a place in a special", + "score": 0.7236328125 + }, + { + "id": "8078693", + "title": "George Boswell", + "text": "46, George won the Head of Household competition in a tie-breaker against Danielle. As part of a surprise double-eviction week, he was forced to immediately nominate two housemate for eviction live. He nominated James and Erika. However, James won the veto and George then nominated Howie. At the beginning of Week Eight, George was nominated alongside Janelle by Erika. Janelle won the veto and removed herself from the block, causing Head of Household Erika to nominate Danielle. Danielle Reyes was evicted the following Thursday, day 60. In addition, Day 60 included \"Big Brother Overdrive\", a game element where a full", + "score": 0.7236328125 + }, + { + "id": "7980636", + "title": "Big Brother 7 (U.S.)", + "text": "chose to nominate George and Janelle for eviction. Neil Patrick Harris later entered the house to participate in the \"Christmas in August\" prize. On Day 55, all of the remaining HouseGuests competed in the \"Two Faced\" Power of Veto competition. For this competition, HouseGuests had to correctly figure out which two faces of the HouseGuests made up a set of faces. The HouseGuest who finished the competition in the fastest time was the winner; Janelle won the Power of Veto. On Day 57, Janelle chose to use the Power of Veto to remove herself from the block, with Danielle being", + "score": 0.7236328125 + }, + { + "id": "11622690", + "title": "Big Brother 10 (U.S.)", + "text": "then competed in the \"Big Brother Headlines\" Head of Household competition. For this competition, HouseGuests were questioned over which HouseGuest the viewers felt would most fit a specific news headline; the HouseGuest with the most points after seven questions would win. Keesha was the winner. Keesha chose to nominate Jerry and Ollie for eviction. HouseGuests then competed in the \"Veto In a Haystack\" Power of Veto competition. For this competition, HouseGuests dug through barrels of hay in an attempt to find two Veto medallions; the first to complete this would be the winner. Dan was the winner of the Power", + "score": 0.72314453125 + }, + { + "id": "16796464", + "title": "Big Brother 15 (U.S.)", + "text": "eviction. That same day, the HouseGuests competed in the final Veto competition of the season, titled \"Web of (F)Lies.\" Andy won the Power of Veto. On Day 84, Andy decided not to use the Power of Veto. Immediately following the Veto ceremony, GinaMarie, with the sole vote to evict, choose to evict McCrae from the game. Following McCrae's eviction, the final three participated in the first part of the final HoH competition, \"The Great E-skate,\" with GinaMarie being the victor. On Day 86, Spencer and Andy competed in part two of the final HoH competition, \"Crab Grab,\" which Andy won.", + "score": 0.72314453125 + }, + { + "id": "9633250", + "title": "Big Brother 8 (U.S.)", + "text": "made a certain statement, and the HouseGuest who is the farthest away from the correct answer is eliminated each round. Amber and Daniele became the last two remaining in the competition, thus won the special trip outside of the house. Daniele was the winner of the Power of Veto. On Day 52, Daniele chose to use the Power of Veto to remove Amber from the block, and chose to nominate Jen in her place. That night, Amber and Daniele left the house and learned that they would be contestants on the CBS game series \"Power of 10\". Shortly after their", + "score": 0.72314453125 + }, + { + "id": "13785994", + "title": "Big Brother 12 (U.S.)", + "text": "challenge; if the challenged HouseGuest does better than their challenger, then the challenger is eliminated. Britney was the winner of the Power of Veto. Rachel, in an attempt to get Britney to use the Power of Veto, offered Britney the $5,000 Rachel had won in the previous Power of Veto competition; Rachel believed that if Kathy was nominated against Brendon then Kathy would be evicted. Britney denied to do so, telling Rachel that all of the HouseGuests were against Brendon and Rachel, thus using the Power of Veto would be pointless. On Day 38, Britney chose not to use the", + "score": 0.72314453125 + }, + { + "id": "11423415", + "title": "Pinoy Big Brother: Double Up", + "text": "coming of the third Teen Edition, \"\", as well as the appearances of the cast of \"Rubi\", the Jabawockeez, and Kim Chiu. The season was won by Melisa, who amassed 1,226,675 votes or 32.08% of the entire vote since it began since Day 120. Leaving before her were Paul Jake (1,044,275 votes or 27.31%), Jason (954,961 votes or 24.97%), Johan (303,751 votes or 7.94%), and Tibo (294,262 votes or 7.69%), who left the House as the so-called 5th Big Placer. This table shows the summary of votes as obtained by each of the Big 5 in the Big Night. On", + "score": 0.72265625 + }, + { + "id": "16397333", + "title": "Big Brother 14 (U.S.)", + "text": "On Day 13, Kara was evicted in a 5 to 3 vote, leaving Danielle as Dan's only team member left. It was also revealed the winner of the next Coaches Competition would have the option of either saving one of his or her players or trading them with another player. Following Kara's eviction, Frank won the Head of Household competition, \"Big Brother Break-In\". The HouseGuests had to determine whether a burglar that entered the house was guilty or not guilty of a certain crime. HouseGuests were eliminated by answering incorrectly. Janelle won the second coaches competition, \"Phat Stacks\", and chose", + "score": 0.72265625 + }, + { + "id": "12502046", + "title": "Big Brother 11 (U.S.)", + "text": "\"Morphomatic\" Power of Veto competition. For this competition, HouseGuests had to correctly figure out which two faces of the HouseGuests made up a set of alien faces. The HouseGuest who finished the competition in the fastest amount of time was the winner. Michele was the winner of the Power of Veto. On Day 58, Michele chose to use the Power of Veto to remove herself from the block, with Jordan being nominated in her place. On Day 61, Jeff became the eighth HouseGuest to be evicted from the house when Kevin cast a tiebreaker vote in Jordan's favor. He became", + "score": 0.72216796875 + }, + { + "id": "5778603", + "title": "Jun Song", + "text": "evicted Landin. In week 10, Song competed against Roman in the second part of the final HOH competition and won, advancing to the third part of the competition in which she faced off against Irwin. The challenge came down to a tiebreaker, which Song purposely threw so that Irwin could become the last HOH and be the one to evict Roman and at the same time lose his jury vote. On day 82, during the live finale, Song was declared the winner of the show in a 6-1 jury vote. Song's votes came from Dana Varela, Justin Giovinco, Jack Owens,", + "score": 0.72216796875 + }, + { + "id": "9633263", + "title": "Big Brother 8 (U.S.)", + "text": "house. This made Daniele and Dick the Final Two. On Day 81, Dick was crowned the winner of \"Big Brother 8\" in a vote of five to two. Six of the fourteen HouseGuests entered the house with a \"nemesis\", a person from his or her past with whom he or she had feuded. These nemeses are indicated by matching colors in the chart. Beyond the personal effects of their histories and relationships, there was no direct effect on the mechanics of the game; nemeses were free to work with or against each other as they saw fit. America's Player, Eric,", + "score": 0.72216796875 + }, + { + "id": "20345945", + "title": "Big Brother Canada (season 6)", + "text": "correct answer earned one point. The HouseGuest with more points after seven questions will become the final Head of Household of the season. Paras was the winner. On Day 69, Paras cast the sole vote to evict Derek. He became the seventh and final member of the jury. On Day 69, after receiving Ryan, Alejandra, Olivia, Johnny, Maddy, and Will's votes, Kaela was deemed the runner-up and walked away with $20,000, and Paras left the House with $100,000, a European dream vacation for two courtesy of Air Transat, a $30,000 home makeover from The Brick, and was deemed the winner", + "score": 0.7216796875 + }, + { + "id": "12502026", + "title": "Big Brother 11 (U.S.)", + "text": "various truffles with point values on them, with each HouseGuest selecting four truffles to keep; the winner was the HouseGuest that had the highest total when combining the numbers on their truffles. Michele was the winner of the Power of Veto. On Day 23, Michele chose to use the Power of Veto to remove herself from the block, with Casey being nominated in her place. On Day 26, Casey became the third HouseGuest to be evicted from the house in a vote of seven to one. Following Casey's eviction, the HouseGuests learned that the \"Cliques\" twist had ended, and that", + "score": 0.7216796875 + }, + { + "id": "12502051", + "title": "Big Brother 11 (U.S.)", + "text": "the final round. In the second round, called \"Heads Will Roll\", each HouseGuest entered the backyard alone with a giant game table with the numbers one through ten. Each player used balls with names of previous Head of Household winners and place the ball with the correct name into the hole that corresponds with the numerical order in which they reigned. The player had a two-minute time limit and the player with the most correct answers won. Jordan was the winner. Kevin and Jordan competed in the final part of the Head of Household competition called \"Jury Statements.\" The players", + "score": 0.7216796875 + }, + { + "id": "12438911", + "title": "Big Brother 10 (UK)", + "text": "Big Brother 10 (UK) Big Brother 2009, also known as Big Brother 10, was the tenth series of the British reality television series \"Big Brother\". The show followed a total of twenty-two contestants, who were isolated from the outside world for an extended period of time in a custom built House. Each week, one or more of the housemates were evicted by a public vote. The last remaining housemate, Sophie Reade, was declared the winner, winning a cash prize of \u00a371,320. The series launched on Channel 4 on 4 June 2009 and ended on 4 September 2009, lasting 93 days", + "score": 0.7216796875 + }, + { + "id": "12502050", + "title": "Big Brother 11 (U.S.)", + "text": "Jury of Seven. Following Michele's eviction, the final three HouseGuests began competing in the first part of the final Head of Household competition \"Log Jam.\" The HouseGuests held onto their key that was suspended in the air for as long as possible while trying not to fall off of a moving log. Jordan was the first to fall off of the log while Kevin won the first part of the competition and advanced to the third and final round. Jordan and Natalie were the only two HouseGuests to compete in the second round which, determined who would face Kevin in", + "score": 0.72119140625 + }, + { + "id": "6843618", + "title": "Big Brother 6 (U.S.)", + "text": "Head of Household of the season. She then cast the sole vote to evict Janelle, making Ivette and Maggie the Final Two. On Day 80, Maggie was crowned the winner of \"Big Brother 6\" in a Jury vote of four to three. \"Big Brother 6\" averaged a total of 7.24 million viewers, the lowest for the series at the time. The season premiere had a total of 8.47 million viewers, ranking it first for the hour and in all key demographics. The Tuesday, July 12 episode of the series saw a total of 8.8 million viewers. The Thursday, July 14", + "score": 0.72119140625 + }, + { + "id": "6843500", + "title": "Big Brother 4 (U.S.)", + "text": "to answer questions on how they felt the majority of the HouseGuest would vote. Jee was the winner of the competition. The following day, Michelle, David, Robert, Dana, and Nathan were put on the peanut butter and jelly diet, after losing the \"Clash of the Casseroles\" food competition. Jee nominated Erika and Michelle for eviction on Day 13. On Day 14, David won the \"Duck Ball\" competition, and chose to leave nominations the same. On Day 19, Michelle was evicted in a six to two vote, only receiving the votes of Justin and Robert. Following Michelle's eviction, HouseGuest competed in", + "score": 0.72119140625 + }, + { + "id": "12502021", + "title": "Big Brother 11 (U.S.)", + "text": "competition, Russell, Natalie, and Casey were selected to compete for the Power of Veto; Lydia was selected to host. On Day 14, HouseGuests competed in the \"Big Brother Mint\" Power of Veto competition. For this competition, HouseGuests were given an amount of money and had two minutes to attempt to get that amount of money in change. HouseGuests competed in rounds, and the HouseGuests farthest away from the goal amount each round was eliminated; the last HouseGuest remaining would win the Power of Veto. Jeff was the winner of the Power of Veto. Despite initially planning on nominating Russell after", + "score": 0.720703125 + }, + { + "id": "10676223", + "title": "Big Brother (Swiss TV series)", + "text": "voluntary exit by Nadim immediately following Mashas eviction he claimed that he could not live in the house without Masha. After the eviction of Remo the world saw a first an all female final three. Daniela ultimately won the season becoming the second ever female winner of Big Brother. She won 150,000 CHF (US$170,000). Start Date: 28 January 2001
End Date: 13 May 2001
Duration: 106 days The Finalists: 4 - Christian (The Winner), Remo (Runner-up), Theresa (3rd) & Mich\u00e8le (4th)
Evicted Housemates: 7 - Eugene, Kiyomi, Nino, Patrizia, Raphael, Sabrina & Sara
Voluntary Exits: 3 - Laila, Patrick &", + "score": 0.720703125 + }, + { + "id": "6843597", + "title": "Big Brother 6 (U.S.)", + "text": "by throwing tennis balls at it. Sarah was the winner of the competition, giving Sarah her first win of the season. On Day 29, six of the HouseGuests competed to earn the right to watch the new film \"Four Brothers\". The team of Beau, Ivette, and Maggie competed against Jennifer, Rachel, and Sarah in the \"Big Brother Movie Marquee\" luxury competition. For this competition, HouseGuests had to uncover a message by screwing lights into a wall. The team of Jennifer, Rachel, and Sarah won the right to watch the movie. Sarah later chose to use the Power of Veto on", + "score": 0.720703125 + }, + { + "id": "11258678", + "title": "Big Brother 9 (U.S.)", + "text": "the chance to see the film \"What Happens in Vegas...\". Sharon and Ryan were the winners. Later that day, Ryan chose to nominate Sharon and Sheila for eviction. On Day 72, HouseGuests competed in the \"Big Brother Derby\" final Power of Veto competition. For this competition, HouseGuests had to put the faces of the five Jury members onto headless jockeys, and had to figure out which two given facts went with each HouseGuest; the first HouseGuest to complete this would be the winner. Ryan was the winner. On Day 74, Ryan chose not to use the Power of Veto on", + "score": 0.7197265625 + }, + { + "id": "17346255", + "title": "Big Brother Canada (season 2)", + "text": "Adel won the \"The Eyes Have It\" competition following her eviction. He chose to nominate Rachelle and Sabrina for eviction. Neda won the \"Big Brother STAMPede\" competition, and on Day 54 left nominations the same. Due to the Fan Meter, Neda was voted by the viewers to receive a meeting with former HouseGuests Jillian MacLaughlin and Emmett Blois for advice on the game. Rachelle was evicted from the House on Day 57. Jon won the subsequent \"On the Ropes\" competition, and decided to target Heather for eviction. He chose to nominate Heather and Sabrina on Day 59. In the early", + "score": 0.71923828125 + }, + { + "id": "16796429", + "title": "Big Brother 15 (U.S.)", + "text": "colored water; the last HouseGuest remaining would be the first Head of Household. McCrae was the winner. Jeremy accepted a \"temptation\" to leave the Head of Household competition, winning a \"Never-Not pass\" that guarantees he will never be a \"Have-Not\" while in the game. Nick, the last HouseGuest remaining in the competition with McCrae, made a deal with McCrae for safety in exchange for dropping out of the Head of Household competition; McCrae agreed to the deal. Returning inside, the HouseGuests learned of the M.V.P. twist, in which, each week, the viewers would vote to give one HouseGuest a special", + "score": 0.71923828125 + }, + { + "id": "12502029", + "title": "Big Brother 11 (U.S.)", + "text": "of Veto competition. For this competition, HouseGuests had to determine the quantity of an object used to make an object. Each round, HouseGuests could either stay or fold; folding would allow them to continue in the game, but could not get a point whereas the HouseGuest with the answer closest to the correct one would earn a point, though the farthest was eliminated. Michele was the winner of the Power of Veto. On Day 30, Michele chose not to use the Power of Veto on either nominee. Following this, Jeff learned that he had won the power of the \"Coup", + "score": 0.71923828125 + }, + { + "id": "10530926", + "title": "Daniele Donato", + "text": "and Jeff threw the Power of Veto competition to Adam, Big Brother Cornhole, on Day 43 which saved Adam from eviction on Day 46. During the competition, HouseGuests competing won a variety of prizes including, a Caribbean Vacation for Kalia, $5,000 for Jeff, a Veto ticket for Daniele ensuring her a spot in next week's Veto competition, 24-hour solitary confinement for Shelly with the privilege of receiving a phone call from home, and a \"humilitard\" to be worn by Jordan for a week. Daniele then nominated Brendon for eviction alongside Shelly. After a 5-1 vote in Shelly's favor, Brendon was", + "score": 0.71875 + }, + { + "id": "9633262", + "title": "Big Brother 8 (U.S.)", + "text": "competition, Daniele and Dick had to jump in a tank of water, collect puzzle pieces and place them in the correct order in a series of slots. The puzzle made a path that led from the first Head of Household to the last. Dick was the winner. On Day 76, Dick and Zach faced off in the \"Jury Statements\" final round of the final Head of Household competition. For this, HouseGuests answered questions based on how they felt the previously evicted Jury members had responded. Dick was the winner of the competition, and immediately chose to evict Zach from the", + "score": 0.71826171875 + }, + { + "id": "15901322", + "title": "Big Brother (Australian season 9)", + "text": "then spend some quality time in bed together. On Day 84, Delilah is given a new family and Sam is evicted. On Day 85, Michael and Zoe were evicted, leaving Benjamin, Estelle and Layla fighting to win. On Day 87: The Finale, Estelle was evicted, placing third place and was awarded $5,000 (AU) dollars from KFC. Second place went to Layla. She won $10,000 (AU) dollars and also received the keys to a Holden Volt she previously won in a weekly challenge. First place went to Benjamin and he won $250,000 (AU) dollars and a brand new Holden Cruze. He", + "score": 0.71826171875 + }, + { + "id": "6843471", + "title": "Big Brother 3 (U.S.)", + "text": "time, HouseGuests came to the backyard to find that there was a floor with eight rows and three faces in each row. There were also numerous lasers shooting across the backyard, and HouseGuests had to avoid them. The HouseGuest who made it across the floor while stepping on the space of the HouseGuest evicted from each week would win the Power of Veto. Marcellas was the winner of the final Power of Veto. On Day 69, Marcellas infamously decided not to use the Power of Veto, leaving himself and Amy on the block. The HouseGuests then cast their eviction votes", + "score": 0.7177734375 + }, + { + "id": "16796436", + "title": "Big Brother 15 (U.S.)", + "text": "evicted Nick by a vote of 7-4-0. Following Nick's eviction, HouseGuests competed in the \"Overnight Delivery\" Head of Household competition. For this competition, Julie Chen asked the HouseGuests true or false questions about \"deliveries\" that occurred in the backyard the previous night; when a HouseGuest answered incorrectly, they were eliminated from the competition, while the last HouseGuest remaining was the winner. Helen was the winner. Nick's eviction led to the end of the Moving Company alliance, and the four remaining members gradually informed the other HouseGuests of their Moving Company alliance. This, along with Nick's surprise eviction, led to numerous", + "score": 0.7177734375 + }, + { + "id": "16397340", + "title": "Big Brother 14 (U.S.)", + "text": "were reverted to HouseGuest status and Joe and Frank were spared eviction. All hounded HouseGuests then began to participate in the \"Walk the Plank\" HoH endurance competition, in which the HouseGuests had to hold on to a bar. If they fell from the plank, they would be eliminated. After a nearly four-hour battle, Danielle became the new HoH, outlasting Britney and Ian. On Day 28, Danielle nominated Frank and Wil for eviction. Danielle won the Power of Veto from the \"Field of Veto\" competition on Day 29. Later, Boogie made a huge pitch to Danielle by using the veto and", + "score": 0.7177734375 + }, + { + "id": "17541485", + "title": "Big Brother 16 (U.S.)", + "text": "corresponding week. The HouseGuest who finishes faster will face off against Cody on finale night. Derrick was the winner. On Day 97, Cody and Derrick faced off in the part three of the final Head of Household, \"The Scales of Just-Us\". They were asked questions based on how the jury members completed various statements. After 7 questions that ended in a 4-4 tie, Cody and Derrick answered a tiebreaker question to decide who would win part three, and therefore the final, HOH. Cody was closer to the correct number and became the final Head of Household. Cody evicted Victoria, making", + "score": 0.7177734375 + }, + { + "id": "5243785", + "title": "Big Brother 5 (UK)", + "text": "Big Brother 5 (UK) Big Brother 2004, also known as Big Brother 5, was the fifth series of the British reality television series \"Big Brother\". The show followed thirteen contestants, known as housemates, who were isolated from the outside world for an extended period of time in a custom built House. Each week, one or more of the housemates were eliminated from the competition and left the House. The last remaining housemate, Nadia Almada, was declared the winner, winning a cash prize of \u00a363,500. The series launched on Channel 4 on 28 May 2004 and ended on 6 August 2004.", + "score": 0.71728515625 + }, + { + "id": "11258676", + "title": "Big Brother 9 (U.S.)", + "text": "be the winner. Adam was the winner of the Power of Veto. On Day 67, Adam chose to use the Power of Veto to remove himself from the block, with Natalie being nominated in his place. Despite feeling safe, Natalie was later confronted by the other HouseGuests and questioned about her true intentions. Following this, Adam and Ryan came up with a plan to split the vote, forcing Sheila to cast the deciding vote. On Day 70, Natalie became the twelfth HouseGuest to be evicted from the house when Sheila broke a tie in Sharon's favor. She became the fifth", + "score": 0.71728515625 + }, + { + "id": "10530920", + "title": "Daniele Donato", + "text": "the first to crack the code and won her fifth Power of Veto. This meant that Daniele is tied with Janelle for the highest number of Veto's won in a single season. On Day 74, Daniele chose to use the Power of Veto on her father instead of herself, making it the second time this season, and the third in Big Brother History, that a nominee won the Golden Power of Veto and left themselves on the block. Dick immediately cast the sole vote against Jameka, and she was subsequently evicted. Dick was the winner of the final HoH competition,", + "score": 0.71728515625 + }, + { + "id": "13980580", + "title": "Big Brother 11 (UK)", + "text": "place with his prize 'butterfly jacket'. The final result was announced that Josie had won with over 77% of the public's vote, Dave being runner-up. After her interview, Josie re-entered the house for the final series: Ultimate Big Brother. On the evening of Day 70 the house suffered from a freak rainstorm, resulting in the evacuation of the housemates to a nearby location in the Big Brother compound, due to severe flooding which caused leaks in the bedroom and living room from the roof. After several hours, the housemates returned to the house. For the remainder of Day 70 and", + "score": 0.71728515625 + }, + { + "id": "11622670", + "title": "Big Brother 10 (U.S.)", + "text": "competed in the \"License to Veto\" Power of Veto competition. For this competition, HouseGuests were shown various license plates with portions of a phrase on them, and had to determine which three plates made up a specific Big Brother phrase. If a HouseGuests answered incorrectly, they were eliminated; the last remaining HouseGuest would be the winner. Michelle was the winner of the Power of Veto. Following this, Steven attempted to convince Jessie and Michelle to use the Power of Veto and backdoor Libra that week, a plan which they initially were receptive to. On Day 13, however, Michelle chose not", + "score": 0.71728515625 + }, + { + "id": "13785957", + "title": "Big Brother 12 (U.S.)", + "text": "episode since \"Big Brother 8\". The season finale had a total of 7.89 million viewers, continuing to average slightly above the past season and the highest since the eight edition. In total, the series averaged 7.76 million viewers, higher than that of the previous two seasons and the highest since \"Big Brother 5\" in 2004. \"Big Brother 12\" was initially set to feature a total of 14 HouseGuests, though one HouseGuest left the show before entering the house and was not replaced. The series ended after 75 days, in which HouseGuest Hayden Moss was crowned the Winner, while Lane Elenburg", + "score": 0.71630859375 + }, + { + "id": "13785984", + "title": "Big Brother 12 (U.S.)", + "text": "the week, while the last four to be eliminated were the Have-Nots for the week. Matt was the winner, while Andrew, Brendon, Enzo, and Ragan were the Have-Nots for the week. Soon after his win, Matt's Brigade alliance began pressuring him to nominate Brendon and Rachel for eviction, however, Matt was upset with Kathy for voting against him the previous week. Matt later made a deal with Brendon and Rachel to keep them safe, with the two promising Matt safety should they win Head of Household the following week. On Day 21, Matt chose to nominate Andrew and Kathy for", + "score": 0.71630859375 + }, + { + "id": "11258629", + "title": "Big Brother 9 (U.S.)", + "text": "one beat his score, Dick won the guitar for himself. During the second Luxury competition of the season on Day 71, Ryan and Sharon won an in-house screening of the 20th Century Fox film \"What Happens in Vegas...\", a VIP experience that includes a shopping spree and tickets to the May 1 premiere of the film in Hollywood, and a chance to meet the cast at an after party. On the season finale, James won $25,000 by America's choice. On December 3, 2007 CBS announced \"Big Brother 9\" would return on February 12, 2008 with three episodes airing on Sundays,", + "score": 0.71630859375 + }, + { + "id": "20345942", + "title": "Big Brother Canada (season 6)", + "text": "numbers inside to answer a final series of questions. The HouseGuest who completes the maze in the fastest time will win the final Power of Veto of the season. Kaela was the winner. On Day 64, Kaela used the Power of Veto to take herself off the block, and Will was automatically named as the replacement nominee. On Day 64, Kaela cast the sole vote to evict Will. Immediately after Will's eviction, the HouseGuests each had the opportunity to have private talks with all of the previous \"Big Brother Canada\" winners to talk strategy about the end game. Following Will's", + "score": 0.71630859375 + }, + { + "id": "11622675", + "title": "Big Brother 10 (U.S.)", + "text": "Edge\" endurance Head of Household competition. For this competition, HouseGuests stood on the side of a building wall that was slanted towards the ground. The HouseGuests had only a bar to hold onto, and the last HouseGuest remaining would be the winner. April was the winner. During the competition, April convinced Michelle to drop out of the competition when she promised both Michelle and Jessie safety for that week. Due to the endurance competition, there was no food competition for this week. On Day 25, April chose to nominate Jessie and Memphis for eviction. When picking players for the Power", + "score": 0.7158203125 + }, + { + "id": "11622678", + "title": "Big Brother 10 (U.S.)", + "text": "the viewers chose. On Day 31, Jessie became the fourth HouseGuest to be evicted from the house in a vote of four to three. Following Jessie's eviction, HouseGuests competed in the \"Rude Awakening\" Head of Household competition. For this competition, HouseGuests were asked true or false questions about fan-submitted messages they had heard the previous night; an incorrect answer resulted in elimination, and the last HouseGuest remaining was the winner. Michelle was the winner. Following these events, an argument between all of the HouseGuests (except for Dan) erupted, with HouseGuests April, Jerry, and Michelle attacking Dan's religious beliefs. Though April", + "score": 0.7158203125 + }, + { + "id": "11622698", + "title": "Big Brother 10 (U.S.)", + "text": "to knock over cardboard cutouts of the thirteen HouseGuests, leaving only the Head of Household and final nominees from the week standing; the HouseGuest to finish in the fastest time would be the winner. Memphis was the winner. On Day 66, Dan and Memphis competed against one another in the \"Jury Statements\" final round of the final Head of Household competition. For this competition, HouseGuests were asked to finish a sentence made by one of the six members of the Jury of Seven. Dan was the winner, thus became the final Head of Household of the season. Dan then cast", + "score": 0.7158203125 + }, + { + "id": "6843509", + "title": "Big Brother 4 (U.S.)", + "text": "the House\" competition. In the second part, Jun beat Robert in the \"Unexpected Relations\" competition, a challenge based on events that had taken place in the house. Alison and Jun then faced off in the Final Round of the HoH. After eight questions based on their ex-boyfriends Jee and Justin, the women were tied on four correct answers apiece. The tiebreaker question was \"How many days did you date your ex for?\", to which Alison answered zero days and Jun answered one million. Therefore, Alison emerged as the final Head of Household for the season and chose to evict Robert", + "score": 0.7158203125 + }, + { + "id": "14915394", + "title": "Big Brother 13 (U.S.)", + "text": "a Head of Household competition, nomination ceremony, Veto competition and ceremony, and eviction vote all occurring on the same day. Kalia won the Head of Household competition \"Before or After\" and nominated Rachel and Jeff. Porsche won the Power of Veto in a competition called \"Clowning Around\", and chose not to use it. As a result of a tie in the eviction votes, Kalia, as HoH, voted to evict Jeff, making him the seventh evicted housemate of the season, the eighth evictee, and the third member of the Jury. Following Danielle and Jeff's eviction, Porsche won Week 8's HoH competition,", + "score": 0.7158203125 + }, + { + "id": "16397347", + "title": "Big Brother 14 (U.S.)", + "text": "During the double eviction, Ian won the \"Before or After\" HoH and immediately nominated Ashley and Frank for eviction. Frank then won his third straight Power of Veto of the season in \"Somewhere Over The Veto\" and took himself off the block. Ian named Joe as the replacement nominee. At the end of the second eviction, Ashley was evicted by a vote of 5\u20131 and became the first member of the jury. Following Boogie and Ashley's eviction, Frank became the new Head of Household and got to choose one HouseGuest to become the Have Not for the week. Frank decided", + "score": 0.7158203125 + }, + { + "id": "11622695", + "title": "Big Brother 10 (U.S.)", + "text": "a luxury competition that same day. Previously evicted HouseGuest Jessie later returned to host the competition, which required the four to attempt to guess a phrase based on various clues in an attempt to win a trip to a luxury island; Dan was the winner. In the Diary Room he learned he could bring either a current HouseGuest or a Jury Member on his trip with him, and he chose to bring Michelle; he later lied to his fellow HouseGuests and stated he chose to bring nobody with him. Dan and Memphis later decided he should nominate Memphis for eviction", + "score": 0.71533203125 + }, + { + "id": "12502038", + "title": "Big Brother 11 (U.S.)", + "text": "ball went into a rotating wheel, with various numbers labeling sections in the wheel. The HouseGuest who's ball landed in the highest number each round was eliminated from the competition, with the last HouseGuest remaining winning the competition. When a HouseGuest was eliminated from the competition, they could claim a prize, one of which was the Head of Household position. Jordan was the winner. On Day 44, Jordan chose to nominate Lydia and Natalie for eviction. Shortly afterwards, Kevin, in an attempt to save himself and his allies, lied to Jeff and claimed that he had heard Russell stating he", + "score": 0.71533203125 + } + ], + "answer": "Kaycee Clark won the Final Head of House in Big Brother 20, which is the 20th season of the American reality television series Big Brother, an American television reality competition in which a group of contestants, known as \"House Guests\", live together in a specially constructed house that is isolated from the outside world for a cash prize of $500,000 or $750,000 in the 23rd season. The House Guests are continuously monitored during their stay and throughout the course of the competition, House Guests are evicted from the house, by being voted out of the competition. Sarah Harding won the final vote in the British version Celebrity Big Brother 20. " + }, + { + "qa_pairs": [ + { + "context": "The Battle of Philippi formed part of the Western Virginia Campaign of the American Civil War and was fought in and around Philippi, Virginia (now West Virginia), on June 3, 1861. A Union victory, it was the first organized land action of the war, though generally viewed as a skirmish rather than a battle. However, the Northern press celebrated it as an epic triumph and this encouraged Congress to call for the drive on Richmond that ended with the Union defeat at First Bull Run in July. It brought overnight fame to Maj. Gen. George B. McClellan and was notable for the first battlefield amputations. It also encouraged more of the western counties of Virginia to join the Union. Roughly half had already sent delegates to the May Wheeling Convention, which called for the creation of New Virginia (now West Virginia) and voted to repeal the Commonwealth's ordinance of secession.", + "question": "Who was the side that won the battle of philippi civil war?", + "short_answers": [ + "the Union", + "Union" + ], + "wikipage": "Battle of Philippi (West Virginia)" + }, + { + "context": "The Battle of Philippi formed part of the Western Virginia Campaign of the American Civil War and was fought in and around Philippi, Virginia (now West Virginia), on June 3, 1861. A Union victory, it was the first organized land action of the war, though generally viewed as a skirmish rather than a battle. However, the Northern press celebrated it as an epic triumph and this encouraged Congress to call for the drive on Richmond that ended with the Union defeat at First Bull Run in July. It brought overnight fame to Maj. Gen. George B. McClellan and was notable for the first battlefield amputations. It also encouraged more of the western counties of Virginia to join the Union. Roughly half had already sent delegates to the May Wheeling Convention, which called for the creation of New Virginia (now West Virginia) and voted to repeal the Commonwealth's ordinance of secession.", + "question": "Who was the general that won and gained overnight fame at the battle of philippi civil war?", + "short_answers": [ + "George Brinton McClellan", + "McClellan", + "George B. McClellan" + ], + "wikipage": "Battle of Philippi (West Virginia)" + }, + { + "context": "No context provided", + "question": "Who were the leaders in addition to McClellan that won the battle of philippi civil war?", + "short_answers": [ + "Thomas A. Morris", + "Duval", + "Morris", + "Isaac Duval", + "Thomas A. Morris and Isaac Duval" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who were the units that won the battle of philippi civil war?", + "short_answers": [ + "2nd West Virginia Infantry (reserve)", + "14th Ohio Infantry", + "1st West Virginia Infantry, 2nd West Virginia Infantry (reserve), 6th Indiana Infantry, 7th Indiana Infantry, 9th Indiana Infantry, 14th Ohio Infantry", + "1st West Virginia Infantry", + "7th Indiana Infantry", + "6th Indiana Infantry", + "9th Indiana Infantry" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Battle of Philippi (West Virginia)", + "url": "https://en.wikipedia.org/wiki/Battle%20of%20Philippi%20%28West%20Virginia%29" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "The 1861 Battle of Philippi during the American Civil War was fought in and around present day West Virginia. The Union victory brought overnight fame to Maj. Gen. George B. McClellan who was accompanied by Thomas A. Morris and Isaac Duval. The units that won this battle were the 1st West Virginia Infantry, 2nd West Virginia Infantry (reserve), 6th, 7th and 9th Indiana Infantries as well as the 14th Ohio Infantry." + }, + { + "knowledge": [ + { + "content": "Thomas Armstrong Morris (December 26, 1811 \u2013 March 23, 1904) was an American railroad executive and civil engineer from Kentucky and a soldier, serving as a brigadier general of the Indiana Militia in service to the Union during the early months of the American Civil War.", + "wikipage": "Thomas A. Morris" + }, + { + "content": "Isaac Harding Duval (September 1, 1824 \u2013 July 10, 1902) was an adventurer and businessman prior to becoming a brigadier general in the Union Army during the American Civil War.", + "wikipage": "Isaac H. Duval" + } + ], + "long_answer": "The Battle of Philippi formed part of the Western Virginia Campaign of the American Civil War and was fought in and around Philippi, Virginia (now West Virginia), on June 3, 1861. A Union victory, it was the first organized land action of the war and it brought overnight fame to Maj. Gen. George B. McClellan. Alongside Maj. Gen. McClellan were Thomas A. Morris, a Brigadier General of the Indiana Militia and Isaac Duval, also a Brigadier General. Six Union infantries participated in the battle, including 1st West Virginia Infantry, 2nd West Virginia Infantry (reserve), 6th Indiana Infantry, 7th Indiana Infantry, 9th Indiana Infantry and the 14th Ohio Infantry. " + } + ], + "sample_id": "6896427128230648690", + "question": "Who won the battle of philippi civil war?", + "docs": [ + { + "id": "266369", + "title": "Mark Antony", + "text": "after the defeat and the remainder of his army swore allegiance to the Triumvirate. Over fifty thousand Romans died in the two battles. While Antony treated the losers mildly, Octavian dealt cruelly with his prisoners and even beheaded Brutus's corpse. The battles of Philippi ended the civil war in favor of the Caesarian faction. With the defeat of the Liberators, only Sextus Pompey and his fleet remained to challenge the Triumvirate's control over the Republic. The victory at Philippi left the members of the Triumvirate as masters of the Republic, save Sextus Pompey in Sicily. Upon returning to Rome, the", + "score": 0.72412109375, + "summary": "The Caesarian faction won the battle of Philippi civil war, with over 50,000 Roman deaths. Antony treated the losers mildly, while Octavian was cruel to his prisoners. The victory left the Triumvirate in control of the Republic, except for Sextus Pompey in Sicily.", + "extraction": "The Caesarian faction won the battle of Philippi civil war, which ended the civil war in their favor." + }, + { + "id": "2779777", + "title": "Battle of Philippi (West Virginia)", + "text": "Battle of Philippi (West Virginia) The Battle of Philippi formed part of the Western Virginia Campaign of the American Civil War, and was fought in and around Philippi, Virginia (now West Virginia) on June 3, 1861. A Union victory, it was the first organized land action of the war, though generally viewed as a skirmish rather than a battle. However, the Northern press celebrated it as an epic triumph, and this encouraged Congress to call for the drive on Richmond that ended with the Union defeat at First Bull Run in July. It brought overnight fame to Maj. Gen. George", + "score": 0.72216796875, + "summary": "The Battle of Philippi took place on June 3, 1861, in West Virginia as part of the Western Virginia Campaign of the American Civil War. It was a Union victory and the first organized land action of the war. However, it is generally viewed as a skirmish rather than a battle. No specific information about who won the Civil War battle of Philippi is provided.", + "extraction": "Irrelevant. The passage provides information about the Battle of Philippi, which was part of the American Civil War and was fought on June 3, 1861. However, it does not provide information about who won the battle." + }, + { + "id": "2196825", + "title": "How Few Remain", + "text": "by surprise, enabling Lee to lead the Army of Northern Virginia towards Philadelphia. Lee forces McClellan into battle on the banks of the Susquehanna River in Pennsylvania and destroys the Army of the Potomac in the Battle of Camp Hill on October 1. Lee goes on to capture Philadelphia, earning the Confederate States of America diplomatic recognition from both the United Kingdom and France, thus winning the war (which is known as the War of Secession in the alternate timeline) and independence from the United States on November 4, 1862. Kentucky, having been conquered by Confederate forces shortly after the", + "score": 0.72216796875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "7408828", + "title": "Battle of Forts Jackson and St. Philip", + "text": "Battle of Forts Jackson and St. Philip The Battle of Forts Jackson and St. Philip (April 18\u201328, 1862) was the decisive battle for possession of New Orleans in the American Civil War. The two Confederate forts on the Mississippi River south of the city were attacked by a Union Navy fleet. As long as the forts could keep the Federal forces from moving on the city, it was safe, but if they were negated, there were no fall-back positions to impede the Union advance. New Orleans, the largest city in the Confederacy, was already under threat of attack from the", + "score": 0.72119140625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about the Battle of Philippi Civil War." + }, + { + "id": "6059340", + "title": "History of Mississippi", + "text": "and secure the area with troops of McClernand's XIII Corps, who were on the accompanying transports and barges. The Confederates won but it was a hollow victory; the Union defeat at Grand Gulf caused only a slight change in Grant's offensive. Grant won the Battle of Port Gibson. Advancing toward Port Gibson, Grant's army ran into Confederate outposts after midnight. Union forces advanced on the Rodney Road and a plantation road at dawn, and were met by Confederates. Grant forced the Confederates to fall back to new defensive positions several times during the day; they could not stop the Union", + "score": 0.7197265625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the battle of Philippi civil war." + }, + { + "id": "11250017", + "title": "USS Philippi (1863)", + "text": "1864. Renamed \"Philippi\" four days later, the steamer commissioned early in April. \"Philippi\" was ordered to New Orleans, Louisiana, on the 11th for duty in the West Gulf Blockading Squadron, \"Philippi\" served the squadron as a picket, patrol, and dispatch vessel until set afire by Confederate artillery and destroyed while following Admiral David Farragut\u2019s fleet into Mobile Bay 5 August 1864. USS Philippi (1863) USS \"Philippi\" (1863) was a blockade runner captured by the Union Navy during the American Civil War. She served the Union Navy\u2019s struggle against the Confederate States of America as a picket, patrol and dispatch vessel.", + "score": 0.71923828125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage provides information about USS Philippi, a steamer that served in the Union Navy during the American Civil War. However, it does not mention the battle of Philippi civil war." + }, + { + "id": "6629376", + "title": "Battle of Port Gibson", + "text": "Battle of Port Gibson The Battle of Port Gibson was fought near Port Gibson, Mississippi, on May 1, 1863, between Union and Confederate forces during the Vicksburg Campaign of the American Civil War. The Union Army was led by Maj. Gen. Ulysses S. Grant, and was victorious. Grant launched his campaign against Vicksburg, Mississippi, in the spring of 1863, starting his army south from Milliken's Bend on the west side of the Mississippi River. He intended to storm Grand Gulf, while his subordinate Maj. Gen. William T. Sherman deceived the main army in Vicksburg by feigning an assault on the", + "score": 0.716796875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "11250016", + "title": "USS Philippi (1863)", + "text": "USS Philippi (1863) USS \"Philippi\" (1863) was a blockade runner captured by the Union Navy during the American Civil War. She served the Union Navy\u2019s struggle against the Confederate States of America as a picket, patrol and dispatch vessel. Union steamer discovered new and fast sidewheeler \"Ella\" 10 November 1863 steaming along the coast north of Fort Fisher, North Carolina. She immediately gave chase and fired a shot at the blockade runner which glanced off \"Ella\u2019s\" gallows frame and caused her to surrender. The Boston, Massachusetts, Prize Court subsequently condemned the prize and sold her to the Navy 23 February", + "score": 0.71484375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "4906134", + "title": "Battle of Champion Hill", + "text": "Battle of Champion Hill The Battle of Champion Hill, fought May 16, 1863, was the pivotal battle in the Vicksburg Campaign of the American Civil War (1861-1865). Union Army commander Maj. Gen. Ulysses S. Grant and the Army of the Tennessee pursued the retreating Confederate States Army, under Lt. Gen. John C. Pemberton and defeated his army twenty miles to the east of Vicksburg, Mississippi, leading inevitably to the Siege of Vicksburg and surrender. The battle is also known as Baker's Creek. Following the Union occupation of Jackson, Mississippi, on May 14, both Confederate and Federal forces made plans for", + "score": 0.7138671875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "1262945", + "title": "Philippi, West Virginia", + "text": "of the American Civil War, on June 3, 1861. The battle was promptly lampooned as the \"Philippi Races\" because of the hurried retreat by the Confederate troops encamped in the town. (The battle is reenacted every June during the town's 'Blue and Gray Reunion.') At daylight on June 3, two columns of Union forces under the command of Col. Benjamin Franklin Kelley and Col. Ebenezer Dumont, with perhaps 3,000 men, arrived from Grafton and attacked about 800 poorly armed Confederate recruits under the command of Col. George A. Porterfield. The Union troops had marched all night through a heavy rain", + "score": 0.71240234375, + "summary": "The Union forces won the battle of Philippi civil war on June 3, 1861 against poorly armed Confederate recruits under the command of Col. George A. Porterfield.", + "extraction": "Irrelevant. The passage talks about the battle of Philippi, but it does not mention who won the battle." + }, + { + "id": "10125035", + "title": "Presidency of Abraham Lincoln", + "text": "victory at the Battle of Fort Donelson. The Confederates were driven from Missouri early in the war as a result of the March 1862 Battle of Pea Ridge. In April 1862, U.S. Naval forces under the command of David Farragut captured the important port city of New Orleans. Grant won further victories at the Battle of Shiloh and the Siege of Vicksburg, which cemented Union control of the Mississippi River and is considered one of the turning points of the war. In October 1863, Lincoln appointed Grant as the commander of the newly-created Division of the Mississippi, giving him command", + "score": 0.7109375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "2380839", + "title": "Vicksburg Campaign", + "text": "Vicksburg Campaign The Vicksburg Campaign was a series of maneuvers and battles in the Western Theater of the American Civil War directed against Vicksburg, Mississippi, a fortress city that dominated the last Confederate-controlled section of the Mississippi River. The Union Army of the Tennessee under Maj. Gen. Ulysses S. Grant gained control of the river by capturing this stronghold and defeating Lt. Gen. John C. Pemberton's forces stationed there. The campaign consisted of many important naval operations, troop maneuvers, failed initiatives, and eleven distinct battles from December 26, 1862, to July 4, 1863. Military historians divide the campaign into two", + "score": 0.70947265625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "6963847", + "title": "Battle of Tupelo", + "text": "Battle of Tupelo The Battle of Tupelo (also known as the Engagement at Harrisburg) was a battle of the American Civil War fought from July 14 to 15, 1864, near Tupelo, Mississippi. The Union victory over Confederate forces in northeast Mississippi ensured the safety of Sherman's supply lines during the Atlanta Campaign. The spring and summer of 1864 found the attention of the people of Mississippi focused on fighting in Virginia and Georgia. Interwoven with, and having important repercussions on, the fighting in northwestern Georgia were military operations in northeast Mississippi designed to prevent the Confederates under Lieutenant-General Stephen D.", + "score": 0.7060546875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "57866", + "title": "Battle of Gettysburg", + "text": "that Lee's army had escaped destruction and the war would continue. Lincoln complained to Secretary of the Navy Gideon Welles that \"Our army held the war in the hollow of their hand and they would not close it!\" Brig. Gen. Alexander S. Webb wrote to his father on July 17, stating that such Washington politicians as \"Chase, Seward and others,\" disgusted with Meade, \"write to me that Lee really won that Battle!\" In fact, the Confederates had lost militarily and also politically. During the final hours of the battle, Confederate Vice President Alexander Stephens was approaching the Union lines at", + "score": 0.7060546875, + "summary": "Irrelevant. The document is about the Battle of Gettysburg, not the Battle of Philippi Civil War.", + "extraction": "Irrelevant. The passage talks about the Battle of Gettysburg, not the Battle of Philippi Civil War." + }, + { + "id": "6973156", + "title": "Western Theater of the American Civil War", + "text": "side) made it the bloodiest battle of the war. At the end of the campaign, Bragg's threat against Kentucky had been defeated, and he effectively yielded control of Middle Tennessee. Abraham Lincoln believed that the river fortress city of Vicksburg, Mississippi, was a key to winning the war. Vicksburg and Port Hudson were the last remaining strongholds that prevented full Union control of the Mississippi River. Situated on high bluffs overlooking a sharp bend in the river and called the \"Gibraltar of the Mississippi\", Vicksburg was nearly invulnerable to naval assault. Admiral David Farragut had found this directly in his", + "score": 0.70361328125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about the Western Theater of the American Civil War and the battle of Vicksburg, but it does not mention the battle of Philippi Civil War." + }, + { + "id": "7213484", + "title": "Trans-Mississippi Theater of the American Civil War", + "text": "and unsuccessfully tried to relieve the Siege of Vicksburg by Lt. Gen. Ulysses S. Grant on the opposite eastern banks of the Mississippi River in the state of Mississippi. As a result of the long campaign / siege and surrender in July 1863 by Gen. John C. Pemberton, the Union gained control of the entire Mississippi River, splitting the Confederacy. This left the Trans-Mississippi Department almost completely isolated from the rest of the Confederate States to the east. It became nicknamed and known as \"Kirby Smithdom\", emphasizing the Confederate Government's lack of direct control over the region. In the 1864", + "score": 0.70263671875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the Battle of Philippi Civil War." + }, + { + "id": "2779778", + "title": "Battle of Philippi (West Virginia)", + "text": "B. McClellan, and was notable for the first battlefield amputations. It also encouraged the western counties of Virginia to form their own Union state. As the largely-untrained Confederates had fled the battlefield with barely any resistance, the Union jokingly referred to the engagement as the Philippi Races. After the commencement of hostilities at Fort Sumter in April 1861, Maj. Gen. George B. McClellan returned to the Army and on May 13 assumed command of the Department of the Ohio, headquartered in Cincinnati, Ohio. McClellan planned an offensive into what is now the State of West Virginia (at the time the", + "score": 0.70263671875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about who won the battle of Philippi civil war." + }, + { + "id": "3362712", + "title": "USS Abraham (1858)", + "text": "River and its tributaries. In the spring of 1862, Union warships of the Western Flotilla, commanded at first by Flag Officer Andrew Foote and then by Flag Officer Charles Davis, relentlessly fought their way downstream from Cairo, Illinois. On 6 June, they met Southern river forces in the Battle of Memphis and won a decisive victory which gave the North control of the Mississippi River above Vicksburg, Mississippi. Later that day, the Union gunboats found and took possession of several Confederate vessels moored at the wharf at Memphis. \"Victoria\" was one of these prizes. Davis used the riverboat as a", + "score": 0.7021484375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is about the USS Abraham and the Battle of Memphis, and does not mention the Battle of Philippi Civil War." + }, + { + "id": "4651496", + "title": "Battle of Jackson, Mississippi", + "text": "Battle of Jackson, Mississippi The Battle of Jackson, fought on May 14, 1863, in Jackson, Mississippi, was part of the Vicksburg Campaign in the American Civil War. Union commander Maj. Gen. Ulysses S. Grant and the Army of the Tennessee defeated elements of the Confederate Department of the West, commanded by General Joseph E. Johnston, seizing the city, cutting supply lines, and opening the path to the west and the Siege of Vicksburg. On May 9, Gen. Johnston received a dispatch from the Confederate Secretary of War directing him to \"proceed at once to Mississippi and take chief command of", + "score": 0.70166015625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "4531", + "title": "American Civil War", + "text": "river as night fell. Overnight, the Navy landed additional reinforcements, and Grant counter-attacked. Grant and the Union won a decisive victory\u2014the first battle with the high casualty rates that would repeat over and over. The Confederates lost Albert Sidney Johnston, considered their finest general before the emergence of Lee. One of the early Union objectives in the war was the capture of the Mississippi River, in order to cut the Confederacy in half. \"The key to the river was New Orleans, the South's largest port [and] greatest industrial center.\" The Mississippi was opened to Union traffic to the southern border", + "score": 0.70068359375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "4202428", + "title": "Southern Victory", + "text": "fall into Union hands. The resulting Confederate advance catches McClellan and the Union Army by surprise. General Lee forces McClellan into a battle on the banks of the Susquehanna River in Pennsylvania and destroys the Army of the Potomac in the Battle of Camp Hill on October 1, 1862. After this decisive Confederate victory, Lee and the Army of Northern Virginia move eastward to occupy Philadelphia. The Confederate States of America earn diplomatic recognition from the United Kingdom and France. The two European nations force mediation on the United States; the Confederate States achieve independence. This War of Secession ends", + "score": 0.69970703125 + }, + { + "id": "15594359", + "title": "Fetterman, West Virginia", + "text": "about to the south of Grafton. At about dawn on June 3, 1861, the larger Union force surprised the Confederates under Porterfield's command who were mostly still asleep in their tents and routed them, although with only a few men wounded on both sides and about five prisoners taken by the Union force, in the Battle of Philippi, soon called the \"Philippi Races\" due to the hasty retreat of the Confederate force. Thornsbury Bailey Brown of Taylor County, Virginia (now West Virginia) is generally considered the first Union soldier killed by a Confederate soldier during the American Civil War. Brown", + "score": 0.69970703125 + }, + { + "id": "1850596", + "title": "Battle of Palmito Ranch", + "text": "Bridge, located near Eufaula, Alabama, was the last skirmish between the two forces. Union records show that the last Northern soldier killed in combat during the war was Corporal John W. Skinner in this action. Three others were wounded, also from the same unit, Company C, 1st Florida U.S. Cavalry. Historian Richard Gardiner stated in 2013 that on May 10, 1865: The Confederates won this engagement, but as there was no organized command structure, there has been controversy about the Union casualties. In 1896 these same men had their pensions cut, although this was quickly rectified by an appeal to", + "score": 0.69921875 + }, + { + "id": "6973126", + "title": "Western Theater of the American Civil War", + "text": "1861 and 1862, capturing the important strategic locations of forts Henry and Donelson. The Army of Tennessee and the Army of the Ohio defeated the Confederate Army of Mississippi, commanded by General Albert Sidney Johnston, at the Battle of Shiloh, driving it out of western Tennessee, subsequently marching into Mississippi and capturing Corinth. Grant's troops marched towards and captured Vicksburg in 1862\u201363. Meanwhile, the Army of the Ohio, later known as the Army of the Cumberland, experienced success, blocking a Confederate invasion of Kentucky and gaining control over large amounts of Tennessee through the Battle of Stones River and the", + "score": 0.69873046875 + }, + { + "id": "6686097", + "title": "Battle of Chickasaw Bayou", + "text": "Battle of Chickasaw Bayou The Battle of Chickasaw Bayou, also called the Battle of Walnut Hills, fought December 26\u201329, 1862, was the opening engagement of the Vicksburg Campaign during the American Civil War. Confederate forces under Lt. Gen. John C. Pemberton repulsed an advance by Union Maj. Gen. William T. Sherman that was intended to lead to the capture of Vicksburg, Mississippi. On December 26, three Union divisions under Sherman disembarked at Johnson's Plantation on the Yazoo River to approach the Vicksburg defenses from the northeast while a fourth landed farther upstream on December 27. On December 27, the Federals", + "score": 0.69775390625 + }, + { + "id": "1764241", + "title": "Siege of Vicksburg", + "text": "Siege of Vicksburg The Siege of Vicksburg (May 18 \u2013 July 4, 1863) was the final major military action in the Vicksburg Campaign of the American Civil War. In a series of maneuvers, Union Maj. Gen. Ulysses S. Grant and his Army of the Tennessee crossed the Mississippi River and drove the Confederate Army of Mississippi, led by Lt. Gen. John C. Pemberton, into the defensive lines surrounding the fortress city of Vicksburg, Mississippi. Vicksburg was the last major Confederate stronghold on the Mississippi River; therefore, capturing it completed the second part of the Northern strategy, the Anaconda Plan. When", + "score": 0.69775390625 + }, + { + "id": "214763", + "title": "Jackson, Mississippi", + "text": "once after the fall of Vicksburg. On May 13, 1863, Union forces won the first Battle of Jackson, forcing Confederate forces to flee northward towards Canton. On May 15, Union troops under the command of William Tecumseh Sherman burned and looted key facilities in Jackson, a strategic manufacturing and railroad center for the Confederacy. After driving the Confederate forces out of Jackson, Union forces turned west and engaged the Vicksburg defenders at the Battle of Champion Hill in nearby Edwards. The Union forces began their siege of Vicksburg soon after their victory at Champion Hill. Confederate forces began to reassemble", + "score": 0.6962890625 + }, + { + "id": "4532", + "title": "American Civil War", + "text": "of Tennessee with the taking of Island No. 10 and New Madrid, Missouri, and then Memphis, Tennessee. In April 1862, the Union Navy captured New Orleans. U.S. Naval forces under Farragut ran past Confederate defenses south of New Orleans. Confederate forces abandoned the city, giving the Union a critical anchor in the deep South. which allowed Union forces to begin moving up the Mississippi. Memphis fell to Union forces on June 6, 1862, and became a key base for further advances south along the Mississippi River. Only the fortress city of Vicksburg, Mississippi, prevented Union control of the entire river.", + "score": 0.69482421875 + }, + { + "id": "19075084", + "title": "47th Pennsylvania Infantry Regiment", + "text": "died months later while being treated at a Confederate prison hospital in Shreveport, Louisiana. After this battle, the 47th Pennsylvanians fell back to Grand Ecore, where the men resupplied and regrouped until April 22. Retreating further to Alexandria, they and their fellow Union soldiers scored a victory against Confederate troops near Monett's Ferry in the Battle of Cane River. Placed under the command of Lieutenant Colonel Joseph Bailey, they helped to build a timber dam from 30 April through 10 May to enable federal gunboats to negotiate the Red River's rapids. Beginning May 16, most of the 47th Pennsylvania moved", + "score": 0.69482421875 + }, + { + "id": "14327959", + "title": "Battle of Columbus (1865)", + "text": "classified as the last battle of the Civil War, while others point to a battle which occurred after the Confederacy was vanquished, the Battle of Palmito Ranch. The Battle of Columbus is also known as the Battle of Girard, Alabama (now Phenix City). After the Union victory in the Battle of Nashville (December 15\u201316, 1864), Maj. Gen. George H. Thomas ordered Maj. Gen. James H. Wilson to march into the heart of the Deep South and destroy the major Confederate supply centers at Selma, Alabama, and Columbus, Georgia. Wilson left Gravelly Springs, Alabama, on March 22, 1865, heading for Selma,", + "score": 0.69482421875 + }, + { + "id": "7408870", + "title": "Battle of Forts Jackson and St. Philip", + "text": "Forts Jackson and St. Philip had been the shell of the Confederate defenses on the lower Mississippi, and nothing now stood between the Gulf and Memphis. After a few days spent repairing battle damage his ships had suffered, Farragut sent expeditions north to demand the surrender of other cities on the river. With no effective means of defense, Baton Rouge and Natchez complied. At Vicksburg, however, the guns of the ships could not reach the Confederate fortifications atop the bluffs, and the small army contingent that was with them could not force the issue. Farragut settled into a siege, but", + "score": 0.69482421875 + }, + { + "id": "19252808", + "title": "If the South Had Won the Civil War", + "text": "John Alexander McClernand insisted on assuming command despite being a political appointee who was not fit for the job. By thoroughly bad generalship, McClernand managed to totally lose the Vicksburg Campaign and get the Army of the Tennessee almost completely destroyed. Soon afterwards, at the Battle of Gettysburg, Confederate General Robert E. Lee made some better decisions than in our history and managed to win the battle and largely destroy the Union Army of the Potomac as well. Two such major disasters following one upon the other caused a panic reaction in the North. Washington, D.C. descended into total chaos,", + "score": 0.6943359375 + }, + { + "id": "13036819", + "title": "Conclusion of the American Civil War", + "text": "on April 14, General James H. Wilson's Raiders continued their march through Alabama into Georgia. On April 16, the Battle of Columbus, Georgia was fought. This battle \u2013 erroneously \u2013 has been argued to be the \"last battle of the Civil War\" and equally erroneously asserted to be \"widely regarded\" as such. Columbus fell to Wilson's Raiders about midnight on April 16, and most of its manufacturing capacity was destroyed on the 17th. Confederate Colonel John Stith Pemberton, the inventor of Coca-Cola, was wounded in this battle which resulted in his obsession with pain-killing formulas, ultimately ending in the recipe", + "score": 0.6923828125 + }, + { + "id": "262245", + "title": "Mississippi River", + "text": "objective of both sides in the American Civil War. In 1862 Union forces coming down the river successfully cleared Confederate defenses at Island Number 10 and Memphis, Tennessee, while Naval forces coming upriver from the Gulf of Mexico captured New Orleans, Louisiana. The remaining major Confederate stronghold was on the heights overlooking the river at Vicksburg, Mississippi, and the Union's Vicksburg Campaign (December 1862 to July 1863), and the fall of Port Hudson, completed control of the lower Mississippi River. The Union victory ending the Siege of Vicksburg on July 4, 1863, was pivotal to the Union's final victory of", + "score": 0.6923828125 + }, + { + "id": "1223305", + "title": "Murfreesboro, Tennessee", + "text": "a combined total of 23,515 casualties. It was the bloodiest battle of the war by percentage of casualties. Following the Confederate retreat after the drawn Battle of Perryville in central Kentucky, the Confederate army moved through East Tennessee and then turned northwest to defend Murfreesboro. General Braxton Bragg's veteran cavalry successfully harassed Union General William Rosecrans troop movements, capturing and destroying many of his supply trains. However, they could not completely prevent supplies and reinforcements from reaching Rosecrans. Despite the large number of casualties, the battle was inconclusive. Nevertheless, it is usually considered a Union victory, since afterwards General Bragg", + "score": 0.6923828125 + }, + { + "id": "4922831", + "title": "Battle of Pensacola (1814)", + "text": "Battle of Pensacola (1814) The Battle of Pensacola was a battle in the War of 1812 in which American forces fought against forces from the kingdoms of Britain and Spain, along with Creek Native Americans and African-American slaves allied with the British. The American commander, General Andrew Jackson, led his infantry against British and Spanish forces controlling the city of Pensacola in Spanish Florida. The British abandoned the city and it was surrendered to Jackson by the Spanish. After defeating the Red Stick Creeks at the Battle of Horseshoe Bend, there was a migration of refugees to Spanish West Florida.", + "score": 0.6923828125 + }, + { + "id": "15162019", + "title": "Ulysses S. Grant and the American Civil War", + "text": "Vicksburg overland from the Northeast; however, Confederate Generals Nathan B. Forrest and Earl Van Dorn thwarted the Union Army advance by raiding Union supply lines. A related direct assault riverine expedition then failed when Maj. Gen. William T. Sherman was repulsed by the Confederate forces at the Battle of Chickasaw Bayou. In January 1863, McClernand and Sherman's combined XIII and XV corps, the Army of the Mississippi, defeated the Confederates at Arkansas Post. Grant made five attempts to capture Vicksburg by water routes; however, all failed. With the Union impatient for a victory, in March 1863, the second stage to", + "score": 0.69189453125 + }, + { + "id": "718451", + "title": "Barbour County, West Virginia", + "text": "since January, 1861. On 3 June 1861, Philippi was the scene of one of the first battles of the American Civil War. The battle was later lampooned as the \"Philippi Races\" because of the hurried retreat by the Confederate troops encamped in the town. (The skirmish is reenacted every June during the town's \"Blue and Gray Reunion\".) At daylight on June 3, two columns of Union forces under the command of Col. Benjamin Franklin Kelley and Col. Ebenezer Dumont, with perhaps 3,000 men, arrived from Grafton and attacked about 800 poorly armed Confederate recruits under the command of Col. George", + "score": 0.69140625 + }, + { + "id": "10565726", + "title": "Philadelphia in the American Civil War", + "text": "the militia that helped prevent Confederate forces from crossing the Susquehanna River at Wrightsville by burning the Columbia-Wrightsville Bridge. The threat of invasion ended on July 3, when Robert E. Lee's Army of Northern Virginia was defeated by the Army of the Potomac commanded by George Meade in the three-day Battle of Gettysburg. After the Gettysburg Campaign support for the war grew and hope for war opponents to make headway within the city diminished. After the victories of Gettysburg and Vicksburg, patriotic feelings grew, more people enlisted in the army and Philadelphia voted for the reelection of Republican Governor Curtin", + "score": 0.69140625 + }, + { + "id": "8952457", + "title": "Battle of Calcasieu Pass", + "text": "Battle of Calcasieu Pass The Battle of Calcasieu Pass was a minor skirmish fought on May 6, 1864, at the mouth of the Calcasieu River in southwestern Louisiana, during the American Civil War. It resulted in a Confederate victory. The participants of the battle were Lt. Benjamin Loring and Lt. C. W. Lamson on the Union\u2019s side, and Col. W. H. Griffin on the Confederate side. The union brought along two naval vessels, the U.S.S Wave and the U.S.S Granite City. The U.S.S Wave did not prove too effective during the battle and was captured early on, it was soon", + "score": 0.69091796875 + }, + { + "id": "10173572", + "title": "80th Illinois Infantry Regiment", + "text": "much friendly fire. The battle was the culmination of the Confederate Heartland Offensive (Kentucky Campaign). Confederate Gen. Braxton Bragg's Army of Mississippi arguably won a tactical victory, having fought aggressively and pushed his opponent back for over a mile. However, the battle is still considered a strategic Union victory, sometimes called the Battle for Kentucky, since Bragg withdrew to Tennessee soon thereafter. The Union retained control of the critical border state of Kentucky for the remainder of the war. Relative to the number of troops involved, the Battle of Perryville was one of the bloodiest battles of the Civil War.", + "score": 0.69091796875 + }, + { + "id": "9833853", + "title": "Jackson metropolitan area, Mississippi", + "text": "America. In 1863, during the campaign which ended in the capture of Vicksburg, Union forces captured Jackson during two battles\u2014once before the fall of Vicksburg and once after the fall of Vicksburg. On May 13, 1863, Union forces won the first Battle of Jackson, forcing Confederate forces to flee northward towards Canton. Subsequently, on May 15, 1863, Union troops under the command of William Tecumseh Sherman burned and looted key facilities in city of Jackson, a strategic manufacturing and railroad center for the Confederacy. After driving the Confederate forces out of Jackson, Union forces turned west once again and engaged", + "score": 0.689453125 + }, + { + "id": "1498202", + "title": "Battle of Atlanta", + "text": "Battle of Atlanta The Battle of Atlanta was a battle of the Atlanta Campaign fought during the American Civil War on July 22, 1864, just southeast of Atlanta, Georgia. Continuing their summer campaign to seize the important rail and supply center of Atlanta, Union forces commanded by William Tecumseh Sherman overwhelmed and defeated Confederate forces defending the city under John Bell Hood. Union Maj. Gen. James B. McPherson was killed during the battle. Despite the implication of finality in its name, the battle occurred midway through the campaign, and the city did not fall until September 2, 1864, after a", + "score": 0.689453125 + }, + { + "id": "6879979", + "title": "Battle of Raymond", + "text": "Battle of Raymond The Battle of Raymond was fought on May 12, 1863, near Raymond, Mississippi, during the Vicksburg Campaign of the American Civil War. The bitter fight pitted elements of Union Army Maj. Gen. Ulysses S. Grant's Army of the Tennessee against Confederate forces of Lt. Gen. John C. Pemberton's Department of the Mississippi and East Louisiana. The Confederates failed to prevent the Federal troops from reaching the Southern Railroad and isolating Vicksburg, Mississippi, from reinforcement and resupply. During the morning of the 12th, the Confederates enjoyed a two-to-one advantage in numbers, as they faced off across Fourteen Mile", + "score": 0.68896484375 + }, + { + "id": "982120", + "title": "David Farragut", + "text": "to the Union Navy and the Union Army, which suffered its highest casualty rate of the war at Port Hudson. Vicksburg surrendered on July 4, 1863, leaving Port Hudson as the last remaining Confederate stronghold on the Mississippi River. General Banks accepted the surrender of the Confederate garrison at Port Hudson on July 9, ending the longest siege in U.S. military history. Control of the Mississippi River was the centerpiece of the Union strategy to win the war, and, with the surrender of Port Hudson, the Confederacy was now cut in two. On August 5, 1864, Farragut won a great", + "score": 0.6875 + }, + { + "id": "7212261", + "title": "Eastern Theater of the American Civil War", + "text": "Grafton and attack the Confederates under Col. George A. Porterfield. The skirmish on June 3, 1861, known as the Battle of Philippi, or the \"Philippi Races\", was the first land battle of the Civil War. His victory at the Battle of Rich Mountain in July was instrumental in his promotion that fall to command the Army of the Potomac. As the campaign continued through a series of minor battles, General Robert E. Lee, who, despite his excellent reputation as a former U.S. Army colonel, had no combat command experience, gave a lackluster performance that earned him the derogatory nickname \"Granny", + "score": 0.6875 + }, + { + "id": "3123491", + "title": "John C. Pemberton", + "text": "the city and his army to Grant. The written terms (which in the first talks were simply unconditional surrender) were negotiated so that the Confederate soldiers would be paroled and: Pemberton surrendered 2,166 officers and 27,230 men, 172 cannon, and almost 60,000 muskets and rifles to Grant. This, combined with the successful Siege of Port Hudson on July 9, gave the Union complete control over the Mississippi River, resulting in a major strategic loss for the Confederacy, and cutting off Lt. Gen. Edmund Kirby Smith's command and the Trans-Mississippi Theater from the Confederacy for the rest of the war. After", + "score": 0.68701171875 + }, + { + "id": "4903796", + "title": "Battle of Milliken's Bend", + "text": "Battle of Milliken's Bend The Battle of Milliken's Bend, fought June 7, 1863, was part of the Vicksburg Campaign of the American Civil War. Confederate Lt. Gen. John C. Pemberton and his army were besieged in Vicksburg, Mississippi, by Union commander Maj. Gen. Ulysses S. Grant and the Army of the Tennessee. In an effort to cut Grant's supply line and relieve the city, the Confederates attacked the Union supply area at Milliken's Bend up the Mississippi. The Milliken's Bend area, 15 miles to the northwest of Vicksburg, had until recently served as a staging area for Grant's Vicksburg Campaign.", + "score": 0.68603515625 + }, + { + "id": "5532814", + "title": "Troop engagements of the American Civil War, 1863", + "text": "April when he crossed the Mississippi River near Bruinsburg Landing, south of Grand Gulf. He then marched inland and captured the Mississippi state capital of Jackson before turning east to Vicksburg; this isolated the Confederate garrison from Confederate supplies and reinforcements. After a six-week siege, the Confederate garrison surrendered on July 4, followed by the surrender of Port Hudson on July 9; this resulted in the complete Union control of the Mississippi River and made Grant a hero in the North. In central Tennessee, the Union Army of the Cumberland commanded by Major General William S. Rosecrans maneuvered the Confederate", + "score": 0.68408203125 + }, + { + "id": "7163322", + "title": "Battle of Goodrich's Landing", + "text": "and fell back, taking his captured supplies with him. Although the Confederate expedition was successful, having disrupted Union operations and captured much-needed supplies, the raid failed in its primary objective, which was to divert Union attention from the siege at Vicksburg. The following month, on July 4, the Confederate forces at Vicksburg surrendered and the Union gained undisputed control of the Mississippi River. Battle of Goodrich's Landing The Battle of Goodrich's Landing, Louisiana was fought on June 29 and June 30, 1863, between Union and Confederate forces during the American Civil War. The Confederates attacked several Union regiments, who were", + "score": 0.68359375 + }, + { + "id": "1764244", + "title": "Siege of Vicksburg", + "text": "Confederacy in two for the duration of the war. The Union victory also permanently severed communication between the Trans-Mississippi Department and the balance of the Confederacy. After crossing the Mississippi River south of Vicksburg at Bruinsburg and driving northeast, Grant won battles at Port Gibson and Raymond and captured Jackson, the Mississippi state capital, on May 14, 1863, forcing Pemberton to withdraw westward. Attempts to stop the Union advance at Champion Hill and Big Black River Bridge were unsuccessful. Pemberton knew that the corps under Maj. Gen. William T. Sherman was preparing to flank him from the north; he had", + "score": 0.68359375 + }, + { + "id": "3328648", + "title": "First Battle of Memphis", + "text": "First Battle of Memphis The First Battle of Memphis was a naval battle fought on the Mississippi River immediately above the city of Memphis on June 6, 1862, during the American Civil War. The engagement was witnessed by many of the citizens of Memphis. It resulted in a crushing defeat for the Confederate forces, and marked the virtual eradication of a Confederate naval presence on the river. Despite the lopsided outcome, the Union Army failed to grasp its strategic significance. Its primary historical importance is that it was the last time civilians with no prior military experience were permitted to", + "score": 0.68359375 + }, + { + "id": "7866376", + "title": "National Union Party (United States)", + "text": "White House: Lincoln did not show the pledge to his cabinet, but asked them to sign the sealed envelope. The complexion of the war changed as the election approached. Confederate Commander Robert E. Lee's last victory in battle occurred June 3, 1864 at Cold Harbor. Union General Ulysses S. Grant's aggressive tactics trapped Lee in the trenches defending Richmond. Admiral David Farragut successfully shut down Mobile Bay as a Confederate resource in the Battle of Mobile Bay on August 3\u201323, 1864. Most decisive of all, Union General William Tecumseh Sherman captured Atlanta on September 1, 1864, convincing even the pessimists", + "score": 0.68359375 + }, + { + "id": "2702949", + "title": "Battle of Perryville", + "text": "Battle of Perryville The Battle of Perryville (also known as the Battle of Chaplin Hills) was fought on October 8, 1862, in the Chaplin Hills west of Perryville, Kentucky, as the culmination of the Confederate Heartland Offensive (Kentucky Campaign) during the American Civil War. Confederate Gen. Braxton Bragg's Army of Mississippi initially won a tactical victory against primarily a single corps of Maj. Gen. Don Carlos Buell's Union Army of the Ohio. The battle is considered a strategic Union victory, sometimes called the Battle for Kentucky, since Bragg withdrew to Tennessee soon thereafter. The Union retained control of the critical", + "score": 0.68310546875 + }, + { + "id": "6816119", + "title": "Capture of New Orleans", + "text": "Philip, which were above the Head of Passes approximately downriver below New Orleans. From April 18 to 28, Farragut bombarded and then fought his way past these forts in the Battle of Forts Jackson and St. Philip, managing to get thirteen of his fleet's ships upriver on April 24. Historian John D. Winters in \"The Civil War in Louisiana\" (1963) noted that with few exceptions the Confederate fleet at New Orleans had \"made a sorry showing. Self-destruction, lack of co-operation, cowardice of untrained officers, and the murderous fire of the Federal gunboats reduced the fleet to a demoralized shambles.\" Major", + "score": 0.68310546875 + }, + { + "id": "4524", + "title": "American Civil War", + "text": "Lee's army, checked at last, returned to Virginia before McClellan could destroy it. Antietam is considered a Union victory because it halted Lee's invasion of the North and provided an opportunity for Lincoln to announce his Emancipation Proclamation. When the cautious McClellan failed to follow up on Antietam, he was replaced by Maj. Gen. Ambrose Burnside. Burnside was soon defeated at the Battle of Fredericksburg on December 13, 1862, when more than 12,000 Union soldiers were killed or wounded during repeated futile frontal assaults against Marye's Heights. After the battle, Burnside was replaced by Maj. Gen. Joseph Hooker. Hooker, too,", + "score": 0.6826171875 + }, + { + "id": "9671354", + "title": "Seth Ledyard Phelps", + "text": "the line of fire from the fort's guns, realizing that Davis had wasted an entire month. The First Battle of Memphis was a naval battle fought on the Mississippi River just above Memphis on June 6, 1862, resulting in a major defeat for the Confederacy, and marked the virtual elimination of the long-standing Confederate naval presence on the river. Shortly after securing Fort Pillow, the Union fleet made way for Memphis on June 5, leaving the \"Pittsburg\" at Fort Pillow to lend any needed support for the Union garrison, while the \"Mound City\" stood by to escort any transports that", + "score": 0.6826171875 + }, + { + "id": "11073461", + "title": "Port Gibson Battlefield", + "text": "Port Gibson Battlefield The Port Gibson Battlefield is the site near Port Gibson, Mississippi where the 1863 Battle of Port Gibson was fought during the American Civil War. The battlefield covers about of land west of the city, astride Rodney Road, where Union Army forces were establishing a beachhead after crossing the Mississippi River in a bid to take the Confederate fortress of Vicksburg. The Union victory secured that beachhead and paved the way for the eventual fall of Vicksburg. A area surrounding part of the site was listed on the National Register of Historic Places in 1972, and a", + "score": 0.6826171875 + }, + { + "id": "2779787", + "title": "Battle of Philippi (West Virginia)", + "text": "be counted as such), and Union victory in this relatively bloodless battle propelled McClellan into the national spotlight. The Northern press, hungry for battle stories, presented it as an epic triumph, encouraging politicians to demand the big advance on Richmond, which became Bull Run. It also inspired more vocal protests in the Western part of Virginia against secession. A few days later, pro-Unionists at the Wheeling Convention nullified the Virginia ordinance of secession and named Francis H. Pierpont governor. The civilian population of Philippi were the first in western Virginia to feel the devastation of the war. The town was", + "score": 0.68212890625 + }, + { + "id": "12251466", + "title": "Steamboats of the Mississippi", + "text": "the slave port. Hence the city was contested in the Civil War. The First Battle of Memphis was a naval battle fought on the Mississippi River immediately above the city of Memphis on June 6, 1862, during the American Civil War. The engagement was witnessed by many of the citizens of Memphis. It resulted in a crushing defeat for the Rebels, and marked the virtual eradication of a Confederate naval presence on the river. Despite the lopsided outcome, the Union Army failed to grasp its strategic significance. Its primary historical importance is that it was the last time civilians with", + "score": 0.68212890625 + }, + { + "id": "2380876", + "title": "Vicksburg Campaign", + "text": "at dawn. At 5:30 a.m., the Confederates engaged the Union advance and the battle ensued. Federals forced the Confederates to fall back. The Confederates established new defensive positions at different times during the day but they could not stop the Union onslaught and left the field in the early evening. This defeat demonstrated that the Confederates were unable to defend the Mississippi River line, and the Federals had secured their beachhead. At this point, Grant faced a decision. His original orders were to capture Grand Gulf and then proceed south to link up with Banks and reduce Port Hudson, after", + "score": 0.681640625 + }, + { + "id": "913047", + "title": "John C. Fre\u0301mont", + "text": "to control the trunk of the Mississippi. In a turning point of the Civil War, on August 27, 1861 Fr\u00e9mont gave Ulysses S. Grant field command in charge of a combined Union offensive whose goal was to capture Memphis, Vicksburg, and New Orleans, to keep Missouri and Illinois safe from Confederate attack. On August 30, Grant assumed charge of the Union Army on the Mississippi. With Fr\u00e9mont's approval, Grant proceeded to capture Paducah, Kentucky, without firing a shot, after Polk had violated Kentucky neutrality and had captured Columbus. The result was that the Kentucky legislature voted to remain in the", + "score": 0.681640625 + }, + { + "id": "3328663", + "title": "First Battle of Memphis", + "text": "forced the Union Army to guard the area more diligently. First Battle of Memphis The First Battle of Memphis was a naval battle fought on the Mississippi River immediately above the city of Memphis on June 6, 1862, during the American Civil War. The engagement was witnessed by many of the citizens of Memphis. It resulted in a crushing defeat for the Confederate forces, and marked the virtual eradication of a Confederate naval presence on the river. Despite the lopsided outcome, the Union Army failed to grasp its strategic significance. Its primary historical importance is that it was the last", + "score": 0.681640625 + }, + { + "id": "6973164", + "title": "Western Theater of the American Civil War", + "text": "clung to the hope that General Johnston would arrive with reinforcements, but Johnston was both cut off and too cautious. On July 4, Pemberton surrendered his army and the city to Grant. In conjunction with the defeat of Robert E. Lee at the Battle of Gettysburg the previous day, Vicksburg is widely considered one of the turning points of the war. By July 8, after Banks captured Port Hudson, the entire Mississippi River was in Union hands, and the Confederacy was split in two. After his victory at Stones River, Rosecrans occupied Murfreesboro for almost six months while Bragg rested", + "score": 0.68115234375 + }, + { + "id": "2380898", + "title": "Vicksburg Campaign", + "text": "by Vicksburg until World War II. This claim has been challenged because large Fourth of July celebrations were being held by 1907. The most significant result of the campaign was control of the Mississippi River, which the Union obtained completely after Port Hudson, which had been besieged by Banks since May 27, heard news of Vicksburg's fall and surrendered on July 9. The Confederacy was now cut in two; one week later, an unarmed ship arrived in Union-held New Orleans from St. Louis after an uneventful trip down the river. President Lincoln announced, \"The Father of Waters again goes unvexed", + "score": 0.68115234375 + }, + { + "id": "3123488", + "title": "John C. Pemberton", + "text": "aggressive Union commander Maj. Gen. Ulysses S. Grant and over 70,000 Union soldiers in the Vicksburg Campaign. In an attempt to carry out his orders from both Davis and Gen. Joseph E. Johnston, Pemberton and his Army of Mississippi set out east to combine with Johnston's forces gathering around Jackson, while remaining in contact and covering Vicksburg. Another order from Johnston changing their proposed meeting location caused Pemberton to turn around, and when he did he accidentally collided with Grant's army at the Battle of Champion Hill on May 16 and suffered a major defeat. Pemberton retreated to the Big", + "score": 0.68017578125 + }, + { + "id": "16191525", + "title": "43rd Mississippi Infantry", + "text": "promoted to Lieutenant-Colonel. Their next battles were during Union Gen. Ulysses S. Grant's Vicksburg Campaign between April and July 1863. At the Siege of Vicksburg a mine blew up killing six members from the 43rd. In September 1863, Company H (Pound's Battalion) of the 43rd Mississippi was ordered to join Braxton Bragg's Army of the Tennessee in Georgia. Pound's Battalion fought at the Battle of Chickamauga. Chickamauga was a victory for the Confederacy. After Chickamauga, Pound's Battalion was sent back to Mississippi and some of the 43rd rode with General Forrest to drive Union forces out of the state]. The", + "score": 0.68017578125 + }, + { + "id": "1917778", + "title": "Peninsula Campaign", + "text": "fighting the following day, Davis replaced Smith with Lee as commander of the Army of Northern Virginia. On June 1, the Confederates under Smith renewed their assaults against the Federals, who had brought up more reinforcements and fought from strong positions, but made little headway. The fighting ended about 11:30 a.m. when the Confederates withdrew. McClellan arrived on the battlefield from his sick bed at about this time, but the Union Army did not counterattack. Both sides claimed victory with roughly equal casualties\u2014Union casualties were 5,031 (790 killed, 3,594 wounded, 647 captured or missing), Confederate 6,134 (980 killed, 4,749 wounded,", + "score": 0.6796875 + }, + { + "id": "1283236", + "title": "Battle of Shiloh", + "text": "Battle of Shiloh The Battle of Shiloh (also known as the Battle of Pittsburg Landing) was a battle in the Western Theater of the American Civil War, fought April 6\u20137, 1862, in southwestern Tennessee. A Union force known as the Army of the Tennessee (Major General Ulysses S. Grant) had moved via the Tennessee River deep into Tennessee and was encamped principally at Pittsburg Landing on the west bank of the Tennessee River, where the Confederate Army of Mississippi (General Albert Sidney Johnston, P. G. T. Beauregard second-in-command) launched a surprise attack on Grant's army from its base in Corinth,", + "score": 0.6796875 + }, + { + "id": "818302", + "title": "Battle of Philippi", + "text": "Battle of Philippi The Battle of Philippi was the final battle in the Wars of the Second Triumvirate between the forces of Mark Antony and Octavian (of the Second Triumvirate) and the leaders of Julius Caesar's assassination, Marcus Junius Brutus and Gaius Cassius Longinus in 42 BC, at Philippi in Macedonia. The Second Triumvirate declared this civil war ostensibly to avenge Julius Caesar's assassination in 44 BC, but the underlying cause was a long-brewing conflict between the so-called Optimates and the so-called Populares. The battle, involving up to 200,000 men in one of the largest of the Roman civil wars,", + "score": 0.67919921875 + }, + { + "id": "13971072", + "title": "CSS General M. Jeff Thompson", + "text": "was successfully evacuated on 1 June. Then the Confederate vessels fell back on Memphis to take on coal. Following the Federal capture of Fort Pillow, Flag Officer Charles Henry Davis, USN, commanding the Mississippi River Squadron pressed on without delay and appeared off Memphis with a superior force on 6 June 1862. Montgomery, unable to retreat to Vicksburg, Mississippi, because of his fuel shortage, and unwilling to destroy his boats, determined to fight against heavy odds. In the ensuing Battle of Memphis, \"General M. Jeff Thompson\" was heavily hit and set on fire by Union shells. She ran aground and", + "score": 0.67919921875 + }, + { + "id": "15743566", + "title": "Battle of Pensacola (1861)", + "text": "Battle of Pensacola (1861) The Battle of Pensacola was a battle between the Confederate States of America troops occupying Pensacola Bay and the Union fleet under Harvey Brown. The Confederates retained control of the city and its forts after months of siege. After Abraham Lincoln was elected President, but before he took office, southern states began seceding from the United States, led by South Carolina on December 20, 1860. Around midnight of January 8, 1861 the small garrison of Fort Barrancas repelled a group of local men intent on taking the fort. Some historians suggest that these were the first", + "score": 0.67919921875 + }, + { + "id": "1857795", + "title": "Battle of Hampton Roads", + "text": "dismissed by present-day historians. They agree that the result of the \"Monitor\u2013Merrimack\" encounter was not a victory for either side. As the combat between ironclads was the primary significance of the battle, the general verdict is that the overall result was a draw. All would acknowledge that the Southern fleet inflicted far more damage than it received, which would ordinarily imply that they had gained a tactical victory. Compared to other Civil War battles, the loss of men and ships for the Union Navy would be considered a clear defeat. On the other hand, the blockade was not seriously threatened,", + "score": 0.67919921875 + }, + { + "id": "6305719", + "title": "Battle of Jenkins' Ferry", + "text": "Gregory J. W. Urwin in the Heidlers' \"Encyclopedia of the American Civil War\" used 1,000 and 700 as the best estimate of total confederate and federal casualty figures, respectively, for this battle. The Battle of Jenkins' Ferry may be counted as a federal victory, at least tactically. Not only did the Confederates sustain more casualties, but Steele's federal troops successfully held back the attacking Confederates. This allowed the federal forces time and space to move most of their remaining wagons, artillery, equipment, cavalry and infantry across the Saline River and to escape back to the safety of Little Rock. Yet,", + "score": 0.67919921875 + }, + { + "id": "4373089", + "title": "Battle of Fort Blakeley", + "text": "and capture of Fort Blakeley was basically the last combined-force battle of the war. Yet, it is criticized by some (such as Ulysses S. Grant) as an ineffective contribution to Union war effort due to Canby's lateness in engaging his troops. The battle was actually fought hours after the Confederate General Robert E. Lee surrendered at Appomattox. The battle is considered the last major battle of the Civil War. African-American forces played a major role in the successful Union attack, with 5,000 colored troops of the Union U.S.C.T. brought through Pensacola, FL. Two days later, the 2 nearby island batteries", + "score": 0.67919921875 + }, + { + "id": "6963854", + "title": "Battle of Tupelo", + "text": "sites associated with the battle. The battlefield has been partially preserved and is home to the Tupelo National Battlefield, established on February 21, 1929. The Civil War Trust (a division of the American Battlefield Trust) and its partners have also acquired and preserved of the Tupelo battlefield. Battle of Tupelo The Battle of Tupelo (also known as the Engagement at Harrisburg) was a battle of the American Civil War fought from July 14 to 15, 1864, near Tupelo, Mississippi. The Union victory over Confederate forces in northeast Mississippi ensured the safety of Sherman's supply lines during the Atlanta Campaign. The", + "score": 0.6787109375 + }, + { + "id": "2380904", + "title": "Vicksburg Campaign", + "text": "Peninsula Campaign continued to follow him in the 1864 Atlanta Campaign against Sherman. However, Johnston was far outnumbered. While he was one of few Confederate generals whom Grant respected, he was outgeneraled. Vicksburg Campaign The Vicksburg Campaign was a series of maneuvers and battles in the Western Theater of the American Civil War directed against Vicksburg, Mississippi, a fortress city that dominated the last Confederate-controlled section of the Mississippi River. The Union Army of the Tennessee under Maj. Gen. Ulysses S. Grant gained control of the river by capturing this stronghold and defeating Lt. Gen. John C. Pemberton's forces stationed", + "score": 0.6787109375 + }, + { + "id": "14738634", + "title": "29th Regiment Massachusetts Volunteer Infantry", + "text": "late June and began digging entrenchments. Less than two weeks after the regiment arrived in Mississippi, the city of Vicksburg surrendered on July 4, 1863. Following the surrender of Vicksburg, the remaining Confederate forces in Mississippi concentrated in the state capital of Jackson. Maj. Gen. William Tecumseh Sherman took several corps of Unions troops, including the IX Corps, and laid siege to Jackson in mid-July. While digging trenches, the 29th was exposed to heavy artillery and sharpshooter fire from the Confederates, but the regiment suffered only one casualty during the siege. During the night of July 16, the Confederate army", + "score": 0.6787109375 + }, + { + "id": "14088649", + "title": "Battle of Richmond, Louisiana", + "text": "Battle of Richmond, Louisiana The Battle of Richmond was a minor engagement that was fought June 15, 1863, in Richmond, Louisiana, during the Siege of Vicksburg of the American Civil War. Richmond sat along an important Confederate supply line running into Vicksburg from the west. Union forces were able to advance against this supply line following their victories at the battles of Milliken's Bend and Young's Point. Maj. Gen. William T. Sherman dispatched Brig. Gen. Joseph Mower's Eagle Brigade from the Vicksburg trenches to coordinate with Brig. Gen. Alfred W. Ellet's Marine Brigade and drive Maj. Gen. John George Walker's", + "score": 0.6787109375 + }, + { + "id": "13923658", + "title": "Siege of Fort St. Philip (1815)", + "text": "rest of the day, the British remained in view of the fort but did not fire again. They withdrew their landing force and on January 19, 1815 the British abandoned their attempt to destroy the fort by sailing away to find an alternate waterway to New Orleans. After learning of the British defeat at the city, the Royal Navy canceled their cruise to reinforce their already defeated army. The siege of Fort St. Philip ended with an American victory due to the British failure to pass the fort in order to reinforce the British army at New Orleans. The siege", + "score": 0.6787109375 + }, + { + "id": "10746458", + "title": "Philip Cook (general)", + "text": "took command of the brigade when Brig. Gen. George P. Doles was killed. Cook was wounded again during the Siege of Petersburg. After recovering, he fought under Maj. Gen. Stephen D. Ramseur at the Battle of Cedar Creek in the Shenandoah Valley before returning with his men to the trenches around Petersburg, Virginia. He was wounded a third time during the 1865 attack on Fort Stedman. After the war ended in early 1865, Cook moved to Americus, Georgia, where he set up a law practice and was active in local and state politics. From 1873 to 1883, Cook was a", + "score": 0.67822265625 + }, + { + "id": "16191526", + "title": "43rd Mississippi Infantry", + "text": "regiment was sent to Georgia to fight in the Atlanta Campaign against William T. Sherman's invading Federal army]. In Cobb County, Georgia, the regiment hauled cannons up the side of Kennesaw Mountain. After Atlanta was lost, the 43rd fought in General John Bell Hood's Tennessee Campaign which included the Battles of Franklin and Nashville. Afterwards it was sent to the Carolinas and fought at the Battles of Kinston and Bentonville, North Carolina. The 43rd Mississippi was part of the Gen. Joe Johnston's surrender of the Army of Tennessee at Bennett Place on April 26, 1865. The army was soon disbanded", + "score": 0.67822265625 + }, + { + "id": "6686111", + "title": "Battle of Chickasaw Bayou", + "text": "of operations, or \"experiments\", to reach Vicksburg over the winter, the Vicksburg Campaign did not begin again in earnest until April 1863. Battle of Chickasaw Bayou The Battle of Chickasaw Bayou, also called the Battle of Walnut Hills, fought December 26\u201329, 1862, was the opening engagement of the Vicksburg Campaign during the American Civil War. Confederate forces under Lt. Gen. John C. Pemberton repulsed an advance by Union Maj. Gen. William T. Sherman that was intended to lead to the capture of Vicksburg, Mississippi. On December 26, three Union divisions under Sherman disembarked at Johnson's Plantation on the Yazoo River", + "score": 0.67822265625 + }, + { + "id": "7163309", + "title": "Battle of Grand Gulf", + "text": "bank of the Mississippi at Bruinsburg, below Grand Gulf. The men immediately began marching overland toward Port Gibson, Mississippi. The Confederates had won a hollow victory; the loss at Grand Gulf caused just a slight change in Grant's offensive. Battle of Grand Gulf The Battle of Grand Gulf was fought on April 29, 1863, during the American Civil War. In the Vicksburg Campaign of Maj. Gen. Ulysses S. Grant, Union naval forces under Rear Adm. David D. Porter led seven ironclads in an attack on the Confederate fortifications and batteries at Grand Gulf, downriver from Vicksburg, Mississippi. Although the Confederates", + "score": 0.67822265625 + }, + { + "id": "4922841", + "title": "Battle of Pensacola (1814)", + "text": "39th and 44th Infantry Regiments) that were at the Battle of Pensacola. Battle of Pensacola (1814) The Battle of Pensacola was a battle in the War of 1812 in which American forces fought against forces from the kingdoms of Britain and Spain, along with Creek Native Americans and African-American slaves allied with the British. The American commander, General Andrew Jackson, led his infantry against British and Spanish forces controlling the city of Pensacola in Spanish Florida. The British abandoned the city and it was surrendered to Jackson by the Spanish. After defeating the Red Stick Creeks at the Battle of", + "score": 0.67822265625 + }, + { + "id": "16776038", + "title": "Thomas E. Atkinson", + "text": "to the in September 1860 and served on that ship as a yeoman during the American Civil War. He was present at the Battle of the Head of Passes of the Mississippi River on October 12, 1861, and at an engagement against Fort McRee near Pensacola, Florida, in November 1861. In the April 1862 Battle of Forts Jackson and St. Philip, \"Richmond\" fought Confederate ships in the Mississippi and passed artillery batteries at Chalmette, Louisiana, leading to the capture of New Orleans. The ship then proceeded up the river and Atkinson participated in the passage of Vicksburg, Mississippi, in mid-1862", + "score": 0.677734375 + }, + { + "id": "10322962", + "title": "36th Iowa Volunteer Infantry Regiment", + "text": "was allowed to burying hundreds of Confederate dead in mass graves where they had fallen. Vicksburg also surrendered to Grant on 4 July while elsewhere General George Meade repulsed Lee at Gettysburg. The two victories at Helena and Vicksburg on July 4, and the surrender of the rebel strong-post of Port Hudson on July 9, ended further serious Confederate threats to federal operations along the Mississippi River and severed communication between rebel forces on opposite sides of the Mississippi for the remainder of the war. With New Orleans, Port Hudson, Vicksburg, Helena, Memphis and Columbus Kentucky in federal hands, the", + "score": 0.67724609375 + }, + { + "id": "9806062", + "title": "Third Sacred War", + "text": "on a large plain near the sea, probably in the vicinity of Pagasae. Philip sent his men into battle wearing crown of laurel, the symbol of the Apollo; \"as if he was the avenger...of sacrilege, and he proceeded to battle under the leadership, as it were, of the god\". In the ensuing battle, the bloodiest recorded in ancient Greek history, Philip won a decisive victory against the Phocians. In total, 6,000 Phocian troops were killed including Onomarchos, and another 3,000 taken prisoner. Onomarchos was either hanged or crucified and the other prisoners drowned, as ritual demanded for temple-robbers. These punishments", + "score": 0.67724609375 + }, + { + "id": "14571117", + "title": "Battle of Corpus Christi", + "text": "Battle of Corpus Christi The Battle of Corpus Christi was fought between August 12 and August 18, 1862, during the American Civil War. United States Navy forces blockading Texas fought a small land and sea engagement with Confederate forces in and around Corpus Christi Bay and bombarded Corpus Christi. Union forces defeated Confederate States Navy ships operating in the area but were repulsed when they landed on the coast. Texas had been a main source of supplies for Confederate forces during the American Civil War. yankee naval operations to blockade the Texas coast began. Despite being in a Confederate state,", + "score": 0.67724609375 + }, + { + "id": "8575443", + "title": "Kentucky in the American Civil War", + "text": "advancing down the Cumberland and Tennessee Rivers toward Forts Henry and Donelson. Union ironclads routed the Confederate river gunboats on the Mississippi River during the Battle of Lucas Bend on January 11, forcing them back to Columbus. Following Grant's victory at the Battle of Belmont, General Polk had anticipated that Union forces would target the Mississippi River and attack Columbus, and had withdrawn most of his forces to that location. Lloyd Tilghman was left to defend Fort Henry with fewer than 3,000 men. Union troops began their assault on the fort on February 5, 1862, and Tilghman surrendered the following", + "score": 0.6767578125 + }, + { + "id": "7408832", + "title": "Battle of Forts Jackson and St. Philip", + "text": "achieved with no further significant opposition, was a serious, even fatal, blow from which the Confederacy never recovered. The forts remained after the fleet had passed, but the demoralized enlisted men in Fort Jackson mutinied and forced their surrender. Fort Jackson and Fort St. Philip were a pair of closely associated forts on the Mississippi River. They were sited some above Head of Passes, where the river divides before it finally enters the Gulf of Mexico, or about downstream from New Orleans. Fort Jackson was on the right (generally west, but here south) bank, while Fort St. Philip was on", + "score": 0.6767578125 + }, + { + "id": "5984597", + "title": "Battle of Crocus Field", + "text": "sacrilege, and he proceeded to battle under the leadership, as it were, of the god\". Some of the Phocian mercenaries supposedly threw down their arms, troubled by their guilty consciences. In the ensuing battle, the bloodiest recorded in ancient Greek history, Philip won a decisive victory over the Phocians. The battle seems to have been won by superior numbers and by the valour of Philip's cavalry. Fleeing from defeat, the Phocians ran to the sea, where Chares' fleet had arrived during the battle, but many men were killed during the pursuit, or drowned as they tried to reach the ships.", + "score": 0.6767578125 + }, + { + "id": "88480", + "title": "Confederate States of America", + "text": "an effective answer to Federal gunboats, river transport and supply, the Confederacy lost the Mississippi River following the capture of Vicksburg, Mississippi, and Port Hudson in July, ending Southern access to the trans-Mississippi West. July brought short-lived counters, Morgan's Raid into Ohio and the New York City draft riots. Robert E. Lee's strike into Pennsylvania was repulsed at Gettysburg, Pennsylvania despite Pickett's famous charge and other acts of valor. Southern newspapers assessed the campaign as \"The Confederates did not gain a victory, neither did the enemy.\" September and November left Confederates yielding Chattanooga, Tennessee, the gateway to the lower south.", + "score": 0.6767578125 + }, + { + "id": "9935523", + "title": "William Pelham (Medal of Honor)", + "text": "William Pelham (Medal of Honor) William R. Pelham (December 24, 1845 or December 8, 1847 \u2013 March 30, 1933) was a Union Navy sailor during the American Civil War and a recipient of the United States military's highest decoration\u2014the Medal of Honor\u2014for his actions at the Battle of Mobile Bay. Pelham enlisted in the Navy from either Nova Scotia or New York City and took part in the Civil War as a Landsman on Rear Admiral David Farragut's flagship, the . On August 5, 1864, the \"Hartford\" participated in the Battle of Mobile Bay, Alabama. Five months after the battle,", + "score": 0.6767578125 + }, + { + "id": "7408855", + "title": "Battle of Forts Jackson and St. Philip", + "text": "St. Phillips was also surrendered, the CSS \"Louisiana\" blown up and even the Confederate fleet on Lake Pontchartrain was destroyed to avoid capture. The general collapse of morale began with the mutiny and greatly simplified the occupation of New Orleans by the Union navy. The Confederate authorities had long believed that the Navy's ironclad ships, particularly CSS \"Louisiana\", would render the river impregnable against assaults such as they were now experiencing. Although \"Louisiana\" was not yet finished, Generals Lovell and Duncan pressed Commodore Whittle to hurry the preparation. Acceding to their wishes against his better judgment, Whittle had the ship", + "score": 0.6767578125 + }, + { + "id": "3748692", + "title": "Battle of Natural Bridge", + "text": "sinkhole. This action prevented the Union Army from capturing the Florida capital and made Tallahassee the only Confederate capital east of the Mississippi River not to be captured by Union forces during the war. The battle has been described as the last Confederate victory in the American Civil War, and it was the second largest American Civil War battle in Florida. The Union's Brig. Gen. John Newton had undertaken a joint force expedition to engage and destroy Confederate troops that had attacked at Cedar Keys, Florida and Fort Myers and were allegedly encamped somewhere around St. Marks. The Union Navy", + "score": 0.67626953125 + }, + { + "id": "13036840", + "title": "Conclusion of the American Civil War", + "text": "Main Street and Church Street to denote where this surrender took place. It further explains that the Confederate soldiers were given rations after their release. The last land battle of the Civil War took place near Brownsville, Texas, and it was won by the Confederates. The Confederates held the city of Brownsville in the early part of 1865. In January or February Major General Lew Wallace was sent by the Union government to Texas. On March 11 Wallace had a meeting with the two major Confederate commanders of the region, Brigadier General James Slaughter and Colonel John \"Rip\" Ford, under", + "score": 0.67626953125 + }, + { + "id": "3538486", + "title": "Gideon Johnson Pillow", + "text": "Then the Union troops turned to the camp to pillage and celebrate, which Grant attempted to stop by burning the camp. Pillow, assisted by Brigadier General Benjamin F. Cheatham, reorganized the Confederates and counterattacked. The disorganized Union soldiers fled for their gunboats, leaving the 27th Illinois Volunteer Infantry Regiment behind, only to be rescued by boats sent back for that purpose. The battle is considered a Confederate victory because the Union force withdrew across the river under fire, although it was primarily inconclusive with the Confederate force of about 5,000 men and the Union force of about 3,100 men suffering", + "score": 0.67578125 + }, + { + "id": "2707898", + "title": "Battle of Nashville", + "text": "Battle of Nashville The Battle of Nashville was a two-day battle in the Franklin-Nashville Campaign that represented the end of large-scale fighting west of the coastal states in the American Civil War. It was fought at Nashville, Tennessee, on December 15\u201316, 1864, between the Confederate Army of Tennessee under Lieutenant General John Bell Hood and Federal forces under Major General George H. Thomas. In one of the largest victories achieved by the Union Army during the war, Thomas attacked and routed Hood's army, largely destroying it as an effective fighting force. Hood followed up his defeat in the Atlanta Campaign", + "score": 0.67529296875 + }, + { + "id": "9671350", + "title": "Seth Ledyard Phelps", + "text": "fog and smoke from numerous broadsides from the gunboats, visibility was greatly impaired and a general state of confusion prevailed over the battle. Following the \"Carondelet\" Phelps arrived in the slow-moving and massive \"Benton\" swung about and opened fire. He then brought the \"Benton\" around and came alongside the sunken \"Cincinnati\" with her crew waiting on top of the wheelhouse. Unable to pursue due to deeper draft, the Confederate ships then withdrew. Although the Confederates were victorious, the Union squadron was able to proceed down river and attack the Confederate squadron during the Battle of Memphis the following month. At", + "score": 0.67529296875 + } + ], + "answer": "The Battle of Philippi formed part of the Western Virginia Campaign of the American Civil War and was fought in and around Philippi, Virginia (now West Virginia), on June 3, 1861. A Union victory, it was the first organized land action of the war and it brought overnight fame to Maj. Gen. George B. McClellan. Alongside Maj. Gen. McClellan were Thomas A. Morris, a Brigadier General of the Indiana Militia and Isaac Duval, also a Brigadier General. Six Union infantries participated in the battle, including 1st West Virginia Infantry, 2nd West Virginia Infantry (reserve), 6th Indiana Infantry, 7th Indiana Infantry, 9th Indiana Infantry and the 14th Ohio Infantry. " + }, + { + "qa_pairs": [ + { + "context": "In the United States, spring break at universities and colleges can occur from March to April, depending on term dates and when Easter holiday falls. Usually, spring break is about one week long, but many K\u201312 institutions in the United States schedule a one-week-long break known as \"Easter Break,\" \"Easter Holidays\", or \"Easter Vacation\", as they generally take place in the weeks before or after Easter. However, in the states of Massachusetts and Maine, schools typically schedule spring break for the week of the third Monday in April to coincide with Patriots' Day.", + "question": "When does spring break occur in the US?", + "short_answers": [ + "before or after Easter", + "from March to April" + ], + "wikipage": "Spring break" + }, + { + "context": "In the United States, spring break at universities and colleges can occur from March to April, depending on term dates and when Easter holiday falls. Usually, spring break is about one week long, but many K\u201312 institutions in the United States schedule a one-week-long break known as \"Easter Break,\" \"Easter Holidays\", or \"Easter Vacation\", as they generally take place in the weeks before or after Easter. However, in the states of Massachusetts and Maine, schools typically schedule spring break for the week of the third Monday in April to coincide with Patriots' Day.", + "question": "When does spring break typically start in the states of Massachusetts and Maine?", + "short_answers": [ + "week of the third Monday in April" + ], + "wikipage": "Spring break" + } + ], + "wikipages": [ + { + "title": "School holidays in the United States", + "url": "https://en.wikipedia.org/wiki/School%20holidays%20in%20the%20United%20States" + }, + { + "title": "Spring break", + "url": "https://en.wikipedia.org/wiki/Spring%20break" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "In the United States, spring break for K\u201312 institutions, universities and colleges can occur between March to April, depending on term dates and when Easter holiday falls. It is usually about one week long and takes place in the weeks before or after Easter. However, in the states of Massachusetts and Maine, schools typically schedule spring break for the week of the third Monday in April to coincide with Patriots' Day." + }, + { + "knowledge": [], + "long_answer": "In the US, spring break occurs from March to April in the weeks before or after Easter. In the states of Massachusetts and Maine, spring break typically starts the week of the third Monday in April, as schools in those states typically schedule it to coincide with Patriots' Day." + } + ], + "sample_id": "33253381210996239", + "question": "When does spring break start in the us?", + "docs": [ + { + "id": "2665088", + "title": "Spring break", + "text": "the spring break starts in the first week of Good Friday. The break may range from one week to two weeks, often times two. This break starts depending on which month the Easter holiday begins, March or April. In Mexico, spring break takes place during the Holy Week and the one after it. In the United States, spring break at the college and university level can occur from March to April, depending on term dates and when Easter holiday falls. Usually, spring break is about one week long, but many K\u201312 institutions in the United States schedule a two-week-long break", + "score": 0.80908203125, + "summary": "Spring break in the US can occur from March to April depending on the Easter holiday and the term dates. It usually lasts for one week, but some K-12 institutions schedule a two-week break.", + "extraction": "In the United States, spring break at the college and university level can occur from March to April, depending on term dates and when Easter holiday falls." + }, + { + "id": "2665083", + "title": "Spring break", + "text": "as colleges and universities get six days of holiday in March, lasting from March 8 to March 15, for people to go on winter vacations or do other activities. In Germany, universities typically schedule a semester break of five to eight weeks around March. The Whitsun (Pentecost) holidays around late May or early June are also considered a spring break. In Greece, spring break takes place during the Holy Week and the one after it. In Lithuania, spring break (called Easter holidays or spring holidays) takes place one week before Easter and one day after it (as it is the", + "score": 0.74755859375, + "summary": "Spring break in the US starts from March 8 to March 15.", + "extraction": "Colleges and universities in the US get six days of holiday in March, lasting from March 8 to March 15, which is considered as spring break." + }, + { + "id": "2665089", + "title": "Spring break", + "text": "known as \"Easter Break,\" \"Easter Holidays\", or \"Easter Vacation\", as they generally take place in the weeks before or after Easter. However, in the states of Massachusetts and Maine, schools typically schedule spring break for the week of the third Monday in April to coincide with Patriots' Day. In Guatemala and Honduras, it takes place during Easter; schools give students a whole week to rest while the staff workforce rests approximately three days. In Colombia, spring break takes place the first week of April, during the Holy Week until the second week. In Chile, many schools and universities take vacations", + "score": 0.74560546875, + "summary": "In the US, spring break varies by state, with Massachusetts and Maine scheduling it for the week of the third Monday in April. In other countries, such as Guatemala and Honduras, it coincides with Easter, while in Colombia it takes place during the first week of April.", + "extraction": "In the states of Massachusetts and Maine, schools typically schedule spring break for the week of the third Monday in April to coincide with Patriots' Day." + }, + { + "id": "2665080", + "title": "Spring break", + "text": "various mostly western countries that is scheduled for different periods depending on the state and sometimes the region. In Japan, the spring break starts with the end of the academic year in March and ends on April 1 with the beginning of a new academic year. In Kuwait, the spring break is between the two academic or school semesters, usually in December or January, but could last until early February. It is usually a 2 or 3-week break, however, there is no fixed date for it, as the date is adjusted in accordance with the Lunar or Hijri calendar, as", + "score": 0.73681640625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about spring break in Japan and Kuwait, but doesn't provide information about when spring break starts in the US." + }, + { + "id": "2665079", + "title": "Spring break", + "text": "Spring break Spring break is a vacation period in early spring at universities and schools which started during the 1930s in the United States and is observed in some other mainly Western countries. Spring break is frequently associated with extensive gatherings and riotous partying in warm climate locations such as Daytona Beach, Florida and Cancun, Mexico, attended regardless of participants' educational standings. As a holiday it is variously known as Easter vacation, Easter holiday, April break, spring vacation, mid-term break, study week, reading week, reading period, or Easter week, depending on regional conventions. Spring break is an academic tradition in", + "score": 0.7275390625, + "summary": "Spring break is a vacation period in early spring observed in the US and some other Western countries. It is associated with gatherings and partying in warm climate locations. It is known by various names depending on regional conventions, but specific dates are not mentioned, making the document irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "2665084", + "title": "Spring break", + "text": "second day of Easter), all school students have this vacation. Primary school students have another week of holidays after Easter. In Portugal, spring break is mostly known as \"Easter Holidays\" and it gives two weeks to all students around the country. Before 1917 there was an Easter Break in schools. In the Soviet Union, spring break was always from 24 to 31 of March. Now, many schools in Russia still have the spring break, but the exact date is decided by the school itself. In the majority of cases it is set in the middle of April. Also, the public", + "score": 0.72119140625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "2665082", + "title": "Spring break", + "text": "each group containing counties evenly distributed across the country. The first group starts the holiday on the first Monday of February, the last group starts the holiday five weeks later (usually in early March). The last group of counties becomes the first one to have the spring break the next year. Before 2017, the spring break in Georgia was typically an Easter holiday, lasting from Thursday to Tuesday in the Holy Week. In 2017, the new Minister of Education and Science of Georgia Aleksandre Jejelava made a new reform by which, students of preschools, elementary & high schools as well", + "score": 0.712890625, + "summary": "The document mentions the start of spring break in the US as the first Monday of February for the first group of counties and five weeks later (usually in early March) for the last group. However, it also discusses the previous Easter holiday schedule for spring break in Georgia before a reform was made in 2017.", + "extraction": "The passage provides information about the spring break in different counties across the country, but it does not give a specific answer to the question \"When does spring break start in the US?\". Therefore, the answer is \"irrelevant\"." + }, + { + "id": "2421349", + "title": "Public holidays in the United States", + "text": "the day after and usually before Thanksgiving. Spring break is usually a week in March or early April, and in elementary and secondary school and college party culture traditionally involves a warm-weather trip. Unscheduled weather-related cancellations and emergency cancellations can also affect school calendars. When taking summer school or summer camp schedules into account, the Independence Day holiday on July4 is usually a scheduled holiday observance for which the summer program closes. The federal government sector labor force consisted of about 2,729,000 (as of 2014) of the total labor force of 150,539,900, which is about 2% of the total labor", + "score": 0.708984375, + "summary": "Spring break is usually a week in March or early April in the US.", + "extraction": "Spring break is usually a week in March or early April." + }, + { + "id": "2665081", + "title": "Spring break", + "text": "it is the case for almost all Arab and Muslim nations. In South Korea, the spring break starts in mid-February (the end of the academic year) and ends on March 1 (a national holiday) with the beginning of a new academic year. In the Czech Republic, only primary and secondary school students have a spring break. The break is one week long and the date of the break differs from county to county to avoid overcrowding of the break destinations in the Czech Republic (Czechs usually travel to the mountains to ski there). The counties are divided into six groups,", + "score": 0.70458984375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage provides information about spring break in Arab and Muslim nations, South Korea, and the Czech Republic, but it does not mention when spring break starts in the US." + }, + { + "id": "2665090", + "title": "Spring break", + "text": "in the middle of September coinciding with the celebration of the Fiestas Patrias (Celebration of that country).Being located in the Southern Hemisphere, spring begins approximately at the end of this holiday week so it acts similarly to the American spring break. Large annual spring break festivities take place in various countries, often in the form of music festivals and joined by special nightclub parties, beach activities and accommodation offers. This is an incomplete list of places with spring break festivals. The South Pacific enjoys spring break during November. Some tour companies are now chartering out entire island resorts for the", + "score": 0.6962890625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "2665086", + "title": "Spring break", + "text": "Easter break which starts on Holly Thursday and ends on next Tuesday. In Spain, there is not a spring break. Instead, the Holy Week is celebrated and students usually have holidays during these days. The Easter break in the United Kingdom is from one to two and a half weeks (depending on the local council and school policy) for primary and high schools, and for two to four weeks for university students, and fits around Easter. Canada gives a week-long break to its elementary school and secondary school students in the month of March, with the time varying from province", + "score": 0.68896484375, + "summary": "Canada gives a week-long spring break to its elementary and secondary school students in March, with the time varying by province.", + "extraction": "Irrelevant. The passage does not provide information about when spring break starts in the US." + }, + { + "id": "2108469", + "title": "Spring (season)", + "text": "start on different dates in different regions. Thus, in the US and UK, spring months are March, April and May, while in New Zealand and Australia, spring conventionally begins on September 1 and ends November 30. Swedish meteorologists define the beginning of spring as the first occasion on which the average daytime temperature exceeds zero degrees Celsius for seven consecutive days, thus the date varies with latitude and elevation. In some cultures in the Northern Hemisphere (e.g. Germany), the astronomical vernal equinox (varying between 19 and 21 March) is taken to mark the first day of spring, and the summer", + "score": 0.6884765625, + "summary": "Irrelevant. The document discusses the start of spring in different regions but does not provide specific information on when spring break starts in the US.", + "extraction": "Irrelevant. The passage provides information about when spring starts in different regions but does not mention the start date for spring break in the US." + }, + { + "id": "17156452", + "title": "Spring Break...Here to Party", + "text": "this is just breezy fun, a collection of cheerful drinking songs that never threaten to careen out of control.\" The album sold 150,000 copies in its first week of release, becoming Bryan's first number one album on the \"Billboard\" 200 chart. The album has sold 605,000 copies in the US as of May 2015. Spring Break...Here to Party Spring Break\u2026Here to Party is a compilation album by American country music artist Luke Bryan. It was released on March 5, 2013, by Capitol Nashville. The album is a compilation of songs from Bryan's first four spring break-themed EPs, plus two new", + "score": 0.6806640625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about when spring break starts in the US." + }, + { + "id": "2665087", + "title": "Spring break", + "text": "to province; New Brunswick and Quebec, for example, place their March breaks during the first week of March; Ontario, Nova Scotia, and British Columbia schedule theirs during the second or third week, and is usually a week long; the break in Alberta and Manitoba usually occurs in the last week of March. In Canada, spring Break for post-secondary students is called 'reading week' or 'reading break,' depending on the duration. However, the formal title of Mid-term Break has been the preferred generic term. Reading Week in Canada usually occurs in the month of February, coinciding with Family Day. In Jamaica,", + "score": 0.6787109375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about spring break in Canada and Jamaica, but does not provide information about when spring break starts in the US." + }, + { + "id": "5353552", + "title": "Summer vacation", + "text": "students (from tenth to twelfth grade) and college students have mostly three months of vacation -from late May or early June to early August. Like elementary and middle school students, high school students have in addition two weeks off for Christmas and New Year, and two weeks off in March or April for Spring Break. Moreover, college students get four weeks off for Christmas and New Year (from mid-December to mid-January) but only one week of Spring Break. In Mongolia, summer vacation usually starts from late May or early June (varies between schools) to the end of August. The school", + "score": 0.6767578125, + "summary": "High school and college students in the US typically have a two-week break in March or April for Spring Break.", + "extraction": "High school students have two weeks off in March or April for Spring Break." + }, + { + "id": "2855076", + "title": "Academic term", + "text": "courses the 'Christmas break' starts (around December 20), which is used to study for the 3\u20134 weeks of examinations in January. After these examinations the universities have one week of vacation, the so-called 'semestrial vacation', while the colleges start the classes of the second semester at the end of January, immediately after the examinations, which week they reclaim with the 'spring break' at the end of February, which the universities do not have. The universities start the second semester in the beginning of February. Both universities and colleges have the 'Easter break', which again is used to study for the", + "score": 0.671875, + "summary": "The document mentions a \"spring break\" at the end of February, but does not give a specific date for when spring break starts in the US. Therefore, the answer is \"irrelevant\".", + "extraction": "The passage is irrelevant for answering the question \"When does spring break start in the US?\" as it does not mention anything about US academic calendars or spring break." + }, + { + "id": "5353531", + "title": "Summer vacation", + "text": "summer break varies by school, but usually starts at the beginning or mid-June. School starts on the first Monday of September. There is also a three-to-four weeks long break during winter (typically starting on 31 December). School is not out on Christmas or Easter, but students who celebrate those holidays are allowed to miss that day of school. In Brazil, summer break lasts between 50 and 60 days; from late November - early December, to early February. In addition, for the majority of Brazilian students there are two to three weeks off for Winter in July. In Bulgaria, the time", + "score": 0.669921875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage provides information about summer and winter breaks in different countries but does not mention spring break in the US." + }, + { + "id": "6317398", + "title": "School holiday", + "text": "celebrated in 3 or 4 days, like Easter, Corpus Christi and Carnival. In Canada, the summer holiday includes the months of July and August, with students returning to school in late August or early September. The winter break lasts for two weeks (sometimes a day or two longer), beginning on Saturday and encompassing Christmas Day and New Year's Day. The spring break is one to two weeks long depending on the city or province. Good Friday and Easter may or may not fall within spring break. In Ontario, Canada's largest province, spring break is a four-day-long weekend between Good Friday", + "score": 0.662109375, + "summary": "The document mentions that spring break is one to two weeks long depending on the city or province in the US, but does not provide specific dates.", + "extraction": "The passage is irrelevant to the question \"When does spring break start in the US?\" as it only talks about school holidays in Canada and does not provide any information about the US." + }, + { + "id": "2665094", + "title": "Spring break", + "text": "between 250,000-350,000 college students per year during spring break. Residents of the Fort Lauderdale area became so upset at the damage done by college students that the local government passed laws restricting parties in 1985. At the same time, the National Minimum Drinking Age Act was enacted in the United States, requiring that Florida raise the minimum drinking age to 21 and inspiring many underage college vacationers to travel to other locations in the United States for spring break. By 1989, the number of college students traveling to Fort Lauderdale fell to 20,000, a far cry from the 350,000 who", + "score": 0.66162109375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about when spring break starts in the US." + }, + { + "id": "17156451", + "title": "Spring Break...Here to Party", + "text": "Spring Break...Here to Party Spring Break\u2026Here to Party is a compilation album by American country music artist Luke Bryan. It was released on March 5, 2013, by Capitol Nashville. The album is a compilation of songs from Bryan's first four spring break-themed EPs, plus two new songs, \"Buzzkill\" and \"Just a Sip.\" A music video was filmed for \"Buzzkill\" though it was never released as a single. Stephen Thomas Erlewine of AllMusic gave the album three stars out of five, writing that \"not one song is undeniable, the kind that works into the subconscious, but that doesn't really matter, as", + "score": 0.66015625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "6020020", + "title": "Education in Romania", + "text": "the beginning of September and ends in the beginning of June the following year. It is divided into two semesters (September to January and February to June). There are four holiday seasons 3 weeks in December\u2013January; Intersemestrial vacation 1 week at the start of February, spring (previously Easter) in April \u2013 2 weeks; and summer, spanning from the 1st to 20 June to September 10 to 15), with an additional free week at the end of October for students in the first 4 years. Additionally, during the week before the spring holiday, special activities (e.g. trips, contests) replace classes. This", + "score": 0.66015625 + }, + { + "id": "6317425", + "title": "School holiday", + "text": "off at the beginning of October (weeks 40 or 41). Christmas holidays start some days before Christmas Eve and end in the first week of January. There is one week of winter vacation in late February (weeks 8 or 9). Easter holiday is from Palm Sunday to Easter Monday or a day or two later, and Summer holidays begin some days before midsummer. All public schools have the following breaks/holidays: Summer holidays run from Late May-mid June to early-mid September and are around 13-15 weeks long. Spring break \u2013 one to two weeks between late march and early may depending", + "score": 0.66015625 + }, + { + "id": "18552570", + "title": "Spring Break...Checkin' Out", + "text": "\"Games\" was the only song that \"has any real meat to it\", and praised the production, \"which allows Luke plenty of space to operate.\" \"Spring Break\u2026Checkin' Out\" debuted at number 3 on the \"Billboard\" 200 chart and at number one on the \"Billboard\" Top Country Albums charts for the week ending of March 28, 2015, with 88,000 copies sold, or 106,000 units, including track and streaming equivalent albums. The album has sold 245,800 copies as of July 2015. Spring Break...Checkin' Out Spring Break\u2026Checkin' Out is the seventh extended play (EP) from American country music artist Luke Bryan. It was released", + "score": 0.65869140625 + }, + { + "id": "398662", + "title": "Summer", + "text": "April with peaks in mid-February to early March. Thunderstorm season in the United States and Canada runs in the spring through summer. These storms can produce hail, strong winds and tornadoes, usually during the afternoon and evening. Schools and universities typically have a summer break to take advantage of the warmer weather and longer days. In almost all countries, children are out of school during this time of year for summer break, although dates vary. In the United States, public schools usually end in late May in Memorial Day weekend, while colleges finish in early May, although some schools get", + "score": 0.65869140625 + }, + { + "id": "2665092", + "title": "Spring break", + "text": "town into a student mecca during March. Following well publicized shootings and a gang rape in 2015, several new ordinances were put into effect prohibiting drinking on the beach and establishing a bar closing time of 2 a.m. Central Time. Reports show a drop in Panama City Beach's spring break turnout in March 2016 followed by increased family tourism in April 2016. Both are credited/blamed on the new ordinances by the Bay County Community Development Corporation (CDC). Fort Lauderdale's reputation as a spring break destination for college students started when the Colgate University men's swim team arrived to practice there", + "score": 0.65673828125 + }, + { + "id": "2665095", + "title": "Spring break", + "text": "went four years prior. In the early 1980s, South Padre Island became the first location outside of Florida to draw a large number of college students for spring break. With only a few thousand residents, South Padre Island has consistently drawn between 80,000 and 120,000 spring breakers for the last 30 years. It is common for major brands that cater to the youth market (e.g., Coca-Cola, Gillette, MTV, and branches of the United States Armed Forces) to market at spring break destinations. Spring break Spring break is a vacation period in early spring at universities and schools which started during", + "score": 0.65673828125 + }, + { + "id": "6317395", + "title": "School holiday", + "text": "the Christmas and New Year holidays. They normally last for about 1\u20133 weeks. However, the Christmas holiday in Europe is shorter, sometimes two weeks or slightly less. In the southern hemisphere, Christmas is in the summer holiday period and the break is much longer (six to eight weeks). In countries with a Christian religious tradition, Easter holiday (in the United States it is sometimes known as Spring Break or Spring Vacation) is a school holiday that takes place in the northern spring, with the date varying by country and level of schooling. In most countries, the longest break in the", + "score": 0.65673828125 + }, + { + "id": "2665085", + "title": "Spring break", + "text": "holidays in May, connected with Labour day, can be an accurate equivatent of the spring break. Slovakia gives a week-long break to its elementary school and secondary school students in the months of February and March. The break is one week long and the date of the break differs from county to county to avoid overcrowding of the break destinations in the Slovak Republic. The counties are divided into three groups, the first group starts the holiday on the end of February, the last group starts the holiday two weeks later (in early March). There is, as well another, shorter", + "score": 0.65625 + }, + { + "id": "6317408", + "title": "School holiday", + "text": "on weekends. In the Philippines, summer break starts from the late March to early June, semestral break starts from late October to early November, and Christmas break starts from mid December to early January. Event-based holidays are declared by the President (for national holidays) and the provincial governor or city mayor for local holidays through the Department of Education (DepEd) for Basic Education and Commission on Higher Education (CHED) for Colleges. In Singapore, there are four school terms. Terms 1 and 2 are referred to as \"Semester 1\", as terms 3 and 4 are referred to as \"Semester 2\". Each", + "score": 0.65625 + }, + { + "id": "2421348", + "title": "Public holidays in the United States", + "text": "a week in April) and sometimes a winter break (a week in February or March). Two or three days per year are sometimes devoted to professional development for teachers and students have the day off. Most colleges and universities divide the school year into two semesters. The fall semester often begins the day after Labor Day in early September and runs until mid-December. The spring semester typically starts in the middle or end of January and runs until May. Winter and summer classes might be offered in January and May\u2013August. Major federal, state, and local holidays are often observed, including", + "score": 0.65576171875 + }, + { + "id": "7587653", + "title": "Spring Day", + "text": "21st, one or two days before the actual spring equinox. This day also marks Youth Day. Uruguay celebrates the beginning of spring, on 21 September, one or two days before the actual spring equinox. Bolivia celebrates the beginning of spring, on 21 September, it is also Student's day and \"d\u00eda del amor\", on this day youth will send cards, chocolates and flowers to their friends, mates, or lovers. South Africa Celebrates spring Day on the 1 September. Spring day traditions in South Africa range from having a traditional braai to shaving your head and beard. In many townships, children celebrate", + "score": 0.65478515625 + }, + { + "id": "17948652", + "title": "Spring Break 6...Like We Ain't Ever", + "text": "the annual EPs.\" \"Spring Break 6\u2026Like We Ain't Ever\" debuted at number 2 on the U.S. \"Billboard\" 200 chart and at number one on the U.S. \"Billboard\" Top Country Albums chart, selling 74,000 copies in its first week of release. Spring Break 6...Like We Ain't Ever Spring Break 6\u2026Like We Ain't Ever is the sixth extended play (EP) by American country music artist Luke Bryan. It was released on March 11, 2014 by Capitol Nashville. The EP features six original songs co-written by Bryan. A music video was filmed for \"She Get Me High\". Matt Bjorke of \"Roughstock\" gave the", + "score": 0.65380859375 + }, + { + "id": "18632853", + "title": "Spring Break (Modern Family)", + "text": "Spring Break (Modern Family) \"Spring Break\" is the eighteenth episode of the sixth season of the American sitcom \"Modern Family\", and the series' 138th episode overall. It originally aired on March 25, 2015. The episode was written by Paul Corrigan & Brad Walsh, and directed by Gail Mancuso. In the episode, Alex so anxiously checks her e-mails for her college acceptance, that Claire sends her to an outdoor music festival with Haley. Phil is hurt when Luke begins to outperform him in every activity they practice together. When Mitchell decides that Lily needs to be \"rescued\" from camp, Jay goes", + "score": 0.6533203125 + }, + { + "id": "7587647", + "title": "Spring Day", + "text": "Spring Day Spring Day is a holiday marking the coming of the spring season, which takes place in different countries, on varying dates. Albania celebrates the lunar Spring Day, the so-called \"Summer Day\" (), on 14 March, and in 2004 it became a national holiday. It is an old pagan practice, particularly popular in the city of Elbasan, Central Albania. According to some sources, Dita e Ver\u00ebs derives from the Arb\u00ebresh\u00eb, an Albanian community that lives in Italy since the fifteenth century. On 14 March, the Arb\u00ebresh\u00eb of the Italian coast, collect a tuft of grass roots and soil, bringing", + "score": 0.65234375 + }, + { + "id": "5353522", + "title": "Summer vacation", + "text": "Summer vacation Summer vacation (also called summer holiday or summer break) is a school holiday in summer between school years and the break in the school academic year. Students and teaching staff are off school from doing work typically between eight and nine weeks, depending on the country and district. In the United States, summer break is approximately 2.5 to 3 months, with students typically getting out of school between late-May and mid-June and starting the new school year between mid-August and early-September. In the Republic of Ireland, Italy, Greece, Lithuania, Latvia, Lebanon, Romania and Russia, the summer break is", + "score": 0.65185546875 + }, + { + "id": "16132800", + "title": "Spring Breakers", + "text": "new cut. A three-minute preview of \"Spring Breakers\" was released at the 2012 Cannes Film Festival in May 2012. The entire film premiered at the 69th Venice International Film Festival on September 4, 2012. The film was released in New York and Los Angeles on March 15, 2013. The film was released nationwide on March 22, 2013. The film had a limited release in the U.K. on April 5, 2013. The movie was also released in France on March 6, 2013 and was scheduled to be released in Australia in early March, however was pushed back to a release date", + "score": 0.6513671875 + }, + { + "id": "6317399", + "title": "School holiday", + "text": "and Easter Monday. The school year is divided into semesters. The first semester runs from late February or early March to July. Following a two-week or three-week winter break school resumes and lasts until early or mid December, followed by 10\u201312 weeks of summer vacations. In addition, schools have a one-week-long break for National Holidays in mid-September. Being located in the Southern Hemisphere, Spring begins approximately at the end of this holiday week so it acts similarly to the American Spring break. In Mexico, school usually ends in the second week of July and resumes the third week of August", + "score": 0.65087890625 + }, + { + "id": "2665093", + "title": "Spring break", + "text": "over Christmas break in 1934. Attracting approximately 20,000 college students in the 1950s, spring break was still known as 'Spring vacation' and was a relatively low key affair. This began to change when Glendon Swarthout\u2019s novel, \"Where the Boys Are\" was published in 1960, effectively ushering in modern spring break. Swarthout\u2019s 1960 novel was quickly made into a movie of the same title later that year, \"Where the Boys Are\", in which college girls met boys while on spring break there. The number of visiting college students immediately jumped to over 50,000. By the early 1980s, Ft. Lauderdale was attracting", + "score": 0.650390625 + }, + { + "id": "15287671", + "title": "School holidays in the United States", + "text": "following breaks/holidays: Most colleges and universities divide the school year into two semesters. The fall semester often begins the day after Labor Day in early September and runs until mid-December. The spring semester typically starts in the middle or end of January and runs until May. Winter and summer classes might be offered in January and May\u2013August.. Weather-related cancellations, such as snow days and hurricane-related closures, can affect school calendars, as can local emergencies such as water main breaks, gas leaks, structural problems, or shootings. Some K-12 districts build in a certain number of expected snow days, though in warmer", + "score": 0.650390625 + }, + { + "id": "11267587", + "title": "Spring Break '83", + "text": "Spring Break '83 Spring Break '83 is a comedy film directed by Mars Callahan and Scott Spiegel. Filmed in 2007, its release has been perpetually postponed since then; it currently has no release date. Four friends who were bullied by their graduating high school class seek revenge against the now freshman college students while on spring break during 1983. \"Spring Break '83\" was filmed primarily in Louisiana during October and November 2007. Near the end of scheduled production, filming was shut down by actor and crew unions because Big Sky Motion Pictures had not paid them and did not have", + "score": 0.64990234375 + }, + { + "id": "5353575", + "title": "Summer vacation", + "text": "United States, summer vacation lasts two to three months. The dates vary depending on the location of the school district, with two major formats. One is from late May-mid June to early September (in most northern states), the other major format lasting from late May to mid August (in most southern and western states). (Excluding some districts, as some schools may end late June and begin early September). Summer vacation or break lasts for about 12 weeks, starting anywhere from late May to mid June, and ending anywhere from late August to Labor Day, the first Monday in September. This", + "score": 0.64990234375 + }, + { + "id": "7587654", + "title": "Spring Day", + "text": "Spring Day by spraying each other with water. However, in some urban settlements everyone participates. Spring Day Spring Day is a holiday marking the coming of the spring season, which takes place in different countries, on varying dates. Albania celebrates the lunar Spring Day, the so-called \"Summer Day\" (), on 14 March, and in 2004 it became a national holiday. It is an old pagan practice, particularly popular in the city of Elbasan, Central Albania. According to some sources, Dita e Ver\u00ebs derives from the Arb\u00ebresh\u00eb, an Albanian community that lives in Italy since the fifteenth century. On 14 March,", + "score": 0.6494140625 + }, + { + "id": "12178395", + "title": "Midnight Ramblers", + "text": "been joined on stage by various professional guest artists from around the world, including FORK from Helsinki, Finland in Fall 2008 and, most recently, multi-platinum 80s Latin pop star Alondra. Beginning in 2003, the Ramblers have gone on their annual Spring Break Tour each March. Specific destinations vary from year to year, though the group has performed up and down the east and west coasts, as well as in London, England in 2007. These tours usually consist primarily of workshops and performances at local schools, but have also featured National Anthem renditions for professional sporting events, live radio concerts, as", + "score": 0.6484375 + }, + { + "id": "16005226", + "title": "Mardi Gras: Spring Break", + "text": "Mardi Gras: Spring Break Mardi Gras: Spring Break is a 2011 comedy/road trip film. It stars Nicholas D'Agosto, Josh Gad, Bret Harrison, Arielle Kebbel, Danneel Harris, Regina Hall, and Carmen Electra. It is directed by Phil Dornfield. The film follows a trio of senior college students who visit New Orleans during the Mardi Gras season. Originally shot in 2008 as \"Max's Mardi Gras\", it was scheduled for release by Sony Pictures' Screen Gems division. It was shelved until September 2011, when Samuel Goldwyn Films released it in select cities. Three best friends Mike (Nicholas D'Agosto), Bump (Josh Gad), and Scottie", + "score": 0.6484375 + }, + { + "id": "7587651", + "title": "Spring Day", + "text": "outdoors in the company of friends and relatives. Estonia celebrates Spring Day on 1 May. Iran celebrates Spring day at 21 March as its only new year celebration. This national celebration is called Nowruz in Iran. Bangladesh celebrates Spring day on 13 February as the first of the month of Falgun. It is the beginning of the Boshonto, the Spring season for Bengalis. Argentina celebrates the beginning of spring, conventionally, on 21 September, one or two days before the actual spring equinox. This day also marks Student's Day. Though this is not a work-free public holiday, it coincides with Student's", + "score": 0.64794921875 + }, + { + "id": "16132790", + "title": "Spring Breakers", + "text": "Spring Breakers Spring Breakers is a 2012 American crime film written and directed by Harmony Korine. It stars James Franco, Vanessa Hudgens, Selena Gomez, Ashley Benson and Rachel Korine and follows four college-aged girls on their spring break in Florida where they meet an eccentric local drug dealer named Alien who helps them in a time of desperation, and their eventual descent into a world of drugs, crime, and violence. Korine had devised the concept for \"Spring Breakers\" over several years prior to production, with fleeting ideas about the plot and what should transpire. His initial desire was to create", + "score": 0.64697265625 + }, + { + "id": "18937192", + "title": "Spring Break 4...Suntan City", + "text": "Spring Break 4...Suntan City Spring Break 4\u2026Suntan City is the fifth extended play (EP) by American country music artist Luke Bryan. It was released on March 6, 2012 by Capitol Nashville. Billy Dukes of \"Taste of Country\" gave the song two stars out of five, saying that \"If you\u2019ve got spring break plans that involve suntan lotion and sexy strangers willing to rub it in, Bryan has your soundtrack. The truth is, most people stay home and work or hang out with family over the spring break vacation. Play this album into any other from the singer's catalog... and it", + "score": 0.64697265625 + }, + { + "id": "2855131", + "title": "Academic term", + "text": "semestral basis. Semestral, Christmas, and summer breaks are scheduled at about the same time as primary and junior high school. Grade 12 pupils have a shorter second semester than grade 11 in order for the school to prepare for graduation. In most schools, summer break usually lasts for two months, starting from the first week of April up to the last week of May. Most schools end the school year before Holy Week. Semestral break is normally set to coincide with All Saints and All Souls Day. The Christmas Break usually begins in the third week of December, and classes", + "score": 0.64697265625 + }, + { + "id": "9431643", + "title": "Spring Break (film)", + "text": "Spring Break (film) Spring Break is a 1983 American comedy film directed by Sean S. Cunningham and starring David Knell and Perry Lang. Two nerds, Nelson (David Knell) and Adam (Perry Lang), are looking forward to their first spring break and book a room at an inexpensive hotel called the Breeze and Seas in Fort Lauderdale, Florida. They meet cool guys Stu (Paul Land) and O.T. (Steve Bassett) from Brooklyn, New York, when the four of them are accidentally booked into the same room. With no other places available in town, they agree to share the room. Amidst the partying,", + "score": 0.64697265625 + }, + { + "id": "18552567", + "title": "Spring Break...Checkin' Out", + "text": "Spring Break...Checkin' Out Spring Break\u2026Checkin' Out is the seventh extended play (EP) from American country music artist Luke Bryan. It was released on March 10, 2015, by Capitol Nashville as the last entry in Bryan's \"Spring Break\" collection. The EP is available in a full version, featuring five new tracks (\"My Ol' Bronco\", \"Games\", \"Spring Breakdown\", \"Checkin' Out\", \"You and the Beach\") in addition to the six from previous EP \"Spring Break 6...Like We Ain't Ever\" (2014), or a 5-song version, featuring only the new tracks. Two songs from the extended play \u2014 \"Games\" and \"Spring Breakdown\" \u2014 were released", + "score": 0.64501953125 + }, + { + "id": "18632861", + "title": "Spring Break (Modern Family)", + "text": "thing about [the episode] is the interaction between Haley and Alex\". She also praised the Phil and Luke's storyline, saying that Phil's confession to Luke was \"both endearing and hilarious...perfect deadpan comedy\". Spring Break (Modern Family) \"Spring Break\" is the eighteenth episode of the sixth season of the American sitcom \"Modern Family\", and the series' 138th episode overall. It originally aired on March 25, 2015. The episode was written by Paul Corrigan & Brad Walsh, and directed by Gail Mancuso. In the episode, Alex so anxiously checks her e-mails for her college acceptance, that Claire sends her to an outdoor", + "score": 0.64501953125 + }, + { + "id": "17289065", + "title": "Spring Break Anthem", + "text": "Spring Break Anthem \"Spring Break Anthem\" is a song written and recorded by American comedy hip hop group The Lonely Island for their third studio album \"The Wack Album\". The song was released as the second single from the album on May 5, 2013. The song satirizes American spring break culture, which is illustrated as uproarious and irresponsible, juxtaposing it with the concept of same-sex marriage. \"Spring Break Anthem\" was first conceived during the 2010 sessions that produced the trio's second album, \"Turtleneck & Chain\" (2011), but it was not developed fully until they began recording \"The Wack Album\" in", + "score": 0.64453125 + }, + { + "id": "2108470", + "title": "Spring (season)", + "text": "solstice (around 21 June) is taken as the first day of summer. In Persian culture the first day of spring is the first day of the first month (called Farvardin) which begins on 20 or 21 March. In other traditions, the equinox is taken as mid-spring. In the traditional Chinese calendar, the \"spring\" season () consists of the days between Lichun(February 3\u20135), taking Chunfen (March 20th-22nd) as its midpoint, then ending at Lixia (May 5\u20137). Similarly, according to the Celtic tradition, which is based solely on daylight and the strength of the noon sun, spring begins in early February (near", + "score": 0.64404296875 + }, + { + "id": "10515913", + "title": "Luke Bryan", + "text": "2013, Bryan announced his first compilation album, \"Spring Break...Here to Party\", which includes fourteen songs - twelve from his previous \"Spring Break\" EPs and two new tracks. It was released on March 5. The album debuted at number one on both the \"Billboard\" Top Country Albums chart and the \"Billboard\" 200 chart, becoming the first album of his career to top the all-genre album chart. One of the new \"Spring Break\" songs, \"Buzzkill\", reached the top 20 on the Hot Country Songs chart. Bryan's fourth studio album, \"Crash My Party\", was released on August 12, 2013. The album's first single,", + "score": 0.642578125 + }, + { + "id": "19998235", + "title": "Murder of Mark Kilroy", + "text": "at the Sheraton Hotels and Resorts the next morning before heading to the beach. When they first got to South Padre Island, there was not a huge crowd of people because it was barely the first weekend out of a five-week spring break season. But thousands of students from the entire U.S. were beginning to arrive as the weekend progressed. Beer sponsors were staging a variety of entertainment events, including free movies, music concerts, calls home, surf-simulator activities, and opportunities to appear on TV commercials. Kilroy and Bradley made free phone calls to their parents that day. Later that evening,", + "score": 0.642578125 + }, + { + "id": "5641602", + "title": "Texas Students Against the Death Penalty", + "text": "governments, including at The University of Texas at Austin. The \"Anti-Death Penalty Alternative Spring Break\" was started by Texas Moratorium Network in 2004. It is now organized by Texas Students Against the Death Penalty and co-sponsored by TMN, Campus Progress at the Center for American Progress, Campaign to End the Death Penalty, Texas Coalition to Abolish the Death Penalty and Murder Victims' Families for Human Rights. The \"2009 Anti-Death Penalty Alternative Spring Break\" is March 12\u201316. Alternative Spring Breaks are designed to give students something to do during their week off. The specific purpose of this Alternative Spring Break is", + "score": 0.642578125 + }, + { + "id": "7393850", + "title": "Zoey 101: Spring Break-Up", + "text": "Zoey 101: Spring Break-Up Zoey 101: Spring Break-Up is the first 48-minute television film based on the Nickelodeon television show \"Zoey 101\" (season 2 finale) and is divided in two parts. It first aired on March 10, 2006. It stars Jamie Lynn Spears, Paul Butcher, Sean Flynn, Victoria Justice, Christopher Massey, Alexa Nikolas, Erin Sanders and Matthew Underwood. The DVD and VHS was released on March 14, 2006. It is the end of the semester and Logan's father, film and television producer Malcolm Reese, invites the gang to his house. Logan's father announces a new show he is making called", + "score": 0.64208984375 + }, + { + "id": "17948651", + "title": "Spring Break 6...Like We Ain't Ever", + "text": "Spring Break 6...Like We Ain't Ever Spring Break 6\u2026Like We Ain't Ever is the sixth extended play (EP) by American country music artist Luke Bryan. It was released on March 11, 2014 by Capitol Nashville. The EP features six original songs co-written by Bryan. A music video was filmed for \"She Get Me High\". Matt Bjorke of \"Roughstock\" gave the EP four stars out of five, calling it \"a smart, fun collection of songs which no doubt is appreciated by his core audience.\" Bjorke felt that \"any of these songs could\u2019ve been part of his albums if not reserved for", + "score": 0.6416015625 + }, + { + "id": "16005230", + "title": "Mardi Gras: Spring Break", + "text": "at that.\" Mardi Gras: Spring Break Mardi Gras: Spring Break is a 2011 comedy/road trip film. It stars Nicholas D'Agosto, Josh Gad, Bret Harrison, Arielle Kebbel, Danneel Harris, Regina Hall, and Carmen Electra. It is directed by Phil Dornfield. The film follows a trio of senior college students who visit New Orleans during the Mardi Gras season. Originally shot in 2008 as \"Max's Mardi Gras\", it was scheduled for release by Sony Pictures' Screen Gems division. It was shelved until September 2011, when Samuel Goldwyn Films released it in select cities. Three best friends Mike (Nicholas D'Agosto), Bump (Josh Gad),", + "score": 0.6416015625 + }, + { + "id": "15665568", + "title": "Spring Break Challenge", + "text": "March 22-26, 2010 in Acapulco, Mexico (prior to the airing of \"The Challenge's\" ), during MTV's annual spring break coverage. This spin-off featured teams of college-aged friends in various challenges of old and new based on previous seasons of \"The Challenge\". The \"Spring Break Challenge\" cast was made up of original contestants from colleges across the country, as well as alumni from previous seasons of \"The Real World\", \"Road Rules\", and the \"\" challenge serving as coaches. Host: T. J. Lavin, BMX rider
Announcers: Evan Starkman () and Paula Meronek () A short segment was held by Paula and Evan", + "score": 0.640625 + }, + { + "id": "6317427", + "title": "School holiday", + "text": "on September 1. The autumn holidays are at the end of October. The winter (Christmas) holidays usually last from December 23 to January 7. There is also a one-day half term holiday on January 31. The spring holidays are a week long and may be in February or March, depending on the region. Next are the Easter holidays (Maundy Thursday, Good Friday and Easter Monday). There are also free days such as May 1, May 8, September 1, September 15, and November 17. The school director is authorized to add up to three more free days during the school year.", + "score": 0.64013671875 + }, + { + "id": "20152841", + "title": "SummerBreak", + "text": "season which premiered on June 21, 2015. In 2016 a fourth season was ordered which premiered on June 26, 2016. On January 10, 2017 it was announced via the official SummerBreak instagram account that they are now casting for season 5. Season 5 premiered on June 25, 2017. SummerBreak @SummerBreak is an American reality television Web series that premiered on June 16, 2013 and is available to watch on YouTube. The series documents the lives of several teenagers as they graduate high school and start summer break. The show is set in Southern California and is sponsored by AT&T. Experience", + "score": 0.6396484375 + }, + { + "id": "7353", + "title": "Acapulco", + "text": "couple of years, among them were Novak Djokovic currently ranked second, Rafael Nadal positioned sixth in the ranking and Marin Cilic who is the number eight in the ranking. The prizes are US$250,000.00 for WTA and US$1,200,000.00 for ATP. Acapulco also has a bullring, called the Plaza de Toros, near Caletilla Beach. The season runs during the winter and is called the Fiesta Brava. Over 100,000 American teenagers and young adults travel to resort areas and balnearios throughout Mexico during spring break each year. The main reason students head to Mexico is the 18-year-old drinking age (versus 21 for the", + "score": 0.638671875 + }, + { + "id": "10699481", + "title": "Spring Break '87", + "text": "Me\". All written by Neil Finn unless otherwise noted. Spring Break '87 Spring Break '87 is a 1987 concert performed by Australian rock group Crowded House at Daytona Beach, Florida, United States. The concert was recorded and released by MTV for the United States, and featured all of Crowded House's singles that had been released up to that point. It also featured a small handful of songs from the then forthcoming album \"Temple of Low Men\", such as \"When You Come\" and \"Better Be Home Soon\". Crowded House also played two songs by Split Enz, and a cover of the", + "score": 0.6376953125 + }, + { + "id": "9431649", + "title": "Spring Break (film)", + "text": "that 22% of film critics gave \"Spring Break\" a positive review. Spring Break (film) Spring Break is a 1983 American comedy film directed by Sean S. Cunningham and starring David Knell and Perry Lang. Two nerds, Nelson (David Knell) and Adam (Perry Lang), are looking forward to their first spring break and book a room at an inexpensive hotel called the Breeze and Seas in Fort Lauderdale, Florida. They meet cool guys Stu (Paul Land) and O.T. (Steve Bassett) from Brooklyn, New York, when the four of them are accidentally booked into the same room. With no other places available", + "score": 0.6376953125 + }, + { + "id": "19385468", + "title": "Disappearance of Brian Shaffer", + "text": "He had become romantically involved with a fellow second-year medical student, Alexis Waggoner. She, along with their families and friends, believed that Brian would probably be proposing marriage to her later that year, most likely on a trip to Miami the couple had planned for spring break at the beginning of April. Tropical locations such as Miami were attractive to Brian; he liked the relaxed lifestyles. He told his friends that despite his decision to pursue a medical career, his real ambition was to start a band playing music in the vein of Jimmy Buffett. On March 31, a Friday,", + "score": 0.63671875 + }, + { + "id": "2108473", + "title": "Spring (season)", + "text": "runoff and any frosts become less severe. In climates that have no snow, and rare frosts, air and ground temperatures increase more rapidly. Many flowering plants bloom at this time of year, in a long succession, sometimes beginning when snow is still on the ground and continuing into early summer. In normally snowless areas, \"spring\" may begin as early as February (Northern Hemisphere) or August (Southern Hemisphere), heralded by the blooming of deciduous magnolias, cherries, and quince. Many temperate areas have a dry spring, and wet autumn (fall), which brings about flowering in this season, more consistent with the need", + "score": 0.63623046875 + }, + { + "id": "9431648", + "title": "Spring Break (film)", + "text": "used on the film poster. Leppert disappeared at the age of 18 from Cocoa Beach, Florida, on July 6, 1983, under mysterious circumstances and has not been seen since. The soundtrack for the film was issued on vinyl LP and released by Warner Brothers. Side 1: Side 2: The film's theme song and title track \"Spring Break\" by Cheap Trick was released as a single with the B-side \"Get Ready\". However, it failed to chart. \"Caught Up in You\" by 38 Special is featured in the movie, but does not appear on the soundtrack. Review aggregator site Rotten Tomatoes reports", + "score": 0.63623046875 + }, + { + "id": "5353534", + "title": "Summer vacation", + "text": "lasts from early or mid-December until late February or early March (10, 11 or 12 weeks). In addition, schools have two or three weeks off for Winter in July, and one-week-long break for National Holidays in mid-September. In the People's Republic of China, summer holidays start in early July and often end in early September (2 months). In Colombia, summer vacation varies. Because of Colombia's equatorial climate (see Climate of Colombia for more information), schools run two different calendars. Public schools and some private schools run \"Calendar A\" which has a break between June and July. Only some private schools", + "score": 0.6357421875 + }, + { + "id": "18937193", + "title": "Spring Break 4...Suntan City", + "text": "becomes obvious the recording was tossed together quickly. It that way, it is sort of like Spring Break.\" Spring Break 4...Suntan City Spring Break 4\u2026Suntan City is the fifth extended play (EP) by American country music artist Luke Bryan. It was released on March 6, 2012 by Capitol Nashville. Billy Dukes of \"Taste of Country\" gave the song two stars out of five, saying that \"If you\u2019ve got spring break plans that involve suntan lotion and sexy strangers willing to rub it in, Bryan has your soundtrack. The truth is, most people stay home and work or hang out with", + "score": 0.63525390625 + }, + { + "id": "10580066", + "title": "History of Fort Lauderdale, Florida", + "text": "had saturated the ground, and the tremendous rainfall from this slow-moving storm left the city (and much of the state) under several inches of water for weeks. In the 1950s, the city became a favorite destination for college students for spring break, a tradition immortalized in the 1960 film \"Where the Boys Are\". Every year in February, March, and April, tens of thousands of college students would come to relax at the beaches and party at the many bars along A1A. The 1960 Census counted 83,648 people in the city, about 230% of the 1950 figure. A 1967 report estimated", + "score": 0.63525390625 + }, + { + "id": "16132791", + "title": "Spring Breakers", + "text": "a \"sensory film\" that was more about feeling than action and placed little importance on narrative or plot, the idea for which came later. Once Korine developed the backbone of the story, which takes place around the American spring break period, he travelled to Florida to write the screenplay. Production began in 2012, on an estimated budget of $5 million\u2013a relatively small amount in today's film industry, albeit Korine's second most expensive film to date. The film is also one of Korine's first theatrical works to receive a wide release. \"Spring Breakers\" was released on March 22, 2013 in the", + "score": 0.634765625 + }, + { + "id": "10699480", + "title": "Spring Break '87", + "text": "Spring Break '87 Spring Break '87 is a 1987 concert performed by Australian rock group Crowded House at Daytona Beach, Florida, United States. The concert was recorded and released by MTV for the United States, and featured all of Crowded House's singles that had been released up to that point. It also featured a small handful of songs from the then forthcoming album \"Temple of Low Men\", such as \"When You Come\" and \"Better Be Home Soon\". Crowded House also played two songs by Split Enz, and a cover of the Hunters & Collectors hit song \"Throw Your Arms Around", + "score": 0.634765625 + }, + { + "id": "1319629", + "title": "Northwestern College (Iowa)", + "text": "students are challenged and strengthened in their faith as they see and experience the gospel being lived out in cultures different than the one in which they live. Spring Service Partnerships provide students opportunities to participate in mission work taking place domestically and abroad during annual spring breaks in early March. Students have spent their ten-day breaks serving in city missions, youth hostels, construction sites, disaster relief zones, and low-income schools. The Summer of Service (SOS) program at Northwestern College challenges, prepares and encourages students to be effective Christian servants in the world. It also exists to assist and support", + "score": 0.63427734375 + }, + { + "id": "16685353", + "title": "TeachEngineering", + "text": "through Wednesdays. On Thursdays and Fridays demand decreases back toward the Saturday low. On a larger cycle, usage typically increases from the start of the school year (in August) to a peak in late March (around spring break), after which it starts trending down toward the summer vacation. Holidays such as the Fourth of July, and Thanksgiving also clearly stand out in this one-year long trajectory of daily use. The initial motivation to create the library was the desire to preserve and widely share the outcomes from NSF\u2019s investment in K-12 engineering curriculum development through the creation of a single", + "score": 0.63427734375 + }, + { + "id": "11677011", + "title": "Daylight saving time in the United States", + "text": "of uniform Daylight Saving Time throughout the US. In the U.S., daylight saving time starts on the second Sunday in March and ends on the first Sunday in November, with the time changes taking place at 2:00 a.m. local time. With a mnemonic word play referring to seasons, clocks \"spring forward, fall back\"\u2014that is, in springtime the clocks are moved forward from 2:00 a.m. to 3:00 a.m. and in fall they are moved back from 2:00 a.m. to 1:00 a.m. Daylight saving time lasts for a total of 34 weeks (238 days) every year, about 65% of the entire year.", + "score": 0.6337890625 + }, + { + "id": "5353555", + "title": "Summer vacation", + "text": "early March and finish in late-October. Throughout the year there are 2 week breaks at Easter, in July and in September. In Nigeria, primary and secondary Schools usually start Summer vacation in mid-July and resume in the early weeks of September. The vacation is also known as the \"3rd-term holiday\" and it is the longest break in a school year (typically up to two months). The \"first-term break\" starts between one and two weeks prior to Christmas and ends the first or second week in January, lasting for about three weeks. The \"first-term break\" is usually the shortest break in", + "score": 0.63232421875 + }, + { + "id": "5353563", + "title": "Summer vacation", + "text": "School officially starts on first working day of September (if September 1 is on Saturday or Sunday, starting of school is delayed until Monday). There are also several other holidays. Two day holiday in the first week of November, Three week holiday from December 31st to the third week of January and finally a two-week break during Easter. In Slovakia, summer break lasts from July 1 until September 1 (2 months and Constitution Day). In Slovenia, final exams are usually taken from mid-May to mid-June (high schools) or in June (primary schools). The last day of school is June 24th,", + "score": 0.63232421875 + }, + { + "id": "6868537", + "title": "Lutheran Student Movement \u2013 USA", + "text": "Relief program. This partnership emerged to become a new program called Alternative Spring Break 2009. LSM-USA provided funds and service-learning workbooks to campus ministries, while LDR organized the locations for relief efforts. The ELCA provided the majority of coordination efforts for this project. In 2010 the ELCA decided to expand the Alternative Spring Break program to incorporate other ministries around the United States and abroad. LSM-USA was asked and decided to provide grants for student ministries to participate in a service-learning institute, which provided resources and time for discussion for leaders prior to their trips. These leaders were charged with", + "score": 0.63232421875 + }, + { + "id": "8815132", + "title": "Spring Breakdown", + "text": "Spring Breakdown Spring Breakdown is a comedy film directed by Ryan Shiraki and starring Amy Poehler, Parker Posey, and Rachel Dratch. Three years after principal photography, and after the film's owner, Warner Independent Pictures, was shut down by its parent company, it was released direct-to-video in 2009. The film begins with Gayle, Becky and Judi performing in McCormick State College's Senior Talent Show in 1992. The three of them were the 'losers' and geeks in college but were always hopeful about their future. The next scene then jumps to 15 years later. Gayle is now a guide dog trainer for", + "score": 0.63232421875 + }, + { + "id": "19813158", + "title": "Spring Break Zombie Massacre", + "text": "planned. \"Spring Break Zombie Massacre\" premiered on July 7, 2016, in Providence, Rhode Island. It later played at the Telluride Film Festival in October 2016. Steve Hartman of CBS News called it \"really gross in parts, terribly offensive in others and completely ludicrous throughout\", concluding that it is a future cult film. Spring Break Zombie Massacre Spring Break Zombie Massacre is a 2016 American horror short film directed by Bobby Carnevale. Sam Suchmann and Mattie Zufelt star as half-brothers who must stop Satan from ruining their spring break. After failing to steal their magic powers, Satan kills the mothers of", + "score": 0.63232421875 + }, + { + "id": "1684511", + "title": "United Way of America", + "text": "to help with recovery and rebuilding in the areas devastated by hurricanes Ivan, Katrina, and Rita. Since 2008, the United Way of America has teamed up with the United Way of Southeastern Michigan and produced Alternative Spring Break programming in Detroit. United Way also helps to promote other community service projects through their Alternative Spring Break Programs, such as the 10,000 Hours Show (10K). This is a program designed to motivate young people to become involved in community service projects by providing an incentive: free concert admission in exchange for 10 or more volunteer hours with local nonprofit organizations. The", + "score": 0.6318359375 + }, + { + "id": "11753670", + "title": "Springing the Blues", + "text": "Springing the Blues Springing the Blues is an annual blues festival held in Jacksonville Beach, Florida. It is one of the largest and oldest blues festivals on the East Coast of the United States. It was first held in 1990 and has been held yearly on the first weekend of April. The first Springing the Blues festival was held in 1991. The 20th anniversary edition in 2010 featured new features including an exhibit at Beaches Historical Museum and a story contest. The event is free. Past performers have included Joe Bonamassa, Derek Trucks, Sharrie Williams, Larry McCray, Phillip Walker, Tinsley", + "score": 0.63037109375 + }, + { + "id": "5353576", + "title": "Summer vacation", + "text": "often depends on the region \u2013 for example, most schools in the Northeastern United States end in June and start the Wednesday after Labor Day (Teachers report back on Tuesday), while the majority of schools in the Southern United States have schools end in May and start again in August. The origins of the summer holiday break are often believed to be rooted in agriculture. It is widely believed that the school calendar follows the agrarian farming calendar because during the settlement of the United States, the nation primarily consisted of a farming population. This belief maintains that the current", + "score": 0.6298828125 + }, + { + "id": "11287318", + "title": "Faculty of Engineering, Alexandria University", + "text": "advanced academic programs to match the development of different fields and to enhance scientific experience to support the rapid pace of development worldwide. It consists of a three-semester system The Fall Semester (First Semester): Starts on the Third Saturday of September and Lasts for 15 weeks. Spring Semester (Second Semester): Starts on the Second Saturday of February and Lasts for 15 weeks. Summer Semester (Third Semester): Starts on the First Saturday of July and Lasts for 8 Weeks. Since 2006, the Faculty Of Engineering introduced five Specialized Scientific Programs using the Course credit system and Grade Point Average (GPA) for", + "score": 0.62939453125 + }, + { + "id": "7587652", + "title": "Spring Day", + "text": "Day, which is a no-school day for students on all the levels of the education system. The holiday is therefore mostly observed and dominated by teenagers and young adults, which massively take on public parks, beaches and other outdoor venues in the larger cities, and enjoy sports or picnics. Local administrations usually offer the public a number of entertainment shows, such as free rock concerts. In later years security operations have been staged to avoid incidents such as fights and vandalism, as well as controls to curb the consumption of alcoholic beverages. Paraguay celebrates the beginning of spring on September", + "score": 0.62841796875 + }, + { + "id": "20674349", + "title": "2018 U.S. Soccer Spring Men's College Program", + "text": "Conference, and all are located in the Southeastern United States or Mid-Atlantic regions. There were some notable rule difference between the two competitions: 2018 U.S. Soccer Spring Men's College Program The 2018 U.S. Soccer Spring Men's College Program was the inaugural edition of the U.S. Soccer Spring Men's College Program, a spring season competition run by the United States Soccer Federation in which American college soccer teams use IFAB rules instead of NCAA rules. The season began on March 7, 2018 and ran until April 21, 2018. The last round of matches were hosted by Wake Forest University. Six universities", + "score": 0.62841796875 + }, + { + "id": "20740067", + "title": "U.S. Soccer Spring Men's College Program", + "text": "U.S. Soccer Spring Men's College Program U.S. Soccer Spring Men's College Program is a mini soccer season operated by the United States Soccer Federation that is open to NCAA Division I men's college soccer teams. The season runs from late February to mid-April. The purpose of the season is to provide a competitive environment for collegiate soccer players between the NCAA season in the fall and the Premier Development League and National Premier Soccer League seasons in the summer. The first version of the program was held in 2018 with six institutions participating in a five-match season. The season saw", + "score": 0.62841796875 + }, + { + "id": "17369954", + "title": "Hookup culture", + "text": "heterosexuals. The trend toward marrying later may be what is fueling the hookup scene on college campuses. At colleges, hookups are common between students at parties, in dormitories and fraternity houses, at surrounding bars and clubs, and at popular student vacation destinations. For example, a study of Canadian college students who planned to hook up while on spring break showed that 61% of men and 34% of women had sex within a day of meeting their partner. Another study was based on a survey of over 18,000 college students from ages 18\u201325. This survey asked questions like how many sexual", + "score": 0.62841796875 + }, + { + "id": "16305527", + "title": "English school holidays", + "text": "English school holidays The English school year generally runs from early September to mid or late July of the following year. Most schools operate a three-term school year, each term divided in half. Autumn term runs from early September to mid December (half term falls in late October). Spring Term runs from early January to Easter (half term falls in mid February). Summer Term runs from Easter to mid July (half term falls in late May or early June). At the end of each half term, in October, February and May, there is a holiday which lasts about one week", + "score": 0.626953125 + }, + { + "id": "10886045", + "title": "University of Saint Mary", + "text": "to do charitable activities on spring and winter breaks. Students go to Denver, Colorado, during their winter break for the opportunity to work with three different organizations, the Mount Saint Vincent Home, Annunciation School, and the Humanitarian Center for Workers. During spring break students travel to Guatemala where they help at the community center. They have the choice to travel to Appalachia where they build new homes. USM has local service agency programs where students are able to take what they learn in the classroom and use it in the real world. Members of the productions and operations management class", + "score": 0.62646484375 + }, + { + "id": "18088627", + "title": "April Rose Haydock", + "text": "a cardiovascular technologist license from PCCTI in Chicago. She was also certified as a medical crisis counselor for Rape Victim Advocates (RVA). From 2011 to 2014 April Rose wrote and hosted MAXIM weekly web series. April is an original cast member of MTV2 series \"Guy Code\" now entering its fourth season and its sister spinoff MTV's \"Girl Code\" entering its third season. April Rose is the host for MTV Spring Break 2014 from Cancun Mexico alongside \"Guy Code\" castmate Andrew Schultz. April Rose was cast as Kasey Knox 'Hot Dance Teacher' in the feature film \"Grown Ups 2\" where she", + "score": 0.62646484375 + }, + { + "id": "6317432", + "title": "School holiday", + "text": "secondary school students have an autumn holiday. Christmas holiday starts around December 15\u201316, depending on the day of the week on which Christmas Eve occurs. It usually ends in the second week of January (January 6 is also a public holiday). In the 8th\u201310th weeks after New Year, primary and secondary school students have one week of winter vacation; the exact week varies by location. Easter public holidays last four days from Friday to Monday. Easter school holidays are either the week preceding Easter or the week immediately following, depending on location. Primary and secondary school summer holidays last about", + "score": 0.6259765625 + }, + { + "id": "20674348", + "title": "2018 U.S. Soccer Spring Men's College Program", + "text": "2018 U.S. Soccer Spring Men's College Program The 2018 U.S. Soccer Spring Men's College Program was the inaugural edition of the U.S. Soccer Spring Men's College Program, a spring season competition run by the United States Soccer Federation in which American college soccer teams use IFAB rules instead of NCAA rules. The season began on March 7, 2018 and ran until April 21, 2018. The last round of matches were hosted by Wake Forest University. Six universities participated in the program: Clemson, Duke, Georgetown, North Carolina, Virginia, and Wake Forest. Of these six programs, five are from the Atlantic Coast", + "score": 0.62548828125 + }, + { + "id": "8983581", + "title": "Spring Awakening (musical)", + "text": "The Argentine production with the Spanish title \"Despertar de Primavera \u2013 Un Musical Diferente\" opened in Buenos Aires on March 19, 2010. A production played at the Griffin Theatre, Chicago, running from December 4 to January 8, 2011. A Welsh language production toured Wales from the beginning of March 2011 visiting 8 different locations, with Theatr Genedlaethol Cymru (Welsh National Theatre). The first UK national tour of \"Spring Awakening\" took place in May and June 2011, produced by Sell a Door Theatre Company. Amateur performances of \"Spring Awakening\" are now being licensed. In the television series \"90210\", the first few", + "score": 0.62548828125 + }, + { + "id": "3214640", + "title": "Merchandising", + "text": "annual cycle of shop decorations and merchandise promotion. In the United States, the basic retail cycle begins in early January with merchandise for Valentine's Day, which is not until mid-February. Presidents' Day sales are held shortly thereafter. Following this, Easter is the major holiday, while springtime clothing and garden-related merchandise is already arriving at stores, often as early as mid-winter (toward the beginning of this section, St. Patrick's Day merchandise, including green items and products pertaining to Irish culture, is also promoted). Mother's Day and Father's Day are next, with graduation gifts (typically small consumer electronics like digital cameras) often", + "score": 0.625 + }, + { + "id": "2855119", + "title": "Academic term", + "text": "in mid-July, by law covering 200 days, usually divided into 5 terms: Term 1 starts in mid-August and finishes in mid-October Term 2 starts in mid-October and finishes by the second or third week in December Term 3 starts the first week of January (after Three Kings Day) and finishes around the third week of February (Flag Day) Term 4 starts in late February and finishes late March or early April (usually the Friday before Palm Sunday) Term 5 starts the second Monday after Easter and finishes in early July Summer break is 45 days. The calendar is designed by", + "score": 0.625 + }, + { + "id": "5353573", + "title": "Summer vacation", + "text": "three week-long half-term breaks for each of the three terms, including one in the autumn term at the end of October, one in the spring term in mid-February and one in the summer term in late-May, although these breaks do not always coincide with state school breaks in the Autumn and Spring terms. The summer half-term break is determined by the break in public exams at the end of May. Some universities grant an extended \"exam leave\" to students which typically commences in early-April, so as to give students a good number of weeks to prepare for the summer exam", + "score": 0.62451171875 + }, + { + "id": "255846", + "title": "March", + "text": "March March is the third month of the year in both the Julian and Gregorian calendars. It is the second of seven months to have a length of 31 days. In the Northern Hemisphere, the meteorological beginning of spring occurs on the first day of March. The March equinox on the 20th or 21st marks the astronomical beginning of spring in the Northern Hemisphere and the beginning of autumn in the Southern Hemisphere, where September is the seasonal equivalent of the Northern Hemisphere's March. The name of March comes from \"Martius\", the first month of the earliest Roman calendar. It", + "score": 0.62451171875 + }, + { + "id": "398658", + "title": "Summer", + "text": "common, reckoning based on astronomical markers is shifted half a season. By this method, in North America, summer is the period from the summer solstice (usually 20 or 21 June in the Northern Hemisphere) to the autumn equinox. Reckoning by cultural festivals, the summer season in the United States is traditionally regarded as beginning on Memorial Day weekend (the last Weekend in May) and ending on Labor Day (the first Monday in September) 1981, more closely in line with the meteorological definition for the parts of the country that have four-season weather. The similar Canadian tradition starts summer on Victoria", + "score": 0.62451171875 + } + ], + "answer": "In the US, spring break occurs from March to April in the weeks before or after Easter. In the states of Massachusetts and Maine, spring break typically starts the week of the third Monday in April, as schools in those states typically schedule it to coincide with Patriots' Day." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "When year did the ancient chinese civilization begin?", + "short_answers": [ + "2070 BC" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When year did the ancient chinese civilization end?", + "short_answers": [ + "221 BC" + ], + "wikipage": null + }, + { + "context": "The earliest known written records of the history of China date from as early as 1250 BC, from the Shang dynasty (c. 1600\u20131046 BC), during the king Wu Ding's reign, who was mentioned as the twenty-first Shang king by the same. Ancient historical texts such as the \"Records of the Grand Historian\" (c. 100 BC) and the \"Bamboo Annals\" (296 BC) describe a Xia dynasty (c. 2070\u20131600 BC) before the Shang, but no writing is known from the period, and Shang writings do not indicate the existence of the Xia. The Shang ruled in the Yellow River valley, which is commonly held to be the cradle of Chinese civilization. However, Neolithic civilizations originated at various cultural centers along both the Yellow River and Yangtze River. These Yellow River and Yangtze civilizations arose millennia before the Shang. With thousands of years of continuous history, China is one of the world's oldest civilizations, and is regarded as one of the cradles of civilization.", + "question": "During what dynasty did the ancient chinese civilization begin?", + "short_answers": [ + "Xia dynasty" + ], + "wikipage": "History of China" + }, + { + "context": "The Zhou dynasty (1046\u2013256 BC) supplanted the Shang, and introduced the concept of the Mandate of Heaven to justify their rule. The central Zhou government began to weaken due to external and internal pressures in the 8th century BC, and the country eventually splintered into smaller states during the Spring and Autumn period. These states became independent and warred with one another in the following Warring States period. Much of traditional Chinese culture, literature and philosophy first developed during those troubled times.", + "question": "During what period did the ancient chinese civilization end?", + "short_answers": [ + "Warring States period" + ], + "wikipage": "History of China" + } + ], + "wikipages": [ + { + "title": "History of China", + "url": "https://en.wikipedia.org/wiki/History%20of%20China" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "Ancient chinese civilization began in 2070 BC and ended in 221 BC at the time of the Xia dynasty. The end of this ancient civilization is also referred to as the Warring States period." + }, + { + "knowledge": [ + { + "content": "In 221 BC, Qin Shi Huang conquered the various warring states and created for himself the title of Huangdi or \"emperor\" of the Qin, marking the beginning of imperial China.", + "wikipage": "History of China Warring States period (476 \u2013 221 BC)" + }, + { + "content": "The Xia dynasty of China (from c. 2070 to c. 1600 BC) is the first dynasty to be described in ancient historical records such as Sima Qian's Records of the Grand Historian and Bamboo Annals.[5]", + "wikipage": "History of China Xia dynasty (2070 \u2013 1600 BC)" + }, + { + "content": "After further political consolidation, seven prominent states remained by the end of the 5th century BC, and the years in which these few states battled each other are known as the Warring States period.", + "wikipage": "History of China Warring States period (476 \u2013 221 BC)" + } + ], + "long_answer": "China is one of the world's oldest civilizations. The ancient Chinese civilization began in 2070 BC with the Xia dynasty of China, the first dynasty to be described in ancient historical records. By the end of the 5th century, seven prominent states remained and these few states battled each other during the Warring States period. In 221 BC, Qin Shi Huang conquered the various warring states, marking the beginning of imperial China and the end of the ancient Chinese civilization." + } + ], + "sample_id": "5881756658805354957", + "question": "When did the ancient chinese civilization begin and end?", + "docs": [ + { + "id": "3244394", + "title": "Cradle of civilization", + "text": "the central area evolved into the Bronze Age Erlitou culture. The earliest bronze artifacts have been found in the Majiayao culture site (3100 to 2700 BC). Chinese civilization begins during the second phase of the Erlitou period (1900 to 1500 BC), with Erlitou considered the first state level society of East Asia. There is considerable debate whether Erlitou sites correlate to the semi-legendary Xia dynasty. The Xia dynasty (2070 to 1600 BC) is the first dynasty to be described in ancient Chinese historical records such as the \"Bamboo Annals\", first published more than a millennium later during the Western Zhou", + "score": 0.708984375, + "summary": "Chinese civilization began during the second phase of the Erlitou period (1900 to 1500 BC) and ended with the Xia dynasty (2070 to 1600 BC).", + "extraction": "Chinese civilization begins during the second phase of the Erlitou period (1900 to 1500 BC) and the Xia dynasty (2070 to 1600 BC) is the first dynasty to be described in ancient Chinese historical records." + }, + { + "id": "19623771", + "title": "Yangtze civilization", + "text": "in the 1970s. This culture was estimated to be from 6000 BCE to 5000 BCE, and signs of the rice growing such as a large quantity of rice chaff were discovered. The houses were raised-floor-style for rice growing. In this way, Hemudu culture has characteristics clearly different from the Hwang Ho civilization, and overturned a previous established theory called \"the Chinese civilization equals Hwang Ho civilization\". Furthermore, a vestige of the civilization has been discovered around the northeastern Liao, so now, Chinese ancient civilization is classified into around Liao and Upper, Middle and Lower basin of Yellow river and Yangtze.", + "score": 0.69921875, + "summary": "The document mentions the Hemudu culture of the Yangtze civilization, estimated to be from 6000 BCE to 5000 BCE, which is different from the Hwang Ho civilization. However, it does not provide information about the beginning and end of the ancient Chinese civilization as a whole.", + "extraction": "Chinese ancient civilization is classified into around Liao and Upper, Middle and Lower basin of Yellow river and Yangtze." + }, + { + "id": "19755705", + "title": "Sino-Babylonianism", + "text": "foreign elements in early China. In the late 20th and early 21st century, scholars have used newly excavated archeological evidence to argue that some particular elements of ancient Chinese civilization were carried from western or central Asia into China and that there are linguistic ties between the two sides of the Asian continent. The French Sinologist Albert Terrien de Lacouperie (1845\u201394) presented extensive and detailed arguments in \"The Western Origin of the Early Chinese Civilization, from 2300 B.C. to 200 A.D.\" (1892) that Chinese civilization had been founded by Babylonian immigrants. He wrote: Lacouperie claimed that the Yellow Emperor was", + "score": 0.69287109375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "655479", + "title": "Sima Guang", + "text": "his ambitious project in historiography. These dates were chosen because 403 BCE was the beginning of the Warring States period, when the ancient State of Jin was subdivided, which eventually led to the establishment of the Qin Dynasty; and because 959 CE was the end of the Five Dynasties and Ten Kingdoms period and the beginning of the Song Dynasty. In 1066, he presented a more detailed eight-volume \"Tongzhi\" (\u901a\u5fd7; \"Comprehensive Records\"), which chronicled Chinese history from 403 BCE to 207 BCE (the end of the Qin Dynasty). The emperor issued an edict for the compilation of a groundbreaking universal", + "score": 0.677734375, + "summary": "The document mentions the beginning of the ancient Chinese civilization as 403 BCE, which was the start of the Warring States period, and the end as 959 CE, which marked the end of the Five Dynasties and Ten Kingdoms period and the beginning of the Song Dynasty.", + "extraction": "The ancient Chinese civilization began in 403 BCE and ended in 959 CE." + }, + { + "id": "11984584", + "title": "The Cambridge History of China", + "text": "The Cambridge History of China The Cambridge History of China is an ongoing series of books published by Cambridge University Press (CUP) covering the history of China from the founding of the Qin dynasty in 221 BC to 1982. Chinese history before the Qin dynasty is covered in an independent volume, The Cambridge History of Ancient China (1999) which follows the Pinyin romanization system; all other volumes use Wade\u2013Giles. The series was conceived by British historian Denis C. Twitchett and American historian John K. Fairbank in the late 1960s, and publication began in 1978. The complete \"History\" will contain 15", + "score": 0.67529296875, + "summary": "The document is irrelevant to the question of when the ancient Chinese civilization began and ended.", + "extraction": "The passage is irrelevant to the question as it talks about the Cambridge History of China and not the beginning and end of the ancient Chinese civilization." + }, + { + "id": "3713177", + "title": "Chinese architecture", + "text": "civilizational cultures developed in the plains along the numerous rivers that emptied into the Bohai and Hongzhow bays. The most prominent of these rivers, the Yellow and the Yangtze, hosted a complex fabric of villages. The climate was warmer and more humid than today, allowing for millet to be grown in the north and rice in the south. There was, however, no single \"origin\" of the Chinese civilization. Instead, there was a gradual multinuclear development between the years 4000 and 2000 BC - fom village communities to what anthropologists call cultures to small but well-organized states. 2 of the more", + "score": 0.67529296875, + "summary": "The Chinese civilization had a gradual multinuclear development between 4000 and 2000 BC, from village communities to small but well-organized states. There was no single \"origin\" of the civilization.", + "extraction": "The ancient Chinese civilization began around 4000 BC and ended around 2000 BC." + }, + { + "id": "618597", + "title": "Ancient history", + "text": "third and one quarter of the world's wealth up to the time of the Mughals, from whence it rapidly declined during British rule. Chinese Civilization that emerged within the Yellow River Valley is one of five original civilizations in the world. Prior to the formation of civilization neolithic cultures such as the Longshan and Yangshao dating to 5,000 BC lived in wall cities and likely had social organizations of complex chiefdoms. The practice of rice cultivation was vital to settled life in China. Chinese history records such as the \"Records of the Grand Historian\" claim of the existence of the", + "score": 0.67236328125, + "summary": "The Chinese civilization emerged in the Yellow River Valley and is one of the five original civilizations in the world. Neolithic cultures such as the Longshan and Yangshao existed before the formation of civilization. However, the document does not provide specific dates for the beginning and end of the ancient Chinese civilization.", + "extraction": "The Chinese Civilization began in the Yellow River Valley before the formation of civilization, with neolithic cultures such as the Longshan and Yangshao dating to 5,000 BC. However, the passage does not provide an end date for the ancient Chinese civilization." + }, + { + "id": "70914", + "title": "History of China", + "text": "Early markings from this period found on pottery and shells are thought to be ancestral to modern Chinese characters. According to ancient records, the dynasty ended around 1600 BC as a consequence of the Battle of Mingtiao. Archaeological findings providing evidence for the existence of the Shang dynasty, c. 1600\u20131046 BC, are divided into two sets. The first set, from the earlier Shang period, comes from sources at Erligang, Zhengzhou, and Shangcheng. The second set, from the later Shang or Yin (\u6bb7) period, is at Anyang, in modern-day Henan, which has been confirmed as the last of the Shang's nine", + "score": 0.67041015625, + "summary": "The ancient Chinese civilization began with the Shang dynasty around 1600 BC and ended around 1600 BC as a consequence of the Battle of Mingtiao.", + "extraction": "The ancient Chinese civilization began with the Shang dynasty, which existed from around 1600 BC to 1046 BC, and ended with the Battle of Mingtiao in 1600 BC." + }, + { + "id": "3244398", + "title": "Cradle of civilization", + "text": "with Erlitou. Production of bronzes and other elite goods ceased at the end of Phase IV, at the same time as the Erligang city of Zhengzhou was established to the east. There is no evidence of destruction by fire or war, but, during the Upper Erligang phase (1450\u20131300 BC), all the palaces were abandoned, and Erlitou was reduced to a village of . The earliest traditional Chinese dynasty for which there is both archeological and written evidence is the Shang dynasty (1600 to 1046 BC). Shang sites have yielded the earliest known body of Chinese writing, the oracle bone script,", + "score": 0.669921875, + "summary": "The ancient Chinese civilization began with the Shang dynasty around 1600 BC and ended with the decline of Erlitou during the Upper Erligang phase (1450\u20131300 BC) but there is no evidence of destruction by fire or war.", + "extraction": "The ancient Chinese civilization began with the Erlitou phase and ended during the Upper Erligang phase, which spanned from 1900 BC to 1300 BC." + }, + { + "id": "3244390", + "title": "Cradle of civilization", + "text": "the Chinese civilization or history as a linear story but rather the history of the interactions of different and distinct cultures and ethnic groups that influenced each other's development. The two specific cultural regions that developed Chinese civilization was the Yellow River civilization and the Yangtze civilization. Early evidence for Chinese millet agriculture is dated to around 7000 BC, with the earliest evidence of cultivated rice found at Chengtoushan near the Yangtze River, dated to 6500 BC. Chengtoushan may also be the site of the first walled city in China. By the beginning of the Neolithic Revolution, the Yellow River", + "score": 0.66943359375, + "summary": "The Chinese civilization began with the Yellow River and Yangtze civilizations. Evidence of millet agriculture dates back to around 7000 BC and of cultivated rice to 6500 BC at Chengtoushan. The document does not mention an end date for the ancient Chinese civilization.", + "extraction": "The ancient Chinese civilization began around 7000 BC with the evidence of millet agriculture and ended in 1912 AD with the fall of the Qing dynasty." + }, + { + "id": "2551891", + "title": "Yellow Emperor", + "text": "the early twentieth century. The fact that Huangdi meant \"yellow\" emperor also served to buttress the theory that he was the originator of the \"yellow race\". Many historians interpret this sudden popularity of the Yellow Emperor as a reaction to the theories of French scholar Albert Terrien de Lacouperie (1845\u201394), who in a book called \"The Western Origin of the Early Chinese Civilization, from 2300 B.C. to 200 A.D.\" (1892) had claimed that Chinese civilization was founded around 2300 BCE by Babylonian immigrants. Lacouperie's \"Sino-Babylonianism\" posited that Huangdi was a Mesopotamian tribal leader who had led a massive migration of", + "score": 0.66552734375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the beginning and end of the ancient Chinese civilization." + }, + { + "id": "3244399", + "title": "Cradle of civilization", + "text": "mostly divinations inscribed on bones. These inscriptions provide critical insight into many topics from the politics, economy, and religious practices to the art and medicine of this early stage of Chinese civilization. Some historians argue that Erlitou should be considered an early phase of the Shang dynasty. The U.S. National Gallery of Art defines the Chinese Bronze Age as the period between about 2000 and 771 BC; a period that begins with the Erlitou culture and ends abruptly with the disintegration of Western Zhou rule. The Sanxingdui culture is another Chinese Bronze Age society, contemporaneous to the Shang dynasty, however", + "score": 0.6640625, + "summary": "The Chinese Bronze Age period began with the Erlitou culture and ended with the disintegration of Western Zhou rule around 771 BC.", + "extraction": "The Chinese Bronze Age period began with the Erlitou culture and ended with the disintegration of Western Zhou rule, around 771 BC." + }, + { + "id": "19755706", + "title": "Sino-Babylonianism", + "text": "an historical Mesopotamian tribal leader who led a massive migration of his people into China around 2300 BC and founded what later became Chinese civilization. He further claimed a similarity between the trigrams and hexagrams in the ancient Chinese text, the \"Yijing\", and Mesopotamian hieroglyphs. These theories of the Mesopotamian origins of Chinese civilization were supported by the Assyriologist Archibald Sayce in the Journal of the Royal Asiatic Society. They impressed the public but were criticised or dismissed by sinologists then and later. James Legge, whose still-admired translations of the Chinese Classics appeared at the same time as Lacouperie's, questioned", + "score": 0.66064453125, + "summary": "The document mentions a Mesopotamian leader who migrated to China around 2300 BC and founded what later became Chinese civilization, but it does not provide an end date for the ancient Chinese civilization.", + "extraction": "Chinese civilization began around 2300 BC and there is no given information about when it ended." + }, + { + "id": "9764721", + "title": "Imperial China: 900\u20131800", + "text": "Imperial China: 900\u20131800 Imperial China: 900\u20131800 is a book of history written by F. W. Mote, Professor of Chinese History and Civilization, Emeritus, at Princeton University. The book was published in 1999 by Harvard University Press, . As the title suggests, \"Imperial China\" covers the 900-year period from the year 900 to 1800. In terms of Chinese history, it covers the period from the fall of the Tang dynasty to the middle of the Qing dynasty, shortly before the beginning of China's Century of Humiliation at the end of the Qing dynasty. It covers the Five Dynasties, Liao dynasty, Song", + "score": 0.65966796875, + "summary": "The book \"Imperial China: 900-1800\" covers the period from 900 to 1800, including the fall of the Tang dynasty and the middle of the Qing dynasty.", + "extraction": "The ancient Chinese civilization is not mentioned in the passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "70903", + "title": "History of China", + "text": "ruled in the Yellow River valley, which is commonly held to be the cradle of Chinese civilization. However, Neolithic civilizations originated at various cultural centers along both the Yellow River and Yangtze River. These Yellow River and Yangtze civilizations arose millennia before the Shang. With thousands of years of continuous history, China is one of the world's oldest civilizations, and is regarded as one of the cradles of civilization. The Zhou dynasty (1046\u2013256 BC) supplanted the Shang, and introduced the concept of the Mandate of Heaven to justify their rule. The central Zhou government began to weaken due to external", + "score": 0.65771484375, + "summary": "The ancient Chinese civilization began with Neolithic civilizations along the Yellow River and Yangtze River, but the Shang dynasty (1600\u20131046 BC) is commonly regarded as the start of Chinese civilization. The Zhou dynasty (1046\u2013256 BC) supplanted the Shang.", + "extraction": "The ancient Chinese civilization began millennia before the Shang, with the Yellow River and Yangtze civilizations. The civilization lasted for thousands of years of continuous history, until the end of the Zhou dynasty in 256 BC." + }, + { + "id": "70908", + "title": "History of China", + "text": "County in Hunan. Evidence of Middle Palaeolithic Levallois technology has been found in the lithic assemblage of Guanyindong Cave site in southwest China, dated to approximately 170,000\u201380,000 years ago. The Neolithic age in China can be traced back to about 10,000 BC. Early evidence for proto-Chinese millet agriculture is radiocarbon-dated to about 7000 BC. The earliest evidence of cultivated rice, found by the Yangtze River, is carbon-dated to 8,000 years ago. Farming gave rise to the Jiahu culture (7000 to 5800 BC). At Damaidi in Ningxia, 3,172 cliff carvings dating to 6000\u20135000 BC have been discovered, \"featuring 8,453 individual characters", + "score": 0.65625, + "summary": "The ancient Chinese civilization began during the Neolithic age around 10,000 BC and ended in the modern era.", + "extraction": "The ancient Chinese civilization began around 10,000 BC in the Neolithic age and ended in 221 BC with the Qin dynasty." + }, + { + "id": "1347548", + "title": "Han Chinese", + "text": "Along the lower reaches of the river were the Qingliangang culture (c. 5400 to 4000 BCE), the Dawenkou culture (c. 4300 to 2500 BCE), and the Yueshi culture (c. 1900 to 1500 BCE). Early ancient Chinese history is largely legendary, consisting of mythical tales intertwined with sporadic annals written centuries to millennia later. Sima Qian's \"Records of the Grand Historian\" recorded a period following the Battle of Zhuolu, during the reign of successive generations of confederate overlords () known as the Three Sovereigns and Five Emperors (c. 2852\u20132070 BCE), who, allegedly, were elected to power among the tribes. This is", + "score": 0.6533203125, + "summary": "The ancient Chinese civilization began with the Qingliangang culture around 5400 BCE and ended at an unspecified time.", + "extraction": "The ancient Chinese civilization began with the Qingliangang culture around 5400 BCE and ended with the Yueshi culture around 1500 BCE." + }, + { + "id": "20094281", + "title": "Eastern Zhou", + "text": "one of the most powerful states, marked the end of the Spring and Autumn period, and the beginning of the Warring States period. The Warring States period was an era in ancient Chinese history following the Spring and Autumn period and concluding with the Qin wars of conquest that saw the annexation of all other contender states, which ultimately led to the Qin state's victory in 221 BCE as the first unified Chinese empire known as the Qin dynasty. Eastern Zhou The Eastern Zhou (; ; 770\u2013255 BCE) was the second half of the Zhou dynasty of ancient China. It", + "score": 0.65283203125, + "summary": "The Eastern Zhou dynasty lasted from 770-255 BCE, marking the end of the Spring and Autumn period and the beginning of the Warring States period.", + "extraction": "The Eastern Zhou (; ; 770\u2013255 BCE) was the second half of the Zhou dynasty of ancient China." + }, + { + "id": "8775469", + "title": "History of metallurgy in China", + "text": "archeological sites of Majiayao culture (2700\u20132300 BC), it is still widely believed that China's Bronze Age began from around 2100 BC during the Xia dynasty, which most probably coincides with the Erlitou culture. Typical for the late Chalcolithic phase and the beginning of the bronze age are the copper bells found at Taosi (Taosi phase of the Longshan culture: 2300 to 1900 BC), along with many jade-artifacts and an isolated, early bronze-object. The Erlitou culture (c. 1900 \u2013 1500 BC), Shang Dynasty (c. 1600 \u2013 1046 BC) and Sanxingdui culture (c. 1250 \u2013 1046 BC) of early China used bronze", + "score": 0.65087890625, + "summary": "The Xia dynasty around 2100 BC most likely marks the beginning of China's Bronze Age, which ended during the Shang Dynasty around 1046 BC.", + "extraction": "The ancient Chinese civilization is believed to have begun during the Xia dynasty around 2100 BC and ended with the fall of the Shang Dynasty in 1046 BC." + }, + { + "id": "19326487", + "title": "Cangjiepian", + "text": "Cangjiepian The Cangjiepian, also known as the Three Chapters (, \"Sancang\"), was a BCE Chinese primer and a prototype for Chinese dictionaries. Li Si, Chancellor of the Qin dynasty (221-206 BCE), compiled it for the purpose of reforming written Chinese into the new orthographic standard Small Seal Script. Beginning in the Han dynasty (206 BCE-221 CE), many scholars and lexicographers expanded and annotated the \"Cangjiepian\". By the end of the Tang dynasty (618-907), it had become a lost work, but in 1977, archeologists discovered a cache of (c. 165 BCE) texts written on bamboo strips, including fragments of the \"Cangjiepian\".", + "score": 0.65087890625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "20237609", + "title": "1177 B.C.: The Year Civilization Collapsed", + "text": "than one natural and man-made cataclysm caused the disintegration and demise of an ancient civilization that incorporated \"empires and globalized peoples\". This ended the Bronze Age, and ended the Mycenaean, Minoan, Trojan, Hittite, and Babylonian cultures. Before this book, the leading hypothesis during previous decades attributed the civilization collapse mostly to Sea Peoples of unknown origin. This book has won the following awards: 1177 B.C.: The Year Civilization Collapsed 1177 B.C.: The Year Civilization Collapsed is a nonfiction ancient history book written by Eric H. Cline and published in 2014 by Princeton University Press. The book focuses on his hypothesis", + "score": 0.6494140625 + }, + { + "id": "9521423", + "title": "4.2 kiloyear event", + "text": "enough to cause the civilisation's demise, and to scatter its population eastward. The drought may have caused the collapse of Neolithic Cultures around Central China during the late 3rd millennium BCE. At the same time, the middle reaches of the Yellow River saw a series of extraordinary floods related to the legendary figure of Yu the Great. In the Yishu River Basin, the flourishing Longshan culture was affected by a cooling that severely reduced rice output. This led to substantial decrease in population and fewer archaeological sites. In about 2000 BCE, Longshan was displaced by the Yueshi culture, which had", + "score": 0.64794921875 + }, + { + "id": "618614", + "title": "Ancient history", + "text": "times, several large, centralized ancient civilizations developed in the Western Hemisphere, both in Mesoamerica and western South America. The Central Andes in South America has the largest ancient civilization register, spanning 4,500 years from Norte chico to the latest civilization, the Inca Empire. Mesoamerican ancient civilizations included the Olmecs and Mayans. Between 2000 and 300 BC, complex cultures began to form and many matured into advanced Mesoamerican civilizations such as the: Olmec, Izapa, Teotihuacan, Maya, Zapotec, Mixtec, Huastec, Which flourished for nearly 4,000 years before the first contact with Europeans. These civilizations' progress included pyramid-temples, mathematics, astronomy, medicine, and theology.", + "score": 0.6474609375 + }, + { + "id": "18891429", + "title": "Liao civilization", + "text": "Liao civilization The Liao Civilization or Liao River Civilization, named after the Liao river, is an ancient Northeast Asian civilization that originated in the Liao basin. It is thought to have formed in about 6,200 BC. This civilization was discovered when Ryuzo Torii, a Japanese archaeologist, discovered the Hongshan culture in 1908. Large-scale pit-type houses, graves and temples with altars were excavated. It is thought that the Liao civilization may have been \"a country\" of the prehistoric age. A model of the feng shui were excavated from remains of the Hongshan culture. Ball products such as the jade which made", + "score": 0.64697265625 + }, + { + "id": "4618313", + "title": "Mandarin (bureaucrat)", + "text": "modern civil service after the fall of the Qing Dynasty. Vietnam, after becoming free of Chinese rule and setting up its own independent monarchy, emulated the Chinese system of mandarins in its civil service. The last mandarins in history were in service of the State of Vietnam (1949-1955). The Qing dynasty (1644\u20131912) divided the bureaucracy into civil and military positions, both having nine grades or ranks, each subdivided into primary and secondary categories. Civil appointments ranged from attendant to the emperor or a Grand Secretary in the Forbidden City (highest) to being a county magistrate, prefectural tax collector, deputy jail", + "score": 0.64599609375 + }, + { + "id": "87750", + "title": "Chinese calendar", + "text": "of reforms after the Meiji Restoration. Calendars in Mongolia and Tibet have absorbed elements of the traditional Chinese calendar, but are not direct descendants of it. Days begin and end at midnight, and months begin on the day of the new moon. Years begin on the second (or third) new moon after the winter solstice. Solar terms govern the beginning and end of each month. Written versions in ancient China included stems and branches of the year and the names of each month, including leap months as needed. Characters indicated whether a month was long (, 30 days) or short", + "score": 0.64599609375 + }, + { + "id": "15112382", + "title": "Institute for the History of Ancient Civilizations", + "text": "Institute for the History of Ancient Civilizations The Institute for the History of Ancient Civilizations (IHAC) is a graduate research institute on ancient history, ancient languages, and archaeology at the Northeast Normal University in Changchun, China (Jilin Province). The IHAC was the first Chinese institute to establish chairs and academic research positions for Assyriology, Hittitology, Egyptology, and (Western) Classics (Latin and Greek Philology). The Institute for the History of Ancient Civilizations was founded in 1984, after the Chinese professors Zhou Gucheng (Fudan University), Wu Yujin (Wuhan University), and Lin Zhichun (Northeast Normal University) jointly appealed to the Ministry of Education", + "score": 0.6455078125 + }, + { + "id": "15917770", + "title": "Ancient Legends", + "text": "Ancient Legends Ancient Legends is a Chinese television series based on the myths and legends associated with the origins of the Chinese civilisation. It is based on stories in Chinese mythology and the ancient classic \"Shan Hai Jing\". The series was first broadcast in mainland China on CCTV-1 from 15 August \u2013 6 September 2010. The story is based on the myths and legends associated with the origins of the Chinese civilisation and the earliest part of Chinese history under the Three Sovereigns and Five Emperors. After Pangu split Heaven and Earth and N\u00fcwa created humankind, the world has been", + "score": 0.6455078125 + }, + { + "id": "9108819", + "title": "History by period", + "text": "History by period This history by period summarizes significant eras in the history of the world, from the ancient world to the present day. Ancient history refers to the time period in which scientists have found the earliest remains of human activity, approximately 60,000 BC. It ends with the fall of several significant empires, such as the Western Roman Empire in the Mediterranean, the Han Dynasty in China, and the Gupta Empire in India, collectively around 650 AD. The Bronze Age is the time period in which humans around the world began to use bronze as a major metal in", + "score": 0.64501953125 + }, + { + "id": "1367394", + "title": "Chinese culture", + "text": "BCE) onwards, traditional Chinese society was organized into a hierarchic system of socio-economic classes known as the four occupations. However, this system did not cover all social groups while the distinctions between all groups became blurred ever since the commercialization of Chinese culture in the Song dynasty (960\u20131279 CE). Ancient Chinese education also has a long history; ever since the Sui dynasty (581\u2013618 CE) educated candidates prepared for the imperial examinations which drafted exam graduates into government as scholar-bureaucrats.This led to the creation of a meritocracy, although success was available only to males who could afford test preparation. Imperial examinations", + "score": 0.64453125 + }, + { + "id": "15675220", + "title": "Central Guidance Commission on Building Spiritual Civilization", + "text": "Central Guidance Commission on Building Spiritual Civilization The Central Guidance Commission on Building Spiritual Civilization (), also known as the Central Commission for Guiding Cultural and Ethical Progress, is a commission of the Central Committee of the Communist Party of China tasked with educational efforts to build a \"spiritual civilization\" (\"Jingshen Wenming\") based on socialism and the goal to build a socialist harmonious society, according to the official CPC policy. The Commission was established on April 21, 1997. As one of the most important ideological steering bodies of the CPC and the People's Republic of China, it controls nationwide propaganda", + "score": 0.64453125 + }, + { + "id": "14198555", + "title": "Decline and end of the Cucuteni\u2013Trypillia culture", + "text": "also known as the Eneolithic and Chalcolithic periods, lasted in Europe from roughly 3500 to 1700 BC, however, it ended for this culture between 3000-2750 BC. There is no firm point in time when this happened, since it was done over a period of many years, as first one area and then another would become integrated into the new Bronze Age civilization. Because the Cucuteni-Trypillia society was almost entirely egalitarian (with no ruling elite), there was no dramatic change of government for the whole region, as is the case when modern nations go to war and are defeated. The Cucuteni-Trypillia", + "score": 0.64404296875 + }, + { + "id": "618518", + "title": "Ancient history", + "text": "or humanistic (history through language). Although the ending date of ancient history is disputed, some Western scholars use the fall of the Western Roman Empire in 476 AD (the most used), the closure of the Platonic Academy in 529 AD, the death of the emperor Justinian I in 565 AD, the coming of Islam or the rise of Charlemagne as the end of ancient and Classical European history. Outside of Europe the 450-500 time frame for the end of ancient times has had difficulty as a transition date from Ancient to Post-Classical times. During the time period of 'Ancient History'", + "score": 0.64404296875 + }, + { + "id": "70946", + "title": "History of China", + "text": "the Korean Peninsula during the Goguryeo\u2013Sui War failed disastrously, triggering widespread revolts that led to the fall of the dynasty. The Tang dynasty was founded by Emperor Gaozu on 18 June 618. It was a golden age of Chinese civilization and considered to be the most prosperous period of China with significant developments in culture, art, literature, particularly poetry, and technology. Buddhism became the predominant religion for the common people. Chang'an (modern Xi'an), the national capital, was the largest city in the world during its time. The second emperor, Taizong, is widely regarded as one of the greatest emperors in", + "score": 0.64306640625 + }, + { + "id": "131693", + "title": "Empire", + "text": "it passed close. According to the circumscription theory of Robert Carneiro, \"the more sharply circumscribed area, the more rapidly it will become politically unified.\" The Empires of Egypt, China and Japan are named the most durable political structures in human history. Correspondingly, these are the three most circumscribed civilizations in human history. The Empires of Egypt (established by Narmer c. 3000 BC) and China (established by Cheng in 221 BC) endured for over two millennia. German Sociologist Friedrich Tenbruck, criticizing the Western idea of progress, emphasized that China and Egypt remained at one particular stage of development for millennia. This", + "score": 0.642578125 + }, + { + "id": "70902", + "title": "History of China", + "text": "History of China The earliest known written records of the history of China date from as early as 1250 BC, from the Shang dynasty (c. 1600\u20131046 BC), during the king Wu Ding's reign who was recorded as the twenty-first Shang king by the written records of Shang dynasty unearthed. Ancient historical texts such as the \"Records of the Grand Historian\" (c. 100 BC) and the \"Bamboo Annals\" (296 BC) describe a Xia dynasty (c. 2070\u20131600 BC) before the Shang, but no writing is known from the period, and Shang writings do not indicate the existence of the Xia. The Shang", + "score": 0.642578125 + }, + { + "id": "1607092", + "title": "Warring States period", + "text": "Warring States period The Warring States period () was an era in ancient Chinese history characterized by warfare, as well as bureaucratic and military reforms and consolidation. It followed the Spring and Autumn period and concluded with the Qin wars of conquest that saw the annexation of all other contender states, which ultimately led to the Qin state's victory in 221 BC as the first unified Chinese empire, known as the Qin dynasty. Although different scholars point toward different dates ranging from 481 BC to 403 BC as the true beginning of the Warring States, Sima Qian's choice of 475", + "score": 0.6416015625 + }, + { + "id": "5345843", + "title": "History of Earth", + "text": "led to the emergence of increasingly larger and more complex civilizations, such as the first empires, which at times traded with one another, or fought for territory and resources. By around 500 BC, there were advanced civilizations in the Middle East, Iran, India, China, and Greece, at times expanding, at times entering into decline. In 221 BC, China became a single polity that would grow to spread its culture throughout East Asia, and it has remained the most populous nation in the world. The fundamentals of Western civilization were largely shaped in Ancient Greece, with the world's first democratic government", + "score": 0.640625 + }, + { + "id": "70911", + "title": "History of China", + "text": "3100 and 2700 BC), The Bronze Age is also represented at the Lower Xiajiadian culture (2200\u20131600 BC) site in northeast China. Sanxingdui located in what is now Sichuan province is believed to be the site of a major ancient city, of a previously unknown Bronze Age culture (between 2000 and 1200 BC). The site was first discovered in 1929 and then re-discovered in 1986. Chinese archaeologists have identified the Sanxingdui culture to be part of the ancient kingdom of Shu, linking the artifacts found at the site to its early legendary kings. Ferrous metallurgy begins to appear in the late", + "score": 0.640625 + }, + { + "id": "66631", + "title": "China", + "text": "and 780,000 years ago. The fossilized teeth of \"Homo sapiens\" (dated to 125,000\u201380,000 years ago) have been discovered in Fuyan Cave in Dao County, Hunan. Chinese proto-writing existed in Jiahu around 7000 , Damaidi around 6000 , Dadiwan from 5800\u20135400 , and Banpo dating from the 5th millennium . Some scholars have suggested that the Jiahu symbols (7th millennium ) constituted the earliest Chinese writing system. According to Chinese tradition, the first dynasty was the Xia, which emerged around 2100 . The dynasty was considered mythical by historians until scientific excavations found early Bronze Age sites at Erlitou, Henan in", + "score": 0.64013671875 + }, + { + "id": "18891431", + "title": "Liao civilization", + "text": "approximately 4,200 years ago. Therefore, people of the Hongshan culture may have emigrated to the south approximately 4,000 years ago and later influenced Chinese culture. A genetic analysis of human bone remains dating back to 6500 to 2700 BC. in the Liao area, Haplogroup N (Y-DNA) (frequently in Uralic peoples and Yakuts) was observed at 60-100% . Liao civilization The Liao Civilization or Liao River Civilization, named after the Liao river, is an ancient Northeast Asian civilization that originated in the Liao basin. It is thought to have formed in about 6,200 BC. This civilization was discovered when Ryuzo Torii,", + "score": 0.64013671875 + }, + { + "id": "537785", + "title": "Shang dynasty", + "text": "attempts have compared the traditional histories with archaeological and astronomical data. At least 44 dates for the end of the dynasty have been proposed, ranging from 1130 BC to 1018 BC. The oldest extant direct records date from around 1200 BC at Anyang, covering the reigns of the last nine Shang kings. The Shang had a fully developed system of writing, preserved on bronze inscriptions and a small number of other writings on pottery, jade and other stones, horn, etc., but most prolifically on oracle bones. The complexity and sophistication of this writing system indicates an earlier period of development,", + "score": 0.64013671875 + }, + { + "id": "460627", + "title": "World history", + "text": "Egyptian (3400 BC-1200 BC), Indian (1500 BC-1100 BC), Chinese (1300 BC-AD 200), Classical (1100 BC-400 BC), Byzantine (AD 300\u20131100), Aztec (AD 1300\u20131500), Arabian (AD 300\u20131250), Mayan (AD 600\u2013960), and Western (AD 900\u20131900). His book was a smashing success among intellectuals worldwide as it predicted the disintegration of European and American civilization after a violent \"age of Caesarism,\" arguing by detailed analogies with other civilizations. It deepened the post-World War I pessimism in Europe, and was warmly received by intellectuals in China, India, and Latin America who hoped his predictions of the collapse of European empires would soon come true. In", + "score": 0.6396484375 + }, + { + "id": "55945", + "title": "Bronze Age", + "text": "the preceding Xia () dynasty. The U.S. National Gallery of Art defines the Chinese Bronze Age as the \"period between about 2000 BC and 771 BC,\" a period that begins with the Erlitou culture and ends abruptly with the disintegration of Western Zhou rule. The widespread use of bronze in Chinese metallurgy and culture dates to significantly later, probably due to Western influence. While there may be reason to believe that bronzework developed inside China separately from outside influence, the discovery of Europoid mummies in Xinjiang suggests a possible route of transmission from the West beginning in the early second", + "score": 0.6396484375 + }, + { + "id": "2551893", + "title": "Yellow Emperor", + "text": "civilized Mesopotamians to backward local tribes, a battle that transformed China into one of the most civilized places in the world. Zhang's reinterpretation of Sima Qian's account \"underscored the need to recover the glory of early China.\" Liu Shipei also presented these early times as the golden age of Chinese civilization. In addition to tying the Chinese to an ancient center of human civilization in Mesopotamia, Lacouperie's theories suggested that China should be ruled by the descendants of Huangdi. In a controversial essay called \"History of the Yellow Race\" (\"Huangshi\" \u9ec3\u53f2), which was published serially from 1905 to 1908, Huang", + "score": 0.63916015625 + }, + { + "id": "14310102", + "title": "Rhye's and Fall of Civilization", + "text": "built. In \"Rhye's and Fall of Civilization\", not every country starts at the same time. In the 3000 BC starting scenario, only Egypt, Babylon, China and India are initially present; in the 600 AD start, only China, Japan, the Vikings and Arabia (along with the unplayable Byzantine Empire) are initially present. Other nations such as Spain and Turkey appear later in the game (at 720 AD and 1280 AD respectively). If a player chooses to be one of the nations that isn't in the game at the start, then the game will play the initial nations automatically until the player's", + "score": 0.63916015625 + }, + { + "id": "87756", + "title": "Chinese calendar", + "text": "by mountain peoples. After Qin Shi Huang unified China under the Qin dynasty in 221 BC, the Qin calendar () was introduced. It followed most of the rules governing the Zhuanxu calendar, but the month order was that of the Xia calendar; the year began with month 10 and ended with month 9, analogous to a Gregorian calendar beginning in October and ending in September. The intercalary month, known as the second \"Ji\u01d4yu\u00e8\" (), was placed at the end of the year. The Qin calendar was used into the Han dynasty. Emperor Wu of Han introduced reforms halfway through his", + "score": 0.63916015625 + }, + { + "id": "20577398", + "title": "Su Bingqi", + "text": "of the Institute of Archaeology, Chinese Academy of Social Sciences (under the Chinese Academy of Sciences until 1977). In 1952 he co-founded China's first university archaeology program at Peking University, then under the Department of History, where he trained many of China's leading archaeologists who have been greatly influenced by him. After the death of Xia Nai, Su was elected to succeed him as President of the Chinese Archaeology Association in 1986. Su Bingqi died on 30 June 1997. In 2005, his biography, written by his son Su Kaizhi (\u82cf\u607a\u4e4b), was published by Joint Publishing. After the disruption to academic", + "score": 0.638671875 + }, + { + "id": "6571131", + "title": "Chinas", + "text": "Chinas The Chinas or Ch\u012bna\u1e25 (Sanskrit \u091a\u0940\u0928 (\"c\u012bna\") ) are a people mentioned in ancient Indian literature from the first millennium BC, such as the \"Mahabharata\", \"Laws of Manu\", as well the Puranic literature. The Sanskrit name \"Cina\" is commonly believed to have been derived from the Qin (\"Tsin\" or \"Chin\" in older transliterations) dynasty which ruled in China from 221 BC, or the preceding state of Qin which existed since the 9th century BC. The Greco-Romans referred to China as Sina, or Sinae. There are however a number of other suggestions for the origin of the word. Some Chinese", + "score": 0.638671875 + }, + { + "id": "103230", + "title": "Day", + "text": "the day's boundaries. Common convention among the ancient Romans, ancient Chinese and in modern times is for the civil day to begin at midnight, i.e. 00:00, and last a full 24 hours until 24:00 (i.e. 00:00 of the next day). In ancient Egypt, the day was reckoned from sunrise to sunrise. The Jewish day begins at either sunset or nightfall (when three second-magnitude stars appear). The \"Damascus Document\", copies of which were also found among the Dead Sea scrolls, states regarding the observance of the Sabbath that \"No one is to do any work on Friday \"from the moment that", + "score": 0.63818359375 + }, + { + "id": "3244391", + "title": "Cradle of civilization", + "text": "valley began to establish itself as a center of the Peiligang culture which flourished from 7000 to 5000 BC, with evidence of agriculture, constructed buildings, pottery, and burial of the dead. With agriculture came increased population, the ability to store and redistribute crops, and the potential to support specialist craftsmen and administrators. Its most prominent site is Jiahu. Some scholars have suggested that the Jiahu symbols (6600 BC) are the earliest form of proto-writing in China. However, it is likely that they should not be understood as writing itself, but as features of a lengthy period of sign-use which led", + "score": 0.63818359375 + }, + { + "id": "1433280", + "title": "Henan", + "text": "all powers, establishing the Qin dynasty and unifying the core of the Han Chinese homeland for the first time. The empire quickly collapsed after the death (210 BCE) of Ying Zheng and was replaced by the Han dynasty in 206 BC, with its capital at Chang'an. Thus, a golden age of Chinese culture, economy, and military power began. The capital moved east to Luoyang in 25 AD, in response to a coup in Chang'an that created the short-lived Xin dynasty. Luoyang quickly regained control of China, and the Eastern Han dynasty (25\u2013220) began, extending the golden age for another two", + "score": 0.6376953125 + }, + { + "id": "19326506", + "title": "Cangjiepian", + "text": "\"sturgeon\".\" Cangjiepian The Cangjiepian, also known as the Three Chapters (, \"Sancang\"), was a BCE Chinese primer and a prototype for Chinese dictionaries. Li Si, Chancellor of the Qin dynasty (221-206 BCE), compiled it for the purpose of reforming written Chinese into the new orthographic standard Small Seal Script. Beginning in the Han dynasty (206 BCE-221 CE), many scholars and lexicographers expanded and annotated the \"Cangjiepian\". By the end of the Tang dynasty (618-907), it had become a lost work, but in 1977, archeologists discovered a cache of (c. 165 BCE) texts written on bamboo strips, including fragments of the", + "score": 0.6376953125 + }, + { + "id": "18849037", + "title": "History of the Maya civilization", + "text": "History of the Maya civilization The history of Maya civilization is divided into three principal periods: the Preclassic, Classic and Postclassic periods; these were preceded by the Archaic Period, which saw the first settled villages and early developments in agriculture. Modern scholars regard these periods as arbitrary divisions of chronology of the Maya civilization, rather than indicative of cultural evolution or decadence. Definitions of the start and end dates of period spans can vary by as much as a century, depending on the author. The Preclassic lasted from approximately 2000 BC to approximately 250 AD; this was followed by the", + "score": 0.63671875 + }, + { + "id": "8956039", + "title": "Five Disciplines, Four Graces and Three Loves", + "text": "Five Disciplines, Four Graces and Three Loves 5 stresses, 4 beauties, 3 loves () is a numbered policy in the People's Republic of China. On February 25, 1981, the All-China Federation of Trade Unions, the Central Committee of the Chinese Communist Youth League, the All-China Women's Federation, and nine other organizations issued a joint statement establishing this policy. Scholar Sheela Murthy has written that the policy was part of China's \"civilization\" (\"wenming\") movement, an attempt to move away from the chaos of the Cultural Revolution era and maintain the legitimacy of the Communist Party of China. Chinese Vice-Premier Wan Li", + "score": 0.63671875 + }, + { + "id": "14573497", + "title": "Fifth Encirclement Campaign against the Hubei-Henan-Anhui Soviet", + "text": "\u2013 Anhui provinces from 17 July 1933, to 26 November 1934. In mid November 1934, the local communists were forced to abandon their base and begun their Long March, and hence the communists usually choose their beginning of the Long March as the end of the campaign, but in reality, the campaign was longer, lasting for another half a month till the end of November 1934 when the local Chinese Red Army fought its way to escape. Military History Research Department, \"Complete History of the People's Liberation Army\", Military Science Publishing House in Beijing, 2000, Fifth Encirclement Campaign against the", + "score": 0.63671875 + }, + { + "id": "488227", + "title": "6th century BC", + "text": "6th century BC The 6th century BC started the first day of 600 BC and ended the last day of 501 BC. This century represents the peak of a period in human history popularly known as Axial Age. This period saw the emergence of five major thought streams springing from five great thinkers in different parts of the world: Buddha and Mahavira in India, Zoroaster in Persia, Pythagoras in Greece and Confucius in China. P\u0101\u1e47ini, in India, composed a grammar for Sanskrit, in this century or slightly later. This is the oldest still known grammar of any language. In Western", + "score": 0.63671875 + }, + { + "id": "6346995", + "title": "End of the Han dynasty", + "text": "End of the Han dynasty The end of the Han dynasty refers to the period of Chinese history from 189 to 220 AD, which roughly coincides with the tumultuous reign of the Han dynasty's last ruler, Emperor Xian. During this period, the country was thrown into turmoil by the Yellow Turban Rebellion (184\u2013205). Meanwhile, the Han Empire's institutions were destroyed by the warlord Dong Zhuo, and fractured into regional regimes ruled by various warlords, some of whom were nobles and officials of the Han imperial court. Eventually, one of those warlords, Cao Cao, was able to gradually reunify the empire,", + "score": 0.63671875 + }, + { + "id": "70913", + "title": "History of China", + "text": "China (from c. 2070 to c. 1600 BC) is the first dynasty to be described in ancient historical records such as Sima Qian's \"Records of the Grand Historian\" and \"Bamboo Annals\". The dynasty was considered mythical by historians until scientific excavations found early Bronze Age sites at Erlitou, Henan in 1959. With few clear records matching the Shang oracle bones, it remains unclear whether these sites are the remains of the Xia dynasty or of another culture from the same period. Excavations that overlap the alleged time period of the Xia indicate a type of culturally similar groupings of chiefdoms.", + "score": 0.63623046875 + }, + { + "id": "537819", + "title": "Xia dynasty", + "text": "and the urban civilization of the Shang dynasty. In 2011, Chinese archaeologists uncovered the remains of an imperial sized palace\u2014dated to about 1700 BC\u2014at Erlitou in Henan, further fueling the discussions about the existence of the dynasty. Archaeological evidence of a large outburst flood that destroyed the Lajia site on the upper reaches of the Yellow River has been dated to about 1920 BC. This date is shortly before the rise of the Erlitou culture in the middle Yellow River valley and the Yueshi culture in Shandong, following the decline of the Longshan culture in the North China Plain. The", + "score": 0.6357421875 + }, + { + "id": "9108820", + "title": "History by period", + "text": "tools. It is generally accepted as starting around 3600 BC and ending with the advent of iron in 1000 BC. The Iron Age is often called Antiquity or the Classical Era, but these periods more commonly refer to only one region. It begins around 1000 BC with the widespread use of iron in tools. It is often accepted to end at approximately 650 AD, with the fall of the aforementioned major civilizations. Note that BC and BCE refer to the same time period. BCE is an abbreviation for Before Common Era, and BC for Before Christ. AD is Anno Domini,", + "score": 0.6357421875 + }, + { + "id": "70905", + "title": "History of China", + "text": "BC\u2013220 AD). Successive dynasties developed bureaucratic systems that enabled the emperor to control vast territories directly. In the 21 centuries from 206 BC until AD 1912, routine administrative tasks were handled by a special elite of \"scholar-officials\". Young men, well-versed in calligraphy, history, literature, and philosophy, were carefully selected through difficult government examinations. China's last dynasty was the Qing (1644\u20131912), which was replaced by the Republic of China in 1912, and in the mainland by the People's Republic of China in 1949, resulting in two \"de facto\" states claiming to be the legitimate government of all China. Chinese history has", + "score": 0.6357421875 + }, + { + "id": "11984586", + "title": "The Cambridge History of China", + "text": "BC\" edited by Michael Loewe and Edward L. Shaughnessy was published in 1999 (). This book provides a survey of the institutional and cultural history of China up to the unification of the country by Qin Shi Huang in 221 BC. Fourteen specialists on early Chinese history including Robert Bagley, Kwang-chih Chang, Cho-yun Hsu, David Keightley, Mark Edward Lewis, David S. Nivison, and Jessica Rawson contributed to the book. The Cambridge History of China The Cambridge History of China is an ongoing series of books published by Cambridge University Press (CUP) covering the history of China from the founding of", + "score": 0.63525390625 + }, + { + "id": "8717202", + "title": "Austronesian peoples", + "text": "and linguistic (lexical) evidence. Tianlong Jiao (2007) notes that Neolithic peoples from the coast of southeastern China migrated to Taiwan from 6,500-5,000 B.P. The Neolithic period in southeastern China lasted from 6,500 B.P. until 3,500 B.P., and can be divided into the early (ca, 6500-5000 B.P.), middle (ca. 5000-4300 B.P.), and late (ca. 4300-3500 B.P.) Neolithic periods. The Neolithic in southeastern China started off with pottery, polished stone tools, and bone tools, with technology continuing to progress over the years. Neolithic peoples in Taiwan and mainland China continued to maintain regular contact with each other until 3,500 B.P., which was", + "score": 0.63525390625 + }, + { + "id": "4247186", + "title": "Chimu\u0301 culture", + "text": "of the Kingdom by conquering the head of the valley of Chimor and the neighboring valleys of Sana, Pacasmayo, Chicama, Viru, Chao and Santa.\" The estimated founding date of the last Chim\u00fa kingdom is in the first half of the 14th century. Nacen-pinco was believed to have ruled around 1370 and was followed by seven rulers whose names are not yet known. Minchancaman followed these rulers, and was ruling around the time of the Inca conquest (between 1462 and 1470). This great expansion is believed to have occurred during the late period of Chim\u00fa civilization, called: Late Chim\u00fa, but the", + "score": 0.634765625 + }, + { + "id": "70907", + "title": "History of China", + "text": "the basis of the modern culture of China. What is now China was inhabited by \"Homo erectus\" more than a million years ago. Recent study shows that the stone tools found at Xiaochangliang site are magnetostratigraphically dated to 1.36 million years ago. The archaeological site of Xihoudu in Shanxi Province has evidence of use of fire by \"Homo erectus\", which is dated 1.27 million years ago, and \"Homo erectus\" fossils in China include the Yuanmou Man, the Lantian Man and the Peking Man. Fossilised teeth of \"Homo sapiens\" dating to 125,000\u201380,000 BC have been discovered in Fuyan Cave in Dao", + "score": 0.634765625 + }, + { + "id": "10305815", + "title": "Richard D. Hansen", + "text": "in the Mesoamerican region and early Maya civilization. In 1989, discoveries by Hansen and his colleagues established the idea that ancient Maya societies had centralized governments far earlier than once supposed, building several massive centers as early as 1000-600 B.C. Hansen also identified data for an extensive collapse of the Preclassic Maya about 150 A.D. The Classic Maya cultural history lasted for another 600 years, ending around 850 A.D., with the collapse of the use of ceremonial centers in what are now parts of Guatemala, Honduras and Mexico. In March 2017, Hansen received the prestigious Order of the Quetzal", + "score": 0.73583984375 + }, + { + "id": "108050", + "title": "Detroit Tigers", + "text": "Year voting. Justin Verlander enjoyed another strong season (18\u20139 record, 3.37 ERA, 219 strikeouts). On June 2, 2010, Armando Galarraga was pitching a perfect game against the Cleveland Indians with 2 outs in the top of the ninth inning when first base umpire Jim Joyce made a controversial call, ruling Jason Donald safe at first. Video replay showed he was out. A tearful Joyce later said, \"I just cost that kid a perfect game. I thought he beat the throw. I was convinced he beat the throw, until I saw the replay.\" Galarraga would later tell reporters that Joyce apologized", + "score": 0.7353515625 + }, + { + "id": "3247587", + "title": "Don Larsen", + "text": "Stadium for two of baseball's 21 modern perfect games: his own in 1956, and David Cone's in 1999. Cone's game occurred on Yogi Berra Day; Larsen threw out the ceremonial first pitch to Berra before the game. Larsen later said that Cone's perfect game was the first game he had seen in person from start to finish since his retirement. Larsen and his wife, Corrine, have been married for over 60 years. They live in Hayden Lake, Idaho. He was reported in 2012 to put up for auction the uniform he had worn to pitch his perfect game to pay", + "score": 0.73486328125 + }, + { + "id": "16471969", + "title": "Kenny Rogers' perfect game", + "text": "Tom Browning in 1988. It also came 10 years after the Angels' Mike Witt pitched his perfect game against the Rangers, that game taking place in The Ballpark's predecessor, Arlington Stadium. As of 2017, the Angels and Rangers are the only two teams to record perfect games against each other. The home plate umpire was minor league fill-in Ed Bean, who was working in his 29th Major League game and seventh as home plate umpire. Bean worked only seven more Major League games. Kenny Rogers' perfect game On July 28, 1994, Kenny Rogers of the Texas Rangers pitched the 14th", + "score": 0.73486328125 + }, + { + "id": "16471945", + "title": "Lee Richmond's perfect game", + "text": "by the fielder after it had bounced once in foul territory, a rule that in place at the time until 1883. The game lasted 1 hour and 26 minutes, with a seven-minute delay due to rain in the seventh inning. This was the first ever perfect game in Major League Baseball history, and it was the second ever no-hitter in league history (the first being in 1876). Lee Richmond's perfect game Lee Richmond, pitcher for the Worcester Worcesters, pitched a perfect game against the Cleveland Blues by retiring all 27 batters he faced on Saturday, June 12, 1880. This event", + "score": 0.73388671875 + }, + { + "id": "14799096", + "title": "Dallas Braden's perfect game", + "text": "injuries. Dallas Braden's perfect game On May 9, 2010, Major League Baseball pitcher Dallas Braden pitched a perfect game. Braden, a member of the Oakland Athletics, pitched the game against the Tampa Bay Rays and retired all 27 batters. The game took place on Mother's Day in the United States and Braden's grandmother, Peggy Lindsey \u2014 who raised him after his mother died of cancer when he was in high school \u2014 was in attendance. Braden's battery mate during the game was Landon Powell, who was called up from the minor leagues 18 days before. It was the nineteenth perfect", + "score": 0.73388671875 + }, + { + "id": "16471963", + "title": "Jim Bunning's perfect game", + "text": "Jim Bunning's perfect game On June 21, 1964, Jim Bunning of the Philadelphia Phillies pitched the seventh perfect game in Major League Baseball history, defeating the New York Mets 6-0 in the first game of a doubleheader at Shea Stadium. A father of seven children at the time, Bunning pitched his perfect game on Father's Day. One of Bunning's daughters, Barbara, was in attendance, as was his wife, Mary. Needing only 90 pitches to complete his masterpiece, Bunning struck out 10 batters, including six of the last nine he faced; the last two strikeouts were of the last two batters", + "score": 0.7333984375 + }, + { + "id": "18417984", + "title": "History of the Tampa Bay Rays", + "text": "the Angels, was considered a breakout player during the spring, on both the offensive and defensive side of the ball. Although the Rays had the league best record at the time, Dallas Braden of the Oakland Athletics threw a perfect game against the Rays in May. It was the league's second perfect game in a row thrown against Tampa Bay, the last being in 2009 by Mark Buehrle, and at the time was the shortest amount of time between perfect games in Major League Baseball. The Rays were once again victims of a no-hitter on June 25 at Tropicana Field,", + "score": 0.732421875 + }, + { + "id": "1558224", + "title": "Perfect game", + "text": "team went hitless in regulation but then got a hit in extra innings. The definition of perfect game was made to parallel this new definition of the no-hitter, in effect substituting \"baserunner\" for \"hit\". As a result of the 1991 redefinition, for instance, Harvey Haddix receives credit for neither a perfect game nor a no-hitter for his performance on May 26, 1959, when he threw 12 perfect innings against the Milwaukee Braves before allowing a baserunner in the 13th. There has been one perfect game in the World Series, thrown by Don Larsen for the New York Yankees against the", + "score": 0.732421875 + }, + { + "id": "14974061", + "title": "Roy Halladay's perfect game", + "text": "Roy Halladay's perfect game On May 29, 2010, Roy Halladay of the Philadelphia Phillies pitched the twentieth perfect game in Major League Baseball history, against the Florida Marlins in Sun Life Stadium. He retired all 27 batters, striking out 11. This was the first time in the modern era that two pitchers (Dallas Braden of the Oakland Athletics being the other) threw perfect games in the same month and that multiple perfect games had been achieved in the same season. Roy Halladay's rookie season in 1999 featured 3.92 ERA in innings for the Toronto Blue Jays. In his second year,", + "score": 0.73193359375 + }, + { + "id": "16471964", + "title": "Jim Bunning's perfect game", + "text": "he faced: George Altman and John Stephenson. The perfect game was the first regular season perfect game since Charlie Robertson's perfect game in 1922 (Don Larsen had pitched a perfect game in between, in the 1956 World Series), as well as the first in modern-day National League history (two perfect games had been pitched in 1880). It was also the first no-hitter by a Phillies pitcher since Johnny Lush no-hit the Brooklyn Superbas on May 1, 1906. Bunning, who no-hit the Boston Red Sox while with the Detroit Tigers in 1958, joined Cy Young as the only pitchers to throw", + "score": 0.73193359375 + }, + { + "id": "16585709", + "title": "Matt Cain's perfect game", + "text": "Matt Cain's perfect game On June 13, 2012, Matt Cain of the San Francisco Giants pitched the 22nd perfect game (no opposing batters reach first base) in Major League Baseball (MLB) history and the first in Giants' franchise history. Pitching against the Houston Astros at AT&T Park in San Francisco, California, Cain retired all 27 batters that he faced and tallied 14 strikeouts, tied for the most strikeouts in a perfect game with Sandy Koufax of the Los Angeles Dodgers in 1965. Following Philip Humber's perfect game earlier in 2012, Cain's performance marked just the third season in MLB history", + "score": 0.73095703125 + }, + { + "id": "13768443", + "title": "2010 Tampa Bay Rays season", + "text": "23, 2009, when Mark Buehrle of the Chicago White Sox did not allow a single Rays batter to reach base, which was also the most recent perfect game pitched prior to Braden's. The Los Angeles Dodgers had been the only other franchise to be the losing team of consecutive perfect games pitched in the majors. No team who had a perfect game pitched against them had a higher winning percentage than the Rays did, who entered the game with a league-best 22\u20138 record. On May 15, Pat Burrell was designated for assignment after another struggling start to the season. He", + "score": 0.72998046875 + }, + { + "id": "14974070", + "title": "Roy Halladay's perfect game", + "text": "last being Randy Johnson's in 2004. This was the first time in the modern era that two pitchers\u2014Dallas Braden and Halladay\u2014had thrown perfect games in the same month and that multiple perfect games had been achieved in the same season. The twenty days between Braden's perfect game and Halladay's was the shortest span between two perfect games since 1880. Unfortunately, it came at a bad timing for the Phillies and for Philadelphia sports fans; Halladay pitched his perfect game on the same night the Philadelphia Flyers played the Chicago Blackhawks in Game 1 of the Stanley Cup Finals. The opening", + "score": 0.7294921875 + }, + { + "id": "14798073", + "title": "Randy Johnson's perfect game", + "text": "Hammock, the catcher of Johnson's perfect game: Robin Yount, the bench coach of the Diamondbacks at the time: Luis Gonzalez, left fielder for the Diamondbacks at the time: Bob Brenly, Diamondbacks manager at the time: Randy Johnson's perfect game On May 18, 2004, Randy Johnson, who was a pitcher for the Major League Baseball (MLB) Arizona Diamondbacks, pitched a perfect game against the Atlanta Braves. The game took place at Turner Field in Atlanta in front of a crowd of 23,381 people. Johnson, who was 40 at the time, was the oldest pitcher in MLB history to throw a perfect", + "score": 0.72900390625 + }, + { + "id": "15075081", + "title": "Major League Baseball 2K11", + "text": "or PS3 versions of the game. The contest began on April 1, 2011. This caused controversy as former WWE wrestler, Stevie Richards had done this before and tried to claim the Million dollars for the Perfect Game he had pitched but had done it before the contest officially began. Brian Kingrey, a music teacher from Hammond, Louisiana, claimed the prize by throwing a perfect game with Roy Halladay within two hours of the start of the contest. Reception for the game has been mixed. IGN rated both the Xbox 360 and PlayStation 3 versions with a 7.0 while the readers", + "score": 0.728515625 + }, + { + "id": "9678353", + "title": "Sandy Koufax's perfect game", + "text": "Sandy Koufax's perfect game Sandy Koufax of the Los Angeles Dodgers pitched a perfect game in the National League against the Chicago Cubs at Dodger Stadium on September 9, 1965. Koufax, by retiring 27 consecutive batters without allowing any to reach base, became the sixth pitcher of the modern era, eighth overall, to throw a perfect game. The game was Koufax's fourth no-hitter, breaking Bob Feller's Major League record of three (and later broken by Nolan Ryan, in 1981). Koufax struck out 14 opposing batters, the most ever recorded in a perfect game, and matched only by San Francisco Giants", + "score": 0.72802734375 + }, + { + "id": "14974076", + "title": "Roy Halladay's perfect game", + "text": "hurled a no-hitter, giving up only one walk (to Jay Bruce of the Cincinnati Reds) in the fifth inning of Game 1 of the NLDS. Halladay's was only the second postseason no-hitter in Major League Baseball history, and the first since Don Larsen's perfect game in the 1956 World Series. He threw only 104 pitches, only giving up a single disputed walk to Jay Bruce on a 3-2 pitch. He thus became the only pitcher to throw a no-hitter in the regular season and a no-hitter in the postseason in the same year. Halladay is also the fifth major league", + "score": 0.72802734375 + }, + { + "id": "16585710", + "title": "Matt Cain's perfect game", + "text": "in which multiple perfect games were thrown. In June 1880, Lee Richmond and John Montgomery Ward both threw perfect games; in May 2010 Dallas Braden and Roy Halladay both accomplished the feat. Two notable defensive plays by Cain's teammates kept the perfect game intact. Melky Cabrera made a running catch at the wall in left field in the top of the sixth inning, while Gregor Blanco made a diving catch in right-center field to start the top of the seventh. It was the first Giants no-hitter since left-hander Jonathan S\u00e1nchez threw one on July 10, 2009, against the San Diego", + "score": 0.72607421875 + }, + { + "id": "3609878", + "title": "Charlie Robertson", + "text": "Charlie Robertson Charles Culbertson Robertson (January 31, 1896 \u2013 August 23, 1984) was an American professional baseball player. He played in Major League Baseball as a pitcher, and is best remembered for throwing a perfect game in 1922. He was the last surviving player who played at least one game for the 1919 Chicago White Sox, having died in 1984. Robertson was born in Dexter, Texas, grew up in Nocona, Texas, and graduated from Nocona High School in 1915. Charles attended Austin College from 1917 until 1919. He began his career with the Chicago White Sox in 1919 at the", + "score": 0.72607421875 + }, + { + "id": "3247563", + "title": "Don Larsen", + "text": "Don Larsen Don James Larsen (born August 7, 1929) is an American retired Major League Baseball (MLB) pitcher. During a 15-year MLB career, he pitched from 1953 to 1967 for seven different teams. Larsen pitched for the St. Louis Browns / Baltimore Orioles (1953\u201354; 1965), New York Yankees (1955\u201359), Kansas City Athletics (1960\u20131961), Chicago White Sox (1961), San Francisco Giants (1962\u201364), Houston Colt .45's / Houston Astros (1964\u201365), and Chicago Cubs (1967). Larsen pitched the sixth perfect game in MLB history, doing so in Game 5 of the 1956 World Series. It is the only no-hitter and perfect game in", + "score": 0.7255859375 + }, + { + "id": "10921867", + "title": "Armando Galarraga", + "text": "safe, ending the perfect game and no-hitter. Galarraga retired the next batter, completing the one-hitter, though many in the Tiger press preferred to call it \"the 28-out perfect game.\" Galarraga threw 88 pitches, 67 of them for strikes. If he had completed the perfect game (83 pitches), it would have been the lowest number of pitches thrown since Addie Joss's 74 in 1908, and the shortest game since Sandy Koufaxs perfect game in 1965. It would have been the second perfect game in the Major Leagues in just four days, Philadelphia's Roy Halladay having thrown his on May 29, and", + "score": 0.7255859375 + }, + { + "id": "14974064", + "title": "Roy Halladay's perfect game", + "text": "Halladay pitched his second shutout of the season, limiting division rival New York Mets to three hits and striking out six. The Philadelphia Phillies\u2013Florida Marlins game began at 7:13 p.m. on May 29, 2010, to a crowd of 25,086 at Sun Life Stadium in Miami. The home plate umpire was Mike DiMuro, the first base umpire was Tim Welke, the second base umpire was Jim Reynolds, and the third base umpire was Bill Welke. Roy Halladay pitched the 20th perfect game in MLB history, retiring all 27 batters, and allowing no hits, no runs, and no errors. Although he is", + "score": 0.72509765625 + }, + { + "id": "15087047", + "title": "History of the Detroit Tigers", + "text": "enjoyed another strong season (18\u20139 record, 3.37 ERA, 219 strikeouts). On June 2, 2010, Armando Galarraga was pitching a perfect game against the Cleveland Indians with 2 outs in the top of the ninth inning when first base umpire Jim Joyce made a controversial call, ruling Jason Donald safe at first. Video replay showed he was out. A tearful Joyce later said, \"I just cost that kid a perfect game. I thought he beat the throw. I was convinced he beat the throw, until I saw the replay.\" Galarraga would later tell reporters that Joyce apologized to him directly and", + "score": 0.72509765625 + }, + { + "id": "17812614", + "title": "Addie Joss' perfect game", + "text": "Addie Joss' perfect game On October 2, 1908, Addie Joss pitched a perfect game, the fourth in Major League Baseball history, and only the second in American League history. He threw it at League Park, in Cleveland, Ohio. The Detroit Tigers, Chicago White Sox, and Joss's Cleveland Naps were engaged in a race for the post-season at the time of the game, with the Tigers seeking their second straight pennant, the White Sox trying to win their second in three years, and the Naps looking for their first. Three games remained in the regular season and the Naps were a", + "score": 0.72412109375 + }, + { + "id": "16283444", + "title": "Don Larsen's perfect game", + "text": "remained the only postseason game in which any team faced the minimum 27 batters until Kyle Hendricks and Aroldis Chapman of the Chicago Cubs managed to achieve the feat in Game 6 of the 2016 National League Championship Series. In that game, the Cubs gave up two hits and a walk and committed a fielding error, but managed to put out all four baserunners, three via double plays and one on a pickoff. Don Larsen's perfect game On October 8, 1956, in Game 5 of the 1956 World Series, Don Larsen of the New York Yankees threw a perfect game", + "score": 0.7236328125 + }, + { + "id": "9678354", + "title": "Sandy Koufax's perfect game", + "text": "pitcher, Matt Cain, on June 13, 2012. He also struck out at least one batter in all nine innings (Cain did not strike out a batter in the ninth in his perfect game), the only perfect game pitcher to do so to date. The game was also notable for the high quality of the performance by the opposing pitcher, Bob Hendley of the Cubs. Hendley gave up only one hit (which did not figure into the scoring) and allowed only two baserunners. Both pitchers had no-hitters intact until the seventh inning. The only run that the Dodgers scored was unearned.", + "score": 0.7236328125 + }, + { + "id": "9541170", + "title": "The Perfect Game", + "text": "The Perfect Game The Perfect Game is a 2009 American drama film directed by William Dear, based on the 2008 book of the same name written by W. William Winokur. The film is based on the events leading to the 1957 Little League World Series, which was won by the first team from outside the United States, the Industrial Little League of Monterrey, Mexico, who defeated the heavily favored U.S. team. Mexican pitcher \u00c1ngel Mac\u00edas threw the first, and so far only, perfect game in championship game history. C\u00e9sar Faz (Clifton Collins, Jr.), moves to Monterrey, Mexico, after he is", + "score": 0.7236328125 + }, + { + "id": "18710535", + "title": "John Wasdin's perfect game", + "text": "John Wasdin's perfect game On April 7, 2003, John Wasdin of the Pacific Coast League's Nashville Sounds pitched a perfect game against the Albuquerque Isotopes. The Sounds were the Triple-A Minor League Baseball affiliate of Major League Baseball's Pittsburgh Pirates, and the Isotopes were the Triple-A affiliate of the Florida Marlins. Wasdin retired all 27 batters, striking out 15. The game took place at Herschel Greer Stadium in Nashville, Tennessee. This was the sixth perfect game and second nine-inning perfect game in the history of the Pacific Coast League, which was established in 1903. The league's previous perfect game, the", + "score": 0.7236328125 + }, + { + "id": "9678364", + "title": "Sandy Koufax's perfect game", + "text": "the final out of Koufax's 1963 no-hitter\u2014which had been, appropriately, a ground ball back to Koufax. In the end, Johnson's hit was the only one by either team; the combined total of 1 hit for the entire game is a major league record. Koufax threw 113 pitches during the game, 79 of which were strikes. Five days after the perfect game, the Koufax-Hendley rematch took place at Wrigley Field. This time, Hendley defeated Koufax, 2\u20131. Until the Philadelphia Phillies' Cole Hamels, a future Cub, no-hit the Cubs on July 25, 2015, the perfect game had been the last no-hitter to", + "score": 0.72216796875 + }, + { + "id": "16471951", + "title": "Cy Young's perfect game", + "text": "Major League Baseball history, Young's perfect game was the first in baseball's modern era and in American League history. Before Young, only two pitchers had thrown perfect games. This occurred in 1880, when Lee Richmond and John Ward pitched perfect games within five days of each other, although under somewhat different rules: the front edge of the pitcher's box was only from home plate (the modern release point is about farther away); walks required eight balls; and pitchers were obliged to throw side-armed. Young's perfect game was the first under the modern rules established in 1893. Over 10,000 fans attended", + "score": 0.72216796875 + }, + { + "id": "1558227", + "title": "Perfect game", + "text": "game thrown in a Little League World Series championship was by Angel Macias of the Monterrey, Mexico, team in 1957. Perfect game A perfect game is defined by Major League Baseball as a game in which a pitcher (or combination of pitchers) pitches a victory that lasts a minimum of nine innings in which no opposing player reaches base. Thus, the pitcher (or pitchers) cannot allow any hits, walks, hit batsmen, or any opposing player to reach base safely for any other reason and the fielders cannot make an error that allows an opposing player to reach a base; in", + "score": 0.72216796875 + }, + { + "id": "271899", + "title": "Montreal Expos", + "text": "managed the team since 1985, after the team started the 1991 season with a 20\u201329 record, replacing him with Tom Runnells. Mark Gardner pitched nine no-hit innings in a July 26, game before losing 1\u20130 in the 10th inning to the Los Angeles Dodgers. Two days later, also in Los Angeles, Dennis Mart\u00ednez achieved a rare feat, throwing the 13th official perfect game in Major League Baseball history (based on MLB's 1991 redefinition of a perfect game), winning 2\u20130. Dave Van Horne's iconic call of \"El Presidente, El Perfecto!\" following the final out became a hallmark of Expos lore. Martinez's", + "score": 0.72216796875 + }, + { + "id": "5960868", + "title": "Ani\u0301bal Sa\u0301nchez", + "text": "no-hitter against Arizona ended the longest no-hitter drought in Major League Baseball history; there had been 6,364 consecutive major-league games without a no-hitter since Randy Johnson's perfect game on May 18, 2004. The previous record was a 4,015-game streak without a no-hitter, which lasted from September 30, 1984, to September 19, 1986. On the same night that S\u00e1nchez recorded a no-hitter, Johnson nearly pitched another one, taking a no-hitter into the seventh inning for the New York Yankees against the Kansas City Royals. S\u00e1nchez became the 19th rookie pitcher since 1900 to pitch a no-hitter, and the first since Bud", + "score": 0.72216796875 + }, + { + "id": "2167616", + "title": "No-hitter", + "text": "been scoreless up to that point. Of all the teams that have thrown at least one no-hit game, however, the Cleveland Indians, as of end of the 2017 MLB season, have had the longest drought; the last such game thrown by the team was by Len Barker on May 15, 1981, which was also a perfect game. The New York Mets, who began play in 1962, went without a no-hitter until Johan Santana pitched one on the night of June 1, 2012, against the St. Louis Cardinals at home at Citi Field. The 8\u20130 victory closed out their era as", + "score": 0.72216796875 + }, + { + "id": "10034973", + "title": "David Palmer (baseball)", + "text": "the Expos organization until 1985. Although he made his major league debut in 1978, he pitched only a handful of minor league games in 1981 due to injuries, and had to fight his way back from Triple-A in 1982, where he made nine minor league starts. Additionally, he did not throw a single pitch in 1983 due to injuries. On April 21, 1984, Palmer made an unusual kind of baseball history when he threw a five-inning perfect game in the second game of a doubleheader at Busch Stadium against the St. Louis Cardinals. Officials called the game on account of", + "score": 0.72216796875 + }, + { + "id": "18710536", + "title": "John Wasdin's perfect game", + "text": "first to last nine innings, was pitched by John Halama of the Tacoma Rainiers against the Calgary Cannons on July 7, 2001. Wasdin's perfect game was the fourth no-hitter in Sounds history and the first since Jack Armstrong no-hit the Indianapolis Indians on August 7, 1988, in Nashville. John Wasdin was drafted by the Oakland Athletics in the first round of the 1993 Major League Baseball draft. The right-hander quickly rose through the Athletics' minor league system, reaching Triple-A in 1995 and making his major league debut on August 24 of the same year. Wasdin began the 1996 season at", + "score": 0.72119140625 + }, + { + "id": "9894137", + "title": "Dallas Braden", + "text": "a distinguished alumnus on behalf of American River College where he was a student and played baseball for two seasons. , or Retrosheet Dallas Braden Dallas Lee Braden (born August 13, 1983) is a former American professional baseball pitcher. He played in Major League Baseball (MLB) for the Oakland Athletics from 2007 through 2011. Listed at and , he both threw and batted left-handed. On May 9, 2010, Braden pitched a perfect game, the 19th in baseball history. The next season, shoulder problems were the first of a series of injuries that forced him to retire in 2014 after not", + "score": 0.720703125 + }, + { + "id": "9678366", + "title": "Sandy Koufax's perfect game", + "text": "occurrence, featuring a video clip of an interview Koufax gave after the game as well as other video clips interviewing those involved in this game. Sandy Koufax's perfect game Sandy Koufax of the Los Angeles Dodgers pitched a perfect game in the National League against the Chicago Cubs at Dodger Stadium on September 9, 1965. Koufax, by retiring 27 consecutive batters without allowing any to reach base, became the sixth pitcher of the modern era, eighth overall, to throw a perfect game. The game was Koufax's fourth no-hitter, breaking Bob Feller's Major League record of three (and later broken by", + "score": 0.720703125 + }, + { + "id": "2371002", + "title": "Randy Johnson", + "text": "thing he did accomplish that year was hitting his first career home run in a September 19, 2003 game against the Milwaukee Brewers. It was the only home run to date for Johnson, a career .125 hitter. On May 18, 2004, Johnson pitched the 17th perfect game in baseball history. At 40 years of age, he was the oldest pitcher to accomplish this feat. Johnson had 13 strikeouts on his way to a 2\u20130 victory against the Atlanta Braves. The perfect game made him the fifth pitcher in Major League history (after Cy Young, Jim Bunning, Nolan Ryan, and Hideo", + "score": 0.720703125 + }, + { + "id": "14711850", + "title": "Shutouts in baseball", + "text": "inning, he cannot receive a shutout. This situation is very rare today, because starting pitchers will rarely pitch into extra innings. On June 3, 1995, Pedro Mart\u00ednez of the Montreal Expos had a perfect game through nine innings against the San Diego Padres. The Expos failed to score as well, and the game was forced into extra innings. The Expos scored a run in the top of the 10th inning. In the bottom of the same inning, Mart\u00ednez gave up a leadoff double to Bip Roberts to break up the perfect game and no-hitter. Mart\u00ednez was immediately replaced by Mel", + "score": 0.720703125 + }, + { + "id": "14899397", + "title": "Jean Faut", + "text": "period (1943\u201347), and two when overhand pitching style was adopted throughout the last seasons (1948\u201354). Both of these latter games were hurled by Jean Faut. Since the founding of the National League in to , opposing pitchers have had over 210,000 games to throw perfect games during a regular season, a feat accomplished by only twenty-three pitchers in more than a century of Major League Baseball play. That equates to approximately one perfect game in every 17,809 opportunities. No Major League pitcher has ever been perfect twice in his professional career, while many of the greatest have never done so", + "score": 0.7197265625 + }, + { + "id": "14622069", + "title": "Armando Galarraga's near-perfect game", + "text": "first such game since Mike Mussina's bid for a perfect game on September 2, 2001, which was broken up by 27th batter Carl Everett. It was also the third time for a Tigers pitcher to come so close to a perfect game, as Milt Wilcox also missed getting the 27th straight batter out on April 15, 1983, and Tommy Bridges missed the 27th batter on August 5, 1932. Galarraga's near-perfect game was the tenth time in major league history that the 27th batter in a game broke up what was (to that point) a perfect game. One other instance of", + "score": 0.7197265625 + }, + { + "id": "9541179", + "title": "The Perfect Game", + "text": "did not deliver. The Perfect Game The Perfect Game is a 2009 American drama film directed by William Dear, based on the 2008 book of the same name written by W. William Winokur. The film is based on the events leading to the 1957 Little League World Series, which was won by the first team from outside the United States, the Industrial Little League of Monterrey, Mexico, who defeated the heavily favored U.S. team. Mexican pitcher \u00c1ngel Mac\u00edas threw the first, and so far only, perfect game in championship game history. C\u00e9sar Faz (Clifton Collins, Jr.), moves to Monterrey, Mexico,", + "score": 0.7197265625 + }, + { + "id": "865351", + "title": "Jim Bunning", + "text": "pitched the seventh perfect game in Major League Baseball history on June 21, 1964, the first game of a Father's Day doubleheader at Shea Stadium, against the New York Mets. The perfect game was the first since 1880 in the National League. Bunning was inducted into the National Baseball Hall of Fame and Museum in 1996 after election by the Hall's Veterans Committee. After retiring from baseball, Bunning returned to his native northern Kentucky and was elected to the Fort Thomas city council, then the Kentucky Senate, in which he served as minority leader. In 1986, Bunning was elected to", + "score": 0.71923828125 + } + ], + "answer": "Over the 150 years of Major League Baseball history, and over 218,400 games played, there have been 23 official perfect games by the current definition, no pitcher has ever thrown more than one. The most recent perfect game by an RHP, was thrown on August 15, 2012, by F\u00e9lix Hern\u00e1ndez, the Seattle Mariners. For an LHP, the last perfect game was by Dallas Braden on Mothers Day May 9, 2010. " + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "What did King John build on Kenilworth Castle?", + "short_answers": [ + "outer bailey wall in stone, and Mortimer's and Lunn's Towers" + ], + "wikipage": null + }, + { + "context": "Henry's successor, Richard I, paid relatively little attention to Kenilworth, but under King John significant building resumed at the castle. When John was excommunicated in 1208, he embarked on a programme of rebuilding and enhancing several major royal castles. These included Corfe, Odiham, Dover, Scarborough as well as Kenilworth. John spent \u00a31,115 on Kenilworth Castle between 1210 and 1216, building the outer bailey wall in stone and improving the other defences, including creating Mortimer's and Lunn's Towers. He also significantly improved the castle's water defences by damming the Finham and Inchford Brooks, creating the Great Mere. The result was to turn Kenilworth into one of the largest English castles of the time, with one of the largest artificial lake defences in England. John was forced to cede the castle to the baronial opposition as part of the guarantee of the Magna Carta, before it reverted to royal control early in the reign of his son, Henry III.", + "question": "What did King John do to Kenilworth Castle in the area of water?", + "short_answers": [ + "improved the castle's water defences by damming the Finham and Inchford Brooks" + ], + "wikipage": "Kenilworth Castle" + } + ], + "wikipages": [ + { + "title": "Kenilworth Castle", + "url": "https://en.wikipedia.org/wiki/Kenilworth%20Castle" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "John (24 December 1166 \u2013 19 October 1216) was King of England from 1199 until his death in 1216. ", + "wikipage": "John, King of England" + } + ], + "long_answer": "Between 1210 and 1216, King John of England spent \u00a31,115 on rebuilding and enhancing the Kenilworth Castle. This was done by building the outer bailey wall in stone and improving the other defences, including creating the Mortimer's and Lunn's Towers. He also significantly improved the castle's water defences by damming the Finham and Inchford Brooks, creating the Great Mere. " + }, + { + "knowledge": [ + { + "content": "Kenilworth Castle, in the town of Kenilworth in Warwickshire, England, was founded during the Norman conquest of England; with development through to the Tudor period.", + "wikipage": "Kenilworth Castle" + }, + { + "content": "The outer bailey wall, long and relatively low, was built mainly by King John; it has numerous buttresses but only a few towers, being designed to be defended primarily by the water system of the Great Mere and Lower Pool.[5]", + "wikipage": "Kenilworth Castle Entrance and outer bailey wall" + } + ], + "long_answer": "Kenilworth Castle, in the town of Kenilworth in Warwickshire, England, was founded during the Norman conquest of England with development through to the Tudor period. The outer bailey wall in stone, and Mortimer's and Lunn's Towers were built mainly by King John. The outer bailey wall has numerous buttresses but only a few towers, being designed to be defended primarily by the water system of the Great Mere and Lower Pool. John spent \u00a31,115 on Kenilworth Castle between 1210 and 1216,building the outer bailey wall in stone and improving the other defences, including creating Mortimer's and Lunn's Towers. He also significantly improved the castle's water defences by damming the Finham and Inchford Brooks, creating the Great Mere." + } + ], + "sample_id": "-8534708749215000469", + "question": "What did king john do to kenilworth castle?", + "docs": [ + { + "id": "227497", + "title": "Kenilworth Castle", + "text": "lake that preceded the creation of the Great Mere, and the local chase for hunting. Henry's successor, Richard I, paid relatively little attention to Kenilworth, but under King John significant building resumed at the castle. When John was excommunicated in 1208, he embarked on a programme of rebuilding and enhancing several major royal castles. These included Corfe, Odiham, Dover, Scarborough as well as Kenilworth. John spent \u00a31,115 on Kenilworth Castle between 1210 and 1216, building the outer bailey wall in stone and improving the other defences, including creating Mortimer's and Lunn's Towers. He also significantly improved the castle's water defences", + "score": 0.84912109375, + "summary": "King John spent \u00a31,115 on Kenilworth Castle between 1210 and 1216, building the outer bailey wall in stone and improving the other defences, including creating Mortimer's and Lunn's Towers. He also significantly improved the castle's water defences.", + "extraction": "King John spent \u00a31,115 on Kenilworth Castle between 1210 and 1216, building the outer bailey wall in stone, improving the other defences, creating Mortimer's and Lunn's Towers, and significantly improving the castle's water defences." + }, + { + "id": "227507", + "title": "Kenilworth Castle", + "text": "Blanche married John of Gaunt, the third son of Edward III; their union, and combined resources, made John the second richest man in England next to the king himself. After Blanche's death, John married Constance, who had a claim to the kingdom of Castile, and John styled himself the king of Castile and Le\u00f3n. Kenilworth was one of the most important of his thirty or more castles in England. John began building at Kenilworth between 1373 and 1380 in a style designed to reinforce his royal claims in Iberia. John constructed a grander great hall, the Strong Tower, Saintlowe Tower,", + "score": 0.81982421875, + "summary": "John began building at Kenilworth between 1373 and 1380 in a style designed to reinforce his royal claims in Iberia. However, the document does not mention what he specifically did to Kenilworth Castle.", + "extraction": "John began building at Kenilworth between 1373 and 1380 in a style designed to reinforce his royal claims in Iberia. So, he did not do anything specific to Kenilworth Castle but built it in a way that would support his claim to the kingdom of Castile and Le\u00f3n." + }, + { + "id": "227508", + "title": "Kenilworth Castle", + "text": "the state apartments and the new kitchen complex. When not campaigning abroad, John spent much of his time at Kenilworth and Leicester, and used Kenilworth even more after 1395 when his health began to decline. In his final years, John made extensive repairs to the whole of the castle complex. Many castles, especially royal castles, were left to decay in the 15th century; Kenilworth, however, continued to be used as a centre of choice, forming a late medieval \"palace fortress\". Henry IV, John of Gaunt's son, returned Kenilworth to royal ownership when he took the throne in 1399 and made", + "score": 0.8046875, + "summary": "King John made extensive repairs to the whole of the Kenilworth Castle complex in his final years.", + "extraction": "In his final years, John made extensive repairs to the whole of the castle complex." + }, + { + "id": "227475", + "title": "Kenilworth Castle", + "text": "in 1266. John of Gaunt spent lavishly in the late 14th century, turning the medieval castle into a palace fortress designed in the latest perpendicular style. The Earl of Leicester then expanded the castle once again, constructing new Tudor buildings and exploiting the medieval heritage of Kenilworth to produce a fashionable Renaissance palace. Kenilworth was partly destroyed by Parliamentary forces in 1649 to prevent it being used as a military stronghold. Ruined, only two of its buildings remain habitable today. The castle became a tourist destination from the 18th century onwards, becoming famous in the Victorian period following the publishing", + "score": 0.79248046875, + "summary": "King John's actions towards Kenilworth Castle are not mentioned in the document.", + "extraction": "Irrelevant. The passage does not provide any information about what King John did to Kenilworth Castle." + }, + { + "id": "227523", + "title": "Kenilworth Castle", + "text": "a set of dioramas for home display\", including Sir Arthur Sullivan's 1865 cantata \"The Masque at Kenilworth\". J. M. W. Turner painted several watercolours of the castle. The number of visitors increased, including Queen Victoria and Charles Dickens. Work was undertaken during the 19th century to protect the stonework from further decline, with particular efforts to remove ivy from the castle in the 1860s. The castle remained the property of the Clarendons until 1937, when Lord Clarendon found the maintenance of the castle too expensive and sold Kenilworth to the industrialist Sir John Siddeley. Siddeley, whose tax accounting in the", + "score": 0.79150390625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage only mentions visitors, paintings, and maintenance of the castle, but does not provide any information on what King John did to Kenilworth Castle." + }, + { + "id": "1498181", + "title": "Kenilworth", + "text": "used instead of the castle's state apartments. In the 16th century Henry VIII had the banqueting house demolished and the materials re-used for new timber-framed buildings inside the castle. The mere was drained in 1649 but \"The Pleasaunce\" earthworks survive and are a Scheduled Monument. Elizabeth I visited Robert Dudley, 1st Earl of Leicester at Kenilworth Castle several times, the last of which was in 1575. Dudley entertained the Queen with pageants and banquets that cost some \u00a31,000 per day, presenting diversions and pageants surpassing anything ever before seen in England. These included fireworks. Warwick District Council owns and manages", + "score": 0.7841796875, + "summary": "In the 16th century, Henry VIII demolished the banqueting house of Kenilworth Castle and used the materials for new buildings. Elizabeth I visited the castle several times and was entertained by Robert Dudley with costly pageants and banquets. However, there is no information on what King John did to the castle.", + "extraction": "King John did not do anything to Kenilworth Castle in the given passage. The extracted span is irrelevant to the question." + }, + { + "id": "227511", + "title": "Kenilworth Castle", + "text": "purposes of protection. Kenilworth remained an important Lancastrian stronghold for the rest of the war, often acting as a military balance to the nearby castle of Warwick. With the victory of Henry VII at Bosworth, Kenilworth again received royal attention; Henry visited frequently and had a tennis court constructed at the castle for his use. His son, Henry VIII, decided that Kenilworth should be maintained as a royal castle. He abandoned the Pleasance and had part of the timber construction moved into the base court of the castle. The castle remained in royal hands until it was given to John", + "score": 0.78125, + "summary": "King John was given Kenilworth Castle, but there is no information on what he did with it.", + "extraction": "irrelevant" + }, + { + "id": "227503", + "title": "Kenilworth Castle", + "text": "as both a social and a financial centre for Thomas. Thomas built the first great hall at the castle from 1314 to 1317 and constructed the Water Tower along the outer bailey, as well as increasing the size of the chase. Lancaster, with support from many of the other English barons, found himself in increasing opposition to Edward II. War broke out in 1322, and Lancaster was captured at the Battle of Boroughbridge and executed. His estates, including Kenilworth, were confiscated by the crown. Edward and his wife, Isabella of France, spent Christmas 1323 at Kenilworth, amidst major celebrations. In", + "score": 0.77880859375, + "summary": "King John's actions towards Kenilworth Castle are not mentioned in the document.", + "extraction": "irrelevant" + }, + { + "id": "19753423", + "title": "King John's Castle (Carlingford)", + "text": "1st Earl of Inchiquin in 1649 and Charles Coote, 1st Earl of Mountrath in 1650. During the Williamite War it was fired on by Jacobites in 1689 and used as a Williamite hospital by Frederick Schomberg, 1st Duke of Schomberg prior to the Battle of the Boyne. King John's Castle is a D-shaped enclosure castle with walls thick. The curtain wall in the west wing had a gate house and a square flanking tower. The curtain wall also contains deep embrasures with narrow arrowslits. A large rectangular hall is in the east wing: this hall had two main floors over", + "score": 0.77685546875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention King John doing anything to Kenilworth Castle." + }, + { + "id": "227517", + "title": "Kenilworth Castle", + "text": "castle and its grounds, including the planting of gardens, the restoration of fish-ponds and improvement to the game park. During 1611\u201312 Dudley arranged to sell Kenilworth Castle to Henry, by then Prince of Wales. Henry died before completing the full purchase, which was finalised by his brother, Charles, who bought out the interest of Dudley's abandoned wife, Alice Dudley. When Charles became king, he gave the castle to his wife, Henrietta Maria; he bestowed the stewardship on Robert Carey, Earl of Monmouth, and after his death gave it to Carey's sons Henry and Thomas. Kenilworth remained a popular location for", + "score": 0.7744140625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The given passage doesn't mention anything about King John and his actions towards Kenilworth Castle." + }, + { + "id": "9689212", + "title": "Kington Castle", + "text": "Braose held the castle for many years in his capacity as High Sheriff of Herefordshire. In 1201, King John granted the castle and barony to him as his favourite Marcher Baron. However, another dispute arose, and the castle returned to the crown again, later to be granted to King John's supporter Roger Clifford in 1213. In 1215, members of the de Braose family attacked the castle, and in an act of vengeance, King John destroyed it. No further fortifications have subsequently been made on the same site. Kington Castle Kington Castle stood in the medieval market town of Kington in", + "score": 0.7724609375, + "summary": "Irrelevant.", + "extraction": "King John destroyed Kenilworth castle as an act of vengeance. (Note: The passage does not mention Kenilworth Castle, so the answer is \"irrelevant\".)" + }, + { + "id": "1542663", + "title": "Warwick Castle", + "text": "was taken in a surprise attack by the forces of Simon de Montfort, 6th Earl of Leicester, from Kenilworth Castle in 1264. According to 15th-century chronicler John Rous, the walls along the northeastern side of Warwick Castle were slighted, so \"that it should be no strength to the king\". Maudit and his countess were taken to Kenilworth Castle and were held there until a ransom was paid. After the death of William Maudit in 1267, the title and castle passed to his nephew, William de Beauchamp, 9th Earl of Warwick. Following William's death, Warwick Castle passed through seven generations of", + "score": 0.76904296875, + "summary": "In 1264, forces from Kenilworth Castle, led by Simon de Montfort, attacked Warwick Castle and slighted its walls on the northeastern side so it would not be a strength to the king. King John did not have a direct involvement with this event.", + "extraction": "King John did nothing to Kenilworth Castle. (irrelevant)" + }, + { + "id": "227494", + "title": "Kenilworth Castle", + "text": "younger brother, Duke Humphrey of Gloucester, at Greenwich in the 1430s, as well by his son, John of Lancaster at Fulbrook. The Pleasance was eventually dismantled by Henry VIII and partially moved into the left-hand court inside the castle itself, possibly to add to the anachronistic appearance. These elements were finally destroyed in the 1650s. Kenilworth Castle was founded in the early 1120s by Geoffrey de Clinton, Lord Chamberlain and treasurer to Henry I. The castle's original form is uncertain. It has been suggested that it consisted of a motte, an earthen mound surmounted by wooden buildings; however, the stone", + "score": 0.76904296875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "227474", + "title": "Kenilworth Castle", + "text": "Kenilworth was also the scene of the removal of Edward II from the English throne, the French insult to Henry V in 1414 (said by John Strecche to have encouraged the Agincourt campaign), and the Earl of Leicester's lavish reception of Elizabeth I in 1575. The castle was built over several centuries. Founded in the 1120s around a powerful Norman great tower, the castle was significantly enlarged by King John at the beginning of the 13th century. Huge water defences were created by damming the local streams, and the resulting fortifications proved able to withstand assaults by land and water", + "score": 0.76708984375, + "summary": "King John significantly enlarged Kenilworth Castle at the beginning of the 13th century by creating huge water defences.", + "extraction": "King John significantly enlarged Kenilworth Castle at the beginning of the 13th century, creating huge water defences by damming the local streams which proved able to withstand assaults by land and water." + }, + { + "id": "4919843", + "title": "John Siddeley, 1st Baron Kenilworth", + "text": "of the Engineering and Allied Employers' National Federation for 1935-1936. On his retirement he bought and gave to the nation the historic Kenilworth Castle. To commemorate the coronation of King George VI and Queen Elizabeth in 1937, Lord Kenilworth also made a gift of \u00a3100,000 to Fairbridge Farm Schools, a charity to offer opportunities and education abroad to young people from broken homes. After his retirement he moved to Jersey where he died a few days after his wife in November 1953, aged 87, a voluntary tax exile and a rich man. He was succeeded in the barony by his", + "score": 0.7666015625, + "summary": "Irrelevant.", + "extraction": "King John did nothing to Kenilworth Castle. The passage is irrelevant to the question." + }, + { + "id": "20597073", + "title": "Sussex in the High Middle Ages", + "text": "II. In 1208 King John confiscated Bramber Castle from the de Braose family, after suspecting them of treachery. Having lost Normandy, and fearing a naval invasion of England from Philip II of France, John sent his fleet across the English Channel to capture and destroy Philip's ships in the estuary of the River Seine as well as to attack the ports of Dieppe and F\u00e9camp before returning to Winchelsea, where John congratulated his captains on their success. On 22 January 1215 while King John visited Knepp Castle for 4 days, confederated barons assembled in London to determine how best to", + "score": 0.76416015625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention Kenilworth Castle." + }, + { + "id": "227518", + "title": "Kenilworth Castle", + "text": "both King James I and his son Charles, and accordingly was well maintained. The most famous royal visit occurred in 1624, when Ben Jonson's \"The Masque of Owls at Kenilworth\" was performed for Charles. The First English Civil War broke out in 1642. During its early campaigns, Kenilworth formed a useful counterbalance to the Parliamentary stronghold of Warwick. Kenilworth was used by Charles on his advance to Edgehill in October 1642 as a base for raids on Parliamentary strongholds in the Midlands. After the battle, however, the royalist garrison was withdrawn on the approach of Lord Brooke, and the castle", + "score": 0.7626953125, + "summary": "During the First English Civil War, King Charles used Kenilworth Castle as a base for raids on Parliamentary strongholds, but the royalist garrison was withdrawn after the battle of Edgehill. Irrelevant.", + "extraction": "King John did not do anything to Kenilworth Castle in the given passage. The answer is irrelevant." + }, + { + "id": "227520", + "title": "Kenilworth Castle", + "text": "William Dugdale, who published his results in 1656. Colonel Joseph Hawkesworth, responsible for the implementation of the slighting, acquired the estate for himself and converted Leicester's gatehouse into a house; part of the base court was turned into a farm, and many of the remaining buildings were stripped for their materials. In 1660 Charles II was restored to the throne, and Hawkesworth was promptly evicted from Kenilworth. The Queen Mother, Henrietta Maria, briefly regained the castle, with the Earls of Monmouth acting as stewards once again, but after her death King Charles II granted the castle to Sir Edward Hyde,", + "score": 0.76220703125, + "summary": "King John's actions towards Kenilworth Castle are not mentioned in the document.", + "extraction": "King John did nothing to Kenilworth Castle in this passage. The answer is irrelevant." + }, + { + "id": "227496", + "title": "Kenilworth Castle", + "text": "development of the castle. Henry II succeeded to the throne at the end of the Anarchy but during the revolt of 1173\u201374 he faced a significant uprising led by his son, Henry, backed by the French crown. The conflict spread across England and Kenilworth was garrisoned by Henry II's forces; Geoffrey II de Clinton died in this period and the castle was taken fully into royal possession, a sign of its military importance. The Clintons themselves moved on to Buckinghamshire. By this point Kenilworth Castle consisted of the great keep, the inner bailey wall, a basic causeway across the smaller", + "score": 0.76123046875, + "summary": "During the 1173-74 revolt led by Henry II's son, Kenilworth Castle was garrisoned by Henry II's forces and taken into royal possession, indicating its military importance. However, there is no information on what King John did to the castle.", + "extraction": "King John took possession of Kenilworth Castle after the death of Geoffrey II de Clinton during a significant uprising led by Henry II's son in 1173-74, indicating its military importance." + }, + { + "id": "227498", + "title": "Kenilworth Castle", + "text": "by damming the Finham and Inchford Brooks, creating the Great Mere. The result was to turn Kenilworth into one of the largest English castles of the time, with one of the largest artificial lake defences in England. John was forced to cede the castle to the baronial opposition as part of the guarantee of the Magna Carta, before it reverted to royal control early in the reign of his son, Henry III. Henry III granted Kenilworth in 1244 to Simon de Montfort, Earl of Leicester, who later became a leader in the Second Barons' War (1263\u201367) against the king, using", + "score": 0.7607421875, + "summary": "King John created an artificial lake defense by damming the Finham and Inchford Brooks at Kenilworth Castle. He later ceded the castle to the baronial opposition as part of the guarantee of the Magna Carta, and it reverted to royal control during the reign of his son, Henry III. Henry III granted the castle to Simon de Montfort, Earl of Leicester, who later became a leader in the Second Barons' War against the king.", + "extraction": "King John was forced to cede Kenilworth Castle to the baronial opposition as part of the guarantee of the Magna Carta." + }, + { + "id": "19753421", + "title": "King John's Castle (Carlingford)", + "text": "King John's Castle (Carlingford) King John's Castle, also known as Carlingford Castle, is an enclosure castle and National Monument located in Carlingford, County Louth, Ireland. King John's Castle is located in Carlingford town's harbour, halfway along the south coast of Carlingford Lough. Carlingford Castle's west wing was built in the late 12th century by Hugh de Lacy, Lord of Meath shortly after the Norman invasion of Ireland. It acquired the name \"King John's Castle\" after King John, Lord of Ireland, supposedly stayed there for three days in 1210, during his second expedition, when he invaded Ulster to apprehend Hugh de", + "score": 0.7578125 + }, + { + "id": "20506138", + "title": "King John's Castle (Kilmallock)", + "text": "King John's Castle (Kilmallock) King John's Castle or King's Castle is a tower house and National Monument located in Kilmallock, Ireland. King John's Castle is located in Kilmallock, west of the Collegiate Church of St Peter and St Paul and southwest of Kilmallock Abbey. Despite the name, the tower house (or peel tower) was not erected during King John's reign (1177\u20131216) but some time in the 15th century. The name is probably intended to invite comparison to King John's Castle, Limerick. There are some original mullioned windows still present but most were replaced with 18th-century windows. It was granted to", + "score": 0.7568359375 + }, + { + "id": "19753424", + "title": "King John's Castle (Carlingford)", + "text": "a basement. King John's Castle (Carlingford) King John's Castle, also known as Carlingford Castle, is an enclosure castle and National Monument located in Carlingford, County Louth, Ireland. King John's Castle is located in Carlingford town's harbour, halfway along the south coast of Carlingford Lough. Carlingford Castle's west wing was built in the late 12th century by Hugh de Lacy, Lord of Meath shortly after the Norman invasion of Ireland. It acquired the name \"King John's Castle\" after King John, Lord of Ireland, supposedly stayed there for three days in 1210, during his second expedition, when he invaded Ulster to apprehend", + "score": 0.7568359375 + }, + { + "id": "1145551", + "title": "Berkhamsted", + "text": "spent over \u00a3300 on improvements to the castle, a claim that led Henry to accuse him of corruption and may have contributed to Becket's downfall. Henry II extensively used the castle, making it one of his favourite residences. Both King Richard I and King John gave the castle to their queens, Berengaria of Navarre and Isabella of Angoul\u00eame, respectively. In King John's reign, Geoffrey Fitz Peter (c. 1162\u20131213), Earl of Essex and the Chief Justiciar of England (effectively the king's principal minister) held the Honour and Manor of Berkhamsted from 1199 to 1212. During his time in the castle he", + "score": 0.75634765625 + }, + { + "id": "1883330", + "title": "Tamworth Castle", + "text": "family, hereditary champions of the Dukes of Normandy and then of the new Kings of England, held the castle for six generations from c.1100 - 1294. It was during their occupancy that the castle began to be remodelled in stone, although on one occasion it was also in danger of being demolished altogether. Robert Marmion, 3rd Baron Marmion of Tamworth, deserted King John in 1215 during the turmoil of his reign. As a consequence, the king ordered Robert's son Geoffrey to be imprisoned, all of Robert's lands to be confiscated and Tamworth Castle to be demolished. But the fabric had", + "score": 0.7548828125 + }, + { + "id": "3757943", + "title": "King John's Castle (Limerick)", + "text": "my first entrance it did amaze me\". The walls of the castle were severely damaged in the 1642 Siege of Limerick, the first of five sieges of the city in the 17th century. In 1642, the castle was occupied by Protestants fleeing the Irish Rebellion of 1641 and was besieged by an Irish Confederate force under Garret Barry. Barry had no siege artillery so he undermined the walls of King John's Castle by digging away their foundations. Those inside surrendered just before Barry collapsed the walls. However, such was the damage done to the wall's foundations that a section of", + "score": 0.75439453125 + }, + { + "id": "227509", + "title": "Kenilworth Castle", + "text": "extensive use of the castle. Henry V also used Kenilworth extensively, but preferred to stay in the Pleasance, the mock castle he had built on the other side of the Great Mere. According to the contemporary chronicler John Strecche, who lived at the neighbouring Kenilworth Priory, the French openly mocked Henry in 1414 by sending him a gift of tennis balls at Kenilworth. The French aim was to imply a lack of martial prowess; according to Strecche, the gift spurred Henry's decision to fight the Agincourt campaign. The account was used by Shakespeare as the basis for a scene in", + "score": 0.7529296875 + }, + { + "id": "20506139", + "title": "King John's Castle (Kilmallock)", + "text": "Henry Billingsley in 1588, and to Thomas Browne in 1604. In 1645 it was used as an arsenal by James Tuchet, 3rd Earl of Castlehaven's troops during the Irish Confederate Wars, and was a military hospital in 1651. The tower was renovated in the 18th/19th century and was used as a blacksmith's workshop. A four-storey tower house with some original mullioned windows. It is vaulted above the ground floor and the front and back walls were removed so that the castle is pierced by a large Gothic arch. King John's Castle (Kilmallock) King John's Castle or King's Castle is a", + "score": 0.75244140625 + }, + { + "id": "8052889", + "title": "Haverfordwest Castle", + "text": "his progress around Wales preaching for the 3rd Crusade that Richard I the Lion Heart led to the Holy Land. By 1200, many of the original timber buildings had been replaced with the first stone buildings, including a rectangular north eastern tower to serve as the castle's keep. In 1210 King John took the castle from the Tancred family and Robert Fitz Richard, and in 1213 he gave concessions for the extremely wealthy William Marshal, Earl of Pembroke, to run the castle in return for an exorbitant sum of money. Marshal was responsible for replacing most of the original timber", + "score": 0.7509765625 + }, + { + "id": "1353885", + "title": "Conisbrough Castle", + "text": "Plantagenet's family, passing to his son William de Warenne in 1202. William was probably responsible for the construction of new stone curtain walls around the inner bailey, destroying the former earthwork defences in the process. The inner bailey was levelled and William built a hall and service buildings inside the castle, again in stone. Conisbrough was inherited by William's young son John de Warenne in 1239, but he was still a minor and the castle was initially managed by his mother, Maud. Under John, Conisbrough's constables carried out a range of what the historian Stephen Johnson terms \"colourful if rather", + "score": 0.75 + }, + { + "id": "227476", + "title": "Kenilworth Castle", + "text": "of Sir Walter Scott's novel \"Kenilworth\" in 1821. English Heritage has managed the castle since 1984. The castle is classed as a Grade I listed building and as a Scheduled Monument, and is open to the public. Although now ruined as a result of the slighting, or deliberate partial destruction, of the castle after the English Civil War, Kenilworth illustrates five centuries of English military and civil architecture. The castle is built almost entirely from local new red sandstone. To the south-east of the main castle lie the Brays, a corruption of the French word \"braie\", meaning an external fortification", + "score": 0.7470703125 + }, + { + "id": "19888395", + "title": "John de Kingston", + "text": "John de Kingston Sir John de Kingston, also known as John de Kyngeston, (died after 1336) was an English knight of the late 12th and early 13th centuries from Somerset. As one of King Edward I's leading commanders, he was Governor of Edinburgh Castle from 1298 to 1300 and from 1301 to at least 1305 (possibly as late as 1310). John and his brother Nicholas were captured during the battle of Bannockburn on 24 June 1314. He was the Sheriff of Somerset from 1315-1317. Following Edinburgh Castle's recapture by the English, in 1334 de Kingston was once again given charge", + "score": 0.7470703125 + }, + { + "id": "1353887", + "title": "Conisbrough Castle", + "text": "owner of the castle. In 1322, however, Thomas rebelled against the King and was executed, resulting in Edward taking control of Conisbrough himself. The King visited the castle in 1322, and spent 40 marks on repairing both Conisbrough and the neighbouring castle of Pontefract. Edward was overthrown by his wife Isabella in 1326 and the castle was returned to John. John had hoped to pass the property to his mistress and two illegitimate sons, but he outlived them and on his death in 1347 it reverted to the control of the Crown. Edward III gave the castle to his own", + "score": 0.74658203125 + }, + { + "id": "7550442", + "title": "Windsor Castle", + "text": "internal buildings. King John undertook some building works at Windsor, but primarily to the accommodation rather than the defences. The castle played a role during the revolt of the English barons: the castle was besieged in 1214, and John used the castle as his base during the negotiations before the signing of the Magna Carta at nearby Runnymede in 1215. In 1216 the castle was besieged again by baronial and French troops under the command of the Count of Nevers, but John's constable, Engelard de Cigogn\u00e9, successfully defended it. The damage done to the castle during the second siege was", + "score": 0.74609375 + }, + { + "id": "3478778", + "title": "Warkworth, Northumberland", + "text": "the Scots invaded in 1173. Roger's son Robert inherited and improved the castle. Robert was a favourite of King John, and hosted him at Warkworth Castle in 1213. The castle remained in the family line, with periods of guardianship when heirs were too young to control their estates. King Edward I stayed overnight in 1292 and John de Clavering, a descendant of Roger fitz Richard, made the Crown his inheritor. With the outbreak of the Anglo-Scottish Wars, Edward II invested in castles including Warkworth where he funded the strengthening of the garrison in 1319. Twice in 1327 the Scots besieged", + "score": 0.74609375 + }, + { + "id": "227519", + "title": "Kenilworth Castle", + "text": "was then garrisoned by parliamentary forces. In April 1643 the new governor of the castle, Hastings Ingram, was arrested as a suspected Royalist double agent. By January 1645 the Parliamentary forces in Coventry had strengthened their hold on the castle, and attempts by Royalist forces to dislodge them from Warwickshire failed. Security concerns continued after the end of the First Civil War in 1646, and in 1649 Parliament ordered the slighting of Kenilworth. One wall of the great tower, various parts of the outer bailey and the battlements were destroyed, but not before the building was surveyed by the antiquarian", + "score": 0.74609375 + }, + { + "id": "9436057", + "title": "Norham Castle", + "text": "administered by a constable appointed by the crown and garrisoned by royal soldiers. This continued until 1197, two years after Hugh\u2019s death, when it was restored to his successor, Philip of Poitou. The latter showed himself to be loyal to King John. When Philip died in 1208 the castle reverted to royal control. In 1209 the castle accommodated both King John and William the Lion, on an occasion when William did homage for his English lands to the English king. Between 1208 and 1211, King John maintained the castle defences in good order and provided a strong garrison. The strong", + "score": 0.744140625 + }, + { + "id": "227516", + "title": "Kenilworth Castle", + "text": "Leicester. Kenilworth Castle was valued at \u00a310,401 in 1588, when Leicester died without legitimate issue and heavily in debt. In accordance with his will, the castle passed first to his brother Ambrose, Earl of Warwick, and after the latter's death in 1590, to his illegitimate son, Sir Robert Dudley. Sir Robert Dudley, having tried and failed to establish his legitimacy in front of the Court of the Star Chamber, went to Italy in 1605. In the same year Sir Thomas Chaloner, governor (and from 1610 chamberlain) to James I's eldest son Prince Henry, was commissioned to oversee repairs to the", + "score": 0.744140625 + }, + { + "id": "227524", + "title": "Kenilworth Castle", + "text": "1930s had been at least questionable, was keen to improve his public image and gave over the running of the castle, complete with a charitable donation, to the Commissioner of Works. In 1958 his son gave the castle itself to the town of Kenilworth and English Heritage has managed the property since 1984. The castle is classed as a Grade I listed building and as a Scheduled Monument, and is open to the public. Between 2005\u20132009 English Heritage attempted to restore Kenilworth's garden more closely to its Elizabethan form, using as a basis the description in the Langham letter and", + "score": 0.74365234375 + }, + { + "id": "7824257", + "title": "Scarborough Castle", + "text": "his reign, and spent a considerable sum on the castle. He built the curtain wall on the west and south sides during 1202\u20131212, and a new hall called the \"King's Chambers\", later Mosdale Hall. In total, John spent \u00a32,291, three shillings and fourpence on the castle. This included \u00a3780 that was earmarked for repairing the roof of the keep in 1211\u20131212; John spent more on the castle than any other monarch. The Pipe Rolls, records of royal expenditure, show that John spent over \u00a317,000 on 95 castles during his reign spread, and Scarborough received the most investment. Improvements continued under", + "score": 0.74365234375 + }, + { + "id": "4128677", + "title": "St Andrews Castle", + "text": "army was on its way to relieve the Castle and asked Fife Lairds like John Wemyss of that Ilk to come by 4 November 1546, bringing his followers and whatever artillery they had to resist a sea invasion. Although Henry VIII made plans to assist the Protestants within the castle, the invasion never came and his son Edward VI did not send aid. During an armistice in April 1547, John Knox entered the castle and served as the garrison's preacher for the remainder of the siege. For a time Knox had the freedom to pass to and from the castle", + "score": 0.74365234375 + }, + { + "id": "15212227", + "title": "Warkworth Castle", + "text": "for the family's estates: William de Valence, half-brother of King Henry III. The castle, characterised by this time by the chronicler Matthew Paris as \"noble\", remained under the guardianship of Valence until 1268, when it reverted to Robert fitz John. King Edward I of England stayed at Warkworth Castle for a night in 1292. The English king was asked to mediate in a dispute over the Scottish throne and laid his own claim, leading to the Anglo-Scottish Wars. After the Scottish victory at the Battle of Stirling Bridge in 1297, Robert and his son, John de Clavering, were captured. They", + "score": 0.74365234375 + }, + { + "id": "227505", + "title": "Kenilworth Castle", + "text": "popular ideals of freedom and good government. Royal writs were issued in Edward's name by Isabella from Kenilworth until the next year. A deputation of leading barons led by Bishop Orleton was then sent to Kenilworth to first persuade Edward to resign and, when that failed, to inform him that he had been deposed as king. Edward formally resigned as king in the great hall of the castle on 21 January 1327. As the months went by, however, it became clear that Kenilworth was proving a less than ideal location to imprison Edward. The castle was in a prominent part", + "score": 0.74365234375 + }, + { + "id": "227521", + "title": "Kenilworth Castle", + "text": "whom he later created Baron Hyde of Hindon and Earl of Clarendon. The ruined castle continued to be used as a farm, with the gatehouse as the principal dwelling; the King's Gate was added to the outer bailey wall during this period for the use of farm workers. Kenilworth remained a ruin during the 18th and 19th centuries, still used as a farm but increasingly also popular as a tourist attraction. The first guidebook to the castle, \"A Concise history and description of Kenilworth Castle\", was printed in 1777 with many later editions following in the coming decades. The castle's", + "score": 0.7431640625 + }, + { + "id": "15212218", + "title": "Warkworth Castle", + "text": "fitz Richard. The timber castle was considered \"feeble\", and was left undefended when the Scots invaded in 1173. Roger's son Robert inherited and improved the castle. Robert was a favourite of King John, and hosted him at Warkworth Castle in 1213. The castle remained in the family line, with periods of guardianship when heirs were too young to control their estates. King Edward I stayed overnight in 1292 and John de Clavering, descendant of Roger fitz Richard, made the Crown his inheritor. With the outbreak of the Anglo-Scottish Wars, Edward II invested in castles including Warkworth where he funded the", + "score": 0.7421875 + }, + { + "id": "15146141", + "title": "Sea\u0301n Mo\u0301r Mac Dho\u0300mhnaill, 3rd of Dunnyveg", + "text": "of Islay being required to forfeit his title of \"Lord of the Isles\" and paid homage to King James IV of Scotland, the King garrisoned and provisioned Tarbert and Dunaverty Castle with Royal forces in 1494. Sir John MacDonald, whom the king had recently knighted and to whom and John had rendered homage, retook Dunaverty Castle just as the King was sailing for Stirling. The dead body of the castle's governor was hung over the castle walls in sight of the King and his departing entourage. The King, infuriated by Sir John's actions, declared Sir John a traitor and he", + "score": 0.7421875 + }, + { + "id": "15170269", + "title": "Peveril Castle", + "text": "for the Peak lordship, although the castle remained under royal control. The closest Peveril Castle came to seeing battle was in 1216, when King John gave the castle to William de Ferrers, but the castellan refused to relinquish control. Although they were both John's supporters, the king authorised the earl to use force to evict the castellan, who eventually capitulated, although there is no evidence that the castle was assaulted. In 1223 the castle returned to the Crown. In the 13th century there were periods of building work at the castle, and by 1300 its final form had been established.", + "score": 0.7421875 + }, + { + "id": "1353886", + "title": "Conisbrough Castle", + "text": "unlawful dealings\"; one was ultimately charged with having conducted \"devilish and innumerable oppressions\". Further work was carried out in the castle during John's ownership, including modernising the castle hall and solar. The castle passed to John's grandson, also called John, who, in 1304, married Joan de Barr. The marriage broke down but John's attempts to gain a divorce in 1316 failed in the law courts. John blamed Thomas, the Earl of Lancaster, for this and in response he kidnapped Thomas' wife; Thomas then retaliated by seizing Conisbrough Castle. Edward II intervened in the dispute and confirmed Thomas as the new", + "score": 0.7412109375 + }, + { + "id": "1629711", + "title": "Ludlow Castle", + "text": "under the control of William de Braose, his father-in-law. Walter's lands were returned to him, subject to the payment of a fine of 400 marks, but in 1207 his disagreements with royal officials in Ireland led to King John seizing the castle and putting it under the control of William again. Walter reconciled himself with John the following year, but meanwhile William himself had fallen out with the King; violence broke out and both Walter and William took refuge in Ireland, with John taking control of Ludlow yet again. It was not until 1215 that their relationship recovered and John", + "score": 0.74072265625 + }, + { + "id": "12660627", + "title": "Thomas Underhill", + "text": "block overlooking the lake. Elizabeth visited Dudley at Kenilworth Castle several times in 1566, 1568, and 1575. The last visit is especially remembered for Elizabeth brought an entourage of several hundred people who were entertained for 19 days at a reputed cost to Dudley of \u00a31000 per day, an amount that almost bankrupted him. Thomas Underhill and Magdalen Amyas married in 1570 and had one son, John Edward Underhill, who was born 1574 at Kenilworth. John Edward Underhill (1574\u20131608), grandson of Hugh Underhill and son of Thomas Underhill, despite being born in England would be among Puritan exiles who left", + "score": 0.740234375 + }, + { + "id": "227499", + "title": "Kenilworth Castle", + "text": "Kenilworth as the centre of his operations. Initially the conflict went badly for King Henry, and after the Battle of Lewes in 1264 he was forced to sign the Mise of Lewes, under which his son, Prince Edward, was given over to the rebels as a hostage. Edward was taken back to Kenilworth, where chroniclers considered he was held in unduly harsh conditions. Released in early 1265, Edward then defeated Montfort at the Battle of Evesham; the surviving rebels under the leadership of Henry de Hastings, Montfort's constable at Kenilworth, regrouped at the castle the following spring. Edward's forces proceeded", + "score": 0.740234375 + }, + { + "id": "227500", + "title": "Kenilworth Castle", + "text": "to lay siege to the rebels. The Siege of Kenilworth Castle in 1266 was \"probably the longest in English history\" according to historian Norman Pounds, and at the time was also the largest siege to have occurred in England in terms of the number of soldiers involved. Simon de Monfort's son, Simon VI de Montfort, promised in January 1266 to hand over the castle to the king. Five months later this had not happened, and Henry III laid siege to Kenilworth Castle on 21 June. Protected by the extensive water defences, the castle withstood the attack, despite Edward targeting the", + "score": 0.73876953125 + }, + { + "id": "14996767", + "title": "Berkhamsted Castle", + "text": "a town in 1156. Under King John the castle was part of the lands forming the jointure of his second wife Isabella. John entrusted the castle to Geoffrey Fitz Peter in 1206, who rebuilt much of the town. Geoffrey died in 1213 and the castle passed to his son, John Fitzgeoffrey. Political tensions in England began to rise, however, and a potential conflict between King John and an alliance of rebel barons opposed to his rule began to look likely. In early 1215, King John installed a trusted German mercenary called Ranulph in charge of Berkhamsted Castle and reviewed the", + "score": 0.73828125 + }, + { + "id": "1498177", + "title": "Kenilworth", + "text": "Domesday Book of 1086, which records it as \"Chinewrde\" meaning \"farm of a woman named Cynehild\". Geoffrey de Clinton (died 1134) initiated the building of an Augustinian priory in 1122, at the same time as he initiated the building of Kenilworth Castle. The priory was raised to the rank of abbey in 1450 and suppressed in the Dissolution of the Monasteries in the 1530s. Thereafter, the abbey grounds next to the castle were made common land in exchange for what Robert Dudley, 1st Earl of Leicester used to enlarge the castle. Only a few walls and a storage barn of", + "score": 0.73828125 + }, + { + "id": "12068467", + "title": "Walworth Castle", + "text": "that Jennison's architect was probably Thomas Holt. In 1586 Jenison died, and his widow Elizabeth \"n\u00e9e\" Birch inherited the castle. It was during her ownership that King James VI of Scotland is believed to have rested here on 14 May 1603 while travelling to his coronation as king of England. It is said that the king knighted her son\u2212in\u2212law George Freville in return for bountiful entertainment at the castle. In 1605 Elizebeth Jenison died and her son William Jenison inherited the castle. It became dilapidated because he did not live there, because he was in debt and because in 1610", + "score": 0.73828125 + }, + { + "id": "3757666", + "title": "HMS Kenilworth Castle (K420)", + "text": "HMS Kenilworth Castle (K420) HMS \"Kenilworth Castle\" was a of the Royal Navy. She was built by Smiths Dock Company at South Bank, North Yorkshire, launched on 17 August 1943, and commissioned on 14 November 1943. In World War II, she served as a convoy escort and took part in the sinking of two U-boats: \"Kenilworth Castle\" was scrapped at Llanelli in June 1956. The bell of HMS Kenilworth Castle was gifted to The Bugle Inn Yarmouth, Isle of Wight Lt. Cmdr. James Joseph Allon (1 May 1910 \u2013 31 May 2004) commanded \"Kenilworth Castle\" in the Second World War.", + "score": 0.73779296875 + }, + { + "id": "227512", + "title": "Kenilworth Castle", + "text": "Dudley in 1553. Dudley came to prominence under Henry VIII and became the leading political figure under Edward VI. Dudley was a patron of John Shute, an early exponent of classical architecture in England, and began the process of modernising Kenilworth. Before his execution in 1553 by Queen Mary for attempting to place Lady Jane Grey on the throne, Dudley had built the new stable block and widened the tiltyard to its current form. Kenilworth was restored to Dudley's son, Robert, Earl of Leicester, in 1563, four years after the succession of Elizabeth I to the throne. Leicester's lands in", + "score": 0.7373046875 + }, + { + "id": "6893987", + "title": "Skenfrith Castle", + "text": "castle to face an attack, and in 1186, \u00a343 was spent developing the defences followed by more work in 1190, probably establishing a stone keep and curtain wall. In 1201, King John gave the Three Castles to Hubert de Burgh. Hubert was a minor landowner who had become John's household chamberlain when he was still a prince, and went on to become an increasingly powerful royal official once John had inherited the throne. Hubert began to upgrade his new castles, starting with Grosmont, but was captured while fighting in France. While Hubert was in captivity, King John took back the", + "score": 0.736328125 + }, + { + "id": "4556034", + "title": "Baconsthorpe Castle", + "text": "younger brother, Sir John III. John became the Lieutenant General of the Ordnance and, when civil war broke out in 1642, he fought on the side of King Charles I. In response, Parliament seized his lands and he was declared delinquent in 1646. He bought his estates back, but began to demolish Baconsthorpe around 1650 in order to sell off the stonework. John died in debt in 1653, leaving the castle to his son, Charles Heydon, who continued to dispose of the stone: 29 cartloads were sold the following year for \u00a330, for reuse at Felbrigg Hall. Charles' brother, William", + "score": 0.736328125 + }, + { + "id": "227506", + "title": "Kenilworth Castle", + "text": "of the Midlands, in an area that held several nobles who still supported Edward and were believed to be trying to rescue him. Henry's loyalty was also coming under question. In due course, Isabella and Mortimer had Edward moved by night to Berkeley Castle, where he died shortly afterwards. Isabella continued to use Kenilworth as a royal castle until her fall from power in 1330. Henry of Grosmont, the Duke of Lancaster, inherited the castle from his father in 1345 and remodelled the great hall with a grander interior and roof. On his death Blanche of Lancaster inherited the castle.", + "score": 0.736328125 + }, + { + "id": "15194140", + "title": "Rochester Castle", + "text": "in 1199 King John did not confirm Hubert Walter as the castle's custodian until July 1202. John may have wished to regain direct control of what was an important castle. The crisis of John's rule began in 1212 with the discovery of a plot to overthrow him. Defeat at the Battle of Bouvines in July 1214 marked the end of John's ambitions to retake Normandy and exacerbated the situation in England. He returned to England in October and a few months later barons in the north of England were actively challenging his rule. A group of barons renounced their feudal", + "score": 0.73583984375 + }, + { + "id": "227504", + "title": "Kenilworth Castle", + "text": "1326, however, Edward was deposed by an alliance of Isabella and her lover, Roger Mortimer. Edward was eventually captured by Isabella's forces and the custody of the king was assigned to Henry, Earl of Lancaster, who had backed Isabella's invasion. Henry, reoccupying most of the Lancaster lands, was made constable of Kenilworth and Edward was transported there in late 1326; Henry's legal title to the castle was finally confirmed the following year. Kenilworth was chosen for this purpose by Isabella probably both because it was a major fortification, and also because of the symbolism of its former owners' links to", + "score": 0.7353515625 + }, + { + "id": "3757940", + "title": "King John's Castle (Limerick)", + "text": "power struggles of the next few centuries. The arrival of the Anglo-Normans to the area in 1172 changed everything. Domhnall M\u00f3r \u00d3 Briain burned the city to the ground in 1174 in a bid to keep it from the hands of the new invaders. After he died in 1194, the Anglo-Normans finally captured the area in 1195 under John, Lord of Ireland. In 1197, Limerick was given its first charter and its first Mayor, Adam Sarvant. A castle, built on the orders of King John and bearing his name, was completed around 1210. The castle was built on the boundary", + "score": 0.73486328125 + }, + { + "id": "12068466", + "title": "Walworth Castle", + "text": "Hansard in 1521. In 1539 Elizabeth married Sir Francis Ayscough, so the castle passed to the Ayscough family. In 1563 the castle passed to her son William Ayscough, but because there were no further heirs the castle was sold. In about 1579 Thomas Jennison, Auditor General of Ireland (d.1579), purchased from the Ascough family the manor of High Walworth. The manor included a manor house or medieval castle on this site; he demolished most of it apart from the medieval south\u2212west tower and built the present castle, whose fabric is still identifiable as 16th century in date. It is thought", + "score": 0.734375 + }, + { + "id": "4059448", + "title": "John FitzAlan, 1st Baron Arundel", + "text": "Marshal until 1379. On 26 July 1379 he was given licence to crenellate (i.e., permission to fortify) a stone castle on the site of an 11th-century earthwork fortress in Surrey. Over the years since then the structure was rebuilt and remodelled and its remains are now known as Betchworth Castle. Being in command of a naval expedition in aid to the Duke of Brittany, he defeated the French fleet off the coast of Cornwall. Commanding a force with the purpose of bringing relief to the Duke of Brittany, Sir John was compelled to wait for stronger winds. During this wait", + "score": 0.734375 + }, + { + "id": "227481", + "title": "Kenilworth Castle", + "text": "and the towers high. Although Kenilworth's great tower is larger, it is similar to that of Brandon Castle near Coventry; both were built by the local Clinton family in the 1120s. The tower can be termed a hall keep, as it is longer than it is wide. The lowest floor is filled with earth, possibly taken from the earlier motte that may have been present on the site, and is further protected by a sloping stone plinth around the base. The tall Tudor windows at the top of the tower date from the 1570s. Much of the northern part of", + "score": 0.734375 + }, + { + "id": "19888396", + "title": "John de Kingston", + "text": "of the castle. He also held the offices of the Sheriff of Edinburgh and Senator of the College of Justice, during part of his lifetime. John de Kingston Sir John de Kingston, also known as John de Kyngeston, (died after 1336) was an English knight of the late 12th and early 13th centuries from Somerset. As one of King Edward I's leading commanders, he was Governor of Edinburgh Castle from 1298 to 1300 and from 1301 to at least 1305 (possibly as late as 1310). John and his brother Nicholas were captured during the battle of Bannockburn on 24 June", + "score": 0.73388671875 + }, + { + "id": "10312597", + "title": "Annandale, New South Wales", + "text": "George's son Robert inherited the estate, but in 1877 sold it to John Young, who was a businessman, architect and mayor. Young began turning the Johnston estate into an attractive suburb by building a number of picturesque houses. One of those houses was Kenilworth, with a \"witch's cap\" style of roof common to that period of architecture, which Young rented to Henry Parkes, father of Federation and former Premier of NSW. Kenilworth was sold for $3.35 million in 2007. Other houses in the group were The Abbey, Oybin, Rozelle (now demolished), Greba, Hockingdon, Highroyd and Claremont (now demolished). Some of", + "score": 0.73388671875 + }, + { + "id": "15212230", + "title": "Warkworth Castle", + "text": "in 1331, but after initially relinquishing his claim Percy was granted special permission to inherit. John de Clavering died in 1332 and his widow in 1345, at which point the family's estates became the property of the Percys. While the Percys owned Alnwick Castle, which was considered more prestigious, Warkworth was the family's preferred home. Under the Percys a park was created nearby for hunting, and within the castle two residential blocks were created, described by historian John Goodall as \"of unparalleled quality and sophistication in Northumberland\". The second baron died at Warkworth in 1352. In 1377 the fourth Baron", + "score": 0.7333984375 + }, + { + "id": "1353239", + "title": "Hubert Walter", + "text": "Arthur's sister Eleanor, and renounce all of his continental possessions before the French king would make peace. John refused to do this, and the embassy returned to England not long before Philip conquered Normandy. Besides sending Walter on diplomatic missions, King John gave Walter custody of Rochester Castle on 20 July 1202, but as Walter was already accounting for the taxes and fees of the city of Rochester to the Exchequer in 1200, it is possible that he held the castle before 1202. John also upheld the right of the archbishop to mint coins, which Walter held until his death", + "score": 0.7333984375 + }, + { + "id": "8449551", + "title": "St Briavels Castle", + "text": "rights and privileges of the iron-workers, exercised through the Miners' and the Hundreds Court of the castle. King John enjoyed regular hunting in the Forest each November, and used St Briavels Castle as his base for such trips. The king entertained the Welsh lord Gruffyd ap Cadwallon at the castle in 1207. This royal interest resulted in further building works and substantial expenditure, with \u00a3291 being spent in the next four years. A stone curtain wall replaced an earlier wooden one between 1209\u201311, complete with a tower and gateway. Inside the bailey a number of buildings suitable for use by", + "score": 0.732421875 + }, + { + "id": "15908159", + "title": "King John's Palace", + "text": "the late fifteenth century when the English monarchy began to focus on other residences. In 1525 it was said of the King's Houses that \"ther is great dekay & ruyne in stone-work tymber lede and plaster\". By the mid 18th century the site had been reduced to the ruin that stands today. King John's Palace was consolidated during 2009 by Paul Mendham Stonemasons during a conservation project funded by English Heritage and Nottinghamshire County Council. The site is the focus of an ongoing archaeological project by Andy Gaunt of Mercian Archaeological Services and the buildings archaeologist James Wright. The establishment", + "score": 0.732421875 + }, + { + "id": "2233914", + "title": "York Castle", + "text": "did surrender, promising to convert to Christianity, but they were killed by the angry crowd. Around 150 Jews died in total in the massacre. The keep was rebuilt, again in wood, on the motte, which was raised in height by 13 feet (4 metres) at a cost of \u00a3207. King John used York Castle extensively during his reign, using the keep as his personal quarters for his own security. The castle was kept in good repair during that time. During this period, the first records of the use of the castle as a jail appeared, with references to prisoners taken", + "score": 0.732421875 + }, + { + "id": "15212236", + "title": "Warkworth Castle", + "text": "their property was confiscated. On 1 August 1464, as a result of suppressing Lancastrian rebellions in the north for the previous three years, the title of Earl of Northumberland was given to the Yorkist John Neville, 1st Marquess of Montagu, and with it, the castle. During his tenure, he constructed a twenty-five-foot tall rectangular tower, built for defence, \"with [arrow] slits in the three outer walls;\" this is known as 'Montagu's Tower' to this day. His brother, Richard Neville, 16th Earl of Warwick, used Warkworth as a base from which the Lancastrian-held castles of Northumberland \u2013 Alnwick, Bamburgh, and Dunstanburgh", + "score": 0.732421875 + }, + { + "id": "3757942", + "title": "King John's Castle (Limerick)", + "text": "town of Limerick became so wealthy during this era King John set up a mint in the North West corner of the castle, with pennies and half pennies from this time available to see in Limerick museum today. A 1574 document prepared for the Spanish ambassador attests to its wealth: Luke Gernon, an English-born judge and resident of Limerick, wrote an equally flattering account of the city in 1620: \"\" a lofty building of marble; in the high street it is built from one gate to the other in one form, like the colleges in Oxford, so magnificent that at", + "score": 0.73193359375 + }, + { + "id": "7349710", + "title": "Queenborough Castle", + "text": "into the possession of the Commonwealth and trustees were appointed to look after it. In 1650, Parliament appointed commissioners to survey the properties which they had acquired from the crown. The report on the condition of Queenborough Castle described it as \"much out of repair, and no ways defensive by the commonwealth\" and judged that it was \"not fit to be kept, but demolished\". The castle was sold to one John Wilkinson for \u00a31,792, twelve shillings and one halfpenny; he demolished the entire castle down to the foundations and sold the materials. In 1723, the Royal Navy surveyed the well", + "score": 0.73193359375 + }, + { + "id": "3757944", + "title": "King John's Castle (Limerick)", + "text": "them had to be pulled down afterward. Between 2011 and 2013, the castle underwent a massive redevelopment, with \u20ac5.7 million spent to improve the visitor facilities of the castle. Among the improvements were a brand new visitor centre, interactive exhibitions with computer generated animations, and a cafe with views onto the courtyard and the river. King John's Castle (Limerick) King John's Castle () is a 13th-century castle located on King's Island in Limerick, Ireland, next to the River Shannon. Although the site dates back to 922 when the Vikings lived on the Island, the castle itself was built on the", + "score": 0.73095703125 + }, + { + "id": "12659094", + "title": "Wilton Castle (Redcar and Cleveland)", + "text": "allowed to decay and by 1805 was largely a ruin. The estate was purchased in about 1806 by a cousin Sir John Lowther (1759\u20131844). Sir John Lowther demolished the remains of the medieval castle in about 1807, and in 1810 built an imposing mansion house on the site, to a design by architect Sir Robert Smirke. The first stage of the rebuilding of the \"castle\" was the building of the centre block, the west wing and a short low east wing and later in a second phase of building, an octagonal tower was added to the end of the east", + "score": 0.7294921875 + }, + { + "id": "7744803", + "title": "Somerton Castle", + "text": "to the domestic buildings in the inner court. Further repairs and alterations took place in 1359-60 when King John of France was held captive in the castle having been taken prisoner after the Battle of Poitiers. Sir Saier De Rochford, ancestor of the Rochford family of Stoke Rochford, \"an eminent soldier in the wars of France,\" and High Sheriff of Lincolnshire, was allowed two shillings a day for the safekeeping of King John while at Somerton. By 1393 the castle was reported as being defective in \"walls, gates, towers , bridges, ditches, lead roofing , tiling, boarding, glazing and ironwork\"", + "score": 0.7294921875 + }, + { + "id": "9511785", + "title": "Mitford Castle", + "text": "was seized from the Valence family by Sir Gilbert de Middleton. In 1315, Mitford Castle was used by Sir Gilbert for kidnappings and as a prisoner hold, when Ralph de Greystock seized de Middleton for treason. There are conflicting accounts over the castle's destruction. One theory is of a fire during Middleton's rebellion. Another theory is that it was destroyed by the Scots in May 1318 during Middleton's imprisonment in the Tower of London. It was certainly destroyed by 1323 as records of an inquest held that year after the death of Sir Aymer de Valence state Mitford Castle to", + "score": 0.7294921875 + }, + { + "id": "15212226", + "title": "Warkworth Castle", + "text": "the family estates until Robert came of age in 1191. He paid the Crown 300 marks in 1199 for confirmation of his ownership of Warkworth, including the castle. Substantial building work at Warkworth Castle is attributed to Robert. A favourite of King John, Robert hosted him at Warkworth Castle in 1213. Warkworth Castle continued to descend through the family line when Robert fitz Roger was succeeded by his son John in 1214, who was succeeded by his son Roger in 1240. Roger died in 1249 when his son Robert was one year old, and a guardian was appointed to care", + "score": 0.72900390625 + }, + { + "id": "3757938", + "title": "King John's Castle (Limerick)", + "text": "King John's Castle (Limerick) King John's Castle () is a 13th-century castle located on King's Island in Limerick, Ireland, next to the River Shannon. Although the site dates back to 922 when the Vikings lived on the Island, the castle itself was built on the orders of King John in 1200. One of the best preserved Norman castles in Europe, the walls, towers and fortifications remain today and are visitor attractions. The remains of a Viking settlement were uncovered during archaeological excavations at the site in 1900. The Viking sea-king, Thormodr Helgason, built the first permanent Viking stronghold on Inis", + "score": 0.72900390625 + }, + { + "id": "15908181", + "title": "King John's Palace", + "text": "construction work was completed by Cranes, West Bridgford, Nottingham. Both elements of the project were overseen by Nottinghamshire County Council. In 2009 Paul Mendham Stonemasons were instructed by the architect Peter Rogan to complete a full scale consolidation scheme including pointing, grouting, pinning back, under-building, and soft-capping the ruin. The decisions for the scheme of conservation were based on two condition surveys of the ruin by Wright (2005) and Rogan(2008). The work was paid for and overseen jointly by English Heritage and Nottinghamshire County Council. Broadly there have been three distinct levels of archaeological research into the site. The first", + "score": 0.72900390625 + }, + { + "id": "15908156", + "title": "King John's Palace", + "text": "King John's Palace King John's Palace is the remains of a former medieval royal residence in Clipstone, north-west Nottinghamshire. The name \"King John's Palace\" has been used since the 18th century; prior to that the site was known as the \"King's Houses\". It is not known how or when the building became associated with King John as he only spent a total of nine days here. The earliest reference to the King's Houses dates back to 1164 during the reign of Henry II (1154\u20131189). The first period of significant building took place between 1176 and 1180, when Henry ordered \u00a3500", + "score": 0.728515625 + }, + { + "id": "227526", + "title": "Kenilworth Castle", + "text": "recreations. Kenilworth Castle Kenilworth Castle is located in the town of the same name in Warwickshire, England. Constructed from Norman through to Tudor times, the castle has been described by architectural historian Anthony Emery as \"the finest surviving example of a semi-royal palace of the later middle ages, significant for its scale, form and quality of workmanship\". Kenilworth has also played an important historical role. The castle was the subject of the six-month-long Siege of Kenilworth in 1266, thought to be the longest siege in Medieval English history, and formed a base for Lancastrian operations in the Wars of the", + "score": 0.72802734375 + }, + { + "id": "16782310", + "title": "John I, Count of Oldenburg", + "text": "Forest, which John I already owned. In 1258 and 1259, he fought in the Bremen Prince-Archbishopric Feud on the side of his cousin Hildebold of Wunstorf against R\u00fcstringen, \u00d6stringen and Stedingen. When the feud had ended, he kept the territories he had conquered. After a dispute with the City of Bremen, he had to cede the castle in Berne. As a replacement, John I and his uncle built a castle in Delmenhorst, which provoked a strong reaction from Stedingen. Like his predecessors, he had many disputes with his relatives, the Counts of Oldenburg-Wildeshausen. Ultimately, their county was divided between the", + "score": 0.72802734375 + }, + { + "id": "3757667", + "title": "HMS Kenilworth Castle (K420)", + "text": "Shortly before he died, he wrote some reminiscences of his Merchant Navy and Royal Navy career which are included in the BBC's online archive \"WW2 People's War\" here: HMS Kenilworth Castle (K420) HMS \"Kenilworth Castle\" was a of the Royal Navy. She was built by Smiths Dock Company at South Bank, North Yorkshire, launched on 17 August 1943, and commissioned on 14 November 1943. In World War II, she served as a convoy escort and took part in the sinking of two U-boats: \"Kenilworth Castle\" was scrapped at Llanelli in June 1956. The bell of HMS Kenilworth Castle was gifted", + "score": 0.7275390625 + }, + { + "id": "7824256", + "title": "Scarborough Castle", + "text": "\u00a3532 was spent between 1157 and 1164. Henry's average annual income during his reign was about \u00a310,000. The castle became a strategic northern stronghold for The Crown. Henry II granted the town that had grown up beneath the fortress, the title of Royal Borough. While Richard I (reigned 1189\u20131199) had spent nothing on the castle, his brother King John (reigned 1199\u20131216) ensured that it was a comfortable residence for himself and his retinue. John's rule was strongly opposed by the northern barons, so the castle at Scarborough was fortified as a strategic stronghold. John visited the castle four times during", + "score": 0.7275390625 + }, + { + "id": "227510", + "title": "Kenilworth Castle", + "text": "his play \"Henry V\". English castles, including Kenilworth, did not play a decisive role during the Wars of the Roses (1455\u201385), which were fought primarily in the form of pitched battles between the rival factions of the Lancastrians and the Yorkists. With the mental collapse of King Henry VI, Queen Margaret used the Duchy of Lancaster lands in the Midlands, including Kenilworth, as one of her key bases of military support. Margaret removed Henry from London in 1456 for his own safety and until 1461, Henry's court divided almost all its time among Kenilworth, Leicester and Tutbury Castle for the", + "score": 0.7275390625 + }, + { + "id": "227522", + "title": "Kenilworth Castle", + "text": "cultural prominence increased after Sir Walter Scott wrote \"Kenilworth\" in 1821 describing the royal visit of Queen Elizabeth. Very loosely based on the events of 1575, Scott's story reinvented aspects of the castle and its history to tell the story of \"the pathetic, beautiful, undisciplined heroine Amy Robsart and the steely Elizabeth I\". Although considered today as a less successful literary novel than some of his other historical works, it popularised Kenilworth Castle in the Victorian imagination as a romantic Elizabethan location. \"Kenilworth\" spawned \"numerous stage adaptations and burlesques, at least eleven operas, popular redactions, and even a scene in", + "score": 0.72705078125 + }, + { + "id": "1276797", + "title": "Castles in Great Britain and Ireland", + "text": "on renovating Windsor Castle; this was over one and a half times Edward's typical annual income. In the words of Steven Brindle the result was a \"great and apparently architecturally unified palace ... uniform in all sorts of ways, as to roof line, window heights, cornice line, floor and ceiling heights\", echoing older designs but without any real defensive value. The wealthy John of Gaunt redesigned the heart of Kenilworth Castle, like Windsor the work emphasised a unifying, rectangular design and the separation of ground floor service areas from the upper stories and a contrast of austere exteriors with lavish", + "score": 0.7265625 + }, + { + "id": "6850705", + "title": "Okehampton Castle", + "text": "himself with the Lancastrians. His son, Thomas, died following his capture by the Yorkists at the battle of Towton in 1461. Edward IV confiscated Okehampton Castle, which was later returned to the family by the Lancastrian Henry VI. John Courtenay died fighting for the Lancastrians at the battle of Tewkesbury in 1471 and the castle and earldom was again confiscated. When Henry VII took the throne at the end of the conflict in 1485, however, the earldom and Okehampton were returned to Edward Courteney. Edward's son, William, enjoyed a turbulent political career, during which time the castle was again confiscated", + "score": 0.7265625 + }, + { + "id": "12958211", + "title": "Siege of Kenilworth", + "text": "Siege of Kenilworth The Siege of Kenilworth (June\u2013December 1266) was a six-month siege on the Kenilworth Castle and a battle of the Second Barons' War. The siege was a part of an English civil war fought from 1264 to 1267 by the forces of Simon de Montfort against the Royalist forces led by Prince Edward (later Edward I of England). The siege was one of few castle attacks to take place during the war. The Castle of Kenilworth's structure was unique and contributed to the longevity of the siege. The castle was a formidable structure due to its heavy defences.", + "score": 0.7265625 + }, + { + "id": "227473", + "title": "Kenilworth Castle", + "text": "Kenilworth Castle Kenilworth Castle is located in the town of the same name in Warwickshire, England. Constructed from Norman through to Tudor times, the castle has been described by architectural historian Anthony Emery as \"the finest surviving example of a semi-royal palace of the later middle ages, significant for its scale, form and quality of workmanship\". Kenilworth has also played an important historical role. The castle was the subject of the six-month-long Siege of Kenilworth in 1266, thought to be the longest siege in Medieval English history, and formed a base for Lancastrian operations in the Wars of the Roses.", + "score": 0.72607421875 + }, + { + "id": "15212219", + "title": "Warkworth Castle", + "text": "strengthening of the garrison in 1319. Twice in 1327 the Scots besieged the castle without success. John de Clavering died in 1332 and his widow in 1345, at which point Henry de Percy, 2nd Baron Percy, took control of Warkworth Castle, having been promised Clavering's property by Edward III. Henry Percy, 1st Earl of Northumberland, added the imposing keep overlooking the village of Warkworth in the late 14th century. The fourth earl remodelled the buildings in the bailey and began the construction of a collegiate church within the castle, but work on the latter was abandoned after his death. Though", + "score": 0.72607421875 + }, + { + "id": "10984393", + "title": "Wentworth Castle", + "text": "the form of Stainborough Castle, a sham ruin constructed as a garden folly on the estate. The estate has been in the care of the Wentworth Castle Heritage Trust since 2001 and was open to the public year-round seven days a week. Despite massive restoration, the castle gardens were closed to the public in 2017 amidst a funding crisis. The original house, known as the Cutler house, was constructed for Sir Gervase Cutler (born 1640) in 1670. Sir Gervase then sold the estate to Thomas Wentworth, later the 1st Earl of Strafford. The house was remodelled in two great campaigns,", + "score": 0.72607421875 + }, + { + "id": "3412681", + "title": "Waverley Abbey", + "text": "ecclesiastical property; however, the same year he spent \"the last days of Holy Week\" at Waverley Abbey, and allowed the return of its possessions to allow them to continue the reconstruction of the church. Two years later, after the Cistercian order refused to give in to John's demands for money, John withdrew all of the abbey's privileges. Many of the monks fled the abbey and, in fear, the abbot \"fled away by night\". King John then issued a decree forbidding any Cistercians to enter or leave the country. In 1212 John confiscated all of the Cistercian Order's property using \"false", + "score": 0.724609375 + }, + { + "id": "12068469", + "title": "Walworth Castle", + "text": "response to suspicions of a potential rebellion against the Protestants William III and Mary II. Ralph Jenison inherited the castle at the age of 10 years in 1704. He later renovated the castle at great expense, and died in debt, so that the castle was again sold. The castle was sold for \u00a316,000 in 1759 to wine merchant Matthew Stephenson, and then to Newcastle merchant John Harrison in 1775. His daughter Ann married Arthur Aylmer, a British Army officer of the 68th Regiment of Foot, later promoted to Lieutenant-General; so it passed to the Aylmer family. After General Aylmer was", + "score": 0.724609375 + }, + { + "id": "2563994", + "title": "Portchester Castle", + "text": "some leading barons in the Revolt of 1173\u20131174, Portchester was made ready for war. In preparation to defend the castle, catapults were made and it was garrisoned with ten knights, later increased to 20. King John often stayed at Portchester Castle and was there when he heard of the loss of Normandy in 1204. The Forest of Bere was nearby, making Portchester a popular place for the king to stay recreationally. Portchester was also the departure point of missions to France in 1205 and 1213 as John tried to recover Normandy from Philip Augustus, the King of France. John's trips", + "score": 0.72412109375 + }, + { + "id": "7167432", + "title": "Brough Castle", + "text": "Castle was recovered later in the year. Henry II had a square stone keep constructed in the 1180s by first Theobald de Valoignes and then Hugh de Morville, who rebuilt the remains of the castle. It was placed into the bailey wall, allowing it to directly support the outer defences. Thomas de Wyrkington conducted further work between 1199 and 1202 for King John, converting the castle entirely into stone. King John granted the lordship of Westmoreland, including Brough, to Robert de Vieuxpont in 1203. Robert enlarged the castle in order to exert his authority over the region, where he was", + "score": 0.72412109375 + } + ], + "answer": "Kenilworth Castle, in the town of Kenilworth in Warwickshire, England, was founded during the Norman conquest of England with development through to the Tudor period. The outer bailey wall in stone, and Mortimer's and Lunn's Towers were built mainly by King John. The outer bailey wall has numerous buttresses but only a few towers, being designed to be defended primarily by the water system of the Great Mere and Lower Pool. John spent \u00a31,115 on Kenilworth Castle between 1210 and 1216,building the outer bailey wall in stone and improving the other defences, including creating Mortimer's and Lunn's Towers. He also significantly improved the castle's water defences by damming the Finham and Inchford Brooks, creating the Great Mere." + }, + { + "qa_pairs": [ + { + "context": "After stepping in a mud puddle and bumping into tough-looking but polite bikers at a crosswalk, a pretty salesgirl (Wendy Frazier) enters a burger joint. She places a take-out order but suffers harassment by everyone there except a handsome young cook (David Wakefield) who is also bullied by his co-workers. The salesgirl takes her order, escapes the place and her tormentors, but in her haste leaves her glasses and a food container. The cook retrieves the items and runs after her to the shoe store where she works.", + "question": "Who is the salesgirl in zz top legs video?", + "short_answers": [ + "Wendy Frazier" + ], + "wikipage": "Legs (song)" + }, + { + "context": "At the shoe store, the store owner and the senior salesman both shove the salesgirl around, while a customer laughs raucously at her misfortune. The cook dashes into the shop and then to the stock room to return the girl's items. She thanks him shyly, but the owner and the salesman burst in, and heave the cook out of the store. ZZ Top's trademark showcar, the Eliminator, pulls up with the Eliminator girls (Jeana Tomasino, Kymberly Herrin, and Dani\u00e8le Arnaud). The Three help the cook to his feet, dust him off, then slip into the shoe store through the back door. The Eliminators find the dejected salesgirl, put her abusers in their place, then present the salesgirl to ZZ Top, who magically appear to bestow her the Eliminator's keys.", + "question": "Who are the Eliminator girls in zz top legs video?", + "short_answers": [ + "Dani\u00e8le Arnaud", + "Jeana Tomasino", + "Kymberly Herrin" + ], + "wikipage": "Legs (song)" + } + ], + "wikipages": [ + { + "title": "Legs (song)", + "url": "https://en.wikipedia.org/wiki/Legs%20%28song%29" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "\"Legs\" is a song performed by the band ZZ Top from their 1983 album Eliminator. The song was released as a single in 1984 and reached number eight on the Billboard Hot 100 in the United States (their highest charting single on the chart). ", + "wikipage": "Legs (song)" + }, + { + "content": "ZZ Top[a] is an American rock band formed in 1969 in Houston, Texas, by vocalist and guitarist Billy Gibbons.", + "wikipage": "ZZ Top" + } + ], + "long_answer": "In the 1984 zz top legs music video, a pretty salesgirl (Wendy Frazier) suffers harassment after entering a burger joint. When she returns to her place of work (the shoe store), she endures more harassment and misfortune from her coworkers but is eventually saved and protected by a group of girls (the Eliminator girls - Jeana Tomasino, Kymberly Herrin, and Dani\u00e8le Arnaud) who then present the salesgirl to the American rock band ZZ Top." + }, + { + "knowledge": [ + { + "content": "\"Legs\" is a song performed by the band ZZ Top from their 1983 album Eliminator.", + "wikipage": "Legs (song)" + }, + { + "content": "The \"Legs\" video was the third and last of the Eliminator series of videos that introduced the now-iconic 1933 Ford,[5] \"Eliminator girls\", and ZZ Top-as-benevolent-spirits tropes, all of which have become firmly established aspects of the band's iconography.", + "wikipage": "Legs (song)" + } + ], + "long_answer": "\"Legs\" is a song performed by the band ZZ Top from their 1983 album Eliminator. The \"Legs\" video was the third and last of the Eliminator series of videos that introduced the now-iconic 1933 Ford, \"Eliminator girls\", Jeana Tomasino, Kymberly Herrin, and Dani\u00e8le Arnaud, and ZZ Top-as-benevolent-spirits tropes, all of which have become firmly established aspects of the band's iconography. The salesgirl in the video was Wendy Frazier." + } + ], + "sample_id": "-3221850497920722165", + "question": "Who is the girl in zz top legs video?", + "docs": [ + { + "id": "7571456", + "title": "Legs (song)", + "text": "thanks him shyly, but the owner and the salesman burst in, and heave the cook out of the store. ZZ Top's trademark showcar, the Eliminator, pulls up with the Eliminator girls (Jeana Tomasino, Kymberly Herrin, and Dani\u00e8le Arnaud). The Three help the cook to his feet, dust him off, then slip into the shoe store through the back door. The Eliminators find the dejected salesgirl, put her abusers in their place, then present the salesgirl to ZZ Top, who magically appear to bestow her the Eliminator's keys. The Three whisk away the salesgirl for a complete makeover: new hairstyle, makeup,", + "score": 0.76025390625, + "summary": "The document is irrelevant to the question.", + "extraction": "irrelevant" + }, + { + "id": "7571454", + "title": "Legs (song)", + "text": "a minute longer than the single version. The \"Legs\" video was the third and last of the Eliminator series of videos that introduced the now-iconic 1933 Ford, \"Eliminator girls\", and ZZ Top-as-benevolent-spirits tropes, all of which have become firmly established aspects of the band's iconography. \"Legs\" was important in this regard as it diversified the subject of transformation from man (\"Gimme All Your Lovin'\" and \"Sharp Dressed Man\") to woman. After stepping in a mud puddle and bumping into tough-looking but polite bikers at a crosswalk, a pretty salesgirl (Wendy Frazier) enters a burger joint. She places a take-out order", + "score": 0.748046875, + "summary": "The video for \"Legs\" by ZZ Top features Wendy Frazier as a salesgirl who enters a burger joint after stepping in a mud puddle and bumping into bikers.", + "extraction": "The girl in the ZZ Top Legs video is Wendy Frazier." + }, + { + "id": "7480977", + "title": "Jeana Keough", + "text": "or Jeana Keough. Tomasino was \"Playboy\" magazine's Playmate of the Month in November 1980. In 1983, she appeared in \"Playboy Video Magazine, Vol. 4.\" Keough still makes occasional promotional appearances for Playboy. Along with Dani\u00e8le Arnaud and fellow Playmate Kymberly Herrin, Tomasino was one of the three muses in the ZZ Top music videos \"Legs\", \"Sharp Dressed Man\", \"Gimme all Your Loving\", and \"Sleeping Bag\". As Jeana Keough, she is one of the original cast members of the reality show, \"The Real Housewives of Orange County\", on the Bravo cable network. In season five, she appeared as a regular cast", + "score": 0.734375, + "summary": "Jeana Keough, who was a Playboy Playmate in November 1980, appeared in ZZ Top's music videos \"Legs,\" \"Sharp Dressed Man,\" \"Gimme all Your Loving,\" and \"Sleeping Bag\" along with Dani\u00e8le Arnaud and Kymberly Herrin. She is also an original cast member of \"The Real Housewives of Orange County.\"", + "extraction": "Jeana Keough, as one of the three muses in the ZZ Top music videos \"Legs\", is the girl in the ZZ Top legs video." + }, + { + "id": "7571459", + "title": "Legs (song)", + "text": "Dressed Man,\" and \"My Head's In Mississippi\" (as well as \"I Love LA,\" for his cousin Randy Newman). Sim Sadler and Bob Sarles edited \"Legs,\" for which both received nominations for Best Editing in the first MTV Video Music Awards, in the Billboard Music Video Awards, and in the American Music Video Awards that year. The video was parodied in a 1984 episode of \"St. Elsewhere,\" in which ZZ Top themselves, as well as the Eliminator girls appeared. In the scene, hospital orderly Luther (Eric Laneuville) falls asleep as the radio is playing \"Legs\", and he dreams the Eliminator girls", + "score": 0.72607421875, + "summary": "Irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "3175797", + "title": "Jenna Elfman", + "text": "then attended college at California State University, Northridge (CSUN). She trained in ballet from age five, but later when the tendon came off her bone, she gave it up. She studied at the Westside School of Ballet, receiving a full scholarship. Elfman began her professional career as a dancer, appearing in the music videos for Depeche Mode (\"Halo\" in 1990), Anthrax (1993's song \"Black Lodge\"), Chris Isaak (1995's \"Somebody's Crying\") and toured with the rock band ZZ Top on their 1994 tour as a \"Legs Girl\". After appearing in television commercials, Elfman was cast in the short-lived 1996 American sitcom", + "score": 0.72412109375, + "summary": "Jenna Elfman appeared as a \"Legs Girl\" in ZZ Top's 1994 tour.", + "extraction": "The girl in ZZ Top legs video is Jenna Elfman." + }, + { + "id": "7571458", + "title": "Legs (song)", + "text": "place. The Eliminator girls invite some of the friendly bikers to join them and the Eliminator drives away as ZZ Top magically appear one last time to wave at the camera. This was the third music video directed by Tim Newman. The spinning, Furry Dean guitars also premiered in this video. The video won the 1984 MTV Video Music Award for Best Group Video. This was the first year the award was given. The commercial and music video director, Tim Newman, provided direction and cinematography for this as well as the ZZ Top music videos \"Gimme All Your Lovin',\" \"Sharp", + "score": 0.7216796875, + "summary": "irrelevant", + "extraction": "Irrelevant. The passage does not provide any information on the girl in ZZ Top Legs video." + }, + { + "id": "15382572", + "title": "Danielle von Zerneck", + "text": "Danielle von Zerneck Danielle von Zerneck (born November 21, 1965 in North Hollywood, Los Angeles) is an American actress and film producer. von Zerneck began her acting career in commercials and Television films. From 1983-1984, she played Louisa \"Lou\" Swenson on \"General Hospital\". In She is perhaps best known for her portrayal of Donna, Ritchie Valens' girlfriend in the film \"La Bamba\" (1987). Her last acting credit was in the 2001 television film \"Acceptable Risk\", based on the novel of the same name. She has worked primarily as a film & television producer in recent years including Recovery Road (TV", + "score": 0.72021484375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention anything about ZZ Top Legs video or a girl in it." + }, + { + "id": "7571461", + "title": "Legs (song)", + "text": "1983.\" Legs (song) \"Legs\" is a song performed by the band ZZ Top from their 1983 album \"Eliminator\". The song was released as a single in 1984 and reached number eight on the \"Billboard\" Hot 100 in the United States. The dance mix version of the song peaked at number thirteen on the dance charts. Although all three members of ZZ Top are credited with playing on the track, only Gibbons was actually present; engineer Terry Manning was responsible for all the musical parts save the lead guitar. However, David Blayney (ZZ Top stage manager for 15 years) explains in", + "score": 0.70556640625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "7571452", + "title": "Legs (song)", + "text": "Legs (song) \"Legs\" is a song performed by the band ZZ Top from their 1983 album \"Eliminator\". The song was released as a single in 1984 and reached number eight on the \"Billboard\" Hot 100 in the United States. The dance mix version of the song peaked at number thirteen on the dance charts. Although all three members of ZZ Top are credited with playing on the track, only Gibbons was actually present; engineer Terry Manning was responsible for all the musical parts save the lead guitar. However, David Blayney (ZZ Top stage manager for 15 years) explains in his", + "score": 0.70361328125, + "summary": "Irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "1614780", + "title": "Dirt (Alice in Chains album)", + "text": "and left her wig embedded in the dirt. Schenck then snapped a few photos, which were later used for the 1999 box set \"Music Bank\". For many years, fans believed that the model on the cover was Staley's then-girlfriend, Demri Parrot, but Schenck revealed to \"Revolver Magazine\" in 2011 that the girl was actually Mariah O'Brien, with whom he had previously worked on the cover of Spinal Tap's single \"Bitch School\". The magazine also published behind the scenes photos from the shoot featuring O'Brien. Schenck told \"Revolver Magazine\": In an interview with the Canadian magazine \"M.E.A.T.\" in December 1992, Layne", + "score": 0.6962890625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "3344760", + "title": "Eliminator (album)", + "text": "the top 10 on the \"Billboard\" Hot Mainstream Rock Tracks chart. \"Gimme All Your Lovin'\", released in April 1983, went to the number two position. In 1983, ZZ Top made several music videos in California. \"Gimme All Your Lovin'\" was filmed at a gas station in Littlerock, while \"Sharp Dressed Man\" was filmed at night on the streets of Downtown Los Angeles. \"Legs\" took place at a restaurant and shoe salon in Newhall, California; Gibbons and Hill had custom Dean Z guitars made with authentic sheepskin covering the body and tuners, as well as a unit to make the guitars", + "score": 0.6953125, + "summary": "The document mentions the music videos filmed by ZZ Top, including \"Legs\" which was filmed at a restaurant and shoe salon in Newhall, California. However, it does not provide information on who the girl in the video is.", + "extraction": "The extracted span from the passage is \"The girl in ZZ Top Legs video is not mentioned in the passage.\"" + }, + { + "id": "10370007", + "title": "The Girl I Love She Got Long Black Wavy Hair", + "text": "The Girl I Love She Got Long Black Wavy Hair \"The Girl I Love She Got Long Black Wavy Hair\" (also known as \"The Girl I Love\") is a song performed by English rock band Led Zeppelin. It was recorded by the BBC on 16 June 1969 for \"Chris Grant's Tasty Pop Sundae\" show during the band's UK Tour of Summer 1969 and was broadcast on 22 June 1969. The song was later included on the live Led Zeppelin album \"BBC Sessions\", released in 1997. It is the only known performance of the song by the band. The lyrics in", + "score": 0.6943359375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The given passage does not contain any information about a girl in ZZ Top Legs video." + }, + { + "id": "3251512", + "title": "Helix (band)", + "text": "America Pageant titled the \"Miss Rock Fantasy\" Pageant. Two versions were created: an uncensored version featuring semi-nude and topless women, and a censored version made available for the more mainstream media markets like MTV. The ending of both versions of the video feature comedian Rip Taylor seated on a motorcycle surrounded by the band and the models all waving goodbye. It caused some controversy several years after its initial release when it was learned that among the cast of porn stars that appear topless in the uncensored version was a then-unknown 16-year-old Traci Lords as \"Miss Georgia\". (This version was", + "score": 0.69384765625, + "summary": "The document is irrelevant to the question.", + "extraction": "irrelevant" + }, + { + "id": "11209250", + "title": "Gimme All Your Lovin'", + "text": "Ham, and recorded and mixed by Terry Manning. Directed by Tim Newman, the video features ZZ Top playing at a gas station, along with actor/model Peter Tramm playing a young gas station mechanic, and introduces classic ZZ elements such as the red \"ZZ Eliminator Car,\" the \"ZZ Keychain\" and the \"Three ZZ Girls\" as heroines. It is the first of a ZZ Top music video series. Tramm returned in their later music video for \"Sharp Dressed Man\". In addition to \"Eliminator\", \"Gimme All Your Lovin'\" appears on the following compilations: Gimme All Your Lovin' 2000 Gimme All Your Lovin' \"Gimme", + "score": 0.69189453125, + "summary": "The video for ZZ Top's song \"Gimme All Your Lovin'\" features the band playing at a gas station, along with actor/model Peter Tramm and \"Three ZZ Girls\" as heroines. The document does not provide information about the identity of the girl in the video.", + "extraction": "The passage is irrelevant as it does not mention any girl in the ZZ Top Legs video." + }, + { + "id": "15182300", + "title": "ZZ Top equipment", + "text": "ZZ Top equipment This is the musical equipment used by the members of the hard rock/blues rock band ZZ Top. Gibbons' most famously known guitar is the white spinning fur guitar made by Dean Zelinsky of Dean Guitars (and matching bass played by ZZ Top bassist Dusty Hill) featured in the 1983 \"Legs\" music video. Billy Gibbons' choice of electric guitars has primarily been Gibson. His first guitar was a sunburst 1962 Gibson Melody Maker. In 1968 Gibbons acquired the instrument most associated with the sound and style of ZZ Top, when he purchased a sunburst 1959 Gibson Les Paul", + "score": 0.68798828125, + "summary": "The document discusses the musical equipment used by ZZ Top, including Billy Gibbons' choice of guitars. It mentions the white spinning fur guitar used in the \"Legs\" music video, but does not provide information on who the girl in the video is. Therefore, the answer is irrelevant.", + "extraction": "The passage is irrelevant to the question as it does not mention any girl in the ZZ Top Legs video." + }, + { + "id": "19896937", + "title": "Long Legged Girl (With the Short Dress On)", + "text": "Long Legged Girl (With the Short Dress On) \"Long Legged Girl (With the Short Dress On)\" is a song first recorded by Elvis Presley as part of the soundtrack for his 1967 MGM motion picture \"Double Trouble\". The song was written by J. Leslie McFarland and Winfield Scott. Released in 1967 as a single, with \"That's Someone You Never Forget\" (from the 1962 album \"Pot Luck\") as the B-side, it spent 6 weeks on the \"Billboard\" Hot 100, peaking at number 63 on the week ending June 10. \"Billboard\" reviewed the single in its May 6, 1967 issue. The magazine", + "score": 0.68603515625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "4009845", + "title": "You Shook Me All Night Long", + "text": "the English town of Huddersfield, with Angus Young wearing his signature schoolboy outfit. The video clip casts the English glamour model Corinne Russell, a former Hill's Angel and Page 3 Girl\u2014along with other leather clad women wearing suits with zips at the groin region\u2014pedaling exercise bicycles in the background. The VH1 series \"Pop-Up Video\" revealed that, during the scene with the mechanical bull, the woman playing Johnson's lover accidentally jabbed herself with her spur twice. The roadie who came to her aid married her a year later, and Angus Young gave them a mechanical bull as a wedding present as", + "score": 0.68505859375, + "summary": "The document is irrelevant to the question.", + "extraction": "Corinne Russell is the girl in ZZ Top Legs video." + }, + { + "id": "4502209", + "title": "Lung Leg", + "text": "Lung Leg Lung Leg (born Elisabeth Carr; July 8, 1963, in Minneapolis, Minnesota) is an American pin-up girl and actress perhaps best known for appearing on the cover of the Sonic Youth album \"EVOL\". During the 1980s, she gained fame as a model and star of films made by the transgressive movement. Lung Leg appeared in several Richard Kern films, notably starring in one of his longest features, the 1985 film \"You Killed Me First,\" as well as appearing in \"Worm Movie\" (1985) and \"Fingered\" (1986). She also appeared in two music videos directed by Kern, \"Concubine\" (1984) by Butthole", + "score": 0.68505859375, + "summary": "Lung Leg, born Elisabeth Carr, is an American pin-up girl and actress known for appearing on the cover of the Sonic Youth album \"EVOL\" and starring in films made by the transgressive movement. She appeared in several Richard Kern films and two music videos directed by Kern. Irrelevant to the question of who is the girl in ZZ Top Legs video.", + "extraction": "irrelevant" + }, + { + "id": "17980571", + "title": "Black Widow (Iggy Azalea song)", + "text": "inspired by 70s kung fu films and Tarantino movies. The video starts with Rita Ora and her boyfriend, played by Michael Madsen, entering a diner. The man steps on and squishes a spider with his boot, just before Iggy Azalea is shown as a waitress named Fox behind the diner counter. Azalea then approaches the couple and hands them the menu. The man orders a BLT sandwich \"dripping with melted cheese\" and just when Ora is about to order he interrupts her by saying \"she's gonna have the same damn thing\", which causes Ora to look at him somewhat upset.", + "score": 0.68408203125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "12540104", + "title": "Melanie Sisneros", + "text": "\"Mellefson\" (an amalgamation of her name and Megadeth bassist David Ellefson). She also plays bass for the all-female AC/DC tribute Whole Lotta Rosies, as well as the all-female Led Zeppelin tribute Mz Led. Sisneros cites Steve Harris, Cliff Burton, Geddy Lee, Bob Daisley, David Ellefson, Steve DiGiorgio, Markus Grosskopf and John Taylor as her influences. Melanie Sisneros Melanie Sisneros is an American bassist and a member of four bands: Crescent Shield, Whole Lotta Rosies (an all-female AC/DC tribute band), Hangar 18 (a Megadeth tribute band) and Mz Led (an all-female Led Zeppelin tribute band). She is also a former member", + "score": 0.68310546875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "1827565", + "title": "Stripper", + "text": "Zombie's wife Sheri Moon Zombie), dancing to \"Love Hurts\" by Nazareth. \"I Know Who Killed Me\" (2007) stars Lindsay Lohan as Dakota Moss, an alluring stripper involved in the machinations of a serial killer, and features a long striptease sequence at a strip club. In \"Planet Terror\" (2007), Rose McGowan plays go-go dancer Cherry Darling who, after having her leg eaten by a zombie, uses an assault rifle as a prosthetic leg. In the two-part season 6 finale of \"\", Alex Nunez resorts to stripping after she and her mother do not have enough money to pay the rent on", + "score": 0.68212890625 + }, + { + "id": "7464861", + "title": "Sharp Dressed Man", + "text": "Man\" continues the \"male fantasy come to life\" of the \"Gimme All Your Lovin'\" video released earlier in 1983. As in the previous video, an attractive man (dancer/model Peter Tramm) who is experiencing frustration in his menial job is assisted in gaining social stature and prowess by a triad of very attractive and somewhat mysterious women traveling in ZZ Top's signature red car. ZZ Top themselves play a role in the narrative, both by playing themselves as performing band members and as rather ethereal spirits who encourage and assist the young man by providing him with the car keys that", + "score": 0.681640625 + }, + { + "id": "17336090", + "title": "Francine (song)", + "text": "Francine (song) \"Francine\" is a song recorded by the American rock band ZZ Top from their album \"Rio Grande Mud\", released in 1971. \"Francine\" gave ZZ Top their first bona fide hit reaching #69 on the Billboard charts. It is the only single released from the \"Rio Grande Mud\" album. Dusty Hill also recorded a Spanish sung version as well, though Gibbons frequently handles the vocals on stage. Various official ZZ Top releases throughout the years, beginning in 1972, have used the alternative spelling \"Francene\", especially on the various 45 releases both within and outside the United States. The song", + "score": 0.68115234375 + }, + { + "id": "14440938", + "title": "Phil Chen", + "text": "along with Eddie Van Halen, in 1983. Other musicians Chen has performed and recorded with include Rod Stewart (playing on \"Hot Legs\" (as well as in the videoclip), \"Da Ya Think I'm Sexy?\" and \"Young Turks\"), Pete Townshend, Eric Clapton, Ray Charles, Desmond Dekker, Jerry Lee Lewis, Bob Marley, Jimmy Cliff, Jackson Browne, Jeff Beck, and Linda Lewis (on \"Rock-a-Doodle-Doo\"), among others. In 2004, he joined keyboardist Ray Manzarek and guitarist Robby Krieger (whom he had worked with in The Butts Band) in their Doors reformation, Manzarek\u2013Krieger. He was also a member of Krieger and Manzarek's Doors Tribute Band 'Riders", + "score": 0.68115234375 + }, + { + "id": "10370008", + "title": "The Girl I Love She Got Long Black Wavy Hair", + "text": "the first verse are an adaptation of the 1929 blues recording \"The Girl I Love She Got Long Curley Hair\" by Sleepy John Estes. The 2016 remastered edition of \"The Complete BBC Sessions\" includes \"Contains interpolations from \"Let Me Love You Baby\" by Willie Dixon [and] \"Travelling Riverside\" by Robert Johnson\" in the credits for the song. The Girl I Love She Got Long Black Wavy Hair \"The Girl I Love She Got Long Black Wavy Hair\" (also known as \"The Girl I Love\") is a song performed by English rock band Led Zeppelin. It was recorded by the BBC", + "score": 0.6806640625 + }, + { + "id": "5689691", + "title": "Lysette Anthony", + "text": "Victor Chodzko, was a mariner and journalist of Polish-Ukrainian descent. Anthony's childhood was made difficult by her mother's manic depression and schizophrenia and she left home at 19. In 1980, at age 16, Anthony was heralded as the \"Face of the Eighties\" by photographer David Bailey. She was a successful model before she became known as an actress at the age of 20. During the decade, she appeared in numerous music videos for artists such as Bryan Adams (\"Summer of '69\", \"Somebody\", \"Heaven\", and \"Run to You\"), Depeche Mode (\"I Feel You\"), and Simian Mobile Disco (\"Cruel Intentions\"). Anthony made", + "score": 0.68017578125 + }, + { + "id": "18644192", + "title": "Nick Fradiani", + "text": "which coincided with the debut live performance on \"American Idol.\" A video was shot on March 29 in Chicago, at Virgin Hotels Chicago, with model Michelle Hicks as the female lead. It was directed by Erik White and used real hotel guests as extras. Released on May 19, 2016, the video shows Fradiani having a \"cat and mouse game\" encounter, starting at the hotel's bar, with a beautiful woman who appears to have no scruples, leading to a steamy night at the hotel and a surprise resolution. In an interview with Boston's Mix 104.1 on May 5, 2016, Fradiani revealed", + "score": 0.6796875 + }, + { + "id": "14140750", + "title": "Geeling Ng", + "text": "Geeling Ng Geeling Ng (currently, Geeling Ching) is a New Zealand model, actress and restaurateur. She is best known as the title character in the English rock musician David Bowie's 1983 music video for his worldwide hit single \"China Girl\". She was a 23-year-old cook (salad section) at The Bayswater Brasserie in Sydney, with no acting experience when she auditioned for the role. Following her appearance in the video, the two had a brief affair. She has appeared in \"Mad Max Beyond Thunderdome\" (1985), \"Illustrious Energy\" (1988) and \"Desperate Remedies\" (1993). Ng was born and raised in Auckland. She modelled", + "score": 0.67919921875 + }, + { + "id": "10758553", + "title": "1984 MTV Video Music Awards", + "text": "\"Thriller\" and \"You Might Think,\" respectively; ZZ Top, who also received six nominations between their videos for \"Legs,\" \"Sharp Dressed Man,\" and \"Gimme All Your Lovin';\" and Billy Idol, who got five nominations for \"Dancing with Myself\" and \"Eyes Without a Face.\" Lastly, David Bowie had four nominations for his \"China Girl\" and \"Modern Love\" videos, and he was also one of the night's honorees for the Video Vanguard award. Winners are in bold text. The Cars \u2013 \"You Might Think\" David Bowie \u2013 \"China Girl\" Cyndi Lauper \u2013 \"Girls Just Want to Have Fun\" ZZ Top \u2013 \"Legs\" Eurythmics", + "score": 0.6787109375 + }, + { + "id": "9279890", + "title": "Daniella Evangelista", + "text": "Nelson. She portrayed the character \"Kimberley Parsons\" who was kidnapped and later murdered. She was credited in the sequel, \"Return to Cabin by the Lake\" in 2001. In 2001, she was on cast of film \"Ripper\" as \"Mary-Anne Nordstrom\". In 2003, she appeared in Nickelback's music video \"Someday\". Her father is a machinist. Daniella Evangelista Daniella Evangelista (born September 20, 1982) is a Canadian actress and model. Her early work in television commercials and modeling included national campaigns for \"Benetton\" and worldwide exposure through Japanese calendars and other promotions. She was also profiled on the front of the popular Italian", + "score": 0.6787109375 + }, + { + "id": "20177705", + "title": "Zepparella", + "text": "over 6 million YouTube views; and 2). \"Dazed and Confused\" released in 2012 with over 700,000 views. Steve Vai performed with Zepparella at the Malibu Guitar Festival in Malibu California on May 19, 2017. Gretchen Menn - Lead Guitar: Music Man Silhouette and Silhouette Special; Sadowsky Nylon String Electric; DiMarzio Pickups, cables, straps; Bi-Onyx amp and cabinet; Engl Special Edition E 670 EL 34 1977 Marshall JMP amp; Providence guitar effects pedals Clementine - Drummer: 1973 Ludwig kit, 24-20-18-14. Paiste Bonham reissue; Paiste 2002 cymbals; Ludwig SupraPhonic snare. Zepparella Zepparella is an all-female American hard rock tribute band founded and", + "score": 0.677734375 + }, + { + "id": "7949254", + "title": "VH1 Rock Honors", + "text": "hit ZZ Top song, \"Sharp Dressed Man\". Billy Bob Thornton then announced the Texas trio. After a biography video, the band took the stage and performed their MTV video hit \"Gimme All Your Lovin'\", followed by \"La Grange\", Dusty Hill's signature song \"Tush\" and finished with \"Cheap Sunglasses\". Cameron Diaz then took the stage to announce the Seattle Sisters, better known as Heart. After a biography video on the band, Gretchen Wilson, assisted by Alice in Chains performed \"Barracuda\", joined by Heart guitarist Nancy Wilson. Heart then took the stage and performed \"Straight On\", \"Lost Angel\", and \"Crazy on You\".", + "score": 0.67724609375 + }, + { + "id": "4502210", + "title": "Lung Leg", + "text": "Surfers and Sonic Youth song \"Death Valley '69\" (1985). After her film career in the 1980s, Lung Leg left the public sphere for several years. Nick Zedd wrote in his autobiography, \"Totem of the Depraved\", that she relocated to Minneapolis, before moving back to New York City after a short romance with German musician Blixa Bargeld of Einst\u00fcrzende Neubauten and Nick Cave and the Bad Seeds. She resumed her film career in 2005, appearing in the Mike Etoll film \"Sewer Baby.\" In it, she played a bartender dealing with Tiny Tim, various monsters, special effects and a primordial dwarf. In", + "score": 0.6767578125 + }, + { + "id": "9492988", + "title": "Zoe\u0308 Bell", + "text": "can also be seen in the music video of Noel Gallagher's High Flying Birds' 2012 single \"Dream On\". Zo\u00eb Bell Zo\u00eb E. Bell (born 17 November 1978) is a New Zealand stuntwoman and actress. Some of her most notable stunt work includes doubling for Lucy Lawless in \"\" and for Uma Thurman in \"Kill Bill\". As an actress, she has appeared on television and in feature films; she has starred in the web series \"Angel of Death\". She is probably most recognized for playing herself in the Quentin Tarantino film \"Death Proof\". In 2015, she appeared in an acting role", + "score": 0.67578125 + }, + { + "id": "15182307", + "title": "ZZ Top equipment", + "text": "designing simple, uncomplicated basses with a single pickup with a single volume knob, with the sometime rare addition including a specially powered knob for tone control. ZZ Top equipment This is the musical equipment used by the members of the hard rock/blues rock band ZZ Top. Gibbons' most famously known guitar is the white spinning fur guitar made by Dean Zelinsky of Dean Guitars (and matching bass played by ZZ Top bassist Dusty Hill) featured in the 1983 \"Legs\" music video. Billy Gibbons' choice of electric guitars has primarily been Gibson. His first guitar was a sunburst 1962 Gibson Melody", + "score": 0.6748046875 + }, + { + "id": "9423308", + "title": "Weak and Powerless", + "text": "in various artwork for the album, crawling through the woods, collecting various reptiles, and throwing them into an amblypygi -filled pit. The commentary by Maynard James Keenan provided for the video stated the model's name as Tonya, a woman who had never done this type of work before. There are two versions of the video; edited and unedited. In the unedited version the woman's breast and pelvic areas are clearly visible. These areas of the body are darkened and blurred for the television version and the scenes are sped up. Various camera and computer effects are used throughout the video.", + "score": 0.6748046875 + }, + { + "id": "2018381", + "title": "Dita Von Teese", + "text": "won Best Actress at Beverly Hills Film Festival. She starred in the feature film \"Saint Francis\" in 2007. In addition, she has appeared in a number of music videos, including the video for the Green Day song \"Redundant,\" the video for \"Zip Gun Bop\" by swing band Royal Crown Revue, Agent Provocateur's video for their cover of Joy Division's \"She's Lost Control,\" and (performing her martini-glass burlesque routine) the video for \"Mobscene\" by Marilyn Manson. She was featured in a striptease/burlesque act in George Michael's live tour 2008, for the song \"Feelin' Good\". In addition to this, she appeared at", + "score": 0.673828125 + }, + { + "id": "469198", + "title": "ZZ Top", + "text": "made a guest appearance on the television show \"St. Elsewhere\" on November 14, 1984 Season 3 Episode 8 \"Sweet Dreams\" in Luther's dream. While the band appears in Luther's dream, once Luther wakes he finds the \"Z\" keychain in the lock of the door to the room he was sleeping in. ZZ Top's music videos won awards throughout the 1980s, winning once each in the categories Best Group Video, Best Direction, and Best Art Direction. The videos that won the VMAs are \"Legs\", \"Sharp Dressed Man\" and \"Rough Boy\". Some of the high honors ZZ Top have achieved include induction", + "score": 0.673828125 + }, + { + "id": "5012407", + "title": "Taborah Johnson", + "text": "Taborah Johnson Taborah Johnson, also known as Tabby Johnson, is a Canadian singer and actress. She is the sister of actor Clark Johnson and rock and jazz singer Molly Johnson. She began her career in the Toronto production of \"Hair\" as a teenager. She was subsequently a backing vocalist for Rick James from 1979 to 1982, including on James' most famous single, \"Super Freak\". She subsequently returned to Toronto, where she sang as a jazz performer and as a backing vocalist for her sister Molly's band Infidels, and acted in occasional film and television roles, including appearances on \"Cagney and", + "score": 0.67333984375 + }, + { + "id": "9873854", + "title": "Linnzi Zaorski", + "text": "Linnzi Zaorski Linnzi Zaorski is an American jazz singer and songwriter based in New Orleans, Louisiana. In September 2006, she was the subject of a national radio piece by National Public Radio commentator Andrei Codrescu. She started out performing with the New Orleans Jazz Vipers and then formed her own backing band, Delta Royale. In 2002, Zaorski and Delta Royale recorded their self-titled debut album, including standards such as \"The Way You Look Tonight\", \"Stars Fell on Alabama\", and \"Dream a Little Dream of Me\". The album contains seven live tracks recorded at the Spotted Cat in New Orleans and", + "score": 0.67333984375 + }, + { + "id": "1965086", + "title": "Rio Grande Mud", + "text": "peaked at number 69 on the \"Billboard\" Hot 100. Another 45 version was released with \"Francine\" appearing on both sides (side one with English vocals and side two with Spanish vocals). Various official ZZ Top releases throughout the years, beginning in 1972, have used the alternative spelling \"Francene\", especially on the various 45 releases both within and outside the United States. A song about romance with an underage girl, the lyrics contain lines such as \"My Francine just turned thirteen, she's my angelic teenage queen, and I love her, she's all that I want.\" Rio Grande Mud Rio Grande Mud", + "score": 0.6728515625 + }, + { + "id": "20985207", + "title": "Linda Keith (model)", + "text": "Linda Keith (model) Linda Keith is the daughter of Alan Keith and best known for being a British \"Vogue\" model and girlfriend of Keith Richards who helped to discover Jimi Hendrix by introducing him to Chas Chandler. In the mid-1960s Linda became well connected culturally in the early days of \"Swinging London\". She was photographed by David Bailey and, together with Shiela Klein, partner of the Rolling Stones' manager Andrew Oldham, was at the heart of a bohemian community in London's West Hampstead. She formed relationships with Keith Richards of the Stones and, later in New York, Jimi Hendrix, but", + "score": 0.67236328125 + }, + { + "id": "17336091", + "title": "Francine (song)", + "text": "was actually written by Steve Perron and Kenny Cordray. They were not given credit for many years. Francine (song) \"Francine\" is a song recorded by the American rock band ZZ Top from their album \"Rio Grande Mud\", released in 1971. \"Francine\" gave ZZ Top their first bona fide hit reaching #69 on the Billboard charts. It is the only single released from the \"Rio Grande Mud\" album. Dusty Hill also recorded a Spanish sung version as well, though Gibbons frequently handles the vocals on stage. Various official ZZ Top releases throughout the years, beginning in 1972, have used the alternative", + "score": 0.67236328125 + }, + { + "id": "2693868", + "title": "Susan Fleming", + "text": "Susan Fleming Susan Fleming (February 19, 1908 \u2013 December 22, 2002) was an American actress and the wife of comic actor Harpo Marx. Fleming was known as the \"Girl with the Million Dollar Legs\" for a role she played in the W. C. Fields film \"Million Dollar Legs\" (1932). Her big stage break, which led to her Hollywood career, was as a Ziegfeld girl, performing in \"The Ziegfeld Follies\". Fleming was from New York City and went to school in Forest Hills, Queens. After starring in the Ziegfeld Follies productions on Broadway, she started appearing in movies. One of her", + "score": 0.67236328125 + }, + { + "id": "7852865", + "title": "Legs (film)", + "text": "Legs (film) Legs is a 1983 American made-for-television musical drama film starring Shanna Reed, Deborah Geffner, Lawrence Leritz, David Marshall Grant, Maureen Teefy, and Gwen Verdon. It was directed by Jerrold Freedman and written by Freedman and Brian Garfield. The film was retitled \"Rockettes\" for its UK video release. This film was Gwen Verdon's television film debut and using the talents of the 1982 Rockettes was partially filmed on stage at Radio City Music Hall. The film had several public screenings there prior to its television release. The film follows three women, Lisa, Terry, and Melissa, who are auditioning in", + "score": 0.671875 + }, + { + "id": "4075381", + "title": "Monika Dannemann", + "text": "Monika Dannemann Monika Charlotte Dannemann (24 June 1945 \u2013 5 April 1996) was a German figure skater and painter, mainly known as the last girlfriend of guitarist/singer Jimi Hendrix and later the wife of the German guitarist Uli Jon Roth of the Scorpions. In 1965, Dannemann participated in the German Figure Skating Championships representing the club D\u00fcsseldorfer EG. She came in 16th position. Dannemann was first introduced to Jimi Hendrix on 12 January 1969, in D\u00fcsseldorf, after being invited to a Jimi Hendrix concert there. She spent that night with him and part of the next day too, when she", + "score": 0.67138671875 + }, + { + "id": "21001116", + "title": "Leg fetishism", + "text": "subjects rated their first impressions of female job applicants in 12 outfits. The study supported that, \"Male subjects found female models more physically attractive and more likable in short shorts and short skirts compared with regular lengths.\" The 1983 song \"Legs\" by American Rock Trio ZZ Top is dedicated to female legs. In the 2005 anime Speed Grapher, Chief Ekoda of the Tokyo Police Department has an extreme leg fetish, murdering and cutting off the legs of numerous women then displaying them in his home. Eventually, he is rather happily killed by policewoman Ginza's thighs. The Teen Titans Go! episode", + "score": 0.67138671875 + }, + { + "id": "10366824", + "title": "Shores of California", + "text": "the lyrics: \"\"that's the way Aristophanes and Homer / wrote 'the iliad' and 'lysistrata' (not in that order...)\"\". The music video for this single parodies the video for David Lee Roth's version of \"California Girls\". It featured Amanda Palmer, Kelly, David J (an original member of the band Bauhaus), Margaret Cho, Jason Webley, as well as the Dresden Dolls's Dirty Business Brigade and other fans that had been encouraged to take part in a band newsletter that was released prior to production. The music video was directed by Andrew Bennett of Shoe String Concert Videos and produced by Frank Caridi.", + "score": 0.6708984375 + }, + { + "id": "19896939", + "title": "Long Legged Girl (With the Short Dress On)", + "text": "choice, but it has a pulpy cheese thing going.\" Long Legged Girl (With the Short Dress On) \"Long Legged Girl (With the Short Dress On)\" is a song first recorded by Elvis Presley as part of the soundtrack for his 1967 MGM motion picture \"Double Trouble\". The song was written by J. Leslie McFarland and Winfield Scott. Released in 1967 as a single, with \"That's Someone You Never Forget\" (from the 1962 album \"Pot Luck\") as the B-side, it spent 6 weeks on the \"Billboard\" Hot 100, peaking at number 63 on the week ending June 10. \"Billboard\" reviewed the", + "score": 0.6708984375 + }, + { + "id": "12659834", + "title": "Sadia Sadia", + "text": "'The End of the Party: Hyde Park 1969', a view of the 60's based on previously unseen footage of the famous first performance by Blind Faith in Hyde Park; produced and edited 'Iggy the Eskimo Girl', a short featuring Syd Barrett's (Pink Floyd) girlfriend Iggy, ubiquitously and affectionately known in the 1960s as 'Iggy the Eskimo girl'; and directed, produced and edited the film 'Lit From Within: The Film and Glass Works of Anthony Stern', a short documentary by Sadia about the filmmaker and glass artist Anthony Stern, which explores some of Anthony's life and works, and examines the aesthetic", + "score": 0.669921875 + }, + { + "id": "12364310", + "title": "Sleeping Bag (song)", + "text": "Sleeping Bag (song) \"Sleeping Bag\" is a song performed by the band ZZ Top from their 1985 album \"Afterburner\". The song was released as a single in 1985 and became their most successful single, reaching #8 on the \"Billboard\" Hot 100 in the United States, equaling the peak of their previous single \"Legs\". However, unlike \"Legs\", it also reached #1 on the U.S. Mainstream Rock Tracks chart, a first for the band. A music video was made to promote the song. The video revolves around a couple being chased by two wheel loaders and the Bear Foot monster truck. The", + "score": 0.669921875 + }, + { + "id": "9804260", + "title": "The Girls of FHM", + "text": "and Michelle Marsh joined them, along with \"Big Brother\" 's Nush, Lady Isabella Hervey and Sophie Anderton. Nikki Sanderson and Samia Ghadie from \"Coronation Street\" were included; \"FHM\" 's 'High Street Honeys' also put in an appearance. It was set in a bar at a fashion show, and was considered by the music industry to be a spoof of the fashion world. The video was filmed in Edgware, North London, and was directed by Phil Griffin. Lead and backing vocals were provided by session singer Sue Quin also known for being the voice of Eyeopener (All Around The World records)", + "score": 0.66943359375 + }, + { + "id": "8646901", + "title": "You Don't Know How It Feels", + "text": "word \"joint\" backwards. A version replacing the word \"roll\" with \"hit\" was also made. The music video won the MTV Video Music Award for Best Male Video in 1995. The girl in the video is Raven Snow; she also appeared in several episodes of Zalman King's \"Red Shoe Diaries\" and the film \"Delta of Venus\" as lounge singer Leila. Petty originally intended the B-side of the single, \"Girl on LSD\", to appear on \"Wildflowers\", but Warner Bros. refused because it was too controversial. In the song Petty sings about being in love with multiple girls on different drugs: marijuana, cocaine,", + "score": 0.66943359375 + }, + { + "id": "9372295", + "title": "She Was Hot", + "text": "did not perform well, reaching only number 44 on the U.S. Charts and number 42 on the U.K. Charts. A memorable video was produced for the song, featuring actress Anita Morris who semi-comically tempts each member of the band. The video version includes an extra verse. As with its predecessor, \"Undercover of the Night,\" \"She Was Hot\" was directed by Julien Temple, and was also edited for broadcast on MTV. The Rolling Stones resurrected \"She Was Hot\" for the 2006 United States leg of their A Bigger Bang Tour. The song made its live debut on 11 October 2006 in", + "score": 0.6689453125 + }, + { + "id": "8357279", + "title": "Corinne Russell", + "text": "She also had a speaking role in the TV movie \"Harry's Kingdom\" as the car model \"Suzi Lake\". She had a minor role in \"Bolero\". She led other leather-clad women with zippers at the groin region of their suits in the AC/DC music video \"You Shook Me All Night Long\". It was revealed on the VH1 series \"Pop-up Video\" that during the shot with the mechanical bull, she accidentally jabbed herself with her spur twice. The roadie who came to her aid married her a year later; Angus, one of the band members, gave them a mechanical bull for a", + "score": 0.66845703125 + }, + { + "id": "7772282", + "title": "Lay It Down (Ratt song)", + "text": "blows out the candles, he sees a vision of the future in which the band plays in what looks like an abandoned building. He sings to his now grown-up girlfriend to win her heart. The video ends with the girl asking him what he wished for. The woman in the video is Playboy model Marianne Gravatte, who is also the model on the cover of \"Invasion Of Your Privacy\". \"Lay It Down\" reached #40 on the \"Billboard\" Hot 100 and #11 on the Mainstream Rock chart during the summer of 1985. This made it Ratt's second and last Top 40", + "score": 0.66845703125 + }, + { + "id": "5312514", + "title": "Dana Gillespie", + "text": "vocals on the track \"It Ain't Easy\" from David Bowie's \"Ziggy Stardust and the Spiders from Mars\", she recorded an album produced by Bowie and Mick Ronson in 1973, \"Weren't Born a Man\". Subsequent recordings have been in the blues genre, appearing with the London Blues Band. She is also notable for being the original Mary Magdalene in the first London production of Andrew Lloyd Webber and Tim Rice's \"Jesus Christ Superstar\", which opened at the Palace Theatre in 1972. She also appeared on the Original London Cast album. During the 1980s Gillespie was a member of the Austrian Mojo", + "score": 0.66796875 + }, + { + "id": "2554882", + "title": "Zizi Jeanmaire", + "text": "Zizi Jeanmaire Zizi Jeanmaire (born Ren\u00e9e Marcelle Jeanmaire 29 April 1924) is a French ballet dancer and the widow of renowned dancer and choreographer Roland Petit. She became famous in the 1950s after playing the title role in the ballet \"Carmen\", produced in London in 1949, and went on to appear in several Hollywood films. Born Ren\u00e9e Marcelle Jeanmaire in Paris, she met her future husband and long-time collaborator Roland Petit at the Paris Opera Ballet at the age of nine. She joined his company, Petit's ballets de Paris, in 1949. In 1954 they married, and their successful shows put", + "score": 0.66796875 + }, + { + "id": "16413753", + "title": "Jennie Lee (dancer)", + "text": "Jennie Lee (dancer) Jennie Lee (born Virginia Lee Hicks, October 23, 1928 \u2013 March 24, 1990) was an American stripper, burlesque entertainer, pin-up model, Union activist, and a minor role movie actress, who performed several striptease acts in nightclubs during the 1950s and 1960s. She was also known as \"the Bazoom Girl\", \"the Burlesque Version of Jayne Mansfield\", and \"Miss 44 and Plenty More\". Lee's act centered on how fast she could get her pastie propellers to spin and how dizzy she could make the audience. Due to her figure (42D\"\u201326\"\u201337), she became known as \"The Bazoom Girl,\" \"The Burlesque", + "score": 0.66748046875 + }, + { + "id": "9492979", + "title": "Zoe\u0308 Bell", + "text": "Zo\u00eb Bell Zo\u00eb E. Bell (born 17 November 1978) is a New Zealand stuntwoman and actress. Some of her most notable stunt work includes doubling for Lucy Lawless in \"\" and for Uma Thurman in \"Kill Bill\". As an actress, she has appeared on television and in feature films; she has starred in the web series \"Angel of Death\". She is probably most recognized for playing herself in the Quentin Tarantino film \"Death Proof\". In 2015, she appeared in an acting role in Tarantino's eighth feature film, \"The Hateful Eight\". She was Cate Blanchett's stunt double in the 2017 release", + "score": 0.6669921875 + }, + { + "id": "12373437", + "title": "Holly Cruikshank", + "text": "after Elizabeth Parkinson left the show, then continued it with the touring company from 2004\u20132007, again to rave reviews. The \"London Daily Telegraph\", for example, wrote: \"Holly Cruikshank as Brenda has the most impossibly long legs you are ever likely to see and does things with them that seem to defy the basic laws of human anatomy.\" Cruikshank has played small parts in several movies, and was one of the house dancers (known as the \"honey bees\") on CMT's \"The Singing Bee\". Holly Cruikshank Holly Cruikshank (born June 18, 1973) is an American dancer. She is known for her role", + "score": 0.6669921875 + }, + { + "id": "4823349", + "title": "Living Loving Maid (She's Just a Woman)", + "text": "song immediately follows Heartbreaker on side 2 of \"Led Zeppelin II\" and radio stations have tradtionally played them together in succession. It is guitarist Jimmy Page's least favourite Led Zeppelin song, and was thus never performed in concert. However, singer Robert Plant played it on his 1990 solo tour promoting his album \"Manic Nirvana\". Living Loving Maid (She's Just a Woman) \"Living Loving Maid (She's Just a Woman)\" is a song by the English rock band Led Zeppelin from their album \"Led Zeppelin II\", released in 1969. It was also released as the B-side of the single \"Whole Lotta Love\".", + "score": 0.6669921875 + }, + { + "id": "4456319", + "title": "Dusty Hill", + "text": "Dusty Hill Joseph Michael \"Dusty\" Hill (born May 19, 1949) is the bassist, keyboardist, and co-vocalist with the American rock group ZZ Top. Hill was born in Dallas, Texas. He and his brother Rocky Hill (also a musician) were raised in the Lakewood neighborhood of East Dallas. He attended Woodrow Wilson High School (Dallas) where he played the cello. Hill, his brother the guitarist Rocky Hill and future fellow ZZ Top member Frank Beard played in local Dallas bands the Warlocks, the Cellar Dwellers, and American Blues. From 1966 to 1968, American Blues played the Dallas-Fort Worth-Houston circuit. In 1969,", + "score": 0.6669921875 + }, + { + "id": "904685", + "title": "Music video", + "text": "in the studio, intercut with a mock trial that clearly alludes to the drug prosecutions of Mick Jagger and Keith Richards underway at that time. Jagger's girlfriend Marianne Faithfull appears in the trial scenes and presents the \"judge\" (Richards) with what may be the infamous fur rug that had featured so prominently in the press reports of the drug bust at Richards' house in early 1967. When it is pulled back, it reveals an apparently naked Jagger with chains around his ankles. The clip concludes with scenes of the Stones in the studio intercut with footage that had previously been", + "score": 0.6669921875 + }, + { + "id": "8906629", + "title": "Zella Lehr", + "text": "Zella Lehr Zella Lehr (born March 14, 1951) is an American singer and entertainer. She had hit records on RCA Records and Columbia Records, most notably her cover of Dolly Parton's \"Two Doors Down\" (which charted for Lehr in late 1977, before Parton herself had released the song as a single). She had been on the\" Billboard\" Hot Country Singles chart for 18 weeks and in 1980 was nominated by the Academy of Country Music and Cashbox Magazine for the 'Most Promising Female Vocalist' award. Zella has spent her life on stage, making her debut at the age of seven", + "score": 0.66650390625 + }, + { + "id": "12710213", + "title": "God Love Her", + "text": "a cheesy and overblown little piece.\" A music video was released on October 20, 2008 for the song, directed by Michael Salomon. The video, which stars actress Jillian Nelson, follows the lyrics of the song. The girl is shown in sitting alone in a church, then going outside to run through the woods with a boy. She later gets on the back of his motorcycle and they are shown driving through the countryside. Included with these are scenes of Keith performing the song outside the church and inside a house. It was the only video released from this album. On", + "score": 0.666015625 + }, + { + "id": "7571460", + "title": "Legs (song)", + "text": "come to his aid, helping him to seek revenge on senior hospital staff who have oppressed him. On the May 9, 2017 episode of \"The Tonight Show Starring Jimmy Fallon\", Fallon dressed as Dusty Hill, and was joined by guests Chris Stapleton (as Billy Gibbons) and Kevin Bacon (as Frank Beard). Imitating ZZ Top, the trio sang a parody of \"Legs\" as \"Neck\" in the show's recurring \"First Drafts of Rock\" segment. The song referred to body parts other than legs, including the lines \"She's got thumbs / She uses them to text me / What is texting? / It's", + "score": 0.666015625 + }, + { + "id": "9471581", + "title": "Dirty Boots", + "text": "girl are then escorted by bouncers into the audience via stage dive. The video was shot in a now-defunct New York City club called Beowulf. The girl was played by Lisa Stansbury of Neptune, New Jersey. The band selected her for the video after seeing her dance at a Dinosaur Jr. show at Maxwell's in Hoboken. Dirty Boots \"Dirty Boots\" was the third and final single from Sonic Youth's 1990 album \"Goo\". It was released in 1991 on DGC. All of the live tracks were taken from a concert recorded on November 3, 1990 at University of California, Irvine's Crawford", + "score": 0.66552734375 + }, + { + "id": "12177590", + "title": "Hot Leg", + "text": "Hot Leg Hot Leg were an English rock band led by The Darkness frontman Justin Hawkins. The band consisted of Hawkins, Pete Rinaldi (of Anchorhead), Samuel SJ Stokes (formerly of The Thieves) and Darby Todd (from Protect the Beat). Their debut album \"Red Light Fever\" was recorded in London in early 2008, and was released on 9 February 2009 by Barbecue Rock Records. Hot Leg released the song \"Heroes\" as a free download, but the track did not appear on their album, \"Red Light Fever\". Appearing on their official MySpace profile was Hot Leg's debut single, titled \"Trojan Guitar\", which", + "score": 0.66552734375 + }, + { + "id": "10366449", + "title": "Regina Zernay Roberts", + "text": "Regina Zernay Roberts Regina Zernay Roberts is an American instrumentalist, singer, and songwriter. She is lead singer and bass player of Detroit Diesel Power. She played bass guitar and Moog synthesizer with Scarlet Fever, the all-female backing band that toured with Cee Lo Green during 2010 and 2011. She toured several years in the New Orleans cowpunk band, Cowboy Mouth; was founding bassist/singer of Los Angeles punk rock band, M\u00e9chant; and was bassist for the hard rock band, Halfcocked. Regina Zernay was born in Queens, New York, but grew up in a tiny Florida village. She is the first-born child", + "score": 0.66552734375 + }, + { + "id": "5850017", + "title": "Lela Rochon", + "text": "She appeared as the love interest of Gerald Levert in the video for \"My Forever Love\" by Levert, and in Luther Vandross' \"It's Over Now\" video. She also appeared in the music video for Lionel Richie's single \"All Night Long (All Night)\", in Al B. Sure's video for the song \"Natalie\", and in Tupac Shakur's video \"I Get Around\" as one of the female dancers. She had many guest starring roles in a number of sitcoms, include \"The Cosby Show\", \"Amen\", \"227\", \"The Fresh Prince of Bel-Air\", and \"Hangin' with Mr. Cooper\". Rochon made her film debut in 1985, when", + "score": 0.6650390625 + }, + { + "id": "14418486", + "title": "Valet Girls", + "text": "of Dirk Zebra's wife Tina (Patricia Scott Michel) and Carnation's boyfriend Archie Lee (John Terlesky) the valet girls humiliate Dirk Zebra, Lindsey Brawnsworth, and the members of the other valet company. Tony Cox appears as Lucy's friend and manager, Sammy. Ron Jeremy also made an appearance in an uncredited, minor roles. \"Valet Girls\" was released on VHS by Lions Gate on April 15, 1987. Valet Girls Valet Girls is a 1987 American comedy film about three women in L.A. who are working as valet girls while trying to get started in the entertainment industry. The film was directed by Rafal", + "score": 0.6650390625 + }, + { + "id": "15893709", + "title": "The Beautiful Legs of Sabrina", + "text": "The Beautiful Legs of Sabrina The Beautiful Legs of Sabrina (also known as Le bellissme gambe di Sabrina) is a low-budget 1958 Italian-West German crime-drama-comedy film starring Mamie Van Doren, Antonio Cifariello, and Rossana Martini. \"The Beautiful Legs of Sabrina\", was Mamie Van Doren's first film made away from Hollywood. Van Doren, who had become known as one of \"The Three M's\" \u2013 the other two being Marilyn Monroe and Jayne Mansfield \u2013 had signed with Universal Pictures, but stopped accepting roles from them before her contract was up. \"The Beautiful Legs of Sabrina\", was a flop when released and", + "score": 0.6650390625 + }, + { + "id": "5480950", + "title": "Balinese Room", + "text": "1957. In 1961, Hurricane Carla damaged the structure. Many of the piers that supported the structure had been washed away, and over following years, the building continued to decay. The Balinese Room is celebrated in a 1975 song by the band ZZ Top. The 1989 film \"Night Game\" featured the Balinese Room as a filming location. The 1993 film \"Dazed and Confused\" played an excerpt of the aforementioned ZZ Top song \"Balinese\". After sitting vacant for 20 years, the Balinese Room and its pier eventually became the property of the State of Texas. A local attorney, Scott Arnold, took out", + "score": 0.6650390625 + }, + { + "id": "1802348", + "title": "Suzi Quatro", + "text": "Suzi Quatro Susan Kay Quatro (born June 3, 1950) is an American rock singer-songwriter, multi-instrumentalist and actress. She was the first female bass player to become a major rock star. In the 1970s, Quatro scored a string of hit singles that found greater success in Europe and Australia than in her homeland. She reached no. 1 in the UK and other European countries and Australia with her singles \"Can the Can\" (1973) and \"Devil Gate Drive\" (1974). Following a recurring role as bass player Leather Tuscadero on the popular American sitcom \"Happy Days\", her duet \"Stumblin' In\" with Smokie's lead", + "score": 0.66455078125 + }, + { + "id": "15893710", + "title": "The Beautiful Legs of Sabrina", + "text": "is now largely unknown. The Beautiful Legs of Sabrina The Beautiful Legs of Sabrina (also known as Le bellissme gambe di Sabrina) is a low-budget 1958 Italian-West German crime-drama-comedy film starring Mamie Van Doren, Antonio Cifariello, and Rossana Martini. \"The Beautiful Legs of Sabrina\", was Mamie Van Doren's first film made away from Hollywood. Van Doren, who had become known as one of \"The Three M's\" \u2013 the other two being Marilyn Monroe and Jayne Mansfield \u2013 had signed with Universal Pictures, but stopped accepting roles from them before her contract was up. \"The Beautiful Legs of Sabrina\", was a", + "score": 0.66455078125 + }, + { + "id": "7429045", + "title": "Jamie Kern Lima", + "text": "members of the hit TV show Dancing With The Stars, who use both the face and body products. Lima has recently made appearances on the TODAY Show, Rachael Ray, Extra!, and E! News along with many others representing her beauty line. She won the Redbook Magazine MVP (Most Valuable Product) award for 2008 for her Leg Sculpting Kit, by the name of Smokin' Hot Legs. Lima has also lived in and visited several countries including Thailand, Brazil, Mexico, Australia, Italy, France, Japan and Cambodia. She also did live reports from the Vatican City for KNDU in Kennewick on Pope John", + "score": 0.66455078125 + }, + { + "id": "4060266", + "title": "Linnea Quigley", + "text": "appeared alongside Quigley in the film \"Graduation Day\" with his band Felony. Quigley then managed to form her own band called The Skirts. Her friend Haydee Pomar, whom she met on the set of Cheech & Chong's comedy \"Nice Dreams\" (1981), played the bass guitar. They practiced in the basement of the punk rock club The Masque and their music got featured in some of Quigley's later movies. Their song \"Santa Monica Blvd. Boy\" was released on Mystic Records' 1983 compilation \"The Sound of Hollywood Girls\". Quigley is best known for her role in \"The Return of the Living Dead\"", + "score": 0.6640625 + }, + { + "id": "8924362", + "title": "Zoo (dance troupe)", + "text": "only once. However, some continuity from the previous \"TOTP\" dance troupe Legs & Co. was maintained. Anita Mahadervan, who had been a member of Legs & Co. for their last six months on \"TOTP\", appeared on most of Zoo's early dance routines. Another Legs & Co. dancer, Sue Menhenick, who had been part of the various \"TOTP\" dance troupes from 1974 to October 1981, was invited to return for one edition in December 1981 and was credited as a member of Zoo on the show's end titles. Mary Corpe, who was in the final line up of Pan's People, also", + "score": 0.6640625 + }, + { + "id": "9625033", + "title": "Girls of Summer", + "text": "Grammy Award in 2003 in the category Best Rock Performance by a Duo or Group with Vocal. The video for the song was directed by David Meyers, and filmed in South Beach. The three women appearing in the video are Jaime Pressly, Nichole Galicia, and Kim Smith. As Steven Tyler is shown on the beach, the music video depicted the summer activities of the girls in different time points: In the final scene, Tyler finds a sandwich on the beach. When he puts it in his mouth, he learns too late that it was a bait as Tyler is reeled", + "score": 0.6640625 + }, + { + "id": "7628399", + "title": "Leila Kenzle", + "text": "Leila Kenzle Leila Kenzle (born July 16, 1960) is an American actress best known for her role as Fran Devanow on \"Mad About You\". Leila Kenzle was born in Patchogue, Long Island, New York, the daughter of Lee, an antiques dealer, and Kurt Kenzle, who worked in electrical supply sales. Before moving to Los Angeles to become an actress she worked as a hotel telephone operator. Her big break came when she was cast as a stripper in the off-Broadway production of \"Tony n' Tina's Wedding\". Her TV credits include appearances on \"The Golden Girls\", \"Diagnosis Murder\", \"Thirtysomething\" and \"The", + "score": 0.6640625 + }, + { + "id": "9813141", + "title": "The Girl in the Kremlin", + "text": "The Girl in the Kremlin The Girl in the Kremlin is a 1957 American film noir mystery film which puts forth the premise that Joseph Stalin (played by Maurice Manson) faked his own death in 1953 and then moved to Greece with a fortune in Soviet currency. Zsa Zsa Gabor plays a dual role, Stalin's nurse and lover as well as her twin sister who, unaware of Stalin's plot, hires an ex\u2013O.S.S. agent (Lex Barker) to find her sister. In Moscow, four terrified women prisoners are brought to the office of Joseph Stalin, who chooses Dasha, the smallest and most", + "score": 0.6640625 + }, + { + "id": "20638376", + "title": "Zsa Zsa (singer)", + "text": "Zsa Zsa (singer) Jelena \u017dnidari\u0107, known professionally as Zsa Zsa, is a Croatian singer. She rose to fame by participating in the second season of X Factor Adria. Zsa Zsa is most known for her collaboration with Damir Ked\u017eo on the song \"Sve u meni se budi\". Jelena \u017dnidari\u0107 was born in Pu\u0161\u0107ine, Croatia. \u017dnidari\u0107 began singing at an early age. At age five her parents enrolled her in singing lessons. In 2015 \u017dnidari\u0107 released her her first single \"\u017diva sam\". \"Sve u meni se budi\", a collaboration with Croatian singer Damir Ked\u017eo was released as \u017dnidari\u0107's second single. \u017dnidari\u0107", + "score": 0.6640625 + }, + { + "id": "15183373", + "title": "Bob Sarles", + "text": "number of unscripted television series including Bravo's \"Million Dollar Listing Los Angeles\" and \"Shahs Of Sunset\", FX's \"Ultimate Fighter\", WE's \"Kendra On Top\" and \"Braxton Family Values\" , Discovery's \"American Chopper\" , ABC's \"The Mole\" and \"Making The Band\", and VH1's \"Basketball Wives\" Bob Sarles edited award winning music videos for a number of top rock, rap and country artists including ZZ Top's 1984 MTV Best Group Video \"Legs\" which was co-edited with Sim Sadler and also received best editing nominations from the MTV Video Music Awards, The Billboard Music Video Awards and the American Music Video Awards, and Green", + "score": 0.66357421875 + }, + { + "id": "13327797", + "title": "Long Legged Woman Dressed in Black", + "text": "Long Legged Woman Dressed in Black \"Long Legged Woman Dressed in Black\" is a popular song and hit single by the British group Mungo Jerry, first released in 1974. It also became the title track of a compilation album by the group, released later in 1974. It was written by the band's lead singer Ray Dorset and produced by Barry Murray and Dorset. In addition to Dorset (guitar, vocals), the line-up of the group at this time which played on the record comprised Dick Middleton (guitar), Bob Daisley (bass), Ian Milne (keyboards), and Dave Bidwell (drums). The song entered the", + "score": 0.66357421875 + }, + { + "id": "7460834", + "title": "American Made Music to Strip By", + "text": "Moon naked again except this time without the cowboy hat, instead wearing the heels and a pair long black gloves on her arms, covering her breasts and crotch. Zombie filmed a new music video for the \"Subliminal Seduction Mix\" of \"Living Dead Girl\", which had previously received an official single release earlier that year. The new video features the same setting as the original, though sees Zombie and his band performing the song while dressed as mummies. Sheri Moon Zombie, who portrayed the living dead girl in the original video, does not appear in the remixed edition. The \"Spookshow Baby", + "score": 0.66357421875 + }, + { + "id": "8219064", + "title": "Wild Thing (Tone Lo\u0304c song)", + "text": "L\u014dc and his people made millions out of it...\" A music video directed by Tamra Davis was made for the song at a reported cost of only $500, copying the style of Robert Palmer's \"Addicted to Love\" with mini-skirted women playing guitars next to Tone L\u014dc, which went into heavy rotation on MTV. The leading lady in the video is played by actress Tracy Camilla Johns. \"Wild Thing (Peaches Remix)\" is a version of Tone L\u014dc's \"Wild Thing\". The song features vocals by Tone L\u014dc and Peaches herself. This remix was made to celebrate Delicious Vinyl's 20th anniversary. It peaked", + "score": 0.66357421875 + }, + { + "id": "7856839", + "title": "Zouzou (model)", + "text": "Zouzou (model) Zouzou (born Dani\u00e8le Ciarlet on November 29, 1943) is a model, actress, singer and icon of the 1960s and early 1970s. She is known largely for her lead role in \u00c9ric Rohmer's \"Love in the Afternoon\". Her career, however, was constantly hampered by her addiction to heroin and other drugs. She went for detox for 2 years away in the Antilles. The screen name \"Zouzou\" reportedly stems from her \"z\u00e9zaiement\" (lisp) of the consonants 's','j' and 'z'. Zouzou was friendly with many famous artists from the 60s, including George Harrison, whom she favored as a friend, and his", + "score": 0.66357421875 + }, + { + "id": "3089989", + "title": "Liz Mitchell", + "text": "Liz Mitchell Elizabeth Rebecca Mitchell (born 12 July 1952) is a Jamaican-born British vocalist, best known as the former lead singer of the 1970s disco/reggae band Boney M. Mitchell was born in Clarendon Parish, Jamaica. At the age of eleven, Mitchell and her family emigrated to London, England, in 1963. By the end of the decade, she auditioned for \"Hair\" and eventually moved to Berlin to join the German cast where she replaced Donna Summer. After \"Hair\", Mitchell joined the Les Humphries Singers for a few years. A phone call from Katja Wolff agency in February 1976 persuaded Mitchell to", + "score": 0.6630859375 + }, + { + "id": "13327798", + "title": "Long Legged Woman Dressed in Black", + "text": "UK Singles Chart in April 1974 and reached No. 13 staying for nine weeks on the chart, their last single to reach the British Top 20. Long Legged Woman Dressed in Black \"Long Legged Woman Dressed in Black\" is a popular song and hit single by the British group Mungo Jerry, first released in 1974. It also became the title track of a compilation album by the group, released later in 1974. It was written by the band's lead singer Ray Dorset and produced by Barry Murray and Dorset. In addition to Dorset (guitar, vocals), the line-up of the group", + "score": 0.6630859375 + }, + { + "id": "16380393", + "title": "Whip Appeal", + "text": "for a couple months,\" Babyface said. During casting for his next video, \"My Kinda Girl\", he recalled asking, \"'Do you remember the girl who caught the chicken pox? She was real pretty.' The very next day, Tracey, her mom and brother happened to be driving down the street that I was on. It was like a 'meant to be' kind of thing.\" The video features actress Holly Robinson Peete, who introduces herself as 'Holly Robinson', as the sultry radio host at the beginning of the video. The music video was directed by Jim Yukich, who previously directed many videos for", + "score": 0.6630859375 + }, + { + "id": "10559824", + "title": "Dean Z", + "text": "created by the exclusive headstock coupled with the original Dean neck design is how the Z achieves its \"incredible ease of play\". It is still sold in its original configuration. ZZ Top asked Dean Zelinsky to create a guitar that was covered in sheep's wool. What emerged became known as the \"Spinning Fur\" Dean Z. This was created as a guitar and a bass. ZZ Top used the Spinning Fur guitars in the music video for their song \"Legs\". The Z shape is also available as part of the Baby Series as a scaled down version. There is also a", + "score": 0.6630859375 + }, + { + "id": "18866881", + "title": "Lorenza Izzo", + "text": "Lorenza Izzo Lorenza Francesca Izzo Parsons (born September 19, 1989) is a Chilean actress and model best known for her role as Kylie in the horror film \" Aftershock\", Justine in horror film, \"The Green Inferno\", and Genesis in the erotic horror thriller \"Knock, Knock\", the latter two directed by her former husband, Eli Roth. Izzo was born in Santiago, Chile to Chilean model . She has a younger sister, Clara Lyons Parsons, who is a model as well. When she was twelve years old, she moved to Atlanta with her father, then working towards a Ph.D. at Georgia Institute", + "score": 0.66259765625 + }, + { + "id": "7636850", + "title": "Vicki Randle", + "text": "Vicki Randle Vicki Randle (born December 11, 1954 in San Francisco, California) is an American singer, multi-instrumentalist (primarily acoustic guitar and percussion) and composer, known as the first (and only) female member of The Tonight Show Band, starting with host Jay Leno in 1992. She has recorded and/or toured with several artists, including Aretha Franklin, Mavis Staples, George Benson, Lionel Richie, Kenny Loggins, Celine Dion, Herbie Hancock, Wayne Shorter, Branford Marsalis, and Lyle Mays. She began her career as a singer-songwriter/guitarist, playing in such venues as the Bla-Bla Cafe and The Ice House. She also recorded and toured with several", + "score": 0.66259765625 + }, + { + "id": "8033347", + "title": "Hot Legs", + "text": "Hot Legs \"Hot Legs\" is a single by Rod Stewart. Stewart included the song on his 1977 album \"Foot Loose & Fancy Free\". The 1977 single performed moderately well on the United States Hot 100 (#28), and well on the UK Singles Chart (#5). In the UK, \"Hot Legs\" and \"I Was Only Joking\" charted together as a double A-side. In 1993, Stewart recorded a live version during his \"MTV Unplugged\" session which appeared on the album \"Unplugged...and Seated\". Artists who have recorded cover versions of \"Hot Legs\" include Tom Jones, Tina Turner, and American rock band Orgy. Bon Jovi", + "score": 0.66259765625 + }, + { + "id": "14063538", + "title": "Long Jeanne Silver", + "text": "Long Jeanne Silver Long Jeanne Silver is an American former pornographic actress, known for using the stump of her amputated leg to penetrate her sexual partner in her movies during the 1970s and 1980s. Silver was born in Tempe, Arizona. She was born with a missing fibula in one leg which required the bottom half of it to be amputated. She ran away from home at age 16 in 1976 to go to New York City, where she would soon begin to pose for adult magazines and perform in porn films. Prior to pornography, she also had worked as a", + "score": 0.66259765625 + }, + { + "id": "12152953", + "title": "Deborah Bonham", + "text": "Deborah Bonham Deborah Bonham (born 7 February 1962) is an English rock and blues vocalist and the sister of John Bonham, the late drummer for the band Led Zeppelin. Born in Redditch, Worcestershire, England, she lived with her father in The Old Hyde farm, Cutnall Green, Worcestershire (the location where John Bonham's fantasy sequence was filmed for \"The Song Remains the Same\"). While living there, she started playing and recording music with her nephew Jason Bonham who has played drums on her two most recent studio releases. When Led Zeppelin was formed in 1968, Deborah was six years old. While", + "score": 0.66259765625 + }, + { + "id": "16618932", + "title": "ZZ Ward", + "text": "2017. On June 25, 2018, Ward was selected to perform the new opening song for the Monster Energy NASCAR Cup Series races on NBC and NBCSN. She covers Tom Petty's classic \"Runnin Down a Dream\". Many NASCAR personalities appear in the video. ZZ Ward Zsuzsanna Eva \"ZZ\" Ward (born June 2, 1986) is an American musician, singer and songwriter. She is signed to Boardwalk Entertainment Group and Hollywood Records, and managed by Triple 8 Management. Ward released her debut EP, \"Criminal\", on May 8, 2012. Her debut album, \"Til the Casket Drops\", was released on October 16, 2012. \"Put The", + "score": 0.66259765625 + }, + { + "id": "4306431", + "title": "Amy Weber", + "text": "\"Son of the Beach\", \"Andy Richter Controls the Universe\", \"Saved by the Bell\", \"Melrose Place\", \"Pacific Blue\", \"The Young and the Restless\", \"Baywatch\", \"Jenny\", \"USA High\" and \"City Guys\". She also appeared in country musician Toby Keith's video for his song \"Whiskey Girl\" as the Whiskey girl, and, on December 31, 2004, she was featured in a sketch on the New Year's Eve live episode of \"The Tonight Show with Jay Leno\". Correspondent Tom Green traveled all over New York City looking for someone to kiss him at midnight, which Weber eventually agreed to do. Weber has had lead roles", + "score": 0.662109375 + }, + { + "id": "5045835", + "title": "Skin Trade (song)", + "text": "performing was treated with a rotoscope-like effect, adding vivid colors to details like a person's eyes or jewelry. Like so many other Duran Duran videos, \"Skin Trade\" included a beautiful woman - in this case German supermodel Tatjana Patitz. Her image was rotoscoped for some scenes as well, and her dancing figure was superimposed on several different vividly colored abstract backgrounds. Session drummer Steve Ferrone and guitarist Warren Cuccurullo, who would later become a full member of the band, appeared in the video, although their faces are not often seen. Cuccurullo also contributed the power chords and harmony parts on", + "score": 0.66162109375 + } + ], + "answer": "\"Legs\" is a song performed by the band ZZ Top from their 1983 album Eliminator. The \"Legs\" video was the third and last of the Eliminator series of videos that introduced the now-iconic 1933 Ford, \"Eliminator girls\", Jeana Tomasino, Kymberly Herrin, and Dani\u00e8le Arnaud, and ZZ Top-as-benevolent-spirits tropes, all of which have become firmly established aspects of the band's iconography. The salesgirl in the video was Wendy Frazier." + }, + { + "qa_pairs": [ + { + "context": "\"In the Ghetto\" (originally titled \"The Vicious Circle\") is a 1969 song recorded by Elvis Presley written by Mac Davis. It was a major comeback hit released in 1969 as a 45 rpm single with \"Any Day Now\" as the flip side.", + "question": "Who wrote the lyrics to Elvis's song \"In the Ghetto\"?", + "short_answers": [ + "Morris Mac Davis", + "Mac Davis" + ], + "wikipage": "In the Ghetto" + }, + { + "context": "\"In the Ghetto\" is the fourth and final single from Busta Rhymes' album \"The Big Bang\", and features R&B singer Rick James. It was produced by DJ Green Lantern and Dr. Dre.", + "question": "Who wrote the lyrics to Busta Rhymes's song \"In the Ghetto\"?", + "short_answers": [ + "Rick James" + ], + "wikipage": "In the Ghetto (Busta Rhymes song)" + } + ], + "wikipages": [ + { + "title": "In the Ghetto (Busta Rhymes song)", + "url": "https://en.wikipedia.org/wiki/In%20the%20Ghetto%20%28Busta%20Rhymes%20song%29" + }, + { + "title": "In the Ghetto", + "url": "https://en.wikipedia.org/wiki/In%20the%20Ghetto" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Elvis Aaron Presley[a] (January 8, 1935 \u2013 August 16, 1977), also known simply as Elvis, was an American singer and actor. ", + "wikipage": "Elvis Presley" + }, + { + "content": "Trevor George Smith Jr.[5][6][7][8] (born May 20, 1972), known professionally as Busta Rhymes, is an American rapper and record producer. ", + "wikipage": "Busta Rhymes" + } + ], + "long_answer": "The 1969 song \"In the Ghetto\" (originally titled \"The Vicious Circle\") was recorded by American singer and actor Elvis Presley and written by Mac Davis. Another song by the same title from American rapper and record producer Busta Rhymes' \"The Big Bang\" album was written by R&B singer Rick James. " + }, + { + "knowledge": [ + { + "content": "The Big Bang is the seventh studio album by American rapper Busta Rhymes.[2] It was released on June 13, 2006, by Aftermath Entertainment, Flipmode Records and Interscope Records.", + "wikipage": "The Big Bang (Busta Rhymes album) Track listing" + } + ], + "long_answer": "Elvis and Busta Rhymes each released a unique song called In The Ghetto. Elvis' 1969 song was written by Mac Davis while Busta Rhymes' 2006 song was written by Rick James." + } + ], + "sample_id": "6616209317221884290", + "question": "Who wrote the lyrics to in the ghetto?", + "docs": [ + { + "id": "6038755", + "title": "In the Ghetto", + "text": "In the Ghetto \"In the Ghetto\" (originally titled \"The Vicious Circle\") is a song written by Mac Davis and made famous by Elvis Presley, who had a major comeback hit with it in 1969. It was released in 1969 as a 45 rpm single with \"Any Day Now\" as the flip side. It is a narrative of generational poverty: a boy is born to a mother who already has more children than she can feed in the ghetto of Chicago. The boy grows up hungry, steals and fights, purchases a gun and steals a car, attempts to run, but is", + "score": 0.77734375, + "summary": "The lyrics to \"In the Ghetto\" were written by Mac Davis.", + "extraction": "The lyrics to \"In the Ghetto\" were written by Mac Davis." + }, + { + "id": "7452340", + "title": "From Elvis in Memphis", + "text": "Davis' \"In The Ghetto\". The song was chosen by Billy Strange, who had previously picked material for other Presley sessions. The protest song denounces the consequences of poverty, with compassion for inner-city youth. Because of \"In the Ghetto\"'s lyrics, controversial for its time, Presley originally did not plan to record the song because he thought it might alienate fans. After Moman said he might give the song to Rosey Grier, Presley's friends convinced the singer to record it. The album cover is a still from the \"Trouble\"-\"Guitar Man\" production number of NBC's \"Elvis\" special. Presley is featured with a red", + "score": 0.77685546875, + "summary": "Mac Davis wrote \"In The Ghetto\".", + "extraction": "Davis wrote the lyrics to \"In The Ghetto\"." + }, + { + "id": "8524978", + "title": "In the Ghetto (Busta Rhymes song)", + "text": "In the Ghetto (Busta Rhymes song) \"In the Ghetto\" is the fourth and final single from Busta Rhymes' album \"The Big Bang\", and features R&B singer Rick James. It was produced by DJ Green Lantern and Dr. Dre. The song samples James' \"Ghetto Life\" from his \"Street Songs\" album. At the end of the song Green Lantern threw in a sample of Rick James at the 2004 BET Awards in which he exclaims, \"Never mind who you thought I was... I'm Rick James. Bitch!\" The video for the song was filmed between July 17\u201319, 2006, in New York, Baltimore and", + "score": 0.7548828125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage only provides information about the Busta Rhymes' song \"In the Ghetto\" and its production details, but it does not mention who wrote the lyrics." + }, + { + "id": "6038761", + "title": "In the Ghetto", + "text": "Nick Cave and the Bad Seeds and was their debut single. It was recorded at the Trident Studios in London and released as a 7\" on June 18, 1984 with the B-side \"The Moon Is in the Gutter\". It reached 84 on the UK Singles Chart. While originally not present on any album, it was later included on the CD reissue of the band's first album, \"From Her to Eternity\". In the Comedy Central show \"South Park\", Eric Cartman sings \"In the Ghetto\" on two separate occasions, once in \"Chickenpox\", then again when Kenny's soul is trapped in Cartman's body", + "score": 0.7509765625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "4656362", + "title": "Mac Davis", + "text": "manager, and later also served as a regional manager for Liberty Records. One of the songs he wrote in 1968, called \"A Little Less Conversation\", was recorded by Elvis Presley (and would become a posthumous success for Presley years later). Presley recorded \"In the Ghetto\" in sessions in Memphis. According to maverick record producer Jimmy Bowen, \"Ghetto\" was originally pitched to Sammy Davis, Jr. Mac, guitar in hand, played the song in a studio, with onlookers such as Rev. Jesse Jackson and other members of the black activist community. Mac Davis, the only white man in the room at the", + "score": 0.7490234375, + "summary": "Mac Davis wrote the song \"A Little Less Conversation\" in 1968, which was recorded by Elvis Presley. Presley also recorded \"In the Ghetto\" in Memphis, but it was originally pitched to Sammy Davis Jr. Mac Davis played the song in a studio with onlookers such as Rev. Jesse Jackson.", + "extraction": "Mac Davis wrote the lyrics to \"In the Ghetto\"." + }, + { + "id": "11476450", + "title": "The Ghetto (Donny Hathaway song)", + "text": "The Ghetto (Donny Hathaway song) \"The Ghetto\" is a socially conscious, mostly instrumental jazz-flavored anthem, released as the first single off American soul singer Donny Hathaway's debut album, \"Everything Is Everything\", released as a single in 1970 on Atlantic Records. The song was co-written by Hathaway and Leroy Hutson. The song was a 6 minute and 50 second extravaganza which built upon a cinematic feel with its lengthy instrumental though it did feature vocal ad-libs from Hathaway, who played electric piano on the song, and constant chants of the song, which had a distinctive Afro-Cuban sound with congas. The song", + "score": 0.74365234375, + "summary": "Leroy Hutson and Donny Hathaway wrote \"The Ghetto\" together.", + "extraction": "The lyrics to \"In the Ghetto\" were co-written by Donny Hathaway and Leroy Hutson." + }, + { + "id": "9903684", + "title": "Ghetto (Kelly Rowland song)", + "text": "Ghetto (Kelly Rowland song) \"Ghetto\" is a song by American recording artist Kelly Rowland, featuring vocals by rapper Snoop Dogg. It was written by Durrell \"Tank\" Babbs, Calvin Broadus, Lonny Bereal and Rowland, and produced by the former for Rowland's second solo album \"Ms. Kelly\" (2007). A mid-paced R&B ballad which was originally recorded for her shelved \"My Story\" album, \"Ghetto\" is influenced by the Crunk&B subgrene in the early to mid-2000s. Its instrumentation consists essentially of synthesizers and a drum machine rhythm and lyrically, finds Rowland, as the protagonist, singing sensually about becoming attracted to dangerous men. One of", + "score": 0.7412109375, + "summary": "The lyrics to \"Ghetto\" by Kelly Rowland were written by Durrell \"Tank\" Babbs, Calvin Broadus, Lonny Bereal and Rowland herself.", + "extraction": "Durrell \"Tank\" Babbs, Calvin Broadus, Lonny Bereal and Rowland wrote the lyrics to \"Ghetto\"." + }, + { + "id": "9903689", + "title": "Ghetto (Kelly Rowland song)", + "text": "it to any other official chart, the songs ranks as Rowland's lowest-selling single to date. Although Rowland noted that it was her decision to pick the track as the album's second single, she somewhat regretted to release it retrospectively. These are the formats and track listings of major single-releases of \"Ghetto\". Ghetto (Kelly Rowland song) \"Ghetto\" is a song by American recording artist Kelly Rowland, featuring vocals by rapper Snoop Dogg. It was written by Durrell \"Tank\" Babbs, Calvin Broadus, Lonny Bereal and Rowland, and produced by the former for Rowland's second solo album \"Ms. Kelly\" (2007). A mid-paced R&B", + "score": 0.740234375, + "summary": "The lyrics to \"Ghetto\" were written by Durrell \"Tank\" Babbs, Calvin Broadus, Lonny Bereal, and Kelly Rowland.", + "extraction": "The lyrics to \"Ghetto\" were written by Durrell \"Tank\" Babbs, Calvin Broadus, Lonny Bereal and Kelly Rowland." + }, + { + "id": "5806608", + "title": "Ghetto (Akon song)", + "text": "Ghetto (Akon song) \"Ghetto\" is the second single from American singer/songwriter Akon's debut studio album, \"Trouble\". The single was released on December 21, 2004, exclusively in Latin America and certain countries of Europe. The single peaked at #92 on the \"Billboard\" Hot 100. Akon describes the song's lyrics as \"a description of the cycle of poverty experienced by those living in poor, inner-city areas. Additionally, it describes the physical and psychological oppression with which these residents must deal on a regular basis. The video for the track was filmed in New Jersey, New Mexico and the Navajo Nation reservation in", + "score": 0.73974609375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is about a song called \"Ghetto\" by Akon, but it does not mention who wrote the lyrics to the song." + }, + { + "id": "11476452", + "title": "The Ghetto (Donny Hathaway song)", + "text": "in the 1977 film Short Eyes. Co-writer Leroy Hutson recorded a version of the song entitled \"The Ghetto '74\" for his album \"The Man!\" (1973). Since then, the song has been covered in hip-hop singles, most famously, Too Short's \"The Ghetto\", which featured Gerald Levert re-singing the chorus. George Benson, accompanied by pianist Joe Sample, covered the song in his album \"Absolute Benson\". The Ghetto (Donny Hathaway song) \"The Ghetto\" is a socially conscious, mostly instrumental jazz-flavored anthem, released as the first single off American soul singer Donny Hathaway's debut album, \"Everything Is Everything\", released as a single in 1970", + "score": 0.73779296875, + "summary": "The lyrics to \"In the Ghetto\" are not mentioned in the document, so the answer is irrelevant.", + "extraction": "\"The Ghetto\" is a song by Donny Hathaway. The lyrics were written by Donny Hathaway or another person are not mentioned in the passage." + }, + { + "id": "18736522", + "title": "Welcome to the Ghetto", + "text": "Welcome to the Ghetto \"Welcome to the Ghetto\" is a 1992 single by Spice 1. The lyrics depict the everyday struggles of ghetto life such as black-on-black crime, constant death, drugs, gun violence, and gangs. The song made it to two \"Billboard\" charts, peaking at #39 on the Hot R&B/Hip Hop Singles & Tracks chart and #5 on the Hot Rap Singles chart. The song would later influence 2Pac's song \"I Wonder If Heaven Got a Ghetto\" as that song's title is directly named after a line from the first verse of this song. A music video was released for", + "score": 0.734375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage provides information about a song called \"Welcome to the Ghetto\" by Spice 1, but it does not mention who wrote the lyrics to \"In the Ghetto\"." + }, + { + "id": "7452342", + "title": "From Elvis in Memphis", + "text": "in the United States. Meanwhile, it reached number two on the British Singles chart. However, its success triggered a confrontation between RCA and American Sound. During the sessions, Presley's usual producer, Jarvis, grew increasingly worried about losing control of Presley and his recordings. During its first two weeks on the chart, \"In the Ghetto\"'s production was credited to Jarvis. Lacker then called \"Billboard\" and had them correct the producer credit to Moman. During the fourth week, Parker asked \"Billboard\" to remove the production credit from the song's entry entirely (arguing that Presley's records did not traditionally list a producer credit).", + "score": 0.73193359375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "6038763", + "title": "In the Ghetto", + "text": "Danish Prime Minister Anders Fogh Rasmussen's path to a leading post at NATO. The BBC radio comedy program \"Radio Active\" broadcast a version titled \"Tim the gecko\". Dutch TV celebrity and comedian Paul de Leeuw released in 1992 a Dutch language translated version as his alter ego Bob de Rooy. The first Dutch-language version of the song was recorded by Flemish crooner Will Tura, whose version uses the wrong definite article 'de' preceding the word ghetto. In the Fox sitcom \"New Girl\", Jessica Day sings \"In the Ghetto\" as an Elvis impersonator at her roommate Nick's father's funeral. In the", + "score": 0.73046875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about who wrote the lyrics to \"In the Ghetto\"." + }, + { + "id": "16543082", + "title": "Ghetto Baby", + "text": "a few lyrics of the song: \"I'm not a trick boy I'm a trick for you, you give me butterflies heart skipping 1, 2, I know your sick boy I wanna get the flu (sic)... I'm running temperatures thinking of your love boo..\", adding the hashtag \"#ghettobaby.\" \"Ghetto Baby\", produced by Kid Gloves, is a hip hop track. Written by Elizabeth Grant, Roy Kerr and Anu Pillai, the song's lyrics were considered by Laurence Green of musicOMH \"classic Lana Del Rey\"; a beat-heavy number \"woven from kisses, stilettos and sultry speak-singing,\" with lines such as \"When he's bad he's bad", + "score": 0.72021484375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "8524979", + "title": "In the Ghetto (Busta Rhymes song)", + "text": "Los Angeles and was directed by Chris Robinson of HSI Productions. Pre-production and casting by Robin Frank Management, Snoop Dogg, MC Eiht, Westurn Union, Daz Dillinger, Warren G, Spliff Star, Rah Digga, DJ Green Lantern, Papoose and Ty James, the daughter of Rick James, made video cameo appearances. The official remix also features Rick James, Ludacris, and new verses by Busta Rhymes, it was released in Ludacris' mixtape, \"Pre-Release Therapy\". In the Ghetto (Busta Rhymes song) \"In the Ghetto\" is the fourth and final single from Busta Rhymes' album \"The Big Bang\", and features R&B singer Rick James. It was", + "score": 0.71826171875, + "summary": "Irrelevant. The document talks about the music video and remix of the song \"In the Ghetto\" by Busta Rhymes, but does not mention who wrote the lyrics.", + "extraction": "Irrelevant. The passage does not provide information about who wrote the lyrics to \"In the Ghetto.\"" + }, + { + "id": "20656472", + "title": "Ghetto Day/What I Need", + "text": "Like the majority of songs on \"Storyteller\" (1994), both \"Ghetto Day\" and \"What I Need\" were produced, arranged and mixed by The Basement Boys, with Waters credited as their main writer. Additionally, Sean Spencer co-wrote the former track, and Doug Smith and Richard Payton co-wrote the latter. Musically, \"Ghetto Day\" is a mid-tempo funk, hip hop and doo-wop track that has an \"easy flow\" and a \"gently funky conversation\" where Waters \"opens up.\" Larry Flick of \"Billboard\" described the song as a \"splash of cool retro-funk that is laced with licks\" from its sampling of The 5th Dimension's \"Stoned Soul", + "score": 0.712890625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about who wrote the lyrics to \"In the Ghetto\"." + }, + { + "id": "6038760", + "title": "In the Ghetto", + "text": "Prince), recorded a version of the song, a version sung with such a thick Spanish accent that the English lyrics were almost uninintelligible. The KLF used a sample of the Elvis recording in their ambient DJ album \"Chill Out\" (1990). Mac Davis recorded a version of the song for a greatest hits album released in 1979. In 2011, Chris de Burgh covered the song on his album \"Footsteps 2\". Dancehall singer Sister Nancy used some of the song's lyrics in the song \"Coward of the Country\", which appeared on her 1982 album \"One, Two\". \"In the Ghetto\" was covered by", + "score": 0.712890625, + "summary": "Irrelevant.", + "extraction": "Elvis recorded a version of the song, but it is not mentioned who wrote the lyrics. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "5806610", + "title": "Ghetto (Akon song)", + "text": "of the \"Trouble\" album. There is also a Spanish version of this song, called \"Pueblo libre\" by MC Piri. Videos for the International Remix and Reggaeton Remix exist, and both appear on the main single format. Ghetto (Akon song) \"Ghetto\" is the second single from American singer/songwriter Akon's debut studio album, \"Trouble\". The single was released on December 21, 2004, exclusively in Latin America and certain countries of Europe. The single peaked at #92 on the \"Billboard\" Hot 100. Akon describes the song's lyrics as \"a description of the cycle of poverty experienced by those living in poor, inner-city areas.", + "score": 0.71240234375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information on who wrote the lyrics to \"In the Ghetto\"." + }, + { + "id": "12389491", + "title": "Lisa Marie Presley", + "text": "was released called \"Too Tough to Die: A Tribute to Johnny Ramone\". Directed by Mandy Stein, the film shows Deborah Harry, the Dickies, X, Eddie Vedder, Lisa Marie and Red Hot Chili Peppers as they stage a benefit concert to celebrate the Ramones' 30th anniversary and to raise money for cancer research. In August 2007, the single \"In the Ghetto\" was released. Elvis Presley had originally released the single in 1969. In the new version, Lisa \"duets\" with her father. The video, simultaneously released with the single, reached No. 1 on the iTunes sales and No. 16 on \"Billboard\"s Bubbling", + "score": 0.708984375, + "summary": "Elvis Presley originally released the single \"In the Ghetto\" in 1969. Lisa Marie Presley released a new version of the song in August 2007, where she \"duets\" with her father.", + "extraction": "Elvis Presley originally released the single \"In the Ghetto\" in 1969. Therefore, Elvis Presley wrote the lyrics to \"In the Ghetto\"." + }, + { + "id": "20546078", + "title": "Ghetto Child (song)", + "text": "Ghetto Child (song) \"Ghetto Child\" is a 1973 song recorded by American R&B music group the Spinners (known as \"Detroit Spinners\" in the UK) for the Atlantic label. It was written by Thom Bell and Linda Creed. It was produced by Bell, and recorded at Philly's Sigma Sound Studios with the house band MFSB providing the backing instrumentation. It is notable for being one of few songs that all three main leads, Bobby Smith, Philipp\u00e9 Wynne and Henry Fambrough song lead (Wynne and Fambrough on the verses and Smith on the songs bridge). The group's fifth hit at Atlantic, the", + "score": 0.708984375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about who wrote the lyrics to \"In the Ghetto,\" but rather about the song \"Ghetto Child\" by the Spinners." + }, + { + "id": "20546079", + "title": "Ghetto Child (song)", + "text": "song peaked at number four on the R&B chart and number twenty-nine on the \"Billboard\" Pop Singles chart. Ghetto Child (song) \"Ghetto Child\" is a 1973 song recorded by American R&B music group the Spinners (known as \"Detroit Spinners\" in the UK) for the Atlantic label. It was written by Thom Bell and Linda Creed. It was produced by Bell, and recorded at Philly's Sigma Sound Studios with the house band MFSB providing the backing instrumentation. It is notable for being one of few songs that all three main leads, Bobby Smith, Philipp\u00e9 Wynne and Henry Fambrough song lead (Wynne", + "score": 0.70703125 + }, + { + "id": "9307789", + "title": "Ghetto Story (song)", + "text": "the lyrics and what it was like for Cham and Alicia Keys to live in a ghetto area. The unofficial video was put on MTV in late March. The video premiered on BET's \"106 & Park\" on 8 August 2006 and entered the countdown three weeks later to debut at number nine and stay there for four days in a row. Eventually it peaked at number five. Ghetto Story (song) \"Ghetto Story\" is a dancehall/ragga single performed by dancehall artist Baby Cham. It was the first single to be released from his album of the same name. The song is", + "score": 0.70654296875 + }, + { + "id": "7330500", + "title": "I Wonder If Heaven Got a Ghetto", + "text": "the lyrics of fellow West Coast rapper Spice 1, of the 1992 song \"Welcome to the Ghetto.\" Rapper Nas interpolated \"I Wonder if Heaven Got a Ghetto\" in his song \"Black President\" on his untitled 2008 album. The line \"\"And though it seems heaven sent/We ain't ready to have a black president\"\" is used repeatedly as the chorus. In the Lionel C. Martin directed music video from September 14-15, 1997, the perspective is a first-person viewpoint of Shakur. After being shot, he stumbles to a nunnery in fictional Rukahs, New Mexico. ('Rukahs' spelled backward is 'Shakur'.) The license plate of", + "score": 0.7060546875 + }, + { + "id": "16543079", + "title": "Ghetto Baby", + "text": "Ghetto Baby \"Ghetto Baby\" is a song by English singer and songwriter Cheryl for her third studio album \"A Million Lights\" (2012). The hip hop-inspired song was written by American singer and songwriter Lana Del Rey, Roy Kerr and Anu Pillai, with production helmed by Kid Gloves. Music critics were divided in their response to \"Ghetto Baby\", stating that the track is a highlight on the album, despite Cole sounding too much like Del Rey. An accompanying music video was directed by Rankin, and features Cole and her then boyfriend and back-up dancer Tre Holloway indulging in a public display", + "score": 0.705078125 + }, + { + "id": "9307787", + "title": "Ghetto Story (song)", + "text": "the ghetto and how it was for Cham in his younger years. The video entered BET's \"106 & Park\" at number 9 before peaking at number 5, making it one of the very few reggae videos to reach the top 5 on that countdown. Another remix features singer Akon. Rapper Lil Wayne has freestyled over the instrumental. These are the lyrics to the intro sung by Alicia Keys. The overall feel of the song is rage and celebration that the two have made it out of the ghetto and out of their early struggles. The lyrics are very informative as", + "score": 0.70458984375 + }, + { + "id": "15652444", + "title": "Ghetto Love (Karl Wolf song)", + "text": "Ghetto Love (Karl Wolf song) \"Ghetto Love\" is a 2011 single by Canadian artist Karl Wolf from his 2012 album \"Finally Free\". The single released in May 2011 features Canadian artist Kardinal Offishall with downloads made available on May 17, 2011. The song co-produced with UnderGround Procedures (UGP) also mentioned in the introductory part of the song, samples in its refrain on the Peter Cetera song \"Glory of Love\". However \"Ghetto Love\" is a separate song rather than a cover version of \"Glory of Love\" because of its added rap lyrics. Most notably Karl Wolf changes the original \"we did", + "score": 0.70361328125 + }, + { + "id": "18736523", + "title": "Welcome to the Ghetto", + "text": "the song and the video version included an extra third verse that was not heard in the regular album version. The song samples Marvin Gaye's \"Inner City Blues (Make Me Wanna Holler)\" and The S.O.S. Band's \"No One's Gonna Love You\". The song is one of Spice's best-known songs. A sequel song, entitled \"Welcome Back to the Ghetto\", was later recorded by Spice 1 in 2002 for his album \"Spiceberg Slim\". Welcome to the Ghetto \"Welcome to the Ghetto\" is a 1992 single by Spice 1. The lyrics depict the everyday struggles of ghetto life such as black-on-black crime, constant", + "score": 0.703125 + }, + { + "id": "14149722", + "title": "All My Life (In the Ghetto)", + "text": "All My Life (In the Ghetto) \"All My Life (In the Ghetto)\" is a song by American hip hop recording artist Jay Rock, released October 16, 2008, as his commercial debut single and the lead single from his debut studio album, \"Follow Me Home\" (2011). The song, which was released under Top Dawg Entertainment (TDE) and Warner Bros. Records, was produced by American production team Cool & Dre and could feature vocals from fellow American rappers, Lil Wayne and will.i.am. The song originally leaked online featuring a different chorus sung by West Coast rapper K. Dot and Dre (of production", + "score": 0.70263671875 + }, + { + "id": "14149724", + "title": "All My Life (In the Ghetto)", + "text": "with a new verse by Jay Rock, followed by guest verses in the following order: Eastwood, Omar Cruz, Schoolboy Q, Ab-Soul, Glasses Malone, Crooked I, Nipsey Hussle, Sinful, Ya Boy, Roccett, Terry Kennedy, Problem, Keno, Spider Loc, 2 Eleven, Bangloose, Mistah FAB and Roscoe Umali (K-Dot is listed but does not actually appear). Nipsey Hussle freestyled over the beat for his mixtape \"Bullets Ain't Got No Name, Vol. 3\", as well as Wiz Khalifa for his \"Burn After Rolling\" mixtape. \"All My Life (In the Ghetto)\" was met with generally positive reviews from music critics. Nathan Slavik of DJBooth called", + "score": 0.7021484375 + }, + { + "id": "11476451", + "title": "The Ghetto (Donny Hathaway song)", + "text": "also featured additional backgrounds, dialogue from what sound like men talking on a street corner and a baby crying before Hathaway ended the song with frenetic hand claps. When originally released in 1970, the song became a modest charted single, peaking at number 87 on the \"Billboard\" Hot 100 and number 23 on the Billboard Hot Soul Singles chart. The song was also featured on Hathaway's revered \"Live\" album in which Hathaway and his musicians played a faster version of the song and later featured Hathaway getting the audience into it singing the final chorus. The song was also used", + "score": 0.7021484375 + }, + { + "id": "13398176", + "title": "Ghetto (play)", + "text": "clarinet, guitar and percussion. A bass, a trombone and a clarinet may be added to the ensemble. The play incorporates traditional Jewish songs with jazz numbers and other traditional songs, all performed live on the stage by the actors and the musical ensemble. All songs arranged by Joshua Stephen Kartes, unless otherwise noted Ghetto (play) Ghetto () is a play by Israeli playwright Joshua Sobol about the experiences of the Jews of the Vilna Ghetto during Nazi occupation in World War II. The play focuses on the Jewish theatre in the ghetto, incorporating live music and including as characters historical", + "score": 0.7021484375 + }, + { + "id": "7452341", + "title": "From Elvis in Memphis", + "text": "electric guitar, wearing a black leather suit with a red scarf around his neck, with silhouettes of guitar players at the back of the set. \"From Elvis in Memphis\" became one of American Sound Studio's best-known productions, with Dusty Springfield's \"Dusty in Memphis\"; both albums reflected similar times and musical trends on the Memphis scene. The single \"In the Ghetto\" was released on April 15, 1969, with 300,000 copies shipped by RCA. In its second week after release, it entered the charts, where it remained for thirteen weeks (reaching number three on June 14). The single sold a million copies", + "score": 0.7001953125 + }, + { + "id": "5410956", + "title": "Things Goin' On", + "text": "about \"life in the ghetto\" is repeated at the end of the song, thereby placing emphasis on this particular issue. It also contains the line that gives the song its title: The first line of the song is particularly pertinent in that it asks the listener whether he has ever \"lived\" down in the ghetto; support for segregation was still widespread in the southern United States at the time and Lynyrd Skynyrd risked alienating a large number of potential fans before the group became an established act. The thinly veiled criticism of politicians' responsibility mentioned earlier in the song becomes", + "score": 0.69921875 + }, + { + "id": "6411819", + "title": "Songs of the Vilna Ghetto", + "text": "Songs of the Vilna Ghetto Songs of the Vilna Ghetto is a compilation LP record featuring twelve Yiddish songs from World War II era. The songs were composed by the inmates of the Vilna Ghetto during the Holocaust and are sung by Nechama Hendel, Chava Alberstein, and Shimon Israeli with accompaniment from the CBS Israel Orchestra and Choir, conducted by Gil Aldema. The album contains an 8-page booklet with lyrics in the Hebrew language, photographs from the ghetto, and historical information about the songs in English. According to the liner notes, the recording \"was prepared by the Yitzhak Kalznelson House", + "score": 0.69873046875 + }, + { + "id": "14149725", + "title": "All My Life (In the Ghetto)", + "text": "the song, \"a soulful yet street oriented single that still serves as the best indication of heights Rock is capable of reaching.\" All My Life (In the Ghetto) \"All My Life (In the Ghetto)\" is a song by American hip hop recording artist Jay Rock, released October 16, 2008, as his commercial debut single and the lead single from his debut studio album, \"Follow Me Home\" (2011). The song, which was released under Top Dawg Entertainment (TDE) and Warner Bros. Records, was produced by American production team Cool & Dre and could feature vocals from fellow American rappers, Lil Wayne", + "score": 0.6982421875 + }, + { + "id": "6411820", + "title": "Songs of the Vilna Ghetto", + "text": "of the Ghetto Fighters, at Kibbutz Lochamei Hagetaot, Israel, in co-operation with the Vilna Organisation [sic] of Haifa.\" Songs of the Vilna Ghetto Songs of the Vilna Ghetto is a compilation LP record featuring twelve Yiddish songs from World War II era. The songs were composed by the inmates of the Vilna Ghetto during the Holocaust and are sung by Nechama Hendel, Chava Alberstein, and Shimon Israeli with accompaniment from the CBS Israel Orchestra and Choir, conducted by Gil Aldema. The album contains an 8-page booklet with lyrics in the Hebrew language, photographs from the ghetto, and historical information about", + "score": 0.6982421875 + }, + { + "id": "15652445", + "title": "Ghetto Love (Karl Wolf song)", + "text": "it all for the glory of love\" to \"we did it all for this ghetto ghetto love\" and in addition, \"I am a man\" is replaced by \"I am the man.\" A French version also exists, but retains the English-language chorus. The music video for the release was by Director X and it was filmed in Jamaica. Ghetto Love (Karl Wolf song) \"Ghetto Love\" is a 2011 single by Canadian artist Karl Wolf from his 2012 album \"Finally Free\". The single released in May 2011 features Canadian artist Kardinal Offishall with downloads made available on May 17, 2011. The song", + "score": 0.69775390625 + }, + { + "id": "13398152", + "title": "Ghetto (play)", + "text": "Ghetto (play) Ghetto () is a play by Israeli playwright Joshua Sobol about the experiences of the Jews of the Vilna Ghetto during Nazi occupation in World War II. The play focuses on the Jewish theatre in the ghetto, incorporating live music and including as characters historical figures such as Jacob Gens, the chief of the Jewish Police and later Head of the ghetto. It is part of a triptych of plays about the resistance movement, which also includes \"Adam\" and \"Underground\". \"Ghetto\" premi\u00e8red at the Haifa Municipal Theatre in Israel and the Freie Volksb\u00fchne, Berlin, in 1984, with folk", + "score": 0.697265625 + }, + { + "id": "9307786", + "title": "Ghetto Story (song)", + "text": "Ghetto Story (song) \"Ghetto Story\" is a dancehall/ragga single performed by dancehall artist Baby Cham. It was the first single to be released from his album of the same name. The song is most known for its reggae fusion remix called \"Ghetto Story Chapter 2\" featuring American R&B singer Alicia Keys. The single peaked at number 77 on the \"Billboard\" Hot 100, number 15 on \"Billboard\"'s Hot R&B/Hip-Hop Singles chart, and number 13 on the \"Billboard\" Rap Tracks chart. It received heavy airplay on MTV2 and BET, and some airplay on Canada's MuchMusic. The song is about growing up in", + "score": 0.69580078125 + }, + { + "id": "8995071", + "title": "DNX vs. The Voice", + "text": "in summer 2006. DNX vs. The Voice DNX vs. The Voice is a German duo. Their first single \"In The Ghetto\" released in 2005 is a contemporary version of Elvis Presley\u2019s hit (brought out in 1969). The song was accepted at once in the United Kingdom and in the USA. The main vocal of the song is sung by a voice that resembles the voice of Elvis. The genre of music, which the song belongs to, could be defined as funky-house or dance-pop. \"In The Ghetto\" is the first song of the series \"Superstar Elvis Presley\". The whole album should", + "score": 0.6953125 + }, + { + "id": "16735468", + "title": "Henryka \u0141azowerto\u0301wna", + "text": "of refugees from various parts of Poland, having been praised by Ringelblum for her remarkable ability to bring to life and instill with vivid actuality the dry statistical facts recorded for the posterity by the organization about individual human beings.Samuel D. Kassow, \"Who will Write Our History?: Emanuel Ringelblum, the Warsaw Ghetto, and the Oyneg Shabes Archive\", Bloomington (Indiana), Indiana University Press, 2007, pp. 181182. , . In the Ghetto she continued to write poetry. Apart from the testimony to the realities of Ghetto life memorialized in the famous poem \"Ma\u0142y szmugler\" (The Little Smuggler), there also survives (preserved", + "score": 0.6953125 + }, + { + "id": "13905153", + "title": "Ghetto Love (Da Brat song)", + "text": "Ghetto Love (Da Brat song) \"Ghetto Love\" is the second single released from Da Brat's second studio album, \"Anuthatantrum\". Released in early 1997, \"Ghetto Love\" was Da Brat's second and final single from \"Anuthatantrum\" after the gold-selling \"Sittin' on Top of the World\". The song became Da Brat's second biggest hit, peaking at No. 16 on the \"Billboard\" Hot 100, only her first single \"Funkdafied\", which peaked at 6, charted higher. Like the album's previous single, \"Ghetto Love\" was certified gold by the Recording Industry Association of America, reaching the feat on April 2, 1997. The song was produced by", + "score": 0.69482421875 + }, + { + "id": "5159288", + "title": "Ghetto Gospel", + "text": "Ghetto Gospel \"Ghetto Gospel\" is a song by rapper Tupac Shakur, which was originally released as the second single on his posthumous 2004 album \"Loyal to the Game\". It samples Elton John's 1971 track, \"Indian Sunset\". The single topped the charts in the United Kingdom (for 3 weeks), Australia, Czech Republic, and the Republic of Ireland. The song was written by Tupac Shakur as an outcry to \"end the war on the streets\", addressing the futility of racial difference and dissidence, particularly under the unifying banner of poverty. He also pays tribute to murdered black activists Malcolm X and Bobby", + "score": 0.6943359375 + }, + { + "id": "7330502", + "title": "I Wonder If Heaven Got a Ghetto", + "text": "already on the bus are Jimi Hendrix, Martin Luther King Jr., Huey P. Newton, and Elvis Presley. I Wonder If Heaven Got a Ghetto \"I Wonder If Heaven Got a Ghetto\" is the first posthumous single by 2Pac. It appears on his album \"R U Still Down? (Remember Me)\". The original was also released as the B-side on the \"Keep Ya Head Up\" single. There are two versions of the song on the \"R U Still Down? (Remember Me)\" album. One is an OG Vibe (remake of the original, using the same sample); the other is a \"hip hop remix\"", + "score": 0.69384765625 + }, + { + "id": "11025953", + "title": "The Original Delaney & Bonnie & Friends", + "text": "time) saying that he would \"come to England and kill\" Holzman if the situation was not immediately corrected. Holzman responded by releasing Delaney and Bonnie from their Elektra contract. Coincidentally, the Kinney National Company (now Time Warner), owners of the Bramletts' next label Atco Records, would buy out Elektra in 1970. One song from this album, \"Ghetto,\" would become a regular feature of Delaney and Bonnie's live shows. The song, co-authored by Bonnie during Delaney and Bonnie's tenure at Stax Records, was later covered by Stax stars The Staple Singers. \"The Original Delaney & Bonnie & Friends\" was widely acclaimed", + "score": 0.693359375 + }, + { + "id": "20656474", + "title": "Ghetto Day/What I Need", + "text": "a \"sick, tired, and simmering\" manner. Ernest Hardy from the \"Los Angeles Times\" called \"Ghetto Day\" a \"sugary, hip-hop, doo-wop inner-city fantasy,\" while \"Spin\" Charles Aaron thought it was \"a more sublime sound than any arm-twisting remix.\" Also from \"Spin\", Jonathan Bernstein described it as \"languid\" and one of the \"noteworthy\" \"Storyteller\" tracks. Peter Galvin of \"The Advocate\" agreed, noting \"Ghetto Day\" was \"more listener-friendly\" than the other songs on the album, with lyrics that offered \"a paradisaical view of life and love in the slums, made convincing by the use of a sample from Fifth Dimension's summery 'Stoned Soul", + "score": 0.693359375 + }, + { + "id": "6038756", + "title": "In the Ghetto", + "text": "shot and killed just as his own child is born. The song implies that the newborn will meet the same fate, continuing the cycle of poverty and violence. The feeling of an inescapable circle is created by the structure of the song, with its simple, stark phrasing; by the repetition of the phrase \"in the ghetto\" as the close of every fourth line; and finally by the repetition of the first verse's \"and his mama cries\" just before the beginning and as the close of the last verse. It is played in the key of B flat. \"In the Ghetto\"", + "score": 0.6923828125 + }, + { + "id": "10615431", + "title": "Ode to the Ghetto", + "text": "Ode to the Ghetto Ode to the Ghetto is the debut solo studio album by American rapper Guilty Simpson from the Almighty Dreadnaughtz. It was released on March 25, 2008 via Stones Throw Records. Production of the album was handled by seven record producers, including Madlib, Mr. Porter, Oh No, J Dilla, Black Milk, DJ Babu, Konphlict, and Peanut Butter Wolf, who served as executive producer. It also features guest appearances from Black Milk, Sean Price, MED, Kon Artis, and Simpson's A.D. groupmates Konnie Ross, Kriz Steel, Supa Emcee. Steven J. Horowitz of \"PopMatters\" gave the album 8 stars out", + "score": 0.6923828125 + }, + { + "id": "16543085", + "title": "Ghetto Baby", + "text": "to pull off these lyrics \u2014 and love her or hate her, Lana's voice is distinctive enough to at least make you take notice. Not to mention the most ghetto thing about this song is the dated 'Drop It Like It's Hot' reference.\" Elena Gorgan of Softpedia considered \"Ghetto Baby\" a solid song, despite being \"less dance-inspired\" than the other tracks on the album, \"which could mean it never sees the light of day as a single.\" When reviewing \"A Million Lights\", Alexis Petridis said the song \"is actually the handiwork of Lana Del Rey, who, in a volte-face designed", + "score": 0.69091796875 + }, + { + "id": "8995070", + "title": "DNX vs. The Voice", + "text": "DNX vs. The Voice DNX vs. The Voice is a German duo. Their first single \"In The Ghetto\" released in 2005 is a contemporary version of Elvis Presley\u2019s hit (brought out in 1969). The song was accepted at once in the United Kingdom and in the USA. The main vocal of the song is sung by a voice that resembles the voice of Elvis. The genre of music, which the song belongs to, could be defined as funky-house or dance-pop. \"In The Ghetto\" is the first song of the series \"Superstar Elvis Presley\". The whole album should have been released", + "score": 0.6884765625 + }, + { + "id": "9903686", + "title": "Ghetto (Kelly Rowland song)", + "text": "on the album, Rowland has described \"Ghetto\" as \"about good girls who dig bad boys,\" adding: \"As soon as Tank played it, I knew and recorded it in an hour. [It] is just so laid back and that's why I had to have Snoop [Dogg].\" Originally recorded without Snoop Dogg for the delayed 2006 \"My Story\" album, it was not until months prior to the \"Ms. Kelly\" release, that the rapper was consulted to contribute additional vocals to the track. \"He's the King of Cool, so I was honoured when he said yes to do the record. It was like", + "score": 0.6884765625 + }, + { + "id": "13905154", + "title": "Ghetto Love (Da Brat song)", + "text": "Jermaine Dupri and Carl So-Lowe, featured a chrorus sung by TLC member T-Boz and used a sample of DeBarge's 1983 hit All This Love\". Ghetto Love (Da Brat song) \"Ghetto Love\" is the second single released from Da Brat's second studio album, \"Anuthatantrum\". Released in early 1997, \"Ghetto Love\" was Da Brat's second and final single from \"Anuthatantrum\" after the gold-selling \"Sittin' on Top of the World\". The song became Da Brat's second biggest hit, peaking at No. 16 on the \"Billboard\" Hot 100, only her first single \"Funkdafied\", which peaked at 6, charted higher. Like the album's previous single,", + "score": 0.6884765625 + }, + { + "id": "20656470", + "title": "Ghetto Day/What I Need", + "text": "Ghetto Day/What I Need \"Ghetto Day\"/\"What I Need\" is the second single from American singer-songwriter Crystal Waters' second studio album, \"Storyteller\" (1994). It was produced by The Basement Boys and released in June 1994 by Mercury Records, A&M Records and A&M's division AM PM. Waters and Sean Spencer wrote \"Ghetto Day\", which is a funk song that contains samples from The 5th Dimension's song \"Stoned Soul Picnic\" and Flavor Unit's \"Flavor Unit Assassination Squad\". According to \"Spin\", the track's lyrics talk about \"those balmy, front-stoop, 40-swinging summer afternoons.\" The single's second A-side, \"What I Need\", is a house track written", + "score": 0.68701171875 + }, + { + "id": "14125020", + "title": "Ghetto Dreams", + "text": "Ghetto Dreams \"Ghetto Dreams'\" is the first single from the Common album, \"The Dreamer/The Believer\". The song is produced by No I.D. and features Nas. It was released on iTunes July 6, 2011. The song is featured on the Madden NFL 12 soundtrack. On August 11 a music video for \"Ghetto Dreams\" was released via YouTube. Reviews have been mostly positive. The production and lyrics have created a lot of buzz for the upcoming album, being slated as a major return to the 90's bangers. Universally the song has been praised for its '90s sounding production by veteran great No", + "score": 0.68701171875 + }, + { + "id": "11739295", + "title": "Ghetto Rose (Keke Wyatt song)", + "text": "Ghetto Rose (Keke Wyatt song) \"Ghetto Rose\" is a song recorded by American R&B singer Keke Wyatt serving as the first single from her unreleased second studio album \"Ghetto Rose\" (2007) through TVT Records and The Orchard on October 9, 2007. The song was written by Curt Schneider, Franne Golde and Kasia Livingston and produced by Curt Schneider. In 2005 she released the single \"Put Your Hands on Me\" which was set to be her second studio album Emotional Rollercoaster. The album was planned to be released on May 31, 2005, through Cash Money Records/Universal Motown Records but after two", + "score": 0.68603515625 + }, + { + "id": "7882438", + "title": "Ghetto Qu'ran (Forgive Me)", + "text": "Ghetto Qu'ran (Forgive Me) \"Ghetto Qur'an\" is a song by 50 Cent from his unreleased Columbia Records debut album \"Power of the Dollar\". The song was leaked in early 2000. The song mentions drug dealers from the 1980s in his neighborhood of South Jamaica, Queens. \"Ghetto Qur'an\" is produced by Poke & Tone of Trackmasters and uses a sample from Diana Ross' and Marvin Gaye's duet, \"Stop, Look, Listen (To Your Heart)\". The track's lyrics mention several characters 50 remembers from his formative years in Queens, including Kenneth (Su)Preme McGriff and his nephew Gerald Prince Miller of the 80s drug", + "score": 0.68603515625 + }, + { + "id": "11219737", + "title": "African-American neighborhood", + "text": "struggle and suffering of being black in America. Langston Hughes relays in the \"Negro Ghetto\" (1931) and \"The Heart of Harlem\" (1945): \"The buildings in Harlem are brick and stone/And the streets are long and wide,/But Harlem\u2019s much more than these alone,/Harlem is what\u2019s inside.\" Playwright August Wilson used the term \"ghetto\" in Ma Rainey\u2019s \"Black Bottom\" (1984) and \"Fences\" (1987), both of which draw upon the author\u2019s experience growing up in the Hill District of Pittsburgh, first a neighborhood of early European immigrants, then a black ghetto. Depending on the context and social circles, the term 'ghetto' or 'hood", + "score": 0.6845703125 + }, + { + "id": "6029332", + "title": "The World Is a Ghetto", + "text": "ghetto, was drawn by Howard Miller, with Lee Oskar credited with album concept. The album was also made available in a 4-channel surround sound (quadraphonic) mix in the 8-track tape format (United Artists UA-DA178-H). In a contemporary review for \"Rolling Stone\", Gordon Fletcher said \"The World Is a Ghetto\" found War progressing further in the arena of soul and jazz music, and \"closer to total mastery of their music as they attempt to use it to communicate the essence of ghetto life\". Robert Christgau was less enthusiastic in \"Creem\", believing he \"should love this big Afro-roots band\" in theory, but", + "score": 0.6845703125 + }, + { + "id": "7075340", + "title": "Alison (song)", + "text": "you \", in a staccato fashion, derives from the manner that the line \"Life aint so easy when you're a ...\", precedes the title refrain, on \"Ghetto Child\", by The Detroit Spinners. However, in his 2015 autobiography \"Unfaithful Music & Disappearing Ink\", Costello wrote: \"I've always told people that I wrote the song \"Alison\" after seeing a beautiful checkout girl at the local supermarket. She had a face for which a ship might have once been named. Scoundrels might once have fought mist-swathed duels to defend her honour. Now she was punching in the prices on cans of beans at", + "score": 0.68359375 + }, + { + "id": "7906871", + "title": "Short Dog's in the House", + "text": "Short's real surroundings in Oakland. The early 90s were the peak of the crack epidemic, and Oakland was one of the hardest hit cities. The back cover for the album also sponsored the Stop the Violence Movement. Too Short released \"The Ghetto\" as a response to the plight of the inner cities, and the song would go on to receive a lot of radio airplay. Donnie Hathaway's friend Roberta Flack actually thanked Too Short for honoring Hathaway's single of the same name. Short Dog's in the House Short Dog's in the House is the sixth studio album by American rapper", + "score": 0.68359375 + }, + { + "id": "9307788", + "title": "Ghetto Story (song)", + "text": "Cham and Alicia Keys explain how it felt to live in the ghetto. Cham says \"A lot of people like the song for its lyrics and overall feel of the song.\" These are the first two lines in Cham's opening verse: In the official remix, which also includes singer Akon, he explains his way of living in the ghetto, and how he made it, the lines in his opening verse: The song uses the \"85\" riddim. A music video was filmed for Chapter 2 featuring Alicia Keys. It was shot in Jamaica by Sanaa Hamri. It shows the storyline of", + "score": 0.6826171875 + }, + { + "id": "6038757", + "title": "In the Ghetto", + "text": "was recorded during Presley's session in the American Sound Studio in Memphis, Tennessee. It was Presley's first creative recording session since the '68 Comeback. Other hits recorded at this session were \"Suspicious Minds\", \"Kentucky Rain\", and \"Don't Cry Daddy\". The song was Presley's first Top 10 hit in the US in four years, peaking at number 3, and number 2 in Canada. It was his first UK Top 10 hit in three years, also peaking at No. 2. It hit No. 1 on Cashbox and No. 8 Easy Listening. It was a number-one hit in West Germany, Ireland, Norway, Australia", + "score": 0.68212890625 + }, + { + "id": "4966514", + "title": "Krako\u0301w Ghetto", + "text": "tradition.\u201d These songs portrayed their immense suffering coupled with their dedication and determination to survive. Some of the most popular lyrics are \u201cMe hot zey in dr\u2019erd, me vet zey iberlebn, me vet noch derlebn\u201d (\u201cTo hell with them, we will survive them, we will yet survive\u201d), conveying and sharing the feelings of the Jewish people through music. Laughter, which was a rarity in the Krak\u00f3w ghetto, was another way numerous victims attempted to cope with their strong hatred for the enemy. Sometimes individuals performed ghetto songs, while other times small groups performed them with various instruments. Street songs are", + "score": 0.68212890625 + }, + { + "id": "9903685", + "title": "Ghetto (Kelly Rowland song)", + "text": "Rowland's favorites on \"Ms. Kelly\", \"Ghetto\" was released as the album's second single to US radios on August 7, 2007, while \"Work\" was serviced as the album's second international single. The song performed weakly on the \"Billboard\" charts, reaching number nine on the Bubbling Under R&B/Hip-Hop Singles chart only, ranking it among Rowland's lowest-selling single to date. An accompanying music video was directed by Andrew Gura and shot in Los Angeles, California in August 2007. The song is one out of two recordings singer and songwriter Tank and partner Joseph \"Lonny\" Bereal produced for the album. One of her favorites", + "score": 0.68212890625 + }, + { + "id": "4966516", + "title": "Krako\u0301w Ghetto", + "text": "the prisoner-musicians play music while the other prisoners were marched to the gas chambers. Aleksander Kulisiewicz was an aspiring musician who did his best to \u201ccollect, compose, and perform songs\u201d while living in the ghetto even though it was illegal to do so. Individuals in the Krak\u00f3w ghetto worked 12-hour days that left them more exhausted than imaginable. In order to pass the time, songs were sung throughout the work day. Mordechai Gebirtig, who is \u201cknown for his beautiful and prescient songs and poems\u201d in Yiddish emerged from the Krak\u00f3w ghetto. His song \u201cOur Town Is Burning\u201d which was written", + "score": 0.68212890625 + }, + { + "id": "16543088", + "title": "Ghetto Baby", + "text": "and legs to support himself off the ground, before Cheryl maneuvers her body into the same position and the pair attempt some hip grinding. Wearing a variety of outfits including a plunging leotard and low-slung trousers, a revealing white dress and a bra top and white net skirt, Cheryl looks sultry and sexy in the footage.\" \"Ghetto Baby\" was performed on Cole's debut headlining solo concert tour, named A Million Lights Tour, in October 2012. Credits adapted from the album's liner notes. Ghetto Baby \"Ghetto Baby\" is a song by English singer and songwriter Cheryl for her third studio album", + "score": 0.681640625 + }, + { + "id": "7330499", + "title": "I Wonder If Heaven Got a Ghetto", + "text": "I Wonder If Heaven Got a Ghetto \"I Wonder If Heaven Got a Ghetto\" is the first posthumous single by 2Pac. It appears on his album \"R U Still Down? (Remember Me)\". The original was also released as the B-side on the \"Keep Ya Head Up\" single. There are two versions of the song on the \"R U Still Down? (Remember Me)\" album. One is an OG Vibe (remake of the original, using the same sample); the other is a \"hip hop remix\" version. It was featured on the \"Keep Ya Head Up\" single. The song title originally came from", + "score": 0.6806640625 + }, + { + "id": "20656480", + "title": "Ghetto Day/What I Need", + "text": "12-inch single US cassette single Credits adapted from the liner notes of \"Storyteller\". Recording and management Personnel for \"Ghetto Day\" Personnel for \"What I Need\" Ghetto Day/What I Need \"Ghetto Day\"/\"What I Need\" is the second single from American singer-songwriter Crystal Waters' second studio album, \"Storyteller\" (1994). It was produced by The Basement Boys and released in June 1994 by Mercury Records, A&M Records and A&M's division AM PM. Waters and Sean Spencer wrote \"Ghetto Day\", which is a funk song that contains samples from The 5th Dimension's song \"Stoned Soul Picnic\" and Flavor Unit's \"Flavor Unit Assassination Squad\". According", + "score": 0.6796875 + }, + { + "id": "6371324", + "title": "Urban studies", + "text": "the first books on the Ghetto's of Europe and how they impacted the Jewish children that were descendants of the original residents, \"Children of the Ghetto\" \"(1892),\" he also wrote two other books about the European Ghettos. Louis Wirth was the next scholar to write about the Ghettos, he wrote about them from a sociological perspective. Louis Wirth and Roberts Ezra Park also became the first sociologists to publish about the immigrant neighborhoods in America with suggestions on their future design. Roberts Ezra Park was the student of George Zimmel who studied the \"Black Belt\" in Chicago. Other famous scholars", + "score": 0.67919921875 + }, + { + "id": "7882441", + "title": "Ghetto Qu'ran (Forgive Me)", + "text": "on the song called \"Forgive Me\". Ghetto Qu'ran (Forgive Me) \"Ghetto Qur'an\" is a song by 50 Cent from his unreleased Columbia Records debut album \"Power of the Dollar\". The song was leaked in early 2000. The song mentions drug dealers from the 1980s in his neighborhood of South Jamaica, Queens. \"Ghetto Qur'an\" is produced by Poke & Tone of Trackmasters and uses a sample from Diana Ross' and Marvin Gaye's duet, \"Stop, Look, Listen (To Your Heart)\". The track's lyrics mention several characters 50 remembers from his formative years in Queens, including Kenneth (Su)Preme McGriff and his nephew Gerald", + "score": 0.6787109375 + }, + { + "id": "18565355", + "title": "King of the Ghetto", + "text": "(Zia Mohyeddin) accumulates wealth and power by trading profitably with local politicians, criminals and police officers simultaneously. In 2014, Dave Hill of \"The Guardian\" said, \"In \"King of the Ghetto\" we see the unfolding of a grassroots struggle... Thirty years on, some things have changed, some have not, but the big themes explored in Dhondy's drama survive.\" King of the Ghetto King of the Ghetto is a 1986 British four-part television drama miniseries which was aired on BBC Two, it was directed and written by Farrukh Dhondy, and stars Tim Roth. The drama is about racial tensions in London's east", + "score": 0.67822265625 + }, + { + "id": "713474", + "title": "Lola Ridge", + "text": "or revolutionary idealism.\" Lola Ridge's first book of poetry was published in 1918. On 22 October 1919, she married David Lawson, a fellow radical. After living for some time in New York, Ridge gained considerable notice with her long poem, \"The Ghetto\", first published in 1918 in \"The New Republic\". It was included in her first book, \"The Ghetto and Other Poems,\" published that year. The title poem portrays the Jewish immigrant community of Hester Street in the Lower East Side of New York. It explores the effects of capitalism, gender and generational conflict in ways that bear comparison to", + "score": 0.677734375 + }, + { + "id": "6029335", + "title": "The World Is a Ghetto", + "text": "The World Is a Ghetto The World Is a Ghetto is the fifth album by the band War, released in late 1972 on United Artists Records. The album attained the number one spot on \"Billboard\", and was \"Billboard\" magazine's Album of the Year as the best-selling album of 1973. In addition to being \"Billboard\"'s #1 album of 1973, the album is ranked number 444 on \"Rolling Stone\" magazine's list of the 500 greatest albums of all time. The title track became a gold record. The cover illustration, a lighthearted drawing showing a Rolls Royce with a flat tire in a", + "score": 0.67724609375 + }, + { + "id": "16458103", + "title": "A Million Lights", + "text": "is about falling in love with someone that keeps letting you down. The eighth song \"Ghetto Baby\" is an R&B song influenced by synthpop and trip hop which was written by American singer Lana Del Rey with Roy Kerr and Anu Pillai and produced by Kid Gloves. The ninth track \"Sexy Den a Mutha\" was written and produced by Beanz. \"Sexy Den a Mutha\" is a dance song and is described as a \"dancefloor hit\" The tenth track from the album \"Mechanics of the Heart\" is a ballad which was both produced and written by British singer Taio Cruz. Lyrically,", + "score": 0.67724609375 + }, + { + "id": "6029331", + "title": "The World Is a Ghetto", + "text": "The World Is a Ghetto The World Is a Ghetto is the fifth album by the band War, released in late 1972 on United Artists Records. The album attained the number one spot on \"Billboard\", and was \"Billboard\" magazine's Album of the Year as the best-selling album of 1973. In addition to being \"Billboard\"'s #1 album of 1973, the album is ranked number 444 on \"Rolling Stone\" magazine's list of the 500 greatest albums of all time. The title track became a gold record. The cover illustration, a lighthearted drawing showing a Rolls Royce with a flat tire in a", + "score": 0.67724609375 + }, + { + "id": "14125021", + "title": "Ghetto Dreams", + "text": "I.D. Nas has been critically praised for his guest verse, along with his new single for his respective upcoming album, many have compared this to his \"Illmatic\" and \"It Was Written\" days, alluding to his previous 'King of New York' status. Ghetto Dreams \"Ghetto Dreams'\" is the first single from the Common album, \"The Dreamer/The Believer\". The song is produced by No I.D. and features Nas. It was released on iTunes July 6, 2011. The song is featured on the Madden NFL 12 soundtrack. On August 11 a music video for \"Ghetto Dreams\" was released via YouTube. Reviews have been", + "score": 0.67626953125 + }, + { + "id": "14410378", + "title": "Ghetto Fabulous (song)", + "text": "of the video mix version of Been There Done That by Dr. Dre is sampled in Ghetto Fabulous. Ghetto Fabulous (song) \"Ghetto Fabulous\" is the lead single released from Ras Kass second album, \"Rasassination\". Produced by Stu-B-Doo, the song featured a verse from Dr. Dre and a chorus by Mack 10. Though \"Ghetto Fabulous\" had a more commercial sound to it than his previous singles, it was not a commercial success, only making it to 56 on Hot R&B/Hip-Hop Singles & Tracks. The video also features Ice-T. On the B-side was the song \"H2O Proof\", produced by Big Jaz and", + "score": 0.67578125 + }, + { + "id": "13695057", + "title": "American Sound Studio", + "text": "hit for George Benson. In January and February 1969, Elvis Presley recorded an extensive number of tracks during a period known as his comeback. One notable track, and the first to be released, was \"In the Ghetto\", unusual in Elvis' repertoire for its social commentary on the cycle of crime and poverty, followed by Suspicious Minds, which became a centerpiece of his live performances that would begin that year. Indeed, four charting singles came from these sessions-\"Suspicious Minds\", \"Don't Cry Daddy\", \"In the Ghetto\", and \"Kentucky Rain\"\u2014as well as two critically acclaimed albums released during 1969, \"From Elvis in Memphis\"", + "score": 0.67578125 + }, + { + "id": "926171", + "title": "Ghetto", + "text": "are long and wide,/But Harlem's much more than these alone,/Harlem is what's inside.\" Playwright August Wilson used the term \"ghetto\" in \"Ma Rainey's Black Bottom\" (1984) and \"Fences\" (1987), both of which draw upon the author's experience growing up in the Hill District of Pittsburgh, a black ghetto. The concept of 'the ghetto' and 'underclass' has faced criticism both theoretically and empirically. Research has shown significant differences in resources for neighborhoods with similar populations both across cities and over time. This includes differences in the resources of neighborhoods with predominantly low income or racial minority populations. The cause of these", + "score": 0.67431640625 + }, + { + "id": "2806778", + "title": "Donny Hathaway", + "text": "Donny Hathaway Donny Edward Hathaway (October 1, 1945 \u2013 January 13, 1979) was an American soul singer, keyboardist, songwriter, and arranger. Hathaway signed with Atlantic Records in 1969 and with his first single for the Atco label, \"The Ghetto\", in early 1970, \"Rolling Stone\" magazine \"marked him as a major new force in soul music.\" His enduring songs include \"The Ghetto\", \"This Christmas\", \"Someday We'll All Be Free\", \"Little Ghetto Boy\", \"I Love You More Than You'll Ever Know\", signature versions of \"A Song for You\", \"For All We Know\", \"Where Is the Love\" and \"The Closer I Get to", + "score": 0.67431640625 + }, + { + "id": "14410377", + "title": "Ghetto Fabulous (song)", + "text": "Ghetto Fabulous (song) \"Ghetto Fabulous\" is the lead single released from Ras Kass second album, \"Rasassination\". Produced by Stu-B-Doo, the song featured a verse from Dr. Dre and a chorus by Mack 10. Though \"Ghetto Fabulous\" had a more commercial sound to it than his previous singles, it was not a commercial success, only making it to 56 on Hot R&B/Hip-Hop Singles & Tracks. The video also features Ice-T. On the B-side was the song \"H2O Proof\", produced by Big Jaz and featuring Saafir, a member of the \"Golden State Project\" rap group alongside Xzibit and Ras Kass. The outro", + "score": 0.67431640625 + }, + { + "id": "11739297", + "title": "Ghetto Rose (Keke Wyatt song)", + "text": "Ghetto Rose blends the influence of old-school legends (Patti LaBelle) with contemporary divas (Mary J. Blige), while Wyatt puts her own distinctive stamp on the mix. Ghetto Rose has its share of groove-driven jams, yet Wyatt is at her best with thoughtful down- and midtempo tunes, such as the pulsing title track, a stirring plea for men to respect their women.\" Ghetto Rose (Keke Wyatt song) \"Ghetto Rose\" is a song recorded by American R&B singer Keke Wyatt serving as the first single from her unreleased second studio album \"Ghetto Rose\" (2007) through TVT Records and The Orchard on October", + "score": 0.673828125 + }, + { + "id": "8148090", + "title": "Ghetto fabulous", + "text": "along with hip-hop and rap music icons adopting the style though sometimes calling the fashion \"uptown couture\" with common \"ghetto fabulous\" styles mixed with couture labels, including new upscale/designer labels created by hip-hop moguls including Sean Combs, Jay-Z, and Kimora Lee Simmons. The phrase has also been the title of several rap albums and songs including Mystikal's 1998 album \"Ghetto Fabulous\", Fabolous's 2001 album, \"Ghetto Fabolous\" and the Ras Kass' song \"Ghetto Fabulous\". The origin of ghetto fabulousness fits into a larger cultural trend of the time. During the 1990s, Black, urban fashion was becoming a hot commodity through the", + "score": 0.6728515625 + }, + { + "id": "7026465", + "title": "Swizz Beatz Presents G.H.E.T.T.O. Stories", + "text": "Swizz Beatz Presents G.H.E.T.T.O. Stories Swizz Beatz Presents G.H.E.T.T.O. Stories is a compilation album by American hip hop record producer and recording artist Swizz Beatz, released December 10, 2002, under Interscope, DreamWorks and Full Surface. It debuted at number 50 on the US Billboard 200 album chart, selling 59,000 copies in its first week. The album spawned three singles, including the hit \"Good Times\", as performed by Styles P. \"Good Times\" was also included on Styles P's 2002 debut album \"A Gangster and a Gentleman\". The song \"Shyne\", as performed by Shyne, was included on his 2004 album \"Godfather Buried", + "score": 0.67236328125 + }, + { + "id": "18136824", + "title": "Ghetto Hymns", + "text": "Forgettin' (Every Time You're Near)\" and the Twinkie Clark-Terrell song \"In Him There is No Sorrow\" (listed on the album as \"Keep Forgettin'\" and \"Respect 2 Him\", respectively). Ghetto Hymns Ghetto Hymns is the solo debut studio album by American contemporary R&B musician Dave Hollister (formerly of Blackstreet), released via DreamWorks Records. The album was co-produced by Hollister and Erick Sermon, and it peaked at #34 on the \"Billboard\" 200. Three singles were released from the album: \"My Favorite Girl\", \"Can't Stay\" and \"Baby Mama Drama\". \"My Favorite Girl\" is Hollister's only hit to date on the \"Billboard\" Hot 100,", + "score": 0.67138671875 + }, + { + "id": "10526174", + "title": "Anthony Whyte", + "text": "talented singers and dancers. Two of the girls originate from upper parts of society and one is from the hood. The fourth girl has an uncle who is a clone of a Sean Combs (P. Diddy). Since then, Whyte also published \"Ghetto Girls Too\" and \"\". Whyte credits writers including Chester Himes, Iceberg Slim and Shakespeare for influences. hip-hop literature, formerly known as street lit, is a form of writing that focuses on grittiness of city living. The style of hip-hop literature is spreading and now there are many novels on the market written by young black authors. While some", + "score": 0.66845703125 + }, + { + "id": "11676436", + "title": "Life of a Kid in the Ghetto", + "text": "peaked at #58 on the Hot R&B/Hip-Hop Songs and #5 on the Hot Rap Songs). Life of a Kid in the Ghetto Life of a Kid in the Ghetto is the debut studio album by Boston-based rapper Ed O.G. & Da Bulldogs. It was released on March 5, 1991 via PWL America/Mercury Records/PolyGram. The album peaked at number 166 on the \"Billboard\" 200 and number 21 on the Top R&B/Hip-Hop Albums. The album spawned three singles: \"Bug-a-Boo\" (which peaked at #25 on the Hot Rap Songs), \"I Got to Have It\" (which peaked at #83 on the Hot R&B/Hip-Hop Songs", + "score": 0.6669921875 + }, + { + "id": "14481868", + "title": "Ensemble DRAj", + "text": "Anette Kr\u00fcger (vocals), Ralf Kaupenjohann (accordion), and Ludger Schmidt (violoncello). But it was not until a year later - after a period of arduous rehearsals that the group considered the songs to be mature enough to be presented to a public audience. The first program, \u201cLieder aus den Ghettos\u201d (\u201cSongs from the ghettoes\u201d) was first performed in Essen (Kunstschacht Katernberg). In 2000 the first CD \"Lieder aus den Ghettos\" was produced \"(EthnoArt/Essen)\". In 2001 Ensemble DRAj was invited to perform at the \"1. Buenos Aires Klezmer Festival\" in Argentina. But due to the terrorist attacks on September 11 the concert", + "score": 0.6669921875 + }, + { + "id": "5354687", + "title": "Billy Paul", + "text": "Levert and Walter Williams of The O'Jays. The song reached #91 on the Pop chart and #4 on the Soul chart. The \"Let's Clean Up the Ghetto\" album also included the Billy Paul tracks (both written by Gamble & Huff) \"New Day\" and \"New World Comin'.\" All proceeds from the album and single went toward a program to benefit inner-cities throughout the U.S. Paul followed up the success of both his \"Only the Strong Survive\" single and \"Let's Clean Up the Ghetto\" with \"Sooner or Later\" \u2013 another track from his latest LP. Yet the track failed to chart as", + "score": 0.666015625 + }, + { + "id": "9363495", + "title": "Leonard Gershe", + "text": "Leonard Gershe Leonard Gershe (June 10, 1922 - March 9, 2002) was an American playwright, screenwriter, and lyricist. Born in New York City, Gershe made his Broadway debut as a lyricist for the 1950 revue \"Alive and Kicking\". He wrote the book for Harold Rome's musical stage adaptation of \"Destry Rides Again\" in 1959, and in 1969 a play, \"Butterflies are Free\". Later Gershe wrote another play, \"Snacks\", intended for Tony Danza. He wrote the lyrics for the \"Born in a Trunk\" sequence from the Judy Garland/James Mason musical \"A Star Is Born\". In the 1950s, Gershe wrote ten scripts", + "score": 0.66552734375 + }, + { + "id": "18565354", + "title": "King of the Ghetto", + "text": "King of the Ghetto King of the Ghetto is a 1986 British four-part television drama miniseries which was aired on BBC Two, it was directed and written by Farrukh Dhondy, and stars Tim Roth. The drama is about racial tensions in London's east end in the 1980s. Set in and around Brick Lane, white Matthew Long (Tim Roth) mobilises his Bengali neighbours around a squatting campaign in defiance of the Labour-run council. Also, young Bengali vigilantes patrol the streets against National Front skinheads and white liberal Sadie Deedes (Gwyneth Strong) argues for an Islamic school. Meanwhile, Bangladeshi businessman Timur Hussein", + "score": 0.6650390625 + }, + { + "id": "17794415", + "title": "Live from the Ghetto", + "text": "Live from the Ghetto Live from the Ghetto is the sophomore solo album by American rapper and producer Big Hutch, who also known as Cold 187um of Pomona-based hip hop group Above The Law. It was released on June 8, 2004 via Activate Entertainment. The seventeen track full-length album featured guest appearances from Kokane, KM.G, Vietnam, Geno, Hazmad, and Curtis Mayfield. Alex Henderson of Allmusic wrote: \"Lyrically, Hutch's second solo album, Live From the Ghetto, doesn't break any new ground for the veteran rapper, who continues to rhyme about the dangers of life in the 'hood and the abundance of", + "score": 0.6650390625 + }, + { + "id": "13724986", + "title": "The Mind of Gil Scott-Heron", + "text": "or studio-recorded songs with little more than sparse drum backing or occasional instrumentation. Many of the tracks featured were included on previous Gil Scott-Heron albums. Due to the length of some of the pieces \u2013 \"The Ghetto Code (Dot Dot Dit Dit Dot Dot Dash)\" is nearly 13 minutes long, and four other songs are longer than 7 minutes \u2013 the album consists of only seven songs. One of the distinctive characteristics of Heron's poetry on this album is his use of chemical formulas to refer to certain people and events. For example, he refers to Barry Goldwater as \"Barry", + "score": 0.6650390625 + }, + { + "id": "6038759", + "title": "In the Ghetto", + "text": "duet with her father to raise money for the Presley Foundation. The song was released on iTunes. After Elvis Presley, the song has been performed by many other artists. Among them were, most notably, Sammy Davis Jr., Marilyn Manson, Natalie Merchant, Susan Cadogan, Candi Staton, Dolly Parton, Bobby Blue Bland, Bobbie Gentry, Nick Cave and the Bad Seeds, Ian Stuart Donaldson, The Cranberries, Merle Haggard, Leatherface, Three Six Mafia, DNX vs. The Voice, Bad Lieutenant, Fair Warning, Beats International, Eleanor Shanley, and Chris Clark. The Spanish singer and actor Enrique Castellon Vargas, also known as \"El Principe Gitano\" (The Gypsy", + "score": 0.66455078125 + }, + { + "id": "5236846", + "title": "Keke Wyatt", + "text": "\"Ghetto Rose\" was completed in 2007. The title track, written by veteran songwriter Franne Golde along with Kasey Livingston and Curt Schneider, was released to urban radio outlets in the fall of that year. The album was originally set for release on October 23, 2007, but was postponed for release in early 2008. Then, in February 2008, the record label filed for bankruptcy and, for the second time in her solo career, Wyatt's album was shelved. In 2009, Wyatt played a leading role in a United States-based nationally touring production entitled \"Love Over Board\". The production also included many seasoned", + "score": 0.6640625 + }, + { + "id": "6029334", + "title": "The World Is a Ghetto", + "text": "the few Black rock recordings that became a classic within the pan-African community during FM rock radio's segregation of African-American rock acts in the 1970s, a viewpoint echoed by music historian Jefferson Morley. All tracks composed by War (Papa Dee Allen, Harold Brown, B. B. Dickerson, Lonnie Jordan, Charles Miller, Lee Oskar, Howard E. Scott). In 2012 the album was re-released on CD in a 40th anniversary expanded edition with 4 previously unreleased bonus tracks. Singles from the album include \"The World Is a Ghetto\" backed with \"Four Cornered Room\", and \"The Cisco Kid\" backed with \"Beetles in the Bog\".", + "score": 0.66357421875 + }, + { + "id": "5159289", + "title": "Ghetto Gospel", + "text": "Hutton in the song. Eminem removed part of Shakur's first verse (\"We never really went through that, 'cause we were born B.C., you and me before crack...\".) The words \"Lord, can you hear me speak\" and \"and pay the price of being hellbound\" at the end of the song are originally Tupac's fourth verse. There are parts of the song in which Tupac's voice seems to be accompanied by a digitally added, lower toned voice: \"before its ruined\" from the end of the first verse and \"I set goals, take control\" and \"Before we find world peace\" from the second", + "score": 0.66357421875 + }, + { + "id": "4838011", + "title": "Bonzo Goes to Bitburg", + "text": "but Reagan's thing was like forgive and forget. How can you forget six million people being gassed and roasted? Joey Ramone shared writing credit with Ramones bassist Dee Dee Ramone and Ramones producer and former Plasmatics bassist/keyboardist Jean Beauvoir. Commentators on the song tended to suggest that Joey was its primary author. Mickey Leigh, Joey's brother, who was particularly close with Dee Dee, claimed that while \"everyone believed Joey had been the impetus to write the song ... it was actually Dee Dee.\" Beauvoir's camp states that he was equally involved in the lyrics in addition to his music and", + "score": 0.66357421875 + }, + { + "id": "7850277", + "title": "Dolce Vita (song)", + "text": "Federico Fellini and like him I admire shapely women. So I began to work on it right away, starting with the baseline on the Minimoog, and then I wrote the melody on top of that. Later, Gazebo wrote the lyrics. It was right about that time I met the future Ryan Paris. Everything came together very quickly. The track was done at Titania Studios in Rome, which is where the entire first Gazebo album was recorded. I got along well with the sound engineer there, Giampaolo Bresciani. I did the arrangement in a couple of days and did the vocals", + "score": 0.6630859375 + }, + { + "id": "2519001", + "title": "Rakim", + "text": "1990, was Eric B. & Rakim's third album. This album saw the duo's sound develop further, with Rakim adopting a deeper, more aggressive tone of voice, as well as more mature and serious subject matter. Musically, the production ranges from smoother soulful tracks such as \"In the Ghetto\" to the hard-edged assault of the title track. Though it could not support singles as popular as the duo's previous albums, it is considered by many to be the duo's most coherent album. It is one the few albums to have received a \"five-mic\" rating from \"The Source\". In 1998, the album", + "score": 0.66259765625 + } + ], + "answer": "Elvis and Busta Rhymes each released a unique song called In The Ghetto. Elvis' 1969 song was written by Mac Davis while Busta Rhymes' 2006 song was written by Rick James." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who is the writer whose work inspired the title of a raisin in the sun?", + "short_answers": [ + "Langston Hughes" + ], + "wikipage": null + }, + { + "context": "A Raisin in the Sun is a play by Lorraine Hansberry that debuted on Broadway in 1959. The title comes from the poem \"Harlem\" (also known as \"A Dream Deferred\") by Langston Hughes. The story tells of a black family's experiences in south Chicago, as they attempt to improve their financial circumstances with an insurance payout following the death of the father. The New York Drama Critics' Circle named it the best play of 1959.", + "question": "What is the work that inspired the title of a raisin in the sun?", + "short_answers": [ + "Harlem", + "A Dream Deferred" + ], + "wikipage": "A Raisin in the Sun" + }, + { + "context": "No context provided", + "question": "Who from Harlem/A Dream Deferred inspired the title of a raisin in the sun?", + "short_answers": [ + "a black family in south Chicago" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "A Raisin in the Sun", + "url": "https://en.wikipedia.org/wiki/A%20Raisin%20in%20the%20Sun" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Lorraine Vivian Hansberry (May 19, 1930 \u2013 January 12, 1965) was a playwright and writer.", + "wikipage": "Lorraine Hansberry" + }, + { + "content": "James Mercer Langston Hughes (February 1, 1901[1] \u2013 May 22, 1967) was an American poet, social activist, novelist, playwright, and columnist from Joplin, Missouri. ", + "wikipage": "Langston Hughes" + } + ], + "long_answer": "A Raisin in the Sun is a 1959 play by playwright Lorraine Hansberry. The title of the play was inspired by the poem called \"Harlem\" (also known as \"A Dream Deferred\") by American poet Langston Hughes. The story tells of a black family's experiences in south Chicago, as they attempt to improve their financial circumstances with an insurance payout following the death of their father." + }, + { + "knowledge": [], + "long_answer": "A Raisin in the Sun is a play that debuted on Broadway in 1959. The title was inspired by a poem called Harlem, also known as A Dream Deferred, which was written by Langston Hughes. The poem is about a Black family in south Chicago that attempts to improve their financial circumstances." + } + ], + "sample_id": "8019069992407646379", + "question": "Who inspired the title of a raisin in the sun?", + "docs": [ + { + "id": "15362675", + "title": "A Raisin in the Sun", + "text": "A Raisin in the Sun A Raisin in the Sun is a play by Lorraine Hansberry that debuted on Broadway in 1959. The title comes from the poem \"Harlem\" (also known as \"A Dream Deferred\") by Langston Hughes. The story tells of a black family's experiences in the Washington Park Subdivision of Chicago's Woodlawn neighborhood as they attempt to \"better\" themselves with an insurance payout following the death of the father. The New York Drama Critics' Circle named it the best play of 1959. Walter and Ruth Younger, their son Travis, along with Walter's mother Lena (Mama) and Walter's sister", + "score": 0.7958984375, + "summary": "The title of \"A Raisin in the Sun\" was inspired by Langston Hughes' poem \"Harlem\".", + "extraction": "The title of A Raisin in the Sun was inspired by the poem \"Harlem\" (also known as \"A Dream Deferred\") by Langston Hughes." + }, + { + "id": "15362698", + "title": "A Raisin in the Sun", + "text": "as Stephen Colbert reciting \"A Dream Deferred\" just before the closing credits. A Raisin in the Sun A Raisin in the Sun is a play by Lorraine Hansberry that debuted on Broadway in 1959. The title comes from the poem \"Harlem\" (also known as \"A Dream Deferred\") by Langston Hughes. The story tells of a black family's experiences in the Washington Park Subdivision of Chicago's Woodlawn neighborhood as they attempt to \"better\" themselves with an insurance payout following the death of the father. The New York Drama Critics' Circle named it the best play of 1959. Walter and Ruth Younger,", + "score": 0.78759765625, + "summary": "The title of \"A Raisin in the Sun\" comes from the Langston Hughes poem \"Harlem,\" and the play was written by Lorraine Hansberry.", + "extraction": "The title of \"A Raisin in the Sun\" comes from the poem \"Harlem\" by Langston Hughes." + }, + { + "id": "10780330", + "title": "A Raisin in the Sun (2008 film)", + "text": "A Raisin in the Sun (2008 film) A Raisin in the Sun is a 2008 American made-for-television film directed by Kenny Leon and starring Sean Combs, Audra McDonald, Phylicia Rashad, and Sanaa Lathan reprising their roles from the 2004 revival which was also directed by Leon. The teleplay by Paris Qualles is based on the award-winning 1959 play of the same name by Lorraine Hansberry and is the second film adaptation of that play following the 1961 film that starred Sidney Poitier, Ruby Dee, Claudia McNeil, and Diana Sands. \"A Raisin in the Sun\" debuted at the 2008 Sundance Film", + "score": 0.75390625, + "summary": "The 2008 film \"A Raisin in the Sun\" is a second adaptation of the 1959 play by Lorraine Hansberry. It is directed by Kenny Leon and stars Sean Combs, Audra McDonald, Phylicia Rashad, and Sanaa Lathan. The film debuted at the 2008 Sundance Film Festival. No information is provided regarding who inspired the title.", + "extraction": "The title of \"A Raisin in the Sun\" was inspired by the award-winning 1959 play of the same name by Lorraine Hansberry." + }, + { + "id": "4832883", + "title": "A Raisin in the Sun (1961 film)", + "text": "A Raisin in the Sun (1961 film) A Raisin in the Sun is a 1961 drama film directed by Daniel Petrie and starring Sidney Poitier, Ruby Dee, Claudia McNeil, Diana Sands, Roy Glenn, and Louis Gossett Jr. (in his film debut), and adapted from the 1959 play of the same name by Lorraine Hansberry. It follows a black family that wants a better life away from the city. \"A Raisin in the Sun\" was released by Columbia Pictures on May 29, 1961. In 2005, the film was selected for preservation in the United States of America National Film Registry by", + "score": 0.751953125, + "summary": "The document is relevant but does not provide an answer to the question of who inspired the title \"A Raisin in the Sun.\"", + "extraction": "Lorraine Hansberry inspired the title of A Raisin in the Sun." + }, + { + "id": "10780335", + "title": "A Raisin in the Sun (2008 film)", + "text": "an idea that repulses everyone in the Younger household. When Walter calls back Lindner to confirm the deal, he has a last-minute change of heart and seeking to restore the Youngers' pride, rejects Lindner's offer again. The Youngers eventually move out of their apartment, fulfilling their dream. The future seems uncertain and slightly dangerous, but they believe that they can succeed through optimism, determination, and remaining together as a family. The title was inspired by poet Langston Hughes' reflection on whether a deferred dream \"dr[ies] up like a raisin in the sun.\" Sean Combs, Audra McDonald, Phylicia Rashad, and Sanaa", + "score": 0.74365234375, + "summary": "Langston Hughes inspired the title of \"A Raisin in the Sun.\"", + "extraction": "The title was inspired by poet Langston Hughes' reflection on whether a deferred dream \"dr[ies] up like a raisin in the sun.\"" + }, + { + "id": "8369184", + "title": "Lonne Elder III", + "text": "encouragement from poets Robert Hayden and Langston Hughes, among others and began honing his talent as a writer. Working as a stage actor, Elder landed the role of Bobo in the original Broadway run of Lorraine Hansberry's \"A Raisin in the Sun\" in 1959. Inspired by Hansberry and his friendship with dramatist Douglas Turner Ward, Elder set his sights on becoming a playwright. Sharing an apartment with Ward also helped inspire Elder to write a play titled \"A Hysterical Turtle in a Rabbit Race\" (1961). It was an early expression of Elder's chosen theme of the black family in a", + "score": 0.73876953125, + "summary": "Lonne Elder III was an actor who landed a role in the original Broadway run of \"A Raisin in the Sun\" in 1959. He was inspired by Lorraine Hansberry and his friendship with Douglas Turner Ward to become a playwright. However, the document does not mention who inspired the title of \"A Raisin in the Sun.\"", + "extraction": "Lorraine Hansberry inspired the title of \"A Raisin in the Sun\"." + }, + { + "id": "15362689", + "title": "A Raisin in the Sun", + "text": "the Sun\" was the first play written by a black woman to be produced on Broadway, as well as the first with a black director, Mr. Richards. Hansberry noted that her play introduced details of black life to the overwhelmingly white Broadway audiences, while director Richards observed that it was the first play to which large numbers of black people were drawn. Frank Rich, writing in \"The New York Times\" in 1983, stated that \"A Raisin in the Sun\" \"changed American theater forever.\" In 2016, Claire Brennan wrote in \"The Guardian\" that \"The power and craft of the writing make", + "score": 0.73876953125, + "summary": "Lorraine Hansberry wrote \"A Raisin in the Sun,\" which was the first play by a black woman with a black director on Broadway. The play introduced details of black life to a mostly white audience and drew large numbers of black people. The title's inspiration is irrelevant.", + "extraction": "Lorraine Hansberry inspired the title of \"A Raisin in the Sun\"." + }, + { + "id": "4832888", + "title": "A Raisin in the Sun (1961 film)", + "text": "and slightly dangerous, but they believe that they can succeed through optimism, determination, and remaining together as a family. Ruby Dee won the National Board of Review Award for Best Supporting Actress. Both Poitier and MacNeil were nominated for Golden Globe Awards, and director Petrie received a special \"Gary Cooper Award\" at the 1961 Cannes Film Festival. A Raisin in the Sun (1961 film) A Raisin in the Sun is a 1961 drama film directed by Daniel Petrie and starring Sidney Poitier, Ruby Dee, Claudia McNeil, Diana Sands, Roy Glenn, and Louis Gossett Jr. (in his film debut), and adapted", + "score": 0.73681640625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information on who inspired the title of A Raisin in the Sun." + }, + { + "id": "5498806", + "title": "Raisin (musical)", + "text": "Raisin (musical) Raisin is a musical theatre adaptation of the Lorraine Hansberry play \"A Raisin in the Sun\", with songs by Judd Woldin and Robert Brittan, and a book by Robert Nemiroff (who was Hansberry's former husband) and Charlotte Zaltzberg. The story concerns an African-American family in Chicago in 1951. The musical was nominated for nine Tony Awards, winning two, including Best Musical, and the Broadway production ran for 847 performances. In Chicago in 1951, an African-American family, Ruth Younger, her husband Walter Lee Younger, their son Travis and Walter's mother are living in a cramped apartment. Walter is a", + "score": 0.73046875, + "summary": "The musical \"Raisin\" is an adaptation of Lorraine Hansberry's play \"A Raisin in the Sun,\" with songs by Judd Woldin and Robert Brittan, and a book by Robert Nemiroff and Charlotte Zaltzberg. Nemiroff was Hansberry's former husband. The title of the play, and subsequently the musical, was inspired by a Langston Hughes poem titled \"Harlem.\"", + "extraction": "The title of \"A Raisin in the Sun\" inspired the title of the musical \"Raisin\"." + }, + { + "id": "2636476", + "title": "Lorraine Hansberry", + "text": "Lorraine Hansberry Lorraine Vivian Hansberry (May 19, 1930 \u2013 January 12, 1965) was an African-American playwright and writer. Hansberry was the first black female author to have a play performed on Broadway. Her best known work, the play \"A Raisin in the Sun\", highlights the lives of Black Americans living under racial segregation in Chicago. Hansberry's family had struggled against segregation, challenging a restrictive covenant and eventually provoking the Supreme Court case \"Hansberry v. Lee\". The title of the play was taken from the poem \"Harlem\" by Langston Hughes: \"What happens to a dream deferred? Does it dry up like", + "score": 0.72900390625, + "summary": "The title of the play \"A Raisin in the Sun\" was inspired by the poem \"Harlem\" by Langston Hughes.", + "extraction": "The title of the play \"A Raisin in the Sun\" was taken from the poem \"Harlem\" by Langston Hughes." + }, + { + "id": "10780340", + "title": "A Raisin in the Sun (2008 film)", + "text": "for the Emmy Award for Outstanding Made For Television Movie but lost to \"Recount\". Phylicia Rashad was nominated Outstanding Lead Actress In A Miniseries Or A Movie but lost to Laura Linney for \"John Adams\". Audra McDonald was nominated Outstanding Supporting Actress In A Miniseries Or A Movie but lost to Eileen Atkins for \"Cranford\". A Raisin in the Sun (2008 film) A Raisin in the Sun is a 2008 American made-for-television film directed by Kenny Leon and starring Sean Combs, Audra McDonald, Phylicia Rashad, and Sanaa Lathan reprising their roles from the 2004 revival which was also directed by", + "score": 0.72509765625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "2636485", + "title": "Lorraine Hansberry", + "text": "and wrote about feminism and homophobia, joining the Daughters of Bilitis and contributing two letters to their magazine, \"The Ladder\", in 1957 under her initials \"LHN.\" She separated from her husband at this time, but they continued to work together. \"A Raisin in the Sun\" was written at this time and completed in 1957. Opening on March 11, 1959, \"A Raisin in the Sun\" became the first play written by an African American woman to be produced on Broadway. The 29-year-old author became the youngest American playwright and only the fifth woman to receive the New York Drama Critics Circle", + "score": 0.7216796875, + "summary": "Lorraine Hansberry wrote \"A Raisin in the Sun\" in 1957 and it became the first play written by an African American woman to be produced on Broadway. It is not mentioned who inspired the title.", + "extraction": "Lorraine Hansberry inspired the title of a raisin in the sun." + }, + { + "id": "9457369", + "title": "Kenny Leon", + "text": "at the Kenny Leon's True Colors Theatre Company; and a musical inspired by the work of rapper Tupac Shakur. In 2014, he directed the Broadway revival of \"A Raisin in the Sun\" starring Denzel Washington and LaTanya Richardson Jackson and the Broadway premiere of the musical \"Holler If Ya Hear Me\", featuring the discography of Tupac Shakur. Leon won the Tony Award for Best Direction of a Play for his work on \"A Raisin in the Sun\". That same year Mr. Leon directed \"NPR Presents Water\u00b1\", written by award-winning NPR Science Correspondent Christopher Joyce, and award-winning theater writers Arthur Yorinks", + "score": 0.72119140625, + "summary": "Kenny Leon inspired the title of \"A Raisin in the Sun\" and won a Tony Award for Best Direction of a Play for his work on it.", + "extraction": "Kenny Leon inspired the title of \"A Raisin in the Sun\"." + }, + { + "id": "15362691", + "title": "A Raisin in the Sun", + "text": "cast of Sidney Poitier, Ruby Dee, Claudia McNeil, Diana Sands, Ivan Dixon, Louis Gossett, Jr. and John Fiedler. Hansberry wrote the screenplay, and the film was directed by Daniel Petrie. It was released by Columbia Pictures and Ruby Dee won the National Board of Review Award for Best Supporting Actress. Both Poitier and McNeil were nominated for Golden Globe Awards, and Petrie received a special \"Gary Cooper Award\" at the Cannes Film Festival. A musical version of the play, \"Raisin\", ran on Broadway from October 18, 1973, to December 7, 1975. The book of the musical, which stayed close to", + "score": 0.71923828125, + "summary": "Irrelevant.", + "extraction": "Lorraine Hansberry inspired the title of A Raisin in the Sun." + }, + { + "id": "18004200", + "title": "To Be Young, Gifted and Black (play)", + "text": "To Be Young, Gifted and Black (play) \"To Be Young, Gifted and Black: Lorraine Hansberry in her Own Words\", was written by Lorraine Hansberry, an American writer best known for her 1957 play \"A Raisin in the Sun\", a play that made Hansberry the first black author of a show on Broadway. After her death in 1965, Hansberry's ex-husband and friend, songwriter and poet Robert Nemiroff, collated her unpublished writings and adapted them into a stage play that first ran from 1968 to 1969 off Broadway. It was then converted into an equally successful autobiography with the same title. The", + "score": 0.716796875, + "summary": "Lorraine Hansberry inspired the title of \"A Raisin in the Sun\".", + "extraction": "Lorraine Hansberry inspired the title of \"A Raisin in the Sun\"." + }, + { + "id": "15362687", + "title": "A Raisin in the Sun", + "text": "is African-American, \"A Raisin in the Sun\" was considered a risky investment, and it took over a year for producer Philip Rose to raise enough money to launch it. There was disagreement with how it should be played, with focus on the mother or focus on the son. When the play hit New York, Poitier played it with the focus on the son and found not only his calling but also an audience enthralled. After touring to positive reviews, the play premiered on Broadway at the Ethel Barrymore Theatre on March 11, 1959. It transferred to the Belasco Theatre on", + "score": 0.712890625, + "summary": "The document is irrelevant to the question of who inspired the title of \"A Raisin in the Sun.\"", + "extraction": "Irrelevant." + }, + { + "id": "11825252", + "title": "Claudia McNeil", + "text": "Claudia McNeil Claudia McNeil (August 13, 1917 \u2013 November 25, 1993) was an American actress known for premiering the role of matriarch Lena Younger in both the stage and screen productions of \"A Raisin in the Sun\". She later appeared in a 1981 production of the musical version of the play, \"Raisin\" presented by Equity Library Theater. She was twice nominated for a Tony Award, first for her onstage performance in \"A Raisin in the Sun\" (1959), and again for the play \"Tiger Tiger Burning Bright\" in 1962. She was also nominated for a Golden Globe Award and a BAFTA", + "score": 0.70947265625, + "summary": "Claudia McNeil inspired the title of \"A Raisin in the Sun\".", + "extraction": "Claudia McNeil inspired the title of \"A Raisin in the Sun\"." + }, + { + "id": "16267290", + "title": "The Sign in Sidney Brustein's Window", + "text": "to write for a paper as an author before deciding to write her first play. Before becoming a playwright, she actively wrote for groups promoting African-American rights. She published a piece produced by the Student Nonviolent Coordinating Committee, advocating for the well being of African Americans. Hansberry's personal past, values, and involvement with ideological movements heavily influenced thematic elements in her plays. Her first piece as a playwright, \"A Raisin in the Sun\", drew attention to her as not only an author but as playwright. This piece received several awards and was the first Broadway production written by an African-American", + "score": 0.708984375, + "summary": "Lorraine Hansberry inspired the title of \"A Raisin in the Sun\" with her first play, which received several awards and was the first Broadway production written by an African-American.", + "extraction": "Lorraine Hansberry inspired the title of \"A Raisin in the Sun\"." + }, + { + "id": "2636496", + "title": "Lorraine Hansberry", + "text": "winning the Tony Award for Best Musical, with the book by Nemiroff, music by Judd Woldin, and lyrics by Robert Britten. \"A Raisin in the Sun\" was revived on Broadway in 2004 and received a Tony Award nomination for Best Revival of a Play. The cast included Sean Combs (\"P Diddy\") as Walter Lee Younger Jr., Phylicia Rashad (Tony Award-winner for Best Actress) and Audra McDonald (Tony Award-winner for Best Featured Actress). It was produced for television in 2008 with the same cast, garnering two NAACP Image Awards. Nina Simone first released a song about Hansberry in 1969 called \"To", + "score": 0.70849609375, + "summary": "irrelevant", + "extraction": "Lorraine Hansberry inspired the title of \"A Raisin in the Sun\"." + }, + { + "id": "15362690", + "title": "A Raisin in the Sun", + "text": "A Raisin in the Sun as moving today as it was then.\" In 1960 \"A Raisin In The Sun\" was nominated for four Tony Awards: Some five months after its Broadway opening, Hansberry's play appeared in London's West End, playing at the Adelphi Theatre from August 4, 1959. As on Broadway, the director was Lloyd Richards, and the cast was as follows: The play was presented (as before) by Philip Rose and David J. Cogan, in association with the British impresario Jack Hylton. In 1961, a film version of \"A Raisin in the Sun\" was released featuring its original Broadway", + "score": 0.70751953125, + "summary": "The document mentions that \"A Raisin in the Sun\" was a play by Lorraine Hansberry that was nominated for four Tony Awards in 1960. It opened on Broadway and later played in London's West End in 1959. The director was Lloyd Richards and the play was presented by Philip Rose and David J. Cogan. The document does not mention who inspired the title of the play.", + "extraction": "Lorraine Hansberry inspired the title of A Raisin in the Sun." + }, + { + "id": "20218203", + "title": "Charlotte Zaltzberg", + "text": "The New York Times in October, 1973: \u201cThe present book by Robert Nemiroff and Charlotte Zaltzberg is perhaps even better than the play. It retains all of Miss Hansberry\u2019s finest dramatic encounters with the dialogue, as cutting and as honest as ever, intact. But the shaping of the piece is slightly firmer and better.\u201d Later in the review he wrote: \u201cIn a sense the score (music by Judd Wolden and lyrics by Robert Brittan) for Raisin is not the most important aspect of the show\u2026. You hardly notice this\u2014or at least you only notice it in passing\u2014not only because of", + "score": 0.70068359375 + }, + { + "id": "14244254", + "title": "Clybourne Park", + "text": "Russ to back out of the deal, for fear that falling area property values will drive the Lindners' neighbors away and isolate them if black residents move in. It becomes apparent that the black family moving in are the Youngers, the protagonists of \"A Raisin in the Sun\", and the neighbor is Karl Lindner, the minor character from that play who attempted to bribe the Youngers into abandoning their plans to move into the neighborhood. The action is taking place approximately an hour following Karl Lindner's departure from the Youngers' Hamilton Park residence, where they have rejected his bribery attempt.", + "score": 0.69970703125 + }, + { + "id": "18004201", + "title": "To Be Young, Gifted and Black (play)", + "text": "play was adapted from Lorraine\u2019s letters, interviews, and journal entries. It begins at the start of Lorraine\u2019s life, highlighting her early childhood in a Chicago ghetto to her college years and then later life, including the creation and inspiration for \"A Raisin in the Sun\". Her journey from Chicago to New York was complicated by obstacles she overcame in order to get her play on Broadway and incorporates fragments of her personal life, such as her marriage and involvement in politics (e.g., her strong support of racial and gender equality). The play concludes with her battle with terminal illness, from", + "score": 0.69970703125 + }, + { + "id": "10251997", + "title": "Philip Rose (theatrical producer)", + "text": "irrationality of prejudice. Another anecdotal experience occurred while \"Raisin in the Sun\" was touring Washington D.C. Near the end of the play, Walter Lee Younger says: \"We have decided to move into our house because my father \u2014 my father \u2014 he earned it for us brick by brick.\". The audience which was 95% white applauded. The next day, along with a rave review there was an editorial stating that the same people who applauded Walter Lee, went home and kept fighting to keep black people out of their neighborhoods. Philip Rose expressed the hope that the message of the", + "score": 0.69970703125 + }, + { + "id": "11584404", + "title": "David Binder", + "text": "Awards including Best Revival, and Of Mice and Men became the first Broadway show to be filmed by the National Theatre of Great Britain\u2019s NT Live and shown in cinemas around the world. Binder produced the first Broadway revival of Lorraine Hansberry's A Raisin in the Sun, starring Sean Combs, Audra McDonald, Phylicia Rashad and Sanaa Lathan. The 2004 production won two Tony Awards for Best Actress and Best Featured Actress in a Play. He is an Executive Producer of the ABC television movie based on the Broadway production. In 1998 Binder presented the off-Broadway hit De La Guarda, and", + "score": 0.69873046875 + }, + { + "id": "5498812", + "title": "Raisin (musical)", + "text": "the book of the musical \"is perhaps even better than the play... 'Raisin' is one of those unusual musicals that should not only delight people who love musicals, but might also well delight people who don't\". After the Broadway opening, Walter Kerr of \"The New York Times\" wrote, \"The strength of \"Raisin\" lies in the keen intelligence and restless invention of a musical underscoring that has simply invaded Lorraine Hansbury's once tightly-knit, four-walled, close-quartered play, \"A Raisin in the Sun\", plucking the walls away, spilling the action onto the streets with a jittery down-flight of strings, mocking and matching realistic", + "score": 0.697265625 + }, + { + "id": "14865471", + "title": "Judd Woldin", + "text": "and Famous Poems Illustrated\". After being on the road with Don Elliott and Lionel Hampton, he attended Black Mountain College along with Josef Albers and Heinrich Jalowetz, and would later go to University of New Mexico along with Ernst Krenek. He also joined BMI Lehman Engel Musical Theater Workshop, and while paired with Robert Brittan, they would begin work on Lorraine Hansberry's play \"A Raisin In The Sun\". The result was \"Raisin\". It premiered May 30, 1973 at the Arena Stage in Washington, D.C. and would move to Broadway at the 46th Street Theatre on October 18, 1973, transferred to", + "score": 0.693359375 + }, + { + "id": "3639632", + "title": "Daniel Petrie", + "text": "Daniel Petrie Daniel Mannix Petrie (November 26, 1920 \u2013 August 22, 2004) was a Canadian television and film director. Petrie was born in Glace Bay, Nova Scotia, Canada, the son of Mary Anne (n\u00e9e Campbell) and William Mark Petrie, a soft-drink manufacturer. He moved to the United States in 1945. His signature film \"A Raisin in the Sun\" (1961), was assigned to him after it was refused to its original director on Broadway, future National Medal of Arts honoree Lloyd Richards, because Richards was black. The movie maintained the award-winning cast and performances it had had on Broadway during its", + "score": 0.6923828125 + }, + { + "id": "18004202", + "title": "To Be Young, Gifted and Black (play)", + "text": "which she eventually died at 34. The play was well received and was one of the most successful plays off-Broadway during the 1968\u20131969 season. The play is still anthologized and performed around the world. The autobiography adapted from the play was also critically acclaimed. To Be Young, Gifted and Black (play) \"To Be Young, Gifted and Black: Lorraine Hansberry in her Own Words\", was written by Lorraine Hansberry, an American writer best known for her 1957 play \"A Raisin in the Sun\", a play that made Hansberry the first black author of a show on Broadway. After her death in", + "score": 0.69091796875 + }, + { + "id": "15362697", + "title": "A Raisin in the Sun", + "text": "family; the second act takes place 50 years later. The 2013 play by Kwame Kwei-Armah entitled \"Beneatha's Place\" follows Beneatha after she leaves with Asagai to Nigeria and, instead of becoming a doctor, becomes the Dean of Social Sciences at a respected (unnamed) California university. The two above plays were referred to by Kwei-Armah as \"The Raisin Cycle\" and were produced together by Baltimore's Center Stage in the 2012\u20132013 season. Season 1, Episode 3 of \"Strangers with Candy\" is based around a school production of \"A Raisin in the Sun\", and features an excerpt from the 1961 movie as well", + "score": 0.68408203125 + }, + { + "id": "15362682", + "title": "A Raisin in the Sun", + "text": "a bombing. Her lines are employed as comic relief, but Hansberry also uses this scene to mock those who are too scared to stand up for their rights. In the introduction by Robert B. Nemiroff he writes that the scene is included in print because it draws attention away from a seemingly happy ending to a more violent reality inspired by Hansberry's own experiences. Experiences in this play echo a lawsuit (\"Hansberry v. Lee\", 311 U.S. 32 (1940)), to which the playwright Lorraine Hansberry's family was a party when they fought to have their day in court because a previous", + "score": 0.68408203125 + }, + { + "id": "10251995", + "title": "Philip Rose (theatrical producer)", + "text": "process, and remained his best friend up until Philip's death. Philip Rose, in his work and his life, struggled against racism and discrimination in all its multifarious forms and disguises. He has observed that though racism has been extant in numerous contexts, it began in America as a business proposition: Slavery. The social consciousness of the work he has produced reflects his own perceptive, empathic consciousness. In two anecdotes relating to \"Raisin in the Sun\", he pointed out that in 1959, the year the play was first produced, there was a man seated in the best seat in the house", + "score": 0.68408203125 + }, + { + "id": "9457367", + "title": "Kenny Leon", + "text": "end of that year, he directed the Broadway premiere of August Wilson's \"Gem of the Ocean\". In spring 2007, he directed August Wilson's \"Radio Golf\". All three plays were nominated for Tony awards, and Leon was a Drama Desk Award nominee for \"A Raisin in the Sun\". He also directed the television version of \"A Raisin in the Sun\", which aired on ABC in February 2008. He was nominated for a Tony Award in 2010 for Best Director for his work on August Wilson's \"Fences\", starring Denzel Washington and Viola Davis, earning them both nominations and wins for Best Performance", + "score": 0.68359375 + }, + { + "id": "19804816", + "title": "Darius Kaleb", + "text": "his house, moves in with his grandmother Delores, who after quitting her job as a DC cop never leaves her home anymore. The two of them end up needing each other more than they would have thought, as Jermaine is in need of parental guidance, while Delores needs a push to get her back into the world. Kaleb has had an excellent career on Broadway. He played parts in multiple shows, alongside some big celebrities. When he was 11 years old, Kaleb starred in the play \u201cA Raisin in the Sun\u201d written by Lorraine Hansberry, which also starred LaTanya Richardson", + "score": 0.68212890625 + }, + { + "id": "10252004", + "title": "Philip Rose (theatrical producer)", + "text": "18, 1964 Produced by Philip Rose Dec 19, 1963 - Jun 20, 1964 Produced by Philip Rose Feb 19, 1963 - Mar 9, 1963 Produced by Philip Rose May 19, 1962 - Sep 15, 1962 Produced by Philip Rose Sep 28, 1961 - May 12, 1962 Produced by Philip Rose Mar 10, 1960 - Mar 12, 1960 Produced by Philip Rose Mar 11, 1959 - Jun 25, 1960 \"American Masters\" ... Himself - Producer 'A Raisin in the Sun' (1 episode, 2000) Sidney Poitier: One Bright Light (2000) TV Episode ... Himself - Producer 'A Raisin in the Sun' Philip", + "score": 0.681640625 + }, + { + "id": "2981579", + "title": "Louis Gossett Jr.", + "text": "still a student at Abraham Lincoln High School, with no formal drama training. Gossett's Broadway theatre credits include \"A Raisin in the Sun\" (1959). Gossett stepped into the world of cinema in the Sidney Poitier vehicle \"A Raisin in the Sun\" in 1961. Also in 1961, Gossett appeared in the original cast of Jean Genet's \"The Blacks\", the longest running off-Broadway play of the decade, running for 1,408 performances. The original cast also featured James Earl Jones, Roscoe Lee Browne, Cicely Tyson, Godfrey Cambridge, Maya Angelou and Charles Gordone. In 1965, Gossett appeared in the musical play, \"Zulu and the", + "score": 0.68115234375 + }, + { + "id": "3041978", + "title": "Phylicia Rashad", + "text": "following year, for \"Gem of the Ocean\". Several Black women have won in the Best Actress (Musical) category, including the late Virginia Capers, who won in 1973 for her portrayal of Lena in the musical adaptation of Hansberry's play, entitled \"Raisin\". Rashad also won the 2004 Drama Desk award for Best Actress in a Play for \"A Raisin in the Sun\" by tying (split award) with Viola Davis for the play \"Intimate Apparel\". In 2007, Rashad made her directorial debut with the Seattle Repertory Theatre's production of August Wilson\u2019s \"Gem of the Ocean\". More recently, in early 2014 Rashad directed", + "score": 0.6806640625 + }, + { + "id": "2636486", + "title": "Lorraine Hansberry", + "text": "Award for Best Play. Over the next two years, \"Raisin\" was translated into 35 languages and was being performed all over the world. In April 1959, as a sign of her growing fame, photographer David Attie did an extensive photo-shoot of Hansberry, at home in her Bleecker Street apartment, for \"Vogue\" magazine. Hansberry wrote two screenplays of \"Raisin\", both of which were rejected as controversial by Columbia Pictures. Commissioned by NBC in 1960 to create a television program about slavery, Hansberry wrote \"The Drinking Gourd\". This script was called \"superb\" but also rejected. In 1960, during Delta Sigma Theta's 26th", + "score": 0.6796875 + }, + { + "id": "4060168", + "title": "Tahar Ben Jelloun", + "text": "for \"Le Monde\". He received his doctorate in social psychiatry in 1975. Ben Jelloun's 1985 novel \"L\u2019Enfant de Sable\" (translated as \"The Sand Child\") brought widespread attention. In 1987 he received the Prix Goncourt for his novel \"La Nuit Sacr\u00e9e\" (\"The Sacred Night\"), making him the first Maghreb author to receive the award. His 1996 novel \"Les raisins de la gal\u00e8re\" (Eng. \"The Fruits of Hard Work\") is a reflection on racism and traditional Muslim ideas about women's place. The protagonist, Nadia (a young French women of Algerian origin), fights racism and exclusion to find her place in French society.", + "score": 0.67919921875 + }, + { + "id": "16774562", + "title": "Melvin Tumin", + "text": "annual lectures honor \"the memory of Professor Melvin Tumin, whose writing on social inequality edified and inspired a generation of American social scientists.\" Tumin's friend, the author Philip Roth, said that his novel \"The Human Stain\" (2000) was inspired by an incident that happened to the professor. According to Roth, Tumin inquired about two students who had not attended his class all semester, asking, \"Does anyone know these people? Do they exist or are they spooks?\" Unbeknownst to Tumin, both students were African American. As \"spooks\" can be a racial slur for black people (in addition to meaning \"ghosts\" or", + "score": 0.67724609375 + }, + { + "id": "732278", + "title": "The Little Prince", + "text": "and not by her words,\" says the prince. \"She wrapped herself around me and enlightened me. I should never have fled. I should have guessed at the tenderness behind her poor ruses.\" Saint-Exup\u00e9ry may have drawn inspiration for the prince's character and appearance from his own self as a youth, as during his early years friends and family called him \"le Roi-Soleil\" (\"the Sun King\") because of his golden curly hair. The author had also met a precocious eight-year-old with curly blond hair while he was residing with a family in Quebec City in 1942, Thomas De Koninck, the son", + "score": 0.6767578125 + }, + { + "id": "885425", + "title": "The Robe", + "text": "leaving the ministry at the age of 52. All of his novels, essays, and short stories relied on his spiritual background for thematic and creative inspiration. At the height of his popularity, Douglas was receiving on average 100 letters a week from fans. One of these letters provided the inspiration for \"The Robe\". Hazel McCann, a department store clerk from Ohio, wrote to Douglas asking what he thought had happened to Christ's garments after the crucifixion. Douglas immediately began working on a novel based on this concept, sending each chapter to McCann as he finished it. Douglas and McCann finally", + "score": 0.67626953125 + }, + { + "id": "8167385", + "title": "Lloyd Richards", + "text": "break during World War II while serving in the U.S. Army Air Force. Among Richards' accomplishments are his staging the original production of Lorraine Hansberry's \"A Raisin in the Sun\", debuting on Broadway to standing ovations on 11 March 1959, and in 1984 he introduced August Wilson to Broadway in \"Ma Rainey's Black Bottom\". As head of the National Playwrights Conference at the Eugene O'Neill Theater Center, he helped develop the careers of August Wilson, Wendy Wasserstein, Christopher Durang, Lee Blessing and David Henry Hwang. Richards was Dean of Yale School of Drama and Artistic Director of Yale Repertory Theatre,", + "score": 0.67578125 + }, + { + "id": "4802713", + "title": "African-American literature", + "text": "and '60s are Nikki Giovanni and Sonia Sanchez. During this time, a number of playwrights also came to national attention, notably Lorraine Hansberry, whose play \"A Raisin in the Sun\" focuses on a poor Black family living in Chicago. The play won the 1959 New York Drama Critics' Circle Award. Another playwright who gained attention was Amiri Baraka, who wrote controversial off-Broadway plays. In more recent years, Baraka became known for his poetry and music criticism. It is also worth noting that a number of important essays and books about human rights were written by the leaders of the Civil", + "score": 0.67431640625 + }, + { + "id": "6520060", + "title": "Jazz (Henri Matisse)", + "text": "gave it the title \"Jazz\", which Matisse liked because it suggested a connection between art and musical improvisation. Despite the low number of books printed, \"Jazz\" was well received. The circus, the title originally suggested for the book, provided inspiration for the majority of the motifs concerning performing artists and balancing acts. \u201cThese images, with their lively and violent tones, derive from crystallizations of memories of circuses, folktales, and voyages,\u201d Matisse explains in the accompanying text. The figure of the circus artist, usually depicted alone, is often seen as a metaphor for the artist himself. The first prints illustrating the", + "score": 0.67431640625 + }, + { + "id": "10839593", + "title": "Carl Augustus Hansberry", + "text": "his daughter Lorraine Hansberry's award-winning play, \"A Raisin in the Sun\". Carl Augustus Hansberry Carl Augustus Hansberry (April 30, 1895\u2014March 17, 1946) was an American real estate broker, inventor and political activist. He was also the father of award-winning playwright Lorraine Hansberry and the great-grandfather of actress Taye Hansberry. Carl Augustus Hansberry was born on April 30, 1895 in Gloster, Amite County, Mississippi. He was a son of Elden Hayes and Pauline (Bailey) Hansberry. He and his older brother, William Leo Hansberry, were raised by their stepfather, Elijah Washington. As a young man, he moved to Chicago. He married Nannie", + "score": 0.673828125 + }, + { + "id": "5048338", + "title": "Through a Glass Darkly (film)", + "text": "angles. This led to the phrase from the Biblical passage 1 Corinthians 13 being used as the film's title. Bergman claimed the inspiration for the character of Karin was a woman he had lived with when he was younger. He reported she heard voices telling her to do things. The scene where David describes his attempted suicide is also inspired by Bergman's real-life attempt in Switzerland, before making \"Smiles of a Summer Night\" in 1955. Bergman explained that \"while I was preparing the film, I became interested in the human drama surrounding another human being who really was in the", + "score": 0.673828125 + }, + { + "id": "3041983", + "title": "Phylicia Rashad", + "text": "in the episode \"Christmas Joy\". In February 2008, Rashad portrayed \"Lena Younger\" in the television film adaptation of \"A Raisin in the Sun\", directed by Kenny Leon. Starring core members of the cast of the 2004 Broadway revival at the Royale Theatre of Lorraine Hansberry's 1959 play, including Audra McDonald as Ruth Younger, and Sean Combs as Walter Lee Younger. The television film adaption debuted at the 2008 Sundance Film Festival and was broadcast by ABC on February 25, 2008. According to Nielsen Media Research, the program was watched by 12.7 million viewers and ranked #9 in the ratings for", + "score": 0.6728515625 + }, + { + "id": "5498813", + "title": "Raisin (musical)", + "text": "speech with frog-throated sass from the heavy-breathing viols.\" \"The New York Times\" also reported that there are \"ovations every night at the 46th Street Theatre for 'Raisin'. But they are for the cast, not individual performers. There are no stars... It was at the Arena Theater in Washington, where the play first opened this spring, that Mr. McKayle said he started evolving the ensemble-acting concept.\" Raisin (musical) Raisin is a musical theatre adaptation of the Lorraine Hansberry play \"A Raisin in the Sun\", with songs by Judd Woldin and Robert Brittan, and a book by Robert Nemiroff (who was Hansberry's", + "score": 0.67236328125 + }, + { + "id": "535714", + "title": "A Streetcar Named Desire", + "text": "a lobotomy. Theatre critic and former actress Blanche Marvin, a friend of Williams, says the playwright used her name for the character Blanche DuBois, named the character's sister Stella after Marvin's former surname \"Zohar\" (which means \"Star\"), and took the play's line \"I've always depended on the kindness of strangers\" from something she said to him. \"A Streetcar Named Success\" is an essay by Tennessee Williams about art and the artist's role in society. It is often included in paper editions of \"A Streetcar Named Desire\". A version of this essay first appeared in \"The New York Times\" on November", + "score": 0.67138671875 + }, + { + "id": "3587605", + "title": "Illuminations (poetry collection)", + "text": "\"Illuminations\" in publication will continue to draw on different aspects of the original and evoke different responses from readers. Professor at the University of Exeter, Martin Sorrell argues that Rimbaud was and remains influential in not \"only literary and artistic\" circles but in political spheres as well, having inspired anti-rationalist revolutions in America, Italy, Russia, and Germany. Sorrell praises Rimbaud as a poet whose \"reputation stands very high today\", pointing out his influence on musician Bob Dylan, Luis Alberto Spinetta and writers Octavio Paz and Christopher Hampton (cf. his 1967 play on Rimbaud and Verlaine, \"Total Eclipse\", later made into", + "score": 0.6708984375 + }, + { + "id": "1829499", + "title": "Their Eyes Were Watching God", + "text": "autobiography that the romance between Janie and Tea Cake was inspired by a tumultuous love affair. She described falling in love with the man as \"a parachute jump\". Like Janie in the novel, Hurston was significantly older than her lover. Like Tea Cake, Punter was sexually dominant and sometimes violent. Hurston wrote \"Their Eyes Were Watching God\" three weeks after the tumultuous conclusion of her relationship with Punter. She wrote in her autobiography that she had \"tried to embalm all the tenderness of [her] passion for him.\" With this emotional inspiration, Hurston went on to paint the picture of \"Their", + "score": 0.6708984375 + }, + { + "id": "15362692", + "title": "A Raisin in the Sun", + "text": "the play, was written by Hansberry's former husband, Robert Nemiroff. Music and lyrics were by Judd Woldin and Robert Brittan. The cast included Joe Morton (Walter Lee), Virginia Capers (Momma), Ernestine Jackson (Ruth), Debbie Allen (Beneatha) and Ralph Carter (Travis, the Youngers' young son). The show won the Tony Award for Best musical. In 1989 the play was adapted into a TV film for PBS' \"American Playhouse\" series, starring Danny Glover (Walter Lee) and Esther Rolle (Mama), with Kim Yancey (Beneatha), Starletta DuPois (Ruth), and John Fiedler (Karl Lindner). This production received three Emmy Award nominations, but all were for", + "score": 0.669921875 + }, + { + "id": "11914619", + "title": "Flowers for Algernon", + "text": "he was removed from regular lessons. Keyes said that \"When he came back to school, he had lost it all. He could not read. He reverted to what he had been. It was a heart-breaker.\" Characters in the book were based on people in Keyes's life. The character of Algernon was inspired by a university dissection class, and the name was inspired by the poet Algernon Charles Swinburne. Nemur and Strauss, the scientists who develop the intelligence-enhancing surgery in the story, were based on professors Keyes met while studying psychoanalysis in graduate school. In 1958, Keyes was approached by \"Galaxy", + "score": 0.66943359375 + }, + { + "id": "4172716", + "title": "I Know Why the Caged Bird Sings", + "text": "not find the process cathartic; rather, she found relief in \"telling the truth\". When selecting a title, Angelou turned to Paul Laurence Dunbar, an Afro-American poet whose works she had admired for years. Jazz vocalist and civil rights activist Abbey Lincoln suggested the title. According to Lyman B. Hagen, the title pulls Angelou's readers into the book while reminding them that it is possible to both lose control of one's life and to have one's freedom taken from them. Angelou has credited Dunbar, along with Shakespeare, with forming her \"writing ambition\". The title of the book comes from the third", + "score": 0.6689453125 + }, + { + "id": "6878250", + "title": "Men in the Sun", + "text": "been established in the wake of the 1967 war. Men in the Sun was originally published in 1962. In the novella, the Palestinians die in silence. Men in the Sun Men in the Sun (Arabic: \u0631\u062c\u0627\u0644 \u0641\u064a \u0627\u0644\u0634\u0645\u0633 \"Rij\u0101l f\u012b ash-Shams\") is a novel by Palestinian writer and political activist Ghassan Kanafani (1936\u201372), originally published in 1962. \"Men in the Sun\" follows three Palestinian refugees seeking to travel from the refugee camps in Iraq, where they cannot find work, to Kuwait where they hope to find work as laborers in the oil boom. The three men each arrange with a", + "score": 0.6689453125 + }, + { + "id": "15362688", + "title": "A Raisin in the Sun", + "text": "October 19, 1959, and closed on June 25, 1960, after 530 total performances. Directed by Lloyd Richards, the cast comprised: Ossie Davis later took over as Walter Lee Younger, and Frances Williams as Lena Younger. Waiting for the curtain to rise on opening night, Hansberry and producer Rose did not expect the play to be a success, for it had already received mixed reviews from a preview audience the night before. Though it won popular and critical acclaim, reviewers argued about whether the play was \"universal\" or particular to African-American experience. It was then produced on tour. \"A Raisin in", + "score": 0.66845703125 + }, + { + "id": "4324914", + "title": "The Golden Apples of the Sun", + "text": "The Golden Apples of the Sun The Golden Apples of the Sun is an anthology of 22 short stories by American writer Ray Bradbury. It was published by Doubleday & Company in 1953. The book's title is also the title of the final story in the collection. The words \"the golden apples of the sun\" are from the last line of the final stanza of W. B. Yeats' poem \"The Song of Wandering Aengus\" (1899): Bradbury prefaces his book with the last three lines of this poem. When asked what attracted him to the line \"the golden apples of the", + "score": 0.6669921875 + }, + { + "id": "10251994", + "title": "Philip Rose (theatrical producer)", + "text": "few black actors to have a career. William Marshall was among the artists Philip Rose invited to his apartment for a meeting concerning the Mississippi lynching of Emmett Till. Rose regarded his friendships with Sidney Poitier and Lorraine Hansberry as amongst two of the most important in his life. When he decided to produce \"A Raisin in the Sun\" for Broadway, the first person he called was Sidney Poitier, not just because he wanted him to because he had no idea where to begin in the casting process. Sidney Poitier got an attorney for him, assisted him in the whole", + "score": 0.6669921875 + }, + { + "id": "20761010", + "title": "Carl Rasch (physician)", + "text": "Ernest Besnier who first described prurigo gestationis, later known as \"prurigo gestationis of Besnier\". In honour of his teacher, Rasch later gave the name \"Besnier\u2019s prurigo\" to a skin condition eventually known as atopic dermatitis. Thomas Bateman had described, based on findings by Robert Willan, what he called \"eczema solare\", in the early 19th century, a condition caused by the action of sunlight on abnormally reacting skin. Rasch's interest in \"the action of sunlight on the skin\" led him, in 1900, to describe this same condition as \"eczema-like polymorphic light eruption\". He has since been credited with coining the term", + "score": 0.6669921875 + }, + { + "id": "20218202", + "title": "Charlotte Zaltzberg", + "text": "worked as the general manager of the Mayfair Theatre, a Yiddish theatre company in the Mayfair Hotel in midtown. Since Zaltzberg knew Yiddish, she brought in audiences from the surrounding areas. Soon after Hansberry died, Nemiroff chose a treatment for a musical version of \"Raisin\" from composer Judd Woldin and lyricist Robert Brittan. It then took seven years to get the interest and backing from producers. The musical had its pre-Broadway opening at D.C.\u2019s Arena Stage in the spring of 1973. After another pre-Broadway tryout in Philadelphia, the show opened on Broadway on October 18, 1973. Clive Barnes wrote in", + "score": 0.666015625 + }, + { + "id": "20218205", + "title": "Charlotte Zaltzberg", + "text": "was a woman of enormous talent and unfailing zest, with a rare and extraordinary competence appreciated by all who knew and loved her. There is a void that cannot be filled, but we will carry on in the tradition of unflagging spirit which Charlotte reflected. \"To Be Young, Gifted and Black\"; \"Sidney Brustein\"; \"Les\" \"Blancs\": and now \"Raisin\"\u2014to all of which she gave her creativity\u2014are monuments to that spirit.\u201d Charlotte Zaltzberg Charlotte Zaltzberg (born Charlotte Singer; April 25, 1924 \u2013 February 24, 1974) was nominated for a Tony Award in 1974 for co-writing the book for the 1973 Broadway musical", + "score": 0.666015625 + }, + { + "id": "3473511", + "title": "James Whitcomb Riley", + "text": "inspire the poems \"St. Lirriper,\" \"Christmas Season,\" and \"God Bless Us Every One.\" Riley's father enlisted in the Union Army during the American Civil War, leaving his wife to manage the family home. While he was away, the family took in a 12-year-old orphan named Mary Alice \"Allie\" Smith. Smith was the inspiration for Riley's poem \"Little Orphant Annie\". Riley intended to name the poem \"Little Orphant Allie\", but a typesetter's error changed the name of the poem during printing. Riley's father returned from the war partially paralyzed. He was unable to continue working in his legal practice, and the", + "score": 0.666015625 + }, + { + "id": "14244252", + "title": "Clybourne Park", + "text": "Clybourne Park Clybourne Park is a 2010 play by Bruce Norris written as a spin-off to Lorraine Hansberry's play \"A Raisin in the Sun\" (1959). It portrays fictional events set before and after the Hansberry play, and is loosely based on historical events that took place in the city of Chicago. It premiered in February 2010 at Playwrights Horizons in New York. The play received its UK premiere at the Royal Court Theatre in London in a production directed by Dominic Cooke. The play received its Chicago premiere at Steppenwolf Theatre Company in a production directed by Steppenwolf ensemble member", + "score": 0.66552734375 + }, + { + "id": "901875", + "title": "Fiddler on the Roof", + "text": "world of Eastern European Jewry\". Harold Prince replaced the original producer Fred Coe and brought in director/choreographer Jerome Robbins. The writers and Robbins considered naming the musical \"Tevye\", before landing on a title suggested by various paintings by Marc Chagall (\"Green Violinist\" (1924), \"Le Mort\" (1924), \"The Fiddler\" (1912)) that also inspired the original set design. Contrary to popular belief, the \"title of the musical does not refer to any specific painting\". During rehearsals, one of the stars, Jewish actor Zero Mostel, feuded with Robbins, whom he held in contempt because Robbins had testified before the House Un-American Activities Committee", + "score": 0.66552734375 + }, + { + "id": "13439647", + "title": "Josephine Abady", + "text": "production that moved to Broadway. Abady also did film & TV work, including, with the assistance provided by an American Film Institute grant, \"To Catch a Tiger\", a short film inspired by the life of Nina Friedman Abady, Abady's own mother. She later co-produced a TV remake of \"A Raisin in the Sun\", which starred Esther Rolle and Danny Glover. Despite her advanced breast cancer, she was active during the last years of her life, until her death, at her home in Manhattan, aged 52. She was survived by her husband, sister, and brother. Josephine Abady Josephine R. \"Josie\" Abady", + "score": 0.6650390625 + }, + { + "id": "18129358", + "title": "Pariah (play)", + "text": "title and theme of \"Pariah\" were taken. However, Hanssen said he didn\u2019t recognize anything of his original theme. Hanssen also reports that at this time he had lent Strindberg a book of mysteries by Edgar Allan Poe, and that Poe was a significant influence on Strindberg\u2019s writing at this time. A possible example of that influence, is that a scene of psychological detective work occurs in Poe\u2019s short story, \"The Gold Bug\", that appears to have inspired an episode in \"Pariah\". Strindberg's original title for the play is \u201c\"Paria\"\u201d, with its Hindu etymology. Some English translations use the title, \u201cThe", + "score": 0.66455078125 + }, + { + "id": "7635939", + "title": "Mrs. Miniver", + "text": "flower show, with Maggie Smith's Violet Crawley in the place of Lady Beldon. In the play \"A Raisin in the Sun\", Brother, Ruth, and Beneatha give Mama (Lena) a gift with the note \"To our own Mrs. Miniver \u2013 Love from Brother, Ruth, and Beneatha\". Citations Further reading Mrs. Miniver Mrs. Miniver is a 1942 American romantic war drama film directed by William Wyler, and starring Greer Garson and Walter Pidgeon. Inspired by the 1940 novel \"Mrs. Miniver\" by Jan Struther, the film shows how the life of an unassuming British housewife in rural England is touched by World War", + "score": 0.66455078125 + }, + { + "id": "10780339", + "title": "A Raisin in the Sun (2008 film)", + "text": "small part of the reason. Ms. McDonald is heartbreaking as Ruth, desperate to understand her husband's descent into misery, and Mr. Combs, who portrays that husband, delivers a sterling performance.\" Joanne Ostrow of the \"Denver Post\" said, \"Overall, this \"Raisin\" is a proud, important addition to the history of stage adaptations for TV, one that could touch many more millions of people than ever saw the play, thanks both to its star power and the reach of the medium.\" In \"Entertainment Weekly\", Ken Tucker rated the production B+ and called it \"a model of subtle adaptation.\" The film was nominated", + "score": 0.66455078125 + }, + { + "id": "20218197", + "title": "Charlotte Zaltzberg", + "text": "Charlotte Zaltzberg Charlotte Zaltzberg (born Charlotte Singer; April 25, 1924 \u2013 February 24, 1974) was nominated for a Tony Award in 1974 for co-writing the book for the 1973 Broadway musical \"Raisin\", which won the Tony Award for Best Musical in 1974. She worked with Robert Nemiroff, Lorraine Hansberry's former husband and the executor of her estate, on adaptations of Hansberry's work for theater productions. Zaltzberg was born in The Bronx, New York, the youngest of six children. Her parents, Ida and Harry, came from Poland and settled in the Bronx, and Harry worked in a jewelry shop on Hester", + "score": 0.66455078125 + }, + { + "id": "9998489", + "title": "A Thousand Splendid Suns", + "text": "Kabul inspired either Laila or Mariam, their voices, faces, and their incredible stories of survival were always with me, and a good part of my inspiration for this novel came from their collective spirit.\" Hosseini disclosed that in some ways, \"A Thousand Splendid Suns\" was more difficult to write than his first novel, \"The Kite Runner\". This is partly because when he penned \"The Kite Runner\", \"no one was waiting for it.\" He also found his second novel to be more \"ambitious\" than the first due to its larger number of characters, its dual focus on Mariam and Laila, and", + "score": 0.6640625 + }, + { + "id": "16267289", + "title": "The Sign in Sidney Brustein's Window", + "text": "The Sign in Sidney Brustein's Window The Sign in Sidney Brustein's Window is the second and last staged play by playwright Lorraine Hansberry, author of \"A Raisin in the Sun\". The play is a story about a man named Sidney, his pitfalls within his personal life, and struggles in Bohemian culture. The play premiered October 15, 1964 and received mixed reviews. It encompasses themes of race, suicide, homosexuality, and also focuses on individual characters learning to cope with life. Lorraine Hansberry, the author of \"The Sign in Sidney Brustein's Window\", had several works produced prior to this piece. Hansberry used", + "score": 0.6640625 + }, + { + "id": "18222069", + "title": "Sarah Siddons as the Tragic Muse", + "text": "dress. Some stipulate that Reynolds had used Mrs. Siddons as a public stint to gain attention after his last exhibition which was not as well received. But this is debatable. Many scholars believe that Reynolds was inspired by Michelangelo's \"\"Isaiah,\"\" (see Related Paintngs below) found on the ceiling of the Sistine Chapel, but Siddons maintained that the similarity in posture and body position were merely coincidental. Reynolds, she had said, had initially painted her in another position and she had shifted to a more favorable one. Composition: Reynolds' technique for this composition relied heavily on his lighting effects and bold", + "score": 0.6640625 + }, + { + "id": "6045831", + "title": "Djibril Tamsir Niane", + "text": "Djibril Tamsir Niane Djibril Tamsir Niane (born 9 January 1932) is a historian, playwright, and short story writer, born in Conakry, Guinea. His secondary education was in Senegal and his degree from the University of Bordeaux. He is an honorary professor of Howard University and the University of Tokyo. He is noted for introducing the Epic of Sundiata, about Sundiata Keita (ca 1217-1255), founder of the Mali Empire, to the Western world in 1960 by translating the story told to him by Djeli Mamoudou Kouyate, a griot or traditional oral historian. He also edited Volume IV \u2014Africa from the Twelfth", + "score": 0.6630859375 + }, + { + "id": "3041973", + "title": "Phylicia Rashad", + "text": "include \"Into the Woods\" (1988), \"Jelly's Last Jam\" (1993), \"Gem of the Ocean\" (2004), and \"Cat on a Hot Tin Roof\" (2008). She won a NAACP Image Award when she reprised her \"A Raisin in the Sun\" role in the 2008 television adaptation. She has also appeared in the films \"For Colored Girls\" (2010), \"Good Deeds\" (2012), \"Creed\" (2015), and \"Creed II\" (2018). Rashad was born Phylicia Ayers-Allen in Houston, Texas. Her mother, Vivian Ayers (born 1923), is a Pulitzer Prize-nominated artist, poet, playwright, scholar, and publisher. Phylicia's father, Andrew Arthur Allen, (1921\u20131984), was an orthodontist. Rashad's siblings are jazz-musician", + "score": 0.6630859375 + }, + { + "id": "8597247", + "title": "Mamie Till", + "text": "in 2003, almost 50 years after the death of her son. Mamie Till's inspiration to write \"Death of Innocence\" came from the love for her son Emmett Till, the importance to herself to keep his story alive so that it could never happen again, and to bring to light just how racist white southerners were during those crucial times during the civil rights movement. She passed away just a few months before the final publication and release of her book. Whoopi Goldberg announced in 2015 plans for a movie called \"Till\", based on Mamie Till's book and her play, \"The", + "score": 0.66259765625 + }, + { + "id": "2636495", + "title": "Lorraine Hansberry", + "text": "termed her best work, and he adapted many of her writings into the play \"To Be Young, Gifted and Black\", which was the longest-running Off Broadway play of the 1968\u201369 season. It appeared in book form the following year under the title \"To Be Young, Gifted and Black: Lorraine Hansberry in Her Own Words\". She left behind an unfinished novel and several other plays, including \"The Drinking Gourd\" and \"What Use Are Flowers?\", with a range of content, from slavery to a post-apocalyptic future. \"Raisin\", a musical based on \"A Raisin in the Sun,\" opened in New York in 1973,", + "score": 0.662109375 + }, + { + "id": "11281710", + "title": "Lorraine Collett", + "text": "by 1920 the company adopted \"Sun-Maid Raisin Growers' Association\" as its new name. Backed by an aggressive marketing push throughout the 20s, Sun-Maid managed to triple American consumption of raisins by the end of the decade. A revised version of her likeness continued to be featured on all Sun-Maid packaging through 1960. In 1974, Collett was presented with a commemorative plaque by Sun-Maid's president at a ceremony where she presented Scafford's original portrait and the red bonnet to the company in exchange for $1700. Sun-Maid executives donated Collett's bonnet to the Smithsonian Institution in 1987 on the occasion of the", + "score": 0.662109375 + }, + { + "id": "12713855", + "title": "Ross Raisin", + "text": "Ross Raisin Ross Raisin FRSL (born 1979) is a British novelist. Ross Raisin was born and brought up in Silsden, West Yorkshire. He is the author of three novels: \"A Natural\" (2017), \"Waterline\" (2011) and \"God\u2019s Own Country\" (2008). His work has won and been shortlisted for over ten literary awards. He won the \"Sunday Times\" Young Writer of the Year award in 2009, and in 2013 was named on \"Granta's\" once a decade Best of Young British Novelists list. He was elected a Fellow of the Royal Society of Literature in 2018. His book for the \"Read This\" series,", + "score": 0.662109375 + }, + { + "id": "12713858", + "title": "Ross Raisin", + "text": "delinquency.\" Writing in \"The Guardian\" Justine Jordan described the novel as \"an absorbing read\", which marked Raisin out as \"a young writer to watch\". In April 2009 the book won Raisin the Sunday Times Young Writer of the Year Award. He is currently a writer-in-residence for the charity First Story. Ross Raisin Ross Raisin FRSL (born 1979) is a British novelist. Ross Raisin was born and brought up in Silsden, West Yorkshire. He is the author of three novels: \"A Natural\" (2017), \"Waterline\" (2011) and \"God\u2019s Own Country\" (2008). His work has won and been shortlisted for over ten literary", + "score": 0.66162109375 + }, + { + "id": "4796244", + "title": "Chuck Prophet", + "text": "lovingly printed by hand on a circa 1930's printing press. And each one is numbered. \"Dreaming Waylon's Dreams\" is one of the rarest and most sought-after items in Prophet's discography. It is a limited edition of only 1000. Released by Rounder Records, in 2001, \"Raisins in the Sun\" was a one-off collaboration with Jules Shear, Harvey Brooks, Paul Q. Kolderie, Jim Dickinson, Sean Slade, and Winston Watson, recorded in May 1999. In 2008 Prophet co-wrote all the songs on Alejandro Escovedo's \"Real Animal\", to which he also contributed guitar and vocals. The LP was recorded in Lexington, Kentucky and produced", + "score": 0.66064453125 + }, + { + "id": "4776353", + "title": "That Evening Sun", + "text": "her. The substitution of Jubal for Jesus likely was made for censorship reasons. In the original magazine publication of the story, his name was rendered as \"Jubah.\" J.D. Salinger, in his 1964 essay \"A Salute to Whit Burnett\" (the editor of \"Story Magazine\", Burnett was Salinger's mentor whose class in short story writing at Columbia University he attended in 1939 and who was the first professional to publish one of his stories), said that it was Burnett's use of \"That Evening Sun Gone Down\" in the class that taught him the importance of the author's relationship with his \"silent reader\".", + "score": 0.66064453125 + }, + { + "id": "9204746", + "title": "Laughter on the 23rd Floor", + "text": "review, noted several of the real-life inspirations: the \"Sid Caesar\u2013inspired Max Prince\", \"hypochondriac Ira (played by Ron Orbach, inspired by Mel Brooks)\" ... and \"fussy Russian emigre Val (Mark Linn-Baker, inspired by Mel Tolkin) ... There is no character based on Woody Allen.\" Like many Rose attributes \"dryly witty, sane Kenny (John Slattery) as inspired by Larry Gelbart and Carl Reiner when it was actually only Gelbart. The Ira Stone character is often misattributed to Allen, as the character in the play is a hypochondriac and Allen went on to use that affectation to great effect in his own comedy", + "score": 0.66015625 + }, + { + "id": "8390588", + "title": "Denison Witmer", + "text": "feel a little less obscure. It's not another record about breaking up with someone. It's not another record about losing that one particular person.\" Concerning the album's influences, he noted, \"I was listening to a lot of \u201870s singer/songwriter stuff like Jackson Brown and Carol King and Neil Young and Van Morrison and I was going for a little bit of that style.\" The title \"Of Joy & Sorrow\" comes from \"The Prophet\" by Khalil Gibran: \u201cThen a woman said, Speak to us of Joy and Sorrow. And he answered: [...] Some of you say, 'Joy is greater than sorrow,'", + "score": 0.66015625 + }, + { + "id": "9084930", + "title": "Raisins and Almonds", + "text": "One verse of the song appears in the Herman Wouk novel \"War and Remembrance\" in Yiddish as well as an English translation, and also in the TV miniseries based on the book. Raisins and Almonds \"Raisins and Almonds\" (, \"Rozhinkes mit Mandlen\") is a traditional Jewish lullaby popularized in the arrangement by Abraham Goldfaden (1840-1908) for his 1880 Yiddish musical, \"Shulamis\". It has become so well known that it has assumed the status of a classic folk song. It has been recorded as both a vocal and instrumental by many artists over the years, including Itzhak Perlman, Chava Alberstein, Benita", + "score": 0.65966796875 + }, + { + "id": "13485880", + "title": "David Berkeley", + "text": "Garcia of the Grateful Dead. He also admitted to be inspired by hip hop artist Brother Ali and indie rockers The Hold Steady. He insists, however, that most of his inspiration derives from poetry (he is especially fond of Yeats and Keats's Ode on a Grecian Urn is heavily quoted in \"A Moon Song\" from \"The Confluence\"), passages of prose, people (his parents and his wife and sons especially), the outdoors, art and most form of visual images. He admits to have at least once chosen the topic of a song because a friend pressured him into it. David Berkeley", + "score": 0.65966796875 + }, + { + "id": "9084929", + "title": "Raisins and Almonds", + "text": "Raisins and Almonds \"Raisins and Almonds\" (, \"Rozhinkes mit Mandlen\") is a traditional Jewish lullaby popularized in the arrangement by Abraham Goldfaden (1840-1908) for his 1880 Yiddish musical, \"Shulamis\". It has become so well known that it has assumed the status of a classic folk song. It has been recorded as both a vocal and instrumental by many artists over the years, including Itzhak Perlman, Chava Alberstein, Benita Valente, and Ella Jenkins. It is a common lullaby among Ashkenazi European Jews (Ashkenazim). This song has multiple translations and multiple versions, which have slight changes in both Yiddish and English lyrics.", + "score": 0.6591796875 + }, + { + "id": "3572713", + "title": "LaTanya Richardson", + "text": "she appears as the main antagonist, the hypercritical Paulina Pritchett. In 2014, Richardson was nominated for the Tony Award for Best Lead Actress in a Play for her 2013 performance in \"A Raisin in the Sun\" as Lena Younger, a role she took over at the last minute when Diahann Carroll dropped out due to health concerns. This was her second appearance on Broadway after her debut in the 2009 revival of \"Joe Turner's Come and Gone\". LaTanya Richardson LaTanya Richardson (born October 21, 1949), often listed as LaTanya Richardson Jackson, is an American actress and producer. She began her", + "score": 0.6591796875 + }, + { + "id": "16404755", + "title": "Copper Sun", + "text": "determination\" and \"human exploitation and suffering\". Kirkus Reviews added the novel showed \"cynicism and realistic outlook\". Most critics saw Copper Sun as \u201cunflinching and unforgettable\u201d. Another critic thought of the novel as \u201ccharacter driven, with a fast moving plot, and unforgettable characters\u201d. Agreeing, another critic noted that the novel was \"horrific\" \"multi-faceted\" and that \"[they were] afraid to turn the page\" Sharon Draper's Copper Sun won the Coretta Scott King award in 2007. Copper Sun Copper Sun is a 2006 young adult novel by Coretta Scott King Award-winning author Sharon Draper. It was a National Book Award Finalist. When Draper", + "score": 0.65869140625 + }, + { + "id": "13064743", + "title": "William A. Sutherland", + "text": "1904. This book was reprinted by Fred B. Rothman & Co. in 1991. By 1912, Fresno's dominant industry, raisins, was in terrible shape. Prices were so low that they did not cover production costs. M. Theo Kearney's attempt to organize the raisin farmers had failed in 1904. After his death in 1906, several industry groups tried unsuccessfully between 1907 and 1912 to follow the Kearney model of a capitalized raisin cooperative. A group of prominent growers and Fresno businessmen, and Sutherland as their lawyer, formed the California Associated Raisin Company (later known as Sun-Maid). Similar to the Kearney model, the", + "score": 0.658203125 + }, + { + "id": "11185196", + "title": "She\u0301he\u0301razade (Ravel)", + "text": "thought that Ravel showed talent, but was too indebted to Debussy and should instead emulate Beethoven. A programme note for the first performance, unsigned, but thought to be by the composer, reads: The playing time of the piece is about 13 minutes. The exoticism of the \"Arabian Nights\" continued to interest Ravel. In the early years of the 20th century he met the poet Tristan Klingsor, who had recently published a collection of free-verse poems under the title \"Sh\u00e9h\u00e9razade\", inspired by Rimsky-Korsakov's symphonic suite of the same name, a work that Ravel also much admired. Ravel and Klingsor were fellow", + "score": 0.658203125 + }, + { + "id": "12523376", + "title": "Sunrise in Different Dimensions", + "text": "composer Horace Henderson is part of Sun Ra's attempt to \"reclaim\" the \"misrepresented history\" of swing music, which had become associated with white musicians following the popularity of Benny Goodman. He draws attention to the Sun Ra piano solo \"Light from a Hidden Sun\" as exemplifying \"the range and scope of Sun Ra's musical vision\", adding that \"there's beauty and elegance here, a compelling sense of swing, too, even in the freest moments.\" \"The Essential Jazz Records\" describes as \"unevocative\" and \"unreflective\" \"Cocktails for Two\" and \"'Round Midnight\", though it indicates that the latter is \"brisk and sharp-edged\", with \"a", + "score": 0.658203125 + }, + { + "id": "19937817", + "title": "The Joshua Tree Tour 2017", + "text": "character in the film \"The Night of the Hunter\". During the performance of \"Exit\", Bono wore a black suit and preacher hat and adopted the persona of the \"Shadow Man\". Taking influence from author Flannery O'Connor, whose works originally inspired the writing of the song, Bono used the Shadow Man to recite lines from O'Connor's novel \"Wise Blood\" and the \"Eeny, meeny, miny, moe\" rhyme. The encore was described by Bono as a \"denouement\" intended as an ode to women. Speaking about the inspiration behind the idea, Williams said, \"The thought was that we are currently living in a time", + "score": 0.658203125 + }, + { + "id": "11018837", + "title": "Tales of the Alhambra", + "text": "inspired Vladimir Belsky's libretto for the opera \"The Golden Cockerel\" by Nikolay Rimsky-Korsakov. The book serves as the basis of the 1950 Spanish film \"Tales of the Alhambra\". Villa Zorayda, a museum in St. Augustine, Florida based on a wing of the Alhambra, takes its name from a character in Irving's book (specifically from \"Legend of the Three Beautiful Princesses\"). The city of Alhambra, California is named after the book. In 1874, the daughter of Benjamin Wilson was reading the book and encouraged him to use the name for his new Los Angeles suburban development. In 2017, Spanish animation producer", + "score": 0.65771484375 + }, + { + "id": "9998486", + "title": "A Thousand Splendid Suns", + "text": "to create a movie adaption of the book. The first theatrical adaptation of the book premiered on February 1, 2017, at the American Conservatory Theater in San Francisco, California. The title of the book comes from a line in the Josephine Davis translation of the poem \"Kabul\", by the 17th-century Iranian poet Saib Tabrizi: In an interview, Khaled Hosseini explains, \"I was searching for English translations of poems about Kabul, for use in a scene where a character bemoans leaving his beloved city, when I found this particular verse. I realized that I had found not only the right line", + "score": 0.6572265625 + }, + { + "id": "4324918", + "title": "The Golden Apples of the Sun", + "text": "of style to nourish anemic themes.\" Groff Conklin of \"Galaxy Science Fiction\" praised the collection, saying it included \"some of the best imaginative stories [Bradbury] or anyone else has ever written. One cannot even begin to describe their delights.\" The Golden Apples of the Sun The Golden Apples of the Sun is an anthology of 22 short stories by American writer Ray Bradbury. It was published by Doubleday & Company in 1953. The book's title is also the title of the final story in the collection. The words \"the golden apples of the sun\" are from the last line of", + "score": 0.6572265625 + }, + { + "id": "531043", + "title": "Special Olympics", + "text": "Rosemary, also President John F. Kennedy's sister, was born with intellectual disabilities. This frank article about the President's family was seen as a \"watershed\" in changing public attitudes toward people with intellectual disabilities. Shiver's inspiration for her work came from Rosemary's disability, and provided her with an overall vision that people with intellectual disabilities could compete and unify the public that come from all different situations. It has often been said that Rosemary's disability was Eunice's inspiration to form Special Olympics (as the movement came to be called), but she told \"The New York Times\" in 1995 that that was", + "score": 0.6572265625 + }, + { + "id": "2891603", + "title": "James Rado", + "text": "in which Alec Baldwin, Kate Mulgrew and Fundamental Theater Project Co-Artistic Director. Sam Underwood also starred. In 1974, Rado reunited with Ragni to co-write \"Sun (Audio Movie)\", a show with music by Steve Margoshes based on a play by New York writer Joyce Greller with themes about pollution and the environment. The musical (then titled \"YMCA\") was initially staged for backers in 1976, in a workshop directed by John Vaccaro, with appearances by Ruby Lynn Reyner and Annie-Joe Edwards. \"Sun\" was presented at the Howl! Arts Project in 2011. Another version of \"Sun\", written with a score by \"Hair\" collaborator", + "score": 0.6572265625 + }, + { + "id": "11295979", + "title": "Classic Stories 1", + "text": "Classic Stories 1 Classic Stories 1: From The Golden Apples of the Sun and R is for Rocket is a semi-omnibus edition of two short story collections by Ray Bradbury: \"The Golden Apples of the Sun\" (1953) and \"R is for Rocket\" (1962). The first 18 stories (17 prior to the third-printing's addition of the story \"The Golden Apples of the Sun\") are assimilated from the original Doubleday edition of \"The Golden Apples of the Sun\". The stories appear in the original sequence, but with three omissions: \"The Pedestrian\" (1951), \"Invisible Boy\" (1945), and \"Hail and Farewell\" (1953). The final", + "score": 0.6572265625 + }, + { + "id": "13641958", + "title": "Harlem riot of 1943", + "text": "the national fight for 'freedom.' Collins represented the white discrimination and suppression black residents had to deal with on a daily basis. The riot became a subject of art and literature: it inspired the \"theatrical climax\" of Ralph Ellison's novel \"Invisible Man\", winner of the 1953 National Book Award, it frames the events recounted in James Baldwin's memoirs \"Notes of a Native Son\", and it appears in artist William Johnson's painting \"Moon Over Harlem\". On Sunday, August 1, 1943, a white policeman attempted to arrest an African-American woman for disturbing the peace in the lobby of the Braddock Hotel. By", + "score": 0.6572265625 + } + ], + "answer": "A Raisin in the Sun is a play that debuted on Broadway in 1959. The title was inspired by a poem called Harlem, also known as A Dream Deferred, which was written by Langston Hughes. The poem is about a Black family in south Chicago that attempts to improve their financial circumstances." + }, + { + "qa_pairs": [ + { + "context": "Into Thin Air: A Personal Account of the Mt. Everest Disaster is a 1997 bestselling non-fiction book written by Jon Krakauer. It details Krakauer's experience in the 1996 Mount Everest disaster, in which eight climbers were killed and several others were stranded by a storm. Krakauer's expedition was led by guide Rob Hall. Other groups were trying to summit on the same day, including one led by Scott Fischer, whose guiding agency, Mountain Madness, was perceived as a competitor to Hall's agency, Adventure Consultants.", + "question": "Who died on the Mountain Madness expedition in the book \"Into Thin Air\"?", + "short_answers": [ + "Scott Fischer" + ], + "wikipage": "Into Thin Air" + }, + { + "context": "No context provided", + "question": "Who died on the Adventure consultants expedition in the book \"Into Thin Air\"?", + "short_answers": [ + "Rob Hall, Doug Hansen, Andrew Harris and Yasuko Namba" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who on the Indo-Tibetan Border Police died in the book \"Into Thin Air\"?", + "short_answers": [ + "Dorje Morup, Tsewang Paljor, and Tsewang Samanla." + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "List of people who died climbing Mount Everest", + "url": "https://en.wikipedia.org/wiki/List%20of%20people%20who%20died%20climbing%20Mount%20Everest" + }, + { + "title": "Into Thin Air", + "url": "https://en.wikipedia.org/wiki/Into%20Thin%20Air" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Scott Eugene Fischer (December 24, 1955 \u2013 May 11, 1996) was an American mountaineer and mountain guide. ", + "wikipage": "Scott Fischer" + } + ], + "long_answer": "In the 1997 book \"Into Thin Air\" written by Jon Krakauer. American mountaineer and mountain guide Scott Fischer from the Mountain Madness expedition, Rob Hall, Doug Hansen, Andrew Harris and Yasuko Namba from the Adventure consultants expedition and Dorje Morup, Tsewang Paljor, and Tsewang Samanla from the Indo-Tibetan Border Police all lost their lives during their expeditions on Mount Everest." + }, + { + "knowledge": [], + "long_answer": "Into Thin Air: A Personal Account of the Mt. Everest Disaster is a 1997 bestselling non-fiction book written by Jon Krakauer. It details Krakauer's experience in the 1996 Mount Everest disaster, in which eight climbers were killed and several others were stranded by a storm. Scott Fischer of the Mountain Madness expedition died, as well as Rob Hall, Doug Hansen, Andrew Harris and Yasuko Namba of the Adventure consultants expedition. Indo-Tibetan Border Police who also died include Dorje Morup, Tsewang Paljor, and Tsewang Samanla." + } + ], + "sample_id": "5058628513723402491", + "question": "Who died in the book into thin air?", + "docs": [ + { + "id": "9872943", + "title": "The Climb (book)", + "text": "many public criticisms at Krakauer concerning the accuracy of each man's account of what happened on the mountain during the 1996 climbs. Krakauer details the disagreements, and his rapprochement with Boukreev, in the postscript to the 1999 edition of \"Into Thin Air\". Boukreev was killed in 1997 in an avalanche during a winter ascent of Annapurna in Nepal. A reviewer of \"Publishers Weekly\" commented \"Like Into Thin Air, Jon Krakauer's bestselling chronicle of the same expedition, this account is a gripping account of the Mountain Madness group's bid to reach the top of the world's highest peak, one that combines", + "score": 0.77587890625, + "summary": "An individual named Boukreev died in an avalanche during a winter ascent of Annapurna in Nepal in 1997.", + "extraction": "Anatoli Boukreev died in the book Into Thin Air." + }, + { + "id": "10336287", + "title": "1996 Mount Everest disaster", + "text": "small partnerships and soloists, were high in altitude on Everest during the storm. While climbers died on both the North Face and South Col approaches, the events on the South Face were more widely reported. Journalist Jon Krakauer, on assignment from \"Outside\" magazine, was in a party led by guide Rob Hall that lost four climbers on the south side; he afterwards published the bestseller \"Into Thin Air\" (1997), which related his experience. Anatoli Boukreev, a guide in Scott Fischer's party (which lost Scott Fischer, but no clients), felt impugned by Krakauer's book and co-authored a rebuttal book called \"The", + "score": 0.75390625, + "summary": "The document briefly mentions the 1996 Mount Everest disaster, where climbers died on both the North Face and South Col approaches. Journalist Jon Krakauer was in a party led by guide Rob Hall that lost four climbers on the south side, and he wrote the book \"Into Thin Air\" about his experience. Scott Fischer's party also lost climbers, but guide Anatoli Boukreev wrote a rebuttal book called \"The...\" irrelevant.", + "extraction": "Four climbers died on the south side of Everest in the book \"Into Thin Air\" by Jon Krakauer." + }, + { + "id": "3485034", + "title": "Into Thin Air", + "text": "Into Thin Air Into Thin Air: A Personal Account of the Mt. Everest Disaster is a 1997 bestselling non-fiction book written by Jon Krakauer. It details the author's experience at the 1996 Mount Everest disaster, in which eight climbers were killed and several others were stranded by a rogue storm. The author's expedition was led by guide Rob Hall, and there were other groups trying to summit on the same day, including one led by Scott Fischer, whose guiding agency, Mountain Madness, was perceived as a competitor to Rob Hall's agency, Adventure Consultants. Krakauer describes the events leading up to", + "score": 0.75048828125, + "summary": "The book \"Into Thin Air\" details Jon Krakauer's experience at the 1996 Mount Everest disaster, in which eight climbers were killed and several others were stranded by a rogue storm. However, the document does not mention the specific names of those who died.", + "extraction": "Eight climbers died in the book \"Into Thin Air\", which details the 1996 Mount Everest disaster." + }, + { + "id": "18913483", + "title": "Adventure Consultants", + "text": "members of his party died on the way down. This event had a noted impact on media, appearing in various books and films. The disaster became very well known, with ten million people reading about it in the book \"Into Thin Air,\" written by Jon Krakauer (who was actually on the expedition) and hearing it referenced in a highly acclaimed IMAX film, shot during the same disastrous climbing season, although the filmmakers summitted later in the season. In 1996, Hall also employed two Sherpa people, Ang Dorje Sherpa and Ngawang Norbu Sherpa who managed to survive. (see also List", + "score": 0.740234375, + "summary": "Members of the Adventure Consultants party died on the way down from a climbing expedition. The disaster was well-known and appeared in the book \"Into Thin Air\" written by Jon Krakauer, who was on the expedition. The names of the Sherpa survivors were Ang Dorje Sherpa and Ngawang Norbu Sherpa.", + "extraction": "In the book \"Into Thin Air\", members of the party died on the way down." + }, + { + "id": "2032278", + "title": "Jon Krakauer", + "text": "parties during his ascent of Mt. Everest: the one he was in, led by Rob Hall, and the one led by Scott Fischer, both of whom successfully guided clients to the summit but experienced severe difficulty during the descent. The storm, and, in his estimation, irresponsible choices by guides of both parties, led to a number of deaths, including both head guides. Krakauer felt the short account did not accurately cover the event, and clarified his initial statements\u2014especially those regarding the death of Andy Harris\u2014in \"Into Thin Air\", which also includes extensive interviews with fellow survivors. \"Eiger Dreams: Ventures Among", + "score": 0.7392578125, + "summary": "The book \"Into Thin Air\" by Jon Krakauer describes the deaths of several people, including head guides Rob Hall and Scott Fischer, during a storm on Mt. Everest.", + "extraction": "Andy Harris died in the book \"Into Thin Air\"." + }, + { + "id": "15470719", + "title": "Into Thin Air: Death on Everest", + "text": "Into Thin Air: Death on Everest Into Thin Air: Death on Everest is a 1997 American disaster television film based on Jon Krakauer's memoir \"Into Thin Air\" (1997). The film, directed by Robert Markowitz and written by Robert J. Avrech, tells the story of the 1996 Mount Everest disaster. It was broadcast on the American Broadcasting Company on November 9, 1997. The film portrays the 1996 Mount Everest disaster and the events that preceded it. The film mainly follows Jon Krakauer, the author of the book on which the film is based (\"Into Thin Air: A Personal Account of the", + "score": 0.7373046875, + "summary": "irrelevant", + "extraction": "Irrelevant. The given passage provides information about a television film based on Jon Krakauer's book \"Into Thin Air\" and the events surrounding the 1996 Mount Everest disaster, but it does not mention who died in the book." + }, + { + "id": "15470732", + "title": "Into Thin Air: Death on Everest", + "text": "he receives help. Meanwhile, Anatoli climbs up, and finds the now frozen corpse of Scott Fischer. He says goodbye, and after pulling Fischer's backpack over his face, he leaves. Back at base camp the survivors reminisce about the friends that they have lost. Into Thin Air: Death on Everest Into Thin Air: Death on Everest is a 1997 American disaster television film based on Jon Krakauer's memoir \"Into Thin Air\" (1997). The film, directed by Robert Markowitz and written by Robert J. Avrech, tells the story of the 1996 Mount Everest disaster. It was broadcast on the American Broadcasting Company", + "score": 0.72216796875, + "summary": "Scott Fischer died in the book \"Into Thin Air\".", + "extraction": "In the book \"Into Thin Air\", Scott Fischer died. Anatoli found his frozen corpse and said goodbye before leaving." + }, + { + "id": "3485040", + "title": "Into Thin Air", + "text": "contain the same strong editorial viewpoint regarding the fundamental causes of the tragedy, although the film differs sharply from the book in details regarding responsibility. The 2015 film \"Everest\", by director Baltasar Korm\u00e1kur depicts the same events as the book, with actor Michael Kelly portraying Krakauer. According to Korm\u00e1kur, it is not based on Krakauer's book. Into Thin Air Into Thin Air: A Personal Account of the Mt. Everest Disaster is a 1997 bestselling non-fiction book written by Jon Krakauer. It details the author's experience at the 1996 Mount Everest disaster, in which eight climbers were killed and several others", + "score": 0.72021484375, + "summary": "The book \"Into Thin Air\" is a personal account of the Mount Everest disaster in 1996 where eight climbers were killed. The document does answer the question of interest, stating that eight climbers died in the book.", + "extraction": "Eight climbers were killed in the book Into Thin Air." + }, + { + "id": "2032286", + "title": "Jon Krakauer", + "text": "to meet the demands put upon him as the top guide\u2014complaints documented in transcripts of radio transmissions between Fischer and his base-camp managers. After the publication of \"Into Thin Air\" and \"The Climb\", DeWalt, Boukreev, and Krakauer became embroiled in disagreements about Krakauer's portrayal of Boukreev. Krakauer had reached a with Boukreev in November 1997, but the Russian climber was killed by an avalanche only a few weeks later while climbing Annapurna. In 2003, \"\" became Krakauer's third non-fiction bestseller. The book examines extremes of religious belief, specifically fundamentalist offshoots of Mormonism. Krakauer looks at the practice of polygamy in", + "score": 0.71923828125, + "summary": "Irrelevant.", + "extraction": "Boukreev was the one who died in the book \"Into Thin Air\"." + }, + { + "id": "6262311", + "title": "Into Thin Air (TV series)", + "text": "Into Thin Air (TV series) Into Thin Air (Traditional Chinese: ) is a TVB modern drama series broadcast in September 2005. Ko Chung Ching (Michael Miu), an ex-policeman, quit his job to set up a private investigation company two years ago, right after his son Tsun Sing went missing because of a slap while Miu was searching for the \"Rose Killer\". His subordinates include Man Kai Ching Super (Power Chan), Man Tai Po (Bernice Liu) and Lam Yan Yan (Vivien Yeo).Kenneth Ma plays the cop who takes on Miu's \"Rose Killer\" case. Ching works and carries on looking for Sing.", + "score": 0.7158203125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The given passage does not provide any information about a book and the death of any character." + }, + { + "id": "16226301", + "title": "The Black Rose (novel)", + "text": "hiding, a fugitive after the death of Earl Edmond. When one of the paper-makers at last discloses Tris's hiding place, Walter visits him in the wild, craggy valley Scaunder Clough. Before Walter can bring him items for comfort, however, news reaches him that Tris died from a fall shortly after their visit. His grandfather grows frail, without hope of ever seeing his restored lands again, but names Walter his heir by endorsing his plan to give small tracts of their lands to the people living and working on the estate. A year after leaving India Maryam falls deathly ill in", + "score": 0.71484375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "8625419", + "title": "Walter Blythe", + "text": "he had another vision of The Piper, whom he would be forced to follow the next day. Again, his vision was accurate, as Walter went into battle the following morning and was killed by a bullet during the charge, dying instantly. Walter's death was \"foreshadowed\" in Chapter 41 of \"Anne of Ingleside\", published 18 years \"after\" the book in which he dies. Set in the early 1900s, when Walter was still a child, near the very end of the book, his mother Anne looks in on him as he is sleeping: \"Walter was smiling in his sleep as someone who", + "score": 0.7138671875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "6579800", + "title": "The Hollow Man (Carr novel)", + "text": "left his brothers to die in theirs. Pierre Fley had been returned to prison to serve out his sentence, but their third brother had died in his coffin. Gideon Fell reveals that it was Grimaud who had planned to kill Fley, not the other way round, since Fley was blackmailing him for the death of their brother whom Grimaud had left to die. His intention was to create the illusion that Fley had called on him and shot him in the study, escaping out the window, and that Fley then returned to his own flat and committed suicide. Grimaud had", + "score": 0.712890625, + "summary": "Irrelevant. The document is about a novel called \"The Hollow Man\" and does not provide information about the book \"Into Thin Air\" or who died in it.", + "extraction": "irrelevant. The passage is about a novel called \"The Hollow Man\" and does not mention anyone dying in \"Into Thin Air\"." + }, + { + "id": "14537147", + "title": "Thin Air (novel)", + "text": "Thin Air (novel) Thin Air is the 22nd Spenser novel by Robert B. Parker. The story follows Boston-based PI Spenser as he searches for the wife of his longtime associate, Sgt. Frank Belson of the Boston Police Department. Belson returns home one night to find his young wife, Lisa, missing, with no clue as to her whereabouts. He suspected that she may have left him, but circumstances seem to indicate she was kidnapped. Shortly after confiding in Spenser, Belson is shot returning home one night. Since he is unable to search for her himself as he is hospitalized, Spenser undertakes", + "score": 0.70703125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The given passage does not mention any character dying in the book \"Thin Air\"." + }, + { + "id": "9054611", + "title": "Passing (novel)", + "text": "of being a \"damned dirty nigger!\" Irene rushes to Clare, who is standing by an open window. Suddenly, Clare falls out of the window from the top floor of the building to the ground below, where she is pronounced dead by the guests who eventually gather at the site. Whether she has fallen accidentally, was pushed by either Irene or Bellew, or committed suicide, is unclear. The book ends with Irene's fragmented anguish at Clare's death. Irene is the main character of \"Passing\". She grew up in Chicago, and now lives in Harlem, New York with her husband, Brian, and", + "score": 0.70556640625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The given passage does not mention any book or any character's death other than that of Clare in the novel \"Passing\"." + }, + { + "id": "11070998", + "title": "Andreas Hinterstoisser", + "text": "to his death and was found at the bottom of the mountain days later. The rest of the group suffered the same fate: Willy Angerer was killed by the impact; Edi Rainer was asphyxiated from the weight of the rope holding his comrades; and Toni Kurz died from exposure, despite having made contact with rescuers. The tragic story became well known after publication of Heinrich Harrer's classic 1960 book \"The White Spider\" and was more recently covered by Joe Simpson's book (and Emmy-winning TV documentary), \"The Beckoning Silence\", as well as the 2008 German dramatic movie \"North Face\". Andreas Hinterstoisser", + "score": 0.703125, + "summary": "Andreas Hinterstoisser's name is mentioned in the document, but it does not provide an answer to the question of who died in the book \"Into Thin Air.\" Therefore, the summary is \"irrelevant.\"", + "extraction": "Willy Angerer, Edi Rainer, and Toni Kurz died in the book \"Into Thin Air\"." + }, + { + "id": "4754882", + "title": "Yasuko Namba", + "text": "were unlikely to live long enough to be carried down to Base Camp, and he decided to leave the two alone to save limited resources for the other climbers. While Weathers survived against all expectations, and walked back to camp, Namba died from exhaustion and exposure. Jon Krakauer's book, \"Into Thin Air\", describes the anguish of Neal Beidleman, who felt guilty that he was unable to do anything more to save Namba. Boukreev's book \"The Climb\" expressed profound regret at her lonely death, saying that she was just a little 90-pound woman, and that someone should have dragged her back", + "score": 0.70263671875, + "summary": "Yasuko Namba died in the book \"Into Thin Air\" due to exhaustion and exposure while climbing Mount Everest.", + "extraction": "Yasuko Namba died from exhaustion and exposure in the book \"Into Thin Air\"." + }, + { + "id": "14673851", + "title": "In a Glass Cage", + "text": "him by cutting his throat. Fearing that Angelo will kill him and Rena, Klaus tells his daughter to run away to the near village with a message asking for help. Angelo discovers Rena while she is trying to escape and brings her back to the house. He dominates her, assuming a perverse, violent \"parental\" role. Finally Angelo removes Klaus from his iron lung and lets him die of asphyxiation while emulating the scene of his own abuse, in Rena's presence. Once Klaus is dead, Angelo takes his identity totally, getting into the artificial lung, and makes Rena take his. The", + "score": 0.70263671875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention any book or any deaths in a book." + }, + { + "id": "9902246", + "title": "The Master Butchers Singing Club", + "text": "floor over the cellar becomes the means by which Hock attempts to blackmail Clarisse into becoming involved with him. She stabs the sheriff to death and flees to the Twin Cities. Tante and Cyprian both leave Argus. Tante returns to Germany with Erich and Emil. Cyprian returns to the life of the traveling performer. Both departures pave the way for a romance between Delphine and Fidelis, which eventually results in marriage. Roy Watzka dies, but not before revealing the truth behind the deaths of the Chavers family. They were left in the cellar as retribution towards Porky Chavers, the father,", + "score": 0.70263671875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "7040192", + "title": "Edgar Stiles", + "text": "At 6:59 p.m. in Day 5, during a Sentox nerve gas attack on CTU, Stiles was returning to the main room after trying to check on a colleague, Carrie Bendis, who had gone to check a ventilator system that set off a \"trouble flag.\" He did not make it back in time, and failed to enter the situation room before it was locked down. He died quickly thereafter from inhaling the nerve gas. He receives the silent clock in tribute, at 6:59:52. His last word was \"Chloe\". At the conclusion of Day 5, a picture of Edgar and Chloe was", + "score": 0.7021484375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "8396408", + "title": "Less Than Zero (film)", + "text": "decides to quit and begs his father (Nicholas Pryor) to help him. The next day, Julian tells Rip his plans for sobriety, which Rip does not accept. Rip soon lures Julian back into doing drugs and hooking. Clay finds Julian and rescues him; after a violent confrontation with Rip and his henchman, Clay, Julian and Blair all escape and begin the long drive through the desert so Julian can attempt to achieve sobriety once and for all. However, the damage has already been done; the next morning Julian dies from heart failure in the car. After Julian's funeral, Clay and", + "score": 0.701171875 + }, + { + "id": "15470728", + "title": "Into Thin Air: Death on Everest", + "text": "behind, and they continue. Scott, suffering from edema, walks off the side of the mountain, and is only saved when his Sherpa pulls him back up with their connected short rope. Scott then begins to fall into unconsciousness, and Lopsang radios for help. Rob continues to struggle down with Doug. In the darkness, Rob slips and falls down, and becomes separated from a hallucinating Doug. He then watches helplessly as Doug, too far away to help, tumbles over the side to his death. Rob is then found by Andy, who attempts to help him up. Andy then leaves, telling Rob", + "score": 0.70068359375 + }, + { + "id": "9906138", + "title": "The Mysterious Pilot", + "text": "Snowden tracks down Jean and tries to lure her to his aircraft by telling her that Jim is injured and needs her. As soon as they realize what has happened, Jim and Kansas take to the air and force Snowden's aircraft down. Jean is unhurt but Snowden dies in the crash. Trying to get down to Jean, Jim's parachute gets tangled in the trees and Jean ends up rescuing him. \"Mysterious Pilot\" was adapted from the novel \"The Silver Hawk\" by William Byron Mowery. Frank Hawks was billed in \"Mysterious Pilot\" as the \"Fastest airman in the world.\" After each", + "score": 0.69970703125 + }, + { + "id": "5624743", + "title": "Endless Night (novel)", + "text": "fails to return after embarking on a routine morning horse ride, Ellie's dead body is found in the woods. An inquest finds that a combination of a heart condition and being thrown from her horse was to blame. Michael visits Rudolf Santonix in hospital as he is close to death. Santonix, with his dying breath, screams \"Why didn't you go the other way?\" before dying in front of Michael. A melancholy Michael has to travel to America to attend Ellie's funeral and to receive the inheritance bequeathed to him in Ellie's will. While in America, Michael receives a letter from", + "score": 0.69970703125 + }, + { + "id": "5728633", + "title": "Marcel Schwob", + "text": "chronic incurable intestinal disorder. He also suffered from recurring conditions that were generally diagnosed as influenza or pneumonia and received intestinal surgery several times. In the last years of his life he seemed to have aged prematurely, since he lost a lot of weight. In February 1905, after nine years of serious recurring episodes, he died of pneumonia while his wife was away on tour, performing in Aix-en-Provence. He was surrounded by Ting, his brother Maurice and his biographer Pierre Champion. Starting in December 1904 he taught a course on Villon at the \"l'\u00c9cole des Hautes Etudes\" that was attended", + "score": 0.69921875 + }, + { + "id": "3278769", + "title": "Chris McCandless", + "text": "entering, he smelled what he thought was rotting food and discovered \"a lump\" in a sleeping bag. The hunter quickly radioed police, who arrived the following day. They found McCandless' decomposing body in the sleeping bag. He had died of starvation sometime in August. In his book \"Into the Wild\" (1997), Jon Krakauer suggests two factors may have contributed to McCandless' death. First, he offered that McCandless was running the risk of a phenomenon known as \"rabbit starvation\", from overrelying on lean game for nutrition. Krakauer also speculated that McCandless might have been poisoned by a toxic alkaloid called swainsonine,", + "score": 0.69921875 + }, + { + "id": "14217207", + "title": "Crystal (novel)", + "text": "quit. Her agent, Loretta, however, insists Crystal star in a movie that will ultimately boost her fame. Crystal refuses and after doing that and the death of a fellow model named Rowena, but later on Rowena try to kill herself. She cut herself and end up lying in the hospital. but then she gave up to live, so she died in the hospital, that makes Crystal quits. The novel ends by a man coming up to Crystal, who is shopping with Pat, giving her his card, and saying, \"...Edward Abruzzi, Photographer...I think you could get into modeling...\u201d National Book Award", + "score": 0.69921875 + }, + { + "id": "2351687", + "title": "Thomas Aird", + "text": "were published in the \"Herald\". In 1848, he published a collection of his poetry, which was very well received. His last main literary work was editing an edition of the works of David Macbeth Moir in 1852. In 1863, he retired from editorship of the \"Herald\". Aird's friends included De Quincey, Lockhart, Stanley (afterwards dean of Westminster) and Motherwell. Aird died in 1876 in Castlebank, Dumfries, and was buried at St Michael's Church. Thomas Aird Thomas Aird (28 August 1802 \u2013 25 April 1876) was a Scottish poet, best known for his 1830 narrative poem \"The Captive of Fez\". Aird", + "score": 0.69775390625 + }, + { + "id": "11958833", + "title": "Bright Star (film)", + "text": "an attack of his illness. When his book sells with moderate success, Fanny's mother gives him her blessing to marry Fanny once he returns from Italy. The night before he leaves, he and Fanny say their tearful goodbyes in privacy. Keats dies in Italy the following February of complications from his illness, just as his brother Tom did earlier in the film. In the last moments of the film, Fanny cuts her hair in an act of mourning, dons black attire, and walks the snowy paths that Keats had walked many times. It is there that she recites the love", + "score": 0.697265625 + }, + { + "id": "8698661", + "title": "A Land Remembered", + "text": "later an orange grove. He gets malaria from an attack of several hundred thousand 'skeeters', but is healed (temporarily) by Miami Billie, an Indian medicine man. Died near the end of Zech's piece of the book when he became too weak from the cold to fight his malaria when he tried to save orange trees from a freeze. Is the father of Zech. Emma Tobias's wife. Her main occupation is cooking for all the men with the help of Pearlie Mae and Glenda. She never complains. Everybody loves her. She dies from a heart attack a few years before Tobias", + "score": 0.697265625 + }, + { + "id": "7512322", + "title": "The Lifted Veil (novella)", + "text": "motives remain atypically closed to him. After his brother's death, Latimer marries Bertha, but the marriage disintegrates as he recognizes Bertha's manipulative and untrustworthy nature. Latimer's friend, scientist Charles Meunier, performs a blood transfusion from himself to Bertha's recently deceased maid. For a few moments the maid comes back to life and accuses Bertha of a plot to poison Latimer. Bertha flees and Latimer soon dies as he had himself foretold at the start of the narrative. Latimer might seem completely unlike most of George Eliot's other characters due to his supposed \"psychic\" abilities. Regardless, he reflects Eliot's continual interest", + "score": 0.697265625 + }, + { + "id": "15477501", + "title": "La Mansio\u0301n de Araucaima", + "text": "sees her bike. The next morning, the guardian finds Angela's body in the warehouse. She has committed suicide by hanging herself. Angela's death infuriates Camilo, the pilot, who knows that Machiche is directly responsible for Angelas's suicide. Camilo takes the monk's revolver and kills Machiche. Despairing, Cristobal jumps behind Camilo and strangles him with a shovel. Now there are three dead bodies. Angry, Don Graci gives orders to bury Camilo and Machiche and cremate Angela's body in the oven. The next day the survivors of the house abandon it. Don Graci gives Cristobal his freedom. The four men leave the", + "score": 0.69677734375 + }, + { + "id": "4094891", + "title": "The Spire", + "text": "is clear from the clue of the mistletoe that he was a pagan sacrifice buried at the Crossing by the builders to secure their luck against the stupidity of continuing the work. Goody Pangall dies in childbirth, bearing Roger Mason's child. Roger becomes a drunkard and at the end Jocelin dies of his illness, though only after first hearing from his aunt that his appointment was due only to her sexual influence, not to his merits. Before he dies, the phallic imagery of the Spire is displaced by the mysterious symbol of the tree. The spire is incomplete at the", + "score": 0.69677734375 + }, + { + "id": "16513110", + "title": "Michael Gaismair", + "text": "He died in 1532 in Padua, in Prato della Valle (where there is a plaque in his memory) murdered at the hands of two soldiers who wanted to collect the bounty placed on his head by Ferdinand I. The movement of Gaismair was then done, but not the religious turmoil of Tyrol, which in the same years saw the development of Anabaptist preaching by Jakob Hutter. Because of his struggle against Church and Monarchy, Gaismair was ignored by historians of his time. In the twentieth century, his figure got more purchasing reputation, coming in first by the Communist (Community dell'afflato", + "score": 0.69677734375 + }, + { + "id": "5130979", + "title": "Bag of Bones", + "text": "drowned in childhood. While Storrow and the private detective he hired are celebrating the end of the custody battle, Mattie attempts to seduce Mike. As they are embracing, Mattie's trailer is subjected to a drive-by shooting, injuring Storrow and the detective and killing Mattie. The detective is able to kill the driver and incapacitate the shooter with Mike's help. Mike then grabs Kyra and drives back to his home. The shooter's buddies try to stop them, but refuse to follow him to \"Sara Laughs.\" Under the influence of Sara's ghost, Mike is tormented to drown Kyra and commit suicide himself.", + "score": 0.6962890625 + }, + { + "id": "3253517", + "title": "Brooke English", + "text": "home to Pine Valley, her plane crashed. Everyone aboard was killed except for Brooke, Edmund, his daughter Maddie Grey and another man. Brooke tried to save the life of Edmund's wife, Maria Santos Grey, but Maria made Brooke save Maddie's life instead. The plane went over the cliff and into the water. Maria's body was never found and was presumed dead, much to Edmund's sadness. While searching for the truth behind the plane crash, she met a man that would help her through the ordeal, as he was the fourth survivor, Jim Thomasen. Jim had trailed Brooke from New York,", + "score": 0.6962890625 + }, + { + "id": "19153737", + "title": "True Memoirs of an International Assassin", + "text": "his main character says at the end of the book. While playing pool with his good friend Amos (Ron Rifkin), Amos tells Larson about a mysterious assassin, known as the Ghost, who supposedly died in a helicopter crash, but some say he jumped before the helicopter crashed. Inspired, Larson finishes his novel with that ending, despite Amos's objections. His novel finished, Larson has trouble finding someone to publish his novel, but just as he is about to give up, he gets a call from a virtual publisher, Kylie Applebaum (Kelen Coleman), who wants to publish his book. Larson agrees, but", + "score": 0.69580078125 + }, + { + "id": "5209274", + "title": "The Seven Storey Mountain", + "text": "to me...\" Thomas Merton died in 1968 of accidental electrocution while attending an international monasticism conference in Bangkok, Thailand. Various writers have noted the irony of his life\u2019s tragic conclusion, given that \"The Seven Storey Mountain\" closes by admonishing the reader to \u201clearn to know the Christ of the burnt men\u201d (see, e.g., \"The Man in The Sycamore Tree\", 1979). \"The Seven Storey Mountain\" propelled Thomas Merton into a life of paradoxes: a man who left an urban intellectual career for a labor-oriented rural existence, only to be led back into the realm of international opinion and debate; a man", + "score": 0.69384765625 + }, + { + "id": "1423364", + "title": "Kate Douglas Wiggin", + "text": "which was illustrated by N. C. Wyeth. During the spring of 1923 Kate Wiggin traveled to England as a New York delegate to the Dickens Fellowship. There she became ill and died, at age 66, of bronchial pneumonia. At her request, her ashes were brought home to Maine and scattered over the Saco River. Her autobiography, \"My Garden of Memory\", was published after her death. In sorting through material for her autobiography, she put many items in a box she and her sister labelled \"Posthumous.\" Her sister Nora A. Smith later published her own reminiscences, \"Kate Douglas Wiggin as her", + "score": 0.69384765625 + }, + { + "id": "10283995", + "title": "The Last Sin Eater", + "text": "she had sent Elen after Cadi on the day she drowned. She calls Cadi by the nickname she used when Cadi was small: \"wee li'l bit of heaven.\" Later on, Douglas Kai is never seen again, Cleet Kai is killed in a bear attack, Iona takes the blame but stays by Brogan, Brogan stayed proud and bitter until he died, some of the valley people never turned to God, Dead man\u2019s Mountain became Prophet\u2019s Peak, Sim took Bletsung to be his bride, and they had a son named Morgan Kerr Gillivray, Fagan left the valley, became a preacher, came back,", + "score": 0.69384765625 + }, + { + "id": "9127806", + "title": "Brother in the Land", + "text": "rescue them, the camp foolishly eat many of their rations. In fact, the Swiss confiscate their weapons and disable the few vehicles they have. By now, the camp's food supplies are exhausted, forcing the people to scavenge for whatever they can find, and many are dying. Gradually, people start to leave in small groups to fend for themselves. Shortly after Branwell dies from exhaustion during the second winter after the war, Danny, Kim, and Ben leave the camp and head to Holy Island, where Danny hopes they will be safe. During the journey to Holy Island, they encounter a group", + "score": 0.693359375 + }, + { + "id": "3816458", + "title": "John Le Gay Brereton", + "text": "in 1931. \"So Long, Mick!\" a short one-act play in prose, was also published in 1931. Brereton contributed many letters and poems on diverse subjects to the Sydney Morning Herald, often under the pseudonym 'Basil Garstang'. Brereton died suddenly on 2 February 1933 near Tamworth, New South Wales while on a caravan tour. He had married in 1900 Winifred Odd, who survived him with a daughter and four sons. As an Elizabethan scholar, his only rival in Australia in his day was Ernest Henry Clark Oliphant. His prose work was interesting and sensitive, and the best of his verse gives", + "score": 0.693359375 + }, + { + "id": "15744142", + "title": "Jacqueline Susann's Once Is Not Enough (film)", + "text": "Deidre's demands and insults finally become too much for Mike, who wants a divorce. They amicably agree to one, but their airplane crashes and both are killed. The devastated January turns to Tom Colt for comfort, but he turns against her instead, leaving her to go on alone. The novel includes much more drug use and sexual content, and has quite a different ending. After the events of the film transpire, January tries acid and partakes in an orgy. She then wanders onto the beach where she hallucinates that she sees her father and walks into the ocean after him,", + "score": 0.693359375 + }, + { + "id": "12438902", + "title": "Wycliffe and the Dead Flautist", + "text": "edge as another body shows up, the result of bitter family feuds and the exposure of illicit relationships... Wycliffe and the Dead Flautist Wycliffe and the Dead Flautist (1991) is a crime novel by the Cornish writer W. J. Burley. When the body of amateur flautist Tony Mills is found shot dead by his own gun on the secluded estate of Lord and Lady Bottrell, everyone simply assumes suicide. However, closer inspection reveals some sinister inconsistencies and Wycliffe soon opens a murder investigation, unravelling as he does so the mystery of Mills's last days and the disappearance of Lizzie Biddick,", + "score": 0.6923828125 + }, + { + "id": "16299215", + "title": "Tom McNair", + "text": "lied to his whole life it makes him very angry, but eventually he forgives McNair. Finally, McNair is killed by the vampire Herrick. Tom discovers his adoptive father\u2019s body and buries him. He swears revenge and wants to kill the vampires responsible for it, but not only them even more vampires have to be killed. After his dad McNair died Tom has decided to stay with Annie, George and George\u2019s baby daughter Eve. They are the only persons he is familiar with, apart from his dad. Furthermore, he wants to full fill his mission of killing vampires. He also feels", + "score": 0.6923828125 + }, + { + "id": "19712794", + "title": "When Breath Becomes Air", + "text": "\"When Breath Becomes Air\", Paul Kalanithi was in residency in neurological surgery and a postdoctoral fellowship in neuroscience. In May 2013, Kalanithi was diagnosed with stage-4 non-small-cell EGFR-positive lung cancer. As Kalanithi underwent cancer treatment, he shared his reflections on illness and medicine, authoring essays in \"The New York Times\", \"The Paris Review\" and \"Stanford Medicine\", and participating in interviews for media outlets and public forums. He also began work on an autobiographical book of his experiences as a doctor and a patient facing a terminal illness. Kalanithi died in March 2015 at the age of 37. His memoir was", + "score": 0.6923828125 + }, + { + "id": "15902901", + "title": "Bag of Bones (miniseries)", + "text": "caused several men in the town to murder their daughters by drowning them. Max and his assistant attack Mike while he is in the lake. Afterwards, Max gives Mike an offer that he will stop the custody battle for Kyra if Mike agrees to leave them alone and not press charges. Mike agrees to it, and Max after that commits suicide. At the funeral, Mike meets Edgar White, an old friend of his grandfather. Edgar confesses to Mike that Edgar, Mike's grandfather, and two other men assisted Max with the rape and murder of Sara Tidwell and the drowning of", + "score": 0.69189453125 + }, + { + "id": "7649372", + "title": "Dal Stivens", + "text": "of Air\" and was winner of the Patrick White Award for 1981 for his contribution to Australian literature. In 1994, he was honoured with a Special Achievement Award in the NSW Premier's Literary Awards. Stivens also wrote under a number of stories and many newspaper articles under the pseudonyms Jack Tarrant, John Sidney, Sam Johnson and L'Arva Street. Stivens died in Sydney on 15 June 1997 after many years of domesticity in Lindfield, NSW, with Juanita Cragen, to whom he left his literary estate. On her death in 2007, Juanita left the estate to the Australian Society of Authors as", + "score": 0.69189453125 + }, + { + "id": "12378797", + "title": "Frank McCourt", + "text": "added stressor to finding a job. The twins Oliver and Eugene died in early childhood due to the squalor of their circumstances, and two more boys were born: Michael, who later lived in San Francisco (where he was called the \"Dean of Bartenders\") until his death in September 2015; and Alphonsus, who published a memoir of his own and died in 2016. Frank McCourt himself nearly died of typhoid fever when he was 11. McCourt related that when he was 11, his father left Limerick to find work in the factories of wartime Coventry, England, rarely sending back money to", + "score": 0.69140625 + }, + { + "id": "14494595", + "title": "Anita Pierce", + "text": "felt jealous of the time the two were spending together. Meic and Anita planned to re-marry but as Meic's condition deteriorated they were unable to go through with ceremony. Unwilling to put Anita through the burden of caring for him during his dying days, Meic decided to leave for Patagonia with Gabriella. Anita was devastated by his decision and was angry that the choice was made for her. When news came of Meic's death Anita was further distraught at discovering that he had already been cremated by Gabriella, robbing her of the chance to arrange his funeral. The two eventually", + "score": 0.69140625 + }, + { + "id": "8670445", + "title": "Saint Ronan's Well", + "text": "arrange all their difficulties. However, Clara had escaped from her room during the night, and, after appearing at the manse to forgive her cousin, who had been confided to Mr Cargill's care, had made her way to the Cleikum, where, in a seeming trance, she had a final interview with Tyrrel, and died soon afterwards from congestion of the brain. Mowbray, meanwhile, in his search for her, encountered the earl and his companions engaged in a shooting match, and killed him in a duel arranged on the spot by Captain MacTurk, with whom he fled to the Continent to escape", + "score": 0.69091796875 + }, + { + "id": "19757110", + "title": "Most Likely to Die", + "text": "Lamont decides to take his car to go and find help, but while driving down the mountain his car dies and he is forced to continue on foot. Simone, alone in the house, is attacked and murdered by the graduate. The others return to the house and find their cars have all been damaged, leaving them stranded. They find Simone's body floating in the hot tub and realize the graduate is killing all of them according to the things they were voted most likely to do in their high school yearbooks. (Simone was Most Likely To Get What She Wants", + "score": 0.6904296875 + }, + { + "id": "11704848", + "title": "Scenes of Clerical Life", + "text": "deeply in love with him. This continues until Wybrow goes to Bath to press his suit to Miss Assher. He is then invited to the Asshers' home, and afterwards returns to Cheverel Manor, bringing with him Miss Assher and her mother. Wybrow dies unexpectedly. Gilfil, finding a knife on Tina, fears that she has killed him, but the cause of death is in fact a pre-existing heart complaint. Tina runs away, and Gilfil and Sir Christopher fear that she has committed suicide. However, a former employee of Sir Christopher and Lady Cheverel returns to the manor to inform them that", + "score": 0.6904296875 + }, + { + "id": "19922733", + "title": "Willy Angerer", + "text": "weather conditions, from which the rope had been removed on the way up, they were unable to retreat through to safety and were forced to descend straight down. They were hit by an avalanche which carried Hinterstoisser away, while Angerer was violently crushed against the wall and strangled to death by the rope around his neck. Rainer, being pressed against the rock wall with the rope tight around his waist, froze to death. The only survivor, Toni Kurz, died the next day, within a few meters above his rescuers, but inaccessible. Kurz was the last to die, hanging in his", + "score": 0.68994140625 + }, + { + "id": "12540095", + "title": "Kate McPhelim Cleary", + "text": "pneumonia in 1893, and in 1894 her own life was threatened by a fever following the birth of her youngest daughter, Vera. In that same year, her daughter Marguerite died of typhoid fever at the age of six. During this period, she had befriended fellow writer Elia W. Peattie, and the two bonded over their shared financial, health, and family concerns. In 1895, Michael Cleary left temporarily for Chicago in an attempt to rescue his business, and during the next three years he traveled frequently in search of a better climate to alleviate his failing health. In 1895, her daughter", + "score": 0.689453125 + }, + { + "id": "14440314", + "title": "The Courtney Novels", + "text": "meets and befriends Duff and they start a gold-mining business together in Johannesburg which makes them rich. They lose their money to a shady deal and travel the wilderness together where Duff dies after an attack by a rabid jackal. Sean eventually meets a Boer family and marries the daughter. She becomes ill and commits suicide at the end of the book but not before giving birth to a boy, Dirk. \"The Sound of Thunder\" is set several years after the first book. Sean and his son Dirk finally leave the wilderness and discover that a war is brewing between", + "score": 0.68896484375 + }, + { + "id": "6815780", + "title": "The Constant Gardener (film)", + "text": "flee from the carnage. Justin has the plane drop him off at the place where Tessa died. There he thinks about Tessa; he tells her memory that he knows all her secrets, that he understands her now, and that he is coming home. Following his reverie, he is killed in an organized hit. At Tessa and Justin's funeral, Justin's lawyer reads the incriminating letter written by Pellegrin to Woodrow. In the letter, Pellegrin ordered the surveillance of Tessa, expressly to block her reports detailing the deaths caused by Dypraxa, and explains that the company could not be held responsible for", + "score": 0.68896484375 + }, + { + "id": "6572713", + "title": "The Assistant (novel)", + "text": "that he will lose his business while it is being rebuilt, offers to buy out the Bobers. For a few brief days, they are happy. It is the last day of March and thick snow is falling. Morris, in a burst of energy, goes out to shovel the sidewalk, despite Ida's many objections. Still weak from the gas incident, he dies three days later of double pneumonia. Morris is remembered at his simple service as an honest man and a good Jew. But Frank and Helen are alienated. Frank returns to run the store while Helen and Ida mourn privately.", + "score": 0.68896484375 + }, + { + "id": "5672778", + "title": "Hugh Conway", + "text": "copies were sold within four years. One admirer was the American poet Emily Dickinson. A stage version of the book was produced in London in 1884, and in that year Fargus published another story, \"Dark Days\". Ordered to the Riviera for his health, Fargus caught typhoid fever and died in Monte Carlo. He was buried in Nice. Several other books by him appeared posthumously, notably \"A Family Affair\", which was serialized in the \"English Illustrated Magazine\" in 1884\u201385 and first published in volume form in 1885. Long after his death, one of his novels was filmed as \"The Last Rose", + "score": 0.68896484375 + }, + { + "id": "977267", + "title": "Nella Larsen", + "text": "touch with her. Clare begins to join Irene and Brian for their events in Harlem, New York while her husband is traveling out of town. Because Irene has some jealousy of Clare, she begins to suspect her friend is having an affair with her husband Brian. The novel ends with John Bellew learning that Clare is mixed race. At a party in Harlem, she falls out of a window from a high floor of a multi-story building, to her death, under ambiguous circumstances. Larsen ends the novel without revealing if Clare committed suicide, if Irene pushed her, or if it", + "score": 0.68896484375 + }, + { + "id": "15470731", + "title": "Into Thin Air: Death on Everest", + "text": "is having trouble moving. He then blacks out again. Rob then awakens the next morning, to realize that he is still alive, but barely. He radios the camp, who put him onto the radio with his wife Jan. He asks her if Sarah would be an appropriate name for their daughter, and she agrees. They both tell each other they love them, and then Rob says goodbye to his wife. He dies shortly afterward from hypothermia. Beck Weathers then wakes up, somehow having survived being buried under the snow with no oxygen. Still blinded, he stumbles back to camp, where", + "score": 0.68896484375 + }, + { + "id": "14137476", + "title": "\"U\" Is for Undertow", + "text": "own apartment when they started college in the fall. Walker, in fact, was the person that tipped off the draft board about Greg. Jon and Walker buried the ransom money after realizing it was marked, but they moved the money and substituted the dog after being seen, to make their digging look harmless. Still needing money after burying Rain's ransom, they kidnapped Mary Claire, but she died from an allergic reaction to Valium, which they used to keep her sedated during her kidnapping. Back in the present, Michael Sutton sees Walker at an AA meeting (which Walker has attended since", + "score": 0.68896484375 + }, + { + "id": "2032285", + "title": "Jon Krakauer", + "text": "in the book \"The Climb\", co-written with G. Weston DeWalt. Differences centered on what experienced mountaineers thought about the facts of Boukreev's performance. As Galen Rowell from the \"American Alpine Journal\" wrote to Krakauer, \"the fact that every one of Boukreev's clients survived without major injuries while the clients who died or received major injuries were members of your party. Could you explain how Anatoli [Boukreev]'s shortcomings as a guide led to the survival of his clients\u2026?\" Conversely, Scott Fischer, the leader of Boukreev's team who died on the mountain, had complained continuously about Boukreev's shirking responsibility and his inability", + "score": 0.68896484375 + }, + { + "id": "12736531", + "title": "Andrew Henry Martin Scholtz", + "text": "did not translate so well. Kwela Books was a newly established company with the goal of finding new talent. Annarie van der Merwe of Kwela Books dediced that it was an Afrikaans story so it should be published in Afrikaans. Scholtz wrote two more books while waiting for the publication of Vatmaar, which were published later: \"Langsaan die vuur: vyf lewensverhale\" (1996) en \"Afdraai: \u2019n kroniek van seermaak en seerkry\"(1998). On 17 November 2004 Andrew Henry Martin Scholtz died from acute asthma after spending the last two months being blind as well. Yet, he will always be remembered for Vatmaar.", + "score": 0.6884765625 + }, + { + "id": "8601078", + "title": "Anthony Chenevix-Trench", + "text": "to hospital suffering from a massive intestinal haemorrhage. He was soon well enough to leave hospital, but was pressured by the governors into announcing that he would retire in August 1979. He attended a series of events to mark his leaving, and in June 1979 he briefed his successor Cameron Cochrane on his hopes and plans for the school, telling his wife \"I've handed my life's work over to Cochrane and I'm happy\". Two days later he died during an emergency intestinal operation, aged sixty, before his term as headmaster had officially come to an end. Chenevix-Trench's biographer, Mark Peel,", + "score": 0.6884765625 + }, + { + "id": "6262313", + "title": "Into Thin Air (TV series)", + "text": "changing... Little does he know, it's not quite her but someone genetically similar. Also in the process, Bernice and Kenneth's characters fall into a love triangle with Power, Rebecca Chan (Kenneth's older sister) and Benz Hui (Melissa's dad) have a romance after she dumps her 15-year married man affair. Into Thin Air (TV series) Into Thin Air (Traditional Chinese: ) is a TVB modern drama series broadcast in September 2005. Ko Chung Ching (Michael Miu), an ex-policeman, quit his job to set up a private investigation company two years ago, right after his son Tsun Sing went missing because of", + "score": 0.6884765625 + }, + { + "id": "3432087", + "title": "The Big Four (novel)", + "text": "kill Flossie persuades him to dismantle the explosive. Instead when the madman tries to shoot Poirot, he is killed by the journalist Lawrence Boswell Tysoe (an original character not in the novel), who drops a safety curtain on him. Li Chang Yen (in absentia), Olivier and Ryland escape death, and continue their work as Peace Party advocates; Flossie (who was murdered in the novel and therefore played no role in the solution) also survives her original fate. As in the novel, Poirot does stage his own death. When Darrell learns that Poirot is getting close to the truth, he tries", + "score": 0.68798828125 + }, + { + "id": "7675586", + "title": "The Codex (novel)", + "text": "all make it back across the bridge while the soldiers panic, with Sally and the Broadbent brothers killing half of the soldiers while the other half is trapped in the White City after the bridge breaks. All the surviving soldiers eventually starve to death. Back in the Tara village, Maxwell is tended to as he dies of his injury, admitting that he would've died of the cancer even if he had survived the attack. He spends his final days reconciling with his sons, who all forgive him in return. He then agrees to the deal and splits the treasure between", + "score": 0.68798828125 + }, + { + "id": "12407255", + "title": "The 39 Clues", + "text": "fire to their hut. Irina Spasky dies while saving Amy, Dan and Alistair. After the fire, Alistair shows Dan and Amy a message by Robert Cahill Henderson, revealing the clue, water. Near the end of the book, they suspect that Nellie is spying on them for someone else. \"The Viper's Nest\" is the seventh book in the series. It was written by Peter Lerangis and published on February 2, 2010. The morning after the fire that killed Irina Spasky, Dan and Amy discover that Irina's last words are a song, which points them to their next destination: Pretoria, South Africa.", + "score": 0.68798828125 + }, + { + "id": "17326229", + "title": "In Secret", + "text": "Camille, having been forced into it by her domineering aunt, Madame Raquin. Th\u00e9r\u00e8se spends her days confined behind the counter of a small shop and her evenings watching Madame play dominoes with an eclectic group. After she meets her husband's alluring friend Laurent LeClaire, she embarks on an illicit affair that leads to tragic consequences. Camille soon dies during an outing on the lake with Laurent and Therese, which is revealed to be their doing as Laurent physically beat Camille while he was in the water, causing him to drown. Madame Raquin finds it difficult to come to terms with", + "score": 0.68798828125 + }, + { + "id": "12231153", + "title": "Before the Rains", + "text": "tells her to leave and admits that he does not love her. A distraught Sajani finds T.K's handgun (a gift from Henry), shoots herself in the chest and dies. T.K. and Henry throw her body in the river to conceal her death. Sajani's disappearance garners interest in the village. Sajani's brother Manas and husband gather the men of the village to search the jungle for her. The same two children who discovered Sajani and Henry near the waterfall in compromising position then discover her dead body. It is established that a bullet from an English pistol killed her. A mob", + "score": 0.6875 + }, + { + "id": "6160321", + "title": "Industrial Areas Foundation", + "text": "to establish a formal IAF organizer training program, run by Chambers and Dick Harmon, with a grant from Gordon Sherman of Midas Muffler. Alinsky published a successful book, \"Rules for Radicals\", in 1971, updating his earlier vision. Alinsky died unexpectedly of a heart attack in June 1972. After Alinsky's death, his long-time associate and designated successor Ed Chambers, became executive director. Chambers began to place systematic training of organizers and local leaders at the center of IAF's work. He also began to shift the organizing model of \"the modern IAF\" toward the congregation-based community organization developed in San Antonio, Texas", + "score": 0.68701171875 + }, + { + "id": "12753035", + "title": "Polytechnique (film)", + "text": "try to stop the killer and/or help the victims. Val\u00e9rie and St\u00e9phanie, two surviving women, play dead thinking the killer has returned, and St\u00e9phanie later dies of her injuries. Some time after the massacre, Jean-Fran\u00e7ois, feeling guilty for complying with the order to leave the classroom and abandoning the women, commits suicide by carbon monoxide poisoning. Val\u00e9rie, wearing the Iron Ring, the professional ring of Canadian engineers, learns she is pregnant, planning to tell a potential son to be loving or a potential daughter that the world belongs to her. The rest of the cast listed alphabetically: Karine Vanasse, who", + "score": 0.68701171875 + }, + { + "id": "20789186", + "title": "Greenock stowaways", + "text": "caused their thin clothes to freeze \"as hard as boards\" onto them.. It was in the course of falling through the ice that they lost McEwan, who was the youngest and physically the weakest; he fell in most often. He had also been spitting blood for some time. Said Bryson: McEwan died about midday. McGinnes too was left behind. Wearing only ragged frozen clothes, a few hours after McEwan's death, he sat down, about five miles from shore by now, and stated he could go no longer: David Brand deposed that it was impossible for them to help McInnes\u2014the ice", + "score": 0.68701171875 + }, + { + "id": "14807756", + "title": "Vicente Sodre\u0301", + "text": "Br\u00e1s Sodr\u00e9 (who really comes out as the villain of the story). Although it is significant that Ata\u00edde, in that same letter, asked the king to grant him Vicente Sodr\u00e9's old position of \"alcalde-mor\" of Tomar (Ataide, alas, died shortly after in Mozambique). Ata\u00edde wrote that Vicente Sodr\u00e9 sunk and died immediately in the tempest at Kuria Muria, but that Br\u00e1s Sodr\u00e9 actually survived the wreck. However, once ashore, Br\u00e1s Sodr\u00e9 decided to blame his Muslim pilots and executed them on the spot. Ata\u00edde refrains from saying exactly what happened to Br\u00e1s Sodr\u00e9 after that, only that 'many things transpired'", + "score": 0.68701171875 + }, + { + "id": "9841878", + "title": "The Airmail Mystery", + "text": "filming, he was involved in an accident where the mechanic Phil Jones died. This episode marked the end of his career as stunt pilot in movies, although he continued to work as an actor. Wilson's last role was in \"The Airmail Mystery\". After production was complete, during the National Air Races in Cleveland in 1932, Wilson's aircraft crashed and he died a few days later in hospital due to the injuries he suffered. The accident is documented in the film \"Pylon Dusters: 1932 and 1938 Air Races\", an historic film about the 1932 Cleveland Air Race. The Airmail Mystery The", + "score": 0.68701171875 + }, + { + "id": "12300346", + "title": "Guy X", + "text": "(in an undescribed way). Spruance and Teal find Guy X under his bed in the otherwise abandoned ward, and answer his request to see the outside world before he dies. Just as Guy X dies in the snow, Woolwrap finds them and tells Spruance and Teal that he will not abandon his men, killing himself with his sidearm. The two just make it to the last evacuation plane, where his friend Cpl Lavone informs them that he has created official paperwork giving them new names and ranks (similar to the original Spruance/Pederson mixup). As the plane flies away from Greenland,", + "score": 0.68701171875 + }, + { + "id": "12397905", + "title": "The Riddle of the Third Mile", + "text": "in Thrupp was that of the Master. Westerby killed Alfred in his London flat and in turn, Albert killed Westerby and then committed suicide. Browne-Smith died of his tumour. He is one of the Gilbert twins. He is described as the quick witted and resourceful of the two. He kills Westerby and commits suicide on learning that his wife has left him. He is the second twin and is killed by Westerby. He is a don in Lonsdale College and suffering from a terminal brain tumour. He was a former Lieutenant and the Gilbert brothers served under him. Like Morse,", + "score": 0.6865234375 + }, + { + "id": "12362918", + "title": "Arthur Conan Doyle", + "text": "death of his son, Kingsley, turned him to Spiritualism, as is often stated. Doyle came out as a Spiritualist to the public in 1916, a full two years before his son's death. It was on 28 October 1918 that Kingsley died from pneumonia contracted during his convalescence after being seriously wounded in the 1916 Battle of the Somme. Doyle's brother Brigadier-general Innes Doyle died, also from pneumonia, in February 1919. His two brothers-in-law (one of whom was E. W. Hornung, creator of the literary character Raffles) and his two nephews also died shortly after the war. His second book on", + "score": 0.6865234375 + }, + { + "id": "12321599", + "title": "The State Counsellor (film)", + "text": "about the objects of the terrorist attacks, and Green forced Julie to make an appointment with Pozharsky. As a result, Pozharsky goes on the call of Julie to destroy Green and gain the laurels of the sole winner of the Combat Group, and Fandorin merely tells him in a whisper: \"Evil devours itself.\" And thus it indeed happens: Pozharsky kills Green and Julie, but he himself also dies with Needle who sabotaged him and herself, before death to whom he refers by real name \u2013 Countess Dobrinskaya. The new governor-general offers Fandorin the post of chief policeman and his patronage.", + "score": 0.68603515625 + }, + { + "id": "5389025", + "title": "The Disappearing Floor", + "text": "named Tigers Bight. Unfortunately, the boys don\u2019t have a chance to investigate the cabin as their family friend Jack Wayne crashes his plane \"Skyhappy Sal\" nearby and is injured. After rescuing Jack, the boys return to the Perth mansion where they find the jewel thieves hiding out and tricking a professor, Aden Darrow, into making a \u2018freeze ray gun\u2019 for them. After more investigation, the Hardy boys manage to figure out that Clarence died by accident due to the 'disappearing floor' in his bedroom. Unfortunately, the boys are captured before they can tell anyone, but luckily due to Strang's bragging,", + "score": 0.68603515625 + }, + { + "id": "4853971", + "title": "Ian Clough", + "text": "1968 he and the Scottish mountaineer Tom Patey were the first to climb Am Buachaille, a sea stack at Sandwood Bay off the coast of Sutherland. Two years later, both Clough and Patey died in separate climbing accidents within five days of one another. When Clough died on 30 May 1970 he would have been unaware Patey had been killed abseiling down another Scottish sea stack on 25 May. His wife Nikki Clough, who later died of cancer, was also a mountaineer and climbed the north face of the Matterhorn with her husband. In 1970, Clough took part in the", + "score": 0.68603515625 + }, + { + "id": "6696957", + "title": "Alain Gerbault", + "text": "call sign O.Z.Y.U, hence the title of his last book, published posthumously. He sailed again for the South Pacific, and vanished from the public eye, spending years wandering from island to island. He wrote several books about life on the islands, and criticising the modern western way of life. Gerbault died on December 16, 1941, in Dili (East Timor) of a tropical fever. His death was not widely reported until August 22, 1944, over three years later. A later report suggests that he had been imprisoned by the Japanese. In 1947, his body was recovered and buried on Bora Bora,", + "score": 0.68603515625 + }, + { + "id": "12438901", + "title": "Wycliffe and the Dead Flautist", + "text": "Wycliffe and the Dead Flautist Wycliffe and the Dead Flautist (1991) is a crime novel by the Cornish writer W. J. Burley. When the body of amateur flautist Tony Mills is found shot dead by his own gun on the secluded estate of Lord and Lady Bottrell, everyone simply assumes suicide. However, closer inspection reveals some sinister inconsistencies and Wycliffe soon opens a murder investigation, unravelling as he does so the mystery of Mills's last days and the disappearance of Lizzie Biddick, a maid who worked for the Bottrells several years ago. Eventually, the case takes on a more urgent", + "score": 0.685546875 + }, + { + "id": "632780", + "title": "John Bellairs", + "text": "a Clock in Its Walls\" and \"The Treasure of Alpheus Winterborn\", were adapted for television in 1979 and 1980, respectively, and the former for film in 2018. A number of books have also been released in such languages as German, French, Japanese, and Polish, among others. Bellairs died of cardiovascular disease at his home in Haverhill, Massachusetts, in 1991. He was 53 years old. At the time of his death, he left behind two unfinished manuscripts and two one-page synopses for future adventures. Author Brad Strickland was commissioned by the Bellairs estate to complete the two unfinished manuscripts and to", + "score": 0.685546875 + }, + { + "id": "5138862", + "title": "Jean-Dominique Bauby", + "text": "France on 7 March 1997. Bauby died suddenly from pneumonia two days after the publication of his book, and he is buried in a family grave at the P\u00e8re-Lachaise cemetery in Paris, France. Jean-Jacques Beineix directed a short documentary film entitled \"Assign\u00e9 \u00e0 r\u00e9sidence\" about Bauby's time at Berck-sur-Mer, which was released in 1997. The film features Bauby himself, as well as appearances by his interlocutor, Claude Mandibil, and his partner, Florence Ben Sadoun. In 2007, painter-director Julian Schnabel released a film version of \"The Diving Bell and the Butterfly\" adapted for the screen by Ronald Harwood. It starred actor", + "score": 0.68505859375 + }, + { + "id": "3607324", + "title": "Mist (novel)", + "text": "created. Augusto is not real, Unamuno explains, and for that reason cannot kill himself. Augusto asserts that he exists, even though he acknowledges internally that he doesn't, and threatens Unamuno by telling him that he is not the ultimate author. Augusto reminds Unamuno that he might be just a character in one of God's dreams. Augusto returns to his home and dies (although whether or not he is killed by Unamuno or commits suicide is a subject of debate and is mostly down to the reader's opinion). The book ends with the author himself debating himself about bringing back the", + "score": 0.68505859375 + }, + { + "id": "2346674", + "title": "The Thorn Birds", + "text": "crying in the family cemetery and they share a passionate kiss, but Ralph refuses her because of his duties as a priest and begs Meggie to find a suitable partner. The Clearys learn that Frank has been convicted of murder after killing someone in a fight. He spends three decades in prison. Paddy dies in a lightning fire, and his son Stu is killed by a wild boar shortly after finding his father's body. Meanwhile, Ralph, unaware of Paddy and Stu's deaths, is on his way to Drogheda. He suffers minor injuries when his plane bogs in the mud. As", + "score": 0.68505859375 + }, + { + "id": "9775735", + "title": "World Without End (Follett novel)", + "text": "epiphany of his love for Caris and returns to Kingsbridge with his daughter Laura (Lolla). There he finds Caris unwilling to renounce her vows and the two go through a sporadic liaison. At the same time, Merthin re-establishes himself in the community by solving flaws left in the new bridge during its completion after his departure. Thousands of residents of Kingsbridge die in the outbreak of plague, and the city quickly descends into anarchy. Godwyn loses his nerve and flees with the monks to an isolated chapel where he and all the monks die except for Gwenda's brother Philemon, who", + "score": 0.68505859375 + }, + { + "id": "3318801", + "title": "Voltairine de Cleyre", + "text": "insane by a fever, and whom she immediately forgave. She wrote, \"It would be an outrage against civilization if he were sent to jail for an act which was the product of a diseased brain\". The attack left her with chronic ear pain and a throat infection that often adversely affected her ability to speak or concentrate. During the spring of 1911 she was encouraged by the revolution in Mexico, and especially by the activities of anarchist Ricardo Flores Mag\u00f3n. Her last poem was dedicated to the Mexican activists. Voltairine de Cleyre died from septic meningitis on June 20, 1912,", + "score": 0.68505859375 + }, + { + "id": "2376338", + "title": "Fifth Business", + "text": "possibly told the children, but he has the unfortunate duty of helping Leola return to life, as Boy has disappeared on a drinking binge and does not return for many weeks. 1. Leola dies of pneumonia. Dunstan suspects that she may have purposely brought on her own death. Dunstan handles her funeral arrangements, as Boy is consumed in his work as the head of the Alpha Corporation for the duration of World War II. Dunstan is also named temporary Headmaster of Colborne College. At the conclusion of the war Boy has the unenviable task of informing Dunstan that he will", + "score": 0.68505859375 + }, + { + "id": "18261915", + "title": "Iron Foot Jack", + "text": "Colin Stanley after the author's death in 2013. Stanley edited the text and it was published by Strange Attractor Press in 2018. The manuscript now lies in Wilson's archive at the University of Nottingham. He died on September 29, 1959 at St Columba's Hospital in Hampstead, of cancer aged 77 or 79 years. He was buried at Hampstead Cemetery, Fortune Green Road, on October 7th 1959. Reported in the London Evening Standard 7.10.59 and in the Daily Mail 8.10.59. Neave as \"Iron Foot Jack\" is one of the characters that Harry Preston meets in Colin Wilson's semi-autobiographical novel \"Adrift in", + "score": 0.68505859375 + }, + { + "id": "20384601", + "title": "A Quiet End", + "text": "asks if Tony has killed anyone, and after some hesitation answers yes. Tony admits to the Doctor that potentially infecting others with HIV makes him feel like a \"murderer\". Back at the apartment, Tony's health drastically begins to fail. He tries to prevent Billy and Max from calling an ambulance, but Max does so anyway. Before medical help arrives, Tony passes away in Billy's arms. Three days later, Billy and Max discuss Tony's funeral and death in general. Billy reveals that he is moving back to Iowa to be with his family. Max begs Billy to stay, pointing out that", + "score": 0.68505859375 + }, + { + "id": "8904800", + "title": "Kerima Polotan Tuvera", + "text": "recognition of her contributions to its intellectual and cultural life. Polotan-Tuvera died at 85, after a lingering illness. She had suffered a stroke and was wheelchair-bound for the last months of her life. The wake was held at Funeraria Paz Sucat, within Manila Memorial Park. National Artist for Literature Edith L. Tiempo, a close friend of Polotan-Tuvera died two days after, prompting a grieving among the nation's writers. The Malaca\u00f1an Palace through Presidential Spokesperson Edwin Lacierda issued a statement: \"The Aquino administration is united in grief with a country that mourns their passing.\" The official statement recognized Polotan-Tuvera's body of", + "score": 0.6845703125 + }, + { + "id": "17805146", + "title": "Fallen Hearts", + "text": "to do with Fanny, who is only interested in getting money from them to help support her and her child. Luke and his third wife, Stacie, are killed in a car accident, and Heaven and Logan get custody of their son, Drake, after the funeral. Soon, Jillian dies, (EDIT- Jillian died before Stacie and Luke. She died right after Heaven discovered Troy was still alive, and he leaves after the news of her death). And after her funeral, Heaven discovers a secret agreement between Tony and Luke, in which Tony would give Luke enough money to save his circus on", + "score": 0.6845703125 + }, + { + "id": "7777053", + "title": "Tuck Everlasting", + "text": "because she thinks that if she changes her mind then she can go to the spring to get more. Many years later, Mae and Angus return to Treegap and find that it has changed a great deal \u2013 the wooded area is gone and so is their spring; the town has become a typical suburban metropolis. While there, they happen to visit a cemetery where they discover what happened to Winnie: she went on to marry, and had died two years before in 1948. Though Angus Tuck is saddened by this, he also praises Winnie for choosing not to drink", + "score": 0.6845703125 + }, + { + "id": "2887450", + "title": "Con Air", + "text": "was that it was perfect for the convicts who had been locked up for 10, 20, 30 years in little cells.\" The old wartime bomber base was also used for the aircraft boneyard scenes while the original swimming pool at the base was used in a scene where Garland Greene was talking to a young girl. On August 29, 1996, Phillip Swartz, a welder employed by Special Effects Unlimited, a Los Angeles-based firm, was crushed to death at Wendover when a static model of the C-123 used in the film fell on him. The film credits end with \"In Memory", + "score": 0.6845703125 + }, + { + "id": "2653979", + "title": "The Moon and Sixpence", + "text": "own established life and those of his wife and children. After the Paris episode, the story continues in Tahiti. Strickland has already died, and the narrator attempts to piece together his life there from recollections of others. He finds that Strickland had taken up a native woman, had two children by her, one of whom dies, and started painting profusely. We learn that Strickland had settled for a short while in the French port of Marseilles before traveling to Tahiti, where he lived for a few years before dying of leprosy. Strickland left behind numerous paintings, but his magnum opus,", + "score": 0.6845703125 + }, + { + "id": "3394864", + "title": "Violet Trefusis", + "text": "and Frank Ashton-Gwatkin, who was a senior Foreign Office official at the beginning of the Second World War, at her house in Florence. Trefusis died at L'Ombrellino on the Bellosguardo on 29 February 1972. She died of starvation, the effect of a malabsorption disease. Her ashes were placed both in Florence at the Cimitero degli Allori (\"The Evangelical Cemetery of Laurels\"), alongside the remains of her parents; and in Saint-Loup-de-Naud in the monks' refectory near her tower. In the 1990 BBC Mini-series \"Portrait of a Marriage\", Violet Trefusis is portrayed by Cathryn Harrison. Informational notes Citations Bibliography Violet Trefusis Violet", + "score": 0.6845703125 + }, + { + "id": "19187367", + "title": "How It Ends (film)", + "text": "the consequences of her actions, Ricki leaves Tom and Will. The next day Tom's lungs collapse. Will performs a needle thoracostomy to help him breathe. Sensing that Tom will die without medical help, the two of them bond and Will finally feels that Tom approves of his relationship with Sam. On a bridge, they encounter a gang of armed men on motorcycles. The two of them work together to evade the gang, but Tom succumbs to his wounds and dies. The car breaks down and Will continues the journey on foot. A family picks Will up and he leads them", + "score": 0.6845703125 + } + ], + "answer": "Into Thin Air: A Personal Account of the Mt. Everest Disaster is a 1997 bestselling non-fiction book written by Jon Krakauer. It details Krakauer's experience in the 1996 Mount Everest disaster, in which eight climbers were killed and several others were stranded by a storm. Scott Fischer of the Mountain Madness expedition died, as well as Rob Hall, Doug Hansen, Andrew Harris and Yasuko Namba of the Adventure consultants expedition. Indo-Tibetan Border Police who also died include Dorje Morup, Tsewang Paljor, and Tsewang Samanla." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who plays football on new years day 2018 at Peach Bowl?", + "short_answers": [ + "UCF vs Auburn" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who plays football on new years day 2018 at Rose Bowl?", + "short_answers": [ + "Georgia vs Oklahoma" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who plays football on new years day 2018 at Sugar bowl?", + "short_answers": [ + "Alabama vs Clemson" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "New Year's Six", + "url": "https://en.wikipedia.org/wiki/New%20Year%27s%20Six" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The New Year's Six, sometimes abbreviated as NY6, is an unofficial but commonly used term that refers to the top six major NCAA Division I Football Bowl Subdivision (FBS) bowl games: the Rose Bowl, Sugar Bowl, Orange Bowl, Cotton Bowl, Peach Bowl, and Fiesta Bowl.", + "wikipage": "New Year's Six" + } + ], + "long_answer": "In 2018 New Year's Six (NCAA Division I Football Bowl Subdivision (FBS) bowl games), the Peach Bowl was played between UCF and Auburn, the Rose Bowl was played between Georgia and Oklahoma and the Sugar bowl was played between Alabama and Clemson. " + }, + { + "knowledge": [ + { + "content": "The New Year's Six, sometimes abbreviated as NY6, is an unofficial but commonly used term that refers to the top six major NCAA Division I Football Bowl Subdivision (FBS) bowl games: the Rose Bowl, Sugar Bowl, Orange Bowl, Cotton Bowl, Peach Bowl, and Fiesta Bowl.", + "wikipage": "New Year's Six" + }, + { + "content": "These games are played annually on or around New Year's Day, and represent six of the ten oldest bowl games currently played at the FBS level.", + "wikipage": "New Year's Six" + } + ], + "long_answer": "The New Year's Six, sometimes abbreviated as NY6, is an unofficial but commonly used term that refers to the top six major NCAA Division I Football Bowl Subdivision (FBS) bowl games: the Rose Bowl, Sugar Bowl, Orange Bowl, Cotton Bowl, Peach Bowl, and Fiesta Bowl. These games are played annually on or around New Year's Day, and represent six of the ten oldest bowl games currently played at the FBS level. In 2018, the Peach Bowl, played on New Years Day, featured UCF vs Auburn. The same year, the Rose Bowl, also played on New Years Day, had Georgia vs Oklahoma. The 2018 Sugar Bowl featured Alabama vs Clemson, and was also played on New Years Day." + } + ], + "sample_id": "-3538559660150929900", + "question": "Who plays football on new years day 2018?", + "docs": [ + { + "id": "4639917", + "title": "National Football League on television", + "text": "of rest heading into the playoffs. In years when January 1 falls on a Monday, all 32 teams will play on New Year's Eve. The AFL played its first league championship game on January 1, 1961. Thereafter, pro football has been played on New Year's Day in 1967 (the 1966 NFL and AFL Championship Games), in 1978 (the 1977 NFC and AFC Championship Games), in 1984 (the 1983 NFC and AFC Divisional Playoff Games), in 1989 (the 1988 NFC and AFC Divisional Playoff Games), in 1995 (the second half of the 1994 NFC and AFC Wild Card Games), and in", + "score": 0.759765625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "4639916", + "title": "National Football League on television", + "text": "games on New Year's Day when it falls on a Sunday. Historically, this was in deference to the numerous college football bowl games traditionally held on New Year's Day; in recent years, New Year's Day has consistently fallen in the last week of the NFL's regular season, and the league's policy is to play all of the last games of the week on one day (Sunday, which, if it falls on January 1, typically prompts the bowl games on that day (and the NHL Winter Classic) to be postponed until the following Monday, January 2) to ensure an equal amount", + "score": 0.74462890625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "919947", + "title": "Pasadena, California", + "text": "the Tournament of Roses Rose Bowl Game, every New Year's Day. In 1895, the Tournament of Roses Association was formed to take charge of the parade. In 1902, the association declared that a football game would be added to the day's events. This was the first post-season college football game to be played on New Year's Day; many other football stadiums followed suit. After two decades, the game outgrew its original facility, and a new stadium was constructed in the Arroyo Seco area. The new stadium hosted its first New Year's Day football game in 1923. It was soon christened", + "score": 0.74169921875, + "summary": "The Tournament of Roses Rose Bowl Game is played every New Year's Day in Pasadena, California, and it was the first post-season college football game to be played on that day in 1902.", + "extraction": "The football game played on New Year's Day is the Tournament of Roses Rose Bowl Game. Therefore, the answer to the question \"Who plays football on new years day 2018?\" is \"The Tournament of Roses Rose Bowl Game.\"" + }, + { + "id": "4639911", + "title": "National Football League on television", + "text": "Christmas falls on a Sunday, most of the games are to be played on the preceding day, Saturday, December 24, with two games scheduled for Christmas Night to be broadcast nationally. As in the 2006, 2011, and 2016 seasons, there have been 14 such contests on each Christmas Eve. The first NFL games played on December 25 came during the 1971 season. The first two games of the Divisional Playoff Round that year were held on Christmas Day. The first game that day was between Dallas Cowboys and the Minnesota Vikings. The second of the two contests played that day,", + "score": 0.73974609375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage only mentions games played on Christmas Eve and Christmas Day in past seasons, but does not provide information on football played on New Year's Day 2018." + }, + { + "id": "17091113", + "title": "College Football Playoff", + "text": "reduce the games' intrusion into New Year's Eve festivities, but reiterated that there were no plans to move the semi-final games from New Year's Eve outside of years where they are hosted by the Rose Bowl and Sugar Bowl. On July 28, 2016, however, Hancock reversed this stance and announced revisions to the scheduling for future College Football Playoff semi-final games. The games were rescheduled so that they will not necessarily be played on New Year's Eve yearly: outside of years when they are hosted by the Rose and Sugar Bowls (where they retain their traditional New Year's Day scheduling),", + "score": 0.7373046875, + "summary": "The College Football Playoff semi-final games were traditionally played on New Year's Eve but were rescheduled in 2016 to not necessarily be played on that day, except for years hosted by the Rose and Sugar Bowls. However, the document does not provide information on who played football on New Year's Day 2018.", + "extraction": "Football is played on New Year's Day 2018 is irrelevant." + }, + { + "id": "11515967", + "title": "National Football League Christmas games", + "text": "26; this rescheduling occurred for both the 1955 and the 1960 championship games. The American Football League compensated differently: the 1960 championship game was moved back by a full week, being played on New Year's Day 1961, with Christmas Sunday being an off-week. (The NFL's 1966 championship game was also held on Sunday, January 1, 1967, two weeks after the end of the regular season.) New Year's Day was an available day since the college bowl games were pushed forward to Monday, January 2 in those seasons. The AFL had scheduled the 1966 championship game for Monday afternoon December 26,", + "score": 0.73681640625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "20824336", + "title": "2018 Holiday Bowl", + "text": "2018 Holiday Bowl The 2018 Holiday Bowl is a college football bowl game that will be played on December 31, 2018. It will be the 41st edition of the Holiday Bowl, and will be one of the 2018\u201319 bowl games concluding the 2018 FBS football season. Sponsored by San Diego County Credit Union, the game will be officially known as the San Diego County Credit Union Holiday Bowl. The game will be played between Northwestern from the Big Ten Conference and Utah from the Pac-12 Conference. Northwestern was defeated in the 2018 Big Ten Football Championship Game on December 1", + "score": 0.7333984375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "11515964", + "title": "National Football League Christmas games", + "text": "the league plays on a Friday or Saturday). If Christmas falls on a Sunday, most games are moved to Saturday, Christmas Eve, and then one or two games are scheduled for Christmas Night to be broadcast nationally. One game is generally held over for the regular Monday night slot. This situation occurred in 2016 and will occur again in 2022. In rare cases when a game must be played on the evening of Christmas Eve, the game is typically hosted on the West Coast of the United States so that the game takes place in the late afternoon there, and", + "score": 0.732421875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "2179808", + "title": "Rose Bowl Game", + "text": "hosts one of its semifinal games every three years. During non-Playoff years, the Rose Bowl reverts to its traditional Pac-12/Big Ten matchup. Originally titled the \"Tournament East\u2013West football game\", the first Rose Bowl was played on January 1, 1902, starting the tradition of New Year's Day bowl games. The football game was added in 1902 to help fund the cost of the Rose Parade. The inaugural game featured Fielding H. Yost's dominating 1901 Michigan team, representing the East, which crushed a previously 3-1-2 team from Stanford University, representing the West, by a score of 49\u20130 after Stanford quit in the", + "score": 0.73046875, + "summary": "The Rose Bowl Game is played on New Year's Day every three years as part of the College Football Playoff. In non-Playoff years, it hosts a traditional Pac-12/Big Ten matchup. The first Rose Bowl was played on January 1, 1902, starting the tradition of New Year's Day bowl games.", + "extraction": "On January 1, 2018, it is unclear who played football in the Rose Bowl game. The given passage only provides the history of the Rose Bowl game and its origin. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "11515963", + "title": "National Football League Christmas games", + "text": "Two games were played each Christmas Day from 2004 to 2006 and then from 2016 to 2017. In recent years, the NFL has scheduled games on Christmas Day only if it falls on a Saturday, Sunday, or Monday. The NFL scheduled one Friday Christmas game, in 2009, a very rare occasion for an NFL game to be played on a Friday (because Christmas falls outside the window set in the Sports Broadcasting Act of 1961 that prohibits pro football telecasts on those days for most of the regular season, it is one of the few times of the year when", + "score": 0.7275390625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "11515974", + "title": "National Football League Christmas games", + "text": "games to be played in the regular season on Christmas; the USFL planned a complete set of four games for Christmas Day. The USFL suspended operations prior to the 1986 season and the games were never played. Finally, in 1989, the NFL tried another Christmas Day game, the Cincinnati Bengals at the Minnesota Vikings, but it was a 9 p.m. ET \"ABC Monday Night Football\" contest, thereby avoiding interfering with family dinners. The NFL pushed the regular season back one week in 1989 as a one-off experiment, meaning Christmas would fall during the last week of the regular season instead", + "score": 0.72607421875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "2182646", + "title": "Sugar Bowl", + "text": "with a \"Fiesta of the American Tropics\" that was centered around a New Year's Day football game. Although a second \"Fiesta\" was never held, Miami leaders later revived the idea with the \"Palm Festival\" (with the slogan \"Have a Green Christmas in Miami\"). The football game and associated festivities of the Palm Festival were soon named the \"Orange Bowl.\" In New Orleans, Louisiana, the idea of a New Year's Day football game was first presented in 1927 by Colonel James M. Thomson, publisher of the \"New Orleans Item\", and Sports Editor Fred Digby. Every year thereafter, Digby repeated calls for", + "score": 0.72265625, + "summary": "The document is irrelevant to the question.", + "extraction": "Irrelevant. The passage provides information about the history of football games on New Year's Day, but it does not mention any specific football game or team playing on New Year's Day 2018." + }, + { + "id": "11515977", + "title": "National Football League Christmas games", + "text": "moved to Christmas Eve while one game was set aside for \"NBC Sunday Night Football\". That game was played between the Bears and Packers at Lambeau Field \u2013 the second time that these two teams played at that venue on Christmas. Unlike 2005, there was not a second Christmas Day game, due to changes in the NFL's television contracts since the last time Christmas landed on a Sunday during that year. Christmas again fell on a Sunday in 2016. As in previous years, the majority of games were moved to Christmas Eve and \"Sunday Night Football\" got one game, along", + "score": 0.72216796875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "20309361", + "title": "New Year's Six", + "text": "to compete in the BCS National Championship Game. The system was in place for the 1998 through 2013 seasons and in 2014 was replaced by the College Football Playoff. The four-team playoffs consist of two semifinal games, with the winners advancing to the College Football Playoff National Championship. If New Year's Day falls on a Sunday, those games traditionally on New Year's Day will be played the next day on January 2 in deference to the National Football League's Week 17, which marks the end of the NFL regular season. In June 2012, the BCS conference presidents approved the College", + "score": 0.72119140625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "10141699", + "title": "Christmas Bowl", + "text": "Christmas Bowl The is the annual Japanese high-school American football championship game. In a way similar to the Super Bowl, the top two teams from throughout Japan come together in Tokyo Stadium to play against each other for the championship. As with most American Football leagues, the league setup is split into two regions \u2014 Kant\u014d and Kansai \u2014 and the champions of each region play in the Christmas Bowl. It takes place on even years in Kansai and on odd years in Kant\u014d. Since 2001, the Kant\u014d match takes place in Ajinomoto Stadium. Surprising as it may seem, the", + "score": 0.720703125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "19135819", + "title": "2018 NFL season", + "text": "2018 NFL season The 2018 NFL season is the 99th season of the National Football League (NFL). The season began on September 6, 2018, with the NFL Kickoff Game with the defending Super Bowl LII champion Philadelphia Eagles defeating the Atlanta Falcons 18\u201312. The season will conclude with Super Bowl LIII, the league's championship game, on February 3, 2019, at Mercedes-Benz Stadium in Atlanta, Georgia. The 2018 NFL League year and trading period began on March 14. On March 9, clubs were allowed to exercise options for 2018 on players who have option clauses in their contracts, submit qualifying offers", + "score": 0.720703125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "11515985", + "title": "National Football League Christmas games", + "text": "situation, with the Denver Broncos playing the Oakland Raiders in what could be the final NFL game played in Oakland before the team's scheduled move to Las Vegas in 2019. When Christmas Eve falls on a Thursday, as it did in , the \"Thursday Night Football\" game can be moved to Friday on Christmas. The 2009 game was between the Chargers and the Tennessee Titans in Nashville, with a special start time of 7:30 PM Eastern/6:30 PM Central. The league chose not to exercise this option in , when it scheduled a Thursday night Christmas Eve game between the Chargers", + "score": 0.72021484375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "11515978", + "title": "National Football League Christmas games", + "text": "with a special Sunday afternoon edition of \"Thursday Night Football\" exclusive to NFL Network. Under current TV contracts, the only other time two games would be played on Christmas would be when it falls on a Monday (NBC's game is moved from Sunday during that weekend which is not included in flexible scheduling, while ESPN would air its regular Monday night game as well), as it did in 2006 and 2017. Christmas next arrives on a Monday in 2023; the TV rights will be determined in the next contract. In the event that Christmas falls on a Thursday, as it", + "score": 0.71875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "4639877", + "title": "National Football League on television", + "text": "cable channels (Monday, Thursday, and Saturday games) are fixed in place and cannot be changed to Sunday night, as are games during Christmas weekend whenever Christmas Day falls on a Sunday, as it was in 2011 (most games are played on Christmas Eve Saturday instead). It also increases the potential for teams to play on consecutive Sunday nights, as the 2007 Patriots, 2007 Washington Redskins, the 2008 Giants the 2012 49ers, the 2016 Cowboys, 2018 Vikings and 2018 Rams did (the Patriots hosted the Philadelphia Eagles the week following the second matchup with the Bills as scheduled, the Redskins were", + "score": 0.71875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "52158", + "title": "Boxing Day", + "text": "Kingdom, it is traditional for all top-tier football leagues in England, Scotland and Northern Ireland, the Premier League, the Scottish Premiership and the NIFL Premiership, and the lower ones, as well as the rugby leagues, to hold a full programme of football and rugby union matches on Boxing Day. Originally, matches on Boxing Day were played against local rivals to avoid teams and their fans having to travel a long distance to an away game on the day after Christmas Day. Prior to the formation of leagues, a number of traditional rugby union fixtures took place on Boxing Day each", + "score": 0.71875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "7115813", + "title": "Edinburgh derby", + "text": "resurrected in 2006 and has not been contested since. An Edinburgh derby match has traditionally been played at New Year, as both 1 January and 2 January are bank holidays in Scotland. The New Year derby match has sometimes not taken place in recent years, due to scheduling policy. Of the 94 Edinburgh derbies played at New Year, Hibs hold a slight lead of 32 wins to 30 wins by Hearts. During the 1940 New Year's Day match, Easter Road was covered with a thick fog that would normally cause a football match to be abandoned. Due to the match", + "score": 0.7177734375 + }, + { + "id": "11515980", + "title": "National Football League Christmas games", + "text": "the Arizona Cardinals hosted the Dallas Cowboys on ABC's \"Monday Night Football\" in 1995, and on the NFL Network in 2010. However, in this case, each game was played at a different venue \u2013 the 1995 game at Sun Devil Stadium (where the Cowboys won Super Bowl XXX a month later), and the 2010 game at University of Phoenix Stadium. \"By Franchise (as of 2017 NFL Season)\" There have also been several games played on Christmas Eve over the years, the most famous of these being an Oakland Raiders-Baltimore Colts playoff contest in which culminated in a play immortalized as", + "score": 0.71728515625 + }, + { + "id": "4639915", + "title": "National Football League on television", + "text": "a 9:00 p.m. ET \"Monday Night Football\" contest, thereby not conflicting with family dinners. In the years since, the NFL has played an occasional late-afternoon or night game on the holiday but there has not been a Christmas Day game starting earlier than 4:30 p.m. ET since 1971. There have also been several games played on Christmas Eve over the years, including an Oakland Raiders\u2013Baltimore Colts playoff contest in 1977 which culminated in a play known as \"Ghost to the Post\". These games have typically been played during the afternoon out of deference to the holiday. The NFL only stages", + "score": 0.71728515625 + }, + { + "id": "19861351", + "title": "2016 Poinsettia Bowl", + "text": "2016 Poinsettia Bowl The 2016 Poinsettia Bowl was a college football bowl game played on December 21, 2016 at Qualcomm Stadium in San Diego, California. The twelfth and final edition of the Poinsettia Bowl featured the BYU Cougars against the Wyoming Cowboys. It began at 6:00 PM PST and aired ESPN. It was one of the 2016\u201317 bowl games concluding the 2016 FBS football season. Sponsored by San Diego County Credit Union, the game was officially known as the San Diego County Credit Union Poinsettia Bowl. This was the final edition of the Poinsettia Bowl as the bowl's operator, the", + "score": 0.7138671875 + }, + { + "id": "9016231", + "title": "Thursday Night Football", + "text": "eliminated all but one of the Saturday night games and started their Thursday night package three weeks earlier. This was done to accommodate the earlier schedule and the league's antitrust exemption that prohibits Saturday games from being held for most of the season. In the following season, all references to \"Saturday Night Football\" were dropped, and any games that are not played on Thursday (such as in 2016, two Christmas weekend games and an NFL International Series game) have since been branded as \"special editions\" of \"Thursday Night Football\", and later \"Thursday Night Special\" or \"NFL Network Special\". The Thanksgiving", + "score": 0.7138671875 + }, + { + "id": "17091112", + "title": "College Football Playoff", + "text": "proposed moving the Thursday, December 31, 2015 semifinal games to Saturday, January 2, 2016, the idea was rejected. The semifinal games' ratings were ultimately down significantly from those of the previous season. In an effort to reduce the impact of their New Year's Eve scheduling, the 2016 semifinal games, which fell on a Saturday, had earlier kickoff times, at 3:00 p.m. and 7:00 p.m. ET respectively. The 2016 Orange Bowl was played in primetime on December 30, 2016, rather than in an early afternoon window on New Year's Eve. Hancock considered the earlier start times to be a compromise to", + "score": 0.71142578125 + }, + { + "id": "9277489", + "title": "NFL Kickoff Game", + "text": "want to be a distraction. 2016: The Denver Broncos hosted the 2016 Kickoff Game at Sports Authority Field at Mile High against the Carolina Panthers on September 8, in a Super Bowl 50 rematch. (As the Republican and Democratic conventions were both scheduled for July 2016, there was no scheduling conflict with them as there was in 2008 and 2012, nor were there conflicts with any other sports team in Denver that night.) The Broncos debuted Trevor Siemian as their new starting quarterback after both quarterbacks who started games in 2015 left the team; Peyton Manning (who played the entirety", + "score": 0.7109375 + }, + { + "id": "9131673", + "title": "NFL on Thanksgiving Day", + "text": "NFL on Thanksgiving Day Since its inception in 1920, the National Football League has played games on Thanksgiving Day, patterned upon the historic playing of college football games on and around the Thanksgiving holiday. Since 1978, the NFL's Thanksgiving Day games have traditionally included one game hosted by the Detroit Lions, and one game hosted by the Dallas Cowboys. Since 2006, with the advent of the NFL's then-new \"Thursday Night Football\" package, a third primetime game has also been played on Thanksgiving. Unlike the traditional afternoon games, this game has no fixed host and has featured different teams annually. The", + "score": 0.708984375 + }, + { + "id": "19380299", + "title": "2017 NHL Winter Classic", + "text": "Winter Classic and college football bowl games by scheduling the 2017 Winter Classic for Monday, January 2, instead of its customary New Year's Day scheduling. The league then announced an outdoor game would be played on New Year's Day in Toronto, known as the Centennial Classic\u2014a re-match of the 2014 Winter Classic between the Toronto Maple Leafs and the Detroit Red Wings. It would be held at BMO Field to commemorate the centennial season of the Maple Leafs, and the beginning of the NHL's centennial year. The St. Louis Blues won 4-1 behind goalie Jake Allen's 22 saves, and with", + "score": 0.70849609375 + }, + { + "id": "11515975", + "title": "National Football League Christmas games", + "text": "of the first round of the playoffs. Starting with the following season, the league added a bye week, making Christmas permanently fall during the regular season. In the years since, the NFL has played an occasional late-afternoon or night game on the holiday, but there has not been a Christmas Day game starting earlier than 4:30 p.m. ET since 1971. In 1993, NBC aired a Christmas game for the first time since 1971, when the Houston Oilers visited the San Francisco 49ers, with a kickoff time of 5 PM Eastern/2 PM Pacific. ESPN aired a Christmas game for the first", + "score": 0.70751953125 + }, + { + "id": "6553508", + "title": "American football on Thanksgiving", + "text": "the NFL upon its founding in 1920, and as such, the NFL has played on Thanksgiving ever since. The Detroit Lions and the Dallas Cowboys have played home games on Thanksgiving since 1934 and 1966, respectively, in a traditional series of NFL games. Beginning in 2006, the NFL added a third game on Thanksgiving night with a rotating host team. The rival American Football League also played on Thanksgiving in the 1960s, as did the All-America Football Conference in the 1940s and the original AFL in 1926. In the Canadian Football League, where games are played on Canadian Thanksgiving, the", + "score": 0.70703125 + }, + { + "id": "9277490", + "title": "NFL Kickoff Game", + "text": "of Super Bowl 50) retired and Brock Osweiler left as a free agent. 2017: The defending Super Bowl LI champions, the New England Patriots, hosted the Kansas City Chiefs for the 2017 Kickoff Game at Gillette Stadium. Goodell visited Gillette Stadium for the Kickoff Game, having been absent from the venue since the 2014 season. 2018: The defending Super Bowl LII champions, the Philadelphia Eagles hosted the Atlanta Falcons for the 2018 Kickoff Game at Lincoln Financial Field, in a rematch of their 2017 Divisional Playoff Game. \"Winning team labeled in bold.\" * \u2013 Game was not yet hosted by", + "score": 0.70703125 + }, + { + "id": "4639881", + "title": "National Football League on television", + "text": "was protected by CBS, which would have to air it in the regional 4:05 p.m. timeslot because the game was in Denver and the network did not have doubleheader rights that week. CBS thus allowed NBC to pick up the telecast for a nationwide broadcast. FOX and CBS cannot protect games in week 17. In years when Christmas falls on Sunday (like in 2016) or on Monday (like in 2017), the NFL schedules its main slate of afternoon games on Christmas Eve (which would fall on Saturday or Sunday) without a prime time game, as NBC's game would be moved", + "score": 0.70654296875 + }, + { + "id": "20472711", + "title": "2017 Holiday Bowl", + "text": "season featured wins against then-#5 USC and then-#18 Stanford. 2017 Holiday Bowl The 2017 Holiday Bowl was a postseason college football bowl game, played at SDCCU Stadium in San Diego, California, on December 28, 2017. The 40th edition of the Holiday Bowl featured the Michigan State Spartans of the Big Ten Conference versus the Washington State Cougars of the Pac-12 Conference. It was one of the 2017\u201318 bowl games concluding the 2017 FBS football season. Sponsored by San Diego County Credit Union, the game was officially known as the San Diego County Credit Union Holiday Bowl. This was Michigan State's", + "score": 0.70556640625 + }, + { + "id": "20244481", + "title": "2017 Orange Bowl", + "text": "2017 Orange Bowl The 2017 Orange Bowl was a college football bowl game played on December 30, 2017 at the Hard Rock Stadium in Miami Gardens, Florida. The contest was televised on ESPN with a radio broadcast on ESPN Radio, kickoff was at 8:00 PM (EST). It was one of the 2017\u201318 bowl games that concluded the 2017 FBS football season. The 84th Orange Bowl, the game was sponsored by the Capital One financial services organization, and was officially known as the Capital One Orange Bowl. The 2017 Orange Bowl featured the Wisconsin Badgers (12\u20131), champions of the Big Ten", + "score": 0.705078125 + }, + { + "id": "11515979", + "title": "National Football League Christmas games", + "text": "did in 2014 (it will not do so again until 2025), no \"Thursday Night Football\" will be played that week to avoid giving a team a potential three-day rest advantage going into the first round of the playoffs (if Christmas lands on a Thursday, it ends up in Week 17, the last week of the regular season, instead of the usual week 16). As is the standard for week 17, all 32 teams will play their final regular season game on Sunday, December 28. Only one other team has hosted the same team twice on Christmas over the years \u2013", + "score": 0.705078125 + }, + { + "id": "6829701", + "title": "NBC Sunday Night Football", + "text": "on CBS. As a result, the Cowboys wound up playing on consecutive Sunday nights \u2014 on the road against the New York Giants in Week 14 (which they lost, 10-7) & then at home against the Buccaneers in Week 15 (which they won, 26-20), and as a result, the Cowboys wound up playing back-to-back-to-back games on NBC, beginning with their post-Thanksgiving Thursday Night Game against Minnesota, their scheduled Week 14 game against the Giants, as mentioned, and their Week 15 Game against Tampa Bay, which was also previously mentioned. On January 15, 2017, NBC was scheduled to carry an AFC", + "score": 0.705078125 + }, + { + "id": "19381486", + "title": "2016\u201317 NCAA football bowl games", + "text": "at Raymond James Stadium in Tampa, Florida, on January 9, 2017. As with the 2015 season, the two semi-final bowls were held on New Year's Eve (Saturday, December 31, 2016), as the Rose Bowl and Sugar Bowl are guaranteed exclusive TV time slots on January 2 if New Year's Day fell on a Sunday (there is a gentleman's agreement to not play New Year's Day bowl games against NFL games, which are played as usual when New Year's Day falls on a Sunday), regardless of whether they will be hosting a semifinal game. To reduce the impact of the semi-final", + "score": 0.705078125 + }, + { + "id": "20472709", + "title": "2017 Holiday Bowl", + "text": "2017 Holiday Bowl The 2017 Holiday Bowl was a postseason college football bowl game, played at SDCCU Stadium in San Diego, California, on December 28, 2017. The 40th edition of the Holiday Bowl featured the Michigan State Spartans of the Big Ten Conference versus the Washington State Cougars of the Pac-12 Conference. It was one of the 2017\u201318 bowl games concluding the 2017 FBS football season. Sponsored by San Diego County Credit Union, the game was officially known as the San Diego County Credit Union Holiday Bowl. This was Michigan State's first appearance in a Holiday Bowl. The Spartans finished", + "score": 0.705078125 + }, + { + "id": "11998911", + "title": "1892 Wyoming Seminary vs. Mansfield State Normal football game", + "text": "100th anniversary of the game happened to occur on Monday, September 28, 1992. \"Monday Night Football\" celebrated \"100 years of night football\" with a game between the Los Angeles Raiders and the Kansas City Chiefs at Arrowhead Stadium. The Chiefs won 27\u20137 in front of 77,486 fans. 1892 Wyoming Seminary vs. Mansfield State Normal football game The 1892 Wyoming Seminary vs. Mansfield State Normal football game, played September 28, 1892, was the first-ever American football game played at night. The game was played between Wyoming Seminary (a private college preparatory school located in the Wyoming Valley of Northeastern Pennsylvania) and", + "score": 0.70458984375 + }, + { + "id": "11515986", + "title": "National Football League Christmas games", + "text": "and the Oakland Raiders. For , Christmas Eve fell on a Saturday. A reduced slate of 11 afternoon games were scheduled on Christmas Eve, as well as a primetime game (being broadcast as a special edition of \"Thursday Night Football\") between the Houston Texans and Cincinnati Bengals. National Football League Christmas games Christmas Day and Christmas Eve games in the National Football League are an occasional part of the league's schedule. In contrast to Thanksgiving Day games, however, they are not an annual occurrence; as of 2017, there have been just 19 Christmas Day games in the NFL's history. After", + "score": 0.7041015625 + }, + { + "id": "8150350", + "title": "2006\u201307 NCAA football bowl games", + "text": "Tech rally to win 31\u201324. The first bowl game scheduled for New Year's Day (January 1) was the Outback Bowl, which was played at Raymond James Stadium in Tampa, Florida, with the SEC's No. 17 University of Tennessee Volunteers challenging the Big Ten's unranked Pennsylvania State University Nittany Lions. Legendary Penn State coach Joe Paterno was set to return to the sidelines after an accident on the sidelines left him with a knee injury during their game at Wisconsin, but a steady drizzle throughout the game convinced the 80-year-old that he was not ready to return to the sidelines, instead", + "score": 0.7041015625 + }, + { + "id": "20607650", + "title": "1939\u201340 Northern Rugby Football League Wartime Emergency League season", + "text": "third coldest winter of the 20th century and the most severe in the United Kingdom since 1895. Heavy snow and prolonged cold periods, together with the lack of material to protect the pitches, meant that after the games played on Boxing Day 1939 no games were played in Yorkshire until 24 February when a single match, Hull F.C. v Leeds beat the weather; it was the following Saturday, 2 March 1940, before a full schedule resumed. A backlog of over 100 games built up and it became apparent that it would be impossible to complete the fixtures by the end", + "score": 0.703125 + }, + { + "id": "6829700", + "title": "NBC Sunday Night Football", + "text": "was moved to the 4:25 p.m. ET slot as the second game of the doubleheader on CBS. With the aforementioned Week 16 matchup between the Broncos and the Chiefs already being scheduled for Christmas night (December 25), that was the second time that NBC has shown both meetings of division rivals during a regular season. On December 4, 2016, the NFL announced that it had flexed the Tampa Bay Buccaneers-Dallas Cowboys game into the Sunday night slot for Week 15, replacing the originally-scheduled Pittsburgh Steelers-Cincinnati Bengals game, which was moved to the 1:00 p.m. ET slot as the early game", + "score": 0.703125 + }, + { + "id": "14137384", + "title": "2011 NFL season", + "text": "game is held over for Sunday night. The Packers defeated the Bears, 35\u201321, on Christmas evening on NBC. New Year's Day 2012 consequently also fell on a Sunday, and the NFL played its entire Week 17 schedule that day. The major college bowl games usually played on New Year's Day, as well as the NHL Winter Classic, were instead played on Monday, January 2. For the second straight year, Week 17 only featured divisional match-ups. The New York Giants visited the Washington Redskins on September 11, 2011, the first Sunday of the regular season, to commemorate the tenth anniversary of", + "score": 0.70263671875 + }, + { + "id": "11515965", + "title": "National Football League Christmas games", + "text": "likewise, games played in the afternoon on Christmas Day are hosted in either the Eastern or Central time zones so that they do not start before 4 p.m. local time. This provides a window of roughly 20 hours of local time, spanning late Christmas Eve into Christmas Day, in which the league will not play. In the earliest days of professional football, the season typically ended near the end of November (marquee games were often played on Thanksgiving) or in the first week of December, depending on the team; exhibition games would then be held in the winter. Once league", + "score": 0.70166015625 + }, + { + "id": "11515969", + "title": "National Football League Christmas games", + "text": "the length of the latter game, the NFL received numerous complaints, reportedly due to the fact that it caused havoc with Christmas dinners around the nation. The league also came under fire from some quarters for intruding on a traditional religious and family holiday, and a Kansas state legislator proposed a bill to ban the scheduling of future games on December 25. As a result, the NFL decided to not schedule any Christmas Day games for the next 17 seasons. This required considerable effort during those years in which Christmas fell on a Saturday or a Sunday, given that ordinarily", + "score": 0.701171875 + }, + { + "id": "20089315", + "title": "2018 Down football season", + "text": "2018 Down football season The following is a summary of Down GAA's 2018 Gaelic football season. The draw for the 2018 Dr. McKenna Cup was made in November 2017. Down's tie against the University of Ulster was postponed due to an unplayable pitch. Down will play in Division Two of the National Football League in 2018. Fixtures for the 2018 National League were announced on 13 October 2017. Down's fifth fixture against Cavan was postponed due to 2018 Great Britain and Ireland cold wave. The game was re-scheduled for Saturday 10th March. Due to further snow in March the fixture", + "score": 0.701171875 + }, + { + "id": "9153318", + "title": "NFL preseason", + "text": "still occasionally played, usually with the NFL teams sending a rookie \"split squad\" to the game. The Atlanta Falcons rookies defeated the Alabama Hawks of the Continental Football League 55\u20130 in a 1969 contest. In 1972, the New York Jets rookies defeated the Long Island Chiefs of the then-second-tier Seaboard Football League 29\u20133. The 1976 All-Star Classic is the last game between an NFL team and one outside the league to date. Since 1977, no NFL team has played a team outside the league; this is in contrast to current practice in MLS, NBA, NHL and recent practice in baseball,", + "score": 0.701171875 + }, + { + "id": "20824344", + "title": "2018 Music City Bowl", + "text": "2018 Music City Bowl The 2018 Music City Bowl is a college football bowl game that will be played on December 28, 2018. It will be the 21st edition of the Music City Bowl, and will be one of the 2018\u201319 bowl games concluding the 2018 FBS football season. Sponsored by the Franklin American Mortgage Company, the game will be officially known as the Franklin American Mortgage Music City Bowl. The game will be played between Auburn from the Southeastern Conference (SEC) and Purdue from the Big Ten Conference. The teams have never played each other before. Purdue received and", + "score": 0.70068359375 + }, + { + "id": "284592", + "title": "National Football League", + "text": "games are not normally played on Fridays or Saturdays until late in the regular season, as federal law prohibits professional football leagues from competing with college or high school football. Because high school and college teams typically play games on Friday and Saturday, respectively, the NFL cannot hold games on those days until the third Friday in December. While Saturday games late in the season are common, the league rarely holds Friday games, the most recent one being on Christmas Day in 2009. NFL games are rarely scheduled for Tuesday or Wednesday, and those days have only been used twice", + "score": 0.70068359375 + }, + { + "id": "9508579", + "title": "Wembley Stadium", + "text": "one regular season game a year at Wembley since. On 21 August 2012, the Jacksonville Jaguars announced a four-year deal to become temporary tenants of Wembley by playing one regular season game each year between 2013 and 2016 and becoming the first team to return to Wembley in consecutive years. On 16 October 2012, the NFL announced there were to be two NFL regular season games played at Wembley Stadium during the 2013 season. The Pittsburgh Steelers at Minnesota Vikings on 29 September 2013 and the San Francisco 49ers at Jacksonville Jaguars on 27 October 2013. This is an attempt", + "score": 0.70068359375 + }, + { + "id": "18799671", + "title": "Football for Friendship", + "text": "was celebrated in 32 countries. In Russia, it was celebrated in nine cities: Moscow, St. Petersburg, Novosibirsk, Barnaul, Birobidzhan, Irkutsk, Krasnodar, Nizhny Novgorod and Rostov-on-Don. Nizhny Novgorod hosted a friendly match for young footballers from Volga FC, and adult players from the club conducted warm-up and training for the children. In a friendly match in Novosibirsk, disabled children took part \u2013 the Novosibirsk region team Yermak-Sibir. In 2017, Day of Football and Friendship was celebrated in 64 countries. Famous footballers, including Serbian defender Branislav Ivanovich, and Dutch striker Dirk Kuyt, took part in events around the world. In Greece, the", + "score": 0.7001953125 + }, + { + "id": "18769894", + "title": "2015\u201316 NCAA football bowl games", + "text": "from New Year's Eve events and television specials like \"New Year's Rockin' Eve\", which is aired by ABC\u2014a corporate sibling to CFP broadcaster ESPN. ESPN then proposed moving the semifinal games to January 2, 2016, a Saturday, arguing that the games would enjoy a higher level of prominence if held on a day of the week that is traditionally associated with college football. However, its proposal was rejected. CFP commissioner Bill Hancock suggested this scheduling issue would instead \"change the paradigm of what New Year's Eve is all about,\" opining that \"if you're hosting a New Year's Eve party, you", + "score": 0.69970703125 + }, + { + "id": "19878428", + "title": "2016 Holiday Bowl", + "text": "2016 Holiday Bowl The 2016 Holiday Bowl was a postseason college football bowl game, played at Qualcomm Stadium in San Diego, California, on December 27, 2016. The 39th edition of the Holiday Bowl featured the Minnesota Golden Gophers of the Big Ten Conference versus the Washington State Cougars of the Pac-12 Conference. Sponsored by small business loan company National Funding, the game is officially known as the National Funding Holiday Bowl. This was Minnesota's first appearance in the Holiday Bowl. On December 15, Minnesota players threatened to boycotted all football activity, including participation in the 2016 Holiday Bowl, in protest", + "score": 0.69970703125 + }, + { + "id": "19691449", + "title": "American Football (2016 album)", + "text": "reuniting for live performances. Holmes said the group realized that \"the time was ripe for three middle aged dudes to play some old songs about teenage feelings, and stand around tuning guitars for a long time.\" American Football, with the addition of Kinsella's cousin Nate playing bass, played a surprise show in August in Chicago. They then followed this up with playing a festival in September, then three shows in New York. Further dates running into December were also played, as well as the band's first UK shows the following May. The majority of the group's songs are created from", + "score": 0.69921875 + }, + { + "id": "16614716", + "title": "American football in the United Kingdom", + "text": "American football in the United Kingdom The sport of American football is played in the United Kingdom on both a domestic level and with international representation. The UK has also played host to various different American football games in association with the American National Football League (NFL), including (as of 2015) three regular-season NFL games. The first game of organised American football to be played in the UK was scheduled to be between US Navy servicemen from the USS \"Idaho\" on November 23, 1910, in a match sponsored by the \"Daily Mirror\" known as the Silver Cup. However, after the", + "score": 0.69921875 + }, + { + "id": "9153315", + "title": "NFL preseason", + "text": "San Francisco 49ers played the Baltimore Ravens in 2014, and the Los Angeles Rams played the Baltimore Ravens in 2018, both in Baltimore. The Arizona Cardinals, who are on the pacific time zone during August, have played the New England Patriots in 2006, the Pittsburgh Steelers in 2006 and 2009, the Washington Redskins in 2010, and Atlanta Falcons in 2017. The College All-Star Game, usually the first game of the preseason, was played annually in Chicago from 1934 to 1976, and featured the NFL (from 1966, World champion) against an all-rookie team of college all-stars. During the earlier years of", + "score": 0.69921875 + }, + { + "id": "9131677", + "title": "NFL on Thanksgiving Day", + "text": "of its players coached high school teams and were unavailable. This was not the case in other regional circuits: in 1919, the New York Pro Football League featured a Thanksgiving matchup between the Buffalo Prospects and the Rochester Jeffersons. The game ended in a scoreless tie, leading to a rematch the next Sunday for the league championship. Several other NFL teams played regularly on Thanksgiving in the first eighteen years of the league, including the Chicago Bears and Chicago Cardinals (1922\u201333; the Bears played the Lions from 1934 to 1938 while the Cardinals switched to the Green Bay Packers for", + "score": 0.69873046875 + }, + { + "id": "19189982", + "title": "Princeton\u2013Yale football rivalry", + "text": "Yale leads the series, 76\u201354\u201310. College of New Jersey captain Cyrus Dershimer led the Tigers to victory, 3\u20130, November 15, 1873, in the inaugural contest. \"A leather covered, egg-shaped projectile was tossed and kicked on a field that measured 120 yards in length and 75 yards in width.\" The College of New Jersey's trustees adopted the current name in 1896, announced during the school's sesquicentennial celebration. Yale won, 2\u20130, on Thanksgiving Day in Hoboken, New Jersey. The contest was the first football game of any type played on Thanksgiving Day. The 1879 game, a season-ending scoreless tie in Hoboken, was", + "score": 0.69873046875 + }, + { + "id": "20817916", + "title": "2019 Rose Bowl", + "text": "2019 Rose Bowl The 2019 Rose Bowl is a college football bowl game that will be played on January 1, 2019. It will be the 105th edition of the Rose Bowl Game, and will be one of the 2018\u201319 bowl games concluding the 2018 FBS football season. It will match the Big Ten champion Ohio State Buckeyes against the Pac-12 champion Washington Huskies. Sponsored by the Northwestern Mutual financial services organization, the game is officially known as the Rose Bowl presented by Northwestern Mutual. \"The Melody of Life\" is the theme chosen by Pasadena Tournament of Roses president Gerald Freeny.", + "score": 0.6982421875 + }, + { + "id": "10379951", + "title": "2008 NFL season", + "text": "score of 32\u201325.) Despite NFL tradition to play games on Christmas if the holiday lands on a day of the week when the NFL normally plays, and the fact that Christmas landed on a Thursday in 2008, the NFL opted not to hold a Christmas game this season, instead scheduling all of its week 17 matchups for Sunday, December 28. The NFL's Pro Bowl all-star game at the end of the season was played at Aloha Stadium in the Honolulu, Hawaii, for the 30th consecutive season. The league had the option under their current contract to hold the game elsewhere,", + "score": 0.6982421875 + }, + { + "id": "18600687", + "title": "2015 Lunar New Year Cup", + "text": "2015 Lunar New Year Cup 2015 Lunar New Year Cup (), also known as the Lunar New Year AET Cup 2015 () due to sponsorship reason, is the annual football event held in Hong Kong to celebrate the Chinese New Year. South China of Hong Kong Premier League were authorised by the Hong Kong Football Association to hold the 2015 event; and New York Cosmos of North American Soccer League were invited to participate. It was the first time an American football team had joined this event. The football march between these two teams was played in Hong Kong Stadium", + "score": 0.6982421875 + }, + { + "id": "20955377", + "title": "2019 NFL season", + "text": "a throwback jersey. The 2019 regular season's 256 games will be played over a 17-week schedule that is expected to begin on September 5, 2019. Each of the league's 32 teams will play a 16 game schedule, with one bye week. There will be games on Monday nights and on Thursdays, Including the National Football League Kickoff game and games on Thanksgiving Day. The regular season will conclude with a full slate of 16 games, tentatively scheduled for December 29, all of which are expected to be intra-division matchups, as it had been since . Under the NFL's current scheduling", + "score": 0.6982421875 + }, + { + "id": "11515968", + "title": "National Football League Christmas games", + "text": "but when the two leagues agreed to merge in 1970 and play a \"World Championship game\" starting with the 1966 season, the AFL game was moved back to Sunday, January 1. The first NFL games actually played on December 25 came after the merger, during the 1971\u201372 NFL playoffs. The first two games of the Divisional Playoff Round were held on Christmas Day; the first of these was between the Dallas Cowboys and the Minnesota Vikings, while the second of the two contests played that afternoon, the Miami Dolphins versus the Kansas City Chiefs, wound up being . Because of", + "score": 0.69775390625 + }, + { + "id": "9153403", + "title": "NFL regular season", + "text": "announced that the Jacksonville Jaguars will play one home game a season at Wembley, up to and including 2016, later extended to 2020. Their first game, versus the San Francisco 49ers, saw the 49ers winning comfortably. A second game was played at Wembley for the first time, with the Minnesota Vikings hosting and beating the Pittsburgh Steelers. Meanwhile, a record three fixtures were announced from the 2014 season, with the Jacksonville Jaguars hosting the Dallas Cowboys, the Atlanta Falcons hosting the Detroit Lions and the Oakland Raiders hosting the Miami Dolphins at Wembley. The Buffalo Bills played one regular season", + "score": 0.69775390625 + }, + { + "id": "9508581", + "title": "Wembley Stadium", + "text": "gave fans a unique four game window on this day. In 2015, another first occurred as the first ever divisional match took place at Wembley between the Miami Dolphins and New York Jets. On 30 October 2016, for the first time in an NFL game played outside the US, the game carried into overtime and subsequently ended in a tie (another first for both Wembley and a London Game) in a week 8 match between the Washington Redskins and the Cincinnati Bengals. The final score was 27\u201327. On 31 May 2014, Wembley Stadium hosted its first boxing event, featuring the", + "score": 0.697265625 + }, + { + "id": "6553490", + "title": "American football on Thanksgiving", + "text": "American football on Thanksgiving American football is one of the many traditions in American culture that is associated with Thanksgiving Day. Virtually every level of football, from amateur and high school to college and the NFL (including the CFL on Canadian Thanksgiving), plays football on Thanksgiving Day (Thursday) or the immediately following holiday weekend (Friday, Saturday, and Sunday). Thanksgiving Day football games in the United States are nearly as old as the game\u2014and the organized holiday\u2014themselves. The first Thanksgiving Day football game took place in Philadelphia, Pennsylvania on Thanksgiving Day of 1869, less than two weeks after Rutgers defeated Princeton", + "score": 0.697265625 + }, + { + "id": "9131674", + "title": "NFL on Thanksgiving Day", + "text": "concept of American football games being played on Thanksgiving Day dates back to 1876, shortly after the game had been invented, as it was a day that most people had off from work. In that year, the college football teams at Yale and Princeton began an annual tradition of playing each other on Thanksgiving Day. The University of Michigan also made it a tradition to play annual Thanksgiving games, holding 19 such games from 1885 to 1905. The Thanksgiving Day games between Michigan and the Chicago Maroons in the 1890s have been cited as \"The Beginning of Thanksgiving Day Football.\"", + "score": 0.697265625 + }, + { + "id": "20813355", + "title": "2018 Independence Bowl", + "text": "on December 2. The Blue Devils enter the bowl with a 7\u20135 record (3\u20135 in conference). Temple received and accepted a bid to the Independence Bowl on December 2. The Owls enter the bowl with a 8\u20134 record (7\u20131 in conference). 2018 Independence Bowl The 2018 Independence Bowl is a college football bowl game that will be played on December 27, 2018. It will be the 43rd edition of the Independence Bowl, and will be one of the 2018\u201319 bowl games concluding the 2018 FBS football season. Sponsored by Walk-On's Bistreaux & Bar, the game will be officially known as", + "score": 0.69677734375 + }, + { + "id": "19189986", + "title": "Princeton\u2013Yale football rivalry", + "text": "the current head coach of the Cowboys. Garrett was named NFL Coach of the Year for the 2016 season. Princeton defeated Yale 9\u20130 in front of a little more than 6,000 spectators on a blustery and cloudy afternoon at the Meadowlands, home to the NFL New York Jets and New York Giants. The following day's New York Times game story, by William N. Wallace, began: \"A century ago Princeton - Yale was the game, played at the Polo Grounds in New York from 1887 to 1896 before capacity crowds.\" That was not the case across the Hudson River just west", + "score": 0.69677734375 + }, + { + "id": "1804186", + "title": "Evansville Crimson Giants", + "text": "the Cincinnati Celts. However, when faced with poor field conditions and two days of heavy rain, Fausch made a last-minute cancellation. Rather than play before another small crowd and lose more money, he decided not to play at all. The Crimson Giants had now cancelled their last three games, one of which was to be played on Thanksgiving Day, the biggest football day of the year. As a result, the players received no money, and Fausch had to pay rent for an unused Bosse Field. Fausch made sure the next game would be played. The Cincinnati Celts were rescheduled and", + "score": 0.69677734375 + }, + { + "id": "11515962", + "title": "National Football League Christmas games", + "text": "National Football League Christmas games Christmas Day and Christmas Eve games in the National Football League are an occasional part of the league's schedule. In contrast to Thanksgiving Day games, however, they are not an annual occurrence; as of 2017, there have been just 19 Christmas Day games in the NFL's history. After the NFL held two Divisional Playoff games on Christmas Day 1971, the league avoided any more games on Christmas Day until 1989. Since then, the NFL has held occasional games on Christmas Day in some years, as part of week 16 or 17 of the regular season.", + "score": 0.69677734375 + }, + { + "id": "20817907", + "title": "2018 Orange Bowl", + "text": "2018 Orange Bowl The 2018 Orange Bowl is a college football bowl game that will be played on Saturday, December 29, 2018. It will be the 85th edition of the Orange Bowl. The Orange Bowl will be one of the two College Football Playoff semifinal games, with the winner advancing to the 2019 College Football Playoff National Championship. It will be one of the 2018\u201319 bowl games concluding the 2018 FBS football season. Sponsored by the Capital One Financial Corporation, the game will be officially known as the College Football Playoff Semifinal at the Capital One Orange Bowl. The game", + "score": 0.6962890625 + }, + { + "id": "20826042", + "title": "2018 New Orleans Bowl", + "text": "2018 New Orleans Bowl The 2018 New Orleans Bowl was a college football bowl game played on December 15, 2018, with kickoff scheduled for 9:00 p.m. EST (8:00 p.m. local CST). It was the 18th edition of the New Orleans Bowl, and one of the 2018\u201319 bowl games concluding the 2018 FBS football season. Sponsored by freight company R+L Carriers, the game was officially known as the R+L Carriers New Orleans Bowl. The game featured the Middle Tennessee Blue Raiders from Conference USA and the Appalachian State Mountaineers, the 2018 Sun Belt Conference champions. The teams previously met three times", + "score": 0.6962890625 + }, + { + "id": "20446344", + "title": "2017 Celebration Bowl", + "text": "2017 Celebration Bowl The 2017 Celebration Bowl was a post-season American college football bowl game that was played on December 16, 2017 at the Mercedes-Benz Stadium in Atlanta, Georgia. This third Celebration Bowl game matched the champion of the Mid-Eastern Athletic Conference, against the champion of the Southwestern Athletic Conference, the two historically black division I conferences. The event was the finale of the 2017 FCS football season for both conferences as neither had teams earn an at large selections into the NCAA Division I FCS football playoffs and their champions abstain from the tournament. The game kicked off at", + "score": 0.69580078125 + }, + { + "id": "9427546", + "title": "NBC's New Year's Eve", + "text": "final day of the regular season, with a game to be determined based on playoff implications (as had been the practice in previous seasons). However, the NFL ultimately decided against scheduling a primetime game at all, after determining that there were no games that presented a clear \"win or go home\" scenario not affected by earlier games (the league moved all games with playoff implications to the late-afternoon window in order to play them simultaneously). NBC scheduled reruns of \"Dateline\" and \"The Wall\" in place of the game, and \"New Year's Eve with Carson Daly\" was not broadcast. The special", + "score": 0.69580078125 + }, + { + "id": "6829695", + "title": "NBC Sunday Night Football", + "text": "against the Green Bay Packers. The 2016 schedule was released on April 14, 2016. NBC's first telecast of the season featured a rematch of Super Bowl 50 when the Denver Broncos played host to the Carolina Panthers, the first time the Super Bowl participants faced each other in Week 1 of the subsequent year since 1970. It also placed a Sunday night game (Philadelphia Eagles at Dallas Cowboys) against a World Series game for the seventh straight year. The Thanksgiving night match-up featured the Pittsburgh Steelers against the Indianapolis Colts, and for the first time since 2011, NBC carried a", + "score": 0.6953125 + }, + { + "id": "20510569", + "title": "Football at the 2018 Asian Games", + "text": "Football at the 2018 Asian Games Football at the 2018 Asian Games was held from 14 August to 1 September 2018 in Indonesia. One of the host cities, Palembang, hosted the women's event, while the men's matches are played in Bekasi, Cibinong, Cikarang, and Soreang. The Games' main stadium, the Gelora Bung Karno Stadium, Jakarta did not host the football events. The stadium hosted the ceremonies and the athletics. All the top 20 nations sent their national football teams to the Asian Games excluding India. A total of 25 men's team and 11 women's team competed at the Asian Games.", + "score": 0.6953125 + }, + { + "id": "1602214", + "title": "Monday Night Football", + "text": "from the NFL's flexible scheduling rule adopted for the 2006\u201307 season; the new rule applies only to CBS, Fox, and NBC's Sunday night games). The league currently has no interest in expanding flexible scheduling to include \"Monday Night Football\", citing the logistical issues of moving games back and forth between Sundays and Mondays. The franchise with the most Monday night appearances is the Miami Dolphins. The San Francisco 49ers won their record 48th Monday Night game with a 28\u20130 win over the Los Angeles Rams on September 12, 2016. The most common \"Monday Night Football\" pairings are Broncos vs. Raiders", + "score": 0.6953125 + }, + { + "id": "20929167", + "title": "2019 All-Ireland Senior Football Championship", + "text": "five-year deal running from 2017 until 2021. Sky Sports will also broadcast a number of matches and have exclusive rights to some games including some All-Ireland football super 8 matches. The Connacht county teams play London and New York on a rotational basis. The match involving New York is now a quarter final \u2013 it was last a preliminary game in 2017. The four teams who won the quarter-finals in the previous year are given byes to this year's quarter-finals. Six of the seven remaining teams play-off in the first round with the seventh team receiving a bye to the", + "score": 0.6953125 + }, + { + "id": "10874311", + "title": "ESPN Sunday Night Football results", + "text": "played on that day in particular because the Sunday that weekend was Christmas Eve, which the NFL avoids playing on for night games. The same thing happened in 1995 and 2000. The January 2 game between the Houston Oilers and New York Jets is best remembered for an incident near halftime when Oiler defensive coordinator Buddy Ryan punched offensive coordinator Kevin Gilbride. The December 14 game between the New York Giants and New Orleans Saints is remembered for an incident where, after scoring a touchdown, Saints wide receiver Joe Horn grabbed a cell phone hidden under the goalpost padding and", + "score": 0.69482421875 + }, + { + "id": "11521530", + "title": "NFL International Series", + "text": "in favor of adding a 4th game in London in 2017. The potential game in China was postponed (the third time the league has postponed playing in China, following failed attempts in 2007 and 2009) to being aimed for the 2019 season to coincide with the league's 100th anniversary. The league has indicated that a China game is still not certain because of the lack of a fan base in the country (NFL games are played in the middle of the night in China). In regard to future games outside London or Mexico, Mark Waller stated in 2017 that the", + "score": 0.69482421875 + }, + { + "id": "11515981", + "title": "National Football League Christmas games", + "text": "\"Ghost to the Post\". These games have typically been played early in the afternoon out of deference to the holiday. If Christmas Day falls on a Sunday (most recently in ), then most of the weekend's NFL games will be on the afternoon of Christmas Eve, except for a few games played on Thursday, Sunday, or Monday night in the league's regular prime-time TV packages. The 2004 season featured a Christmas Eve matchup on Friday afternoon, one of the rare instances when the league has played on Friday. The game (Green Bay Packers at Minnesota Vikings for the NFC North", + "score": 0.69482421875 + }, + { + "id": "5953100", + "title": "Labour Day Classic", + "text": "University of Guelph Gryphons (along with most Ontario University Athletics teams) were playing that same day, so the Tiger-Cats could not host the game. To make up for it, the Toronto at Hamilton matchup was played in the Thanksgiving Day Classic. For the 2016 contest, to avoid any further conflicts with OUA games, the CFL moved the Toronto/Hamilton matchup to prime time Labour Day evening. That year, the OUA's McMaster Marauders football team moved its Labour Day matchup with the Toronto Varsity Blues football squad to Tim Hortons Field, creating a doubleheader with a series of concerts in-between games. Although", + "score": 0.6943359375 + }, + { + "id": "16295769", + "title": "1942 National Football League All-Star Game (January)", + "text": "snowy weather kept the crowd down to 17,725. The game was originally planned to be played in Los Angeles where the first three All-Star games had been held, but it was moved to New York due to travel restrictions brought on by World War II. It was the first January football game ever held in New York. 1942 National Football League All-Star Game (January) The 1942 National Football League All-star Game (January) was the professional football league's fourth all-star game. The game pitted the Chicago Bears, the league's champion for the 1941 season, against a team of all-stars. The game", + "score": 0.6943359375 + }, + { + "id": "11521517", + "title": "NFL International Series", + "text": "to play a home game internationally. The Los Angeles Rams, upon relocating from St. Louis, agreed to host an international game from 2016\u20132019, while their new stadium is being built. The Los Angeles Chargers, who will be sharing the stadium with the Rams once it is completed, will also host an international game in 2018 and 2019, only getting out of the 2017 game because the team had executed its out clause to move from San Diego after the 2017 International Series games had been announced. The Raiders, who will spend the 2019 off-season in limbo due to the expiration", + "score": 0.69384765625 + }, + { + "id": "5751533", + "title": "Pro Football Hall of Fame Game", + "text": "p.m.\u2014an hour and 20 minutes before kickoff\u2014that the game was going to be canceled. However, fans in the stadium only learned of the pending cancellation via social media. No official announcement was made until just before the scheduled 8 p.m. kickoff. On December 28, 2016, the NFL announced that the 2017 edition of the game would be played on a Thursday (August 3). This scheduling change made the Hall of Fame Game the first event of the Hall of Fame Weekend. The 2018 game was also played on a Thursday (August 2). Come 2019, the game will be played on", + "score": 0.693359375 + }, + { + "id": "19195427", + "title": "2015 Holiday Bowl", + "text": "2015 Holiday Bowl The 2015 Holiday Bowl was an American college football bowl game played on December 30, 2015 at Qualcomm Stadium in San Diego, California. The 38th edition of the Holiday Bowl, it featured Wisconsin from the Big Ten Conference and USC from the Pac-12 Conference. It was one of the 2015\u201316 bowl games that concluded the 2015 FBS football season. The game started at 7:40 p.m. PST and was telecast on ESPN (also on ESPN Radio). The Badgers defeated the Trojans 23\u201321. This was the seventh overall meeting between these two teams, with USC leading the series 6\u20130", + "score": 0.693359375 + }, + { + "id": "20825709", + "title": "2018 Pinstripe Bowl", + "text": "2018 Pinstripe Bowl The 2018 Pinstripe Bowl is a college football bowl game that will be played on December 27, 2018. It will be the 9th edition of the Pinstripe Bowl, and will be one of the 2018\u201319 bowl games concluding the 2018 FBS football season. Sponsored by the New Era Cap Company, the game will be officially known as the New Era Pinstripe Bowl. Miami and Wisconsin will face each other in a rematch of the 2017 Orange Bowl, which Wisconsin won 34\u201324. The game will be played between teams from the Big Ten Conference and the Atlantic Coast", + "score": 0.693359375 + }, + { + "id": "6829654", + "title": "NBC Sunday Night Football", + "text": "3-2, to force a Game 6 of the World Series on November 1, while the Cowboys beat the Eagles, 29-23, in overtime. In 2017, the NFL once again scheduled the Steelers to play on \"SNF\", this time against the Detroit Lions on October 29. This game aired opposite Game 5 of the 2017 World Series between the Los Angeles Dodgers and the Houston Astros. Both the Steelers and the Lions have a baseball team in their respective home cities (Pittsburgh's Pirates and Detroit's Tigers, the latter plays their home games at nearby Comerica Park in Detroit), but neither of their", + "score": 0.693359375 + }, + { + "id": "5722334", + "title": "Poinsettia Bowl", + "text": "Poinsettia Bowl The Poinsettia Bowl was a post-season NCAA-sanctioned Football Bowl Subdivision college football bowl game played in San Diego, California, United States from 2005 to 2016. The game was originally played from 1952 to 1955 between military services teams; in 2005 it was re-created by the organizers of the Holiday Bowl. The new Poinsettia Bowls were played in late December each year at SDCCU Stadium in San Diego, California. The game's last sponsor was the San Diego County Credit Union, and it was named the San Diego County Credit Union Poinsettia Bowl. The original incarnation of the Poinsettia Bowl", + "score": 0.693359375 + }, + { + "id": "19924762", + "title": "2018 Pro Bowl", + "text": "2018 Pro Bowl The 2018 Pro Bowl was the National Football League's all-star game for the 2017 season, which was played at Camping World Stadium in Orlando, Florida on January 28, 2018. For the first time since 2008, the game started during afternoon hours instead of primetime hours for U.S. Mainland viewers with a 3:00 PM ET start. It marked the second year the game was played in Orlando. It was televised nationally by ESPN and simulcasted on ABC. The roster was announced on December 19 on NFL Network. The AFC team won the game 24\u201323, the second straight year", + "score": 0.693359375 + }, + { + "id": "6829696", + "title": "NBC Sunday Night Football", + "text": "Christmas Day game as the Broncos traveled to play the Kansas City Chiefs, a rematch of the Week 12 game in Denver that was flexed into that week's Sunday night slot. In addition, NBC carried five late season \"Thursday Night Football\" games in conjunction with NFL Network in a similar arrangement to the one NFLN has with CBS. As before, flexible scheduling rules went into effect in Week 5, with Week 16 excluded because the majority of the schedule was played on Christmas Eve. The final Sunday night game of the season \u2013 Sunday, January 1, 2017 \u2013 likewise was", + "score": 0.69287109375 + }, + { + "id": "2214938", + "title": "Big Game (American football)", + "text": "Big Game (American football) The Big Game is the name given to the Cal\u2013Stanford football rivalry. It is an American college football rivalry game played by the California Golden Bears football team of the University of California, Berkeley and the Stanford Cardinal football team of Stanford University. First played in 1892, it is one of the oldest college rivalries in the United States. Stanford leads the series 64\u201346\u201311. The game is typically played in late November or early December, and its location alternates between the two universities every year. In even-numbered years, the game is played at Berkeley, while in", + "score": 0.69287109375 + }, + { + "id": "20716124", + "title": "Football at the 2019 Pan American Games", + "text": "Football at the 2019 Pan American Games Football competitions at the 2019 Pan American Games in Lima, Peru are scheduled to be held from July 25 (the day before the opening ceremony) to August 9. The venue for the competition is the Estadio Universidad San Marcos, which seats up to 32,000 spectators. A total of eight men's and eight women's teams (each consisting up to 18 athletes) competed in each tournament. This means a total of 288 athletes are scheduled to compete. The men's competition is an under-22 level competition (born on or after January 1, 1997), with each team", + "score": 0.69287109375 + }, + { + "id": "6829710", + "title": "NBC Sunday Night Football", + "text": "the Philadelphia Eagles beat the New England Patriots in a rematch of Super Bowl XXXIX. The 2018 NFL season schedule was released in April. NBC's first telecast of the season was on September 6, 2018 featured the Super Bowl Champion Philadelphia Eagles defeating the Atlanta Falcons. For the ninth season in a row, the NFL placed a game against a World Series game, with the New Orleans Saints against the Minnesota Vikings, going up against the fifth (and final) game of the Fall Classic, between the Los Angeles Dodgers against the Boston Red Sox. This will also be the first", + "score": 0.6923828125 + }, + { + "id": "6553492", + "title": "American football on Thanksgiving", + "text": "may have been played under similar rules and perhaps involved some of the same participants, or at least people familiar with the game played at Rutgers, and a second match at Princeton, earlier that month. Princeton played Yale in the New York City area on Thanksgiving Day from 1876 through 1881. The Thanksgiving Day football game became an institutionalized fixture of organized football in 1882, when the Intercollegiate Football Association determined to hold an annual collegiate championship game in New York City on Thanksgiving Day between the two leading teams in the association. Previously, the 'Champion' was to be determined", + "score": 0.6923828125 + }, + { + "id": "19195428", + "title": "2015 Holiday Bowl", + "text": "before this game. The last time these two teams met was in 1966 when #5 USC defeated the unranked Badgers 38-3 in a regular season non-conference game. Source: 2015 Holiday Bowl The 2015 Holiday Bowl was an American college football bowl game played on December 30, 2015 at Qualcomm Stadium in San Diego, California. The 38th edition of the Holiday Bowl, it featured Wisconsin from the Big Ten Conference and USC from the Pac-12 Conference. It was one of the 2015\u201316 bowl games that concluded the 2015 FBS football season. The game started at 7:40 p.m. PST and was telecast", + "score": 0.6923828125 + }, + { + "id": "19380342", + "title": "NHL Centennial Classic", + "text": "opponent would not rate as highly as an all-U.S. matchup. The 2017 Winter Classic was ultimately awarded to Busch Stadium, and would feature the St. Louis Blues and the Chicago Blackhawks. As January 1, 2017 fell on a Sunday, the NHL followed the precedent of the 2012 Winter Classic and college football bowl games by scheduling the game Monday, January 2 instead of its traditional New Year's Day scheduling. This decision also opened the January 1 date for a special outdoor game awarded to Toronto, known as the Centennial Classic. The event honoured the centennial season of the Maple Leafs,", + "score": 0.6923828125 + } + ], + "answer": "The New Year's Six, sometimes abbreviated as NY6, is an unofficial but commonly used term that refers to the top six major NCAA Division I Football Bowl Subdivision (FBS) bowl games: the Rose Bowl, Sugar Bowl, Orange Bowl, Cotton Bowl, Peach Bowl, and Fiesta Bowl. These games are played annually on or around New Year's Day, and represent six of the ten oldest bowl games currently played at the FBS level. In 2018, the Peach Bowl, played on New Years Day, featured UCF vs Auburn. The same year, the Rose Bowl, also played on New Years Day, had Georgia vs Oklahoma. The 2018 Sugar Bowl featured Alabama vs Clemson, and was also played on New Years Day." + }, + { + "qa_pairs": [ + { + "context": "The current hospital, originally known simply as the Royal Liverpool Hospital, was designed to replace three other city centre acute hospitals that existed at the time \u2013 the Liverpool Royal Infirmary on Pembroke Place, the David Lewis Northern Hospital on Great Howard Street, and the Royal Southern Hospital on Caryl Street. It had been agreed to amalgamate the separate facilities on a site in close proximity to the University of Liverpool for the purposes of medical education and research. The site on which the current hospital now stands (on Prescot Street) was identified as part of the post-war regeneration of Liverpool. However, building on the main hospital did not commence until 1963. The first phase of the hospital was designed by Holford Associates and built by Alfred McAlpine between 1963 and 1969. The construction was plagued from the outset by problems of cost, time and quality, together with difficulties over fire certification due to changes in health and safety law whilst building work was ongoing. The second phase was completed and the hospital eventually opened in 1978.", + "question": "When does the new royal liverpool hospital open before redevelopment?", + "short_answers": [ + "1978" + ], + "wikipage": "Royal Liverpool University Hospital" + }, + { + "context": "No context provided", + "question": "When does the new royal liverpool hospital open after redevelopment?", + "short_answers": [ + "2022" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Royal Liverpool University Hospital", + "url": "https://en.wikipedia.org/wiki/Royal%20Liverpool%20University%20Hospital" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "A major redevelopment of the hospital began in 2013 and was scheduled for completion in 2017, but construction problems and the 2018 collapse of main contractor Carillion have pushed the estimated completion date back to 2022.\n\n", + "wikipage": "Royal Liverpool University Hospital" + } + ], + "long_answer": "Before redevelopment, the new royal liverpool hospital was opened in 1978 following the completion of the second phase of construction. Another major redevelopment of the hospital began in 2013 and was scheduled for completion in 2017, but construction problems and the 2018 collapse of main contractor Carillion have pushed the estimated completion date back to 2022. " + }, + { + "knowledge": [ + { + "content": "A major redevelopment of the hospital began in 2013 and was scheduled for completion in 2017, but construction problems and the 2018 collapse of main contractor Carillion have pushed the estimated completion date back to 2022.", + "wikipage": "Royal Liverpool University Hospital" + } + ], + "long_answer": "Prior to redevelopment, the new Royal Liverpool Hospital opened in 1978, while it will open in 2022 after redevelopment. A major redevelopment of the hospital began in 2013 and was scheduled for completion in 2017, but construction problems and the 2018 collapse of main contractor Carillion pushed the estimated completion date back to 2022." + } + ], + "sample_id": "-3421486869502537513", + "question": "When does the new royal liverpool hospital open?", + "docs": [ + { + "id": "4398073", + "title": "Royal Liverpool University Hospital", + "text": "until 1963. The first phase of the hospital was designed by Holford Associates and built by Alfred McAlpine between 1963 and 1969. The construction was plagued from the outset by problems of cost, time and quality, together with difficulties over fire certification due to changes in health and safety law whilst building work was ongoing. The second phase was completed and the hospital eventually opened in 1978. In December 2013 the landmark \u00a3429 million redevelopment of the Royal Liverpool University Hospital, procured under a Private Finance Initiative contract, reached financial close; its collaborative links with the University of Liverpool, and", + "score": 0.8046875, + "summary": "The new Royal Liverpool University Hospital opened in 1978.", + "extraction": "In December 2013 the landmark \u00a3429 million redevelopment of the Royal Liverpool University Hospital, procured under a Private Finance Initiative contract, reached financial close. Therefore, the new Royal Liverpool Hospital has already opened." + }, + { + "id": "15173676", + "title": "Knowledge Quarter, Liverpool", + "text": "the RLUH in 2012 were approved by the British Government, approximately \u00a3328m was to be spent constructing a new state-of-the-art hospital on the same site, with in excess of \u00a3100 million being spent on new equipment for the hospital. The 646 bed hospital was due to open in 2017 but the completion date slipped to 2018. In February 2018, the collapse of the construction company Carillion brought work on the hospital to a halt. Construction is not expected to be completed before the end of the year. The University of Liverpool was founded in 1881 as University College Liverpool and", + "score": 0.79443359375, + "summary": "The new Royal Liverpool Hospital was due to open in 2017, but the completion date slipped to 2018. However, due to the collapse of the construction company Carillion, construction is not expected to be completed before the end of the year.", + "extraction": "The new royal liverpool hospital was due to open in 2017 but the completion date slipped to 2018. Construction is not expected to be completed before the end of the year." + }, + { + "id": "17422926", + "title": "Clatterbridge Cancer Centre NHS Foundation Trust", + "text": "to cost \u00a3155 million in total. This includes both the building and equipping of the new hospital, and refurbishing the Trust's Wirral cancer centre. The new hospital is expected to open in 2019. The provision of chemotherapy and radiotherapy outpatient services at the Wirral and Aintree hospitals will continue once the new central Liverpool hospital opens. To enable patients located to the north and east of the River Mersey to receive more convenient access to cancer treatment, the centre operates a number of satellite centres and clinics within the Liverpool City Region and North West. Since 2010, the centre has", + "score": 0.787109375, + "summary": "The new Royal Liverpool Hospital is expected to open in 2019.", + "extraction": "The new hospital is expected to open in 2019." + }, + { + "id": "4398074", + "title": "Royal Liverpool University Hospital", + "text": "institutes on the Liverpool BioCampus, have given the city of Liverpool recognition as one of the leading UK centres for health research and innovation. The new Royal Liverpool University Hospital, which was designed by NBBJ and HKS and was being built by Carillion, was expected to be the largest all single-patient room hospital in the UK upon its originally scheduled completion of March 2017. In March 2017, the project was running more than a year late due to problems caused by asbestos, cracking concrete and bad weather, and further delays were announced in early January 2018. Less than a fortnight", + "score": 0.7744140625, + "summary": "The new Royal Liverpool University Hospital was originally scheduled to open in March 2017, but was delayed due to problems caused by asbestos, cracking concrete, and bad weather. Further delays were announced in January 2018.", + "extraction": "The new Royal Liverpool University Hospital was originally scheduled to be completed in March 2017, but due to various problems, it was delayed. There is no information in the passage about when the hospital will open. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "6762975", + "title": "Royal Liverpool and Broadgreen University Hospitals NHS Trust", + "text": "building project to replace the present hospital building with a new hospital with 18 theatres, 23 wards and 646 single bedrooms which is now largely built and was due to open in 2017. It is financed partly by a \u00a3100 million capital contribution from the government and partly by lonas and equity raised by a private finance initiative private sector company selected in a public sector run tender process. The PFI project company, The Hospital Company (Liverpool) Ltd will pay interest, from when the hospital is opened, at a rate of 4.9% on two long term loans (c 32 years", + "score": 0.77197265625, + "summary": "The new Royal Liverpool Hospital was due to open in 2017 and has 18 theatres, 23 wards, and 646 single bedrooms.", + "extraction": "The new hospital was due to open in 2017." + }, + { + "id": "15173675", + "title": "Knowledge Quarter, Liverpool", + "text": "2020 with the RCP using the bottom three and top four floors. The remaining seven floors are to be used by businesses in the education and science sectors. The Royal Liverpool University Hospital is the largest general hospital in the city with over 50 wards and 850 beds, the accident and emergency department itself is the largest of its kind in the United Kingdom. The RLUH building which is sited on Prescot Street was built between 1966 and 1978 and is currently affiliated with both the University of Liverpool and Liverpool John Moores University. In March 2010, plans to demolish", + "score": 0.75537109375, + "summary": "The document mentions the Royal Liverpool University Hospital, but does not provide a clear answer to when the new hospital will open. It is irrelevant to the question.", + "extraction": "The passage does not provide a useful span to answer the question about the opening date of the new Royal Liverpool Hospital. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "21012090", + "title": "Royal Southern Hospital", + "text": "the Duke of Connaught as the Royal Southern Hospital in May 1872. It joined the National Health Service in 1948. After services transferred to the Royal Liverpool Hospital, the Royal Southern Hospital closed in 1978. Royal Southern Hospital The Royal Southern Hospital was was located in Caryl Street, Liverpool. It was first established in 1842 and closed in 1978. The hospital had its origins in the Southern and Toxteth Hospital in Greenland Street which opened in January 1842. A concert given by Jenny Lind allowed an extra floor to be added to the building in the 1850s, shortly before it", + "score": 0.751953125, + "summary": "Irrelevant.", + "extraction": "irrelevant. The passage does not provide any information on the opening date of the new royal liverpool hospital. Instead, it talks about the history and closure of the Royal Southern Hospital." + }, + { + "id": "4433117", + "title": "Liverpool Royal Infirmary", + "text": "the 17th Earl of Derby on 7 July 1909. This building was designed by James Doyle and was opened by the 6th Earl of Sefton on 29 March 1911. The infirmary joined the National Health Service in 1948. After services transferred to the new Royal Liverpool Hospital on Prescot Street, the old building (subsequently referred to as the \"Waterhouse Building\") closed in 1978. The Waterhouse Building was acquired by the University of Liverpool in 1995 and departments that now use it include the Institute of Psychology, Health and Society. It was used by the BBC for filming \"Casualty 1907\" in", + "score": 0.7509765625, + "summary": "The document is irrelevant to the question as it mentions the opening and closure of Liverpool Royal Infirmary in the past, but does not provide information about the opening of the new Royal Liverpool Hospital.", + "extraction": "Irrelevant. The passage talks about the Liverpool Royal Infirmary and the old Waterhouse Building, but it does not provide any information about when the new Royal Liverpool Hospital opens." + }, + { + "id": "20868812", + "title": "Old Liverpool Hospital", + "text": "with stone entrance pillars, that was to remain, almost in its entirety, as a historical boundary for the site. This wall has limited the physical expansion of the site throughout its history and ensured that, while the site did not expand, the buildings and the land had a continual history of adaption, modification and reuse. Following the completion of the construction of the main building in 1829 (there were some outbuildings to be completed in the following years), the Liverpool Hospital was officially opened with the Colonial Medical Service tenanting the new building. With Liverpool being the new centre for", + "score": 0.74609375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "15173680", + "title": "Knowledge Quarter, Liverpool", + "text": "are planned. Liverpool International College hope to start work on a 13-storey tower block in May 2017. The block, which is hoped will be opened in January 2019, will have accommodation for 259 students as well as classrooms and a social hub. It was announced in March 2017 that a proton beam therapy cancer treament centre would be built next to the new Royal College of Physicians site. The \u00a335 million Rutherford Cancer Centre is intended to be operational in 2018, offering radiotherapy, chemotherapy and imaging services. Proton beam therapy will become available at the centre in 2019. The planned", + "score": 0.74560546875, + "summary": "The new Royal Liverpool Hospital site is not mentioned in the document, therefore the answer is irrelevant.", + "extraction": "The passage is irrelevant to the question as it does not provide any information about the opening of the new Royal Liverpool Hospital." + }, + { + "id": "21012089", + "title": "Royal Southern Hospital", + "text": "Royal Southern Hospital The Royal Southern Hospital was was located in Caryl Street, Liverpool. It was first established in 1842 and closed in 1978. The hospital had its origins in the Southern and Toxteth Hospital in Greenland Street which opened in January 1842. A concert given by Jenny Lind allowed an extra floor to be added to the building in the 1850s, shortly before it became the Southern Hospital in 1857. The foundation stone for a new purpose-built facility on Caryl Street was laid by the Earl of Derby in October 1867 and the new facility was formally opened by", + "score": 0.7451171875, + "summary": "irrelevant", + "extraction": "Irrelevant. There is no mention of the new Royal Liverpool Hospital in the given passage." + }, + { + "id": "17422928", + "title": "Clatterbridge Cancer Centre NHS Foundation Trust", + "text": "opened a chemotherapy centre at Warrington and Halton Hospitals NHS Foundation Trust's Halton General Hospital site to treat breast, bowel, lung, lymphoma, prostate and urological cancers. The Linda McCartney Centre is located in a converted, former nursing college at the Royal Liverpool University Hospital. It provides services for patients with bowel and breast cancers. The trust opened a unit dedicated to chemotherapy for gynaecological cancers at the Liverpool Women's Hospital, in February 2011. Treating breast, bowel, urology and lung cancers, The Marina Dalglish Centre was opened in 2007, having been converted from an old special care baby unit. Although this", + "score": 0.74462890625, + "summary": "The document is irrelevant to the question of when the new Royal Liverpool Hospital opens.", + "extraction": "The passage is irrelevant as it does not provide any information about when the new Royal Liverpool Hospital opens." + }, + { + "id": "4433118", + "title": "Liverpool Royal Infirmary", + "text": "2006. Liverpool Royal Infirmary The Liverpool Royal Infirmary was a health facility in Pembroke Place in Liverpool, England. The building is now used by the University of Liverpool. The infirmary has its origins in a small building on Shaw's Brow which was opened by the 11th Earl of Derby on part of the site which is now occupied by St George's Hall on 25 March 1749. The second incarnation of the infirmary was designed by John Foster in the Greek Revival style and opened on Brownlow Hill in September 1824. This building was renamed the Liverpool Royal Infirmary after a", + "score": 0.74169921875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the opening date of the new Royal Liverpool Hospital." + }, + { + "id": "21011289", + "title": "Liverpool Maternity Hospital", + "text": "closed in November 1995 and has since been converted into student accommodation. Liverpool Maternity Hospital The Liverpool Maternity Hospital was established as the Lying-in Hospital and Dispensary for the Diseases of Women and Children in Horatio Street, Scotland Road, Liverpool, in November 1841. It was replaced by the Liverpool Women's Hospital in November 1995. The hospital was established as the Lying-in Hospital and Dispensary for the Diseases of Women and Children in Horatio Street, Scotland Road, Liverpool, in November 1841. It moved to Pembroke Place in 1845 and to Myrtle Street in 1862 and, having become the Ladies Charity and", + "score": 0.7412109375, + "summary": "Irrelevant.", + "extraction": "The passage is irrelevant because it does not provide any information about the opening date of the new royal Liverpool hospital." + }, + { + "id": "4549110", + "title": "Liverpool One", + "text": "the largest open air shopping centre in the United Kingdom and the 6th largest overall. Each store was created by a different architect, thereby leading to quite stark differences between some buildings, and this is one way in which Liverpool ONE differentiates itself from other shopping centres. The majority of the development was opened in phases on 29 May 2008 and 1 October 2008, during Liverpool's year as European Capital of Culture, whilst the final residential units opened in early 2009. The cost of construction associated with the project was \u00a3500 million, with a total investment value of \u00a3920 million.", + "score": 0.73828125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the opening date of the new Royal Liverpool Hospital." + }, + { + "id": "4433115", + "title": "Liverpool Royal Infirmary", + "text": "Liverpool Royal Infirmary The Liverpool Royal Infirmary was a health facility in Pembroke Place in Liverpool, England. The building is now used by the University of Liverpool. The infirmary has its origins in a small building on Shaw's Brow which was opened by the 11th Earl of Derby on part of the site which is now occupied by St George's Hall on 25 March 1749. The second incarnation of the infirmary was designed by John Foster in the Greek Revival style and opened on Brownlow Hill in September 1824. This building was renamed the Liverpool Royal Infirmary after a visit", + "score": 0.7373046875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about the opening date of the new royal liverpool hospital." + }, + { + "id": "6750921", + "title": "Royal Victoria Hospital, Belfast", + "text": "within budget in autumn 2001 (for outpatient use), first bed occupancy in 2002 and official opening in 2003. The \u00a342 million hospital was officially opened on 2 September 2003 by HRH Prince Charles, 100 years after King Edward VII opened the first RVH on 27 July 1903 with Queen Alexandra. The new 29,000-m building replaced the red-brick Victorian hospital; it has gained a commendation in the Royal Society of Ulster Architects Design Awards and a commendation in the Irish Landscape Institute Awards of 2002. The \u00a325 million Imaging Centre is a stand-alone structure located between Block A and the existing", + "score": 0.73681640625, + "summary": "Irrelevant. The document is about the Royal Victoria Hospital in Belfast and does not mention the new Royal Liverpool Hospital or its opening date.", + "extraction": "Irrelevant. The passage only mentions the opening of the Royal Victoria Hospital in Belfast and does not provide any information about the new Royal Liverpool Hospital." + }, + { + "id": "4398071", + "title": "Royal Liverpool University Hospital", + "text": "Royal Liverpool University Hospital The Royal Liverpool University Hospital (RLUH) is a major teaching and research hospital located in the city of Liverpool, England. Alongside Broadgreen Hospital and Liverpool University Dental Hospital, the hospital is managed by the Royal Liverpool and Broadgreen University Hospitals NHS Trust and is associated with the University of Liverpool, Liverpool John Moores University and the Liverpool School of Tropical Medicine. The Royal Liverpool is the largest and busiest hospital in Merseyside and Cheshire, and has the largest emergency department of its kind in the UK. The current hospital, originally known simply as the Royal Liverpool", + "score": 0.73583984375, + "summary": "The document provides information about the Royal Liverpool University Hospital in Liverpool, England, but does not mention when the new hospital will open. Therefore, the answer is irrelevant.", + "extraction": "The passage does not provide a specific date or timeframe for the opening of the new Royal Liverpool Hospital, so the answer would be \"irrelevant\"." + }, + { + "id": "6762978", + "title": "Royal Liverpool and Broadgreen University Hospitals NHS Trust", + "text": "payments. In September 2016, the trust was selected by NHS England as one of twelve Global Digital Exemplars. In March 2018 it was the nineteenth worst performer in A%E in England, with only 60.2% of patients in the main A&E seen within 4 hours. Royal Liverpool and Broadgreen University Hospitals NHS Trust The Royal Liverpool and Broadgreen University Hospitals NHS Trust is an NHS Trust in Liverpool. It controls Royal Liverpool University Hospital, Broadgreen Hospital and Liverpool University Dental Hospital. The trust was formed in April 1995 from the merger of Broadgreen Hospital NHS Trust and Royal Liverpool University Hospitals", + "score": 0.73388671875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the opening date of the new Royal Liverpool hospital." + }, + { + "id": "13959388", + "title": "Royal Orthopaedic Hospital", + "text": "the and the Royal Orthopaedic and Spinal Hospital to form the Royal Cripples' Hospital at The Woodlands in 1925. After the joining the National Health Service in 1948, the Royal Cripples' Hospital became the Royal Orthopaedic Hospital. A new 8-million-pound out-patient department was opened in May 2011. Its 24 consultation rooms, treatment rooms and other facilities replaced the temporary out-patients buildings that had been used since 1992. The trust expects a deficit for 2014-15 of \u00a3200,000 and in 2015/6 a \u00a32m deficit target relies on delivering \"challenging\" savings of \u00a32.8m. It was named by the Health Service Journal as one", + "score": 0.732421875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention anything about the opening date of the new Royal Liverpool Hospital." + }, + { + "id": "6762973", + "title": "Royal Liverpool and Broadgreen University Hospitals NHS Trust", + "text": "Royal Liverpool and Broadgreen University Hospitals NHS Trust The Royal Liverpool and Broadgreen University Hospitals NHS Trust is an NHS Trust in Liverpool. It controls Royal Liverpool University Hospital, Broadgreen Hospital and Liverpool University Dental Hospital. The trust was formed in April 1995 from the merger of Broadgreen Hospital NHS Trust and Royal Liverpool University Hospitals NHS Trust. It also contains Liverpool's only hospital radio station. Radio Broadgreen broadcasts live from within the grounds of Broadgreen Hospital to all of its patients. The trust was the first UK organisation to adopt the Medworxx clinical utilisation management system in November 2011.", + "score": 0.7314453125 + }, + { + "id": "7941889", + "title": "Liverpool Hospital", + "text": "developments transformed the Hospital into a modern hospital with the facilities to undertake a wide variety of operations. Liverpool State Hospital closed in 1958, ending 107 years of service to aged, sick and destitute men from all parts of the world. All acute cases were transferred to the newly constructed Liverpool District Hospital which had been built adjacent to the old State Hospital. By May 1966, Liverpool had become the fifth largest district hospital in the metropolitan area. Each year 70,000 patients were being treated, severely taxing the capacity of the 222-bed hospital. When the new intensive and coronary care", + "score": 0.73095703125 + }, + { + "id": "21011287", + "title": "Liverpool Maternity Hospital", + "text": "Liverpool Maternity Hospital The Liverpool Maternity Hospital was established as the Lying-in Hospital and Dispensary for the Diseases of Women and Children in Horatio Street, Scotland Road, Liverpool, in November 1841. It was replaced by the Liverpool Women's Hospital in November 1995. The hospital was established as the Lying-in Hospital and Dispensary for the Diseases of Women and Children in Horatio Street, Scotland Road, Liverpool, in November 1841. It moved to Pembroke Place in 1845 and to Myrtle Street in 1862 and, having become the Ladies Charity and Lying-In Hospital in 1869, it moved to new purpose-built facilities in Brownlow", + "score": 0.72900390625 + }, + { + "id": "4398078", + "title": "Royal Liverpool University Hospital", + "text": "Liverpool, Liverpool John Moores University and the Liverpool School of Tropical Medicine. Royal Liverpool University Hospital The Royal Liverpool University Hospital (RLUH) is a major teaching and research hospital located in the city of Liverpool, England. Alongside Broadgreen Hospital and Liverpool University Dental Hospital, the hospital is managed by the Royal Liverpool and Broadgreen University Hospitals NHS Trust and is associated with the University of Liverpool, Liverpool John Moores University and the Liverpool School of Tropical Medicine. The Royal Liverpool is the largest and busiest hospital in Merseyside and Cheshire, and has the largest emergency department of its kind in", + "score": 0.728515625 + }, + { + "id": "16227028", + "title": "Elma Yerburgh", + "text": "the men from Blackburn
And East Lancashire who fell in the Great War 1914\u20141918
The foundation stone was laid by Mrs. R.A. Yerburgh on May 24th 1924
and the opening ceremony performed by her on June 16th, 1928. Nine years later, a ward in the new wing was named after Mrs. Yerburgh. In 2006, the new Royal Blackburn Teaching Hospital was opened and the Royal Infirmary was closed. The property was sold to Barratt Homes and most of the old infirmary was demolished. The memorial wing has been retained for integration into the re-development of the site", + "score": 0.728515625 + }, + { + "id": "21011288", + "title": "Liverpool Maternity Hospital", + "text": "Street in 1885. A foundation stone for a new facility in Oxford Street was laid by the Princess Mary, Viscountess Lascelles in March 1924 and it was officially opened by Christiana Hartley, the social and welfare rights activist, as the Liverpool Maternity Hospital in September 1926. Famous people born in the hospital included John Lennon who was born there in October 1940. It joined the National Health Service in 1948. The Walton sextuplets were born to Graham and Janet (n\u00e9e Leadbetter) Walton at the hospital in November 1983. After services transferred to the Liverpool Women's Hospital, the Liverpool Maternity Hospital", + "score": 0.72802734375 + }, + { + "id": "18356466", + "title": "Liverpool Women's Hospital", + "text": "was constructed in red brick with white cladding and light blue metal roofs. It was officially opened by Diana, Princess of Wales in November 1995. A sculpture entitled \"Mother and Child\" was erected outside the main entrance to the hospital in 1999 by Terry McDonald. Liverpool Women's Hospital Liverpool Women's Hospital is a major obstetrics, gynaecology and neonatology research hospital in Liverpool, England. It is one of several specialist hospitals located within the Liverpool City Region, alongside Alder Hey Children's Hospital, Liverpool Heart and Chest Hospital, the Walton Centre, Mersey Regional Burns and Plastic Surgery Unit and Clatterbridge Cancer Centre.", + "score": 0.7275390625 + }, + { + "id": "15173672", + "title": "Knowledge Quarter, Liverpool", + "text": "a large extension to IC1 opened containing 40,000 sq ft of commercial laboratory and office space. In total, the science park now provides 120,000 sq ft of high-specification grade A accommodation and laboratory space. The \u00a330 million NHS foundation trust Liverpool Women's Hospital was built in 1995 after the formation of The Liverpool Maternity Hospital, The Women's Hospital and Mill Road Hospital in 1985. Liverpool Women's is one of only two such hospitals in the United Kingdom, as well as being the largest hospital in Europe devoted entirely to women's health. Maternity services, gynaecology, gynaecologic oncology, neonatology, reproductive medicine and", + "score": 0.72509765625 + }, + { + "id": "17422925", + "title": "Clatterbridge Cancer Centre NHS Foundation Trust", + "text": "Clatterbridge Cancer Centre Foundation Trust announced in 2011 that this recommendation was being actioned, and would take advantage of separate, but concurrent, plans for the redevelopment of the Royal Liverpool University Hospital. Approval to move forward with the plan for the new cancer hospital on West Derby Street, Liverpool was given by the eight local authorities in December 2014. This followed a public consultation, which ran from July 2014 to October 2014. In October 2015, it was announced that the planned hospital will have 11 floors, and also include blood cancer treatment facilities. The Transforming Cancer Care project is expected", + "score": 0.7236328125 + }, + { + "id": "1512989", + "title": "Anfield", + "text": "Following the takeover of Liverpool F.C. on 6 February 2007 by George Gillett and Tom Hicks, the proposed stadium was redesigned. In November 2007 the redesigned layout was approved by the council, and construction was due to start in early 2008. The new stadium, provisionally called Stanley Park Stadium, was to be built by HKS, Inc.. It was scheduled to open in August 2011 with a capacity of 60,000. If the new stadium had been built, Anfield would have been demolished. The land would have become home to the centrepiece for the Anfield Plaza development, which would have included a", + "score": 0.72265625 + }, + { + "id": "12458408", + "title": "East Lancashire Hospitals NHS Trust", + "text": "the existing Queens Park Hospital (QPH) site in the town, formerly a Workhouse, so to merge the two sites into a single hospital for Blackburn, which had been planned since September 1996. Construction of the \"Royal Blackburn Hospital\" began in July 2003, with it being completed three years later. This meant the moving of many departments, and much publicity was made about the moving of the Accident & Emergency department, so to avoid public confusion of the exact time when the A&E at BRI shut, and the ED at the newly merged Royal Blackburn Hospital site opened. In Burnley, a", + "score": 0.72119140625 + }, + { + "id": "7337723", + "title": "History of Liverpool", + "text": "world firsts, including gaining the world's first fully electrically powered overhead railway, the Liverpool Overhead Railway, which was opened in 1893 and so pre-dated those in both New York City and Chicago. The built-up area grew rapidly from the eighteenth century on. The Bluecoat Hospital for poor children opened in 1718. With the demolition of the castle in 1726, only St Nicholas Church and the historic street plan - with Castle Street as the spine of the original settlement, and Paradise Street following the line of the Pool - remained to reflect the town's mediaeval origins. The Town Hall, with", + "score": 0.71923828125 + }, + { + "id": "249201", + "title": "Liverpool F.C.", + "text": "site. Following the takeover of the club by George Gillett and Tom Hicks in February 2007, the proposed stadium was redesigned. The new design was approved by the Council in November 2007. The stadium was scheduled to open in August 2011 and would hold 60,000 spectators, with HKS, Inc. contracted to build the stadium. Construction was halted in August 2008, as Gillett and Hicks had difficulty in financing the \u00a3300 million needed for the development. In October 2012, BBC Sport reported that Fenway Sports Group, the new owners of Liverpool FC, had decided to redevelop their current home at Anfield", + "score": 0.71875 + }, + { + "id": "18613535", + "title": "Liverpool Heart and Chest Hospital", + "text": "Liverpool Heart and Chest Hospital The Liverpool Heart and Chest Hospital is a National Health Service hospital in Liverpool. It is one of several specialist hospitals located within the Liverpool City Region, alongside Liverpool Women's Hospital, Alder Hey Children's Hospital, the Walton Centre, Mersey Regional Burns and Plastic Surgery Unit, and Clatterbridge Cancer Centre. It is managed by the Liverpool Heart and Chest Hospital NHS Foundation Trust. The hospital was established as the Cardiothoracic Centre, Liverpool in 1991. Ricky Tomlinson, the actor and comedian, was had heart surgery at the hospital in 2007. It became the Liverpool Heart and Chest", + "score": 0.71435546875 + }, + { + "id": "18714146", + "title": "Aintree University Hospital", + "text": "Aintree University Hospital Aintree University Hospital is a National Health Service hospital in Aintree, Merseyside. It is managed by Aintree University Hospitals NHS Foundation Trust. In 1898 Liverpool Corporation acquired land from the Harbreck estate with which to build a hospital. The hospital, initially known as the \"City Hospital North, Fazakerley, for Infectious Diseases\" opened in 1906. It became the \"Fazakerley Infectious Hospital\" in 1947 and, after joining the National Health Service in 1948, became the Fazakerley Hospital in 1968. The maternity unit was completed in 1969 and, after a major-rebuilding programme, the hospital reopened as the \"Fazakerley District General", + "score": 0.71337890625 + }, + { + "id": "5147959", + "title": "Royal Alexandra Children's Hospital", + "text": "the buildings. Construction of the new hospital started in July 2004 and cost \u00a336 million. The new building opened in June 2007, and the Dyke Road site was officially closed on 22 June 2007. To make way for the new facilities, the Royal Sussex County Hospital's renal unit had to be demolished; it was rebuilt on top of the multi-storey car park. On 31 January 2012, comedian Steve Coogan opened a paediatric accident and emergency unit\u2014Southeast England's first such department dedicated to children. The accident and emergency department at the Royal Sussex County Hospital had previously treated both adults and", + "score": 0.712890625 + }, + { + "id": "3864992", + "title": "Liverpool Empire Theatre", + "text": "Liverpool's being designated a European City of Culture the following year. It is sited in the William Brown Street Conservation Area. The first theatre on the site opened on 15 October 1866 and was named the \"New Prince of Wales Theatre and Opera House\". It was at that time Liverpool's largest theatre. On 29 July 1867 its name was changed to the \"Royal Alexandra Theatre and Opera House\" in honour of Princess Alexandra, Princess of Wales. The theatre closed in 1894, but was re-opened the following year under the ownership of Empire Theatre (Liverpool) Ltd. In 1896 the theatre was", + "score": 0.7109375 + }, + { + "id": "3862642", + "title": "Pier Head", + "text": "the Museum of Liverpool Life. The new museum, known as the Museum of Liverpool opened in 2011. Work also started in 2007 to build a canal link between the Leeds and Liverpool Canal and the South Docks. The \u00a322 million pound 1.6 mile extension to the Leeds and Liverpool Canal was officially opened on 25 March 2009 and opened to boaters at the end of April 2009. It links the of the existing canal to the city's South Docks, passing the Pier Head and the Three Graces. The site encompasses a trio of landmarks, built on the site of the", + "score": 0.7109375 + }, + { + "id": "7941890", + "title": "Liverpool Hospital", + "text": "unit was equipped in late 1970, it was said to be one of the most advanced in the world. In May 1972, a world first orthopaedic operation was performed at Liverpool Hospital. It was a new technique for repositioning and internal fixation of bones which enabled the patient to walk. The operation was recorded on colour television for the first time in Australia by special arrangement with the equipment suppliers. In 1974, the Don Everett Building, comprising 64 acute medical beds and a 40-bed psychiatric unit with an associated day care centre was built. In addition, a laminar flow theatre", + "score": 0.70947265625 + }, + { + "id": "7571443", + "title": "Royal Preston Hospital", + "text": "Royal Preston Hospital The Royal Preston Hospital is an acute general hospital in Preston, Lancashire, England. It is managed by the Lancashire Teaching Hospitals NHS Foundation Trust. The hospital was built in stages between 1975 and 1983; it was officially opened by the Princess of Wales on 1 June 1983. Further expansion took place to accommodate services transferred from the Preston Royal Infirmary, which closed in 1990, and the Sharoe Green Hospital which closed in 1992. A new children's unit was added in 1994 and a dedicated day case surgery unit was completed in 1996. Those reported to have died", + "score": 0.708984375 + }, + { + "id": "5710333", + "title": "Liverpool Medical Institution", + "text": "Liverpool Medical Institution The Liverpool Medical Institution is a historic medical organisation based in Liverpool, United Kingdom. Its building on the corner of Mount Pleasant and Hope Street was opened in 1837, but the site has been used as a medical library since 1779. The building is on the site of a former inn and a bowling green, which was the birthplace of the businessman and amateur scientist William Roscoe. In 1779 a group of local doctors created the Liverpool Medical Library. In 1833 the Liverpool Medical Society was formed. The two societies merged as the Liverpool Medical Institution, and", + "score": 0.70849609375 + }, + { + "id": "4398076", + "title": "Royal Liverpool University Hospital", + "text": "PFI contract. On 24 September 2018, it was reported that the government would step in to terminate the PFI deal, taking the hospital into full public ownership, meaning a \u00a3180m loss for private sector lenders Legal & General and the European Investment Bank. This was confirmed on 26 September 2018, with completion of the hospital in 2020 likely to cost an additional \u00a3120m, due to unforeseen issues left behind by Carillion. Construction work was expected to resume in November 2018. On 26 October 2018 Laing O'Rourke was confirmed as the contractor to complete the project, but, a month later, with", + "score": 0.7080078125 + }, + { + "id": "17174161", + "title": "Richmond Royal Hospital", + "text": "15th Earl of Shrewsbury, who changed the name to Shrewsbury House. In February 1868 it was opened as a hospital, by the Earl and Countess Russell. Additions were made to the building in 1896; the architects were Smith and Brewer. After Queen Victoria became the patron of the hospital, it became the Royal Hospital, Richmond in 1895. Princess May's Ward for Children was opened by the Duke and Duchess of York in July 1896 and the Swan Memorial Ophthalmic Wing was opened by the Prince and Princess of Wales in April 1907. The hospital joined the National Health Service in", + "score": 0.7080078125 + }, + { + "id": "20868809", + "title": "Old Liverpool Hospital", + "text": "direction of the governor of the time. The earliest surviving plans of the hospital construction, \"Plans and Elevation of the General Hospital Liverpool\", date from 1825/26. Being unsigned, there is no tangible evidence to indicate whether the original Greenway designs survived intact or in an altered form. With Brisbane's time as governor of the colony coming to an end in 1825, and the arrival of Governor Ralph Darling, the construction of the hospital was, once again, continued under the direction of a new governor. Although the walls of the hospital were complete and the roof construction was underway, it is", + "score": 0.70751953125 + }, + { + "id": "13601818", + "title": "Radio Broadgreen", + "text": "Broadgreen Hospital to set up and operate a service for the patients at the Broadgreen site. The new hospital radio station at Broadgreen Hospital was given the go-ahead and broadcasts began in October 1983. The official Radio Broadgreen opening took place on 19 October 1983 with the Lord Lieutenant A.E. Stoddart. When the opportunity arose to broadcast from both sites, Radio Newsham was renamed to Liverpool Hospital Broadcasting Service to reflect the fact that Liverpool Hospital Broadcasting Service had 2 stations broadcasting under its wing. Initially, programmes were produced at both stations with some presenters doing one show a week", + "score": 0.70751953125 + }, + { + "id": "14222947", + "title": "Wavertree Sports Park", + "text": "Nike Junior International in 2013 and 2014. Until recently, the Centre was closed to the public during the day but is now open from 9.00am every day for coaching and pay-and-play customers. The Liverpool Aquatic Centre is a \u00a317million development. It opened on 15 March 2008. The development has two swimming pools, one Olympic standard 8-lane 50 metre pool and a smaller four lane 20m pool. It cost \u00a32.1million to maintain in 2008. To fund the build, \u00a313m was borrowed by Liverpool City Council. The final bill will be \u00a331m, once the debt is repaid in 2008, at a cost", + "score": 0.70751953125 + }, + { + "id": "11979396", + "title": "Newsham Park Hospital", + "text": "amount. There was an immediate response to this letter, and further donations were received following a more widespread public appeal. In 1869. Account was opened in Heywoods Bank, Brunswick Street.Within a few months there was enough money for the General Committee to look round for a temporary home. On 9 August 1869, the Liverpool Seamen's Orphan Institution opened in temporary rented accommodation in Duke Street, and by the end of that year there were 46 boys and 14 girls in residence. On 7 April 1870, Liverpool Town Council gave 7000 square yards (0.6 hectares) of land on the north-east side", + "score": 0.70703125 + }, + { + "id": "3283776", + "title": "Royal Liver Building", + "text": "Royal Liver Building The Royal Liver Building is a Grade I listed building in Liverpool, England. It is located at the Pier Head and along with the neighbouring Cunard Building and Port of Liverpool Building is one of Liverpool's \"Three Graces\", which line the city's waterfront. It is also part of Liverpool's UNESCO-designated World Heritage Maritime Mercantile City. Opened in 1911, the building is the purpose-built home of the Royal Liver Assurance group, which had been set up in the city in 1850 to provide locals with assistance related to losing a wage-earning relative. One of the first buildings in", + "score": 0.7060546875 + }, + { + "id": "20868810", + "title": "Old Liverpool Hospital", + "text": "possible that the plans may well have undergone changes after 1825. By December 1829, the construction of the Liverpool Hospital was finally complete. After seven years of construction, and multiple suspected changes to its original design, the final building was a distinct departure from the simple box-like structures of many public buildings in the colony. This creative design, although possibly altered, is attributed to Greenway's design skills and the influence of the former Governor Macquarie on the creation of the civic environment in the colony. Despite construction commencing in 1822 (though officially in 1824) and finishing in 1829, the main", + "score": 0.7060546875 + }, + { + "id": "1423532", + "title": "Liverpool John Lennon Airport", + "text": "the story with \"The world has been robbed of a daring personality\". Ironically, a few years earlier Valentin had been attributed with discovering the free-fall stable position still used by sports parachutists today for safe deployment. The city took over control of the airport on 1 January 1961 and prepared development plans. In 1966, a new runway was opened by Prince Philip on a new site to the southeast of the existing airfield. It enabled the airport to be open for business around the clock and is in use to this day. Control of the airport transferred to Merseyside County", + "score": 0.70556640625 + }, + { + "id": "20425808", + "title": "Shrapnel Barracks", + "text": "laid in 1972, with the hospital opening five years later, and being officially opened on 1 November 1978. The hospital had 456 beds in 16 wards, and cared for servicemen and their families, Chelsea Pensioners and Far East Prisoner of War survivors, plus local civilians. It closed in 1995 following government defence cuts. In March 2001 it was reopened as the Queen Elizabeth Hospital, and was later (2006) rebuilt and extended, though some original features, such as the main entrance, remain. The barracks name is recalled by a road, Shrapnel Close, skirting the western edge of part of the hospital", + "score": 0.705078125 + }, + { + "id": "11782914", + "title": "Development of stadiums in English football", + "text": "stadium to be built. In April 2014 Liverpool F.C. signed a legal agreement with Liverpool City Council and Your Housing Group to redevelop the surrounding Anfield area. This is seen as a significant step towards the renovation of the stadium. The redevelopment was worth around \u00a3260 million. On 9 September 2016, the first phase of expansion was completed, bringing the total capacity 54,047. On 10 September, the newly renovated Anfield was opened for its first use in a Premier League game against Leicester City. Plans to expand the Anfield Road stand have been announced to increase the capacity to over", + "score": 0.705078125 + }, + { + "id": "4398077", + "title": "Royal Liverpool University Hospital", + "text": "the contractor not prepared to take any risk, Mace was also appointed to help manage risks associated with the \u00a3350m scheme. In 2007, the Healthcare Commission rated Royal Liverpool and Broadgreen University Hospitals NHS Trust \"Good\" for 'Quality of Services' and Good for 'Use of Resources'. In 2009, Royal Liverpool and Broadgreen University Hospitals NHS Trust was rated \"Excellent\" for the quality of its services and the quality of its financial management. The Royal Liverpool University Hospital is a major teaching and research hospital for student doctors, nurses, dentists and allied health professionals. The hospital works with the University of", + "score": 0.705078125 + }, + { + "id": "3927418", + "title": "Heswall", + "text": "the Devon Doorway Restaurant on Gayton Roundabout, a short distance back up Telegraph Road towards Heswall. The Royal Liverpool Children's Hospital originally opened in Heswall as Liverpool Country Hospital for Children in 1909. The hospital was situated on a site purchased in 1900. It stood on the opposite side of Telegraph Road from the 'Puddydale', and had a tall square clock tower and extensive grounds with views over the Dee estuary. The hospital closed in 1985 and the site is now occupied by a Tesco supermarket. The supermarket was extended in the early 2000s, then refurbished during 2011. In 2001", + "score": 0.70458984375 + }, + { + "id": "12310637", + "title": "Royal Blackburn Teaching Hospital", + "text": "Initiative contract in 2003 to replace the Queen's Park Hospital and the Blackburn Royal Infirmary. It was built by Balfour Beatty at a cost of \u00a3133 million and opened in July 2006. Royal Blackburn Teaching Hospital The Royal Blackburn Teaching Hospital is an acute District General Hospital in Blackburn, Lancashire operated by the East Lancashire Hospitals NHS Trust. The original hospital on the site was established as an infirmary for the local workhouse in February 1864. Additions included a medical wing in 1903, a children's wing in 1925 and a 74-bed annexe in 1926. In 1929 it became known as", + "score": 0.70458984375 + }, + { + "id": "7941885", + "title": "Liverpool Hospital", + "text": "historical images, a history of the hospital and information about upcoming events. Other activities throughout the year include the opening of a Hospital museum, photographic wall display, community open day and bicentenary book which allow Hospital staff and community to reflect on the achievements of the Hospital over the course of its history. Governor Macquarie founded the township of Liverpool on 7 November 1810 to meet the needs of a spreading settlement. Having likely started as a tent hospital in the 1790s, Liverpool Hospital was established in a brick building on the banks of the Georges River in 1813, where", + "score": 0.7041015625 + }, + { + "id": "5147948", + "title": "Royal Alexandra Children's Hospital", + "text": "in 1881. It remained in use for more than a century before being replaced by a new building at the main Royal Sussex County Hospital site. The new facility opened in June 2007, and has won architectural awards for its innovative design. The future of the Dyke Road site has been uncertain since the move to the new premises was first considered in 2001; Lainson's buildings and their later additions were threatened with demolition until 2009, when a developer was refused planning permission to replace the hospital with flats. Brighton & Hove City Council's latest planning briefs state that any", + "score": 0.7041015625 + }, + { + "id": "1512995", + "title": "Anfield", + "text": "2016, outline planning permission was granted by Liverpool council for the construction of a new 1,800 sq m club superstore development, situated on Walton Breck Road on the corner of the Kop and the new Main Stand. Construction began in December 2016, with the store opening early in the 2017-18 season. The space between the new store and the stadium was developed into a \"fan zone\", with new catering outlets and pre-match entertainment. The second phase of Anfield's redevelopment is to redevelop the Anfield Road stand. The club received initial outline planning permission in 2014 for the redevelopment, with seating", + "score": 0.70263671875 + }, + { + "id": "6763037", + "title": "Liverpool Women's NHS Foundation Trust", + "text": "had made their incontinence worse. This means that the trust is no longer financially viable. In 2017 the Liverpool Clinical Commissioning Group decided that the best prospect was to move the trust to the rebuilt Royal Liverpool University Hospital in the city centre and merge the two organisations. On the existing site they said that patients were at risk because of lack of a full range of imaging services, the lack of a blood bank, the lack of level three adult critical care services onsite and poor access to colorectal surgery. This proposal was opposed by the Save Liverpool Women\u2019s", + "score": 0.70166015625 + }, + { + "id": "18714147", + "title": "Aintree University Hospital", + "text": "Hospital\" in 1974. It became the \"University Hospital Aintree\" in 1999. In July 2016 the hospital, together with the Walton Centre, became the single receiving site for major trauma patients on Merseyside. An expanded urgent care and trauma centre was officially opened by the Duke of Cambridge in September 2017. Aintree University Hospital Aintree University Hospital is a National Health Service hospital in Aintree, Merseyside. It is managed by Aintree University Hospitals NHS Foundation Trust. In 1898 Liverpool Corporation acquired land from the Harbreck estate with which to build a hospital. The hospital, initially known as the \"City Hospital North,", + "score": 0.70166015625 + }, + { + "id": "4420586", + "title": "Liverpool Central railway station", + "text": "allowing necessary improvement works to take place, primarily to the platform area of the station, although the concourse will also see major improvements including new lighting, flooring, new toilet facilities and new escalators to the Northern Line platforms. The entire station closed for refurbishment on 23 April 2012. The station partly reopened on 25 August 2012, with the refurbishment of the main concourse and Wirral Line platform completed; however, the Northern Line platforms remained closed. The station fully reopened on 22 October 2012 with the reopening of the Northern Line platforms. A street-level travel centre opened in November 2009, replacing", + "score": 0.70166015625 + }, + { + "id": "6462986", + "title": "Carillion", + "text": "withdrew their support, and HM Treasury cancelled the PFI contract for construction of the hospital, leaving the NHS Trust to search for new investment and pushing the completion date back to at least 2022. Market testing with contractors showed there was little appetite to bid under a private finance model, and that a PF2 bid would be over \u00a3100m more expensive and take six months longer. As a result, the NHS trust sought direct government funding, and on 16 August 2018, the government announced it would provide funding to complete the hospital. Laing O'Rourke negotiated about the Royal Liverpool University", + "score": 0.70068359375 + }, + { + "id": "7946749", + "title": "Queen Alexandra Hospital", + "text": "Only two of the planned three new ward blocks were built. Patients were transferred from the Royal Portsmouth Hospital in 1979, with the Queen Alexandra Hospital, including a new breast unit, being officially opened a year later by Princess Alexandra. Over the subsequent three years, the South Block was refurbished, culminating in the Trevor Howell Day Hospital opening in 1983. Five years later, a new diabetes unit opened, followed by a rehabilitation unit in 1991. A further rebuilding of the hospital was announced in 1999 although the procurement under a Private Finance Initiative contract was not completed until 2005. Some", + "score": 0.70068359375 + }, + { + "id": "1423538", + "title": "Liverpool John Lennon Airport", + "text": "opened in 1966. This work was completed in 2007. In addition to runway and shoulder work was the upgrade of the 40-year-old airfield group lighting with a new system, intended to upgrade the runway to ILS Category III standards. In 2007 construction of a multi-level car park and a budget Hampton by Hilton Liverpool/John Lennon Airport started. The hotel opened in October 2009. In June 2010 Vancouver Airport Services announced that it reached an agreement with The Peel Group to acquire 65% share in its airports, including Liverpool. Airside improvements include additional retail units and a more advanced security area", + "score": 0.7001953125 + }, + { + "id": "5710337", + "title": "Liverpool Medical Institution", + "text": "Debating Society (M.S.D.S.) in 1874. Liverpool Medical Institution The Liverpool Medical Institution is a historic medical organisation based in Liverpool, United Kingdom. Its building on the corner of Mount Pleasant and Hope Street was opened in 1837, but the site has been used as a medical library since 1779. The building is on the site of a former inn and a bowling green, which was the birthplace of the businessman and amateur scientist William Roscoe. In 1779 a group of local doctors created the Liverpool Medical Library. In 1833 the Liverpool Medical Society was formed. The two societies merged as", + "score": 0.7001953125 + }, + { + "id": "21011207", + "title": "David Lewis Northern Hospital", + "text": "David Lewis Northern Hospital The David Lewis Northern Hospital was located in Great Howard Street, Liverpool. It was first established in 1834 and closed in 1978. The hospital had its origins in a facility which was established in Leeds Street to deal with victims of accidents and emergencies in the dock area and which opened as the Northern Hospital in March 1834. It moved to a purpose-built hospital, designed by Edward Welch, in Great Howard Street in September 1845. The foundation stone for a re-built facility on the same site, financed by the David Lewis Trust, was laid by the", + "score": 0.69970703125 + }, + { + "id": "12458404", + "title": "East Lancashire Hospitals NHS Trust", + "text": "was shut in July 2006 as part of a merger of Blackburn's two sites, planned before the trust was formed. Rossendale General Hospital, was shut down over a period dating from 2006, finally closing in September 2010. The Trust operates the following departments: The trust installed a da Vinci Surgical System at the Royal Blackburn Hospital in June 2015, against the advice of NHS England, whose advice is that \u201cA proliferation of centres offering robotic surgery should be avoided until a national policy can be developed.\u201d Lancashire Teaching Hospitals NHS Foundation Trust consider themselves to be the leading provider of", + "score": 0.69970703125 + }, + { + "id": "16513241", + "title": "Exhibition Centre Liverpool", + "text": "Exhibition Centre Liverpool Exhibition Centre Liverpool is a multi-million pound exhibition and events complex that accompanies ACC Liverpool (alongside the Echo Arena and BT Convention Centre) on the former King's Dock in Liverpool, England. The 8,100m exhibition centre was constructed from January 2014 and opened in September 2015. A sky bridge connecting the building to the adjacent BT Convention Centre was completed in September 2015, in turn creating the only purpose built interconnected arena, convention centre and exhibition facility in the UK. During its first year of opening, the Exhibition Centre welcomed more than 113,00 visitors over 100 different exhibitions.", + "score": 0.69970703125 + }, + { + "id": "4921268", + "title": "Eccles, Greater Manchester", + "text": "1974, operating from thereon only as a switching station, and was demolished in June 1979. Salford Royal hospital opened in 1882 as the Salford Union Infirmary, a hospital for sick paupers, in association with the union workhouse. It was later renamed as Hope Hospital, taking the name of the nearby medieval Hope Hall, demolished in 1956. The hospital was given its current name in 2007. Edward Potts was a renowned architect born on 2 March 1839 in Bury. He moved to Oldham and designed many of the town's mills and was ranked with P. S. Stott as the greatest mill", + "score": 0.69921875 + }, + { + "id": "12668741", + "title": "New Cross Hospital", + "text": "the New Cross Hospital in 1948. The first phase of the modern hospital, built by Alfred McAlpine, was completed in 1970. It became the main acute general hospital for Wolverhampton when the Royal Hospital closed in June 1997. In October 2004 a Heart and Lung Centre costing \u00a357 million was opened on the site, the United Kingdom's first purpose built specialist heart centre. In November 2015 a new accident and emergency facility, built by Kier Group and costing \u00a338 million, opened at the hospital. New Cross Hospital New Cross Hospital is a hospital in the Heath Town district of Wolverhampton,", + "score": 0.69921875 + }, + { + "id": "7946750", + "title": "Queen Alexandra Hospital", + "text": "of the original buildings of the military hospital were demolished to make way for the new main hospital buildings. The works were designed by the Building Design Partnership and completed by Carillion at a cost of \u00a3236 million. In October 2009 the new Queen Alexandra Hospital was officially opened by The Princess Royal. At this time all the old local hospitals and the Royal Hospital Haslar were closed and the services moved to the QA Hospital. The annual payment the trust will make to its private sector contractor under the PFI contract is \u00a332.866 million, subject to satisfactory performance by", + "score": 0.69921875 + }, + { + "id": "20868808", + "title": "Old Liverpool Hospital", + "text": "that, due to poor materials and workmanship, the footings should be removed and relaid. By the end of 1822, these foundations had been replaced and construction of the walls was underway. With Greenway's departure in 1822 and the growing attention being paid to the extended public budget, progress on the hospital construction slowed. Although attributed to Greenway, there is conflicting evidence as to whose design the current construction actually reflects. Since leaving the project in 1822, and the official starting date of construction in 1824, there is a significant chance that Greenway's plans were reviewed and altered according to the", + "score": 0.69873046875 + }, + { + "id": "6283053", + "title": "Royal National Orthopaedic Hospital", + "text": "injuries unit at the Stanmore site. Later that year the lease on the building in Great Portland Street ended and services were transferred to the Stanmore site. The Royal National Orthopaedic Hospital has had a central London out-patients clinic on Bolsover Street since 1909; the old facility closed in 2006 and a completely re-built facility opened on Bolsover Street in 2009. In 2016 Norman Sharp, a 91-year-old British man, was recognised as having the world's oldest hip replacement implants. The two vitallium implants had been implanted at the Royal National Orthopaedic Hospital in November 1948. The 67-year-old implants had such", + "score": 0.69873046875 + }, + { + "id": "7941884", + "title": "Liverpool Hospital", + "text": "Western Sydney and continues to have an active education programme for medical practitioners, nurses and health professionals, with a range of clinical placements available for students from universities around Australia. In 2013, Liverpool Hospital celebrated two centuries of caring for the community. Liverpool Hospital\u2019s first brick building was commissioned 200 years ago in 1813 on a portion of land beside the Georges River. It was originally run as a tent hospital for soldiers and convicts in the early 1790s, making it the second oldest hospital in Australia. As part of the celebrations, the Hospital launched a 200th Anniversary website with", + "score": 0.69873046875 + }, + { + "id": "4433116", + "title": "Liverpool Royal Infirmary", + "text": "of Queen Victoria to Liverpool in 1851. William Rathbone VI, based on advice from Florence Nightingale, set up the world's first ever district nursing service at this building in 1862. The foundation stone for a third incarnation of the infirmary, a much larger building, was laid by the 15th Earl of Derby in Pembroke Place on 28 October 1887. The new building, this time designed by Alfred Waterhouse in the Romanesque Revival style, opened in November 1889. The foundation stone for a new out-patient building, which incorporated a large hall which could accommodate up to 200 people, was laid by", + "score": 0.69873046875 + }, + { + "id": "15891015", + "title": "Royal Albert Hospital", + "text": "Royal Albert Hospital The former Royal Albert Hospital is in Ashton Road, Lancaster, Lancashire, England. It opened in 1870 as an institution for the care and education of children with learning problems. By 1909 there were 662 children in residence. Following new legislation in 1913, adults were also admitted. By the time of the introduction of the National Health Service in 1948 the hospital had 886 patients, and by the 1960s there were over 1,000 patients. Following legislation in the 1980s, the patients were relocated in the community, and the hospital closed in 1996. The building was acquired by Jamea", + "score": 0.69873046875 + }, + { + "id": "19153268", + "title": "Liverpool Homeopathic Hospital", + "text": "eventually closed in 1976. Liverpool Homeopathic Hospital The Liverpool Homeopathic Hospital was a hospital in Liverpool, England, that specialized in homeopathic treatments. The facility was founded as the Liverpool Hahnemann Hospital and Dispensaries in 1887. The hospital building at 42-56 Hope Street, designed by F & G Holme, is an example of the Queen Anne revival style. It is now a Grade II listed building. It was the first hospital in the United Kingdom to contain early hydraulic lifts and an innovative heating and ventilation system. It joined the National Health Service in the 1948. Renamed as the Hahnemann Hospital", + "score": 0.6982421875 + }, + { + "id": "4795289", + "title": "International Garden Festival", + "text": "Agency, who provided a \u00a33.7million grant. Redevelopment work began in February 2010 In 2012, Liverpool Festival Gardens finally reopened. The restored garden site had been due to re-open in September 2011, however, this was delayed until 2012 whilst a new landscape management contractor was found after the original contractor, Mayfield Construction, went into administration. The garden site is now managed by The Land Trust. The new restored site features: In March 2013, the developers Langtree began work on the 1300 planned homes on the site, despite the earlier collapse of partner David McLean Homes. International Garden Festival The International Garden", + "score": 0.6982421875 + }, + { + "id": "7941891", + "title": "Liverpool Hospital", + "text": "for orthopaedic surgery was installed - an Australian first. It had been developed by the American National Aeronautical and Space Administration (NASA) to filter and replace air in the theatre, sweeping away bacteria and reducing the risk of infection during orthopaedic surgery. The word District was dropped from the name of the Liverpool Hospital in 1978, in recognition of its growing role in providing specialty services to the whole of south-western Sydney. Liverpool Hospital became the principal teaching hospital of the University of New South Wales in 1989 and the University of Western Sydney in 2011. It continues to have", + "score": 0.6982421875 + }, + { + "id": "15173674", + "title": "Knowledge Quarter, Liverpool", + "text": "1845 and since then has continued to predict tidal activity and monitor overall sea conditions. Founded in 1518, the Royal College of Physicians (RCP) is a British professional body dedicated to improving the practice of medicine, chiefly through the accreditation of physicians by examination. In 2016 it was announced that Liverpool had beaten competition from Manchester and Leeds to become the home of the RCP's Northern Headquarters. The new facility will be housed in a building named 'The Spine' which will be situated on the former site of Archbishop Blanch secondary school. The \u00a335 million, 15-storey building will open in", + "score": 0.69775390625 + }, + { + "id": "16191980", + "title": "St Luke's Hospital for the Clergy", + "text": "1904 two houses were acquired in Fitzroy Square. Each was rebuilt, the first being opened by Queen Alexandra in 1907, and the second opened by Queen Mary in 1923. The Queen Mother visited the hospital in 1957. In 1994, the hospital was refurbished and redeveloped in a scheme designed by architect Ronald Wylde Associates. On 17 January 1995, it was rededicated by the Archbishop of Canterbury, and officially reopened by Queen Elizabeth II, accompanied by the Duke of Edinburgh, on 8 March 1995. Another refurbishment was undertaken in 2005 (funded by charitable donations from the Laing Family Trusts), but in", + "score": 0.697265625 + }, + { + "id": "7571444", + "title": "Royal Preston Hospital", + "text": "at the hospital include the 6th Duke of Westminster who died on 9 August 2016, after suffering a heart attack at his Abbeystead estate. Royal Preston Hospital The Royal Preston Hospital is an acute general hospital in Preston, Lancashire, England. It is managed by the Lancashire Teaching Hospitals NHS Foundation Trust. The hospital was built in stages between 1975 and 1983; it was officially opened by the Princess of Wales on 1 June 1983. Further expansion took place to accommodate services transferred from the Preston Royal Infirmary, which closed in 1990, and the Sharoe Green Hospital which closed in 1992.", + "score": 0.69677734375 + }, + { + "id": "8847781", + "title": "Gartnavel Royal Hospital", + "text": "House opened in November 2007 within the new Royal building and houses 20 beds. The Rutherford House is linked with both the Arndale and Riverside Resource Centres and the intermediate services at Whittingham Gardens. The Henderson House opened in November 2007 within the new Royal building and houses 20 beds. The ward also provides a detoxification service for clients who have drug problems. Henderson is linked with Goldenhill Resource Centre and the Intermediate Services based in the resource centre. The Cuthbertson House opened in November 2007 within the new Royal building and houses 20 beds. Cuthbertson House is a critical", + "score": 0.69677734375 + }, + { + "id": "17422924", + "title": "Clatterbridge Cancer Centre NHS Foundation Trust", + "text": "centre. Located on the campus of Aintree University Hospital, adjacent to The Walton Centre. The Clatterbridge Cancer Centre Liverpool opened in 2011, as a radiotherapy satellite centre. At a cost of \u00a317 million, the unit was partly funded by The Marina Dalglish Appeal. The Aintree facility provides Stereotactic Radiosurgery services in partnership with The Walton Centre. In 2008 a review was published into the provision of non-surgical oncology services within the Merseyside and Cheshire Cancer Network. In this review; its authors, Professor Mark Baker and Mr Roger Cannon, recommended that an inpatient cancer treatment facility be built in Liverpool. The", + "score": 0.6962890625 + }, + { + "id": "17494247", + "title": "Holy Cross Church, St Helens", + "text": "Joseph John Scoles who also designed St Ignatius Church, Preston in Lancashire, Immaculate Conception Church, Farm Street in London and the Church of Saint Francis Xavier, Liverpool. Construction of the church lasted for almost two years and the church was opened on 1 May 1862. In the church there is a memorial stone dated 1933, showing when the Jesuits handed over the church to the Archdiocese of Liverpool, who have continued to administer it ever since. Every week, the church has two Masses for Sunday; a vigil one at 6.45pm on Saturday and the other at 9:30am Sunday. Also, there", + "score": 0.6962890625 + }, + { + "id": "19888411", + "title": "Royal Hospital, Wolverhampton", + "text": "Royal Hospital, Wolverhampton The Royal Hospital, Wolverhampton was an acute general hospital in the All Saints inner city area of Wolverhampton. The hospital was designed by Edward Banks in the classical style and built between 1846 and 1849 on land acquired from the Henry Vane, 2nd Duke of Cleveland. It was opened as the South Staffordshire Hospital but became the Wolverhampton and Staffordshire General Hospital in the second half of the 19th century. The internal layout rapidly became outdated when the pavilion system, where patients were separated by type of illness, was introduced at new hospitals in 1852. Additions included", + "score": 0.6962890625 + }, + { + "id": "9208591", + "title": "Echo Arena Liverpool", + "text": "fire but in December 2018 a temporary 550 space car park will open. This will serve the site until a replacement 9 storey, 1650 space car park facility is constructed. Echo Arena Liverpool, part of The ACC Liverpool Group, opened its doors on 12 January 2008 with the official opening ceremony for the Capital of Culture, launching a year-long celebration and signalling the culmination of a decade of regeneration in the city. Since opening, Echo Arena Liverpool has hosted over 900 events and 5 million visitors. Concerts, live sporting events, comedy and dance events have all been held in the", + "score": 0.6962890625 + }, + { + "id": "16630571", + "title": "St Bartholomew's Hospital, Rochester", + "text": "new income stream, along with a grant of \u00a34,000 from Richard Watts Charity in 1855, allowed the hospital to consider new buildings. Following a reorganisation in 1858 a new large hospital opened in 1863 on New Road just a few yards up the hill from the original site, but on land included in the original eleventh century foundation. Richard Watts' charity continued to grant \u00a31,000 per annum to the hospital, reserving the right to nominate as patients \"any number of persons, not exceeding Twenty at one time\". Initially, not all of the hospital was fully opened. Although built in 1863", + "score": 0.6962890625 + }, + { + "id": "4665202", + "title": "Royal Liverpool Golf Club", + "text": "he only hit his driver once during the tournament, with the course baked out due to dry conditions, and playing very fast. The course is mostly level, but the holes nearest the coast run through sandhills. Important tournaments staged at Royal Liverpool include: The course has also hosted a number of professional tournaments on the European Tour and before its foundation in 1972. Royal Liverpool has been the site for many tournaments for ladies, seniors, and boys, and various regional and representative events. It hosted The Open Championship for the first time in 39 years in 2006; Tiger Woods won", + "score": 0.69580078125 + }, + { + "id": "14516331", + "title": "Springfield Park, Liverpool", + "text": "Children's Hospital were announced and the construction of the new hospital broke ground in the Springfield Park in January 2013, taking a total of two years to build. The new hospital opened in October 2015 and plans include demolishing the original Alder Hey buildings then transforming the old hospital site by be reclaiming the land as new park space for the surrounding community. The Friends of Springfield Park Liverpool http://www.springfieldparkliverpool.org.uk/ Springfield Park, Liverpool Springfield Park is a park in Liverpool, England. It is located in the suburb of Knotty Ash, and lies to the north of Prescot Road. Much of", + "score": 0.69580078125 + }, + { + "id": "9902318", + "title": "Royal Victoria Infirmary", + "text": "Wing which opened in 1855 and the Ravensworth Wards which opened in 1885, the infirmary became overcrowded and needed to be replaced. A new hospital to be known as the Royal Victoria Infirmary was designed by William Lister Newcomb and Percy Adams and built on of Town Moor given by the Corporation and Freemen of the City of Newcastle upon Tyne. It was opened by King Edward VII on 11 July 1906. The fully furnished and equipped hospital, containing seventeen wards, a nurses' home, chapel and five operating theatres, cost over \u00a3300,000. A statue of Queen Victoria in front of", + "score": 0.69580078125 + }, + { + "id": "5736901", + "title": "Broadgreen Hospital", + "text": "Broadgreen Hospital Broadgreen Hospital is a teaching hospital in the suburb of Broadgreen in the city of Liverpool, England. The hospital, alongside the Royal Liverpool University Hospital and Liverpool University Dental Hospital in the city centre is managed by the Royal Liverpool and Broadgreen University Hospitals NHS Trust. The hospital was established as an epileptic home known as the Highfield Infirmary in 1903. It became the Highfield Sanatorium for tuberculosis sufferers in 1922, the Broadgreen Sanatorium in 1929 and, on joining the National Health Service it became the Broadgreen Hospital in 1946. Following a review of local health care provisions", + "score": 0.6953125 + }, + { + "id": "20404275", + "title": "Liverpool Shopping Park", + "text": "and Phase 1 of the new shopping park opened in November 2017. Below are just a few of the many stores - as of March 2018 the shopping centre contains: Costa Coffee, Next, Boots A planned 41 retail units are available. October 2017 M&S Food Hall, Boots, H&M, Superdrug, Smyths Toys, TK Maxx, JD Sports, Foot Asylum, River Island, Regatta and fashion retailer Outfit, whose brands include Topshop, Topman, Miss Selfridge and Dorothy Perkins in selected stores. Eight more retailers Regatta, Superdrug, The Works and Footasylum/DROME Wilko, Next, Clarks and Greggs followed in early 2018. All of the new retailers", + "score": 0.6953125 + }, + { + "id": "21011208", + "title": "David Lewis Northern Hospital", + "text": "Earl of Derby in October 1896 and the new facility was opened by Princess Louise as the David Lewis Northern Hospital in March 1902. It joined the National Health Service in 1948. After services transferred to the Royal Liverpool Hospital, the David Lewis Northern Hospital closed in 1978. David Lewis Northern Hospital The David Lewis Northern Hospital was located in Great Howard Street, Liverpool. It was first established in 1834 and closed in 1978. The hospital had its origins in a facility which was established in Leeds Street to deal with victims of accidents and emergencies in the dock area", + "score": 0.6953125 + }, + { + "id": "20425224", + "title": "Royal Children's Hospital, Brisbane", + "text": "of the new hospital (some favouring the Herston site and other favouring the South Brisbane site). The Queensland Children's Hospital opened on 29 November 2014, adjacent to the Mater Misericordiae Hospital, in South Brisbane, with the Royal Children's Hospital and the Mater Children's Hospital closing immediately as their patients were transferred to the Queensland Children's Hospital. In November 2016, the Queensland State Government announced the creation of the Herston Quarter Priority Development Area to restore and redevelop the hospital site. Royal Children's Hospital, Brisbane The Royal Children's Hospital was a hospital for children in Herston, Brisbane, Queensland, Australia. Mary McConnel,", + "score": 0.6953125 + }, + { + "id": "10681435", + "title": "Royal Alexandra Hospital, Edmonton", + "text": "Active Treatment Pavilion was opened. In 1967 the Children\u2019s Pavilion was established, with Her Royal Highness, Princess Alexandra cutting the ribbon at the opening ceremonies. The Children\u2019s Pavilion linked the Active Treatment Pavilion with the Women\u2019s (Maternity) Pavilion. As of 1969, the Royal Alexandra had a bed capacity of 924. The new Emergency Centre was opened in 1993, followed by the Diagnostic Treatment Centre, which housed the Intensive Care Unit, and the Coronary Care Unit. The School of Nursing officially closed on March 29, 1996. In 2010, the Lois Hole Hospital for Women was opened as a hospital within a", + "score": 0.69482421875 + }, + { + "id": "20868851", + "title": "Old Liverpool Hospital", + "text": "South Wales. The former Liverpool Hospital complex is of State significance for its rarity as an early colonial public building that has had a long and continuous use, firstly as a health facility, initially for convicts and, later, for the wider Liverpool community (1810-1958). The survival of the former Liverpool Hospital is rare in terms of early hospitals in NSW. With a long sequence of construction dating from 1810, the existence of pre-1850 archaeology on the site is extremely rare. Being one of the oldest remaining hospital complexes in Australia, there are few sites with comparable built fabric and archaeology,", + "score": 0.6943359375 + }, + { + "id": "15649594", + "title": "Ranelagh Gardens, Liverpool", + "text": "the late 1790s. The site is now occupied by the Adelphi Hotel. Ranelagh Gardens, Liverpool Ranelegh Gardens was the first open space for public recreation to be created in Liverpool, Merseyside, England. It was opened in 1722 and was modelled on Ranelagh Gardens in Chelsea, which was at that time just outside London. It contained a formal flower garden, and a number of separate areas for the visitors to meet and socialise. There was a charge for admission, and a strict code of behaviour was imposed. Refreshments were available, and in the centre of the gardens was a fishpond containing", + "score": 0.6943359375 + }, + { + "id": "6763038", + "title": "Liverpool Women's NHS Foundation Trust", + "text": "Hospital Campaign. Liverpool Women's NHS Foundation Trust Liverpool Women's NHS Foundation Trust runs Liverpool Women's Hospital, a major obstetrics, gynaecology and neonatology research hospital in Liverpool, England. It is one of several specialist hospitals located within the Liverpool City Region; alongside Alder Hey Children's Hospital, Liverpool Heart and Chest Hospital, the Walton Centre, Mersey Regional Burns and Plastic Surgery Unit, and Clatterbridge Cancer Centre. In 1985 three hospitals, the Women's Hospital in Catharine Street, Liverpool Maternity Hospital, and Mill Road Maternity Hospital, joined together under the management of the Liverpool Obstetric and Gynaecology Unit. This management unit became an NHS", + "score": 0.69384765625 + }, + { + "id": "3669499", + "title": "St James's University Hospital", + "text": "was designed by Anshen & Allen and built by Bovis Lend Lease at a cost of \u00a3265 million and accepted its first patients in December 2007. It was officially opened by HRH The Princess Royal on 17 July 2008. The building is one of Europe's largest cancer centres, with 1,600 staff and 350 beds. In 2010, all children's emergency department were moved to Leeds General Infirmary, which meant the loss of this service at St James's. The emergency department at St James's is now just for adults. All of the hospital buildings except Chancellor's Wing, which was named after HRH", + "score": 0.693359375 + } + ], + "answer": "Prior to redevelopment, the new Royal Liverpool Hospital opened in 1978, while it will open in 2022 after redevelopment. A major redevelopment of the hospital began in 2013 and was scheduled for completion in 2017, but construction problems and the 2018 collapse of main contractor Carillion pushed the estimated completion date back to 2022." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who played Matt Brody on the original Baywatch TV show?", + "short_answers": [ + "David Charvet" + ], + "wikipage": null + }, + { + "context": "A \"Baywatch\" movie was first announced in 2004, although the movie became stuck in development hell over the years, with multiple writers penning drafts. In July 2015, Sean Anders was replaced by Seth Gordon as director. On October 2, 2014, Dwayne Johnson was attached to star in the lead role, and Justin Malen was set to rewrite the script. Damian Shannon and Mark Swift wrote the latest draft, and the film would be comedic in style. On August 10, 2015, Zac Efron signed on to star in the film, and Beau Flynn and Ivan Reitman joined to produce with Johnson's Seven Bucks Productions. On November 9, 2015, \"Deadline\" reported that seven actresses were among the short list testing for the lead female role, Alexandra Daddario, Ashley Benson, Nina Dobrev, Alexandra Shipp, Shelley Hennig, Bianca A. Santos, and Denyse Tontz. On November 18, 2015, Johnson confirmed Daddario would play Summer, a lifeguard, and the love interest of Efron's character.", + "question": "Who played Matt Brody in the original Baywatch movie?", + "short_answers": [ + "Zac Efron" + ], + "wikipage": "Baywatch (film)" + } + ], + "wikipages": [ + { + "title": "List of Baywatch characters", + "url": "https://en.wikipedia.org/wiki/List%20of%20Baywatch%20characters" + }, + { + "title": "Baywatch (film)", + "url": "https://en.wikipedia.org/wiki/Baywatch%20%28film%29" + }, + { + "title": "Baywatch", + "url": "https://en.wikipedia.org/wiki/Baywatch" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Baywatch is an American action drama television series about lifeguards who patrol the beaches of Los Angeles County, California and Hawaii, starring David Hasselhoff. ...David Charvet as Matt Brody", + "wikipage": "Baywatch" + }, + { + "content": "Baywatch is a 2017 American action comedy film based on the television series created by Michael Berk, Douglas Schwartz, and Gregory J. Bonann...Zac Efron as Matt Brody", + "wikipage": "Baywatch (film)" + } + ], + "long_answer": "In the American action drama television series known as Baywatch, the character Matt Brody is portrayed by David Charvet. In the 2017 film version of the tv series, Matt Brody is played by Zac Efron." + }, + { + "knowledge": [ + { + "content": "Baywatch is a 2017 American action comedy film based on the television series created by Michael Berk, Douglas Schwartz, and Gregory J. Bonann.", + "wikipage": "Baywatch (film)" + }, + { + "content": "David Franck Charvet (French pronunciation: \u200b[david \u0283a\u0281ve]; born 15 May 1972) is a French singer, actor, model, and television personality.", + "wikipage": "David Charvet" + }, + { + "content": "He remained on Baywatch for three full seasons until 1995.", + "wikipage": "David Charvet" + }, + { + "content": "Zachary David Alexander Efron (/\u02c8\u025bfr\u0252n/; born October 18, 1987)[1] is an American actor and singer.", + "wikipage": "Zac Efron" + } + ], + "long_answer": "David Charvet played Mat Brody on the original Baywatch TV show, and Zac Efron played Brody in the original Baywatch movie, a 2017 action comedy film based on the television series. Charvet is a French singer, actor, model, and television personality who remained on Baywatch for three full seasons until 1995. Efron is an American actor and singer." + } + ], + "sample_id": "-1472078713170976157", + "question": "Who played matt brody on the original baywatch?", + "docs": [ + { + "id": "4444183", + "title": "David Charvet", + "text": "on the American television program \"Baywatch\" as Matt Brody. He remained on \"Baywatch\" for three full seasons until 1995. He appeared as Craig Field on \"Melrose Place\" from 1996\u201398. Between 1995\u201399, he appeared in \"Seduced and Betrayed\", \"Derby\", \"Angel Flight Down\", and \"Meet Prince Charming\". He left acting in 1999 to concentrate on his musical career. In 2006, Charvet returned to acting in a movie directed by Roger Christian called \"Prisoners of the Sun\", which was only completed and released in 2013. He also appeared in the film \"Green Flash\", also known as \"Beach Kings\". In 2009, he took part", + "score": 0.8173828125, + "summary": "David Charvet played Matt Brody on the original Baywatch for three full seasons until 1995.", + "extraction": "David Charvet played Matt Brody on the original Baywatch." + }, + { + "id": "18313435", + "title": "Baywatch (film)", + "text": "cop Garner Ellerbee and Mitch's superior, Captain Thorpe. During one of his morning patrols, Mitch discovers a small pouch of flakka drug washed up near the Huntley Club, which is now under the ownership of Indian businesswoman Victoria Leeds, who has been secretly bribing city councilman Rodriguez and others in efforts to increase her stake in the bay. At the tryouts for prospective lifeguards, three people stand out: surfer Summer Quinn, an old friend of Holden; Ronnie Greenbaum, a chubby computer nerd with a mutual crush on C. J.; and Matt Brody, a former Olympic gold medal swimmer who fell", + "score": 0.7548828125, + "summary": "Matt Brody is a former Olympic gold medal swimmer who played a role in Baywatch (film).", + "extraction": "irrelevant" + }, + { + "id": "12026958", + "title": "Brody Lovett", + "text": "Brody Lovett Brody Lovett is a fictional character on the ABC soap opera \"One Life to Live\" portrayed by Mark Lawson from April 24, 2008 to January 13, 2012. Brody is a former Navy SEAL brought to Llanview by Adriana Cramer to distract Gigi Morasco from Adriana's fianc\u00e9 Rex Balsom. A hardened veteran of the war in Iraq, Brody had been \"stop-lossed\" several times during his tours of duty. Gigi establishes in 2007 that Brody, the father of her son Shane, had died heroically overseas while she had still been pregnant. Threatened by Gigi's connection to her high school sweetheart", + "score": 0.7275390625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "13373785", + "title": "Mark Lawson (actor)", + "text": "Mark Lawson (actor) Mark Lawson (born December 17, 1979) is an American actor best known for portraying Brody Lovett on the ABC soap opera \"One Life to Live\". Lawson grew up in Bristol, Virginia before studying at the Boston Conservatory, where he earned his BFA in musical theatre, and London Academy of Music and Dramatic Art. After five years in Los Angeles, Lawson was about to give up on acting, giving himself ten more auditions, before he won the role of the ex-Navy SEAL and presumed dead Brody Lovett on the ABC soap opera \"One Life to Live\" and moved", + "score": 0.7275390625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "13373786", + "title": "Mark Lawson (actor)", + "text": "to New York in March 2008. His other television credits include a guest stint on \"Cold Case\". He is also a personal trainer and runs a strength and conditioning business, called \"Forge\". Mark Lawson (actor) Mark Lawson (born December 17, 1979) is an American actor best known for portraying Brody Lovett on the ABC soap opera \"One Life to Live\". Lawson grew up in Bristol, Virginia before studying at the Boston Conservatory, where he earned his BFA in musical theatre, and London Academy of Music and Dramatic Art. After five years in Los Angeles, Lawson was about to give up", + "score": 0.716796875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention Baywatch or any character named Matt Brody." + }, + { + "id": "12026972", + "title": "Brody Lovett", + "text": "the Navy. She tells him to take care of himself. He tells her that if there is anything that she needs, he will be there for her. Even though things were rough between them, he will always care for her. She says that she really appreciates it, and with that Brody leaves town. Brody Lovett Brody Lovett is a fictional character on the ABC soap opera \"One Life to Live\" portrayed by Mark Lawson from April 24, 2008 to January 13, 2012. Brody is a former Navy SEAL brought to Llanview by Adriana Cramer to distract Gigi Morasco from Adriana's", + "score": 0.70703125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "18313441", + "title": "Baywatch (film)", + "text": "adrenaline, uses a Roman candle to blow Leeds up, saving Brody once again. Ellerbee arrives and takes Leeds' henchmen into custody, apologizing to Mitch for doubting him. Thorpe arrives and begins to berate Mitch for returning to the beach. In response, Brody punches Thorpe in the face. Thorpe is subsequently arrested for his role in Leeds' plan. In the aftermath, Ronnie and Brody begin relationships with C.J. and Summer respectively. Mitch, having been reinstated, formally inducts Summer, Ronnie, and Brody into Baywatch and introduces them to their new captain, Casey Jean (Pamela Anderson). A Baywatch movie was first announced in", + "score": 0.70654296875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "20591068", + "title": "Brody Morgan", + "text": "(Philippa Northeast). Brody bumps into her while he is making a food delivery to the event, but she disappears quickly into the crowd. Brody becomes determined to find her, but Bamford said that \"things keep happening to stop Brody getting to her!\" When Brody finally finds Jeannie, he sees she is playing volleyball with Matt Page (Alec Snow), so he offers Evelyn some money if he can switch places with Matt and partner Jeannie in the competition. Heywood thought Brody was attracted to Jeannie's natural charm and beauty, and said she takes Brody's \"breath away\". Brody offers Jeannie a job", + "score": 0.7060546875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "8206455", + "title": "Mitch Buchannon", + "text": "and well after being presumed dead in 2000, was ready to marry a woman who resembled his late friend and lover, Stephanie Holden, before being forced to face his old enemy, Mason Sato, originally seen in Season 2. The character of Mitch Buchannon was played by Dwayne Johnson in the 2017 film adaptation, with Hasselhoff making a cameo as Mitch's mentor also named Mitch. Mitch Buchannon Mitchell Buchannon is a fictional character from the television series \"Baywatch\". He was played by David Hasselhoff in every season of \"Baywatch\" and \"Baywatch Nights\" plus in the first season of \"Baywatch Hawaii\". He", + "score": 0.701171875, + "summary": "David Hasselhoff played Mitch Buchannon on the original Baywatch, but the document does not mention anything about who played Matt Brody.", + "extraction": "David Hasselhoff played Matt Brody on the original Baywatch." + }, + { + "id": "10935584", + "title": "John Brotherton", + "text": "John Brotherton John Brotherton (born August 21, 1980) is an American actor. He is most known for playing Jared Banks on the ABC soap opera \"One Life to Live\". He currently stars as Matt Harmon on Netflix's \"Fuller House\". He began acting at the age of 10. Brotherton played Jared Banks on the ABC soap opera \"One Life to Live\" from August 10, 2007, until November 13, 2009, appearing as a vision on February 9, 2010. Since 2016, he has played Matt Harmon, DJ's love interest, on the Netflix series \"Fuller House\", a sequel series to the ABC sitcom \"Full", + "score": 0.70068359375, + "summary": "Irrelevant.", + "extraction": "irrelevant. The passage does not mention anything about the original Baywatch or the character Matt Brody." + }, + { + "id": "4829107", + "title": "Brody Hutzler", + "text": "Brody Hutzler Ian Brody Hutzler (born April 20, 1971) is an American actor primarily known for his roles on soap operas. Hutzler played the role of Zachary Smith on \"Guiding Light\" from 1996\u20131997 and the role of Cody Dixon on \"The Young and the Restless\" from 1999-2004 before moving on to \"Days of Our Lives\", where he played the role of Patrick Lockhart from 2004\u20132007. He has also made several television guest appearances on shows, such as The WB series \"Charmed\" and \"Angel\" and the short-lived 2000 NBC series, \"Titans\". He also starred in the 2008 film \"Green Flash\", along", + "score": 0.697265625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage doesn't contain any information about Baywatch or Matt Brody." + }, + { + "id": "5435977", + "title": "Matt Borlenghi", + "text": "Matt Borlenghi Matt Borlenghi (born Matteo Andrea Borlenghi on May 25, 1967) is an Italian-American actor, best known for his roles as Brian Bodine on \"All My Children\" from 1991 to 1993 and 1996, as Russ on \"The Jeff Foxworthy Show\", and as Rich Casey on \"\". After being spotted on the show \"Hunter\" opposite Fred Dryer, Borlenghi was tracked down by execs and offered the role that brought him to national attention, playing Brian Bodine on \"All My Children\" in the early 1990s. His character was the main romantic interest of Hayley Vaughan, played by Kelly Ripa, until he", + "score": 0.69677734375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "5435980", + "title": "Matt Borlenghi", + "text": "California, the son of Kiki and Robert Borlenghi. Matt Borlenghi Matt Borlenghi (born Matteo Andrea Borlenghi on May 25, 1967) is an Italian-American actor, best known for his roles as Brian Bodine on \"All My Children\" from 1991 to 1993 and 1996, as Russ on \"The Jeff Foxworthy Show\", and as Rich Casey on \"\". After being spotted on the show \"Hunter\" opposite Fred Dryer, Borlenghi was tracked down by execs and offered the role that brought him to national attention, playing Brian Bodine on \"All My Children\" in the early 1990s. His character was the main romantic interest of", + "score": 0.693359375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the original Baywatch or the actor who played Matt Brody." + }, + { + "id": "4509550", + "title": "John Bregar", + "text": "John Bregar John Francis Bregar (born March 1, 1985) is a Canadian actor best known for his role as Dylan Michalchuk on \"\". He also played Cody Flowers in \"Family Biz\". His professional acting debut was starring in the music video \"Father\" by Knights of the Realm. He played Jason Valentine in the Canadian Film Center short film, \"Todd And The Book Of Pure Evil\". He and Adamo Ruggiero were nominated for a GLAAD Media Award at the 15th Annual GLAAD Media Awards and featured in \"The Advocate\" for their roles in \"\", as teenage boyfriends. Bregar also played Bobby", + "score": 0.693359375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The given passage does not provide any information about the original Baywatch or the character Matt Brody." + }, + { + "id": "8206419", + "title": "Mitch Buchannon", + "text": "Mitch Buchannon Mitchell Buchannon is a fictional character from the television series \"Baywatch\". He was played by David Hasselhoff in every season of \"Baywatch\" and \"Baywatch Nights\" plus in the first season of \"Baywatch Hawaii\". He also appeared in three films, \"\" (1995), \"\" (1998) and \"\" (2003). Later, the character was played by Dwayne Johnson in the 2017 film \"Baywatch\". Mitch was the main character from the series premiere of \"Baywatch\" in 1989 to the penultimate season of \"Baywatch: Hawaii\" in 2000, when David Hasselhoff decided to leave the series as an actor (though he retained his position as", + "score": 0.69287109375, + "summary": "David Hasselhoff played Mitch Buchannon in every season of Baywatch, Baywatch Nights, and the first season of Baywatch Hawaii. Irrelevant to the question of who played Matt Brody.", + "extraction": "Irrelevant. The passage mentions David Hasselhoff playing Mitch Buchannon in every season of \"Baywatch\" and \"Baywatch Nights\" plus in the first season of \"Baywatch Hawaii\", but it does not provide information on who played Matt Brody on the original \"Baywatch\"." + }, + { + "id": "20056421", + "title": "Jackson Heywood", + "text": "success. Upon his return to Australia, Heywood earned the role of Brody Morgan during the 29th season of \"Home and Away\". He commenced filming in February 2016. Brody's family arrived in Summer Bay in mid-2016. He is the third of four children having an older brother, Justin (James Stewart), an older sister, Tori (Penny McNamee) and a younger brother, Mason (Orpheus Pledger). For the first few months after arriving in Summer Bay, Brody and his family concealed the fact that they had been living in witness protection for the past seven years and that his true name is Bartholomew Lee,", + "score": 0.69287109375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "8747029", + "title": "Matt Barr", + "text": "Matt Barr Matthew Jerome Barr (born February 14, 1984) is an American actor. He is known for his roles as Johnse Hatfield in \"Hatfields & McCoys\" with Kevin Costner, Mike Fleming in \"Commander in Chief\", Ian Banks in \"One Tree Hill\", Christopher Sullivan in the mystery-horror limited series \"Harper's Island\", and Dan Patch in The CW's series \"Hellcats\". Matthew Jerome Barr was born on February 14, 1984, in Allen, Texas, a suburb of Dallas. He is the son of Mike Barr, a former football coach at Purdue University and Southern Methodist University, who is now in the real estate business,", + "score": 0.69091796875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The given passage does not provide any information about the original Baywatch show or the character Matt Brody." + }, + { + "id": "2327895", + "title": "Adam Brody", + "text": "Adam Brody Adam Jared Brody (born December 15, 1979) is an American actor, writer, musician and producer. He is best known for his role as Seth Cohen on \"The O.C.\". Brody has appeared in the films \"Mr. & Mrs. Smith\" (2005), \"Thank You for Smoking\" (2006), \"In the Land of Women\" (2007), \"Jennifer's Body\" (2009), \"Cop Out\" (2010), \"Scream 4\" (2011), \"Lovelace\" (2013), \"Life Partners\" (2014), \"Sleeping with Other People\" (2015), and \"StartUp\" (2016). Brody was born in San Diego, California, to Valerie Jill (n\u00e9e Siefman), a graphic artist, and Mark Alan Brody, an attorney. He has younger twin brothers,", + "score": 0.689453125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage doesn't mention anything about Baywatch or Matt Brody." + }, + { + "id": "16758970", + "title": "Nicholas Brody", + "text": "Nicholas Brody GySgt. 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. Brody was a USMC Sergeant who was held as a prisoner of war by al-Qaeda terrorists for eight years. Following his rescue and return home, Brody is hailed as a war hero and promoted to gunnery sergeant. However, a CIA officer, Carrie Mathison, suspects that Brody was turned by al-Qaeda, and tries to stop him from potentially committing a terrorist act. Between the first and second season, he was elected", + "score": 0.68798828125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "8991072", + "title": "Andy Bumatai", + "text": "a number of TV specials for Hawaii's KGMB-TV, notably \"High School Daze\" and \"All in the Ohana\". He and his brother, Ray Bumatai also created a show titled \"BumaVision\" for Hawaii's OC16 network. Nationally, he was featured on \"Raven\" and has had roles on \"North Shore\" and \"Baywatch\" among others. Bumatai also co-starred in a 1997 pilot for a new \"Hawaii Five-O\" series, which never made it to air. Not coincidentally, Bumatai's character's name in Steven Cannell productions (Raven, Five-O, Marker) is always the same: Danny Kahala. He is currently Executive Producer of Nighttime Productions, and produces and stars in", + "score": 0.68798828125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention who played Matt Brody on the original Baywatch." + }, + { + "id": "3302737", + "title": "Brooke Burns", + "text": "Brooke Burns Brooke Elizabeth Burns (; born March 16, 1978) is an American fashion model, actress, and television personality. Burns began her television career in 1995, portraying the supporting character Peg, in the Spanish-American teen sitcom \"Out of the Blue\" (1995\u201396), appearing in all episodes but gaining little notoriety. However, Burns won recognition in 1998, when she joined the cast of the action drama series \"Baywatch\" alongside David Hasselhoff and Kelly Packard, in her breakthrough role portraying the character Jessie Owens. Burns subsequently starred in \"Baywatch's\" second rendition, \"Baywatch: Hawaii\", alongside Simmone Jade Mackinnon, Stacy Kamano and again David Hasselhoff,", + "score": 0.6875 + }, + { + "id": "15966649", + "title": "T. Peter Brody", + "text": "T. Peter Brody T. P. \"Peter\" Brody (18 April 1920 Budapest, Hungary \u2013 18 September 2011 Pittsburgh, PA, United States) was a British-naturalised physicist and the co-inventor of Active Matrix Thin-Film Transistor display technology together with Fang-Chen Luo, having produced the world's first Active Matrix Liquid Crystal Display (AM-LCD) in 1972 and the first functional AM-EL (electroluminescent display) in 1973 while employed by Westinghouse Electric Corporation in Pittsburgh. Brody coined the term \"active matrix\" and first used it in a published journal article in 1975. From early childhood Brody was interested in sports, particularly swimming and rowing, and had a", + "score": 0.6865234375 + }, + { + "id": "5940335", + "title": "Paradise Beach", + "text": "America. Veteran Australian producer Jock Blair was the driving force behind \"Paradise Beach\", with Nick McMahon as Executive Producer, and the first episodes of the soap were aimed at the American audience. Australian actress Tiffany Lamb used an American accent in her role as Lisa Whitman, and her opening storyline revolved around her childhood sweetheart Cooper Hart (played by Olivia Newton-John's husband Matt Lattanzi). Also appearing from the start were Robert Coleby (\"Chopper Squad\", \"The Young Doctors\") as Tom Barsby, and another familiar face was Andrew McKaige (\"Sons and Daughters\", \"Prisoner\") as Tom's younger brother Nick. The rest of the", + "score": 0.68603515625 + }, + { + "id": "6424689", + "title": "David Chokachi", + "text": "David Chokachi David Chokachi (born David Al-Chokhachy; January 16, 1968) is an American film and television actor. He is known for his role in the TV series \"Witchblade\", \"Baywatch\", and \"Beyond The Break\". Chokachi was born in Plymouth, Massachusetts. He attended Tabor Academy, an elite boarding prep school in Marion, Massachusetts. He graduated from Bates College in Lewiston, Maine with a degree in political science. His father is from Iraq and his mother is from Finland. Chokachi began his acting career in 1995 on \"Baywatch\" as \"Cody Madison\", eventually replacing David Charvet as a main cast member. In 1999, he", + "score": 0.68603515625 + }, + { + "id": "4829108", + "title": "Brody Hutzler", + "text": "with Torrey DeVitto and Paul Wesley. In 2011, he played Navy Lieutenant Michael Jensen in \"NCIS\". In 2012, he played Jason Sheridan in \"Ringer\". In 2015, he appeared in the film \"Mega Shark vs. Kolossus\". Brody Hutzler Ian Brody Hutzler (born April 20, 1971) is an American actor primarily known for his roles on soap operas. Hutzler played the role of Zachary Smith on \"Guiding Light\" from 1996\u20131997 and the role of Cody Dixon on \"The Young and the Restless\" from 1999-2004 before moving on to \"Days of Our Lives\", where he played the role of Patrick Lockhart from 2004\u20132007.", + "score": 0.685546875 + }, + { + "id": "5450278", + "title": "Darin Brooks", + "text": "Darin Brooks Darin Lee Brooks (born May 27, 1984) is an American actor. He is best known for portraying Max Brady on the NBC drama series \"Days of Our Lives\", Alex Moran on the Spike TV series \"Blue Mountain State\", and Wyatt Spencer on the CBS soap opera \"The Bold and the Beautiful\". Brooks was born and raised in Honolulu, Hawaii. He is of Polish descent. Brooks started his acting career with the theater program at his high school. He played Rapunzel's prince in his high school's production of \"Into the Woods\". He later enrolled in acting classes, began modeling,", + "score": 0.685546875 + }, + { + "id": "20591052", + "title": "Brody Morgan", + "text": "Brody Morgan Brody Morgan is a fictional character from the Australian soap opera \"Home and Away\", played by Jackson Heywood. The actor had previously appeared in the show as Lachie Cladwell in 2009. During the audition process, Heywood was paired up with several different actors until the producers found the right combination for the Morgan family. Heywood began filming his first scenes in December 2015. He made his first appearance as Brody during the episode broadcast on 7 June 2016. Brody was introduced to the show along with his three siblings; Tori Morgan (Penny McNamee), Justin Morgan (James Stewart) and", + "score": 0.68505859375 + }, + { + "id": "18313439", + "title": "Baywatch (film)", + "text": "essentially deserted his post, fires him and names Brody as the new lieutenant. Brody accepts the job reluctantly, and Mitch takes a job as a cellphone salesman. After finding another pouch of flakka on the beach, Brody steals the second victim's report from Ellerbee and brings it to Summer, who confirms his suspicion that the man was murdered. Ronnie, upon recognizing the victim as his friend Dave, helps Brody hack into Leeds' servers, revealing her plan to privatize the entire beach by systematically buying out or eliminating every competing business owner. The team infiltrates a private party on Leeds' personal", + "score": 0.68505859375 + }, + { + "id": "11839522", + "title": "Inferno (1999 film)", + "text": "and it becomes clear that Eddie was hallucinating about him being present. Matt (Shark Fralick), Jesse (Silas Weir Mitchell), and Petey Hogan (Jonathan Avildsen), sons of Ramsey Hogan (Larry Drake) get out of the truck, Matt furious as one of Eddie's drunken shots almost killed him. Eddie staggers to them, not wanting any trouble; Matt, however, insists that he apologise. Matt then proposes that they take the motorcycle, and they'll forget about the gunshot. Eddie persists that the motorcycle is a gift for his friend, telling Matt to get off. Matt seems to comply, until he delivers a cheap blow", + "score": 0.6826171875 + }, + { + "id": "6234490", + "title": "Jennifer Campbell", + "text": "\"Baywatch\" as Jessie, a love interest for Matt Brody. She also returned to \"Baywatch\" during season 9 as Mitch Buchannon's conniving ex-wife Neely Capshaw, replacing Gena Lee Nolin in the role. Additionally, Campbell was featured as mountain-reared Lonnie, a new employee at a sporting goods store owned by Alan and Eric Matthews in the TV show \"Boy Meets World\". She appears in multiple episodes during Season 4 in this role. Jennifer Campbell Jennifer Lynn Campbell (born October 3, 1967) is an American actress and model. Her most memorable performance is from \"Seinfeld\" Season 4 episode \"The Airport\", as Tia, the", + "score": 0.68212890625 + }, + { + "id": "8206454", + "title": "Mitch Buchannon", + "text": "Hawaii\", David Hasselhoff chose to leave the role of Mitch. While on the trail of eco-terrorists led by Mitch's former SEAL comrade gone rogue, Zach Martin, Mitch was caught in an underwater explosion and presumed dead, though his body was never found. The series carried on for one more year without the character of Mitch, before ending in the spring of 2001. In 2003, viewers were given a chance to see the character of Mitch Buchannon one last time in the FOX TV-Movie \"Baywatch: Hawaiian Wedding.\" Serving as both a reunion episode and bookend to the Baywatch saga, Mitch, alive", + "score": 0.681640625 + }, + { + "id": "15543951", + "title": "Luke Bracey", + "text": "Luke Bracey Luke Bracey (born 26 April 1989) is an Australian actor, known for his work in films such as \"Monte Carlo\", \"\", \"The November Man\", \"Point Break\" and \"Hacksaw Ridge\", and for television series such as \"Westside\" and \"Home and Away\". Bracey appeared in the 2011 film \"Monte Carlo\", and played Aaron on \"Dance Academy\". Bracey played Cobra Commander in \"\" (2013), replacing Joseph Gordon-Levitt from , and starred in lead roles in the 2014 films \"The November Man\" and \"The Best of Me\", the latter based on a novel of the same name by Nicholas Sparks. In 2015,", + "score": 0.68115234375 + }, + { + "id": "12962058", + "title": "Brody Jenner", + "text": "Brody Jenner Sam Brody Jenner (born August 21, 1983) is an American television personality, socialite, and model. The son of Caitlyn Jenner and actress Linda Thompson, he was born and raised in Los Angeles, California. In 2005, Jenner appeared in the reality television series, \"The Princes of Malibu\", which additionally featured his eldest brother, Brandon Jenner, and his friend, Spencer Pratt. In 2007, he began dating Lauren Conrad, a primary cast member of \"The Hills\", and subsequently came to prominence after being cast in the series during the second season. Their brief relationship ultimately ended his friendship with Pratt. The", + "score": 0.6806640625 + }, + { + "id": "20591101", + "title": "Brody Morgan", + "text": "he can cook as well! Ziggy's a lucky lady...\" Brody Morgan Brody Morgan is a fictional character from the Australian soap opera \"Home and Away\", played by Jackson Heywood. The actor had previously appeared in the show as Lachie Cladwell in 2009. During the audition process, Heywood was paired up with several different actors until the producers found the right combination for the Morgan family. Heywood began filming his first scenes in December 2015. He made his first appearance as Brody during the episode broadcast on 7 June 2016. Brody was introduced to the show along with his three siblings;", + "score": 0.6796875 + }, + { + "id": "14511635", + "title": "Matt Boesenberg", + "text": "century. The series will be first screened on Australian television in early 2013. Matt Boesenberg Matt Boesenberg is an Australian TV and film actor. He is best known for his role as the notorious gangster, John \"Snowy\" Cutmore, which he plays in two of the \"Underbelly\" miniseries (\"\" and \"\"). Boesenberg's career began in the theatre, with his first role in the Sydney-based PACT Centre for Emerging Artists production \"Madagaskar Lily\". He then moved on to the Australian Theatre for Young People (ATYP) where he developed a passion for Shakespeare. He played the role of Banquo in \"Macbeth\", and Ulysses", + "score": 0.6796875 + }, + { + "id": "8747034", + "title": "Matt Barr", + "text": "who fell in love with Roseanna McCoy. Barr was drawn to this part due to the romance and tragedy surrounding the famous feud. In 2014, Barr appeared in a recurring role on \"Sleepy Hollow\" as Nick Hawley in season 2. Matt Barr Matthew Jerome Barr (born February 14, 1984) is an American actor. He is known for his roles as Johnse Hatfield in \"Hatfields & McCoys\" with Kevin Costner, Mike Fleming in \"Commander in Chief\", Ian Banks in \"One Tree Hill\", Christopher Sullivan in the mystery-horror limited series \"Harper's Island\", and Dan Patch in The CW's series \"Hellcats\". Matthew Jerome", + "score": 0.6787109375 + }, + { + "id": "20056418", + "title": "Jackson Heywood", + "text": "Jackson Heywood Jackson Heywood is an Australian actor. He has played Brody Morgan on the Seven Network soap opera \"Home and Away\" since 2016. Heywood was born in Canberra, Australia. As the third of six children, he was raised in a coastal areas Newport and later Narrabeen in Sydney, where he relocated at an early age with his family as his mother, Christine, worked for ProKayaks, a canoe and kayak store in Narrabeen His older sister is actor, director and producer Millie Rose Heywood. He attended St Ives High School and following graduation in 2006, Heywood worked as a waiter", + "score": 0.6787109375 + }, + { + "id": "14941845", + "title": "John Putch", + "text": "Scout in 1973 episode \"Archie is Branded\"), he was remembered by producer Norman Lear who cast him in a recurring role as Bob Morton on the sitcom \"One Day at a Time\", appearing in fourteen episodes from 1976\u20131983. Putch's next notable role was in the film \"Jaws 3-D\" (1983) co-starring as Sean Brody the son of Roy Scheider's character, Martin Brody, and his other film credits include appearances in \"The Sure Thing\" (1985), \"Welcome to 18\" (1986), \"Men at Work\" (1990), \"Skeeter\" (1993), and the horror film \"Curfew\" (1989), opposite Kyle Richards. For much of the 1980s into the 1990s", + "score": 0.6787109375 + }, + { + "id": "3886512", + "title": "Max Baer Jr.", + "text": "and Donna Douglas both had visited Ebsen in the hospital. With the 2015 death of co-star Donna Douglas, Baer is the only surviving cast member. Max Baer Jr. Maximilian Adalbert Baer Jr. (born December 4, 1937) is an American actor, screenwriter, producer, and director. He is best known for playing Jethro Bodine, the dimwitted adopted nephew of Jed Clampett (played by Buddy Ebsen) on \"The Beverly Hillbillies\". After the death of Donna Douglas in January 2015, Baer became the last surviving member of that show's main cast. Baer was born Maximilian Adalbert Baer Jr. in Oakland, California, in 1937, the", + "score": 0.67822265625 + }, + { + "id": "18576078", + "title": "Gregory J. Barnett", + "text": "for the series \"24\", the show received a Primetime Emmy Awards for Outstanding Stunt Coordination. He played the part of Sergeant Williger in \"The Ultimate Impostor\", a 1979 science fiction / espionage film directed by Paul Stanley that starred Keith Andes, Macon McCalman, Erin Gray and Rosalind Chao. In 1984, he played the part of Andre in the series \"Hawaiian Heat\" that starred Robert Ginty and Jeff McCracken. In recurring acting roles he has had an ongoing role in the television series \"Baywatch\" playing the part of Jim Barnett and in that role he appeared in more than thirty episodes.", + "score": 0.677734375 + }, + { + "id": "8455148", + "title": "Duncan Stewart (Home and Away)", + "text": "he learns her 30th birthday is coming up, he offers to fly Tori, her brothers and their friends to a vineyard for the day. During the flight, Duncan and the passengers pass out due to a carbon monoxide leak and the plane crashes. They all survive, but Tori's brother Brody Morgan (Jackson Heywood) is missing. Duncan, Tori and Nate Cooper (Kyle Pryor) leave the others to search for him. They later encounter Justin Morgan (James Stewart) and together they find and rescue Brody. Duncan is reunited with Roo and Alf at the hospital. For his portrayal of Duncan, McKensy was", + "score": 0.6767578125 + }, + { + "id": "8206451", + "title": "Mitch Buchannon", + "text": "again on the original \"Baywatch\" series in season 8, where they had a temporary falling out when Garner used Mitch's new love interest, Neely Capshaw, as an undercover mole in a drug dealer's operation. It was the last time Mitch and Garner appeared together in the series. The 1999 premiere episode of \"Baywatch: Hawaii\" showed a new and somewhat darker side to Mitch Buchannon. Disillusioned by his failed relationships, his mother's losing battle with Alzheimer's disease, and the fact that his son Hobie had left home and gone off to college, Mitch decided to pack his bags and escape to", + "score": 0.6767578125 + }, + { + "id": "7594603", + "title": "Matt Hancock (Neighbours)", + "text": "Toadfish Rebecchi (Ryan Moloney). Matt starts dating Laura Wallace and he pretends he lives alone. However, he is forced to admit he still lives with his parents after Laura spots his sister's toys. Laura tells Matt she is a stripper and that many of her previous boyfriends had issues with her job. Matt tries to pretend he is comfortable with Laura's job, but it soon becomes evident he is not when he punches an audience member at one of Laura's shows. Laura is fired and she and Matt break up. Laura gets Matt a job as an Elvis impersonator and", + "score": 0.67626953125 + }, + { + "id": "4008715", + "title": "Blake Bashoff", + "text": "2, 2008. He was replaced on Broadway by former ensemble member and Moritz understudy Gerard Canonico. Bashoff reprised his role as Moritz on the first National Tour of Spring Awakening. He ended his run with the Spring Awakening National Touring Cast on August 16, 2009 and was replaced by Taylor Trensch. Bashoff also appears in the 2008 film \"Together Again for the First Time\", which stars David Ogden Stiers and Julia Duffy. He played Mark, Peggy Olson's boyfriend, on of \"Mad Men\". Blake Bashoff Blake Warren Bashoff (born May 30, 1981) is an American television and motion picture actor, known", + "score": 0.67626953125 + }, + { + "id": "9227320", + "title": "Jaws (novel)", + "text": "Meanwhile, Brody's wife Ellen misses the affluent life she had before marrying Brody and having children. She starts a romantic relationship with Matt Hooper, who is the younger brother of David Hooper, a man she used to date, and the two have a brief affair in a motel outside of town. Throughout the rest of the novel, Brody suspects they have had a liaison and is haunted by the thought. With the beaches still open, people pour to the town, hoping to glimpse the killer shark. Brody sets up patrols to watch for the fish. After a boy narrowly escapes", + "score": 0.67578125 + }, + { + "id": "13088362", + "title": "Robert Coleby", + "text": "\"Paradise Beach\" (1993\u201394). Coleby played Richard Craig in several episodes of the Australian medical drama \"All Saints\" between 2001 and 2004, and appeared as William Maplewhite in two episodes of \"The Lost World\" in 2001 and 2002. In 2005 he portrayed Rock Hudson in the fictionalised American television movie/docudrama \"\", based on the creation and behind the scenes production of the 1980s prime time soap opera \"Dynasty\". Coleby played Alexander Preston in the 2006 American telenovela \"Monarch Cove\", and Howard Webb in a 2006 episode of the Australian drama \"McLeod's Daughters\". He later played Paul Devers in the 2007 American", + "score": 0.67529296875 + }, + { + "id": "5450279", + "title": "Darin Brooks", + "text": "and worked as an extra in films. He was discovered by casting director Kathy Henderson. When Brooks moved to Los Angeles, California, he called Henderson immediately, took acting classes at the renowned Ivana Chubbuck Studios, and got an agent. Two years after the move, he was portraying Max Brady on the NBC drama series \"Days of Our Lives\". He later starred as Alex Moran on the Spike TV series \"Blue Mountain State\". In 2010, Brooks starred as Mr. Blake Owens on the web series \"Miss Behave\". In June 2013, Brooks began playing Wyatt Spencer on the CBS soap opera \"The", + "score": 0.67431640625 + }, + { + "id": "19542167", + "title": "Matt Levett", + "text": "Matt Levett Matt Levett is an Australian actor known for his recurring role in the Australian period drama \"A Place to Call Home\". Levett is also notable for his role in the 2014 mini series \"Devil's Playground\"; where he portrayed Brendan Mahony. Matt Levett had guest roles in the television series \"The Cooks\" and \"All Saints\" in 2005 and \"Home and Away\" and \"Two Twisted\" in 2006. He graduated from the Western Australian Academy of Performing Arts (WAAPA) in 2009. His first supporting role in a TV series was in \"Bed of Roses\" as Sean Smithwick. This was followed by", + "score": 0.673828125 + }, + { + "id": "13232276", + "title": "Tom McTigue", + "text": "returned to Seattle where he acted in regional plays. He eventually became interested in stand up comedy and began performing on the road. Tom McTigue Thomas \"Tom\" McTigue (born 1959) is an American actor and comedian. He is best known for playing Harvey Miller on the 1990s television series \"Baywatch\". He made guest appearances on numerous television programs: \"Beverly Hills, 90210\" in 1991 as Jack and on \"Roseanne\" in 1994 as a doctor. He has also appeared in several films and hundreds of commercials. He has a minor part as a teacher in the 2014 film \"Boyhood\". Tom McTigue was", + "score": 0.67333984375 + }, + { + "id": "20591059", + "title": "Brody Morgan", + "text": "had professions, and are not criminals. Brody is a successful chef and Heywood called him \"a real craftsman\". Brody, his two brothers Justin and Mason, and their dog Buddy are driving to Summer Bay to join their sister Tori, who moved to the town five weeks before them, when they are almost involved in a car crash with Martin \"Ash\" Ashford (George Mason). Brody and Mason desperately try to keep Justin and Ash from fighting. The brothers continue their journey to the Bay, where they find Ash talking with Tori and Alf Stewart (Ray Meagher) on the beach and another", + "score": 0.67333984375 + }, + { + "id": "18313440", + "title": "Baywatch (film)", + "text": "yacht, discovering how she's been using the hull to smuggle the drugs. Brody is captured and placed in a bait cage to be drowned, and a gloating Leeds reveals that she bribed the corrupt Thorpe to set Mitch up so he could justify firing him before pushing the cage into the water. Just before Brody drowns, Mitch appears and saves him. The two catch up to Leeds, while Ronnie and C. J. launch fireworks to prevent her escape helicopter from landing. Just as they run out, a wounded Mitch, having intentionally stung himself with a sea urchin to boost his", + "score": 0.6728515625 + }, + { + "id": "13232275", + "title": "Tom McTigue", + "text": "Tom McTigue Thomas \"Tom\" McTigue (born 1959) is an American actor and comedian. He is best known for playing Harvey Miller on the 1990s television series \"Baywatch\". He made guest appearances on numerous television programs: \"Beverly Hills, 90210\" in 1991 as Jack and on \"Roseanne\" in 1994 as a doctor. He has also appeared in several films and hundreds of commercials. He has a minor part as a teacher in the 2014 film \"Boyhood\". Tom McTigue was born and grew up in Spokane, Washington. He studied theatre at Washington State University. After moving to New York to study acting, he", + "score": 0.6728515625 + }, + { + "id": "9135107", + "title": "Max Brody", + "text": "Max Brody Max Brody (born Matthew Woods Brody, 1969) is an American musician based outside of Seattle, Washington, best known as the drummer/saxophonist for the hard rock band Ministry from 1999-2004 Brody was born in the town of Elgin, Illinois and was raised there until the age of five, when his family relocated to Scottsdale, Arizona. Brody started playing clarinet in the second grade, switching to saxophone as soon as he could reasonably hold one. By high school, he and his brother, Doug, were writing and recording jazzy, ambient, \"new age\" songs under the moniker \"Mosaic\" at their parents', house", + "score": 0.6728515625 + }, + { + "id": "4669287", + "title": "Mark Matkevich", + "text": "Mark Matkevich Mark Matkevich (born June 19, 1978) is an American art gallerist and actor best known for appearing as Drue Valentine in 17 episodes of the television program \"Dawson's Creek\". He also appeared in the hit romantic comedy, 'Sweet Home Alabama', and played Patrick Dempsey's best friend 'Tom Darovsic'. Matkevich has also had recurring roles on \"Ed\" and \"Joan of Arcadia\". He played Dan, a medical student, in an episode of \"Tru Calling\" (episode entitled \"Haunted\") and had a guest star role in Season 5 (series five) of \"NCIS\". He has appeared in the Showtime show \"Dexter\" with Michael", + "score": 0.67236328125 + }, + { + "id": "7638882", + "title": "Thom Mathews", + "text": "as Joey in \"Return of the Living Dead Part II\" and Charmin' in \"Alien from L.A.\". In 1989, Mathews guest starred on an episode of \"CBS Summer Playhouse\". In 1990, he portrayed Tim Murphy in the television film \"Rock Hudson\", Sonny Hilderbrand in the television pilot \"Sporting Chance\", and David in the film \"Midnight Cabaret\". The following year, Mathews starred in the films \"Bloodmatch\" and \"Born to Ride\" and the television short \"The Letters from Moab\". In 1992, he starred in the film \"Nemesis\". In 1994, he portrayed Bill in \"Kickboxer 4\" and Dan Donahue in \"In the Living Years\".", + "score": 0.67236328125 + }, + { + "id": "14511630", + "title": "Matt Boesenberg", + "text": "Matt Boesenberg Matt Boesenberg is an Australian TV and film actor. He is best known for his role as the notorious gangster, John \"Snowy\" Cutmore, which he plays in two of the \"Underbelly\" miniseries (\"\" and \"\"). Boesenberg's career began in the theatre, with his first role in the Sydney-based PACT Centre for Emerging Artists production \"Madagaskar Lily\". He then moved on to the Australian Theatre for Young People (ATYP) where he developed a passion for Shakespeare. He played the role of Banquo in \"Macbeth\", and Ulysses in \"Troilus and Cressida\". He was soon awarded a scholarship by the ATYP", + "score": 0.67236328125 + }, + { + "id": "13703631", + "title": "Diego Klattenhoff", + "text": "Rae Ellen Bodie. His first notable acting role was in \"Mean Girls\" (2004). He followed that with a string of appearances in notable TV shows like \"Smallville\" and \"Stargate SG-1\", and films like \"Lucky Number Slevin\" (2006). Since 2006, he has been in recurring roles like Young Jacob in CBC Television's \"At the Hotel\", Derek in CTV's \"Whistler\", Ivan Palacinke in ABC's \"Men in Trees\" and Mike Callahan in NBC's \"Mercy\". Klattenhoff appeared in \"Homeland\" as Mike Faber, a Marine major whose best friend returns to the U.S. after disappearing in Iraq eight years earlier. He and the cast were", + "score": 0.671875 + }, + { + "id": "2813774", + "title": "Jaws: The Revenge", + "text": "(\"Revenge\") will be the fastest I have ever seen a major film planned and executed in all of my 35 years as a production manager.\" The film was nominated for seven Golden Raspberry Awards, and won one. On Amity Island, Martin Brody, famous for his role as Police Chief and his heroism during the previous events, has recently died from a heart attack. His wife, Ellen, attributes it to the fear of sharks. She now lives with Brody's younger son, Sean, and his fianc\u00e9e, Tiffany. Sean now works as a police deputy, and is dispatched to clear a log from", + "score": 0.67138671875 + }, + { + "id": "7110945", + "title": "Jody McCrea", + "text": "Dunbar. Jody McCrea did not portray the role of Joel's son on the program but as the deputy marshal, Ben Matheson. McCrea had a small role in \"All Hands on Deck\" (1961) and could be seen in \"Guestward Ho!\" (\"The Wrestler\"), and \"Death Valley Days\" (\"To Walk with Greatness\"). He toured around the country with \"The Tiger\" a production from Moral Rearmament. He did \"The Moon is Blue\" and \"Look Homeward Angel\" in stock. In the early 1960s, McCrea made an appearance on the popular TV show \"I've Got a Secret\" as part of a group of entertainers related to", + "score": 0.67138671875 + }, + { + "id": "7627330", + "title": "Al McCoy (boxer)", + "text": "well as \"Fireman\" Jim Flynn, and heavyweight Frank Moran. The film involved a rivalry between bar owner Chuck Connors and central character Steve Brody. It was set in the New York Bowery, in the Lower East side of Manhattan, around the 1890s, and contained a lot of non-professional fighting. Actor George Walsh played real life character Steve Brodie, who indeed owned a Bowery bar and won fame jumping off the Brooklyn Bridge. The other primary character Chuck Connors, played by Wallace Beery, managed a professional boxer. In a brief bit, Walsh is revealed to be Irish heavyweight boxing champion John", + "score": 0.67138671875 + }, + { + "id": "15966655", + "title": "T. Peter Brody", + "text": "has been created in his name to honor outstanding contributions of young researchers to active matrix information display technology. Brody was the first person in history to receive all three major SID awards. T. Peter Brody T. P. \"Peter\" Brody (18 April 1920 Budapest, Hungary \u2013 18 September 2011 Pittsburgh, PA, United States) was a British-naturalised physicist and the co-inventor of Active Matrix Thin-Film Transistor display technology together with Fang-Chen Luo, having produced the world's first Active Matrix Liquid Crystal Display (AM-LCD) in 1972 and the first functional AM-EL (electroluminescent display) in 1973 while employed by Westinghouse Electric Corporation in", + "score": 0.67138671875 + }, + { + "id": "10364185", + "title": "Gyo\u0308rgy Bro\u0301dy", + "text": "Gy\u00f6rgy Br\u00f3dy Gy\u00f6rgy Br\u00f3dy (July 21, 1908 in Budapest \u2013 August 5, 1967 in Johannesburg, South Africa) was a Hungarian water polo player. At the 1928 Summer Olympics he was a reserve player of the Hungarian water polo team, but did not compete in a match of the 1928 tournament. He competed in the 1932 Summer Olympics and in the 1936 Summer Olympics. In 1932 he was part of the Hungarian team which won the gold medal. He played two matches as goalkeeper. Four years later he won the gold medal again with the Hungarian team. At the Berlin Games", + "score": 0.6708984375 + }, + { + "id": "18602512", + "title": "Matt Hannon", + "text": "Matt Hannon Mathew Karedas, also known as Matt Hannon (born June 11, 1964), is an American actor, best known for his role as Joe Marshall in the 1991 film \"Samurai Cop\" and its sequel. Karedas was unable to get any substantial roles after \"Samurai Cop\", and he disappeared from public interest for the better part of two decades. He was largely unaware of the cult following that \"Samurai Cop\" had attained. Karedas would check his IMDb page, and noticed that many people assumed that he was dead, although this may have been due to him legally changing his name in", + "score": 0.6708984375 + }, + { + "id": "4130691", + "title": "Baywatch Nights", + "text": "of \"The X-Files\"). Gregory Alan Williams left the series and was replaced by Dorian Gregory as Diamont Teague, a paranormal expert. The new format did not help the series and it was canceled after the second season. The character Donna Marco was later carried over to the original \"Baywatch\" series afterwards. Shock Entertainment released both seasons on DVD in Region 4 (Australia) on September 18, 2013. Baywatch Nights Baywatch Nights is an American police and science fiction drama series that aired in syndication from 1995 to 1997. Created by Douglas Schwartz, David Hasselhoff and Gregory J. Bonann, the series is", + "score": 0.6708984375 + }, + { + "id": "8093300", + "title": "Chad Broskey", + "text": "Chad Broskey Chad Broskey (born July 3, 1987) is a former American actor. He has played in two movies, Legally Blondes (2009), and Read It and Weep (2006). Chad went to the Youth Performing Arts School in Louisville, Kentucky. He appeared as Gavin in an episode for \"The Suite Life of Zack & Cody\". He also co-starred in the Disney Channel Original Movie \"Read It and Weep\" opposite Kay Panabaker as Marco Vega and appeared in the Scrubs episode \"Their Story\" as The Todd's fantasy son Rod. Recently, Chad appeared in an episode of Wizards of Waverly Place as one", + "score": 0.67041015625 + }, + { + "id": "4675065", + "title": "David Monahan", + "text": "David Monahan David Harold Monahan (born August 13, 1971) is an American actor, best known for recurring roles on \"Crossing Jordan\" as Detective Matt Seely and \"Dawson's Creek\" as Tobey Barret. He has also appeared in such films as \"The Last Supper\" (2000), \"The Mostly Unfabulous Social Life of Ethan Green\" (2005) and \"Something New\" (2006). He also appeared in the \"Supernatural\" episode \"Houses of the Holy\". Monahan was born in North Olmsted, Ohio. A 1989 graduate of Bishop Denis J. O'Connell High School, Monahan graduated from Harvard University with an honor degree in government. Monahan's husband is actor Larry", + "score": 0.67041015625 + }, + { + "id": "5435978", + "title": "Matt Borlenghi", + "text": "quit the show in 1993 in favor of doing comedy TV. However, later in 1996, he did make a brief return to stir things up between Hayley and new boyfriend Mateo (Mark Consuelos). Borlenghi also played Ziggy Deadmarsh on CBS soap opera \"The Bold and the Beautiful\" in 2002, and Mayor Anthony Marino on NBC \"Days of Our Lives\". Borlenghi spent several years starring on various sitcoms, such as \"The Jeff Foxworthy Show\", in which he portrayed Jeff Foxworthy's assistant Russ Francis; \"Pig Sty\" on UPN; \"Party Girl\" on FOX; and \"\". He also guest-starred on \"Melissa and Joey\" and", + "score": 0.67041015625 + }, + { + "id": "15543952", + "title": "Luke Bracey", + "text": "he starred as FBI Agent Johnny Utah in the remake of the 1991 film. In March 2013, Bracey signed on for the male lead role in the ABC drama pilot \"Westside\" produced by McG and developed by Ilene Chaiken. Bracey appeared in the drama series \"Home and Away\". Luke Bracey Luke Bracey (born 26 April 1989) is an Australian actor, known for his work in films such as \"Monte Carlo\", \"\", \"The November Man\", \"Point Break\" and \"Hacksaw Ridge\", and for television series such as \"Westside\" and \"Home and Away\". Bracey appeared in the 2011 film \"Monte Carlo\", and played", + "score": 0.67041015625 + }, + { + "id": "16758971", + "title": "Nicholas Brody", + "text": "to Congress. In the third season, he was executed by Iranian authorities after completing a CIA plot against the Iranian Revolutionary Guard. GySgt Nicholas Brody was a United States Marine Corps Force Reconnaissance Scout Sniper who deployed during the Iraq War. On May 19, 2003, both Brody and a fellow Scout Sniper, Thomas Walker (Chris Chalk), were captured near the Syrian border by forces loyal to Saddam Hussein. The two men were sold to al-Qaeda commander Abu Nazir (Navid Negahban) and held captive in Damascus for the next eight years. Brody's guards tortured him for much of his captivity, but", + "score": 0.669921875 + }, + { + "id": "20591055", + "title": "Brody Morgan", + "text": "Jonathon Moran from \"The Daily Telegraph\" reported actors Jackson Heywood, James Stewart and Orpheus Pledger had joined the cast of \"Home and Away\" as brothers Brody, Justin and Mason Morgan respectively. All three began filming their first scenes during the following week, ahead of their on-screen debut in 2016. During the audition process for the Morgans, Heywood was paired with several actors until the producers found the right combination. He formed an immediate connection with Stewart, Pledger and Penny McNamee, who plays their sister Tori Morgan, and commented \"It was really nice to see the ones I had the most", + "score": 0.669921875 + }, + { + "id": "4509553", + "title": "John Bregar", + "text": "accidentally being killed by a leading character named Sally. John Bregar John Francis Bregar (born March 1, 1985) is a Canadian actor best known for his role as Dylan Michalchuk on \"\". He also played Cody Flowers in \"Family Biz\". His professional acting debut was starring in the music video \"Father\" by Knights of the Realm. He played Jason Valentine in the Canadian Film Center short film, \"Todd And The Book Of Pure Evil\". He and Adamo Ruggiero were nominated for a GLAAD Media Award at the 15th Annual GLAAD Media Awards and featured in \"The Advocate\" for their roles", + "score": 0.669921875 + }, + { + "id": "13305966", + "title": "Matt Bush (actor)", + "text": "Matt Bush (actor) Matthew \"Matt\" Bush (born March 22, 1986) is an American actor, best known for the film \"Adventureland\" and his AT&T Rollover Minutes commercials. He starred in the TBS comedy \"Glory Daze\" as Eli Feldman, a freshman who rushes the wildest fraternity on a 1980s college campus. He is also featured in a 2018 Pizza Hut commercial and currently plays Andy Cogan on \"The Goldbergs\". Bush was born in Pennsylvania and raised in Cherry Hill, New Jersey. He is of Italian descent. His parents, Linda and Dennis Bush, run a magic act. Bush attended Beck Middle School, Cherry", + "score": 0.66943359375 + }, + { + "id": "18602513", + "title": "Matt Hannon", + "text": "the early 90's. He would regain attention when his daughter uploaded a video of him saying that he was indeed alive to YouTube. He has since returned to acting, reprising his role as Joe Marshall in the 2015 film \"\". Matt Hannon Mathew Karedas, also known as Matt Hannon (born June 11, 1964), is an American actor, best known for his role as Joe Marshall in the 1991 film \"Samurai Cop\" and its sequel. Karedas was unable to get any substantial roles after \"Samurai Cop\", and he disappeared from public interest for the better part of two decades. He was", + "score": 0.66943359375 + }, + { + "id": "9212449", + "title": "Loren Avedon", + "text": "Loren Avedon Loren R. Avedon (born July 30, 1962) is an American martial arts film actor. He has also acted in several popular American TV shows, including \"Baywatch\". He has over 28 years of martial arts experience and is a 5th Dan black belt in Tae Kwon Do and an 8th dan black belt in Hap Ki Do. His first acting roles were as a child in TV commercials, mainly for Carnation Milk, The May Company, and other retailers. He also worked as a model, and appeared in a couple of martial arts films, such as Ninja Turf (1985), which", + "score": 0.6689453125 + }, + { + "id": "19305654", + "title": "Bronson Matthews", + "text": "Bronson Matthews Joshua Bredl (born January 28, 1991) is an American professional wrestler best known for his time in WWE under the name Bronson Matthews. In 2015, Bredl was the male winner of the sixth season of the WWE competition \"Tough Enough\", earning a one-year contract with the promotion. Bredl was born in Thornton, Colorado, and has a younger sister named Brandi Bredl. He attended Horizon High School. He has a background in college football, playing defensive end, defensive line and defensive tackle for the Colorado ThunderWolves at Colorado State University \u2013 Pueblo, and also majored in exercise science. He", + "score": 0.6689453125 + }, + { + "id": "19938611", + "title": "Cleo McQueen", + "text": "rolls down a hill and is not found by the paramedics. When Joel comes round, he realises that she is not at the hospital and goes back to find her. Cleo goes into cardiac arrest in the ambulance and Joel begs God to save her in return for him recommitting to the Church. Cleo attempts to move on from Joel with village newcomer Brody Hudson (Adam Woodward). Brody flirts with Cleo and she agrees to go on a date with him. Joel sees them together and ends up confronting Brody about his intentions towards Cleo. She later tells Joel to", + "score": 0.6689453125 + }, + { + "id": "5580330", + "title": "Brandon Call", + "text": "debut was voicing \"Fairy #1\" in Disney's \"The Black Cauldron\" in 1985. Also in 1985, he landed a recurring role on the NBC daytime drama, \"Santa Barbara\". During his stint on \"Santa Barbara\", he earned two Young Artist Awards for the role. After leaving the series in 1987, he guest starred on two episodes of \"St. Elsewhere\", and appeared on the short-lived series \"The Charmings\". From 1989 to 1990, he portrayed Hobie Buchannon on the first season of \"Baywatch\". Also in 1990, he played Billy in the film \"Blind Fury\". The following year, he starred opposite Andrew Dice Clay in", + "score": 0.66796875 + }, + { + "id": "10364186", + "title": "Gyo\u0308rgy Bro\u0301dy", + "text": "he played six matches as goalkeeper. Br\u00f3dy was Jewish; he was one of a number of Jewish athletes who won medals at the Nazi Olympics in Berlin in 1936. Gy\u00f6rgy Br\u00f3dy Gy\u00f6rgy Br\u00f3dy (July 21, 1908 in Budapest \u2013 August 5, 1967 in Johannesburg, South Africa) was a Hungarian water polo player. At the 1928 Summer Olympics he was a reserve player of the Hungarian water polo team, but did not compete in a match of the 1928 tournament. He competed in the 1932 Summer Olympics and in the 1936 Summer Olympics. In 1932 he was part of the Hungarian", + "score": 0.66796875 + }, + { + "id": "3803700", + "title": "Kerr Smith", + "text": "graduated from Henderson High School in West Chester, Pennsylvania, then studied at the University of Vermont, where he was a member of the Kappa Sigma Fraternity. Smith began acting with roles on \"As the World Turns\" as Teddy Hughes from 1996 to 1997, the films \"Final Destination\" (2000) and a cameo in \"The Broken Hearts Club\" (2000), written and directed by \"Dawson's Creek\" writer Greg Berlanti and as a guest star in The WB's hit show \"Charmed\" as Agent Kyle Brody- a love interest for the fourth sister, Paige. When he first appeared as Jack McPhee in the second season", + "score": 0.66796875 + }, + { + "id": "3121152", + "title": "California Dreams", + "text": "Garrison family, who moved to Southern California from Iowa at an undisclosed point prior to the timeline of the series. In the first season, the show's main characters were Matt Garrison (Brent Gore), the band's leader, and his younger sister Jenny (Heidi Noelle Lenhart), who is the pianist/vocalist of the group. The remainder of the Garrison family included father Richard (Michael Cutt), mother Melody (Gail Ramsey), and their youngest son, Dennis (Ryan O'Neill). The other main characters were bass player Tiffani Smith (Kelly Packard), drummer Tony Wicks (William James Jones), and the band's teen manager, Sylvester \"Sly\" Winkle (Michael Cade)", + "score": 0.66796875 + }, + { + "id": "5447902", + "title": "Jason Brooks (actor)", + "text": "Jason Brooks (actor) Jason Maxwell Brooks (born May 10, 1966) is an American actor. He is best known for playing Peter Blake on the soap opera \"Days of Our Lives\" and Sean Monroe on \"Baywatch Hawaii\". Jason also had a recurring guest appearance on the television show \"The Pretender\", playing Thomas Gates. He played on \"The Suite Life of Zack & Cody\" as Dakota Smith. He played Bacarra, a Warlock in episode 7, season 5 of Charmed. He also appeared in an episode of the NBC sitcom \"Friends\" as Rick in \"The One with the Ballroom Dancing\" in season 4.", + "score": 0.66748046875 + }, + { + "id": "17860315", + "title": "Matt Katz-Bohen", + "text": "and Goodbye\". In 2016, he scored the music for the film \"Dear Henri\". Matt Katz-Bohen Matthew Jeremy \"Matt\" Katz-Bohen is a multi-instrumentalist, songwriter, and producer. Since 2008, he has been the keyboardist for the rock band Blondie. Katz-Bohen was born in Manhattan, New York. He started playing piano and then guitar in elementary school. He then attended the Fiorello H. LaGuardia High School (the \"Fame\" School) in New York City, where he studied violin and composition. He then attended Bard College. As a guitarist, Katz-Bohen has backed performers Boy George, Ashford & Simpson, Jody Watley, Lady Miss Kier, John Cameron", + "score": 0.66748046875 + }, + { + "id": "6183962", + "title": "Costas Mandylor", + "text": "Costas Mandylor Costas Mandylor (born Constantinos \"Costas\" Theodosopoulos Greek: \u039a\u03c9\u03bd\u03c3\u03c4\u03b1\u03bd\u03c4\u03af\u03bd\u03bf\u03c2 \"\u039a\u03ce\u03c3\u03c4\u03b1\u03c2\" \u0398\u03b5\u03bf\u03b4\u03bf\u03c3\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf\u03c2; 3 September 1965) is a Greek Australian actor. He is best known for his role as Kenny in \"Picket Fences\" and for portraying Mark Hoffman in the \"Saw\" films. Mandylor was born in Melbourne the son of Greek immigrants from the state of the Peloponnese, Louise (n\u00e9e Mandylaris) from Kalamata and Yannis Theodosopoulos from Tripoli, who is a taxi driver. Mandylor took a version of his mother's maiden name, citing his real name in Greek being too long. He grew up in St Kilda and South Melbourne. He", + "score": 0.66748046875 + }, + { + "id": "6592641", + "title": "Michael Reilly Burke", + "text": "Michael Reilly Burke Michael Reilly Burke (born June 27, 1964) is an American actor. He played Rex Van De Kamp on the unaired pilot of \"Desperate Housewives\". Steven Culp replaced him before the pilot aired. He also appeared in The WB series \"Charmed\" in the episode \"Heartbreak City\". He is a 1982 graduate of Marin Catholic High School in Marin County, California. The lone starring role of his career was as serial killer Ted Bundy in the 2002 film \"Ted Bundy\". He played the role of Officer Kevin Lund on ABC Family's \"Lincoln Heights\". He has guest starred on various", + "score": 0.6669921875 + }, + { + "id": "17772233", + "title": "Matthew Laurance", + "text": "Matthew Laurance Matthew Laurance (born Matthew Dycoff) is an American film and television actor and comedian. Matthew Dycoff was born in Queens, New York City, New York and raised in Long Island, New York. He has an identical twin brother, Mitchell (born four minutes earlier), who is also a professional actor. Both brothers are graduates of Tufts University. Laurance appeared on \"Saturday Night Live\" during its sixth season. He left \"SNL\" after one season (albeit a short season, only 13 episodes). Laurance portrayed bass player Sal Amato in the 1983 cult hit \"Eddie and the Cruisers\", and he was the", + "score": 0.6669921875 + }, + { + "id": "6751307", + "title": "Tad Hilgenbrink", + "text": "it or go home. After winning his first major roles as well as the Showcase Showdown on \"The Price Is Right\", he decided to stay. He was chosen for Matt Stifler due to his resemblance to Seann William Scott, replacing Eli Marienthal who portrayed the character in the primary \"American Pie\" series. He also appeared in the 2006 film \"The Curiosity of Chance\", a movie in which he stars as a gay high school student who moved to a new school and must learn to fit in. Tad Hilgenbrink Tad Hilgenbrink (born Tad Davie Hilgenbrinck Quintana, October 9, 1981) is", + "score": 0.66650390625 + }, + { + "id": "5716264", + "title": "Matthew Davis", + "text": "Matthew Davis Matthew W. Davis (born May 8, 1978) is an American actor who is known for his roles as Warner Huntington III in \"Legally Blonde\", Adam Hillman on the ABC comedy-drama \"What About Brian\" from 2006 to 2007 and Alaric Saltzman on The CW fantasy drama \"The Vampire Diaries\" from 2009 to 2017. He starred on the short-lived CW mystery and horror drama \"Cult\" as Jeff Sefton, and had a recurring role on the CBS police drama \"\" as Sean Yeager. Davis co-starred with Reese Witherspoon and Selma Blair in the comedy \"Legally Blonde\" (2001), as Warner Huntington III,", + "score": 0.66650390625 + }, + { + "id": "20056423", + "title": "Jackson Heywood", + "text": "while they attended a Tiffany & Co. event at Chateau Marmont Hotel in Los Angeles. It is believed that they initially met on the set of \"Teen Wolf\", while Heywood was residing in Los Angeles, in which they appeared in guest roles in a Season 3 episode of the series. In an interview with \"The Daily Telegraph\" in 2016, Heywood announced that the couple had split following their three-year relationship. Jackson Heywood Jackson Heywood is an Australian actor. He has played Brody Morgan on the Seven Network soap opera \"Home and Away\" since 2016. Heywood was born in Canberra, Australia.", + "score": 0.666015625 + }, + { + "id": "6415475", + "title": "Land Shark (Saturday Night Live)", + "text": "latex and foam-rubber shark head lunges through open door, chomps down on woman's head, and drags her out of the apartment, as \"Jaws\" attack music plays.] The Land Shark attack scenes are intermixed with other scenes directly spoofing \"Jaws\", featuring Dan Aykroyd as Chief Brody and John Belushi as Matt Hooper. The character returned in later episodes with the original cast, after which it did not appear for many years. Titled \"Jaws III.\" The women attacked were played by Laraine Newman, Jane Curtin, Gilda Radner, and guest host Lily Tomlin. The shark also eats Brody (Dan Aykroyd) and announcer Don", + "score": 0.66552734375 + }, + { + "id": "5197056", + "title": "Jeremy Jackson", + "text": "Jeremy Jackson Jeremy Dunn Jackson (born October 16, 1980) is an American actor and singer. He is best known for his role as Hobie Buchannon on the television show \"Baywatch\". Jackson was introduced to music by David Hasselhoff, who starred on \"Baywatch\", on which Jackson appeared. Jackson later supported Hasselhoff on his 1993 European tour and Jackson was signed to Edel Records by Peter Lopez. An Australian musician, Mark Holden, who was working with Hasselhoff, wrote a number of songs and produced the album. Jackson was featured in \"Vanity Fair's\" Hollywood Issue in March 2006. He has been referred to", + "score": 0.66552734375 + }, + { + "id": "16758973", + "title": "Nicholas Brody", + "text": "President William Walden (Jamey Sheridan), who falsely claimed that no children were killed in the drone strike. Brody swore revenge on Walden and agreed to kill him in a suicide attack. Brody is rescued by Delta Force troops during a raid on a terrorist compound in Afghanistan. He is flown back to the U.S., where he is reunited with his wife, Jessica (Morena Baccarin), and his children, Dana (Morgan Saylor) and Chris (Jackson Pace). He also meets Walden during a press conference at Andrews Air Force Base. During his debriefing, Brody finds himself interrogated by CIA officer Carrie Mathison (Claire", + "score": 0.6650390625 + }, + { + "id": "9578982", + "title": "Brody Davis", + "text": "Brody Davis Brody Davis is a fictional character created by Jason Katims for the 1999-2002 American science fiction television series \"Roswell\". He is portrayed by actor Desmond Askew. Davis is a millionaire who takes over ownership of the UFO Center where Max Evans works. On a number of occasions, he claims to have been abducted by aliens. He tells Maria DeLuca that, in essence, his mind would go blank and he would awaken a few days later lacking knowledge of where he had been or what he had been doing. In reality, his body was being used as a vessel", + "score": 0.6650390625 + }, + { + "id": "5336035", + "title": "Cherry Falls", + "text": "in a car when a black-haired female appears and murders them both. Meanwhile, in town, teenager Jody Marken (Brittany Murphy), the daughter of the local sheriff, is with her boyfriend, Kenny (Gabriel Mann), who thinks it is time to go \"see other people.\" Jody goes back home to find her father, Brent (Michael Biehn), upset that she is out past her curfew. Brent and his deputies begin to investigate the murders the next day. They see that the killer carved the word \"virgin\" into both victims. At school, Brent sees English teacher Mr. Leonard Marliston (Jay Mohr), who urges him", + "score": 0.6650390625 + }, + { + "id": "3263277", + "title": "Joey Lawrence", + "text": "the release of \"Summer Rental\". Lawrence provided the voice of Oliver, the protagonist in the 1988 Disney film \"Oliver & Company\". From 1991-95, Lawrence co-starred in the hit TV series \"Blossom\", playing \"Joey Russo\". Lawrence has also starred in the series \"Brotherly Love\" (which featured his real life brothers, Matthew and Andrew Lawrence) and \"Run of the House\", and has guest starred on such programs as \"American Dreams\" and \"\". One of Lawrence's film credits is \"\" (2000). In 2006, Lawrence appeared on ABC's \"Dancing with the Stars\". Paired with professional dancer Edyta \u015aliwi\u0144ska, he placed third in the competition.", + "score": 0.6650390625 + }, + { + "id": "8219168", + "title": "Matt Hollywood", + "text": "Brian Jonestown Massacre in 1993. The band consisted of Travis Threlkel, Ricky Maymi (both from The BJM), Matt Hollywood, Graham Bonnar (of Swervedriver) and Tim Digulla (later of Tipsy). The band recorded its debut album \"Lunchtime In Infinity\" on Bomp! Records in 1994. Hollywood left the band due to his full-time commitment to The BJM and was replaced by Jeremy Davies (brother of founding BJM-member Jeff Davies). Matt Hollywood was a founding member of neo-psychedelic rock band, The Brian Jonestown Massacre, with the initial line-up of Anton Newcombe (guitar/vocals), Travis Threlkel (guitar), Ricky Maymi (drums), Jeff Davies (guitar) and Hollywood", + "score": 0.6650390625 + }, + { + "id": "8279526", + "title": "Ben Lawson", + "text": "Joseph's College, Gregory Terrace and is a graduate of the National Institute of Dramatic Art (NIDA). He has two younger brothers, Josh Lawson, an actor who is known for his appearances on \"Thank God You're Here\", and Jordan Lawson, bass player in the Brisbane band The Gallant, as well as an older brother, Matt Lawson, a Senior Radiographer for radiology company Dr. Jones & Partners in Adelaide. In 2006, Lawson began a starring role in the Australian soap opera \"Neighbours\" as Frazer Yeats. His role earned him a nomination for Most Popular New Male Talent at the 2007 Logie Awards.", + "score": 0.6650390625 + }, + { + "id": "4188639", + "title": "Mitzi Kapture", + "text": "her time with the series, Kapture also directed episodes. Kapture returned to television in 1997, starring in two made-for-USA-Network movies. She played lead roles in USA Pictures Originals telemovies, \"Perfect Crime\" (based on a true story, also called \"Hide and Seek: The Joanne Jensen Story\"), which also starred Jasmine Guy, and \"His Bodyguard\" with Robert Guillaume. She returned to series television in a lead role on \"Baywatch\" as Alexis Ryker. From 2002 through 2005, she played the seductive Anita Hodges on the CBS daytime soap opera \"The Young and the Restless\", credited as Mitzi Kapture Donahue. She also starred in", + "score": 0.66455078125 + }, + { + "id": "6085050", + "title": "Matt McCoy (actor)", + "text": "Matt McCoy (actor) Matt McCoy (born May 20, 1956) is an American actor known for \"The Hand that Rocks the Cradle\", \"\" and \"\" as Sgt. Nick Lassard. McCoy was born in Austin, Texas. He grew up in Bethesda, Maryland, and attended Walter Johnson High School graduating in 1974. McCoy briefly attended University of Maryland, College Park. He worked briefly at the Harlequin Dinner Theater in Rockville. McCoy began acting when he appeared in two plays in the student-directed one act festival: \"Winners\" by Brian Friel, and \"Footsteps of Doves\" by Robert Anderson. Moving to New York City, he graduated", + "score": 0.6640625 + }, + { + "id": "3318934", + "title": "Billy Warlock", + "text": "August 26, 2006, in Las Vegas, Nevada. Billy Warlock Billy Warlock (born March 26, 1961) is an American actor best known for playing Eddie Kramer, a lifeguard on the first three seasons of \"Baywatch\" and in the reunion movie in 2003, as well as for numerous daytime roles, most notably Frankie Brady on \"Days of Our Lives\" and A. J. Quartermaine on \"General Hospital\". Warlock was born William Alan Leming in Gardena, California, the son of Dick Warlock, a successful Hollywood stunt man who did stunts for Kurt Russell and was the stunt driver in the Disney picture, \"The Love", + "score": 0.6640625 + }, + { + "id": "4070004", + "title": "Donna D'Errico", + "text": "Donna D'Errico Donna Jeanette D'Errico (born March 30, 1968) is an American actress and model who posed for \"Playboy\" magazine as its Playmate of the Month for September 1995 and had a starring role (1996-1998) on the television series \"Baywatch\". She is of Italian descent. She continues to act in films and on television. Before appearing in \"Playboy,\" D'Errico had a Las Vegas-based limousine company. When \"Playboy\" chose her as its Playmate of the Month for September 1995, her centerfold was photographed by Richard Fegley. D'Errico was chosen for a starring role on the television series \"Baywatch,\" as \"Donna Marco\"", + "score": 0.6640625 + } + ], + "answer": "David Charvet played Mat Brody on the original Baywatch TV show, and Zac Efron played Brody in the original Baywatch movie, a 2017 action comedy film based on the television series. Charvet is a French singer, actor, model, and television personality who remained on Baywatch for three full seasons until 1995. Efron is an American actor and singer." + }, + { + "qa_pairs": [ + { + "context": "In online matches, when a round begins the attackers choose one of several spawn points from which to launch their attack while defenders do the same from which to defend from. A one-minute preparatory period will then commence wherein the attackers are then given control over mecanum-wheeled drones to scout the map in search of enemy operators, traps and defensive set-ups in addition to the target objective(s), while the opposition establishes their defences and tries to do so without having the defensive and target objective(s) details being discovered, chiefly through destroying the drones. Maps in the game are designed to encourage close quarters combat, and players cannot respawn until the end of a round. Players who were killed by opponents can enter \"Support Mode\", which allows them to gain access to drone's cameras and security cameras so that they can continue to contribute to their team by informing them of opponent locations and activities. Matches last only four minutes for a casual and three minutes for a ranked. Teamwork and cooperation are encouraged in \"Siege\", and players need to take advantage of their different abilities in order to complete the objective and defeat the enemy team. Communication between players is also heavily encouraged. The game also has a spectator mode, which allows players to observe a match from different angles.", + "question": "How long does a casual match last in Rainbow Six Siege?", + "short_answers": [ + "four minutes" + ], + "wikipage": "Tom Clancy's Rainbow Six Siege" + }, + { + "context": "In online matches, when a round begins the attackers choose one of several spawn points from which to launch their attack while defenders do the same from which to defend from. A one-minute preparatory period will then commence wherein the attackers are then given control over mecanum-wheeled drones to scout the map in search of enemy operators, traps and defensive set-ups in addition to the target objective(s), while the opposition establishes their defences and tries to do so without having the defensive and target objective(s) details being discovered, chiefly through destroying the drones. Maps in the game are designed to encourage close quarters combat, and players cannot respawn until the end of a round. Players who were killed by opponents can enter \"Support Mode\", which allows them to gain access to drone's cameras and security cameras so that they can continue to contribute to their team by informing them of opponent locations and activities. Matches last only four minutes for a casual and three minutes for a ranked. Teamwork and cooperation are encouraged in \"Siege\", and players need to take advantage of their different abilities in order to complete the objective and defeat the enemy team. Communication between players is also heavily encouraged. The game also has a spectator mode, which allows players to observe a match from different angles.", + "question": "How long does a ranked match last in Rainbow Six Siege?", + "short_answers": [ + "three minutes" + ], + "wikipage": "Tom Clancy's Rainbow Six Siege" + } + ], + "wikipages": [ + { + "title": "Tom Clancy's Rainbow Six Siege", + "url": "https://en.wikipedia.org/wiki/Tom%20Clancy%27s%20Rainbow%20Six%20Siege" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Tom Clancy's Rainbow Six Siege is an online tactical shooter video game developed by Ubisoft Montreal and published by Ubisoft. ", + "wikipage": null + } + ], + "long_answer": "In Tom Clancy's Rainbow Six Siege online tactical shooter video game, casual matches last only four minutes while ranked matches last three minutes. " + }, + { + "knowledge": [ + { + "content": "Tom Clancy's Rainbow Six Siege is an online tactical shooter video game developed by Ubisoft Montreal and published by Ubisoft.", + "wikipage": "Tom Clancy's Rainbow Six Siege" + } + ], + "long_answer": "Tom Clancy's Rainbow Six Siege is an online tactical shooter video game developed by Ubisoft Montreal and published by Ubisoft. In online matches, when a round begins the attackers choose one of several spawn points from which to launch their attack while defenders do the same from which to defend from. A one-minute preparatory period will then commence wherein the attackers are then given control over mecanum-wheeled drones to scout the map in search of enemy operators, traps and defensive set-ups in addition to the target objective(s), while the opposition establishes their defences and tries to do so without having the defensive and target objective(s) details being discovered, chiefly through destroying the drones. Matches last only four minutes for a casual match and three minutes for a ranked match." + } + ], + "sample_id": "8915231080516970438", + "question": "How long is a rainbow six siege game?", + "docs": [ + { + "id": "18101271", + "title": "Tom Clancy's Rainbow Six Siege", + "text": "Tom Clancy's Rainbow Six Siege Tom Clancy's Rainbow Six Siege is a tactical shooter video game developed by Ubisoft Montreal and published by Ubisoft. It was released worldwide for Microsoft Windows, PlayStation 4, and Xbox One on December 1, 2015. The game puts heavy emphasis on environmental destruction and cooperation between players. Each player assumes control of an attacker or a defender in different gameplay modes such as rescuing a hostage defusing a bomb, and taking control of a capture point. The title has no campaign but features a series of short missions that can be played solo. These missions", + "score": 0.7265625, + "summary": "The document is irrelevant to the question.", + "extraction": "Irrelevant. The passage does not provide information about the duration of a Rainbow Six Siege game." + }, + { + "id": "18101278", + "title": "Tom Clancy's Rainbow Six Siege", + "text": "put up destructible barricades and reinforced walls to make them indestructible to most munitions unless an appropriate operator, such as Hibana, Thermite, and Maverik, destroys it. Maps in the game are designed to encourage close quarters combat, and players cannot respawn until the end of a round. Players who were killed by opponents can enter \"Support Mode\", which allows them to gain access to drone's cameras and security cameras so that they can continue to contribute to their team by informing them of opponent locations and activities. Matches last only four minutes for a casual and three minutes for a", + "score": 0.71337890625, + "summary": "Matches last four minutes for casual and three minutes for a competitive game mode in Rainbow Six Siege.", + "extraction": "Matches last only four minutes for a casual and three minutes for a" + }, + { + "id": "18101274", + "title": "Tom Clancy's Rainbow Six Siege", + "text": "Ubisoft adopted a \"games as a service\" model for the game and subsequently released several packages of free downloadable content. The company also partnered with ESL to make \"Siege\" an eSports game. In June 2018, two and a half years after the game's initial launch, the game surpassed 40 million registered players across all platforms. \"Tom Clancy's Rainbow Six Siege\" is a first-person shooter game, in which players utilize many different operators from the Rainbow team. Different operators have different nationalities, weapons, and gadgets. The game features an asymmetrical structure whereby the teams are not always balanced in their ability", + "score": 0.703125, + "summary": "Irrelevant.", + "extraction": "The passage is irrelevant to the question as it does not provide any information about the length of a game in Rainbow Six Siege." + }, + { + "id": "18101277", + "title": "Tom Clancy's Rainbow Six Siege", + "text": "24 real-time hours. A premium currency known as \"R6 credits\" can also be purchased using real-world currency to get operators quicker in-game, or other cosmetic. In online matches, when a round begins the attackers choose one of several spawn points from which to launch their attack while defenders do the same from which to defend from. A one-minute preparatory period will then commence wherein the attackers are then given control over mecanum-wheeled drones to scout the map in search of enemy operators, traps and defensive set-ups as well as the target(s), while the opposition establishes their defences. Defenders can also", + "score": 0.6962890625, + "summary": "A Rainbow Six Siege game lasts 24 real-time hours.", + "extraction": "A Rainbow Six Siege game lasts for 24 real-time hours." + }, + { + "id": "18101323", + "title": "Tom Clancy's Rainbow Six Siege", + "text": "community closely over the past couple of weeks, alongside regular discussions with our internal Ubisoft team, and we want to ensure that the experience for all our players, especially those that have been with us from the beginning, remains as true to the original artistic intent as possible.\" Tom Clancy's Rainbow Six Siege Tom Clancy's Rainbow Six Siege is a tactical shooter video game developed by Ubisoft Montreal and published by Ubisoft. It was released worldwide for Microsoft Windows, PlayStation 4, and Xbox One on December 1, 2015. The game puts heavy emphasis on environmental destruction and cooperation between players.", + "score": 0.693359375, + "summary": "The document is irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "18101321", + "title": "Tom Clancy's Rainbow Six Siege", + "text": "a service\". Future Ubisoft multiplayer-focused titles \u2013 such as \"For Honor\" \u2013 adopted this structure, in which the company would provide free DLC and updates several years after the game's official release. In August 2017, Ubisoft announced that the game had passed 20 million players and that the game was played by 2.3 million players every day. Two years after the game's launch, Ubisoft announced that the game has passed 25 million registered players. GameSpot described \"Siege\" as \"one of modern AAA gamings biggest comebacks\", and the best proof to show that the \"games-as-a-service\" model works well, attributing its success", + "score": 0.67041015625, + "summary": "Two years after its launch, Rainbow Six Siege had over 25 million registered players.", + "extraction": "Irrelevant. The passage does not provide any information about the length of a game of Rainbow Six Siege." + }, + { + "id": "18101301", + "title": "Tom Clancy's Rainbow Six Siege", + "text": "Starter Edition was cheaper than the Standard Edition and was initially available for a limited time. In February 2017, the Starter Edition became permanently available via Uplay. According to Ubisoft, the game adopted a \"game as a service\" approach, as they would provide long-term support for the game and offer post-release content to keep players engaged. The management team initially doubted the idea but eventually decided to approve it. The title was supported with many updates upon launch, with the company introducing fixes to bugs and improvements on both matchmaking and general gameplay mechanics. They also introduced an auto-kick system,", + "score": 0.6689453125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the duration of a game in Rainbow Six Siege." + }, + { + "id": "18101287", + "title": "Tom Clancy's Rainbow Six Siege", + "text": "deliver a game that was once stuck in development hell. According to Alexandre Remy, the brand director, the team was confident in their new vision for the game but very nervous when they revealed it, realizing the change of direction would likely disappoint some fans. The 150-person team consisted mainly of first-person shooter veterans or longtime \"Rainbow Six\" players. Despite having prior knowledge on how these types of games work, the team decided to study historic examples of counter-terrorist operations, including 1980's London Iranian Embassy siege, 1977's Lufthansa Flight 181 hijacking, and 2002's Moscow theatre hostage crisis to ensure that", + "score": 0.654296875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the duration of a Rainbow Six Siege game." + }, + { + "id": "18101307", + "title": "Tom Clancy's Rainbow Six Siege", + "text": "but Xbox One tournaments would not be featured. Ubisoft also held the Six Invitational tournaments in 2017 and 2018, in which top teams competed for the top prize. The 2018 tournament attracted 321,000 viewers on Twitch. Both Nathan Lawrence from Red Bull and Richie Shoemaker from Eurogamer compared the game favourably with \"\", with both being hopeful that \"Siege\" can dethrone \"Global Offensive\"'s status as the most successful competitive eSports first-person shooter in the future. Rainbow Six Siege Year 3 Season 4 will be announced November 18 at the Pro League Finals in Rio de Janeiro and is set in", + "score": 0.654296875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "18101276", + "title": "Tom Clancy's Rainbow Six Siege", + "text": "is defending or attacking before a round starts, choosing spawn points as well attachments on their guns but are not allowed to change their choices once the round has started. An in-game shop allows players to purchase operators or cosmetics using the in-game currency, \"Renown\", which is earned at the end of matches from actions performed in-game. Different gameplay modes award renown at different rates, with ranked matches offering the largest renown multiplier potential per match. Renown gain rate can also be affected by the addition of \"boosters\" which give the player a 100% increase in all renown earned for", + "score": 0.65380859375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the length of a Rainbow Six Siege game." + }, + { + "id": "18101308", + "title": "Tom Clancy's Rainbow Six Siege", + "text": "Morocco. The pre-release reception of the game was positive, with critics praising the game's design and tensions created during matches. In 2014, the game received four nominations from Game Critics Awards: Best of Show, Best PC Game, Best Action Game and Best Online Multiplayer Game. The game eventually became the winner of the Best PC Game category. \"Tom Clancy's Rainbow Six Siege\" received \"generally favorable\" reviews from critics, according to review aggregator Metacritic. Critics generally praised the game's destructive environment, tactical nature, map design, and its focus on teamwork. However, the lack of content and the game's microtransactions were subjected", + "score": 0.65283203125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "7381789", + "title": "Tom Clancy's Rainbow Six: Vegas", + "text": "Tom Clancy's Rainbow Six: Vegas Tom Clancy's Rainbow Six: Vegas is the sixth game in the \"Rainbow Six\" series of video games. It was released for the Xbox 360 on November 21, 2006, and Windows on December 12, 2006. The PlayStation Portable version was released on June 12, 2007, while the PlayStation 3 version was released on June 26, 2007. The game's storyline follows a new team that is dispatched to Las Vegas, Nevada to defeat international terrorist Irena Morales and her army of mercenaries that are repeatedly attacking key locations in the city. A developed by Ubisoft Montreal was", + "score": 0.6474609375, + "summary": "Irrelevant. The document discusses the release of Tom Clancy's Rainbow Six: Vegas, but does not provide information on the length of a Rainbow Six Siege game.", + "extraction": "Irrelevant. The passage provides information about the release dates, storyline, and setting of Rainbow Six: Vegas, but does not mention the length of a game." + }, + { + "id": "18101300", + "title": "Tom Clancy's Rainbow Six Siege", + "text": "to operators offered in the DLCs and receive several weapon skins. The game was also released alongside its Collector's Edition, which included the game's season pass, a hat, a compass and bottle opener, a backpack, and a 120-page guide. A \"Starter Edition\" was released on PC in June 2016, featuring all content offered in the Standard Edition, and included two operators at start for use plus enough Rainbow 6 Credits to purchase up to two more of the player's choice while the rest has to be purchased through either Renown at an increased cost or additional Rainbow 6 Credits. The", + "score": 0.64697265625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "16042665", + "title": "Tom Clancy's Rainbow 6: Patriots", + "text": "Tom Clancy titles out of respect for the late author. \"Patriots\" was cancelled in 2014 after it was announced in 2011. Instead, Ubisoft started development on a new \"Rainbow Six\" game called \"Siege\". Team Rainbow is called to New York City to deal with a terrorist group calling itself the 'True Patriots'. Styling themselves as a populist militia group, the True Patriots have taken it upon themselves to act as judge, jury, and executioner on behalf and avenging the alleged victims of what they see as Wall Street corruption. To complicate the situation, the new leader of Team Rainbow is", + "score": 0.64501953125, + "summary": "Irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "18101306", + "title": "Tom Clancy's Rainbow Six Siege", + "text": "inspired by modern multiplayer online battle arena games such as \"Dota 2\", as this type of game often has 80\u2013100 playable characters. ESL and Ubisoft officially announced Tom Clancy's Rainbow Six Pro League, a global tournament for Windows and Xbox One players. The competition was held at Intel Extreme Masters eSports tournament on March 4, 2016. A European team, PENTA Sports, became the champion of the first season of Rainbow Six Pro League after defeating another team, GiFu, at the final of the tournament held in May 2016. In 2017, it was revealed that Pro League Year Two would return,", + "score": 0.64306640625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about the length of a Rainbow Six Siege game." + }, + { + "id": "11197237", + "title": "Tom Clancy's Rainbow Six: Vegas 2", + "text": "Tom Clancy's Rainbow Six: Vegas 2 Tom Clancy's Rainbow Six: Vegas 2 is the seventh installment in the \"Rainbow Six\" series. It is a first-person shooter video game and the sequel to \"\". It was announced by Ubisoft on November 20, 2007. The game was released for the Xbox 360 and PlayStation 3 on March 18, 2008, in North America and March 20, 2008, in Europe, except in Germany, where the game was delayed. The Microsoft Windows version, however, was delayed until April 15, 2008. It was released in Japan on April 24, 2008, for the Xbox 360 and on", + "score": 0.642578125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "18268704", + "title": "Vainglory (video game)", + "text": "take 25 minutes to complete.
3) Battle Royale (Version 1.0-3.8) / Aral (Version 3.9)
Here teams of 3 randomly chosen heroes battle on the lane of Halcyon Fold. This is a brawl mode, so talents are available. Matches usually take 15 minutes to complete.
4) Blitz
Here teams of 3 heroes battle on Halcyon Fold. Matches usually take 5 minutes to complete. Teams need to get 15 points, by killing enemies (1pt), crystals sentries (3pt) or destroying turrets (3pt). After 5 minutes, best score wins,or the first team with more than 15 points. If there is a tie, the", + "score": 0.640625, + "summary": "Irrelevant. The document is about Vainglory, not Rainbow Six Siege.", + "extraction": "Rainbow Six Siege is not mentioned in the given passage, therefore the answer is \"irrelevant\"." + }, + { + "id": "18101283", + "title": "Tom Clancy's Rainbow Six Siege", + "text": "(called Bartlett University), and the recruits are sent to disarm the bombs and eliminate the enemy presence. The operation is a massive success, though there are casualties. The story ends with Six affirming that the reactivation of Team Rainbow is the best and only choice in a time filled with risks and uncertainties. Team Rainbow is ready for their next mission \u2013 to hunt down the leader of their enemy \u2013 and they stand prepared to protect and defend their nation from terrorists. The game's predecessor was \"Tom Clancy's Rainbow 6: Patriots\", a tactical shooter announced in 2011. It had", + "score": 0.63720703125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The given passage does not provide any information about the duration of a Rainbow Six Siege game." + }, + { + "id": "7381805", + "title": "Tom Clancy's Rainbow Six: Vegas", + "text": "as one of \"52 Games We will Still Be Playing From 2006\". It also received the \"Best Online Game\" award from \"Official Xbox Magazine\" in their annual Game of the Year awards. The editors of \"Computer Games Magazine\" presented \"Vegas\" with their 2006 \"Best Action Game\" award and named it the fourth-best computer game of the year. According to Ubisoft, as of March 31, 2007, \"Tom Clancy's Rainbow Six: Vegas\" had sold 1.7 million copies. The Xbox 360 version received a \"Platinum\" sales award from the Entertainment and Leisure Software Publishers Association (ELSPA), indicating sales of at least 300,000 copies", + "score": 0.63671875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about the length of a Rainbow Six Siege game." + }, + { + "id": "18101297", + "title": "Tom Clancy's Rainbow Six Siege", + "text": "such as fortifying and breach-charging create louder sounds that may reveal the player's presence. The team thought that this would be enjoyable for players and influence their gameplay experience. The game's music was composed by Paul Haslinger, who had worked on the score of the previous \"Rainbow Six\" games and the \"Far Cry\" series. His co-composer was Ben Frost, who debuted his first video game soundtrack with \"Siege\". Leon Purviance assisted Frost and Haslinger in composing the music. Ubisoft announced the game at their press conference during Electronic Entertainment Expo 2014. In August 2015, Ubisoft announced that they had delayed", + "score": 0.63623046875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "18101286", + "title": "Tom Clancy's Rainbow Six Siege", + "text": "sustainability. These became the basic concept ideas for the game. As the development team hoped that the game can be replayed frequently, the team decided to devote all the resources into developing the game's multiplayer and abandoned the single-player campaign. Development of the game officially began in January 2013. Ubisoft Montreal, the developer of \"Patriots\", handled the game's development, with Ubisoft's offices in Barcelona, Toronto, Kiev, Shanghai and Chengdu providing assistance. The game was originally called \"Rainbow Six Unbreakable\", a title that reflected not only the game's destruction mechanic but also the mindset of the development team, who had to", + "score": 0.634765625 + }, + { + "id": "595230", + "title": "Tom Clancy's Rainbow Six (video game)", + "text": "Tom Clancy's Rainbow Six (video game) Tom Clancy's Rainbow Six is a tactical shooter video game and the first in the \"Rainbow Six\" series. It was developed by Red Storm Entertainment and published by Ubisoft in 1998 for the PC. It was ported to Mac OS, Nintendo 64, PlayStation, Dreamcast, and Game Boy Color. An expansion pack, \"Tom Clancy's Rainbow Six Mission Pack: Eagle Watch\", was released on January 31, 1999. \"Rainbow Six\" is a tactical shooter, which focuses more on stealth and tactics than on sheer firepower, exploring the lethality of a single bullet. To add to the realism,", + "score": 0.63330078125 + }, + { + "id": "18101322", + "title": "Tom Clancy's Rainbow Six Siege", + "text": "to Ubisoft's continuous updates and the thriving community. On November 2, 2018, Ubisoft Montreal announced that was making \"aesthetic changes\" to \"Tom Clancy's Rainbow Six Siege\" by removing references to death, sex, and gambling in order to comply with regulations of Asian countries. However, the announcement generated opposition from the gaming community who believed that the changes were going to be made for the game's upcoming release in China, likening the move to censorship. Because of pressure from the community, Ubisoft Montreal announced on November 21 that it was reversing the changes, \"We have been following the conversation with our", + "score": 0.63232421875 + }, + { + "id": "18101298", + "title": "Tom Clancy's Rainbow Six Siege", + "text": "the game's release from October 10 to December 1, 2015, in order to give additional time for the team to balance the game for cooperative multiplayer play. A closed alpha-testing was held by Ubisoft on April 7\u201313, 2015, in which players could play an early version of the game in order to help the development team test their servers and core gameplay loops, and to provide feedback. Ubisoft held a closed beta, starting on September 24, 2015, for further testing. The company originally wanted to hold another round of testing with the release of the game's open beta on November", + "score": 0.6318359375 + }, + { + "id": "7176254", + "title": "Tom Clancy's Rainbow Six: Critical Hour", + "text": "Tom Clancy's Rainbow Six: Critical Hour Tom Clancy's Rainbow Six: Critical Hour is the fifth game in the \"Rainbow Six\" series, and was released March 14, 2006. \"Critical Hour\" received a mixed reception due to its relatively small amount of content, although it was praised for following the roots of the first games, unlike \"Lockdown\". Following poor sales its planned later release in Europe was canceled, as well as a port of the game for the PlayStation 2. In \"Critical Hour\", John Clark is retiring and passing the leadership of Team Rainbow on to Domingo \"Ding\" Chavez. He reminisces on", + "score": 0.6318359375 + }, + { + "id": "2555094", + "title": "Tom Clancy's Rainbow Six", + "text": "first-person shooter approach in an attempt to appeal to a wider audience. The cancelled game \"Rainbow 6: Patriots\" changed the word \"Six\" to \"6\". The latest game, \"Siege,\" has changed the series title back to \"Rainbow Six\". A South Korean-only PC game called \"\" was created for the South Korean market by KAMA Digital Entertainment. The game boasted South Korean Rainbow operatives and weapons with a different story and interface. It was not sold outside South Korea. Tom Clancy's Rainbow Six Tom Clancy's Rainbow Six is a media franchise created by American author Tom Clancy about a fictional international", + "score": 0.6318359375 + }, + { + "id": "7176257", + "title": "Tom Clancy's Rainbow Six: Critical Hour", + "text": "of 56.58%, while Metacritic gave it 54 out of 100. Tom Clancy's Rainbow Six: Critical Hour Tom Clancy's Rainbow Six: Critical Hour is the fifth game in the \"Rainbow Six\" series, and was released March 14, 2006. \"Critical Hour\" received a mixed reception due to its relatively small amount of content, although it was praised for following the roots of the first games, unlike \"Lockdown\". Following poor sales its planned later release in Europe was canceled, as well as a port of the game for the PlayStation 2. In \"Critical Hour\", John Clark is retiring and passing the leadership of", + "score": 0.63134765625 + }, + { + "id": "18101281", + "title": "Tom Clancy's Rainbow Six Siege", + "text": "floors using breach charges and can ambush enemies by rappelling through windows. Powerful weapons like grenades and breach charges are valuable, as only limited numbers can be used in a round. At launch, the game featured 11 maps and 5 different gameplay modes spanning both PVE and PVP. With the downloadable content (DLC) released post-launch with an additional four maps from year one and three maps from year two \u2013 there are currently 19 playable maps with one more slated for release by December 2018. The gameplay modes featured include: Three years after the Rainbow Program's deactivation, there is a", + "score": 0.63134765625 + }, + { + "id": "7381806", + "title": "Tom Clancy's Rainbow Six: Vegas", + "text": "in the United Kingdom. In early 2007, \"Rainbow Six: Vegas\" became the first Xbox 360 title to join the Major League Gaming (MLG) Circuit. It premiered in the opening event of the season in Charlotte, North Carolina. This game had its last showing at Las Vegas Nevada, the final stop on the 2007 MLG Pro Circuit. However, , the game's sequel, was featured on the 2008 MLG Pro Circuit, with its first showing in San Diego, California. Tom Clancy's Rainbow Six: Vegas Tom Clancy's Rainbow Six: Vegas is the sixth game in the \"Rainbow Six\" series of video games. It", + "score": 0.630859375 + }, + { + "id": "7681571", + "title": "Darkzone", + "text": "deactivation period for the player). League games (or League X) are similar to standard games but differ from standard games in a number of ways. First of all there is a long list of technical rules, related to how players are allowed to move, hold their phasors, etc. to prevent cheating or dangerous movement. League games last for only 12 minutes and in that time each player is only allowed to destroy each enemy base once. League games are played with \"reloads\", so there is a limit on the number of shots or deactivations a player can have in a", + "score": 0.630859375 + }, + { + "id": "6976752", + "title": "Ringolevio", + "text": "laughter at the point of capture. Each round of ringolevio lasts about half an hour, but the actual duration of play is a factor of the boundaries of play agreed to at the start of the game as well as the number of players on each side. Games often have set boundaries of how far from the jail pursued players can go. Some games have been played with citywide boundaries with up to 40 players. These games had rounds lasting for weeks with suspension of play for half an hour before, during and after school hours. Winners have been accused", + "score": 0.63037109375 + }, + { + "id": "18101272", + "title": "Tom Clancy's Rainbow Six Siege", + "text": "have a loose narrative, focusing on recruits going through training to prepare them for future encounters with the White Masks, a terrorist group that threatens the safety of the world. It is an entry in the \"Tom Clancy's Rainbow Six\" series and the successor to \"\", a tactical shooter that had a larger focus on narrative. However, \"Patriots\" was eventually cancelled due to its technical shortcomings, and the team decided to reboot the franchise. The team evaluated the core of the \"Rainbow Six\" franchise and believed that letting players impersonate the top counter-terrorist operatives around the world suited the game", + "score": 0.62939453125 + }, + { + "id": "2555092", + "title": "Tom Clancy's Rainbow Six", + "text": "other key staff and advisers who vary from game to game. As of \"Rogue Spear\", the unit has 30 operatives, including members from NATO countries and from non-NATO countries. For each mission in the first three games, a maximum of eight operatives can be deployed and can be split into a maximum of four teams. Weapons, uniforms, and equipment are less standardized and are instead chosen to suit the operative and the mission. The novel, \"Rainbow Six\", was written by Tom Clancy and published in 1998. The novel focuses on John Clark, Ding Chavez, and a fictional multinational counter-terrorist organization", + "score": 0.625 + }, + { + "id": "11703922", + "title": "Gravity Rush 2", + "text": "\"Gravity Rush 2\", along with other enemies, such as human soldiers, some of whom operate combat mechs. Fellow Gravity Shifter Raven, who appeared as an antagonist for most of the first game, will be an AI-controlled ally who can fight with Kat during certain battles. As \"Gravity Rush 2\" has three times the amount of missions than its predecessor, the game is between 20\u201340 hours long. The game map is 2.5 times larger than the one from the original. The game takes place directly after the events of \"Gravity Rush\", and a prequel anime called \"Gravity Rush: The Animation ~", + "score": 0.625 + }, + { + "id": "3668655", + "title": "Red Storm Entertainment", + "text": "game \u2013 \"Tom Clancy's Politika\", the first in the \"Power Plays\" series \u2013 in 1997. Based in the Research Triangle area of North Carolina, Red Storm quickly gained a reputation with games like \"Dominant Species\", one of the first 3D realtime strategy games. However, it was with \"Rainbow Six\" (1998) that the company firmly established itself commercially. In contrast to the run-and-gun first person shooters (FPS) that had gone before, \"Rainbow Six\" was the first true tactical FPS, a game that rewarded patience and planning as well as good aim and a keen eye. Developed alongside the novel of the", + "score": 0.6240234375 + }, + { + "id": "18101299", + "title": "Tom Clancy's Rainbow Six Siege", + "text": "25, 2015, but they delayed its release to November 26 due to matchmaking issues. Players who purchased \"Siege\" for the Xbox One could download \"\" and its sequel, \"\" for free. To launch the game in Asian markets, Ubisoft announced plans to remove graphic imagery from all versions of the game via a patch. The plan was later withdrawn by the developer due to review bombing and negative fans feedback. The game had multiple versions for players to purchase. A season pass was announced on November 12, 2015. Players who bought this version of the game could gain early access", + "score": 0.62353515625 + }, + { + "id": "18101320", + "title": "Tom Clancy's Rainbow Six Siege", + "text": "Following the summer 2016 launch of the third DLC, \"Skull Rain\", the size of the player base had a 40% increase, and the title had more than 10 million registered players. Two years after launch, the game remained as one of the top 40 best-selling retail games in the UK. The strong performance of \"Siege\", alongside with \"Tom Clancy's The Division\" (2016) and \"Tom Clancy's Ghost Recon Wildlands\" (2017) boosted the total number of players of the \"Tom Clancy's\" franchise to 44 million in 2017. The post-launch success for \"Siege\" further solidified Ubisoft's belief in the model of \"game as", + "score": 0.6220703125 + }, + { + "id": "18101303", + "title": "Tom Clancy's Rainbow Six Siege", + "text": "they would keep supporting the game and adding new playable characters for 10 more years. As a result, no sequel was planned. To counter toxicity within the game's community, in mid 2018 Ubisoft began issuing bans to any player who has used racist and homophobic slurs. In January 2018, Ubisoft announced the introduction of 'Outbreak Packs', which are loot boxes that can be unlocked with R6 credits (which can be purchased with microtransactions) to gain character items. The company also announced that the base version of the game will be replaced by a bundle named \"The Advanced Edition\", which includes", + "score": 0.6220703125 + }, + { + "id": "17362460", + "title": "The Order: 1886", + "text": "playthrough, with a duration of about 5 hours, was leaked online before the game's official release. As a single-player only and full-priced game at launch, concern was raised about the value of the game. Weerasuriya defended the game, saying that \"it's a matter of quality, not quantity.\" Technical officer Andrea Pessino also responded to the actual length of the game, saying that the game will take eight to ten hours to finish if the player plays it at normal pace and difficulty level. \"The Order: 1886\" received mixed reviews from critics, with some praise particularly directed to the game's production", + "score": 0.62109375 + }, + { + "id": "18101285", + "title": "Tom Clancy's Rainbow Six Siege", + "text": "and assembled a new team of 25 people to come up with ideas to reboot the series. To make the new game feel refreshing, only certain multiplayer elements were retained as the small team took the game in a different direction. They evaluated the core of the \"Rainbow Six\" series, which they thought was about being a member of a counter-terrorist team travelling around the globe to deal with dangerous terrorist attacks \u2013 operations which are usually intense confrontations between attackers and defenders. However, the team wanted to fit these ideas into a multiplayer format which would increase the game's", + "score": 0.62060546875 + }, + { + "id": "4208302", + "title": "Tom Clancy's Rainbow Six: Rogue Spear", + "text": "scores than the original release. The most recent was \"Black Thorn\", which currently has a score of 71.92% on GameRankings, and 67 out of 100 on Metacritic. Tom Clancy's Rainbow Six: Rogue Spear Tom Clancy's Rainbow Six: Rogue Spear is a tactical first-person shooter video game developed and published in 1999 by Ubi Soft Milan and Red Storm Entertainment. It is the sequel to 1998's \"Rainbow Six\" game based on the Tom Clancy novel of the same name. \"Rogue Spear\" is based on the same game engine and features gameplay and presentation similar to that of the original \"Rainbow Six\".", + "score": 0.61962890625 + }, + { + "id": "595242", + "title": "Tom Clancy's Rainbow Six (video game)", + "text": "strategic planning with nail-biting action as it brought the world of counterterrorist operations to life.\" \"PC Gamer US\" named \"Rainbow Six\" the best action game of 1998. Tom Clancy's Rainbow Six (video game) Tom Clancy's Rainbow Six is a tactical shooter video game and the first in the \"Rainbow Six\" series. It was developed by Red Storm Entertainment and published by Ubisoft in 1998 for the PC. It was ported to Mac OS, Nintendo 64, PlayStation, Dreamcast, and Game Boy Color. An expansion pack, \"Tom Clancy's Rainbow Six Mission Pack: Eagle Watch\", was released on January 31, 1999. \"Rainbow Six\"", + "score": 0.619140625 + }, + { + "id": "16042668", + "title": "Tom Clancy's Rainbow 6: Patriots", + "text": "Patriots in some capacity. On June 9, 2014, it was announced that \"Patriots\" and its concept was scrapped. Instead, \"Tom Clancy's Rainbow Six Siege\" was announced as its replacement. The game was later released on December 1, 2015. Tom Clancy's Rainbow 6: Patriots Tom Clancy's Rainbow 6: Patriots is a cancelled first-person shooter video game, part of the \"Tom Clancy's Rainbow Six\" series, announced on the cover of the December 2011 issue of \"Game Informer\". It was to be published by Ubisoft, and was developed by the company's Montreal studio, with additional development by Ubisoft Toronto and Red Storm Entertainment.", + "score": 0.6181640625 + }, + { + "id": "13121660", + "title": "League of Legends", + "text": "while the finals had an \"average\" concurrent viewership of 11 million. \"League of Legends\" is a 3D, third-person multiplayer online battle arena (MOBA) game. The game consists of three current running game modes: Summoner's Rift, Twisted Treeline, and Howling Abyss. Another game mode, The Crystal Scar, has since been removed. Players compete in matches, lasting anywhere from 20 to 60 minutes on average. In each game mode, teams work together to achieve a victory condition, typically destroying the core building (called the Nexus) in the enemy team's base after bypassing a line of defensive structures called turrets, or towers. In", + "score": 0.6181640625 + }, + { + "id": "595240", + "title": "Tom Clancy's Rainbow Six (video game)", + "text": "\"during the first half of the 2001/2002 fiscal year\". \"Rainbow Six\" was met with mostly positive reviews on PC. However, the console versions received average to negative response upon release. GameRankings gave it a score of 81.81% for the PC version; 73.71% for the Nintendo 64 version; 72.28% for the Dreamcast version; 53.83% for the Game Boy Color version; and 48.07% for the PlayStation version. Metacritic gave only the PC version a score of 85 out of 100. GameSpot described the PC version as \"actually a pretty good game, albeit very hard and extremely frustrating\", and its \"audio cues, background", + "score": 0.61767578125 + }, + { + "id": "15456626", + "title": "Zatikon", + "text": "number of units, explaining that \"the diversity of their attributes and skills ensures that truly no two games will play out the same way.\" Out of Eight said \"the large variety of units makes for some innovative and truly unique strategies.\" Several critics praised the game's 90-second time limit. Mac Gamer said the timer \"heightens tension by creating an immediacy for quick, decisive action.\" Out of Eight added that the timer \"cut(s) down on the game time, which is already pretty short (a typical game takes 10-15 minutes I would say).\" Most reviewers criticized the game's sound and graphics. Gas", + "score": 0.6171875 + }, + { + "id": "2057960", + "title": "Rainbow Six (novel)", + "text": "Rainbow Six (novel) Rainbow Six is a techno-thriller novel, written by Tom Clancy and released on August 3, 1998. It is the second book to feature John Clark, one of the recurring characters in the Jack Ryan universe, after \"Without Remorse\" (1993). \"Rainbow Six\" also features his son-in-law Domingo \"Ding\" Chavez, and explores the adventures of a multinational counter-terrorism unit that they formed, codenamed as \"Rainbow\". The title refers to Clark's title as commander of Rainbow. The book debuted at number one on the \"New York Times\" bestseller list, and has since been adapted into a series of video games.", + "score": 0.61669921875 + }, + { + "id": "18101275", + "title": "Tom Clancy's Rainbow Six Siege", + "text": "choices. The base Counter-Terrorism Units (CTUs) available for play are the American Hostage Rescue Team (referred to in-game as the FBI SWAT), the British SAS, the German GSG-9, the Russian Spetsnaz and the French GIGN, each of which has four operators per unit split between attackers and defenders (other units were later added through downloadable content, see below). Players also have access to a \"Recruit\" operator who can choose from a more flexible assortment of equipment at the expense of having a unique gadget or the ability to customize their weapon. Players can pick any operator from any unit that", + "score": 0.61669921875 + }, + { + "id": "17377269", + "title": "Sinquefield Cup", + "text": "toward the overall 2016 Grand Chess Tour. Players received 120 minutes for 40 moves then 60 minutes for the rest of the game with an additional 30 seconds added per move starting from move 41. In case of a 2-way tie, a 2 game Rapid Match (10 minutes + 5 seconds increment starting from Move #1) followed by a 2 game Blitz Match (5 minutes + 2 seconds increment starting from Move #1) if tied again was to be played. If a tie after the Blitz match, an Armageddon game would decide the winner. All ratings listed below are from", + "score": 0.61669921875 + }, + { + "id": "595238", + "title": "Tom Clancy's Rainbow Six (video game)", + "text": "rewrote some of the missions to fit within the book plot and Clancy shared his research with the game development team. The book was \"Rainbow Six\" so the game was renamed \"Rainbow Six\". However, by the time they finished the game, the book was not yet finished. Thus, the plot of the game does not completely match the plot of the book. \"Tom Clancy's Rainbow Six Mission Pack: Eagle Watch\" was released on January 31, 1999 as an expansion pack to the original game. It adds five new missions, four new operatives, three new weapons and new multiplayer modes. The", + "score": 0.61669921875 + }, + { + "id": "20024744", + "title": "PlayerUnknown's Battlegrounds", + "text": "over various parts of the playable map and drop a loot package, containing items which are typically unobtainable during normal gameplay. These packages emit highly visible red smoke, drawing interested players near it and creating further confrontations. On average, a full round takes no more than 30 minutes. At the completion of each round, players gain in-game currency based on how long they survived, how many other players they had killed, and how much damage they dealt to other players. The currency is used to purchase crates which contain cosmetic items for character or weapon customization. A rotating \"event mode\"", + "score": 0.61572265625 + }, + { + "id": "2744030", + "title": "Natural Selection (video game)", + "text": "the whole alien team before the remaining hive is fully grown. Game duration and game balance has been continually addressed by Unknown Worlds Entertainment throughout each of their releases with extensive changelogs describing these issues. In v1, games were slower and often measured in hours. One of the stated aims of v2 was to address this, by introducing a broad range of changes to abilities, structures, etc. In current releases (v3), a typical game lasts 5\u201315 minutes, but can run over an hour, with both sides vying for control over strategically important \"Hive Rooms\" and \"Resource Nodes\". Combat is the", + "score": 0.61572265625 + }, + { + "id": "4208289", + "title": "Tom Clancy's Rainbow Six: Rogue Spear", + "text": "Tom Clancy's Rainbow Six: Rogue Spear Tom Clancy's Rainbow Six: Rogue Spear is a tactical first-person shooter video game developed and published in 1999 by Ubi Soft Milan and Red Storm Entertainment. It is the sequel to 1998's \"Rainbow Six\" game based on the Tom Clancy novel of the same name. \"Rogue Spear\" is based on the same game engine and features gameplay and presentation similar to that of the original \"Rainbow Six\". The game pits the counter-terrorist unit, Rainbow, against global terrorist organizations that in some cases have taken hostages or have armed themselves with weapons of mass destruction.", + "score": 0.615234375 + }, + { + "id": "3069247", + "title": "Dungeon Siege", + "text": "complete the game within four years. In a 2011 interview, Taylor stated that in retrospect the final cost in development time of the seamless world may have been too high, and also that the team tried to make too large of a game for their budget; he believed that a game with closer to 35 hours of playtime instead of 70 would have been a better and more polished experience given their constraints. By 2000, Gas Powered Games had begun to search for a publisher for the game. Taylor claims that multiple publishers were interested in the game, but he", + "score": 0.61474609375 + }, + { + "id": "10880605", + "title": "Tom Clancy's Rainbow Six: Take-Down \u2013 Missions in Korea", + "text": "Tom Clancy's Rainbow Six: Take-Down \u2013 Missions in Korea Tom Clancy's Rainbow Six: Take-Down \u2013 Missions in Korea is a South Korean-made Microsoft Windows game released in July 2001. The game is not based on the \"Rainbow Six\" game timeline; it is designed for the global market but was not released outside of South Korea. Kama Digital Entertainment bought the \"\" engine to develop this game with major content differences and the game's events occurring on South Korean soil. In the game, Rainbow is deployed to South Korea and battles seemingly armed terrorists and criminals who have committed various acts,", + "score": 0.61376953125 + }, + { + "id": "15341561", + "title": "Combat Mission", + "text": "last as long as the player needs to give orders to all their units, the executing phase always lasts 60 seconds of real-time. Both sides, either computer or another human, enter their orders before the execution phase takes place. This is known as the Wego system. During the execution phase, units carry out their orders, but the player cannot influence the result and is limited to watch, replay and move the camera. All games offer to play individual battles (ranging from 15 to 60 turns, or 120 turns in \"Barbarossa to Berlin\" and \"Afrika Korps\") or operations, linking a series", + "score": 0.61376953125 + }, + { + "id": "595234", + "title": "Tom Clancy's Rainbow Six (video game)", + "text": "1999 and 2000. Rainbow is a newly created multinational counter-terrorism unit, composed of elite soldiers from NATO countries, Brazil, Austria, Sweden, Australia, Russia and Israel, formed to address the growing problem of international terrorism. The organization's director is John Clark, and the team leader is Ding Chavez. The term \"Rainbow Six\" refers to the director of the organization, John Clark. Soon after its inauguration, Rainbow finds itself responding to a series of seemingly unrelated terrorist attacks by the Phoenix Group, a radical eco-terrorist organization. Throughout its investigation, Rainbow is assisted and advised by John Brightling, chairman of the powerful biotechnology", + "score": 0.61376953125 + }, + { + "id": "20245473", + "title": "Team6 Game Studios", + "text": "Team6 Game Studios Team6 Game Studios B.V. is a Dutch privately owned video game developer based in Assen. It was founded in 2001, but it initially developed several games under a different company name. In 2003 the founders decided to change it to the current title. The company currently employs approximately 40 individuals and is headed by director Ronnie Nelis. The video game company has developed more than 80 games until 2017. It has developed games for PC, Steam, Xbox 360, Xbox One, PlayStation 3, PlayStation 4, Android, Amazon, iOS, Oculus, HTC Vive, Nintendo Wii, Nintendo 3DS and Nintendo Switch.", + "score": 0.61328125 + }, + { + "id": "18101319", + "title": "Tom Clancy's Rainbow Six Siege", + "text": "year's best multiplayer game. However, he questioned Ubisoft for releasing the game with so little content while still selling it at full-price. In May 2015, CEO of Ubisoft Yves Guillemot announced that the company expected the game to outsell 's seven million sales over the course of its lifetime because of post-launch support. At the game's launch, it debuted at number six in UK Software Charts, selling 76,000 retail copies across all three platforms. Critics thought that the launch performance was underwhelming and lacklustre. However, through continued post-release support and updates, the player base had doubled since the game's launch.", + "score": 0.61328125 + }, + { + "id": "595233", + "title": "Tom Clancy's Rainbow Six (video game)", + "text": "of scenarios, with the plot being advanced in the mission briefing of each scenario. Any casualties that occur during a mission are permanent, so the deceased cannot be used in future missions. Consequently, many players replay missions that are technically successful merely to reduce the number of casualties. Online multiplayer gaming was popular on the Mplayer.com and Zone.com services and for a time featured a thriving competitive clan based community with numerous independent ladder style leagues. Unlike the other versions, the PlayStation version actually showed the gun being held in the player's hands. Rainbow Six is set in the year", + "score": 0.61279296875 + }, + { + "id": "12486751", + "title": "6 Nimmt!", + "text": "has 5 cards then the player receives those five cards, which count as penalty points that are totted up at the end of the round. Rounds are played until a player reaches 66 points, whereupon the player with the least penalty points wins. The game's suggested minimum age is 10 years, and it lasts around 45 minutes. The goal is to be the player with the fewest points. To do this, the players need to avoid picking up penalty cards. \"6 Nimmt!\" is played using a special card deck that has a variable number of small cattle heads on them.", + "score": 0.61279296875 + }, + { + "id": "595232", + "title": "Tom Clancy's Rainbow Six (video game)", + "text": "during the mission, as well as where they will deploy devices such as flashbangs or door breaching charges. Successful missions often last just minutes, but may require dozens of repetitions and planning changes (many more for beginners). During gameplay, the player controls only one team member directly, and can see stats for that member and all units on the heads-up display. Teams not under player control follow the orders given to them in the planning stage. The player can take control of any living operative at will, making them the leader. The game forms a campaign that is a series", + "score": 0.61181640625 + }, + { + "id": "10880615", + "title": "Tom Clancy's Rainbow Six: Take-Down \u2013 Missions in Korea", + "text": "be released in June 2001. Despite promises from Red Storm Entertainment that the game would be released internationally, it was not released in North America, Europe, or any other country except South Korea. Tom Clancy's Rainbow Six: Take-Down \u2013 Missions in Korea Tom Clancy's Rainbow Six: Take-Down \u2013 Missions in Korea is a South Korean-made Microsoft Windows game released in July 2001. The game is not based on the \"Rainbow Six\" game timeline; it is designed for the global market but was not released outside of South Korea. Kama Digital Entertainment bought the \"\" engine to develop this game with", + "score": 0.611328125 + }, + { + "id": "16422109", + "title": "Stunt (sport)", + "text": "of the floor and perform routines against each other in all four quarters. Each quarter has its own level of difficulty to demonstrate. There are two formats for the STUNT game 1.Head to Head Includes two teams playing and competing against one another.Usually the game takes about 40 minutes. 2.STUNT tournaments tournaments where multiple teams compete head to head. A regular three-team tournament game finishes in 1 hour, and a four-team tournament game takes approximately 1 hour and 30 minutes. Every year the USA Cheer STUNT Competition Committee develops STUNT routines and publishes them. They are responsible for determining the", + "score": 0.611328125 + }, + { + "id": "11608735", + "title": "Saganami Island Tactical Simulator", + "text": "the top and bottom and fore and aft on the left and right sides. Each damage point moves down the row or column of the matrix, identifying what gets hit; the system is marked on the system damage tracks and combat resumes. The \"SITS 2nd Edition\" game scale has one map-printed hexagon at 240,000 km, and one turn as the equivalent of approximately 6 minutes in the universe of the game. An in-game thrust factor of 1 is equivalent to an in-universe acceleration of 190 gravities. The physics of ship movement are Newtonian; that is to say, a ship with", + "score": 0.6103515625 + }, + { + "id": "18101305", + "title": "Tom Clancy's Rainbow Six Siege", + "text": "October 2018, Ubisoft unveiled the Crimsonveil packs, which added a Halloween themed weapon skin, charm, headgear, and uniform for 4 operators, plus a seasonal weapon skin and a charm that was themed with the skin. Ubisoft also envisioned the game as an eSports game. The company had their first meeting with David Hiltscher, vice president of ESL, in late 2013. ESL offered feedback on the game's balancing and helped the developer to ensure that the game was suitable for competitive play. The team focused on introducing new operators to provide variety for eSports viewers after the game's release, a decision", + "score": 0.6103515625 + }, + { + "id": "11197255", + "title": "Tom Clancy's Rainbow Six: Vegas 2", + "text": "pro gamer FinestX, an MLG insider video containing hints and tips about the online modes, and a sneak peek into \"Tom Clancy's EndWar\". The game received generally positive reviews from critics. GameRankings and Metacritic gave it a score of 83.56% and 81 out of 100 for the PlayStation 3 version; 82.77% and 82 out of 100 for the Xbox 360 version; and 78.39% and 78 out of 100 for the PC version. In the April 2008 issue of \"Game Informer\" \"Tom Clancy's Rainbow Six: Vegas 2\" was given a review of 9.25 out of 10. IGN gave the Xbox 360", + "score": 0.6103515625 + }, + { + "id": "1210843", + "title": "Tactical shooter", + "text": "kills. Other influences on the genre included games such as the \"SOCOM \" series, as well as the \"SWAT\" series - a spin-off from the \"Police Quest\" series of adventure games. \"Rainbow Six\" has been credited as a revolutionary game, which defined the conventions of the genre. The game was inspired by the Federal Bureau of Investigation Hostage Rescue Team, and was designed to replicate a team of specialists performing a skilled operation. The game was designed to emphasize strategy in a way that would be fun for players without the best reflexes. The series has since become a benchmark", + "score": 0.60986328125 + }, + { + "id": "18101279", + "title": "Tom Clancy's Rainbow Six Siege", + "text": "ranked. Teamwork and cooperation are encouraged in \"Siege\", and players need to take advantage of their different abilities in order to complete the objective and defeat the enemy team. Communication between players is also heavily encouraged. The game also has a spectator mode, which allows players to observe a match from different angles. The game features a heavy emphasis on environmental destruction using a procedural destruction system. Players can break structures by planting explosives on them, or shoot walls to make bullet holes. Players may gain tactical advantages through environmental destruction, and the system aims at encouraging players to utilize", + "score": 0.609375 + }, + { + "id": "7381790", + "title": "Tom Clancy's Rainbow Six: Vegas", + "text": "released on Xbox 360, and PlayStation 3 consoles in March 2008 and on PC in April 2008. \"Rainbow Six Vegas\" changes the series with multiple new features, such as a new health system where the player regenerates health while not taking fire (it should be noted that the player may sometimes be killed instantly, without a chance to regenerate health; this usually happens from grenades, as well as taking close-range fire from very powerful weapons, particularly to the head). The player's vision is greatly impaired while damaged, similar to the health system in \"Gears of War\". Furthermore, a third-person view", + "score": 0.609375 + }, + { + "id": "3896344", + "title": "SOCOM II", + "text": "to drop to the ground and hold position when outdoors. The online multiplayer portion of \"SOCOM II U.S. Navy SEALs\" requires a broadband connection for play. This mode sets two teams of up to eight, SEALs and Terrorists, against each other. The default round time is six minutes, and each game is decided based on the first team to win 6 of 11 possible rounds. Each team spawns at opposite sides of the map, and proceeds to pursue its objective. When a character dies, the player must wait for the next round to resume play. While dead, the player may", + "score": 0.6083984375 + }, + { + "id": "19845188", + "title": "Brisbane Global Rugby Tens", + "text": "before entering finals. Between 300 and 400 players attend each event. A 'legend wildcard', is allocated to each team allowing a former star player to join their match day squads. The tournament provides a small economic boost to Queensland through tourism and consumer spending. A Tens game lasts 20 minutes with 10 minutes for each half, except for the final, which lasts 30 minutes with 15 minutes for each half. After a try is scored, 40 seconds is then allocated for a drop goal. For the first four years of the tournament, Suncorp Stadium will be used to host the", + "score": 0.6083984375 + }, + { + "id": "3233701", + "title": "4X", + "text": "established the conventions for the real-time strategy genre, was fundamentally designed to be a \"flat interface\", with no additional screens. Since 4X games involve managing a large, detailed empire, game sessions usually last longer than other strategy games. Game sessions may require several hours of play-time, which can be particularly problematic for multiplayer matches. For example, a small-scale game in \"Sins of a Solar Empire\" can last for over 12 hours. However, fans of the genre often expect and embrace these long game sessions; Emrich wrote that \"when the various parts are properly designed, other X's seem to follow. Words", + "score": 0.60693359375 + }, + { + "id": "2477503", + "title": "Tom Clancy's Rainbow Six 3: Raven Shield", + "text": "Tom Clancy's Rainbow Six 3: Raven Shield Tom Clancy's Rainbow Six 3: Raven Shield is a 2003 video game developed and published by Ubi Soft. Released on March 18, 2003, the \"Rainbow Six\" video game series is based on Tom Clancy's novel of the same name. Based on the Unreal Engine 2.0, \"Raven Shield\" is a tactical shooter with realistic properties. \"Raven Shield\" moved toward mainstream first-person shooters like \"Counter-Strike\", adapting various features absent in previous versions. These included the ability to see one's weapon while in the first-person view, many new weapons and upgrades (including larger magazines and sights),", + "score": 0.6064453125 + }, + { + "id": "17366433", + "title": "Rymdkapsel", + "text": "He otherwise removed the features he felt were not vital to the game. Jonasson then added \"conflict\" to the game by putting the minions in danger of being removed. Jonasson's game design was inspired by real-time strategy game \"Command & Conquer\", where he enjoyed managing his home base but not attacking the enemy. He designed the game to last 45 minutes, which he felt to be a proper length, whereupon the difficulty ramps up to require station defense over base construction. He felt that it was reasonable to reach all four monoliths within that time to be ready for the", + "score": 0.6064453125 + }, + { + "id": "2477483", + "title": "Tom Clancy's Rainbow Six 3: Raven Shield", + "text": "Tom Clancy's Rainbow Six 3: Raven Shield Tom Clancy's Rainbow Six 3: Raven Shield is a 2003 video game developed and published by Ubi Soft. Released on March 18, 2003, the \"Rainbow Six\" video game series is based on Tom Clancy's novel of the same name. Based on the Unreal Engine 2.0, \"Raven Shield\" is a tactical shooter with realistic properties. \"Raven Shield\" moved toward mainstream first-person shooters like \"Counter-Strike\", adapting various features absent in previous versions. These included the ability to see one's weapon while in the first-person view, many new weapons and upgrades (including larger magazines and sights),", + "score": 0.6064453125 + }, + { + "id": "15447271", + "title": "Tom Clancy's Rainbow Six: Shadow Vanguard", + "text": "Tom Clancy's Rainbow Six: Shadow Vanguard Tom Clancy's Rainbow Six: Shadow Vanguard is a first-person shooter developed and published by Gameloft for iOS, Xperia Play and Android devices. The game is set within the continuity of \"Tom Clancy's Rainbow Six\" media franchise. The game features three modes of play; a single-player campaign, an online co-op mode using the same levels as the single-player mode and an online deathmatch mode. The co-op and deathmatch modes can be played through both a local connection via Wi-Fi and Bluetooth or through a global connection via the internet. The single-player campaign contains thirteen missions.", + "score": 0.6064453125 + }, + { + "id": "19964517", + "title": "Star Sixes", + "text": "penalties in the group stage but a penalty shoot-out will be played if a knockout fixture ends tied. Group matches will last for 20 minutes, while knockout fixtures will last for 30 minutes; with short half-time breaks. Before the launch, the likes of Steven Gerrard, Michael Owen, Robert Pires, Michael Ballack, Deco, Carles Puyol, Roberto Carlos and Jay-Jay Okocha were announced as player participants while Australia, Brazil, China, England, France, Germany, Italy, Mexico, Netherlands, Nigeria, Portugal and Spain were announced as nation participants. The 2017 edition was officially launched at The O2 Arena on 24 January 2017, during which more", + "score": 0.60595703125 + }, + { + "id": "19649928", + "title": "Kingdom Death: Monster", + "text": "hunt, the showdown, and the settlement phase. As a complete game is estimated to take about 60 play hours to complete, the game is designed in a manner that allows the current state of the game after completing any of the above phases to be easily recorded and resume at the next play sessions, and to swap players between sessions. One persistent element across all rounds are the player-characters that live in the settlement, which are created at the onset of the game or from other in-game events, and can die from the Showdown phase or numerous other actions. Each", + "score": 0.60546875 + }, + { + "id": "1268909", + "title": "Moscow theater hostage crisis", + "text": "Chechnya. Another play, \"We Declare You a Terrorist\" by Tim J. Lord, about the incident premiered at the 2009 Summer Play Festival. \"Tom Clancy's Rainbow Six Siege\", a 2015 counter-terrorism video game, used the Moscow theater hostage crisis, along with other historical hostage extraction operations, as inspiration for the game and as research for making the game more accurate. Moscow theater hostage crisis The Moscow theater hostage crisis (also known as the 2002 Nord-Ost siege) was the seizure of a crowded Dubrovka Theater by 40 to 50 armed Chechens on 23 October 2002 that involved 850 hostages and ended with", + "score": 0.6044921875 + }, + { + "id": "12367212", + "title": "D&D Championship Series", + "text": "sent in a few weeks before the actual championship. In 2008, roughly 200 teams of five players participated in off-site prelims. On-site prelims were held on the Friday before the final, with 150 teams participating. Each team sits down with a RPGA DM, and they all go through the same module, with the same characters, and the same rules. The round usually lasts around 5 hours, with 30 minutes to prepare, 4 hours of actual gameplay, and another 30 minutes to wrap up. Once the Prelims were over, judges select around 60 teams to participate in the semifinals, held on", + "score": 0.6044921875 + }, + { + "id": "14359137", + "title": "Daniel Petric", + "text": "without either parent\u2019s knowledge and purchase the violent video games that his parents didn't approve of, where he also did this method with purchasing \"Halo 3\" not long after it released. While housebound, Daniel would sometimes play the game for up to 18 hours at a time without taking a break. Susan eventually caught him playing the game and informed Mark, which led him to confiscate the game from Daniel for going against his parents' wishes. Mark locked the game in a safe cabinet that also concealed his 9mm Taurus PT-92 handgun. Daniel believed his father would play the game", + "score": 0.603515625 + }, + { + "id": "6721240", + "title": "DEFCON (video game)", + "text": "last 30 to 40 minutes while real-time gameplay can last more than eight hours, depending on the mode of scoring. There is also an \"Office\" mode of play in which the game is permanently real-timed and can be minimised to run in the background of other computer activities, allowing the player to check in only when important events take place, and only for so long as it is necessary to modify the standing orders of each of the player's assets. The game offers six territories that may be selected by a player or assigned to an AI opponent. These include:", + "score": 0.6025390625 + }, + { + "id": "2703208", + "title": "Joint Task Force 2", + "text": "ported over to JTF2 when they were handed over responsibility for counter-terrorism duties in 1993. The television series \"The Border\" and \"Flashpoint\" featured characters who served with the JTF2. In March 2012, EA's \"\" trailer released worldwide. The game focuses on Tier 1 special forces groups around the world, and includes JTF2 as a playable unit in multiplayer mode. On February 2, 2016, the video game \"Tom Clancy's Rainbow Six Siege\" released two new operators from JTF2, attacker Buck and defender Frost, to use in online gameplay. One of the team members in The Reckoners fantasy novel series is a", + "score": 0.6025390625 + }, + { + "id": "11197243", + "title": "Tom Clancy's Rainbow Six: Vegas 2", + "text": "XP ranks. Up to four players can play together in co-op. Although Terrorist Hunt mode retains the four human player limit (online only), the story mode in \"Rainbow Six: Vegas 2\" has reduced co-op from four players to two players, with the second player assuming the position of Knight, Bishop's teammate. The experience point (XP) system is different from that in \"Rainbow Six: Vegas\" in that every kill achieved awards the player XP. XP gains result in promotions which reward the player with new equipment, such as body armour. Players also receive bonuses from the ACES combat system, a separate", + "score": 0.60205078125 + }, + { + "id": "17035458", + "title": "Until Dawn", + "text": "and the partially linear plot. A prequel, \"The Inpatient\", was announced in June 2017 and released in January 2018. \"Until Dawn\" is designed to be played multiple times, as players cannot see all content with a single playthrough. Each playthrough lasts about nine hours in length and the game mechanics utilise an in-game system called the \"butterfly effect\" in which any choice of action made by the player may cause unforeseen consequences later on. For example, locating a weapon in an earlier chapter may allow the player to pick it up down the line when a chase scene leads back", + "score": 0.60205078125 + }, + { + "id": "18101311", + "title": "Tom Clancy's Rainbow Six Siege", + "text": "of variety, weak artificial intelligence, and its less-intense nature when compared with the player-versus-player modes. Martin Robinson from Eurogamer also noted that the mode only ran at 30 frames per second, which limited its appeal. The game's focus on tactics was praised. Bertz applauded the tactical nature of the game, as it fostered communications between players. However, he noted that teamwork may not be possible if players did not have a headphone and microphone. Arthur Gies from \"Polygon\" echoed these comments, stating that the game's over-reliance on teamwork meant that when teammates were not communicating, the game would not be", + "score": 0.60205078125 + }, + { + "id": "595241", + "title": "Tom Clancy's Rainbow Six (video game)", + "text": "sounds, and other various noises are also represented very well; the immersive feeling of \"Rainbow Six\" is perhaps one of the best seen in a game.\" In 1998, CNN working in partnership with Games.Net named Tom Clancy's Rainbow Six as one of the \"Top 25 game downloads of 1998\".. The Academy of Interactive Arts & Sciences nominated \"Rainbow Six\" for its 1998 \"Action Game of the Year\" award, although the game lost to \"Half-Life\". \"Rainbow Six\" was a finalist for \"Computer Gaming World\"s 1998 \"Best Action\" award, which ultimately went to \"Battlezone\". The editors wrote that \"Rainbow Six\" \"deftly mixed", + "score": 0.6015625 + }, + { + "id": "2057971", + "title": "Rainbow Six (novel)", + "text": "\"Rainbow Six\" as the intended sequel to a film adaptation of another Clancy novel featuring Clark, \"Without Remorse\". Rainbow Six (novel) Rainbow Six is a techno-thriller novel, written by Tom Clancy and released on August 3, 1998. It is the second book to feature John Clark, one of the recurring characters in the Jack Ryan universe, after \"Without Remorse\" (1993). \"Rainbow Six\" also features his son-in-law Domingo \"Ding\" Chavez, and explores the adventures of a multinational counter-terrorism unit that they formed, codenamed as \"Rainbow\". The title refers to Clark's title as commander of Rainbow. The book debuted at number one", + "score": 0.6015625 + }, + { + "id": "11197241", + "title": "Tom Clancy's Rainbow Six: Vegas 2", + "text": "may be played in \"Lone Wolf\" (alone) or with a pair of computer-controlled allies that may be issued environment-based contextual commands. Both the campaign and Terrorist Hunt game modes support cooperative multiplayer which you can have up to three friends playing. Present in all game modes is a multi-dimensional advancement system. The game goes into third-person mode when the player takes cover behind a wall or piece of the environment. While in third-person mode, the player can shoot enemies blindly or aim using the reticule, without the ability to look directly into their weapons aiming sights, unless a scope is", + "score": 0.6015625 + }, + { + "id": "2477499", + "title": "Tom Clancy's Rainbow Six 3: Raven Shield", + "text": "advantage of Microsoft's popular Xbox Live online service. Along with two new online game modes; Total Conquest, Retrieval and a new offline mode Lone Rush, changes were also implemented into \"Black Arrow\" from the original \"Rainbow Six 3\". A noticeable change was made to combat the unfair advantages of \"lean walking\". This change still allows the player to lean but is unable to move until they return to the original standing straight posture. By the end of 2003, sales of \"Rainbow Six 3\" had reached 1.3 million copies. The game sold 2.2 million copies by the end March 2004. Reception", + "score": 0.60107421875 + }, + { + "id": "5612426", + "title": "Psychic Detective (video game)", + "text": "with icons appearing at intervals on the screen signifying people and objects Eric can interact with. Each game generally takes about 45 minutes to play, however multiple plays are required in order to uncover all aspects of the storyline, and there are a dozen alternate endings possible; depending upon the choices made by the player, many different storylines are uncovered, including one that occurs if the player makes no choices and simply watches events unfold. Occasional cut scenes timed to occur at certain points break the storyline into chapters, but which cut scene is viewed depends upon Eric's actions. The", + "score": 0.60107421875 + }, + { + "id": "19071495", + "title": "Sword Art Online: Hollow Realization", + "text": "\"wider world\", \"Hollow Realization\" features monsters new to the series. A healing system in the game allows defeated characters to rejoin the battle as long as teammates are still fighting. The game features online multiplayer. \"Hollow Realization\" is approximately 30 to 40 hours in length; however, completely finishing the game such as leveling up to the highest level and completing all the quests will take the player approximately 70 to 100 hours. The game will eventually feature downloadable content. For example, the free expansion pack \"Fighters of the Blue Sky\", to be released in 2016, will feature \"\" characters Rain", + "score": 0.60107421875 + }, + { + "id": "4472427", + "title": "Romanian whist", + "text": "their competitive spirit sharp. The learning curve is around 10 minutes, while the average person can play a decent game the second time they try. If not played online the game is most often untimed. A typical online game will last for 15 to 30 minutes as opposed to 30 to 60 minutes required for a decent face to face game. As with most card games, an experienced player will take into account both the mathematical and psychological aspects of gameplay. Romanian whist is a game for 3 to 6 players (best for 4). Each player plays alone. From a", + "score": 0.6005859375 + }, + { + "id": "4347943", + "title": "Tom Clancy's Rainbow Six: Lockdown", + "text": "Tom Clancy's Rainbow Six: Lockdown Tom Clancy's Rainbow Six: Lockdown is the fourth game in the \"Rainbow Six\" series. The initial design and PlayStation 2 version were developed by Red Storm Entertainment and the Xbox version was developed by the Ubisoft Montreal studio. Both are published by Ubisoft. The mobile phone version was released on June 9, 2005; the PlayStation 2 and Xbox versions were released on September 6; the GameCube version was released on September 27; and a version for Windows was released on February 16, 2006. The player controls the main character, Rainbow leader Ding Chavez, and leads", + "score": 0.6005859375 + }, + { + "id": "4347947", + "title": "Tom Clancy's Rainbow Six: Lockdown", + "text": "must find and stop the GLF from using the virus. To accomplish this, Rainbow goes from country to country, tracking down each country's GLF cell, and finally capturing or killing that cell's leader, ultimately leading to a showdown with the GLF's supreme leader, Bastian Vanderwaal. A major plot twist occurs when team sniper, Dieter Weber, is captured by the terrorists, prompting an unauthorized rescue effort by the team. The game includes 16 single-player missions in all (14 on the Xbox). The Xbox version of Lockdown features an exclusive gameplay mode for Microsoft's Xbox Live service called \"Persistent Elite Creation\" (PEC).", + "score": 0.6005859375 + }, + { + "id": "18846687", + "title": "Tom Clancy's Ghost Recon Wildlands", + "text": "the effort to provide ongoing content. Players must hunt the Predator, which is hidden in the Bolivian forests. The next add-on is titled \"Operation: Watchman\" features Sam Fisher, the protagonist of \"Splinter Cell\" series. On July 24, 2018, Ubisoft released an add-on which features a series of missions alongside the \"Rainbow Six Siege\" Operators Valkyrie, Twitch, and Caveira called \"Operation Archangel\". A new Special Operation was revealed on December 7. It will feature the return of Captain Scott Mitchell. The game was nominated for \"Best Co-op Game\" at \"PC Gamer\"s 2017 Game of the Year Awards. It won the award", + "score": 0.6005859375 + }, + { + "id": "20610798", + "title": "Capitulation of Diksmuide", + "text": "warfare was an exact art, the rules of which were so well understood that wagering on the outcome and duration of a siege became a popular craze; the then enormous sum of \u00a3200,000 was alleged to have been bet on the outcome of the Second Siege of Limerick in 1691. Experienced officers could estimate how long a siege should take and contemporaries felt Diksmuide should have been held for at least eight days. Professional honour demanded a defence but so long as they followed the convention of surrendering when 'a practicable breach' had been made, garrisons were given generous terms.", + "score": 0.6005859375 + }, + { + "id": "2555089", + "title": "Tom Clancy's Rainbow Six", + "text": "Tom Clancy's Rainbow Six Tom Clancy's Rainbow Six is a media franchise created by American author Tom Clancy about a fictional international counter-terrorist unit called \"Rainbow\". The franchise began with Clancy's novel \"Rainbow Six\", which was adapted into a series of tactical first-person shooter video games. \"Rainbow Six\" describes Rainbow as an international counter-terrorism operation hosted by NATO and funded by money funneled through the U.S. Department of the Interior. The base of operations for Rainbow is located in Hereford, England, due to the United Kingdom being one of the most accessible countries in the world and having one of", + "score": 0.60009765625 + }, + { + "id": "7176256", + "title": "Tom Clancy's Rainbow Six: Critical Hour", + "text": "Spear\" by removing the Run and Gun element that was seen in \"Lockdown\". Accuracy for the 20+ weapons is also affected by injuries and running. There are eight new multiplayer maps for \"Critical Hour\", with 18 maps in all. The gametypes include the standard Rainbow Six gametypes, plus an assassin mode, sharpshooter, and last man standing. There is also a new skill for every PEC character type - 4 new total - and players can now have up to four PEC characters stored on one gamertag. \"Critical Hour\" was met with very mixed reception, as GameRankings gave it a score", + "score": 0.60009765625 + } + ], + "answer": "Tom Clancy's Rainbow Six Siege is an online tactical shooter video game developed by Ubisoft Montreal and published by Ubisoft. In online matches, when a round begins the attackers choose one of several spawn points from which to launch their attack while defenders do the same from which to defend from. A one-minute preparatory period will then commence wherein the attackers are then given control over mecanum-wheeled drones to scout the map in search of enemy operators, traps and defensive set-ups in addition to the target objective(s), while the opposition establishes their defences and tries to do so without having the defensive and target objective(s) details being discovered, chiefly through destroying the drones. Matches last only four minutes for a casual match and three minutes for a ranked match." + }, + { + "qa_pairs": [ + { + "context": "The event was played on clay until 1979 when it switched permanently to hard courts. Both the men's and women's tournaments were played as a single combined tournament at the National Tennis Centre in Toronto until 1981, when the men's tournament was played at the Jarry Park Stadium in Montreal for the first time. Similarly 1982 was the first year in which the women's tournament was played in Montreal.", + "question": "Where is the rogers cup held in montreal in 1981?", + "short_answers": [ + "Jarry Park Stadium" + ], + "wikipage": "Canadian Open (tennis)" + }, + { + "context": "Stade IGA (formerly Stade Du Maurier and Stade Uniprix) is the main tennis court at the Canadian Open tournament in Montreal, Quebec. Built in 1996, the centre court stadium currently holds 11,815 spectators. It was formerly known as Stade Du Maurier, after the cigarette brand. From 2004 to 2018, it was named Stade Uniprix, after a major pharmacy chain in Quebec. On Monday, April 16, 2018, Tennis Canada announced that it would change the name to Stade IGA.", + "question": "Where is the rogers cup held in montreal beginning in 1996?", + "short_answers": [ + "Stade Du Maurier", + "Stade IGA", + "Stade Uniprix", + "Du Maurier", + "Uniprix" + ], + "wikipage": "Stade IGA" + } + ], + "wikipages": [ + { + "title": "2018 Rogers Cup", + "url": "https://en.wikipedia.org/wiki/2018%20Rogers%20Cup" + }, + { + "title": "Canadian Open (tennis)", + "url": "https://en.wikipedia.org/wiki/Canadian%20Open%20%28tennis%29" + }, + { + "title": "1996 du Maurier Open", + "url": "https://en.wikipedia.org/wiki/1996%20du%20Maurier%20Open" + }, + { + "title": "1995 Canadian Open (tennis)", + "url": "https://en.wikipedia.org/wiki/1995%20Canadian%20Open%20%28tennis%29" + }, + { + "title": "Stade IGA", + "url": "https://en.wikipedia.org/wiki/Stade%20IGA" + }, + { + "title": "Canadian Open (golf)", + "url": "https://en.wikipedia.org/wiki/Canadian%20Open%20%28golf%29" + }, + { + "title": "Jarry Park Stadium", + "url": "https://en.wikipedia.org/wiki/Jarry%20Park%20Stadium" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "The 1981 Rogers Cup men's tournament was for the first time played at the Jarry Park Stadium in Montreal. The 1996 Rogers Cup was held at the Stade IGA (formerly Stade Du Maurier and Stade Uniprix) stadium, also in Montreal, Quebec." + }, + { + "knowledge": [ + { + "content": "The Canadian Open (French: Tournoi de tennis du Canada), also known as the Canada Masters, and currently branded as the National Bank Open, is an annual tennis tournament held in Canada.", + "wikipage": "Canadian Open (tennis) Rogers Cup" + }, + { + "content": "In 2005, Rogers Communications became the title sponsor for the men's tournament.[3]", + "wikipage": "Canadian Open (tennis) Rogers Cup" + }, + { + "content": "It was already the sponsor for the women's event, and both events became known as the Rogers Cup.[3]", + "wikipage": "Canadian Open (tennis) Rogers Cup" + } + ], + "long_answer": "The Canadian Open, also known as the Canada Masters, and currently branded as the National Bank Open, is an annual tennis tournament held in Canada. Both the men's and women's tournaments were played as a single combined tournament at the National Tennis Centre in Toronto until 1981, when the men's tournament was played at the Jarry Park Stadium in Montreal for the first time. Built in 1996, Stade IGA (formerly Stade Du Maurier and Stade Uniprix) is the main tennis court at the Canadian Open tournament in Montreal, Quebec. In 2005, Rogers Communications became the title sponsor for the men's tournament as it was already the sponsor for the women's event, so both events became known as the Rogers Cup." + } + ], + "sample_id": "7353317519038173786", + "question": "Where is the rogers cup held in montreal?", + "docs": [ + { + "id": "18870741", + "title": "2015 Rogers Cup", + "text": "2015 Rogers Cup The 2015 Rogers Cup presented by National Bank was a tennis tournament played on outdoor hard courts. It was the 126th edition (for the men) and the 114th (for the women) of the Canadian Open, and was part of the ATP World Tour Masters 1000 of the 2015 ATP World Tour, and of the WTA Premier 5 tournaments of the 2015 WTA Tour, plus is the 2015 US Open Series event. The men's event was held at the Uniprix Stadium in Montreal, from August 10 to August 16, and the women's event at the Aviva Centre in", + "score": 0.849609375, + "summary": "The men's event of the 2015 Rogers Cup was held at the Uniprix Stadium in Montreal.", + "extraction": "The men's event was held at the Uniprix Stadium in Montreal." + }, + { + "id": "18144608", + "title": "2014 Rogers Cup", + "text": "2014 Rogers Cup The 2014 Rogers Cup presented by National Bank was a tennis tournament played on outdoor hard courts. It was the 125th edition (for the men) and the 113th (for the women) of the Canadian Open, and was part of the ATP World Tour Masters 1000 of the 2014 ATP World Tour, and of the WTA Premier 5 tournaments of the 2014 WTA Tour. The men's event was held at the Rexall Centre in Toronto, from August 2 to August 10 and the women's event at the Uniprix Stadium in Montreal, from August 2 to August 10. The", + "score": 0.8486328125, + "summary": "The 2014 Rogers Cup women's event was held at the Uniprix Stadium in Montreal from August 2 to August 10.", + "extraction": "The women's event of the 2014 Rogers Cup is held at the Uniprix Stadium in Montreal." + }, + { + "id": "17415413", + "title": "2013 Rogers Cup", + "text": "2013 Rogers Cup The 2013 Rogers Cup presented by National Bank was a tennis tournament played on outdoor hard courts. It was the 124th edition (for the men) and the 112th (for the women) of the Canadian Open, and was part of the ATP World Tour Masters 1000 of the 2013 ATP World Tour, and of the WTA Premier 5 tournaments of the 2013 WTA Tour. The men's event was held at the Uniprix Stadium in Montreal, from August 3 to August 11 and the women's and legends events at the Rexall Centre in Toronto, from August 3 to August", + "score": 0.8447265625, + "summary": "The men's Rogers Cup was held at the Uniprix Stadium in Montreal from August 3 to August 11, 2013.", + "extraction": "The Rogers Cup for men is held at the Uniprix Stadium in Montreal." + }, + { + "id": "13590944", + "title": "2009 Rogers Cup", + "text": "2009 Rogers Cup The 2009 Canadian Open (also known as the 2009 Rogers Masters presented by National Bank and 2009 Rogers Cup for sponsorship reasons) was a tennis tournament played on outdoor hard courts. It was the 120th edition of the Canada Masters for the men (the 108th edition for the women), and was part of the ATP World Tour Masters 1000 of the 2009 ATP World Tour, and of the Premier 5 of the 2009 WTA Tour. The men's event was held at the Uniprix Stadium in Montreal, Quebec, Canada, from August 8 through August 16, 2009, and the", + "score": 0.8408203125, + "summary": "The 2009 Rogers Cup men's event was held at the Uniprix Stadium in Montreal, Quebec, Canada, from August 8 through August 16, 2009.", + "extraction": "The men's event of the 2009 Rogers Cup was held at the Uniprix Stadium in Montreal, Quebec, Canada, from August 8 through August 16, 2009." + }, + { + "id": "10722314", + "title": "2007 Rogers Cup", + "text": "2007 Rogers Cup The 2007 Canada Masters (also known as the 2007 Rogers Masters and 2007 Rogers Cup for sponsorship reasons) was a tennis tournament played on outdoor hard courts. It was the 118th edition of the Canada Masters, and was part of the ATP Masters Series of the 2007 ATP Tour, and of the Tier I Series of the 2007 WTA Tour. The men's event took place at the Uniprix Stadium in Montreal, Quebec, Canada, from August 6 through August 12, 2007, and the women's event at the Rexall Centre in Toronto, Ontario, Canada, from August 13 through August", + "score": 0.8369140625, + "summary": "The men's event of the 2007 Rogers Cup was held at the Uniprix Stadium in Montreal, Quebec, Canada.", + "extraction": "The Rogers Cup in Montreal is held at the Uniprix Stadium." + }, + { + "id": "16668845", + "title": "2012 Rogers Cup", + "text": "2012 Rogers Cup The 2012 Rogers Cup presented by National Bank (known as such for sponsorship reasons) was a tennis tournament played on outdoor hard courts. It was the 123rd edition (for the men) and the 111th (for the women) of the Canadian Open, and was part of the ATP World Tour Masters 1000 of the 2012 ATP World Tour, and of the WTA Premier 5 tournaments of the 2012 WTA Tour. The women's and legends' events were held at the Uniprix Stadium in Montreal, from August 4 to August 13 and the men's event at the Rexall Centre in", + "score": 0.8359375, + "summary": "The women's and legends' events of the 2012 Rogers Cup were held at the Uniprix Stadium in Montreal from August 4 to August 13.", + "extraction": "The women's and legends' events were held at the Uniprix Stadium in Montreal." + }, + { + "id": "12030108", + "title": "2005 Rogers Cup", + "text": "2005 Rogers Cup The 2005 Canada Masters (also known as the 2005 Rogers Masters and 2005 Rogers Cup for sponsorship reasons) was a tennis tournament played on outdoor hard courts. It was the 116th edition of the Canada Masters, and was part of the ATP Masters Series of the 2005 ATP Tour, and of the Tier I Series of the 2005 WTA Tour. The men's event took place at the Uniprix Stadium in Montreal, Quebec, Canada, from August 8 through August 14, 2005, and the women's event at the Rexall Centre in Toronto, Ontario, Canada, from August 15 through August", + "score": 0.8310546875, + "summary": "The men's event of the 2005 Rogers Cup was held at the Uniprix Stadium in Montreal, Quebec, Canada from August 8 through August 14, 2005.", + "extraction": "The men's event of the Rogers Cup is held at the Uniprix Stadium in Montreal, Quebec, Canada." + }, + { + "id": "12027588", + "title": "2006 Rogers Cup", + "text": "2006 Rogers Cup The 2006 Canadian Open (also known as the \"2006 Rogers Masters\" and \"2006 Rogers Cup\" for sponsorship reasons) was a tennis tournament played on outdoor hard courts. It was the 117th edition of the Canadian Open, and was part of the ATP Masters Series of the 2006 ATP Tour, and of the Tier I Series of the 2006 WTA Tour. The men's event took place at the Rexall Centre in Toronto, Ontario, Canada, from August 7 through August 13, 2006, and the women's event at the Uniprix Stadium in Montreal, Quebec, Canada, from August 14 through August", + "score": 0.826171875, + "summary": "The women's Rogers Cup in Montreal was held at Uniprix Stadium from August 14 through August.", + "extraction": "The women's event of the 2006 Rogers Cup was held at the Uniprix Stadium in Montreal, Quebec, Canada." + }, + { + "id": "14615310", + "title": "2010 Rogers Cup", + "text": "women's event was held at the Uniprix Stadium in Montreal, Quebec, Canada, from August 13 through August 23, 2010. It was scheduled to end August 22 but some of the matches were postponed to August 23 due to rain. The following players received wildcards into the singles main draw: The following player received Special Exempt into the singles main draw: The following players received entry from the qualifying draw: The following players received the lucky loser spots: The following players received wildcards into the singles main draw The following players received entry from the qualifying draw: The following players received", + "score": 0.81982421875, + "summary": "The 2010 Rogers Cup women's event was held in Montreal, Quebec, Canada at the Uniprix Stadium from August 13-23, 2010.", + "extraction": "The Rogers Cup is held at the Uniprix Stadium in Montreal, Quebec, Canada." + }, + { + "id": "14615309", + "title": "2010 Rogers Cup", + "text": "2010 Rogers Cup The 2010 Canada Masters (also known as the 2010 Rogers Cup presented by National Bank and the 2010 Rogers Cup for sponsorship reasons) was a tennis tournament played on outdoor hard courts in Canada. It was the 121st edition of the Canada Masters for the men (the 109th edition for the women), and was part of the ATP Masters Series of the 2010 ATP World Tour, and of the Premier Series of the 2010 WTA Tour. The men's event was held at the Rexall Centre in Toronto, Ontario, Canada, from August 7 through August 15, 2010. The", + "score": 0.80810546875, + "summary": "The 2010 Rogers Cup was held on outdoor hard courts in Canada for both men and women. The men's event was held at the Rexall Centre in Toronto, Ontario from August 7-15, 2010.", + "extraction": "The men's event was held at the Rexall Centre in Toronto, Ontario, Canada." + }, + { + "id": "12182330", + "title": "2008 Rogers Cup", + "text": "in Montreal, Quebec, Canada, from July 26 through August 3, 2008. The event was scheduled two weeks earlier than the usual early-August date to avoid conflicting with the 2008 Summer Olympics. The men's field featured World No. 1, French Open and Wimbledon runner-up Roger Federer, ATP No. 2, French Open and new Wimbledon winner Rafael Nadal, and Australian Open titlist and Canada Masters defending champion Novak Djokovic. Also competing were ATP No. 4, Miami Masters, P\u00f6rtschach and Warsaw titlist Nikolay Davydenko, Valencia and s'Hertogenbosch winner David Ferrer, Andy Roddick, James Blake and Andy Murray. On the women's side were present", + "score": 0.80517578125, + "summary": "The 2008 Rogers Cup was held in Montreal, Quebec, Canada from July 26 through August 3, 2008, two weeks earlier than usual to avoid conflicting with the 2008 Summer Olympics.", + "extraction": "The Rogers Cup is held in Montreal, Quebec, Canada." + }, + { + "id": "12054975", + "title": "2003 Canada Masters and the Rogers AT&T Cup", + "text": "2003 Canada Masters and the Rogers AT&T Cup The 2003 Canada Masters and the Rogers AT&T Cup were tennis tournaments played on outdoor hard courts. It was the 114th edition of the Canada Masters and was part of the Tennis Masters Series of the 2003 ATP Tour and of Tier I of the 2003 WTA Tour. The men's tournament took place at the du Maurier Stadium in Montreal in Canada from August 4 through August 10, 2003 while the women's event took place at the National Tennis Centre in Toronto in Canada from August 11 through August 17, 2003. On", + "score": 0.8017578125, + "summary": "The men's Rogers AT&T Cup tournament was held in Montreal at the du Maurier Stadium in August 2003.", + "extraction": "The Rogers Cup is held at the du Maurier Stadium in Montreal, Canada." + }, + { + "id": "20817724", + "title": "2018 Rogers Cup", + "text": "2018 Rogers Cup The 2018 Rogers Cup presented by National Bank was a tennis tournament to be played on outdoor hard courts. It was the 138th edition (for the men) and the 127th (for the women) of the Canadian Open. The tournament was part of the ATP World Tour Masters 1000 of the 2018 ATP World Tour, and of the WTA Premier 5 tournaments of the 2018 WTA Tour, and was also a 2018 US Open Series event. The men's event was held at the Aviva Centre in Toronto and the women's event was held at the IGA Stadium in", + "score": 0.8017578125, + "summary": "The men's Rogers Cup was held at the Aviva Centre in Toronto and the women's Rogers Cup was held at the IGA Stadium in Montreal.", + "extraction": "The men's event was held at the Aviva Centre in Toronto and the women's event was held at the IGA Stadium in Montreal." + }, + { + "id": "12182329", + "title": "2008 Rogers Cup", + "text": "2008 Rogers Cup The 2008 Canada Masters (also known as the 2008 Rogers Masters and 2008 Rogers Cup for sponsorship reasons) was a tennis tournament played on outdoor hard courts. It was the 119th edition of the Canada Masters for the men (the 107th edition for the women), and was part of the ATP Masters Series of the 2008 ATP Tour, and of the Tier I Series of the 2008 WTA Tour. The men's event took place at the Rexall Centre in Toronto, Ontario, Canada, from July 19 through July 27, 2008, and the women's event at the Uniprix Stadium", + "score": 0.80126953125, + "summary": "The men's 2008 Rogers Cup was held at the Rexall Centre in Toronto, Ontario, Canada from July 19 through July 27, 2008. The women's event was held at the Uniprix Stadium.", + "extraction": "The Rogers Cup was not held in Montreal in 2008, as the men's event took place in Toronto at the Rexall Centre and the women's event took place at the Uniprix Stadium. Therefore, the answer to the question \"Where is the Rogers Cup held in Montreal?\" is \"irrelevant\"." + }, + { + "id": "18144610", + "title": "2014 Rogers Cup", + "text": "draw: The following pair received entry as alternates: 2014 Rogers Cup The 2014 Rogers Cup presented by National Bank was a tennis tournament played on outdoor hard courts. It was the 125th edition (for the men) and the 113th (for the women) of the Canadian Open, and was part of the ATP World Tour Masters 1000 of the 2014 ATP World Tour, and of the WTA Premier 5 tournaments of the 2014 WTA Tour. The men's event was held at the Rexall Centre in Toronto, from August 2 to August 10 and the women's event at the Uniprix Stadium in", + "score": 0.80078125, + "summary": "The men's Rogers Cup was held at the Rexall Centre in Toronto and the women's event was held at the Uniprix Stadium in Montreal.", + "extraction": "The men's event was held at the Rexall Centre in Toronto. Therefore, the passage is irrelevant to the question \"Where is the rogers cup held in montreal?\"" + }, + { + "id": "15756124", + "title": "2011 Rogers Cup", + "text": "2011 Rogers Cup The 2011 Canada Masters (also known as the 2011 Rogers Cup presented by National Bank and the 2011 Rogers Cup for sponsorship reasons) was a tennis tournament played on outdoor hard courts in Canada. It was the 122nd edition of the Canada Masters (110th for the women), and was part of the ATP World Tour Masters 1000 of the 2011 ATP World Tour, and of the Premier Series of the 2011 WTA Tour. The women's and legends event was held at the Rexall Centre in Toronto, Ontario, Canada and the men's event took place at the Uniprix", + "score": 0.79833984375, + "summary": "The document mentions that the 2011 Rogers Cup was held on outdoor hard courts in Canada, but it does not specify where in Montreal it was held. Therefore, the answer is \"irrelevant.\"", + "extraction": "The men's event took place at the Uniprix in Montreal." + }, + { + "id": "19601904", + "title": "2016 Rogers Cup", + "text": "2016 Rogers Cup The 2016 Rogers Cup presented by National Bank was a tennis tournament played on outdoor hard courts. It was the 127th edition (for the men) and the 114th (for the women) of the Canadian Open. The tournament was part of the ATP World Tour Masters 1000 of the 2016 ATP World Tour, and of the WTA Premier 5 tournaments of the 2016 WTA Tour, and was also a 2016 US Open Series event. The men's event was held at the Aviva Centre in Toronto, from 25 to July 31 and the women's event was held at the", + "score": 0.79736328125, + "summary": "The men's event of the 2016 Rogers Cup was held at the Aviva Centre in Toronto, but the document does not mention where the women's event was held in Montreal.", + "extraction": "The men's event was held at the Aviva Centre in Toronto." + }, + { + "id": "12842384", + "title": "2001 Canada Masters and the Rogers AT&T Cup", + "text": "2001 Canada Masters and the Rogers AT&T Cup The 2001 Canada Masters and the Rogers AT&T Cup were tennis tournaments played on outdoor hard courts. It was the 112th edition of the Canada Masters and was part of the Tennis Masters Series of the 2001 ATP Tour and of Tier I of the 2001 WTA Tour. The men's event took place at the du Maurier Stadium in Montreal in Canada from July 30 through August 5, 2001 and the women's event at the National Tennis Centre in Toronto in Canada from August 13 through August 19, 2001. The men's draw", + "score": 0.796875, + "summary": "The 2001 Rogers AT&T Cup was held at the du Maurier Stadium in Montreal, Canada from July 30 through August 5.", + "extraction": "The Rogers AT&T Cup was held at the du Maurier Stadium in Montreal, Canada from July 30 through August 5, 2001." + }, + { + "id": "19601905", + "title": "2016 Rogers Cup", + "text": "Uniprix Stadium in Montreal, from July 25 to July 31. The event was scheduled two weeks earlier than the usual early-August date to avoid conflicting with the 2016 Summer Olympics. The following players received wild cards into the main singles draw: The following players received entry using a protected ranking into the main singles draw: The following players received entry from the singles qualifying draw: The following pairs received wildcards into the doubles main draw: The following players received wild cards into the main singles draw: The following players received entry from the singles qualifying draw: The following players received", + "score": 0.79443359375, + "summary": "The Rogers Cup is held at Uniprix Stadium in Montreal from July 25 to July 31.", + "extraction": "Uniprix Stadium in Montreal" + }, + { + "id": "5096694", + "title": "Canadian Open (tennis)", + "text": "Canadian Open (tennis) The Canadian Open (Canada Masters, known for sponsorship reasons as the Rogers Cup) is an annual tennis tournament held in Canada. The third-oldest tournament in all of tennis (behind only Wimbledon and the US Open), the Canadian Open's men's competition is a Masters 1000 event on the Association of Tennis Professionals (ATP) tour. The women's competition is a Premier 5 tournament on the Women's Tennis Association (WTA) tour. The competition is played on hard courts. The events alternate from year to year between the cities of Montreal and Toronto. Since 1980 in odd-numbered years the men's tournament", + "score": 0.79296875, + "summary": "The Rogers Cup, also known as the Canadian Open, is an annual tennis tournament held in Canada. It alternates between Montreal and Toronto and is played on hard courts.", + "extraction": "The Rogers Cup is held in Montreal and Toronto." + }, + { + "id": "12036310", + "title": "2004 Canada Masters and the Rogers AT&T Cup", + "text": "2004 Canada Masters and the Rogers AT&T Cup The 2004 Canada Masters and the Rogers AT&T Cup were tennis tournaments played on outdoor hard courts. It was the 115th edition of the Canada Masters, and was part of the ATP Masters Series of the 2004 ATP Tour, and of the Tier I Series of the 2004 WTA Tour. The men's event took place at the Rexall Centre in Toronto, Ontario, Canada, from July 26 through August 1, 2004, and the women's event at the Uniprix Stadium in Montreal, Quebec, Canada, from August 2 through August 8, 2004. The men's draw", + "score": 0.79052734375 + }, + { + "id": "20213067", + "title": "2017 Rogers Cup", + "text": "2017 Rogers Cup The 2017 Rogers Cup presented by National Bank was a tennis tournament to be played on outdoor hard courts. It was the 128th edition (for the men) and the 125th (for the women) of the Canadian Open. The tournament was part of the ATP World Tour Masters 1000 of the 2017 ATP World Tour, and of the WTA Premier 5 tournaments of the 2017 WTA Tour, and is also a 2017 US Open Series event. The women's event (also called the Toronto Open) was held at the Aviva Centre in Toronto, from August 7 to August 13", + "score": 0.78955078125 + }, + { + "id": "12137020", + "title": "2002 Canada Masters and the Rogers AT&T Cup", + "text": "2002 Canada Masters and the Rogers AT&T Cup The 2002 Canada Masters and the Rogers AT&T Cup were tennis tournaments played on outdoor hard courts. It was the 113th edition of the Canada Masters and was part of the Tennis Masters Series of the 2002 ATP Tour and of Tier I of the 2002 WTA Tour. The men's event took place at the National Tennis Centre in Toronto in Canada from July 29 through August 4, 2002 and the women's event at the du Maurier Stadium in Montreal in Canada from August 10 through August 18, 2002. The men's draw", + "score": 0.78759765625 + }, + { + "id": "11304868", + "title": "Tennis Canada", + "text": "the Board is Derrick Rowe, while the President and Chief Executive Officer is Michael S. Downey. Directors include Marc Bibeau, Jennifer Bishop, Jack Graham (emeritus), Richard Harris, S\u00e9bastien Leblanc, Stephen Mandel, Nadir Mohamed and Mike Tevlin. Tennis Canada operates a junior national training program through three centers: at IGA Stadium in Montreal; at Aviva Centre in Toronto; and at the North Shore Winter Club in Vancouver. Tennis Canada owns and operates the Canadian Open (marketed as the Rogers Cup since 2000), a joint men's and women's competition which attracts the top players in the world. For men, the Canadian Open", + "score": 0.78173828125 + }, + { + "id": "20213070", + "title": "2017 Rogers Cup", + "text": "pair received entry as alternates: 2017 Rogers Cup The 2017 Rogers Cup presented by National Bank was a tennis tournament to be played on outdoor hard courts. It was the 128th edition (for the men) and the 125th (for the women) of the Canadian Open. The tournament was part of the ATP World Tour Masters 1000 of the 2017 ATP World Tour, and of the WTA Premier 5 tournaments of the 2017 WTA Tour, and is also a 2017 US Open Series event. The women's event (also called the Toronto Open) was held at the Aviva Centre in Toronto, from", + "score": 0.779296875 + }, + { + "id": "15756125", + "title": "2011 Rogers Cup", + "text": "Stadium in Montreal, Quebec, Canada, from August 8 to August 14. All money is in C$: The following players received wildcards into the singles main draw: The following players received entry from the qualifying draw: The following players received entry from a lucky loser spot: The following players received wildcards into the singles main draw The following players received entry from the qualifying draw: The following players received entry from a lucky loser spot: Novak Djokovic def. Mardy Fish, 6\u20132, 3\u20136, 6\u20134 Serena Williams def. Samantha Stosur, 6\u20134, 6\u20132 Micha\u00ebl Llodra / Nenad Zimonji\u0107 def. Bob Bryan / Mike Bryan,", + "score": 0.7763671875 + }, + { + "id": "15756126", + "title": "2011 Rogers Cup", + "text": "6\u20134, 6\u20137, [10\u20135] Liezel Huber / Lisa Raymond def. Victoria Azarenka / Maria Kirilenko, walkover 2011 Rogers Cup The 2011 Canada Masters (also known as the 2011 Rogers Cup presented by National Bank and the 2011 Rogers Cup for sponsorship reasons) was a tennis tournament played on outdoor hard courts in Canada. It was the 122nd edition of the Canada Masters (110th for the women), and was part of the ATP World Tour Masters 1000 of the 2011 ATP World Tour, and of the Premier Series of the 2011 WTA Tour. The women's and legends event was held at the", + "score": 0.77392578125 + }, + { + "id": "14615311", + "title": "2010 Rogers Cup", + "text": "the lucky loser spots: Andy Murray def. Roger Federer, 7\u20135, 7\u20135 Caroline Wozniacki def. Vera Zvonareva, 6\u20133, 6\u20132 Bob Bryan / Mike Bryan def. Julien Benneteau / Micha\u00ebl Llodra, 7\u20135, 6\u20133 Gisela Dulko / Flavia Pennetta def. Kv\u011bta Peschke / Katarina Srebotnik, 7\u20135, 3\u20136, [12\u201310] 2010 Rogers Cup The 2010 Canada Masters (also known as the 2010 Rogers Cup presented by National Bank and the 2010 Rogers Cup for sponsorship reasons) was a tennis tournament played on outdoor hard courts in Canada. It was the 121st edition of the Canada Masters for the men (the 109th edition for the women),", + "score": 0.767578125 + }, + { + "id": "12027590", + "title": "2006 Rogers Cup", + "text": "Safina. Roger Federer def. Richard Gasquet 2\u20136, 6\u20133, 6\u20132 Ana Ivanovic def. Martina Hingis 6\u20132, 6\u20133 Bob Bryan / Mike Bryan def. Paul Hanley / Kevin Ullyett 6\u20133, 7\u20135 Nadia Petrova / Martina Navratilova def. Cara Black / Anna-Lena Gr\u00f6nefeld 6\u20131, 6\u20132 2006 Rogers Cup The 2006 Canadian Open (also known as the \"2006 Rogers Masters\" and \"2006 Rogers Cup\" for sponsorship reasons) was a tennis tournament played on outdoor hard courts. It was the 117th edition of the Canadian Open, and was part of the ATP Masters Series of the 2006 ATP Tour, and of the Tier I Series", + "score": 0.76611328125 + }, + { + "id": "5096695", + "title": "Canadian Open (tennis)", + "text": "is held in Montreal, while the women's tournament is held in Toronto, and vice versa in even-numbered years. Before 2011, they were held during separate weeks in the July\u2013August period, now the two competitions are held during the same week in August. The Toronto tournament is held at the Aviva Centre and the Montreal tournament is held at the IGA Stadium. The current singles champions as of the 2018 tournament are Rafael Nadal (def. Stefanos Tsitsipas) and Simona Halep (def. Sloane Stephens). The men's tournament began in 1881, and was held at the Toronto Lawn Tennis Club, while the women's", + "score": 0.76513671875 + }, + { + "id": "13590945", + "title": "2009 Rogers Cup", + "text": "women's event was held at the Rexall Centre in Toronto, Ontario, Canada, from August 15 through August 23, 2009. It was the fourth event for both the men and women on the 2009 US Open Series. The following players received wildcards into the singles main draw The following players received entry from the qualifying draw: The following player received the lucky loser spot: The following players received wildcards into the singles main draw The following players received entry from the qualifying draw: Andy Murray def. Juan Mart\u00edn del Potro, 6\u20137, 7\u20136, 6\u20131. \"For the first time in the ATP history,", + "score": 0.76513671875 + }, + { + "id": "13823216", + "title": "Toronto Lawn Tennis Club", + "text": "Toronto Lawn Tennis Club The Toronto Lawn Tennis Club hosted the first ever National Tennis Championship of Canada and has hosted 2 Davis Cup ties. Established in 1874 by I.F. Hellmuth and located in Rosedale, the club that year played host to a tournament (for gentlemen's singles) that over time became the Canadian Open tennis championship, now known as the Rogers Cup. The Toronto LTC also played host to the first Davis Cup tie played in Canada, in July 1921. Australia swept aside Canada 5-0, with Canadian Henri Laframboise taking the only two sets dropped by the James Anderson-led Aussies.", + "score": 0.7578125 + }, + { + "id": "14143478", + "title": "1988 Player's Canadian Open", + "text": "1988 Player's Canadian Open The 1988 Player's International Canadian Open was a tennis tournament played on outdoor hard courts. The men's tournament was held at the National Tennis Centre in Toronto in Canada and was part of the 1988 Nabisco Grand Prix while the women's tournament was held at the du Maurier Stadium in Montreal in Canada and was part of Tier II of the 1988 WTA Tour. The men's tournament was held from August 8 through August 14, 1988, while the women's tournament was held from August 15 through August 21, 1988. Ivan Lendl defeated Kevin Curren 7\u20136, 6\u20132", + "score": 0.755859375 + }, + { + "id": "5096701", + "title": "Canadian Open (tennis)", + "text": "corresponding rounds of the men's and women's matches are held on the same day, though a couple hours apart to avoid broadcast conflicts. Source: The Tennis Base Canadian Open (tennis) The Canadian Open (Canada Masters, known for sponsorship reasons as the Rogers Cup) is an annual tennis tournament held in Canada. The third-oldest tournament in all of tennis (behind only Wimbledon and the US Open), the Canadian Open's men's competition is a Masters 1000 event on the Association of Tennis Professionals (ATP) tour. The women's competition is a Premier 5 tournament on the Women's Tennis Association (WTA) tour. The competition", + "score": 0.755859375 + }, + { + "id": "14142899", + "title": "1982 Player's Canadian Open", + "text": "1982 Player's Canadian Open The 1982 Player's International Canadian Open was a tennis tournament played on outdoor hard courts. The men's tournament was held at the National Tennis Centre in Toronto in Canada and was part of the 1982 Volvo Grand Prix while the women's tournament was held at the Jarry Park Stadium in Montreal in Canada and was part of the 1982 WTA Tour. The men's tournament was held from August 9 through August 15, 1982, while the women's tournament was held from August 16 through August 22, 1982. Vitas Gerulaitis defeated Ivan Lendl 4\u20136, 6\u20131, 6\u20133 Martina Navratilova", + "score": 0.7548828125 + }, + { + "id": "18870743", + "title": "2015 Rogers Cup", + "text": "main singles draw: The following players received entry from the singles qualifying draw: The following player received entry as a lucky loser: The following pairs received wildcards into the doubles main draw: 2015 Rogers Cup The 2015 Rogers Cup presented by National Bank was a tennis tournament played on outdoor hard courts. It was the 126th edition (for the men) and the 114th (for the women) of the Canadian Open, and was part of the ATP World Tour Masters 1000 of the 2015 ATP World Tour, and of the WTA Premier 5 tournaments of the 2015 WTA Tour, plus is", + "score": 0.75390625 + }, + { + "id": "13590946", + "title": "2009 Rogers Cup", + "text": "all top 8 seeded and top 8 ranked players reached the quarterfinals.\" Elena Dementieva def. Maria Sharapova, 6\u20134, 6\u20133. Mahesh Bhupathi / Mark Knowles def. Nuria Llagostera Vives / Mar\u00eda Jos\u00e9 Mart\u00ednez S\u00e1nchez def. Samantha Stosur / Rennae Stubbs, 2\u20136, 7\u20135, [11\u20139]. 2009 Rogers Cup The 2009 Canadian Open (also known as the 2009 Rogers Masters presented by National Bank and 2009 Rogers Cup for sponsorship reasons) was a tennis tournament played on outdoor hard courts. It was the 120th edition of the Canada Masters for the men (the 108th edition for the women), and was part of the ATP", + "score": 0.75341796875 + }, + { + "id": "14143299", + "title": "1986 Player's Canadian Open", + "text": "1986 Player's Canadian Open The 1986 Player's International Canadian Open was a tennis tournament played on outdoor hard courts. The men's tournament was held at the National Tennis Centre in Toronto, Ontario, and was part of the 1986 Nabisco Grand Prix while the women's tournament was held at the Jarry Park Stadium in Montreal, Quebec, and was part of the 1986 Virginia Slims World Championship Series. The men's tournament was held from August 11 through August 17, 1986, while the women's tournament was held from August 18 through August 24, 1986. Boris Becker defeated Stefan Edberg 6\u20134, 3\u20136, 6\u20133 Helena", + "score": 0.75146484375 + }, + { + "id": "19601906", + "title": "2016 Rogers Cup", + "text": "entry as alternate: The following players received entry as lucky losers: The following pairs received wildcards into the doubles main draw: The following pair received entry as alternates: 2016 Rogers Cup The 2016 Rogers Cup presented by National Bank was a tennis tournament played on outdoor hard courts. It was the 127th edition (for the men) and the 114th (for the women) of the Canadian Open. The tournament was part of the ATP World Tour Masters 1000 of the 2016 ATP World Tour, and of the WTA Premier 5 tournaments of the 2016 WTA Tour, and was also a 2016", + "score": 0.74951171875 + }, + { + "id": "20213068", + "title": "2017 Rogers Cup", + "text": "and the men's event was held at the Uniprix Stadium in Montreal, from August 7 to August 13. The following are the seeded players. Seedings are based on ATP rankings as of July 31, 2017. Rankings and points before are as of August 7, 2017. Because the tournament takes place two weeks later than in 2016, the points defended from last year was not superseded within a 52-week run, the results during the 52-week period were from 2016 Los Cabos Open. \u2020 The player used an exemption to skip the tournament in 2016. Accordingly, points for his 18th best result", + "score": 0.7490234375 + }, + { + "id": "14143066", + "title": "1983 Player's Canadian Open", + "text": "1983 Player's Canadian Open The 1983 Player's International Canadian Open was a tennis tournament played on outdoor hard courts. The men's tournament was held at the Jarry Park Stadium in Montreal in Canada and was part of the 1983 Volvo Grand Prix while the women's tournament was held at the National Tennis Centre in Toronto in Canada and was part of the 1983 Virginia Slims World Championship Series. The men's tournament was held from August 8 through August 14, 1983, while the women's tournament was held from August 15 through August 21, 1983. Ivan Lendl defeated Anders J\u00e4rryd 6\u20132, 6\u20132", + "score": 0.74853515625 + }, + { + "id": "12638875", + "title": "1995 Canadian Open (tennis)", + "text": "1995 Canadian Open (tennis) The 1995 Canadian Open, also known by its sponsored name Du Maurier Canadian Open, was a men's and women's professional tennis tournament played on outdoor hard courts that was part of the Super 9 of the 1995 ATP Tour, and of Tier I of the 1995 WTA Tour. The men's event took place at the Jarry Stadium in Montreal, Quebec, Canada, from July 24 through July 31, 1995, and the women's event at the National Tennis Centre in Toronto, Ontario, Canada, from August 13 through August 20, 1995. First-seeded Andre Agassi, the defending champion, and Monica", + "score": 0.748046875 + }, + { + "id": "12030110", + "title": "2005 Rogers Cup", + "text": "Rafael Nadal defeated Andre Agassi, 6\u20133, 4\u20136, 6\u20132 Kim Clijsters defeated Justine Henin-Hardenne, 7\u20135, 6\u20131 Wayne Black / Kevin Ullyett defeated Jonathan Erlich / Andy Ram, 6\u20137, 6\u20133, 6\u20130 Anna-Lena Gr\u00f6nefeld / Martina Navratilova defeated Conchita Mart\u00ednez / Virginia Ruano Pascual, 5\u20137, 6\u20133, 6\u20134 2005 Rogers Cup The 2005 Canada Masters (also known as the 2005 Rogers Masters and 2005 Rogers Cup for sponsorship reasons) was a tennis tournament played on outdoor hard courts. It was the 116th edition of the Canada Masters, and was part of the ATP Masters Series of the 2005 ATP Tour, and of the Tier", + "score": 0.748046875 + }, + { + "id": "1470347", + "title": "Rogers Centre", + "text": "Connecticut Huskies played in the third International Bowl on January 3, 2009. Rogers Centre was also the venue for the 43rd Vanier Cup on Friday November 23, just two days before Grey Cup Sunday. It was the 16th Vanier Cup hosted at the venue, returning after a three-year absence in which it was hosted by Hamilton, Ontario (2004 and 2005) and Saskatoon, Saskatchewan (2006). It was the 40th Vanier Cup hosted by Toronto since that championship's inception in 1965. The National Football League's Buffalo Bills announced its intentions to play five \"home\" games (and three pre-season games) in Rogers Centre", + "score": 0.7470703125 + }, + { + "id": "3205404", + "title": "Trophe\u0301e des Champions", + "text": "Stade Pierre de Coubertin twice in Cannes, the Stade de la Meinau in Strasbourg, and the Stade de l'Abb\u00e9 Deschamps in Auxerre. On 12 May 2009, the French Football Federation announced that the 2009 Troph\u00e9e des Champions would be played outside France for the first time, at the Olympic Stadium in Montreal, Quebec, Canada. It has since been held in Tunisia, Morocco, the United States, Gabon and China. Troph\u00e9e des Champions The Troph\u00e9e des Champions (, \"Champions' Trophy\"), is a French association football trophy contested in an annual match between the champions of Ligue 1 and the winners of the", + "score": 0.74658203125 + }, + { + "id": "7835148", + "title": "Sports in Montreal", + "text": "held in Canada. The men's competition is an ATP Masters Series event on the Association of Tennis Professionals (ATP) tour. The women's competition is a Tier 1 event on the Women's Tennis Association (WTA) tour. The two competitions are currently held in separate weeks in the July\u2013August period. The events alternate from year-to-year between the cities of Montreal and Toronto. In odd-numbered years, the men's tournament is held in Montreal, while the women's tournament is held in Toronto, and vice versa in even-numbered years. The competition is played on hard courts. Montr\u00e9al Roller Derby were the first non-U.S. roller derby", + "score": 0.74609375 + }, + { + "id": "14143457", + "title": "1987 Player's Canadian Open", + "text": "1987 Player's Canadian Open The 1987 Player's International Canadian Open was a tennis tournament played on outdoor hard courts. The men's tournament was held at the du Maurier Stadium in Montreal, Quebec, in Canada and was part of the 1987 Nabisco Grand Prix while the women's tournament was held at the National Tennis Centre in Toronto, Ontario, and was part of the 1987 Virginia Slims World Championship Series. The men's tournament was held from August 10 through August 16, 1987, while the women's tournament was held from August 17 through August 23, 1987. Ivan Lendl defeated Stefan Edberg 6\u20134, 7\u20136", + "score": 0.74560546875 + }, + { + "id": "5854386", + "title": "IGA Stadium", + "text": "is part of the US Open Series of events leading into the Grand Slam event. Uniquely, the Canadian Open is held in two cities, Montreal and Toronto, with the men and women alternating venues each year. IGA Stadium hosts the WTA in even-numbered years and hosts the ATP in odd-numbered years. Its core seating area is a remnant of the former Major League Baseball stadium on the site, Jarry Park Stadium, the original home of the Montreal Expos. IGA Stadium IGA Stadium (French: Stade IGA) is the main tennis court at the Canadian Open tournament in Montreal, Quebec. Built in", + "score": 0.7431640625 + }, + { + "id": "10722316", + "title": "2007 Rogers Cup", + "text": "Anna Chakvetadze, Nadia Petrova, Marion Bartoli and Elena Dementieva. Novak Djokovic defeated Roger Federer 7\u20136, 2\u20136, 7\u20136 Justine Henin defeated Jelena Jankovi\u0107 7\u20136, 7\u20135 Mahesh Bhupathi / Pavel V\u00edzner defeated Paul Hanley / Kevin Ullyett 6\u20134, 6\u20134 Katarina Srebotnik / Ai Sugiyama defeated Cara Black / Liezel Huber 6\u20134, 2\u20136, [10\u20135] 2007 Rogers Cup The 2007 Canada Masters (also known as the 2007 Rogers Masters and 2007 Rogers Cup for sponsorship reasons) was a tennis tournament played on outdoor hard courts. It was the 118th edition of the Canada Masters, and was part of the ATP Masters Series of the", + "score": 0.74169921875 + }, + { + "id": "8529563", + "title": "Tournoi de Que\u0301bec", + "text": "Tournoi de Qu\u00e9bec The Tournoi de Qu\u00e9bec, currently sponsored as Coupe Banque Nationale (or also known as National Bank Cup in English-language media), is a WTA Tour International tennis tournament held in Quebec City, Quebec, Canada since 1993. The tournament is the last women's professional tennis tournament still played on indoor carpet courts. It is held at the PEPS stadium. The tournament was known as Challenge Bell from the first edition to 2013. In 1997, Dutchwoman Brenda Schultz-McCarthy defeated Belgian Dominique Van Roost to win her second title in Quebec City (also won in 1995 and finalist in 1994), the", + "score": 0.7412109375 + }, + { + "id": "14143120", + "title": "1984 Player's Canadian Open", + "text": "1984 Player's Canadian Open The 1984 Player's International Canadian Open was a tennis tournament played on outdoor hard courts. The men's tournament was held at the National Tennis Centre in Toronto in Canada and was part of the 1984 Volvo Grand Prix while the women's tournament was held at the Jarry Park Stadium in Montreal in Canada and was part of the 1984 Virginia Slims World Championship Series. The men's tournament was held from August 13 through August 19, 1984, while the women's tournament was held from August 20 through August 26, 1984. John McEnroe defeated Vitas Gerulaitis 6\u20130, 6\u20133", + "score": 0.740234375 + }, + { + "id": "14143575", + "title": "1989 Player's Canadian Open", + "text": "1989 Player's Canadian Open The 1989 Player's International Canadian Open was a tennis tournament played on outdoor hard courts. The men's tournament was held at the du Maurier Stadium in Montreal in Canada and was part of the 1989 Nabisco Grand Prix while the women's tournament was held at the National Tennis Centre in Toronto in Canada and was part of the Category 5 tier of the 1989 WTA Tour. The men's tournament was held from August 14 through August 20, 1989, while the women's tournament was held from August 21 through August 27, 1989. Ivan Lendl defeated John McEnroe", + "score": 0.740234375 + }, + { + "id": "12673940", + "title": "1997 du Maurier Open", + "text": "1997 du Maurier Open The 1997 Canadian Open (also known as the \"du Maurier Open\" for sponsorship reasons) was a tennis tournament played on outdoor hard courts. It was the 110th edition of the Canada Masters and was part of the ATP Super 9 of the 1997 ATP Tour and of Tier I of the 1997 WTA Tour. The men's event took place at the du Maurier Stadium in Montreal, Quebec, Canada from July 28 through August 4, 1997, while the women's event took place at the National Tennis Centre in Toronto, Ontario, Canada from August 11 through August 17,", + "score": 0.740234375 + }, + { + "id": "12638924", + "title": "1999 du Maurier Open", + "text": "1999 du Maurier Open The 1999 Canadian Open (known as the \"du Maurier Open\" for sponsorship reasons) was a tennis tournament played on outdoor hard courts. It was the 110th edition of the Canada Masters, and was part of the ATP Super 9 of the 1999 ATP Tour, and of the Tier I Series of the 1999 WTA Tour. The men's event took place at the du Maurier Stadium in Montreal, Quebec, Canada, from August 2 through August 8, 1999, and the women's event at the National Tennis Centre in Toronto, Ontario, Canada, from August 16 through August 23, 1999.", + "score": 0.73974609375 + }, + { + "id": "14143242", + "title": "1985 Player's Canadian Open", + "text": "1985 Player's Canadian Open The 1985 Player's International Canadian Open was a tennis tournament played on outdoor hard courts. The men's tournament was held at the Jarry Park Stadium in Montreal in Canada and was part of the 1985 Nabisco Grand Prix while the women's tournament was held at the National Tennis Centre in Toronto in Canada and was part of the 1985 Virginia Slims World Championship Series. The men's tournament was held from August 12 through August 18, 1985, while the women's tournament was held from August 19 through August 25, 1985. John McEnroe defeated Ivan Lendl 7\u20135, 6\u20133", + "score": 0.73583984375 + }, + { + "id": "12966515", + "title": "1990 Canadian Open (tennis)", + "text": "1990 Canadian Open (tennis) The 1990 Canadian Open was a tennis tournament played on outdoor hard courts. It was the 101st edition of the Canada Masters and was part of the Championship Series, Single-Week of the 1990 ATP Tour and of Tier I of the 1990 WTA Tour. The men's event took place at the du Maurier Stadium in Montreal in Canada from July 23 through July 30, 1990, and the women's event at the National Tennis Centre in Toronto in Canada from July 30 through August 6, 1990. Michael Chang defeated Jay Berger 4\u20136, 6\u20133, 7\u20136 Steffi Graf defeated", + "score": 0.734375 + }, + { + "id": "14142866", + "title": "1981 Player's Canadian Open", + "text": "1981 Player's Canadian Open The 1981 Player's International Canadian Open was a tennis tournament played on outdoor hard courts. The men's tournament was held at the Jarry Park Stadium in Montreal in Canada and was part of the 1981 Volvo Grand Prix while the women's tournament was held at the National Tennis Centre in Toronto in Canada and was part of the 1981 WTA Tour. The men's tournament was held from August 10 through August 16, 1981, while the women's tournament was held from August 17 through August 23, 1981. Ivan Lendl defeated Eliot Teltscher 6\u20133, 6\u20132 Tracy Austin defeated", + "score": 0.734375 + }, + { + "id": "17415415", + "title": "2013 Rogers Cup", + "text": "entry as alternates: Rafael Nadal def. Milos Raonic, 6\u20132, 6\u20132 Serena Williams def. Sorana C\u00eerstea 6\u20132, 6\u20130 Alexander Peya / Bruno Soares def. Colin Fleming / Andy Murray, 6\u20134, 7\u20136 Jelena Jankovi\u0107 / Katarina Srebotnik def. Anna-Lena Gr\u00f6nefeld / Kv\u011bta Peschke, 5-7, 6-1, [10-6] 2013 Rogers Cup The 2013 Rogers Cup presented by National Bank was a tennis tournament played on outdoor hard courts. It was the 124th edition (for the men) and the 112th (for the women) of the Canadian Open, and was part of the ATP World Tour Masters 1000 of the 2013 ATP World Tour, and of", + "score": 0.73388671875 + }, + { + "id": "13360429", + "title": "2009 Trophe\u0301e des Champions", + "text": "2009 Troph\u00e9e des Champions The 2009 Troph\u00e9e des Champions Final was a football match that was played on 25 July 2009. The match was contested between the winners of 2008\u201309 Coupe de France, En Avant Guingamp, and the 2008\u201309 Ligue 1 champions, FC Girondins de Bordeaux. The match was played, for the first time, on international soil at the Olympic Stadium in Montreal, Quebec, Canada with the objective being to promote French professional football abroad. Bordeaux captured their 3rd Troph\u00e9e des Champions overall and their second straight after defeating Guingamp 2\u20130 with goals from the Argentine Fernando Cavenaghi in the", + "score": 0.732421875 + }, + { + "id": "5162387", + "title": "Maurice Richard Arena", + "text": "to 2000. The arena also hosted boxing and wrestling events at the 1976 Summer Olympics. The building is located on the same massive city block that is home to Olympic Stadium and Saputo Stadium. It is situated in the south east corner, next to the Biodome (formerly the cycling Velodrome) and the Olympic Stadium. The arena still hosts fight cards and concerts, and hosted the 2014 Scotties Tournament of Hearts. Maurice Richard Arena Maurice Richard Arena () is a 4,750-seat multi-purpose arena at Olympic Park in Montreal, Quebec, Canada. It was built in 1962. It is named in honour of", + "score": 0.73046875 + }, + { + "id": "5096697", + "title": "Canadian Open (tennis)", + "text": "came into effect that banned tobacco advertising. Rogers Communications, a Canadian communications and media company, took over as the new presenting sponsor. The event was played on clay until 1979 when it switched permanently to hard courts. Both the men's and women's tournaments were played as a single combined tournament at the National Tennis Centre in Toronto until 1981, when the men's tournament was played at the Jarry Park Stadium in Montreal for the first time. Similarly 1982 was the first year in which the women's tournament was played in Montreal. In 1989, two Canadian male tennis players, Grant Connell", + "score": 0.73046875 + }, + { + "id": "12658706", + "title": "1998 du Maurier Open", + "text": "1998 du Maurier Open The 1998 du Maurier Open was a tennis tournament played on outdoor hard courts. It was the 110th edition of the Canada Masters and was part of the Super 9 of the 1998 ATP Tour and of Tier I of the 1998 WTA Tour. The men's event took place at the National Tennis Centre in Toronto in Canada from August 3 through August 10, 1998, while the women's event took place at the du Maurier Stadium in Montreal in Canada from August 17 through August 23, 1998. Patrick Rafter defeated Richard Krajicek 7\u20136, 6\u20134 Monica Seles", + "score": 0.7294921875 + }, + { + "id": "11304869", + "title": "Tennis Canada", + "text": "is a Masters 1000 event on the Association of Tennis Professionals (ATP) tour; for women, it is a Premier 5 event on the Women's Tennis Association (WTA) tour. In odd-numbered years, the men's tournament is held in Montreal, while the women's tournament is held in Toronto, and vice versa in even-numbered years. Tennis Canada also owns and operates the National Bank Cup, a WTA International tournament held in Quebec City; six ATP Challenger Tour tournaments in Drummondville, Winnipeg, Gatineau, Granby, Vancouver, and Calgary; and several lower-level ITF-sanctioned professional tournaments for men and women. At the junior level, Tennis Canada operates", + "score": 0.72900390625 + }, + { + "id": "5854385", + "title": "IGA Stadium", + "text": "IGA Stadium IGA Stadium (French: Stade IGA) is the main tennis court at the Canadian Open tournament in Montreal, Quebec. Built in 1996, the centre court stadium currently holds 8,000 spectators. It was formerly known as Stade Du Maurier, after the cigarettes brand. From 2004 to 2018, it was named after Uniprix, a major pharmacy chain in Quebec. On Monday, April 16, 2018, Tennis Canada announced that it would change the name to Stade IGA. The twelve courts at this venue use the DecoTurf cushioned acrylic surface, the same surface as the U.S. Open Grand Slam event. The Canadian Open", + "score": 0.72900390625 + }, + { + "id": "14598487", + "title": "19th Grey Cup", + "text": "team based outside of Ontario to claim the Grey Cup. Additionally, their 1931 victory was the first national championship for Montreal football teams since 1907. - To date, this is the only Grey Cup game ever hosted by Percival Molson Stadium. Of the first 42 Grey Cups, the 19th was the sole match held outside of Ontario. The next Grey Cup played in Montreal was the 57th Grey Cup at the Autostade in 1969. - Immediately following the final whistle, Montreal's Edward \"Red\" Tellier knocked-out Regina's George Gilhooley with a punch to the jaw. Tellier was upset after some illegal", + "score": 0.72802734375 + }, + { + "id": "9382306", + "title": "1969 Memorial Cup", + "text": "1969 Memorial Cup The 1969 Memorial Cup was the 51st annual Memorial Cup competition, organized by the Canadian Amateur Hockey Association (CAHA) to determine the champion of junior A ice hockey. It was a best of 7 series between the Montreal Jr. Canadiens of the Ontario Hockey Association and the Regina Pats of the Saskatchewan Junior Hockey League held at the Montreal Forum in Montreal, Quebec and at the Regina Exhibition Stadium in Regina, Saskatchewan. Montreal won their 2nd Memorial Cup, defeating Regina 4 games to 0. Players: Jean-Pierre Bordeleau, Guy Charron, Gary Connelly, Andre Dupont, Jocelyn Guevremont, Robert Guindon,", + "score": 0.7275390625 + }, + { + "id": "3348669", + "title": "Percival Molson Memorial Stadium", + "text": "Percival Molson Memorial Stadium Percival Molson Memorial Stadium (also known in French as Stade Percival-Molson; commonly referred to as Molson Stadium in English or Stade Molson in French) is an outdoor football stadium located downtown on the slopes of Mount Royal in Montreal, Quebec, Canada. Named in honour of Percival Molson, it is owned by McGill University and has been the home of the Montreal Alouettes of the Canadian Football League from 1954 to 1967 and again from 1998 to present. The stadium is also home to the McGill Redmen of the RSEQ, the Montreal Royal of the American Ultimate", + "score": 0.7255859375 + }, + { + "id": "9382231", + "title": "1970 Memorial Cup", + "text": "1970 Memorial Cup The 1970 Memorial Cup was the 52nd annual Memorial Cup competition, organized by the Canadian Amateur Hockey Association (CAHA) to determine the champion of junior A ice hockey. It was a best-of-seven series between the Montreal Jr. Canadiens of the Ontario Hockey Association and the Weyburn Red Wings of the Saskatchewan Junior Hockey League held at the Montreal Forum in Montreal, Quebec. Montreal won their third Memorial Cup, defeating Weyburn four games to none. Paulin Bordeleau, Pierre Brind'amour, Michel Dion, John Garrett, Allan Globensky, Jocelyn Guevremont, Norm Gratton, Bobby Guindon, Serge Lajeunesse, Bobby Lalonde, Richard Lemieux, Richard", + "score": 0.7236328125 + }, + { + "id": "12865084", + "title": "1991 Canadian Open (tennis)", + "text": "1991 Canadian Open (tennis) The 1991 Canadian Open was a tennis tournament played on outdoor hard courts. It was the 102nd edition of the Canada Masters, and was part of the ATP Super 9 of the 1991 ATP Tour, and of the Tier I Series of the 1991 WTA Tour. The men's event took place at the Uniprix Stadium in Montreal, Quebec, Canada from July 22 through July 28, 1991, and the women's event at the National Tennis Centre in Toronto, Ontario, Canada from August 5 through August 11, 1991. Andrei Chesnokov def. Petr Korda, 3\u20136, 6\u20134, 6\u20133 Jennifer Capriati", + "score": 0.72216796875 + }, + { + "id": "2329842", + "title": "Sportsnet", + "text": "On February 8, 2011, Sportsnet announced that it had signed a multi-year deal with Tennis Canada to acquire early round rights to the Rogers Cup. Sportsnet also acquired rights to the ATP World Tour Masters 1000 and ATP World Tour 500 series events. As per an extension of Rogers' sponsorship rights to the tournament, Sportsnet holds sole rights to the Rogers Cup beginning in 2016. In 2016, Sportsnet lost the ATP tours to TSN, but it still maintains exclusive rights to the Rogers Cup, as well as the Davis Cup and Fed Cup. In August 2012, Rogers acquired ownership of", + "score": 0.7216796875 + }, + { + "id": "12792529", + "title": "1993 Canadian Open (tennis)", + "text": "1993 Canadian Open (tennis) The 1993 Canadian Open was a tennis tournament played on outdoor hard courts. It was the 104th edition of the Canada Masters, and was part of the ATP Super 9 of the 1993 ATP Tour, and of the Tier I Series of the 1993 WTA Tour. The men's event took place at the Uniprix Stadium in Montreal, Quebec, Canada, from July 26 through August 1, 1993, and the women's event at the National Tennis Centre in Toronto, Ontario, Canada, from August 16 through August 22, 1993. Mikael Pernfors def. Todd Martin, 2\u20136, 6\u20132, 7\u20135 Steffi Graf", + "score": 0.7216796875 + }, + { + "id": "17970889", + "title": "50th Vanier Cup", + "text": "50th Vanier Cup The 2014 Vanier Cup, the 50th edition of the Canadian university football championship, took place on Saturday, November 29, 2014 at Molson Stadium in Montreal, Quebec. It featured the OUA champion McMaster Marauders and the RSEQ champion Montr\u00e9al Carabins. This was the first appearance for the Carabins and the fourth for the Marauders. It was the first time that the city of Montreal hosted the Vanier Cup and it was organized by the Canadian Football League's Montreal Alouettes as opposed to a member CIS club. For the second consecutive year the championship game was played in the", + "score": 0.720703125 + }, + { + "id": "9509787", + "title": "1950 Memorial Cup", + "text": "1950 Memorial Cup The 1950 Memorial Cup final was the 32nd junior ice hockey championship of the Canadian Amateur Hockey Association. The George Richardson Memorial Trophy champions Montreal Junior Canadiens of the Quebec Junior Hockey League in Eastern Canada competed against the Abbott Cup champions Regina Pats of the Saskatchewan Junior Hockey League in Western Canada. In a best-of-seven series, held at the Montreal Forum in Montreal, Quebec and Maple Leaf Gardens in Toronto, Ontario, Montreal won its first Memorial Cup, defeating Regina 4 games to 1. Doug Binning, Kevin Conway, Bob Dawson, Herb English, Bill Goold, Reg Grigg, Charles", + "score": 0.72021484375 + }, + { + "id": "14134399", + "title": "1970 Rothmans Canadian Open", + "text": "1970 Rothmans Canadian Open The 1970 Rothmans Canadian Open was a tennis tournament played on outdoor clay courts at the Toronto Cricket Skating and Curling Club in Toronto in Canada that was part of the 1970 Pepsi-Cola Grand Prix. The men's tournament was held from August 12 through August 18, 1970, while the women's tournament was played from August 19 through August 25, 1970. Rod Laver defeated Roger Taylor 6\u20130, 4\u20136, 6\u20133 Margaret Court defeated Rosemary Casals 6\u20138, 6\u20134, 6\u20134 William Bowrey / Marty Riessen defeated Cliff Drysdale / Fred Stolle 6\u20133, 6\u20132 Rosemary Casals / Margaret Court defeated Evonne", + "score": 0.72021484375 + }, + { + "id": "12673963", + "title": "1996 du Maurier Open", + "text": "1996 du Maurier Open The 1996 du Maurier Open was a tennis tournament played on outdoor hard courts. It was the 110th edition of the Canada Masters and was part of the Mercedes Super 9 of the 1996 ATP Tour and of Tier I of the 1996 WTA Tour. The men's event took place at the National Tennis Centre in Toronto from August 5 through August 11, 1996, while the women's event took place at the du Maurier Stadium in Montreal from August 19 through August 26, 1996. Wayne Ferreira defeated Todd Woodbridge 6\u20132, 6\u20134 Monica Seles defeated Arantxa S\u00e1nchez", + "score": 0.71875 + }, + { + "id": "12224131", + "title": "2000 du Maurier Open", + "text": "2000 du Maurier Open The 2000 du Maurier Open was a tennis tournament played on outdoor hard courts. It was the 111th edition of the event known that year as the du Maurier Open, and was part of the Tennis Masters Series of the 2000 ATP Tour, and of the Tier I Series of the 2000 WTA Tour. The men's event took place at the National Tennis Centre in Toronto, Ontario, Canada, from July 31 through August 6, 2000, and the women's event at the du Maurier Stadium in Montreal, Quebec, Canada, from August 14 through August 20, 2000. The", + "score": 0.71826171875 + }, + { + "id": "13360430", + "title": "2009 Trophe\u0301e des Champions", + "text": "39th minute and the Brazilian Fernando Menegazzo in the 90th minute. 2009 Troph\u00e9e des Champions The 2009 Troph\u00e9e des Champions Final was a football match that was played on 25 July 2009. The match was contested between the winners of 2008\u201309 Coupe de France, En Avant Guingamp, and the 2008\u201309 Ligue 1 champions, FC Girondins de Bordeaux. The match was played, for the first time, on international soil at the Olympic Stadium in Montreal, Quebec, Canada with the objective being to promote French professional football abroad. Bordeaux captured their 3rd Troph\u00e9e des Champions overall and their second straight after defeating", + "score": 0.71728515625 + }, + { + "id": "12638877", + "title": "1994 Canadian Open (tennis)", + "text": "1994 Canadian Open (tennis) The 1994 Canadian Open and the 1994 Matin\u00e9e Ltd. - Canadian Open were tennis tournaments played on outdoor hard courts. It was the 105th edition of the Canada Masters, and was part of the ATP Super 9 of the 1994 ATP Tour, and of the Tier I Series of the 1994 WTA Tour. The men's event took place at the National Tennis Centre in Toronto, Ontario, Canada, from July 25 through July 31, 1994, and the women's event at the Uniprix Stadium in Montreal, Quebec, Canada, from August 15 through August 21, 1994. Andre Agassi defeated", + "score": 0.716796875 + }, + { + "id": "6494110", + "title": "95th Grey Cup", + "text": "at several venues in downtown Toronto including the Metro Toronto Convention Centre, and the CN Tower. The festival area was bounded by Spadina Avenue east to Bay Street and from Nathan Phillips Square south to Lake Ontario. On the weekend of the Grey Cup, there was a \"Celebration of Football\" with games hosted at the Rogers Centre at amateur, high school, and university level, including the 43rd Vanier Cup, the CIS football championship. The Vanier Cup game was held on November 23, 2007 at Rogers Centre with the Manitoba Bisons versus the Saint Mary's Huskies. This marked the first time", + "score": 0.71630859375 + }, + { + "id": "14134400", + "title": "1970 Rothmans Canadian Open", + "text": "Goolagong / Pat Walkden 6\u20130, 6\u20131 1970 Rothmans Canadian Open The 1970 Rothmans Canadian Open was a tennis tournament played on outdoor clay courts at the Toronto Cricket Skating and Curling Club in Toronto in Canada that was part of the 1970 Pepsi-Cola Grand Prix. The men's tournament was held from August 12 through August 18, 1970, while the women's tournament was played from August 19 through August 25, 1970. Rod Laver defeated Roger Taylor 6\u20130, 4\u20136, 6\u20133 Margaret Court defeated Rosemary Casals 6\u20138, 6\u20134, 6\u20134 William Bowrey / Marty Riessen defeated Cliff Drysdale / Fred Stolle 6\u20133, 6\u20132 Rosemary", + "score": 0.7158203125 + }, + { + "id": "8529565", + "title": "Tournoi de Que\u0301bec", + "text": "Slam titles include 1999 champion Jennifer Capriati, 2003 champion Maria Sharapova, who both went on to become World No. 1, and 2006 champion Bartoli. American Lindsay Davenport, a three-time Grand Slam champion, won the event in 2007, in only her third event after returning to the tour after giving birth to her son. Tournoi de Qu\u00e9bec The Tournoi de Qu\u00e9bec, currently sponsored as Coupe Banque Nationale (or also known as National Bank Cup in English-language media), is a WTA Tour International tennis tournament held in Quebec City, Quebec, Canada since 1993. The tournament is the last women's professional tennis tournament", + "score": 0.7158203125 + }, + { + "id": "10056622", + "title": "Sports in Toronto", + "text": "in 1881 and is the third oldest major tennis tournament in the world behind only Wimbledon and the US Open. The men's competition is an ATP World Tour Masters 1000 event on the Association of Tennis Professionals (ATP) tour. The women's competition is a Premier 5 event on the Women's Tennis Association (WTA) tour. The events alternate from year-to-year between the cities of Montreal and Toronto. In odd-numbered years, the men's tournament is held in Montreal, while the women's tournament is held in Toronto, and vice versa in even-numbered years. The competition is played on hard courts. From 1971 until", + "score": 0.71533203125 + }, + { + "id": "1470359", + "title": "Rogers Centre", + "text": "outlet (ticket centre) for eastern Canada, at the south end of the building beside Gate 9. In addition, the building contains the Toronto Renaissance Hotel, a Premier Fitness/Health Club, a Rogers Plus store, (formerly) a Hard Rock Cafe, and Windows Restaurant. Starting in 2006, the Hard Rock Cafe only opened when there was a performance in the building, and closed altogether in 2009. On non-event days, there are daily tours of the Rogers Centre. Rogers Centre Rogers Centre, originally named SkyDome, is a multi-purpose stadium in Downtown Toronto, Ontario, Canada, situated just southwest of the CN Tower near the northern", + "score": 0.71533203125 + }, + { + "id": "1689816", + "title": "Bell Centre", + "text": "they have won many championships over the years (including 24 Stanley Cups). At Bell Centre, as had the Forum, only Stanley Cup championship banners are raised to the rafters. Bell Centre The Bell Centre (French: \"Centre Bell\"), formerly known as the \"Molson Centre\" (or \"Le Centre Molson\"), is a sports and entertainment complex in Montreal, Quebec, Canada. It opened on March 16, 1996, after nearly three years under construction. It is best known as the home of the National Hockey League's Montreal Canadiens ice hockey team, and it has the largest arena capacity to regularly host an NHL team. It", + "score": 0.71435546875 + }, + { + "id": "5162386", + "title": "Maurice Richard Arena", + "text": "Maurice Richard Arena Maurice Richard Arena () is a 4,750-seat multi-purpose arena at Olympic Park in Montreal, Quebec, Canada. It was built in 1962. It is named in honour of Maurice Richard. The rink was renovated in 1994. Dedicated to hometown hockey hero Maurice Richard, this arena includes a multi-media exhibition on the life of the Montreal Canadiens great. Entrance to the arena is free and there is a souvenir shop onsite. Formerly home to the Montreal Rocket, the ice rink is also used for training by speed and figure skaters. It can host corporate events, with banquet seating up", + "score": 0.712890625 + }, + { + "id": "20817725", + "title": "2018 Rogers Cup", + "text": "Montr\u00e9al, both from August 6 to August 12. The following are the seeded players. Seedings are based on ATP rankings as of July 30, 2018. Rankings and points before are as of August 6, 2018. \u2020 The player used an exemption to skip the tournament in 2017. Accordingly, points for his 18th best result are deducted instead. The following players would have been seeded, but they withdrew from the event. The following players received wild cards into the main singles draw: The following players received entry from the singles qualifying draw: The following players received entry as lucky losers: The", + "score": 0.7119140625 + }, + { + "id": "12966516", + "title": "1990 Canadian Open (tennis)", + "text": "Katerina Maleeva 6\u20131, 6\u20137, 6\u20133 Paul Annacone / David Wheaton defeated Broderick Dyke / Peter Lundgren 6\u20131, 7\u20136 Betsy Nagelsen / Gabriela Sabatini defeated Helen Kelesi / Raffaella Reggi 3\u20136, 6\u20132, 6\u20132 1990 Canadian Open (tennis) The 1990 Canadian Open was a tennis tournament played on outdoor hard courts. It was the 101st edition of the Canada Masters and was part of the Championship Series, Single-Week of the 1990 ATP Tour and of Tier I of the 1990 WTA Tour. The men's event took place at the du Maurier Stadium in Montreal in Canada from July 23 through July 30,", + "score": 0.7109375 + }, + { + "id": "16133668", + "title": "Djokovic\u2013Federer rivalry", + "text": "set to draw level. The third set went to another tiebreak which Djokovic won to claim the match. It was Djokovic's first career win over Federer and it in turn prevented Federer from ever winning in Montreal. Djokovic reflected after the win, \"To win two tiebreaks against the world No. 1, probably the strongest player mentally on the tour, it's another achievement, it's another success so I'm really, really happy.\" As of 2014, Federer has not won the Canadian Open when it was held in Montreal. Federer's loss in Montreal was also his first career loss in a US Open", + "score": 0.71044921875 + }, + { + "id": "14142867", + "title": "1981 Player's Canadian Open", + "text": "Chris Evert-Lloyd 6\u20131, 6\u20134 Ra\u00fal Ram\u00edrez / Ferdi Taygan defeated Peter Fleming / John McEnroe 2\u20136, 7\u20136, 6\u20134 Martina Navratilova / Pam Shriver defeated Candy Reynolds / Anne Smith 7\u20136, 7\u20136 1981 Player's Canadian Open The 1981 Player's International Canadian Open was a tennis tournament played on outdoor hard courts. The men's tournament was held at the Jarry Park Stadium in Montreal in Canada and was part of the 1981 Volvo Grand Prix while the women's tournament was held at the National Tennis Centre in Toronto in Canada and was part of the 1981 WTA Tour. The men's tournament was", + "score": 0.7099609375 + }, + { + "id": "13817019", + "title": "Mount Royal Tennis Club", + "text": "Mount Royal Tennis Club The Mount Royal Tennis Club has been the most-used venue for Canada hosting Davis Cup ties. It has been the country's most prominent grass court Davis Cup venue. The MRTC has played host to 28 Davis Cup ties between 1923 and 1964. All but the last of these ties was played on grass courts\u2014the 1964 tie was played on clay. Only three other Davis Cup ties played in Canada have ever been on grass, one held at the Toronto CS&C Club in 1952, one at the Victoria Lawn Tennis Club on Vancouver Island in 1956, and", + "score": 0.7099609375 + }, + { + "id": "7813096", + "title": "96th Grey Cup", + "text": "96th Grey Cup The 96th Grey Cup was held in Montreal, Quebec at Olympic Stadium on November 23, 2008. The Eastern Division Champion Montreal Alouettes hosted the Western Division Champion Calgary Stampeders. The Stampeders won the game 22-14, with quarterback Henry Burris winning the MVP award. It was the first time Montreal had hosted the Grey Cup since 2001, the first time since the 2002 Grey Cup that the host city played for the Grey Cup, and the first time since the 58th Grey Cup in 1970 that the Alouettes and Stampeders had met for the national championship. Hoping to", + "score": 0.7099609375 + }, + { + "id": "2648738", + "title": "Royal Montreal Golf Club", + "text": "Blue Course is routinely cited as a preeminent Canadian golf course and among the best in the world. Royal Montreal was one of the five founding Clubs of the Royal Canadian Golf Association, established in 1895 as the governing body of golf in Canada. Among other duties it organizes the major national championships, including the Canadian Open, the first of which was played at Royal Montreal in 1904. Royal Montreal hosted the Presidents Cup in 2007 and the Canadian Open in July 2014. Royal Montreal Golf Club The Royal Montreal Golf Club (French: Le Club de Golf Royal Montr\u00e9al) is", + "score": 0.7099609375 + }, + { + "id": "15070960", + "title": "Venues of the 1976 Summer Olympics", + "text": "and 1997, respectively. The Montreal Canadiens remained at the Montreal Forum until they moved to the Molson Centre in March 1996. In 1992, the velodrome was converted into an indoor zoo now known as the Montreal Biod\u00f4me. \u00cele-Notre Dame hosted a canoe sprint world championships and two rowing world championships since the 1976 Games, but the area north of the basin on the island has been host to the Formula One Canadian Grand Prix on an almost annual basis since 1978. Molson Stadium was constructed in 1915. It was home of the Canadian Football League (CFL)'s original Montreal Alouettes from", + "score": 0.70947265625 + }, + { + "id": "12792700", + "title": "1992 Canadian Open (tennis)", + "text": "1992 Canadian Open (tennis) The 1992 Canadian Open was a tennis tournament played on outdoor hard courts. It was the 103rd edition of the Canada Masters, and was part of the ATP Super 9 of the 1992 ATP Tour, and of the Tier I Series of the 1992 WTA Tour. The men's event took place at the National Tennis Centre in Toronto, Ontario, Canada, from July 20 through July 26, 1992, and the women's event at the Uniprix Stadium in Montreal, Quebec, Canada, from August 17 through August 23, 1992. Andre Agassi defeated Ivan Lendl 3\u20136, 6\u20132, 6\u20130 Arantxa S\u00e1nchez", + "score": 0.708984375 + }, + { + "id": "12036312", + "title": "2004 Canada Masters and the Rogers AT&T Cup", + "text": "and Paola Su\u00e1rez. Roger Federer defeated Andy Roddick, 7\u20135, 6\u20133 Am\u00e9lie Mauresmo defeated Elena Likhovtseva, 6\u20131, 6\u20130 Mahesh Bhupathi / Leander Paes defeated Jonas Bj\u00f6rkman / Max Mirnyi, 6\u20134, 6\u20132 Shinobu Asagoe / Ai Sugiyama defeated Liezel Huber / Tamarine Tanasugarn, 6\u20130, 6\u20133 2004 Canada Masters and the Rogers AT&T Cup The 2004 Canada Masters and the Rogers AT&T Cup were tennis tournaments played on outdoor hard courts. It was the 115th edition of the Canada Masters, and was part of the ATP Masters Series of the 2004 ATP Tour, and of the Tier I Series of the 2004 WTA", + "score": 0.708984375 + }, + { + "id": "12137022", + "title": "2002 Canada Masters and the Rogers AT&T Cup", + "text": "champion Justine Henin, Martina Hingis, Am\u00e9lie Mauresmo and Daniela Hantuchov\u00e1. Guillermo Ca\u00f1as defeated Andy Roddick 6\u20134, 7\u20135 Am\u00e9lie Mauresmo defeated Jennifer Capriati 6\u20134, 6\u20131 Bob Bryan / Mike Bryan defeated Mark Knowles / Daniel Nestor 4\u20136, 7\u20136 (7\u20131), 6\u20133 Virginia Ruano Pascual / Paola Su\u00e1rez defeated Rika Fujiwara / Ai Sugiyama 6\u20134, 7\u20136 (7\u20134) 2002 Canada Masters and the Rogers AT&T Cup The 2002 Canada Masters and the Rogers AT&T Cup were tennis tournaments played on outdoor hard courts. It was the 113th edition of the Canada Masters and was part of the Tennis Masters Series of the 2002 ATP", + "score": 0.70849609375 + }, + { + "id": "18455593", + "title": "51st Vanier Cup", + "text": "51st Vanier Cup The 2015 Vanier Cup, the 51st edition of the Canadian university football championship took place on Saturday, November 28, 2015 at Telus Stadium in Quebec City, Quebec. It was the fourth time that the city of Quebec has hosted the Vanier Cup. For the third consecutive year the championship game was played in the province of Quebec. The game featured the Canada West Champion UBC Thunderbirds and the RSEQ Champion Montreal Carabins. This was the second appearance for the Carabins and the sixth for the Thunderbirds. The Vanier Cup is played between the champions of the Mitchell", + "score": 0.70849609375 + }, + { + "id": "12792530", + "title": "1993 Canadian Open (tennis)", + "text": "def. Jennifer Capriati, 6\u20131, 0\u20136, 6\u20133 Jim Courier / Mark Knowles def. Glenn Michibata / David Pate, 6\u20134, 7\u20136 Larisa Neiland / Jana Novotn\u00e1 def. Arantxa Sanchez-Vicario / Helena Sukov\u00e1 6\u20131, 6\u20132 1993 Canadian Open (tennis) The 1993 Canadian Open was a tennis tournament played on outdoor hard courts. It was the 104th edition of the Canada Masters, and was part of the ATP Super 9 of the 1993 ATP Tour, and of the Tier I Series of the 1993 WTA Tour. The men's event took place at the Uniprix Stadium in Montreal, Quebec, Canada, from July 26 through August", + "score": 0.70751953125 + }, + { + "id": "9509793", + "title": "1949 Memorial Cup", + "text": "1949 Memorial Cup The 1949 Memorial Cup final was the 31st junior ice hockey championship of the Canadian Amateur Hockey Association. The George Richardson Memorial Trophy champions Montreal Royals of the Quebec Junior Hockey League in Eastern Canada competed against the Abbott Cup champions Brandon Wheat Kings of the Manitoba Junior Hockey League in Western Canada. In a best-of-seven series, held at Shea's Amphitheatre in Winnipeg, Manitoba and the Wheat City Arena in Brandon, Manitoba, Montreal won their 1st Memorial Cup, defeating Brandon 4 games to 3, with 1 tied game. News reports claimed that bookies suffered throughout this series", + "score": 0.70703125 + }, + { + "id": "1470351", + "title": "Rogers Centre", + "text": "at the 110 m mark claiming a quadriceps injury. Rogers Centre is the site of several major high school and collegiate sporting competitions, such as the Prentice Cup for baseball. Since 2008, the Rogers Centre is the host of the Greater Toronto high schools' Metro Bowl. It hosted a round of the AMA Supercross Championship from 2008 to 2014 and returned for 2016 and 2017. Monster Jam hosts an annual event in the month of January. On April 30, 2011, Ultimate Fighting Championship hosted their first event in Ontario's history, UFC 129. Originally set up for 42,000 seats, the event", + "score": 0.70654296875 + } + ], + "answer": "The Canadian Open, also known as the Canada Masters, and currently branded as the National Bank Open, is an annual tennis tournament held in Canada. Both the men's and women's tournaments were played as a single combined tournament at the National Tennis Centre in Toronto until 1981, when the men's tournament was played at the Jarry Park Stadium in Montreal for the first time. Built in 1996, Stade IGA (formerly Stade Du Maurier and Stade Uniprix) is the main tennis court at the Canadian Open tournament in Montreal, Quebec. In 2005, Rogers Communications became the title sponsor for the men's tournament as it was already the sponsor for the women's event, so both events became known as the Rogers Cup." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Where is three billboards outside of ebbing missouri principally filmed?", + "short_answers": [ + "Sylva, North Carolina" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Where is three billboards outside of ebbing missouri filmed for the billboard scenes?", + "short_answers": [ + "Black Mountain, North Carolina" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Three Billboards Outside Ebbing, Missouri", + "url": "https://en.wikipedia.org/wiki/Three%20Billboards%20Outside%20Ebbing%2C%20Missouri" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Principal photography began on May 2, 2016 in Sylva, North Carolina,[13] and ran for 33 days.[14] Allison Outdoor Advertising of Sylva built the actual billboards, which were put in a pasture near Black Mountain, North Carolina because that location was better. ", + "wikipage": "Three Billboards Outside Ebbing, Missouri Casting and filming" + } + ], + "long_answer": "Principal photography for Three Billboards Outside Ebbing, Missouri began on May 2, 2016 in Sylva, North Carolina and ran for 33 days. Allison Outdoor Advertising of Sylva built the actual billboards, which were put in a pasture near Black Mountain, North Carolina." + }, + { + "knowledge": [ + { + "content": "Three Billboards Outside Ebbing, Missouri is a 2017 crime drama film written, co-produced, and directed by Martin McDonagh and starring Frances McDormand as a Missouri woman who rents three roadside billboards to call attention to her daughter's unsolved rape and murder.", + "wikipage": "Three Billboards Outside Ebbing, Missouri" + }, + { + "content": "Sylva is an incorporated town located in central Jackson County, in the Plott Balsam Mountains of Western North Carolina, United States of America.", + "wikipage": "Sylva, North Carolina" + }, + { + "content": "Black Mountain is a town in Buncombe County, North Carolina, United States.", + "wikipage": "Black Mountain, North Carolina" + } + ], + "long_answer": "The 2017 film Three Billboards Outside of Ebbing, Missouri, was principally filmed in Sylva, North Carolina, while it was filmed in Black Mountain, North Carolina, for the billboard scenes. Sylva is an incorporated town located in central Jackson County in Western North Carolina's Plott Balsam Mountains, USA. Black Mountain is a town in Buncombe County, North Carolina, in the US." + } + ], + "sample_id": "-3679088019930149256", + "question": "Where is three billboards outside of ebbing missouri filmed?", + "docs": [ + { + "id": "1174257", + "title": "Sylva, North Carolina", + "text": "the town of Dillsboro. The scene of Harrison Ford walking on railroad tracks in an old tunnel was also close by in Cowee Tunnel. In the spring of 2016, parts of downtown, particularly Main Street, were transformed for the filming of the 2017 film Three Billboards Outside Ebbing, Missouri. The critically acclaimed film stars Frances McDormand and Woody Harrelson. Three Billboards Outside of Ebbing, Missouri has earned two Academy Awards, five Golden Globes, three Screen Actors Guild (SAG) Awards, five BAFTA film awards, three critics' choice awards and eight awards at film festivals around the globe. As national recognition grew", + "score": 0.84130859375, + "summary": "Three Billboards Outside Ebbing, Missouri was filmed in parts of downtown Sylva, North Carolina, particularly Main Street, in the spring of 2016.", + "extraction": "The filming of Three Billboards Outside Ebbing, Missouri took place in parts of downtown, particularly Main Street." + }, + { + "id": "19496427", + "title": "Three Billboards Outside Ebbing, Missouri", + "text": "Three Billboards Outside Ebbing, Missouri Three Billboards Outside Ebbing, Missouri is a 2017 dark comedy crime-drama film written, directed, and produced by Martin McDonagh and starring Frances McDormand as a woman who rents three billboards to call attention to her daughter's unsolved rape and murder. Woody Harrelson, Sam Rockwell, John Hawkes, and Peter Dinklage appear in supporting roles. It was released in the United States in November 2017 and in the United Kingdom in January 2018 by Fox Searchlight Pictures and grossed $159 million worldwide. At the 90th Academy Awards, \"Three Billboards Outside Ebbing, Missouri\" was nominated for seven awards", + "score": 0.828125, + "summary": "The film \"Three Billboards Outside Ebbing, Missouri\" was released in November 2017 in the United States and in January 2018 in the United Kingdom. The film was directed by Martin McDonagh and starred Frances McDormand, Woody Harrelson, Sam Rockwell, John Hawkes, and Peter Dinklage. The film grossed $159 million worldwide and was nominated for seven awards at the 90th Academy Awards. The document does not mention where the movie was filmed", + "extraction": "The passage does not provide information about where \"Three Billboards Outside Ebbing, Missouri\" was filmed. Therefore, the extracted span is \"irrelevant\"." + }, + { + "id": "19496453", + "title": "Three Billboards Outside Ebbing, Missouri", + "text": "US president Donald Trump in part through watching the film. Three Billboards Outside Ebbing, Missouri Three Billboards Outside Ebbing, Missouri is a 2017 dark comedy crime-drama film written, directed, and produced by Martin McDonagh and starring Frances McDormand as a woman who rents three billboards to call attention to her daughter's unsolved rape and murder. Woody Harrelson, Sam Rockwell, John Hawkes, and Peter Dinklage appear in supporting roles. It was released in the United States in November 2017 and in the United Kingdom in January 2018 by Fox Searchlight Pictures and grossed $159 million worldwide. At the 90th Academy Awards,", + "score": 0.8212890625, + "summary": "The film \"Three Billboards Outside Ebbing, Missouri\" was filmed in various locations, but the document does not specify where.", + "extraction": "\"Three Billboards Outside Ebbing, Missouri is a 2017 dark comedy crime-drama film...and starring Frances McDormand as a woman who rents three billboards to call attention to her daughter's unsolved rape and murder...It was released in the United States in November 2017 and in the United Kingdom in January 2018 by Fox Searchlight Pictures\". \n\n(Note: The passage does not mention where the film was filmed, so I provided information on the film's plot and" + }, + { + "id": "19496440", + "title": "Three Billboards Outside Ebbing, Missouri", + "text": "Film Festival, and the 2017 . It was also screened at the Mar del Plata International Film Festival. In the United States, the film was released, by Fox Searchlight Pictures, on November 10, 2017, beginning with a limited release, before \"going wide\" on December 1. The film was released on 4K Ultra HD, Blu-ray and DVD on February 27, 2018. \"Six Shooter\", McDonagh's Academy Award-winning short film, is included as a bonus. \"Three Billboards Outside Ebbing, Missouri\" grossed $54.5 million in the United States and Canada, and $104.7 million in other countries, for a worldwide total of $159.2 million. In", + "score": 0.7880859375, + "summary": "Three Billboards Outside Ebbing, Missouri was released in the United States on November 10, 2017 by Fox Searchlight Pictures. The film was shot in various locations in North Carolina.", + "extraction": "Irrelevant. The passage does not provide any information about where \"Three Billboards Outside Ebbing, Missouri\" was filmed." + }, + { + "id": "19496439", + "title": "Three Billboards Outside Ebbing, Missouri", + "text": "actual sign appeared in the film. The musical score was written by Carter Burwell, who had also supplied the score for McDonagh's films \"In Bruges\" and \"Seven Psychopaths\". As well as Burwell's score, the film features songs by ABBA, Joan Baez, The Felice Brothers, the Four Tops, Monsters of Folk, and Townes Van Zandt. \"Three Billboards Outside Ebbing, Missouri\" premiered in competition at the 74th Venice International Film Festival on September 4, 2017. It also had screenings at the 2017 Toronto International Film Festival, the 2017 San Sebasti\u00e1n International Film Festival (where it won the Audience Award), the BFI London", + "score": 0.77587890625, + "summary": "\"Three Billboards Outside Ebbing, Missouri\" premiered at the 74th Venice International Film Festival on September 4, 2017. No information is given about where the film was actually filmed.", + "extraction": "irrelevant." + }, + { + "id": "19496428", + "title": "Three Billboards Outside Ebbing, Missouri", + "text": "and won Best Actress (McDormand) and Best Supporting Actor (Rockwell). At the 75th Golden Globe Awards, it won Best Motion Picture \u2013 Drama, Best Actress \u2013 Drama (McDormand), Best Supporting Actor (Rockwell), and Best Screenplay. It won three SAG Awards, including Outstanding Performance by a Cast in a Motion Picture, and five BAFTA Film Awards, including Best Film and Outstanding British Film. In the town of Ebbing, Missouri, Mildred Hayes is grieving the rape and murder of her teenage daughter, Angela, seven months earlier. Angry over the lack of progress in the investigation, Mildred rents three abandoned billboards near her", + "score": 0.7548828125, + "summary": "The document discusses awards won by the film \"Three Billboards Outside Ebbing, Missouri\" at the Golden Globes, SAG Awards, and BAFTA Film Awards. It also mentions the plot of the film, which revolves around a mother seeking justice for her daughter's rape and murder. However, it does not mention where the film was filmed, so the answer is \"irrelevant.\"", + "extraction": "irrelevant" + }, + { + "id": "19496446", + "title": "Three Billboards Outside Ebbing, Missouri", + "text": "development.\" At the 75th Golden Globe Awards, \"Three Billboards Outside Ebbing, Missouri\" won for Best Motion Picture \u2013 Drama, Best Actress \u2013 Drama (McDormand), Best Supporting Actor (Rockwell), and Best Screenplay, and was nominated for Best Director and Best Original Score. At the 71st British Academy Film Awards, it received nine nominations, including Best Film, Best Director, and Best Actress in a Leading Role (McDormand), and Best Actor in a Supporting Role for both Rockwell and Harrelson. It won five awards, including Best Film and Outstanding British Film (making it the only film along with \"The King's Speech\" to win", + "score": 0.7529296875, + "summary": "The document mentions \"Three Billboards Outside Ebbing, Missouri\" winning awards at the 75th Golden Globe Awards and the 71st British Academy Film Awards. However, it does not mention where the movie was filmed, so the answer is \"irrelevant\".", + "extraction": "irrelevant" + }, + { + "id": "19496452", + "title": "Three Billboards Outside Ebbing, Missouri", + "text": "death of two women as a result of domestic violence. Both McDormand and McDonagh have responded positively to the protests, with McDonagh saying \"You couldn't ask for anything more than for an angry film to be adopted by protests,\" and McDormand saying she is \"thrilled that activists all over the world have been inspired by the set decoration of the three billboards in Martin's film.\" On March 24, 2018, signs inspired by \"Three Billboards\" appeared at March for Our Lives gun safety rallies across the US and around the world. Wang Qishan, China's vice-president, said that he understood supporters of", + "score": 0.75244140625, + "summary": "Irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "19496442", + "title": "Three Billboards Outside Ebbing, Missouri", + "text": "nominations, it made $3.6 million (an increase of 87% over the previous week's $1.9 million), finishing 13th. The weekend of March 9\u201311, following its two Oscar wins, the film made $705,000, down 45% from the previous week's $1.3 million. On the review aggregator website Rotten Tomatoes, the film holds an approval rating of 92% based on 340 reviews, and an average rating of 8.5/10. The website's critical consensus reads, \"\"Three Billboards Outside Ebbing, Missouri\" deftly balances black comedy against searing drama \u2013 and draws unforgettable performances from its veteran cast along the way.\" On Metacritic, which assigns a normalized rating", + "score": 0.74951171875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "19496438", + "title": "Three Billboards Outside Ebbing, Missouri", + "text": "the actual billboards, which were put in a pasture near Black Mountain, North Carolina because that location was better. Most of the time the billboards were covered because people in the area found them upsetting. David Penix of Arden, North Carolina bought the billboards and used the wood for a roof in Douglas Lake in Tennessee, though the messages are no longer in order. Town Pump Tavern in Black Mountain, which had appeared in \"The World Made Straight\", was used as a set and was closed for three days during filming. A pool table and booths were added. The bar's", + "score": 0.740234375, + "summary": "The billboards in \"Three Billboards Outside Ebbing, Missouri\" were actually located in a pasture near Black Mountain, North Carolina, but were mostly covered due to locals finding them upsetting. The Town Pump Tavern in Black Mountain was used as a set during filming.", + "extraction": "The actual billboards were put in a pasture near Black Mountain, North Carolina." + }, + { + "id": "19496436", + "title": "Three Billboards Outside Ebbing, Missouri", + "text": "presumed that they were put up by the victim's mother. This incident, combined with his desire to create strong female characters, inspired him to write the story for \"Three Billboards Outside Ebbing, Missouri\". McDonagh discussed the creative process, saying that it took him about ten years to \"[decide] that it was a mother who had taken these things out. It all became fiction [...] based on a couple of actual billboards\". The character of Mildred was written with Frances McDormand in mind, and likewise the character of Dixon was written specifically for Sam Rockwell. McDormand initially felt that she was", + "score": 0.7392578125, + "summary": "Irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "19496437", + "title": "Three Billboards Outside Ebbing, Missouri", + "text": "older than the character as it was written, and suggested that Mildred instead be Angela's grandmother; McDonagh disagreed, feeling that it would change the story too much. McDormand's husband Joel Coen persuaded her to take the part regardless. McDormand took inspiration for her character from John Wayne; and Rockwell, wanting to make his character \"the exact opposite\" of Mildred, took inspiration for his character in part from Wayne's co-star in \"The Man Who Shot Liberty Valance\", Lee Marvin. Principal photography began on May 2, 2016, in Sylva, North Carolina, and ran for 33 days. Allison Outdoor Advertising of Sylva built", + "score": 0.73828125, + "summary": "Three Billboards Outside Ebbing, Missouri was filmed in Sylva, North Carolina.", + "extraction": "The movie \"Three Billboards Outside Ebbing, Missouri\" was filmed in Sylva, North Carolina." + }, + { + "id": "19496444", + "title": "Three Billboards Outside Ebbing, Missouri", + "text": "small town America. \"The New York Times\" columnist Wesley Morris called McDonagh's portrayal of rural America a caricature: \"a set of postcards from a Martian lured to America by a cable news ticker and by rumors of how easily flattered and provoked we are.\" Tim Parks in \"The New Yorker\" praised the \"magnificently photographed images\", but wrote that the plot contained \"a thousand cheap coincidences\". He concluded that the film is \"empty of emotional intelligence\" and \"devoid of any remotely honest observation of the society it purports to serve.\" In her review for \"The New York Times\", Manohla Dargis wrote", + "score": 0.7333984375, + "summary": "The film \"Three Billboards Outside Ebbing, Missouri\" is criticized for its portrayal of rural America. No information is provided about where it was filmed.", + "extraction": "irrelevant" + }, + { + "id": "20518344", + "title": "London Film Critics Circle Awards 2017", + "text": "London Film Critics Circle Awards 2017 The 38th London Film Critics' Circle Awards, honouring the best in film for 2017, will be announced by the London Film Critics' Circle on 28 January 2018 at The May Fair Hotel, in Mayfair, London. Three Billboards Outside Ebbing, Missouri Dunkirk Elle I Am Not Your Negro Sean Baker \u2013 \"The Florida Project\" Martin McDonagh \u2013 \"Three Billboards Outside Ebbing, Missouri\" Timoth\u00e9e Chalamet \u2013 \"Call Me by Your Name\" Frances McDormand \u2013 \"Three Billboards Outside Ebbing, Missouri\" Hugh Grant \u2013 \"Paddington 2\" Lesley Manville \u2013 \"Phantom Thread\" Daniel Kaluuya \u2013 \"Get Out\" Sally Hawkins", + "score": 0.71923828125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "1172277", + "title": "Black Mountain, North Carolina", + "text": "story itself is fictional. Black Mountain also figures in \"The Longest Ride\" by Nicholas Sparks, a book that mentions the former college and visual arts community. Black Mountain is the site of the Three Billboards featured in the 2017 film, \"Three Billboards Outside Ebbing, Missouri\", with one billboard exposed in April 2016, with the other two covered up. The North Carolina Department of Public Safety (formerly the North Carolina Department of Corrections) operates the Swannanoa Correctional Center for Women. It opened on July 7, 2008, taking women previously at the Black Mountain Correctional Center for Women. Literary Music Architecture Athletes", + "score": 0.708984375, + "summary": "The Three Billboards featured in the film \"Three Billboards Outside Ebbing, Missouri\" were filmed in Black Mountain, North Carolina.", + "extraction": "\"Three Billboards Outside Ebbing, Missouri\" is filmed in Black Mountain, North Carolina." + }, + { + "id": "7827405", + "title": "Meet Bill", + "text": "in St. Albans, Missouri. Additionally, some scenes were shot at Bellerive Country Club in Town and Country, Missouri. Although shot in the St. Louis area, the setting of the movie is Minnesota, as indicated by the license plates of vehicles, and a \"Twin Cities Realty\" for-sale sign. Re-shoots and additional scenes were shot in Los Angeles, California, after major production had finished. The film officially premiered on September 8, 2007 at the Toronto International Film Festival and was immediately picked up for distribution. It was released in limited engagement on April 4, 2008 in St. Louis and Minneapolis, with a", + "score": 0.7060546875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention the movie \"Three Billboards Outside Ebbing, Missouri\"." + }, + { + "id": "2755595", + "title": "The Last Rose of Summer", + "text": "heard singing this song with sorrow. The 2017 film \"Three Billboards Outside Ebbing, Missouri \" starts with \"The Last Rose of Summer\", performed by Ren\u00e9e Fleming from the CD \"The Beautiful Voice\" by Ren\u00e9e Fleming, the English Chamber Orchestra & Jeffrey Tate 1998) The version performed is part of the opera \"Martha\" by Friedrich von Flotow. In this starting scene of \"Three Billboards Outside Ebbing, Missouri\", the profound melancholy at the heart of the film is expressed by this song that depicts the passing of youth, beauty and ultimately life itself; a theme that is also known as Vanitas. In", + "score": 0.7001953125, + "summary": "The document is irrelevant to the question.", + "extraction": "irrelevant" + }, + { + "id": "3855338", + "title": "Martin McDonagh", + "text": "Psychopaths\"; if I do another film, that'll be it. I hope you like it.\" The production of the film was confirmed in May 2011 and it was eventually released in North America on 12 October 2012. Colin Farrell, Sam Rockwell, Woody Harrelson, Christopher Walken, and Tom Waits star in the film. McDonagh wrote and directed his drama-dark comedy film \"Three Billboards Outside Ebbing, Missouri\" (2017), starring Frances McDormand, Woody Harrelson, and Sam Rockwell, which premiered at the Venice Film Festival on 4 September and won the People's Choice Award at the Toronto International Film Festival on 17 September 2017. \"Three", + "score": 0.69677734375, + "summary": "\"Three Billboards Outside Ebbing, Missouri\" was filmed in Venice and Toronto according to the document, but no specific filming locations are mentioned.", + "extraction": "\"Three Billboards Outside Ebbing, Missouri\" was filmed in an undisclosed location. (The passage does not provide any information about where the film was actually filmed, so the extracted span is \"irrelevant\".)" + }, + { + "id": "3266467", + "title": "Brotherhood of Death", + "text": "shot in Montgomery County, near Washington. One exception was an actual Ku Klux Klan recruitment highway billboard which was featured in the film, suggesting the level of the Klan's support and influence in the town depicted in the movie. Such billboards were a relatively common sight in the South during the mid-1960s time period that served as the film's setting. However, by the time of filming in 1976, the majority of them had been removed. The billboard that was ultimately used in the movie (shown right) was filmed at its location on U.S. Route 70 at the city limits of", + "score": 0.69384765625, + "summary": "Irrelevant. The document talks about the filming location of Brotherhood of Death, and does not mention Three Billboards Outside Ebbing, Missouri.", + "extraction": "irrelevant" + }, + { + "id": "5691216", + "title": "Living in Missouri", + "text": "of the screenplay was completed, he contacted director Shaun Peterson, whom he had been friends with since high school. Peterson put his own self-penned project, Climax, Kansas, on hold to helm Living In Missouri. In October 1999, Peterson and Ratliff left their respective homes in L.A. and London, and met in the American Midwest to prepare for the imminent shoot. The last feature film made in Jefferson City, Missouri, was 1961\u2019s Hoodlum Priest (directed by a young Irvin Kershner), so the creative team was dealing with a community that was not accustomed to dealing with the rigors of independent movie-making.", + "score": 0.69189453125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "1331647", + "title": "Excelsior Springs, Missouri", + "text": "Springs Tech. High School, Excelsior Springs High School, and Excelsior Springs Career Center. Excelsior Springs has a public library, a branch of the Mid-Continent Public Library. The actor Michael Douglas had his second starring role in a movie, \"Adam at Six A.M.\", which was released in 1970. The movie was filmed in Excelsior Springs, as well as in Cameron, Missouri. In 1974, the National Civic League selected Excelsior Springs as an All-America City, reinvigorating this small town somewhat. The Greater Excelsior Springs Area conducted centennial celebrations in 1980. Excelsior Springs, Missouri Excelsior Springs is a city in Clay and Ray", + "score": 0.6904296875 + }, + { + "id": "1140628", + "title": "East Prairie, Missouri", + "text": "the host of the Tour de Corn bicycle ride each summer during the town's Sweetcorn Festival that attracts cyclists from many surrounding states and raises money for local charities. Significant portions of the 1961 film \"The Intruder\" (directed by Roger Corman and starring William Shatner) were filmed in East Prairie. East Prairie, Missouri East Prairie is a city in Mississippi County, Missouri, United States. The population was 3,176 at the 2010 census. A post office called East Prairie has been in operation since 1872. The community took its name from a prairie of the same near the original town site.", + "score": 0.68994140625 + }, + { + "id": "5584643", + "title": "The Missouri Breaks", + "text": "were used for area scenes, most of them were local people and children. A narrow-gauge car was lost for a week while en route from Chama, New Mexico, to Harrison, which arrived after being held in Salt Lake City for interstate transportation permits. A scene which required the car was filmed on a trestle, four miles from Harrison on the abandoned Red Bluff Railroad. After filming was completed there, the cast and crew went on to Virginia City. In mid-July, Marlon Brando arrived in Montana to begin filming in Billings on a ranch near the city. In August, while filming", + "score": 0.6884765625 + }, + { + "id": "262111", + "title": "Missouri", + "text": "Missouri, for the Griswold's trip from Chicago to Los Angeles. The Thanksgiving holiday film \"Planes, Trains, and Automobiles\" was partially shot at Lambert\u2013St. Louis International Airport. \"White Palace\" was filmed in St. Louis. The award-winning 2010 film \"Winter's Bone\" was shot in the Ozarks of Missouri. \"Up in the Air\" starring George Clooney was filmed in St. Louis. John Carpernter's \"Escape from New York\" was filmed in Saint Louis in the early eighties, due to the high number of abandoned buildings in the city. Part of the 1973 movie, \"Paper Moon\", which starred Ryan and Tatum O'Neal, was filmed in", + "score": 0.68798828125 + }, + { + "id": "19496435", + "title": "Three Billboards Outside Ebbing, Missouri", + "text": "to Dixon that she set the police station on fire; he indicates that he knew already. They express uncertainty about their mission, but agree to decide what to do along the way. While traveling through the Southern United States in around 1998, Martin McDonagh came across a couple of accusatory billboards about an unsolved crime, which he described as \"raging and painful and tragic\" alleging the murder of a woman in Vidor, Texas. The billboards highlighted the incompetence of police work and deeply affected McDonagh; he said that the image \"stayed in my mind [...] kept gnawing at me\" and", + "score": 0.685546875 + }, + { + "id": "19496429", + "title": "Three Billboards Outside Ebbing, Missouri", + "text": "home and posts on them: \"\", \"\", and \"\" The billboards upset the townspeople, including Chief Bill Willoughby and the racist, violent, alcoholic Officer Jason Dixon. The open secret that Willoughby suffers from terminal pancreatic cancer adds to everyone's disapproval. Mildred and her son Robbie are harassed and threatened, but to Robbie's chagrin, she stays firm about keeping the billboards up. While Willoughby is sympathetic to Mildred's frustration, he finds the billboards an unfair attack on his character. Angered by Mildred's lack of respect for his authority, Dixon threatens businessman Red Welby, who rented Mildred the billboards, and he arrests", + "score": 0.67822265625 + }, + { + "id": "7055544", + "title": "Bill Emerson Memorial Bridge", + "text": "death in 1996. Planning for the four-lane structure began in June 1987, and construction began in late 1996. Several factors have been blamed for the bridge's many delays in planning and construction, including Illinois' reluctance to participate in the project, as well as issues with the bedrock of the river (this resulted in the hiring of a new contractor). The bridge was featured in the 2014 David Fincher film \"Gone Girl\". Bill Emerson Memorial Bridge The Bill Emerson Memorial Bridge is a cable-stayed bridge connecting Missouri's Route 34 and Route 74 with Illinois Route 146 across the Mississippi River between", + "score": 0.673828125 + }, + { + "id": "19496451", + "title": "Three Billboards Outside Ebbing, Missouri", + "text": "role within the Syrian Civil War, set up three billboards outside the United Nations building in New York that read \", \", and \". On or around March 1, around the time of the 2018 Oscars, three billboards were taken out in Los Angeles, stating \"WE ALL KNEW AND STILL NO ARRESTS\", \"AND THE OSCAR FOR BIGGEST PEDOPHILE GOES TO...\" and \"NAME NAMES ON STAGE OR SHUT THE HELL UP!\", as an attempt to protest both the Oscars and the #MeToo movement. On March 8, on International Women's Day, three billboards were put in downtown Pristina, Kosovo, to protest the", + "score": 0.673828125 + }, + { + "id": "17444921", + "title": "Apparitional (film)", + "text": "the prison to see if the ghosts were there for a reason. After the confrontation, Joel and Kate trick Mr. Gaffney, locking him inside the prison, where the ghosts are seen dragging him away from the doors. Joel, Kate, and Berger drive back to Los Angeles and vow to end the \"Ghost Sightings\" series. The film was first shown at 9:30 am at the Goodrich Capital 8 Theaters in Jefferson City, Missouri and again at midnight on July 20, 2013. The film was shot at the local Missouri State Penitentiary, which is an abandoned prison in Jefferson City that was", + "score": 0.671875 + }, + { + "id": "5691223", + "title": "Living in Missouri", + "text": "10 awards at festivals in San Francisco, New York, L.A., Rhode Island, and Kansas City. Living in Missouri Living In Missouri (2001) is an award-winning indie film comedy about an emotionally maladjusted love triangle. The film, directed by Shaun Peterson, made its world premiere at the Austin Film Festival in 2001, and has spent several years playing festivals and special engagements. The cast includes Ian McConnel, screenwriter Connor Ratliff, and veteran character actor Holmes Osborne (Donnie Darko, Affliction, That Thing You Do!). Living In Missouri is a Comedy Of Manners which tells the story of Ryan, Amy, and Todd, whose", + "score": 0.67138671875 + }, + { + "id": "5691211", + "title": "Living in Missouri", + "text": "Living in Missouri Living In Missouri (2001) is an award-winning indie film comedy about an emotionally maladjusted love triangle. The film, directed by Shaun Peterson, made its world premiere at the Austin Film Festival in 2001, and has spent several years playing festivals and special engagements. The cast includes Ian McConnel, screenwriter Connor Ratliff, and veteran character actor Holmes Osborne (Donnie Darko, Affliction, That Thing You Do!). Living In Missouri is a Comedy Of Manners which tells the story of Ryan, Amy, and Todd, whose humdrum Midwestern lives are starting to come apart at the seams. Personal betrayals abound when", + "score": 0.67138671875 + }, + { + "id": "19153271", + "title": "Marshal of Laredo", + "text": "Marshal of Laredo Marshal of Laredo is a 1945 American film directed by R.G. Springsteen in his first feature film starring Wild Bill Elliott in the role of Red Ryder and costarring as Little Beaver, actor \"(Bobby)\" Robert Blake. It was the eleventh of twenty-three Red Ryder feature films that would be produced by Republic Pictures. The picture was shot on the studio\u2019s back lot along with outdoor locations at Iverson Ranch in Chatsworth, Los Angeles, CA, USA. Oh his first day as Marshal of Larado, Red Ryder \"(Wild Bill Elliott)\" and his Indian ward, Little Beaver \"(Robert Blake)\" are", + "score": 0.66845703125 + }, + { + "id": "5584638", + "title": "The Missouri Breaks", + "text": "The Missouri Breaks The Missouri Breaks is a 1976 American epic western film starring Marlon Brando and Jack Nicholson. The film was directed by Arthur Penn, with supporting performances by Randy Quaid, Harry Dean Stanton, Frederic Forrest, John McLiam and Kathleen Lloyd. The score was composed by John Williams. The title of the movie refers to a forlorn and very rugged area of north central Montana, where over eons the Missouri River has made countless deep cuts or \"breaks\" in the land. Tom Logan is a rustler experiencing hard times. He and his gang are particularly upset by the hanging", + "score": 0.66796875 + }, + { + "id": "1065199", + "title": "Tender Mercies", + "text": "[the] part.\" The actual location of the bar scenes was in Seven Points Texas, in a club called the Cedar Creek Opry House. Seven Points is just east of Ellis County, across the Trinity river in western Henderson County, Texas. The Opry House as it was known then, was a two-story building that used to be a skating rink in its earlier life. The old rink was upstairs and became the dance floor of the Opry House, where the concert and bar scenes were filmed. One scene of the movie shows the front of the building with its name visible.", + "score": 0.66796875 + }, + { + "id": "20176680", + "title": "Lust for Freedom", + "text": "locations in Ely included Comins Lake, Duck Creek Basin, and the local cemetery. Several Ely residents were cast in small roles, including local councilmember Carl Stanek. It was the largest production project to occur in Ely up to that point. Approximately 30 percent of the film was shot in Ely, while the remainder was shot at studios in California. At the time of filming, the film was expected to be completed for distribution by October 1, 1985, although a release date had not been set. The film had a budget of $1.5 million, and was made at a cost of", + "score": 0.66796875 + }, + { + "id": "19320182", + "title": "Echo Bluff State Park", + "text": "Echo Bluff State Park Echo Bluff State Park is a public recreation area comprising of land in Newton Township, Shannon County, Missouri. The state park occupies the site of former Camp Zoe, a summer camp for children that opened in 1929. The park was named for the massive cliff that towers over one side of Sinking Creek. The state acquired the former Camp Zoe site at auction from the federal government in 2013 for $640,000. An additional 80 acres was purchased for $455,000. Some $52 million was spent building a new lodge, playground, campgrounds, pavilions, and cabins. Federal grant money", + "score": 0.66650390625 + }, + { + "id": "1013202", + "title": "Eureka Springs, Arkansas", + "text": "in the city, with the Auditorium featured in several scenes. There are burn marks still visible on the Auditorium from the film's special effects. The movie \"Chrystal\" was filmed in Eureka Springs. Parts of the movie \"Elizabethtown\" were filmed in Eureka Springs. The 1982 miniseries \"The Blue and the Gray\" was filmed around the area. The SciFi Channel's reality series \"Ghost Hunters\" investigated the Crescent Hotel during episode 13 of the second season and found that the claims of ghosts in the hotel are true. The 2018 documentary \"The Gospel of Eureka\" depicts the town and its unique culture, including", + "score": 0.666015625 + }, + { + "id": "7215937", + "title": "Legacy: A Mormon Journey", + "text": "at the visitors' centers at the church's Washington D.C. and Mesa Arizona temples. It was replaced in March 2000 by \"The Testaments of One Fold and One Shepherd\". Parts of the film were shot in Salt Lake City as well as New York, Wyoming, and Nauvoo, Illinois. The scene 41 minutes in when Eliza's wagon slips in the mud was not staged. The rain was unexpected and the crew continued filming as the wagon actually slipped off the road. Marcus Gilbert as David Walker pulled Kathleen Beller as Eliza Williams to safety. Additionally, the actor playing Eliza's father broke his", + "score": 0.666015625 + }, + { + "id": "7827404", + "title": "Meet Bill", + "text": "St. Louis Country Day School (MICDS) and additional scenes were filmed at Washington University in St. Louis. Scenes were also shot at: the Oberweis Dairy in Oakville, Missouri, in Dick's Sporting Goods store at West County Mall, in Des Peres, Missouri, at the Saint Louis Galleria in Richmond Heights, Missouri, and an exterior scene at Molly Brown's Fireworks in Pacific, Missouri. KPLR-TV, a St. Louis television station, is the station that Chip Johnson works for, and movie co-anchor Rick Edlund was an anchor on the station in real life. Filming for several scenes took place at St. Albans Country Club", + "score": 0.66552734375 + }, + { + "id": "5691213", + "title": "Living in Missouri", + "text": "quickly destroying what's left of their marriage. When Amy secretly turns to Todd for a shoulder to cry on, the two of them begin meeting regularly to discuss her marital woes. Todd misinterprets Amy's attention for love, and believes that they are actually \"having an affair,\" which leads to a series of painful misunderstandings, ending in disaster. Living In Missouri is a challenging, darkly comic film, shot on location in Missouri and Kansas. Boasting a colorful cast of supporting characters, the film veers from dark humor to intense drama, at each turn authentically capturing the bizarre spirit of the Suburban", + "score": 0.66552734375 + }, + { + "id": "19153279", + "title": "Marshal of Laredo", + "text": "later re-released on November 3, 1949. Marshal of Laredo Marshal of Laredo is a 1945 American film directed by R.G. Springsteen in his first feature film starring Wild Bill Elliott in the role of Red Ryder and costarring as Little Beaver, actor \"(Bobby)\" Robert Blake. It was the eleventh of twenty-three Red Ryder feature films that would be produced by Republic Pictures. The picture was shot on the studio\u2019s back lot along with outdoor locations at Iverson Ranch in Chatsworth, Los Angeles, CA, USA. Oh his first day as Marshal of Larado, Red Ryder \"(Wild Bill Elliott)\" and his Indian", + "score": 0.66455078125 + }, + { + "id": "2573717", + "title": "U.S. Route 160", + "text": "eastern terminus of US 160 was originally located at an intersection with U.S. Route 60 and then-U.S. Route 66 in Springfield, Missouri (Grant Avenue and College Street). In the 1950s, the terminus moved eastward across the state to an intersection with then-US 60 and then-U.S. Route 67 (now US 60 Bus. and U.S. Route 67 Business) in Poplar Bluff. The extension between Springfield and Poplar Bluff was parallel to U.S. Route 65 from Springfield to near Branson, where US 160 then headed east across the Ozark Mountains. In 2007, the terminus was moved to its current location southwest of Poplar", + "score": 0.66357421875 + }, + { + "id": "9394180", + "title": "B&B Theatres", + "text": "B&B Theatres B&B Theatres is a family-owned and operated American movie theater chain based in Liberty, Missouri. Founded in 1924, B&B is the eighth-largest theater chain in the United States, operating 414 screens at 50 locations in Arkansas, Arizona, Florida, Kansas, Missouri, Mississippi, Nebraska, Oklahoma, and Texas. The company also maintains offices in Salisbury, Missouri and Fulton, Missouri. In 1924, Missourian Elmer Bills, Sr., founded Bills Theaters in Salisbury, Missouri. Elmer met his wife Johnnie when he purchased the Lyric Theater in Salisbury, where she was the piano player for the silent films. Their son Elmer Bills, Jr. was born", + "score": 0.6630859375 + }, + { + "id": "18870726", + "title": "I'm from Missouri", + "text": "occasionally hilarious example of a type of Western which we can only classify as mule opera. It is also \u2014need we emphasize? \u2014one of the funniest of this year's crop of comedies.\" I'm from Missouri I'm from Missouri is a 1939 American comedy film directed by Theodore Reed and written by Duke Atteberry and Jack Moffitt. The film stars Bob Burns, Gladys George, Gene Lockhart, Judith Barrett, William \"Bill\" Henry and Patricia Morison. The film was released on April 7, 1939, by Paramount Pictures. Sweeney Bliss raises prize-winning mules in Missouri. He travels to London with a twofold purpose, to", + "score": 0.66259765625 + }, + { + "id": "5691220", + "title": "Living in Missouri", + "text": "film finally began to take shape, developing into a drama, mixing dark comedy with scenes of sadness. Living In Missouri was an Official Selection at the 2001 Austin Film Festival, where it was one of only 11 films in competition and was also chosen to be the subject of a panel discussion with cast & crew. The AFF is the first festival to focus on the contribution of the screenwriter, and 2001's honorees were Lawrence Kasdan (writer/director of Grand Canyon, Mumford, The Big Chill; writer of Raiders of the Lost Ark and The Empire Strikes Back) and Gary David Goldberg", + "score": 0.662109375 + }, + { + "id": "1052706", + "title": "Edwardsville, Illinois", + "text": "and Rachel McAdams, were filmed in downtown Edwardsville in June 2007. However, the scene filmed was set in Denver, Colorado, and banners were hung on Edwardsville's Main Street that read, \"Welcome to Denver.\" Scenes for the 1978 film \"Stingray\" were filmed in downtown Edwardsville, as well as in neighboring Alton, Illinois. Actor Christopher Mitchum, second son of Robert Mitchum, starred in the film. (This film is not to be confused with \"Corvette Summer\", released in the same year.) Singer Jackson Browne recorded \"Cocaine\" and \"Shaky Town\" in Edwardsville's Holiday Inn Room 124 for his album \"Running on Empty\". The Holiday", + "score": 0.6611328125 + }, + { + "id": "16652732", + "title": "Emmenegger Nature Park", + "text": "Emmenegger Nature Park Emmenegger Nature Park (ENP) consists of in southwestern St. Louis County, Missouri. It is located in the city of Kirkwood and bordered to the west by the Meramec River, to the south by Interstate 44 and the Possum Woods Conservation Area, and to the east by Interstate 270. The ENP is part of the Henry Shaw Ozark Corridor. The Powder Valley Nature Center is directed the east of ENP across Interstate 270. The area had been used at various times as an exotic animal breeding area for the St. Louis Zoo, a resort, public swimming pool, and", + "score": 0.66064453125 + }, + { + "id": "5584648", + "title": "The Missouri Breaks", + "text": "As of August 2018, the film holds a 75% \"fresh\" rating on review aggregator website Rotten Tomatoes based on 20 reviews. The Missouri Breaks The Missouri Breaks is a 1976 American epic western film starring Marlon Brando and Jack Nicholson. The film was directed by Arthur Penn, with supporting performances by Randy Quaid, Harry Dean Stanton, Frederic Forrest, John McLiam and Kathleen Lloyd. The score was composed by John Williams. The title of the movie refers to a forlorn and very rugged area of north central Montana, where over eons the Missouri River has made countless deep cuts or \"breaks\"", + "score": 0.66015625 + }, + { + "id": "16887035", + "title": "Escort West", + "text": "nearby Bell Moving Picture Ranch. The site of the Bell Ranch location shoot remained a mystery for decades until it was discovered on an expedition by film location researchers in early 2015. The researchers found the location by using information from \"Escort West\" and the first Elvis Presley movie, \"Love Me Tender\", which filmed its climactic sequence at the same site, known as the \"Rocky Hill.\" Now that the Civil War is over, former Confederate officer Ben Lassiter and his 10-year-old daughter ride west to Nevada, where they stop off briefly at a stagecoach rest station. There they encounter sisters", + "score": 0.66015625 + }, + { + "id": "9394184", + "title": "B&B Theatres", + "text": "August 2012. B&B Theatres B&B Theatres is a family-owned and operated American movie theater chain based in Liberty, Missouri. Founded in 1924, B&B is the eighth-largest theater chain in the United States, operating 414 screens at 50 locations in Arkansas, Arizona, Florida, Kansas, Missouri, Mississippi, Nebraska, Oklahoma, and Texas. The company also maintains offices in Salisbury, Missouri and Fulton, Missouri. In 1924, Missourian Elmer Bills, Sr., founded Bills Theaters in Salisbury, Missouri. Elmer met his wife Johnnie when he purchased the Lyric Theater in Salisbury, where she was the piano player for the silent films. Their son Elmer Bills, Jr.", + "score": 0.65869140625 + }, + { + "id": "18785003", + "title": "Iron Ridge (film)", + "text": "Brutus. The film was set in and shot on location in central and northwestern Montana, including Glacier National Park; the city of Great Falls; and the small town of Monarch, where the hunters' cabin (an actual 100-year-old cabin) used in the film is located. The film was shot on a budget of only $30,000, and over the span of a year because weather conditions made some locations inaccessible during the winter. The \"Price\" home shown in the film is actually Russell Manor, located in Great Falls, which was the former home of Western artist Charles Marion Russell. In addition to", + "score": 0.65869140625 + }, + { + "id": "17339970", + "title": "Carol (film)", + "text": "the Greater Cincinnati & Northern Kentucky Film Commission released the solicitation from producers for extras and vintage vehicles. Principal photography began on March 12, 2014, at Eden Park in Cincinnati. Various locations around Cincinnati were used during production, including Downtown Cincinnati, Hyde Park, Over-the-Rhine, Wyoming, Cheviot, and Hamilton, as well as Alexandria, Kentucky. Except for the Waterloo, Iowa, motel room, which was a private set built for filming the love scene, locations were used for interior and exterior settings. The second floor of a now-defunct department store served as the setting for the toy department of the fictional Frankenberg's. Filming", + "score": 0.658203125 + }, + { + "id": "18962011", + "title": "Theeb", + "text": "heavy tourist activity. Filming took place in three locations; Theeb\u2019s tribal encampment was shot in Wadi Araba, next to the Israeli military border zone, the pilgrim\u2019s trail was shot in Wadi Rum, and the Ottoman fortress was shot in Daba\u2019a about 70 km south of Amman. A canyon, where the group in the film are ambushed, took several months to find and required a specific type of geography. It took the team an hour of off-roading to get to the canyon every day. Because that specific filming location was required, plans to organise the shoot as a nomadic unit was", + "score": 0.65771484375 + }, + { + "id": "5776474", + "title": "Missouri Route 173", + "text": "fields and woods with occasional residences. Farther north, the road comes to an intersection with Route 248. The route continues through more rural areas, turning northeast and crossing Missouri and Northern Arkansas Railroad's Aurora Subdivision. A short distance later, Route 173 reaches its northern terminus at an intersection with Route 265/Route 413 near Elsey. Missouri Route 173 Route 173 is a highway in southwest Missouri. Its northern terminus is at Route 265/Route 413 in Elsey; its southern terminus is at Route 76 in Cape Fair. Route 173 begins at an intersection with Route 76 in Cape Fair, Stone County, heading", + "score": 0.65771484375 + }, + { + "id": "7594054", + "title": "My Blueberry Nights", + "text": "medical clinic, and the Blue Angel and La Palm motels, all located on East Fremont Street. Scenes were also shot in a hallway at Desert Springs Hospital. Scenes in Memphis were scheduled to be filmed from July 17 to July 21, at the Blues City Caf\u00e9 and at the Arcade Restaurant. Wong said that the film's Memphis segment was a tribute to Tennessee Williams. Wong originally intended to shoot the film in sequence, but when he discovered Rachel Weisz, whom he wanted to cast as Sue Lynne, was pregnant, he agreed to film the Memphis scenes last to allow her", + "score": 0.6572265625 + }, + { + "id": "5691214", + "title": "Living in Missouri", + "text": "Midwest. Living In Missouri was written while Connor Ratliff was actually living in Great Britain, where he was an acting student at the Liverpool Institute for Performing Arts. The screenplay was developed using some unorthodox strategies: during the writing process, the main characters of Ryan, Todd, and Amy actually had \u201creal\u201d identities on the Internet. In early 1998, Ratliff created a website, Ryan Johnson's Star Wars Prequel Rumors, which featured journal entries from the fictional Ryan, who described his day-to-day activities and often wrote at length about his wife and best friend. The site also contained often-erroneous predictions and rumors", + "score": 0.6572265625 + }, + { + "id": "5168318", + "title": "River of No Return", + "text": "would be filmed in Banff and Jasper National Parks and Lake Louise in Alberta, and Preminger and Rubin flew to the area to scout locations. During their time there, Rubin grew fond of the director and began to feel that rather than viewing it as a contractual obligation, Preminger had a real interest in making the film. Rubin scheduled twelve weeks of preproduction, during which Monroe rehearsed and recorded the musical numbers written by Ken Darby and Lionel Newman, and forty-five days for filming. The cast and crew departed for Calgary in late June 1953. From there they traveled by", + "score": 0.6572265625 + }, + { + "id": "3082900", + "title": "Twenty Bucks", + "text": "where Angeline captures the bill was filmed on North 4th Street in downtown Minneapolis, in front of Fire Station No. 10 (with traffic driving the wrong way for the movie). The scene where Angeline visits McCormac and McCormac mails the bill (and Jimmy and Frank meet) was filmed in the 1000 block of West Broadway in Minneapolis (now demolished). The supermarket scene was filmed at a Holiday Plus supermarket (now part of the Cub Foods chain) in suburban Minneapolis. The bill floats near the Mississippi River just above St. Anthony Falls; over the 3rd Avenue Bridge; and past the E-Z", + "score": 0.65673828125 + }, + { + "id": "4162725", + "title": "Billboard Dad", + "text": "Billboard Dad Billboard Dad is a 1998 American direct-to-video comedy film, directed by Alan Metter starring Mary-Kate and Ashley Olsen. It was produced by Warner Bros. in collaboration with Dualstar Productions and Tapestry Films (now Screendoor). Set in Los Angeles, California this film revolves around Emily Tyler (Ashley Olsen), a surfer-girl, and her identical twin sister, Tess (Mary-Kate Olsen), a member of a high-diving team. The movie follows the two sisters as they try various stratagems to get their widower father, Max (Tom Amandes) (who is a talented artist and sculptor) a girlfriend. After their first attempts end in failure,", + "score": 0.65673828125 + }, + { + "id": "14894823", + "title": "Ben Banks (film)", + "text": "leaving and coming back to The Church of Jesus Christ of Latter-day Saints (LDS Church), and his struggle to find acceptance. Along with Justin Lyon (producer), Jason deVilliers (editor), and Richard Bennett (designer), Clark is a partner in StoryLand Entertainment, a production company. It was primarily filmed in St. George, Utah and the Las Vegas Valley. Scenes were also shot at Dixie State College of Utah. Filming completed at the end of August 2010. In October 2011, the producers revealed that they were seeking distribution and are exploring alternative models such as online streaming, VOD, iTunes, Netflix, Redbox and Hulu.", + "score": 0.65625 + }, + { + "id": "15096735", + "title": "Ernie Clark (cinematographer)", + "text": "Film & Video Productions as lighting cameraman. A few years later he went freelance, filming TV commercials, as well as drama. His first major drama production was the mini series about Ned Kelly, \"The Last Outlaw\", shot in 1980. He shot a mini series for the South Australian Film Corporation and Adelaide became his adopted home. Apart from a stint as Director/DOP at Great Southern Films Melbourne in 1985-86, it has been his base ever since. During the early eighties Ernie was involved in many feature film projects including the TV miniseries \"Robbery Under Arms\" and \"Under Capricorn\", and the", + "score": 0.65625 + }, + { + "id": "16455115", + "title": "Mud (2012 film)", + "text": "He filmed in Southeast Arkansas; locations included Dumas (in the Arkansas Delta Lowlands area), De Witt, Lake Village (near the Mississippi River), Crocketts Bluff (on the White River), and Stuttgart. The island in the film was located in the Mississippi River outside the city of Eudora. The cast and crew numbered over 100 people, around half of whom were Arkansas residents. Over 400 locals were also involved as extras. According to the state government's Economic Development Commission, \"\"Mud\" is the largest production ever to be filmed in the state.\" Nichols said about filming in parts of Southeast Arkansas, \"These places", + "score": 0.65576171875 + }, + { + "id": "4363483", + "title": "High Plains Drifter", + "text": "was provided by Dean Riesner, screenwriter of other Eastwood projects. Universal wanted Eastwood to shoot the feature on its back lot, but Eastwood opted instead to film on location. After scouting locations alone in a pickup truck in Oregon, Nevada and California, he settled on the \"highly photogenic\" Mono Lake area. Over 50 technicians and construction workers built an entire town\u201414 houses, a church, and a two-story hotel\u2014in 18 days, using 150,000 feet of timber. Complete buildings, rather than facades, were built, so that Eastwood could shoot interior scenes on the site. Additional scenes were filmed at Reno, Nevada's Winnemucca", + "score": 0.65576171875 + }, + { + "id": "13936873", + "title": "The River Within", + "text": "soon realizes that his dad's lifelong question has now become his own. \"The River Within\" was filmed in Northeast Arkansas in the summer of 2008. Various locations included the Spring River, the Arkansas Methodist Medical Center, Shiloh and Campground Methodist Churches, and the Collins Theater, where the 1941 world premiere of The Man Who Came to Dinner starring Bette Davis took place. The film's budget only allowed for 16 days of shooting. In order to save money on hotels, most of the cast and crew slept in guest rooms or pool houses that belonged to the director's family and friends", + "score": 0.6552734375 + }, + { + "id": "20463929", + "title": "Armchair Detectives", + "text": "tone of the show to really understand the crimes\". She deliberately avoided having a cash prize as she feared it would ruin the cooperative nature of the show and replace it with toxic competition. Tiger Aspect chose to use East Lothian as the filming location of the fictional Mortcliff; areas featured include Tranent, Longniddry, Cockenzie/Port Seton, North Berwick, Inveresk, and Gullane. The production team filmed on location over a period of five weeks in summer 2017, and collaborated with the East Lothian's Filming Charter council on the shoot. The show did not comment on production while filming scenes, in order", + "score": 0.65478515625 + }, + { + "id": "5776217", + "title": "Missouri Route 75", + "text": "Missouri Route 75 Route 75 is a short highway in Mississippi County in the U.S. state of Missouri. Its southern terminus is at Route 80, and it travels north through farmland to the town of Anniston. It then travels westward to its northern terminus at Route 105 north of East Prairie. The route was designated in 1968, after Route 77 was moved to a new alignment east of Anniston, and the remaining section was renumbered to Route 75. All of the route is in Mississippi County. In 2015, the Missouri Department of Transportation (MoDOT) measured about 796 vehicles, including 66", + "score": 0.654296875 + }, + { + "id": "19089939", + "title": "Marshal of Reno", + "text": "Marshal of Reno Marshal of Reno is a 1944 American film directed by Wallace Grissell starring Wild Bill Elliott in the role of Red Ryder. It was the second of twenty-three Red Ryder feature films that would be produced by Republic Pictures. The picture was shot on the studio\u2019s back lot along with outdoor locations at Iverson Ranch, 1 Iverson Lane, Chatsworth, Los Angeles, CA, USA. An avalanche of crime prevents the Judge of Blue Springs \"(Tom Chatterton)\" from making this western town the new county seat. Behind the anarchy lie a number of devious citizens of a nearby town", + "score": 0.654296875 + }, + { + "id": "18327239", + "title": "The Last Billboard", + "text": "The Last Billboard The Last Billboard is a public art billboard in Pittsburgh, Pennsylvania. The art piece consists of a 12-feet-by-36-feet steel frame billboard on which letters can be arranged. Each month, artists are solicited to place a message on the billboard. It is curated by Jon Rubin. The billboard is located at the intersection of Highland Avenue and Baum Boulevard in the East Liberty neighborhood, above what was originally the building for , a restaurant that was also conceptualized by Jon Rubin. In March 2018, The Last Billboard's landlord, We Do Property, in response to complaints from community members", + "score": 0.654296875 + }, + { + "id": "19095982", + "title": "Great Stagecoach Robbery", + "text": "Great Stagecoach Robbery Great Stagecoach Robbery is a 1945 American film directed by Howard Bretherton starring Wild Bill Elliott in the role of Red Ryder and costarring as Little Beaver, actor \"(Bobby)\" Robert Blake. It was the sixth of twenty-three Red Ryder feature films that would be produced by Republic Pictures. The picture was shot on the studio\u2019s back lot along with outdoor locations at Iverson Ranch, 1 Iverson Lane, Chatsworth, Los Angeles, CA, USA. In the 1890s town of Blue Springs, Jed Quinlan \"(Don Costello)\", the schoolteacher, breaks up a fight between tomboy Boots Hollister \"(Sylvia Arslan)\" and Little", + "score": 0.65283203125 + }, + { + "id": "1055017", + "title": "East St. Louis, Illinois", + "text": "life. Lacking sufficient tax revenues, the city cut back on maintenance, sewers failed, and garbage pickup ceased. Police cars and radios stopped working. The East St. Louis Fire Department went on strike in the 1970s. Structure fires destroyed such a significant number of consecutive blocks that much of the post-Armageddon film \"Escape from New York\" was filmed in East St. Louis. In 1990, the State of Illinois passed (65 ILCS 5/Art. 8 Div. 12) The Financially Distressed City Law. Under this law, Illinois Governor James R. Thompson provided $34 million in loans to East Saint Louis, with the stipulation that", + "score": 0.65283203125 + }, + { + "id": "7999964", + "title": "Luther Williams Field", + "text": "Conference Baseball Tournaments, won by Georgia Southern and Hardin\u2013Simmons, respectively. Luther Williams Field was used for location shooting in the 1976 film \"The Bingo Long Traveling All-Stars & Motor Kings\". Luther Williams Field stood in for a fictional Negro League ballpark in St. Louis, Missouri. It was also used as a location in 2012 for two motion pictures, the Harrison Ford movie \"42\", chronicling the baseball legend Jackie Robinson, and Clint Eastwood's \"Trouble with the Curve\". It was also used to film baseball scenes in the television show \"Brockmire\". Numerous Major League stars have played at Luther Williams, whether on", + "score": 0.65283203125 + }, + { + "id": "7005195", + "title": "The Untouchables (film)", + "text": "Illinois, where Eliot Ness' story begins with him recruiting his Untouchables team with the intent of taking down Al Capone. In August 1986, Paramount Pictures contacted Garry Wunderwald of the Montana Film Commissioner's Office to find a 1930-period bridge to imply a border crossing between the United States & Canada. Wunderwald suggested the Hardy Bridge, which crosses the Missouri River near the small town of Cascade, southwest of Great Falls. From the bridge was closed to traffic to film the iconic shootout sequence. Twenty five local residents were cast to ride horseback as Royal Canadian Mounted Police during the scene.", + "score": 0.65283203125 + }, + { + "id": "10789750", + "title": "Fast-Walking", + "text": "Harris, who read a book call \"The Rap\" by Ernest Brawley. Harris wrote the screenplay shortly after reading the book. In June 1980, Lorimar Productions sold the rights to the film & preparation's began. The location crew choose the vacant old Montana State Prison building in Deer Lodge, Montana. In the coming days, officials begin screening extras, & the arts foundation begin to restore the prison building, & to gain community & statewide support to restore the landmark building. Due to heavy rains & volcanic ash fallout due to the eruption of Mount St. Helens on May 18, outside work", + "score": 0.65234375 + }, + { + "id": "19490590", + "title": "Above Suspicion (upcoming film)", + "text": "Thora Birch and Johnny Knoxville to the cast, alongside numerous other supporting actors. The production began filming in Kentucky. The bulk of the filming took place in Harlan County, Kentucky. Some scenes were also filmed in Bourbon and Harrison Counties in Kentucky. Above Suspicion (upcoming film) Above Suspicion is an upcoming thriller film directed by Philip Noyce, and stars Emilia Clarke and Jack Huston. It is based on Joe Sharkey's nonfiction book of the same name. An FBI agent is assigned to a small town in Kentucky, where he becomes involved with a local woman, leading to scandal. The film", + "score": 0.65234375 + }, + { + "id": "6551127", + "title": "Don't Come Knocking", + "text": "to visit his mother, who he hasn't seen in 30 years. And, eventually, to Butte, Montana, looking for a woman (Jessica Lange) he left behind twenty years before when he was filming a movie there. Also converging on Butte is a young woman named Sky (Sarah Polley), returning her late mother's ashes to her hometown and conducting a search of her own. Spence is doggedly pursued by Mr. Sutter (Tim Roth), a humorless representative of the company insuring Spence's latest film, whose mission is to return Spence to the set to finish filming the movie. The film features cameo appearances", + "score": 0.65234375 + }, + { + "id": "6400702", + "title": "Across the Wide Missouri (film)", + "text": "Across the Wide Missouri (film) Across the Wide Missouri is a 1951 American Technicolor western film based on historian Bernard DeVoto's eponymous 1947 book. The film dramatizes an account of several fur traders and their interaction with the Native Americans. The film was directed by William A. Wellman and stars Clark Gable as cunning trapper Flint Mitchell, Ricardo Montalb\u00e1n as Blackfoot Iron Shirt, John Hodiak as Brecan, Mar\u00eda Elena Marqu\u00e9s as Kamiah, a Blackfoot chief's daughter Mitchell marries and later falls in love with, J. Carrol Naish as Nez Perce Looking Glass, and Adolphe Menjou as Pierre. Howard Keel, as", + "score": 0.65185546875 + }, + { + "id": "19944536", + "title": "The Matchbreaker", + "text": "gets Mitchell back together with Tricia, and offers Mitchell's father, a record producer, to visit the jazz club tonight, where Emily will be performing. Later, Tricia informs Emily that Ethan helped Mitchell to win Tricia over again. Six months later, Tricia and Mitchell have gotten engaged, and Ethan has written a relationship book and started a romantic relationship with Emily. The shooting principally took place in Kansas City, Missouri, whose some of the landmarks can be seen, such as the Kauffman Center, The American, and the Green Lady Lounge, and in Leavenworth, Kansas. Leavenworth's landmarks were also featured in the", + "score": 0.65185546875 + }, + { + "id": "19776156", + "title": "Rodgers Theatre Building", + "text": "Places in 2001. Rodgers Theatre Building Rodgers Theatre Building is a historic commercial building located at Poplar Bluff, Butler County, Missouri. It was built in 1949, and is a three-story, brick and concrete commercial building with Art Deco and Art Moderne stylistic elements. The building contains a drama stage and one commercial space and consists of three main sections; the facade and theatre marquee, the theatre, and the office block. The theatre marquee features a prominent ziggurat tower. The Stage Company is currently using the historic Rodgers Theatre for several stage productions per year. It was added to the National", + "score": 0.6513671875 + }, + { + "id": "18870724", + "title": "I'm from Missouri", + "text": "I'm from Missouri I'm from Missouri is a 1939 American comedy film directed by Theodore Reed and written by Duke Atteberry and Jack Moffitt. The film stars Bob Burns, Gladys George, Gene Lockhart, Judith Barrett, William \"Bill\" Henry and Patricia Morison. The film was released on April 7, 1939, by Paramount Pictures. Sweeney Bliss raises prize-winning mules in Missouri. He travels to London with a twofold purpose, to sell mules to the government there and to find a fitting husband for daughter Julie Bliss, perhaps a British dignitary or someone equally suitable. Complications set in when rival Porgie Rowe also", + "score": 0.6513671875 + }, + { + "id": "17311797", + "title": "Me and Earl and the Dying Girl (film)", + "text": "Pennsylvania; they started filming high school scenes on June 16. Cinematographer Chung-hoon Chung shot the film digitally using Arri Alexa cameras with prime and anamorphic lenses in a widescreen 2.35:1 aspect ratio. A Pittsburgh native, writer Jesse Andrews' family home in Point Breeze was used as Greg's house in the film. Rachel's house was located in Squirrel Hill, and Earl's house was in Braddock. Other locations included Schenley High School (closed since 2008), The Andy Warhol Museum, Copacetic Comics in Polish Hill, and a street corner in West Oakland, which served as an ice cream shop. The Criterion Collection lent", + "score": 0.6513671875 + }, + { + "id": "6220197", + "title": "Life or Something Like It", + "text": "too. Later, Pete, Lanie and Tommy watch Cal's baseball game, while Lanie (in a voiceover) says that one part of her has died \u2014 the part which didn't know how to live a life. The majority of the movie was shot on location in Seattle, Washington although portions were filmed in downtown Vancouver, British Columbia. The TV station in the movie, KQMO, was actually real-life Seattle TV station KOMO-TV (the KOMO logo was altered on the set of KOMO 4 News and on several of KOMO's news vehicles, in addition to a few mic flags). Several KOMO personalities make cameo", + "score": 0.6513671875 + }, + { + "id": "7952071", + "title": "Edendale, Los Angeles", + "text": "operations to the new location. By 1917, he had leased out his Edendale location to William Fox. In 1909, Selig-Polyscope was shortly followed into Edendale by the New York Motion Picture Company, making mostly one-reel westerns under the brand name Bison Pictures. The original studio was located at 1719 Allesandro Street, a \"tract of land graced only by a four-room bungalow and a barn.\" Originally under the management of Fred J. Balshofer, the directorial reins were taken over a couple years later by motion picture innovator Thomas H. Ince. Ince made only two or three one-reelers at the Edendale studio.", + "score": 0.6513671875 + }, + { + "id": "3183039", + "title": "Kemper Military School", + "text": "which is about a little girl's trip back to Boonville in the summer of 1951, the year of the great Missouri River flood. Many downtown Boonville buildings were also used for filming, with Kemper the setting for an asylum. The movie, released in 2008, was directed by Connie Stevens and stars Penelope Ann Miller, Tatum O'Neal, Joel Gretsch, Piper Laurie and Michael Biehn. Kemper Military School Kemper Military School & College was a private military school located in Boonville, Missouri. Founded in 1844, Kemper filed for bankruptcy and closed in 2002. Known as the \"West Point of the West\", the", + "score": 0.65087890625 + }, + { + "id": "6349863", + "title": "Big Eden", + "text": "the day Henry is leaving for New York. In the very last minute Pike accepts his love for Henry and tries to catch him at the airport, but he is too late. On his way home, Pike sees Sam's truck in front of his store, not expecting Henry to be waiting for him. The film was shot in Montana, mostly in and near Glacier National Park. The schoolhouse is in West Glacier, and the Big Eden houses are on the shore of Lake McDonald. Pike's general store is a building located in Swan Lake, Montana. \"Big Eden\" received mixed to", + "score": 0.65087890625 + }, + { + "id": "7055543", + "title": "Bill Emerson Memorial Bridge", + "text": "Bill Emerson Memorial Bridge The Bill Emerson Memorial Bridge is a cable-stayed bridge connecting Missouri's Route 34 and Route 74 with Illinois Route 146 across the Mississippi River between Cape Girardeau, Missouri and East Cape Girardeau, Illinois. It was built just south of its predecessor, the Cape Girardeau Bridge, which was completed in 1928 and demolished in 2004. Prior to its destruction, it was documented for the Library of Congress Historic American Engineering Record Survey number HAER MO-84. The bridge is named after Bill Emerson, a Missouri politician who served in the U.S. House of Representatives from 1981 until his", + "score": 0.65087890625 + }, + { + "id": "13848706", + "title": "Albino Farm", + "text": "shot in Marionville, Missouri. It was also filmed in nearby Warrensburg and just outside Willard. The film is loosely based on a legend about college students exploring to the Ozark Mountains, who never came back from the Springlawn Farm. The costumes and make-up were created by special effects and makeup artist Jason Barnett. The film was released by MTI Home Video on September 22, 2009 with a time from 90 minutes, the German FSK 18 DVD runs 85 minutes. Dread Central panned the film, awarding it a score of 1 out of 5, writing \"Albino Farm can be summed up", + "score": 0.65087890625 + }, + { + "id": "8822090", + "title": "Debra Granik", + "text": "Ozarks and was produced by Steve Peters. It features the singing of Marideth Sisco, who worked as a music and folklore consultant for the region, and also appeared in the \"Winter's Bone.\" The actor John Hawkes sings one track on the soundtrack. \"Winter's Bone\" was shot on location in the Ozark area of southern Missouri. Granik cast many of the supporting roles with first-time actors from the surrounding area and all of the homes on screen were established Ozark homes\u2014no sets were built for this film. For the look of the film, Granik kept most of the established aesthetics of", + "score": 0.65087890625 + }, + { + "id": "9875917", + "title": "The Billboard", + "text": "The Billboard The Billboard () is a massive granite monolith in the Sarnoff Mountains of the Ford Ranges of Marie Byrd Land, West Antarctica, standing just west of Mount Rea between Arthur Glacier and Boyd Glacier. It was discovered in November 1934 by a Second Byrd Antarctic Expedition (1933\u201335) sledge party under Paul Siple, and is so named because of its form and appearance with vertical faces rising above the continental ice. The summit was first visited by Bruce Luyendyk and Kuno Lecha by helicopter in January 1993 during expedition GANOVEX VII. In 1998-99, Christine Siddoway led a geological party", + "score": 0.65087890625 + }, + { + "id": "16549184", + "title": "Munger-Moss Motel", + "text": "Munger-Moss Motel The Munger Moss Motel is a motel in Lebanon, Missouri. It was built in 1946 as an addition to a roadside restaurant and filling station, both of which are now gone. The site's Munger-Moss Sandwich Shop served travellers on U.S. Route 66 in Missouri, circa 1936. Located on the Big Piney River at Devil's Elbow, Missouri until 1945 (at what is now the Elbow Inn), it relocated to Lebanon, Missouri after World War II when construction of a four-lane bypass of U.S. Route 66 in Missouri to Fort Leonard Wood drew traffic away from the original Munger Moss", + "score": 0.650390625 + }, + { + "id": "124018", + "title": "Escape from New York", + "text": "Mississippi River from the more prosperous St. Louis, Missouri, had entire neighborhoods burned out in 1976 during a massive urban fire. Hill said in an interview, \"block after block was burnt-out rubble. In some places there was absolutely nothing, so that you could see three and four blocks away.\" As well, Alves found an old bridge to double for the \"69th St. Bridge\". The filmmaker purchased the Old Chain of Rocks Bridge for one dollar from the government and then gave it back to them, for the same amount, once production was completed, \"so that they wouldn't have any liability,\"", + "score": 0.64990234375 + }, + { + "id": "7475093", + "title": "Missouri National Guard", + "text": "units placed on alert status in August, 1990 but did not deploy until December, 1990. The Missouri Guard was the first Enemy Prisoner of War (EPW) unit to deploy as part of the 400th MP Battalion. Eventually it set up and operated the 301st EPW Camp, near the Saudi Arabian city of Hafar Al-Batin (Hotel 301). It returned to West Plains, Missouri in May 1991 with a hero's welcome. The 135th Field Artillery Brigade appears to have been disbanded between 2008 and 2011. In 2012, Missouri organized the Missouri State Defense Force to serve as Missouri's official state defense force", + "score": 0.64990234375 + }, + { + "id": "7833240", + "title": "Red Crown Tourist Court", + "text": "Red Crown Tourist Court The Red Crown Tavern and Red Crown Tourist Court in Platte County, Missouri was the site of the July 20, 1933 gun battle between lawmen and outlaws Bonnie and Clyde and three members of their gang. The outlaws made their escape, but would be tracked down and cornered four days later near Dexter, Iowa and engaged by another posse. The shootout was depicted in Arthur Penn's 1967 film \"Bonnie and Clyde\", though the sign on the motel in the movie reads \"Platte City, Iowa,\" not Missouri. Built in 1931 by Parkville, Missouri banker and developer Emmett", + "score": 0.64990234375 + }, + { + "id": "4574216", + "title": "Meramec Caverns", + "text": "1960, Meramec Caverns rented billboard space in the caverns. The owners claimed this was the only underground billboard in the world. In midsummer of 1972, Meramec Caverns provided the cave settings for \"Tom Sawyer\", a musical film which was released to theaters that following year. In the 1998 movie Deep Impact (film) a reference is made to the limestone caves of Missouri as the location of the ARC shelter. The fifth level of Meramec Caverns includes a \"Wine Room.\" The Wine Room is home to the world's rarest cave formation, The Wine Table. The onyx table stands six feet high", + "score": 0.64990234375 + }, + { + "id": "2476476", + "title": "Peter Dinklage", + "text": "praised. Freelance film critic Yasmin Kleinbart stated that \"Dinklage deserves better than this film\" and John DeFore in \"The Hollywood Reporter\" said that he \"delivers a soulful lead performance that will attract fans' attention.\" Also in 2017, Dinklage had a supporting role in the drama-dark comedy film \"Three Billboards Outside Ebbing, Missouri\", from director Martin McDonagh, and the drama \"Three Christs\", both of which played at the Toronto International Film Festival. With the former receiving widespread critical success. In 2018, Dinklage produced and starred in \"I Think We're Alone Now\", a post-apocalyptic drama based on the companionship between Del, played", + "score": 0.64892578125 + }, + { + "id": "2009574", + "title": "Townes Van Zandt", + "text": "licensed by his family for use in a number of films and television programs, including \"Stepmom\", Ozark, \"Six Feet Under\", \"In Bruges\", \"Calvary\", \"Crazy Heart\", \"Leaves of Grass\", \"Seven Psychopaths\", \"Deadwood\", \"Breaking Bad\" , \"True Detective\" and \"Hell or High Water\" (Dollar Bill Blues). Most recently his \"\"Buckskin Stallion Blues\"\" was featured in \"Three Billboards Outside Ebbing, Missouri\" both in his original recording and a cover by Amy Annelle. In the film \"Country Strong\", the \"Austin Statesman\" describes the character of Beau Hutton as \"the next Townes Van Zandt\". The 2012 documentary film \"Low & Clear\", which revolves around Van", + "score": 0.64892578125 + }, + { + "id": "12669125", + "title": "Adams of Eagle Lake", + "text": "20th Century Fox, but no DVD has been released. Although supposedly set in northern California, the TV series location showed opening scenes and other outdoor shots actually taken from the southern California mountain resort communities of Big Bear Lake and Fawnskin, which were much closer to Los Angeles area television production studios. In 1977, Griffith appeared in two additional television movies (\"The Girl in the Empty Grave\" and \"Deadly Game\"), both attempts to make use again of the same concept. Griffith's character was now Chief of Police Abel Marsh, but he was still a lawman in a small town near", + "score": 0.64892578125 + }, + { + "id": "19086353", + "title": "Outsiders (U.S. TV series)", + "text": "Paul Giamatti for Sony Pictures Television and Tribune Studios. WGN America announced a 13-episode straight-to-series order in August 2014. Production began in the Pittsburgh metropolitan area on May 5, 2015 and ran through September. Mountaintop exteriors were filmed in Henry Kaufmann Family Park in Monroeville, Pennsylvania, while interiors were constructed at 31st Street Studios in the Strip District. Scenes in Blackburg, Kentucky, the fictional town at the base of the mountain, were filmed in Millvale. WGN America renewed the series for a second season. Production resumed in mid-2016 using the same locations around Pittsburgh. On review aggregator Metacritic, \"Outsiders\"", + "score": 0.64892578125 + }, + { + "id": "3082901", + "title": "Twenty Bucks", + "text": "Stop gas station at 1624 Washington Ave. North. The Adams house was filmed on the Near North side of Minneapolis at 1802 Bryant Ave N near the E-Z Stop station. The final scene was filmed in an actual bank, Marquette Bank Minneapolis at 90 S. 6th Street, which is now a restaurant named Bank. While many critics saw the film as a series of uneven vignettes, Roger Ebert thought that \"the very lightness of the premise gives the film a kind of freedom. We glimpse revealing moments in lives, instead of following them to one of those manufactured movie conclusions", + "score": 0.6484375 + }, + { + "id": "17295996", + "title": "Rudderless", + "text": "decides to listen to Josh's music. Sam completes the song, including (presumably) improvised lyrics about missing his son in the song's climax and leaves the stage. Jeff Robison and Casey Twenter worked together on the screenplay for about five months in 2008. William H. Macy spent a year reworking the screenplay with the writers once he came aboard the project. Principal photography started on April 21, 2013 in Oklahoma City and Guthrie, Oklahoma. Scenes were shot at University of Central Oklahoma. Filming wrapped on May 26, 2013. On review aggregator Rotten Tomatoes, the film holds a rating of 62% based", + "score": 0.6484375 + }, + { + "id": "262112", + "title": "Missouri", + "text": "St. Joseph. Most of HBO's film \"Truman\" was filmed in Kansas City, Independence, and the surrounding area. Gary Sinise won an Emmy for his portrayal of Harry Truman in the 1995 film. \"Ride With the Devil\", starring Jewel and Tobey Maguire, was also filmed in the countryside of Jackson County (also where the historic events of the film took place). \"Gone Girl\", a 2014 film starring Ben Affleck, Rosamund Pike, Neil Patrick Harris, and Tyler Perry, was filmed in \"Cape Girardeau\". Missouri hosted the 1904 Summer Olympics at St. Louis, the first time the games were hosted in the United", + "score": 0.64794921875 + } + ], + "answer": "The 2017 film Three Billboards Outside of Ebbing, Missouri, was principally filmed in Sylva, North Carolina, while it was filmed in Black Mountain, North Carolina, for the billboard scenes. Sylva is an incorporated town located in central Jackson County in Western North Carolina's Plott Balsam Mountains, USA. Black Mountain is a town in Buncombe County, North Carolina, in the US." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who played Cowboy Curtis on The Pee-wee Herman Show 2010 revival?", + "short_answers": [ + "Phil LaMarr" + ], + "wikipage": null + }, + { + "context": "The premise of the show was that host Pee-wee Herman went to play in a fantastic house (situated in Puppetland) known as the Playhouse, which was filled with toys, gadgets, talking furniture and appliances (e.g., Magic Screen and Chairy), puppet characters (e.g., Conky the Robot, Pterri the baby Pteranodon) and Jambi (John Paragon), a disembodied genie's head who lives in a jeweled box. The Playhouse was also visited by a regular cast of human characters, including Miss Yvonne (Lynne Marie Stewart), Reba The Mail Lady (S. Epatha Merkerson), Captain Carl (Phil Hartman), Cowboy Curtis (Laurence Fishburne) and a small group of children, The Playhouse Gang.", + "question": "Who played Cowboy Curtis on Pee-Wee's Playhouse?", + "short_answers": [ + "Laurence Fishburne" + ], + "wikipage": "Pee-wee's Playhouse" + } + ], + "wikipages": [ + { + "title": "The Pee-wee Herman Show", + "url": "https://en.wikipedia.org/wiki/The%20Pee-wee%20Herman%20Show" + }, + { + "title": "Pee-wee's Playhouse", + "url": "https://en.wikipedia.org/wiki/Pee-wee%27s%20Playhouse" + }, + { + "title": "List of Pee-wee's Playhouse episodes", + "url": "https://en.wikipedia.org/wiki/List%20of%20Pee-wee%27s%20Playhouse%20episodes" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Pee-wee's Playhouse is an American television series starring Paul Reubens as the childlike Pee-wee Herman which ran from 1986 to 1990 on Saturday mornings on CBS, and airing in reruns until July 1991. ", + "wikipage": "Pee-wee's Playhouse" + }, + { + "content": "Cowboy Curtis - Phil LaMarr", + "wikipage": "The Pee-wee Herman Show" + } + ], + "long_answer": "In the American television series Pee-wee's Playhouse (from 1986 to 1990), the character Cowboy Curtis is portrayed by Laurence Fishburne. He is later portrayed by Phil LaMarr in the Pee-wee Herman Show 2010 revival. " + }, + { + "knowledge": [ + { + "content": "Pee-wee's Playhouse is an American television series starring Paul Reubens as the childlike Pee-wee Herman which ran from 1986 to 1990 on Saturday mornings on CBS, and airing in reruns until July 1991.", + "wikipage": "Pee-wee's Playhouse" + } + ], + "long_answer": "Pee-wee's Playhouse is an American television series starring Paul Reubens as the childlike Pee-wee Herman which ran from 1986 to 1990 on Saturday mornings on CBS, and airing in reruns until July 1991. The premise of the show was that host Pee-wee Herman went to play in a fantastic house, situated in Puppetland, known as the Playhouse, which was filled with toys, gadgets, talking furniture and appliances, puppet characters and Jambi, a disembodied genie's head who lives in a jeweled box. The Playhouse was also visited by a regular cast of human characters, including Miss Yvonne, played by Lynne Marie Stewart, Reba The Mail Lady, played by S. Epatha Merkerson, Captain Carl, played by Phil Hartman, Cowboy Curtis, played by Laurence Fishburne and a small group of children, The Playhouse Gang. In the 2010 revival of the Pee-Wee Herman Show, Phil LaMarr played Cowboy Curtis." + } + ], + "sample_id": "-7699606393193219666", + "question": "Who played cowboy curtis on pee wee herman?", + "docs": [ + { + "id": "1366708", + "title": "Laurence Fishburne", + "text": "role as Cowboy Curtis on Paul Reubens' CBS children's television show \"Pee-wee's Playhouse\". He also appeared in the \"M*A*S*H\" episode, \"The Tooth Shall Set You Free\". In \"\", he was a guest star for the second-season episode \"Personal Demons\". He also appeared alongside Kevin Bacon in \"Quicksilver\". His stage work during the 1980s included \"Short Eyes\" (1984), and \"Loose Ends\" (1987), both produced at Second Stage Theatre in New York City. Also in 1987 he played a part in as a hospital orderly. Fishburne featured in \"Red Heat\" (1988) beside Arnold Schwarzenegger and James Belushi. Fishburne also starred as \"Dap\"", + "score": 0.7529296875, + "summary": "Laurence Fishburne played Cowboy Curtis on \"Pee-wee's Playhouse.\"", + "extraction": "Laurence Fishburne played Cowboy Curtis on Paul Reubens' CBS children's television show \"Pee-wee's Playhouse\"." + }, + { + "id": "974323", + "title": "Phil Hartman", + "text": "of the show's stars. Hartman met comedian Paul Reubens and the two became friends, often collaborating on writing and comedic material. Together they created the character Pee-wee Herman and developed \"The Pee-wee Herman Show\", a stage performance which also aired on HBO in 1981. Hartman played Captain Carl on \"The Pee-wee Herman Show\" and returned in the role for the children's show \"Pee-wee's Playhouse\". Reubens and Hartman made cameos in the 1980 film \"Cheech & Chong's Next Movie\". Hartman co-wrote the script of the 1985 feature film \"Pee-wee's Big Adventure\" and had a cameo role as a reporter in the", + "score": 0.7392578125, + "summary": "Phil Hartman played Captain Carl on \"The Pee-wee Herman Show\" and returned in the role for the children's show \"Pee-wee's Playhouse\".", + "extraction": "Phil Hartman played Captain Carl on \"The Pee-wee Herman Show\" and returned in the role for the children's show \"Pee-wee's Playhouse\"." + }, + { + "id": "4184254", + "title": "Donald Haines", + "text": "actor at Hal Roach Studios on many shorts and features until 1940. His work during this time included appearances in the East Side Kids films \"East Side Kids\" and \"Boys of the City\" as \"Pee Wee\" and then in \"That Gang of Mine\", \"Pride of the Bowery\", \"Flying Wild\", \"Bowery Blitzkrieg\", and \"Spooks Run Wild\" as \"Skinny.\" He also played Jerry Cruncher Jr. in the film version of \"A Tale of Two Cities\". Haines enlisted as an aviation cadet in the United States Army Air Forces on December 10, 1941, to serve in World War II. He was killed in", + "score": 0.732421875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "19373699", + "title": "Robert Turturice", + "text": "Pee Wee Herman TV special costuming for \"Pee Wee's Playhouse\" and \"Pee Wee's Playhouse Christmas Special\". His television work included 31 movies of the week, 19 series, 15 specials and 27 pilots. In addition to his Emmy Award for Moonlighting episode \"Atomic Shakespeare\" in 1987, he received additional nominations for his work on the HBO movie \"Gia\" and for \"Cybill\". Robert Turturice Robert Turturice (March 15, 1949 \u2013 December 15, 2009) was an American costume designer who served as president of the Costume Designers Guild from 1992 to 1996. Turturice was presented posthumously with the Costume Designers Hall of Fame", + "score": 0.7265625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about who played cowboy curtis on pee wee herman." + }, + { + "id": "324517", + "title": "Paul Reubens", + "text": "in the role of Pee-Wee, the end credits of the movie billed him as \"Hamburger Dude\". Reubens' act had mainly positive reactions and quickly acquired a group of fans, despite being described as \"bizarre\", and Reubens being described as \"the weirdest comedian around\". Pee-wee was both \"corny\" and \"hip\", \"retrograde\" and \"avant-garde\". When Pee-wee's fame started growing, Reubens started to move away from the spotlight, keeping his name under wraps and making all his public appearance and interviews in character while billing Pee-wee as playing himself; Reubens was trying to \"get the public to think that that was a real", + "score": 0.72607421875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "324506", + "title": "Paul Reubens", + "text": "Paul Reubens Paul Reubens (; n\u00e9 Rubenfeld; born August 27, 1952) is an American actor, writer, film producer, game show host, and comedian, best known for his character Pee-wee Herman. Reubens joined the Los Angeles troupe The Groundlings in the 1970s and started his career as an improvisational comedian and stage actor. In 1982, Reubens put up a show about a character he had been developing for years. The show was called \"The Pee-wee Herman Show\" and it ran for five sold-out months with HBO producing a successful special about it. Pee-wee became an instant cult figure and for the", + "score": 0.7236328125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about who played Cowboy Curtis on Pee-wee Herman." + }, + { + "id": "2863624", + "title": "Pee-wee Herman", + "text": "Pee-wee Herman Pee-wee Herman is a comic fictional character created and portrayed by American comedian Paul Reubens. He is best known for his two television series and film series during the 1980s. The childlike Pee-wee Herman character developed as a stage act that quickly led to an HBO special in 1981. As the stage performance gained further popularity, Reubens took the character to motion picture with \"Pee-wee's Big Adventure\" in 1985, toning down the adult innuendo for the appeal of children. This paved the way for \"Pee-wee's Playhouse\", an Emmy Award-winning children's series that ran on CBS from 1986 to", + "score": 0.72216796875, + "summary": "Paul Reubens created and portrayed Pee-wee Herman, a comic fictional character. He played the character on two television series and a film series in the 1980s. Irrelevant to who played Cowboy Curtis on Pee-wee Herman.", + "extraction": "The question is asking about the actor who played Cowboy Curtis in Pee-wee Herman. The passage does not provide a direct answer to this question. Therefore, the extracted span would be \"irrelevant\"." + }, + { + "id": "6627929", + "title": "Alfred \"Pee Wee\" Ellis", + "text": "living in the town of Frome in the county of Somerset. Ellis was born Alfred Bryant on April 21, 1941 in Bradenton, Florida to his mother Elizabeth and his father Garfield Devoe Rogers, Jr. In 1949 his mother married Ezell Ellis, and the family moved to Lubbock, Texas where Ellis was given his nickname \"Pee Wee\". He gave his first public performance in 1954 at Dunbar Junior High School. After Ezell Ellis was killed in 1955, the remaining members of the family moved to Rochester, New York. While attending Madison High School he played professionally with jazz musicians including Ron", + "score": 0.7216796875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "2863646", + "title": "Pee-wee Herman", + "text": "as the Pee-wee Herman character for the first time since 1992. On August 5, 2007 at a showing of \"Pee-wee's Big Adventure\" in the Hollywood Forever Cemetery, Reubens made an appearance on stage before the show, bringing with him almost the entire cast of the film to the uproarious applause and standing ovation. E.G. Daily (Dotty), Judd Omen (Mickey), Diane Salinger (Simone), Daryl Keith Roach (Chuck, the bike shop owner), and Mark Holton (Francis) were all present. On January 15, 2011, Reubens appeared on \"Saturday Night Live\" as Pee-wee in an extended and well-received segment depicting Andy Samberg and Pee-wee", + "score": 0.71923828125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "324557", + "title": "Paul Reubens", + "text": "March 18, 2016 on Netflix to positive reception. Paul Reubens Paul Reubens (; n\u00e9 Rubenfeld; born August 27, 1952) is an American actor, writer, film producer, game show host, and comedian, best known for his character Pee-wee Herman. Reubens joined the Los Angeles troupe The Groundlings in the 1970s and started his career as an improvisational comedian and stage actor. In 1982, Reubens put up a show about a character he had been developing for years. The show was called \"The Pee-wee Herman Show\" and it ran for five sold-out months with HBO producing a successful special about it. Pee-wee", + "score": 0.71630859375, + "summary": "Paul Reubens played Pee-wee Herman and there is no information about who played cowboy curtis on Pee-wee Herman in the given document.", + "extraction": "Irrelevant. The passage does not provide information about who played cowboy curtis on pee wee herman." + }, + { + "id": "5262627", + "title": "The Life and Legend of Wyatt Earp", + "text": "Earp's. William Phipps in 16 episodes played the gunman and rustler Curly Bill Brocius. In the episode \"The Clantons' Family Row\", Brocius is facing a potential gunfight with Johnny Ringo (Peter M. Thompson), who is irate that Brocius accidentally shot and killed Ringo's horse, though he replaced the animal with another. Earp works to stop the gunfight from happening, and Doc Holliday proceeds to take bets on the outcome. In \"Let's Hang Curly Bill\", an older marshal, Fred White (Sam Flint), is mortally wounded when he takes the gun from a drunken Curly Bill, who is celebrating his birthday in", + "score": 0.7158203125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "3195766", + "title": "Ken Curtis", + "text": "& Western Heritage Museum in Oklahoma City, Oklahoma. Curtis' last acting role was as the aging cattle rancher \"Seaborn Tay\" in the television production \"Conagher\" (1991), by western author Louis L'Amour. Sam Elliott starred in the lead role, and Curtis' \"Gunsmoke\" co-star Buck Taylor (Newly O'Brien) played a bad man in the same film. Buck Taylor's father, Dub Taylor, had a minor role in it. He joined the \"Gunsmoke\" cast in 1967, superseding the previous deputy, Thaddeus \"Thad\" Greenwood, played by Roger Ewing. Curtis married Torrie Connelly in 1966. They were married until his death in 1991 and he had", + "score": 0.7158203125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not contain any information about the actor who played Cowboy Curtis on Pee Wee Herman." + }, + { + "id": "11506214", + "title": "Curtis Gordon", + "text": "Curtis Gordon Curtis Gordon (July 27, 1928 \u2013 May 2, 2004) was an American rockabilly singer. Gordon was heavily influenced by Ernest Tubb, Bob Wills, and Jimmie Rodgers as a child. He won a radio talent show as a teen and left high school to be the lead singer of his own band, which included fiddle player Jimmy Bryant. His parents demanded that he return to school and give up the band; he did so, though he moonlighted with a band called Pee Wee Mills & the Twilight Cowboys, who operated out of Gulfport, Mississippi. He formed a new Western", + "score": 0.712890625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "2863632", + "title": "Pee-wee Herman", + "text": "Wizard of Oz\". Paul Reubens auditioned for \"Saturday Night Live\" for the 1980\u201381 season but was not accepted into the cast. Instead, he started a stage show with the Herman character, which made one of his first appearances in the 1980 film \"Cheech & Chong's Next Movie.\" He first plays a rude receptionist in the film, spewing obscenities at police and being arrested. The character is later introduced as Pee-wee Herman, approaching the stage just before disputing with the film's title characters again. Shortly after the film, Reubens took Pee-wee to the real stage. Originally, Reubens imbued Pee-wee with sexuality", + "score": 0.7119140625, + "summary": "Paul Reubens played Pee-wee Herman and introduced the character in the 1980 film \"Cheech & Chong's Next Movie\" before starting a stage show. However, the document does not mention who played Cowboy Curtis on Pee-wee Herman, therefore the answer is \"irrelevant\".", + "extraction": "Irrelevant. There is no information about who played Cowboy Curtis on Pee-wee Herman in the given passage." + }, + { + "id": "6627928", + "title": "Alfred \"Pee Wee\" Ellis", + "text": "Alfred \"Pee Wee\" Ellis Alfred \"Pee Wee\" Ellis (born April 21, 1941) is an American saxophonist, composer and arranger. With a background on jazz , he was an important member of James Brown's band in the 1960s, appearing on many of Brown's most notable recordings and co-writing hits like \"Cold Sweat\" and \"Say It Loud - I'm Black and I'm Proud\". He also worked closely with Van Morrison. In the 2014 biographical movie \"Get on Up\" about James Brown, Ellis is played by Tariq Trotter (Black Thought, MC from the Roots). In later years, he became a resident of England,", + "score": 0.7099609375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "15219421", + "title": "Public Cowboy No. 1", + "text": "Public Cowboy No. 1 Public Cowboy No. 1 is a 1937 American Western film directed by Joseph Kane and starring Gene Autry, Smiley Burnette, and Ann Rutherford. Based on a story by Bernard McConville, the film is about a singing cowboy who chases down rustlers who are using airplanes, shortwave radios, and refrigerated trucks to steal cattle. A rash of strange cattle rustlings have occurred in which cattle are slaughtered on the range and their carcasses taken away. Sheriff Matt Doniphon (William Farnum) and his deputies, Gene Autry (Gene Autry) and Frog Millhouse (Smiley Burnette), watch over one rancher's cattle", + "score": 0.70947265625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "8862351", + "title": "Billy Curtis", + "text": "the \"Adventures of Superman\" TV series. Curtis's work in westerns included the Clint Eastwood feature, \"High Plains Drifter\" (1973) in which he was featured as Mordecai, a friendly dwarf sympathetic to Eastwood. He also appeared in the Musical/Western \"The Terror of Tiny Town\" (1938). This film is, as far as is known, the world's only Western with an all-midget cast. Many of the actors in \"Tiny Town\" were part of a performing troupe called Singer's Midgets, who also played Munchkins in \"The Wizard of Oz\". In 1972 he appeared as Arizona in an episode of \"Gunsmoke\" titled \"Arizona Midnight.\" He", + "score": 0.70947265625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "2530835", + "title": "Pee-wee's Big Adventure", + "text": "He and Dottie then ride off together at the movie screen in silhouette. Michael Varhol who co-wrote the script with Reubens and Hartman cameos as a photographer. Director Tim Burton has an uncredited cameo as the street thug who confronts Pee-wee in a rainy back-alley. Other minor roles include Ed Herlihy as Mr. Buxton and Cassandra Peterson (a.k.a. Elvira, Mistress of the Dark) as the Biker Mama of Satan's Helpers. James Brolin portrays \"P.W. Herman\" and Morgan Fairchild is Dottie in the in-movie production about Pee-wee's life. Heavy metal band Twisted Sister, and veteran comedy star Milton Berle cameo as", + "score": 0.708984375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about who played Cowboy Curtis on Pee Wee Herman." + }, + { + "id": "2098044", + "title": "Pee-wee's Playhouse", + "text": "Pee-wee's Playhouse Pee-wee's Playhouse is an American children's television program starring Paul Reubens as the childlike Pee-wee Herman which ran from 1986 to 1990 on Saturday mornings on CBS, and airing in reruns until July 1991. The show was developed from Reubens' popular stage show and the TV special \"The Pee-wee Herman Show\", produced for HBO, which was similar in style but featured much more adult humor. In 2004 and 2007, \"Pee-wee's Playhouse\" was ranked #10 and #12 on \"TV Guide\"s Top Cult Shows Ever. A special one hour primetime airing occurred on CBS on Wednesday November 11, 1987. \"Store\"", + "score": 0.70703125, + "summary": "The document is relevant but does not provide the answer to the question of interest.", + "extraction": "The passage does not provide a useful span to answer the question. It is irrelevant." + }, + { + "id": "2530833", + "title": "Pee-wee's Big Adventure", + "text": "a hero, the police arrest him for his disruption at the studios. Pee-wee meets the president of Warner Bros., Terry Hawthorne, and explains his journey to retrieve the bike. Hawthorne decides to drop the charges and make a special movie about Pee-wee and his bike, which is returned to him. Later at a drive-in theater, Pee-wee and Dottie attend the premiere of his biopic, an action movie starring James Brolin as \"P.W. Herman\" and Morgan Fairchild as Dottie. The two must retrieve a sport bike called the X-1, which contains an important microfilm and has been stolen by the Soviets.", + "score": 0.70703125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not contain any information about who played Cowboy Curtis on Pee Wee Herman." + }, + { + "id": "3716548", + "title": "Big Top Pee-wee", + "text": "Big Top Pee-wee Big Top Pee-wee is a 1988 American comedy film and the sequel to \"Pee-wee's Big Adventure\" (1985), and stars Paul Reubens as Pee-wee Herman, with supporting roles done by Susan Tyrrell, Kris Kristofferson, Penelope Ann Miller and introducing Valeria Golino as Gina Piccolapupula. The original music score is composed by Danny Elfman (although he also scored \"Pee-wee's Big Adventure\", he could not use any themes from that film due to \"Big Top Pee-wee\" being produced by another studio). Pee-wee Herman has a dream of being a famous singer. He makes his exit by disguising himself as Abraham", + "score": 0.70556640625 + }, + { + "id": "2484845", + "title": "You Don't Know Jack (franchise)", + "text": "separately. A standalone handheld version was also released. An actual television show version of \"You Don't Know Jack\" had a brief run on ABC in prime time during the summer of 2001. It starred Paul Reubens (the actor and comedian best known for his character Pee-wee Herman) as over-the-top game show host Troy Stevens, with Tom Gottlieb's 'Cookie' as the announcer. The show lasted only six episodes, as it received very little buzz and most \"You Don't Know Jack\" fans weren't even aware of its existence until long after its cancellation. After the \"You Don't Know Jack\" TV show ended,", + "score": 0.70556640625 + }, + { + "id": "8929569", + "title": "David Gorcey", + "text": "David Gorcey David Gorcey (February 6, 1921 \u2013 October 23, 1984) was an American actor best known for portraying \"Pee Wee\" in Monogram Pictures' East Side Kids series, and \"Chuck\" in its offshoot The Bowery Boys. He was the younger brother of fellow Bowery Boy Leo Gorcey. Gorcey was born in Washington Heights, Manhattan, New York, the son of Josephine (n\u00e9e Condon) and Bernard Gorcey. His father was a Russian Jewish immigrant and his mother was an Irish Catholic immigrant. and entered the entertainment business at a young age. He appeared in vaudeville during his childhood, and eventually made it", + "score": 0.70458984375 + }, + { + "id": "18953289", + "title": "Elbert Pee Wee Claybrook", + "text": "Elbert Pee Wee Claybrook Elbert \u201cPee Wee\u201d Claybrook (March 13, 1912- February 25, 1996) was a prominent tenor saxophonist from St. Louis, Missouri. He lived a life of over 50 years playing jazz swing music. He began his musical career in the late 1930s playing with the Fate Marable Mississippi riverboat band. In the 1930s, he was playing with many famous jazz artists such as Jimmy Blanton, Jimmy Forrest, Sid Catlett, Art Blakey, Sweets Edison and Clark Terry. In 1942, Pee Wee and his buddy Clark Terry were inducted into the U.S. Navy, and sent to the Great Lakes Naval", + "score": 0.70458984375 + }, + { + "id": "14431797", + "title": "Curt Hansen (actor)", + "text": "of \"Wicked\", beginning July 16, 2018. Curt Hansen (actor) Curt Hansen (born August 14, 1987) is an American actor. He was born in Wisconsin and is a native actor, singer and dancer. Hansen graduated from Hartford Union High School in Hartford, Wisconsin in 2005. Hansen was seen performing with the National Tour of \"Kinky Boots\" in the role of Charlie. He also performed in the First National Tour of \"Wicked\" in the role of Fiyero. In 2010, Hansen was the Gabe understudy/cover in the Tony award-winning Broadway musical \"Next to Normal\" and continued in the role of Gabe in the", + "score": 0.7041015625 + }, + { + "id": "5456015", + "title": "Marc Platt (dancer)", + "text": "role of \"Chalmers\"/\"Dream Curly\" in the original 1943 Broadway production of \"Oklahoma!\". Platt appeared in the 1955 film version of \"Oklahoma!\" in a dancing/speaking role as one of Curly's cowboy friends. He is the cowboy friend who buys Curly's saddle for $10 at the auction - and who also comments that, the previous year, Ado Annie's sweet potato pie gave him a 'three day bellyache' (Platt is credited in the cast list of the film as a dancer). After he stopped dancing, Platt ran the Radio City Music Hall Ballet for several years, then transitioned to full-time teaching. In 2000,", + "score": 0.7041015625 + }, + { + "id": "3716550", + "title": "Big Top Pee-wee", + "text": "shelter to discover that an entire traveling circus has been blown into his backyard. Befriended by Cabrini Circus ringmaster Mace Montana (Kris Kristofferson), Pee-wee is hoping to impress Gina Piccolapupula (Valeria Golino), a trapeze artist and the circus' star attraction, thereby incurring the jealousy of his relationship with Winnie until she meets Gina's older brothers, the Piccolapupula Brothers. Gina leaves Pee-wee when she finds out about Winnie, but later returns to him when she realizes that Pee-wee actually loves her. Pee-wee wants to join the circus, but his attempts fail. Gina then tells Pee-wee about her deceased father Papa Piccolapupula", + "score": 0.70361328125 + }, + { + "id": "3874493", + "title": "Curtis Armstrong", + "text": "Curtis Armstrong Curtis Armstrong (born November 27, 1953) is an American actor best known for playing the roles of Booger in the \"Revenge of the Nerds\" movies, Herbert Viola on the TV series \"Moonlighting\", Miles Dalby in the film \"Risky Business\", famed record producer Ahmet Erteg\u00fcn in the film \"Ray\" as well as for playing the role of Metatron on the TV series \"Supernatural.\" He is also known for providing his voice for such characters as Schmuley \"Snot\" Lonstein on the animated TV series \"American Dad!\" and Maru in the animated film \"\" in addition to portraying the title character", + "score": 0.70361328125 + }, + { + "id": "18953296", + "title": "Elbert Pee Wee Claybrook", + "text": "Clark Terry and Pee Wee Claybrook\". Elbert Pee Wee Claybrook Elbert \u201cPee Wee\u201d Claybrook (March 13, 1912- February 25, 1996) was a prominent tenor saxophonist from St. Louis, Missouri. He lived a life of over 50 years playing jazz swing music. He began his musical career in the late 1930s playing with the Fate Marable Mississippi riverboat band. In the 1930s, he was playing with many famous jazz artists such as Jimmy Blanton, Jimmy Forrest, Sid Catlett, Art Blakey, Sweets Edison and Clark Terry. In 1942, Pee Wee and his buddy Clark Terry were inducted into the U.S. Navy, and", + "score": 0.70361328125 + }, + { + "id": "3195763", + "title": "Ken Curtis", + "text": "appeared as muleskinner Graydon in the episode \"Graydon's Charge\" of the syndicated Western television series, \"Death Valley Days\", also guest starred Denver Pyle and Cathy Lewis. Curtis remains best known for his role as Festus, the scruffy, cantankerous, and illiterate deputy in \"Gunsmoke.\" While Marshal Matt Dillon had a total of five deputies over two decades, Festus held the role the longest (11 years), in 304 episodes. Festus was patterned after \"Cedar Jack\" (Frederick Munden), a man from Curtis' Las Animas childhood. Cedar Jack, who lived 15 miles south of town, made a living cutting cedar fence posts. Curtis observed", + "score": 0.70166015625 + }, + { + "id": "2530826", + "title": "Pee-wee's Big Adventure", + "text": "Pee-wee's Big Adventure Pee-wee's Big Adventure is a 1985 American adventure comedy film directed by Tim Burton in his full-length film directing debut and starring Paul Reubens as Pee-wee Herman with supporting roles provided by Elizabeth Daily, Mark Holton, Diane Salinger, and Judd Omen. Reubens also co-wrote the script with Phil Hartman and Michael Varhol. Described as a \"parody\" or \"farce version\" of the 1948 Italian classic \"Bicycle Thieves\", it is the tale of Pee-wee Herman's nationwide search for his stolen bicycle. After the success of \"The Pee-wee Herman Show\", Reubens began writing the script to \"Pee-wee's Big Adventure\" when", + "score": 0.701171875 + }, + { + "id": "3145085", + "title": "Peter Butterworth", + "text": "Monk. He starred in the children's show Saturday Special. ( with the puppet Porterhouse the Parrot ) which alternated Saturday children's hour with Whirligig, starring Humphrey Lestocq ( with marionette Mr Turnip. ) Butterworth's association with the Carry On series began with \"Carry On Cowboy\" (1965) playing the part of \"Doc\". He was put in touch with the creator of the series, Peter Rogers, by his friend Talbot Rothwell, the writer of \"Carry On Cowboy\" and who had written the previous four films. Out of the actors who were considered to be the \"Carry On\" team, he was the sixth", + "score": 0.701171875 + }, + { + "id": "3903648", + "title": "William Marshall (actor)", + "text": "William Marshall (actor) William Horace Marshall (August 19, 1924 \u2013 June 11, 2003) was an American actor, director, and opera singer. He is best known for his title role in the 1972 blaxploitation classic \"Blacula\" and its sequel \"Scream Blacula Scream\" (1973), as the \"King of Cartoons\" on the 1980s television show \"Pee-wee's Playhouse\" beginning with its second season, and an appearance as Dr. Richard Daystrom on the original \"Star Trek\" television series. He had a commanding height of 6 ft 5 in (1.96 m), as well as a deep bass voice. Marshall was born in Gary, Indiana, the son", + "score": 0.70068359375 + }, + { + "id": "3195762", + "title": "Ken Curtis", + "text": "as cowhand Phil Jakes on the \"Gunsmoke\" season four episode, \"Jayhawkers\". He also guest-starred as circus performer Tim Durant on an episode of \"Perry Mason\", \"The Case of the Clumsy Clown\", which originally aired on November 5, 1960. Later, he appeared in \"Ripcord\", a first-run syndicated action/adventure show about a company providing skydiving services, along with Larry Pennell. This series ran from 1961 to 1963 with 76 half-hour episodes in total. Curtis played the role of James (Jim) Buckley and Pennell was his young disciple Theodore (Ted) McKeever. This television program helped generate interest in sport parachuting. In 1964, Curtis", + "score": 0.7001953125 + }, + { + "id": "5413595", + "title": "Casey Siemaszko", + "text": "Casey Siemaszko Kazimierz A. \"Casey\" Siemaszko (born March 17, 1961) is an American actor. His best known film roles are \"Back to the Future\" (1985) and \"Back to the Future Part II\" (1989) as 3-D, \"Stand By Me\" (1986) as Billy Tessio, \"Young Guns\" (1988) as Charlie Bowdre, alongside Burt Reynolds in \"Breaking In\" (1989), and as Curley in \"Of Mice and Men\" (1992). He also appears in \"Public Enemies\" (2009). Siemaszko was born in Chicago, Illinois. His father, Konstanty (died 1999), was a Polish-born Roman Catholic who was a fighter in the Polish Underground during World War II, and", + "score": 0.69970703125 + }, + { + "id": "2098045", + "title": "Pee-wee's Playhouse", + "text": "and \"Pee-wee Catches a Cold\" were the two episodes shown that night. The Pee-wee Herman character was developed by Reubens into a live stage show entitled \"The Pee-wee Herman Show\" in 1980. It featured many characters that would go on to appear in \"Playhouse\", including Captain Carl, Jambi the Genie, Miss Yvonne, Pterri the Pterodactyl and Clocky. While enjoying continuous popularity with the show, Reubens teamed with young director Tim Burton in 1985 to make the comedy film \"Pee-wee's Big Adventure\". It became one of the year's surprise hits, costing a relatively modest $6 million to make but taking in", + "score": 0.69970703125 + }, + { + "id": "14431795", + "title": "Curt Hansen (actor)", + "text": "Curt Hansen (actor) Curt Hansen (born August 14, 1987) is an American actor. He was born in Wisconsin and is a native actor, singer and dancer. Hansen graduated from Hartford Union High School in Hartford, Wisconsin in 2005. Hansen was seen performing with the National Tour of \"Kinky Boots\" in the role of Charlie. He also performed in the First National Tour of \"Wicked\" in the role of Fiyero. In 2010, Hansen was the Gabe understudy/cover in the Tony award-winning Broadway musical \"Next to Normal\" and continued in the role of Gabe in the First National Tour of the show", + "score": 0.69921875 + }, + { + "id": "10221865", + "title": "Paul Brinegar", + "text": "He played Jason Rohan in the 1966 episode \"The Case of the Unwelcome Well\". In the 1968-1970 CBS western series \"Lancer\", Brinegar had the role of Jelly Hoskins; and in 1969 he appeared in the western film \"Charro!\" starring Elvis Presley. Then, in 1973, he played the barman in Clint Eastwood's film \"High Plains Drifter\". From 1982 to 1983, returning to television, Brinegar portrayed a humorous cowboy-like character, Lamar Pettybone, during the first season of the ABC series \"Matt Houston\". Later he reprised a revised version of his \"Rawhide\" Wishbone character for the 1991 TV movie \"The Gambler Returns: The", + "score": 0.69921875 + }, + { + "id": "769551", + "title": "Tony Curtis", + "text": "part in \"Johnny Stool Pigeon\" (1949). He could also be spotted in \"Francis\" (1950), \"Woman in Hiding\" (1950), and \"I Was a Shoplifter\" (1950). He was in three Westerns, \"Sierra\" (1950), starring Audie Murphy, one of many names he worked with (including fellow Universal contractee, Rock Hudson), \"Winchester '73\" (1950), starring James Stewart and Shelley Winters. He supported Murphy in another Western, \"Kansas Raiders\" (1951), playing Kit Dalton; this time he was billed as \"Tony Curtis\". Curtis was receiving numerous fan letters, so Universal awarded him the starring role in \"The Prince Who Was a Thief\" (1951), a swashbuckler set", + "score": 0.69921875 + }, + { + "id": "3874496", + "title": "Curtis Armstrong", + "text": "the part of Ahmet Erteg\u00fcn in the biographical film \"Ray\" (2004). Armstrong provided the voices for Mr. Moleguaco and Mr. Bugspit on the Disney Channel original series \"The Emperor's New School\" And \"The Buzz on Maggie\". Curtis was also in \"Akeelah and the Bee\". He played \"Farley\", a fictional composite character based on members of Elvis Presley's real entourage in the 1997 cult-comedy film \"Elvis Meets Nixon\". He also had a bit part as \"Russ\" on the short-lived TV show \"Reaper.\" He voices \"Snot\" on the animated sitcom \"American Dad!\", parodying his role from \"Revenge of the Nerds\". He also", + "score": 0.6982421875 + }, + { + "id": "11187209", + "title": "Mort Mills", + "text": "ABC's \"Disneyland\" miniseries \"Davy Crockett\", starring Fess Parker. From 1957\u20131959, Mills co-starred with Rex Reason in the syndicated western series \"Man Without a Gun\". He portrayed Marshal Frank Tillman. Reason played his friend, Adam MacLean, editor of the \"Yellowstone Sentinel\" newspaper. In the 1965 Three Stooges film, \"The Outlaws Is Coming,\" Mills played Trigger Mortis. Mills was a regular as police Lieutenant Bob Malone in Howard Duff's NBC-Four Star Television series, \"Dante\" (1960\u20131961), set at a San Francisco, California, nightclub called \"Dante's Inferno\". He appeared in eight episodes of \"Perry Mason\", seven of them as Police Sgt. Ben Landro between", + "score": 0.6982421875 + }, + { + "id": "3195765", + "title": "Ken Curtis", + "text": "in 1976, during the future President's attempt to secure the Republican nomination from incumbent Gerald Ford. In two episodes of \"Gunsmoke\", Carroll O'Connor was a guest-star; years later, Curtis guest-starred as a retired police detective on O'Connor's NBC program \"In the Heat of the Night\". He voiced Nutsy the vulture in Disney's 1973 animated film \"Robin Hood\". A decade later, he returned to television in the short-lived Western series \"The Yellow Rose\", in which he performed most of his scenes with Noah Beery, Jr.. In 1981, Curtis was inducted into the Western Performers Hall of Fame at the National Cowboy", + "score": 0.6982421875 + }, + { + "id": "3716555", + "title": "Big Top Pee-wee", + "text": "releases. Big Top Pee-wee Big Top Pee-wee is a 1988 American comedy film and the sequel to \"Pee-wee's Big Adventure\" (1985), and stars Paul Reubens as Pee-wee Herman, with supporting roles done by Susan Tyrrell, Kris Kristofferson, Penelope Ann Miller and introducing Valeria Golino as Gina Piccolapupula. The original music score is composed by Danny Elfman (although he also scored \"Pee-wee's Big Adventure\", he could not use any themes from that film due to \"Big Top Pee-wee\" being produced by another studio). Pee-wee Herman has a dream of being a famous singer. He makes his exit by disguising himself as", + "score": 0.69775390625 + }, + { + "id": "19820922", + "title": "Charles Seel", + "text": "in 1937. He played the old man in the 1971 film, \"Duel\". For television, he played, among others, Otis in five episodes of the television series \"Tombstone Territory\" from 1957 to 1958, Doc Miller in two episodes of \"The Deputy\" in 1960, newspaper editor Mr. Krinkie in nine episodes of the series \"Dennis the Menace\" from 1959 to 1963, Barney Danches in 10 episodes of \"Gunsmoke\" from 1965 to 1972 and Tom Pride in 29 episodes of the series \"The Road West\" from 1966 to 1967. His last appearance on the small screen came in the episode \"The Christmas Party\"", + "score": 0.69775390625 + }, + { + "id": "2098049", + "title": "Pee-wee's Playhouse", + "text": "and appliances (e.g., Magic Screen and Chairy) and puppet characters such as Conky The Robot, Pterri the baby Pteranodon and Jambi the Genie (John Paragon), a disembodied genie's head who lives in a jeweled box. The Playhouse was also visited by a regular cast of human characters, including Miss Yvonne (Lynne Marie Stewart), Reba The Mail Lady (S. Epatha Merkerson), Captain Carl (Phil Hartman), Cowboy Curtis (Laurence Fishburne) and a small group of children, The Playhouse Gang. Although primarily a live-action comedy, each episode included segments featuring puppetry, video animation and prepared sequences using Chroma-key and stock footage, \"e.g.\", when", + "score": 0.69775390625 + }, + { + "id": "2863633", + "title": "Pee-wee Herman", + "text": "that was later toned down as the character made the transition from raucous night club to children's television (though innuendo was still apparent, particularly between the Cowboy Curtis and Miss Yvonne characters). The stage show was popularized by HBO when \"The Pee-wee Herman Show\" aired in 1981. The show featured the writing and acting of Groundlings alumni Phil Hartman and John Paragon, who would both reprise their characters on \"Pee-wee's Playhouse.\" \"The Pee-wee Herman Show\" played for five sellout months at The Roxy Theatre in Los Angeles, whereupon HBO filmed it and aired it as a special on September 11,", + "score": 0.697265625 + }, + { + "id": "324507", + "title": "Paul Reubens", + "text": "next decade, Reubens would be completely committed to his character, doing all of his public appearances and interviews as Pee-wee. In 1985 \"Pee-wee's Big Adventure\", directed by the then-unknown Tim Burton, was a financial and critical success, and soon developed into a cult film. \"Big Top Pee-wee\", 1988's sequel, was less successful than its predecessor. Between 1986 and 1990, Reubens starred as Pee-wee in the CBS Saturday-morning children's program \"Pee-wee's Playhouse\". Thereafter, Reubens decided to take a sabbatical from Pee-wee. In July 1991, Reubens was arrested for indecent exposure in an adult theater in Sarasota, Florida. The arrest set off", + "score": 0.69677734375 + }, + { + "id": "15872922", + "title": "Milton Rubenfeld", + "text": "his family to Sarasota, Florida, where he and his wife owned another successful business until he retired. He died in 2004. He was the father of actor/comedian Paul Reubens, who is known for creating and portraying his character, Pee-wee Herman. Rubenfeld was born in Peekskill, the fourth of six children of Jewish parents, Gussie (Yormark) and Louis Rubenfeld. Rubenfeld was an Eagle Scout, a student in New York University and the University of New Mexico (where he also hunted rattlesnakes), and taught aerobatics. When World War II broke out in Europe, he wanted to fly combat missions; however, the United", + "score": 0.69580078125 + }, + { + "id": "6733975", + "title": "Mark Holton", + "text": "Mark Holton Mark Douglas Holton (born April 2, 1958) is an American actor, best known for portraying Francis Buxton in \"Pee-wee's Big Adventure\" (1985), Chubby in the \"Teen Wolf\" film series and Ozzie in \"Leprechaun\" (1993). Holton was born in Oklahoma City. He attended Northeastern State University in Tahlequah, Oklahoma. Holton's professional breakthrough came with the role of Francis Buxton, Pee-Wee Herman's nemesis in the blockbuster comedy \"Pee-wee's Big Adventure\" (1985). He found further fame as high school basketball player Chubby in the werewolf comedies \"Teen Wolf\" (1985) and \"Teen Wolf Too\" (1987). His mainstream visibility grew with supporting roles", + "score": 0.6953125 + }, + { + "id": "974316", + "title": "Phil Hartman", + "text": "Phil Hartman Philip Edward Hartmann (September 24, 1948 \u2013 May 28, 1998), better known as Phil Hartman, was a Canadian-American actor, comedian, screenwriter and graphic artist. Born in Brantford, Ontario, Hartman and his family moved to the United States in 1958. After graduating from California State University, Northridge, with a degree in graphic arts, he designed album covers for bands like Poco and America. Hartman joined the comedy group The Groundlings in 1975 and there helped comedian Paul Reubens develop his character Pee-wee Herman. Hartman co-wrote the screenplay for the film \"Pee-wee's Big Adventure\" and made recurring appearances as Captain", + "score": 0.6953125 + }, + { + "id": "2009293", + "title": "The Groundlings", + "text": "Show\", which runs every Wednesday night at 8:00 p.m. Starting in 1981, the company added alternative format shows to the theatre's regular line-up. The first one was \"The Pee-Wee Herman Show,\" created and co-written by Paul Reubens as a showcase for his Pee-Wee Herman character, which he created in Groundlings workshops and revues. Pee-Wee and his friends (played by and co-written by other Groundlings like Phil Hartman, Lynne Marie Stewart, John Paragon, Edie McClurg, and John Moody) started performing Saturdays at midnight, after the regular revues. Quickly, the show became a huge LA hit; it transferred to The Roxy Theatre", + "score": 0.6943359375 + }, + { + "id": "3195756", + "title": "Ken Curtis", + "text": "Ken Curtis Ken Curtis (born Curtis Wain Gates, July 2, 1916 \u2013 April 28, 1991) was an American singer and actor best known for his role as Festus Haggen on the CBS western television series \"Gunsmoke\". Although he appeared on \"Gunsmoke\" earlier, in other roles, he was first cast as Festus in season 8 episode 13, 12/8/1962 \"Us Haggens\". His next appearance was Season 9, episode 2 as Kyle Kelly, in \"Lover Boy\" as a charming drifter who romances an elderly rancher's young wife. Curtis joined the cast of Gunsmoke permanently as Festus in \"Prairie Wolfer,\" season 9 episode 13,", + "score": 0.6943359375 + }, + { + "id": "9433983", + "title": "Fury (TV series)", + "text": "dedicated to Fire Prevention Week. Ann Robinson played Joey Newton's dedicated teacher, Helen Watkins, in nine episodes of the first season. In addition to Roger Mobley as Packy Lambert, another friend of Joey's is portrayed in the series by child actor Jimmy Baird (born 1945), who was cast as Rodney \"Pee Wee\" Jenkins.James Seay portrayed a sheriff in six episodes. Maudie Prickett was cast twice, once in the title role of \"Aunt Harriet\" (1958). Among the other guest stars were Shelley Fabares as Midge Mallon in \"The Tomboy\" (1957), Tony Young in \"Timber Walker\" (1959), Lee Van Cleef as Race", + "score": 0.6943359375 + }, + { + "id": "5195765", + "title": "William Brocius", + "text": "William Brocius William Brocius (1845 \u2013 March 24, 1882), better known as Curly Bill Brocius, was a gunman, rustler and an outlaw Cowboy in the Cochise County area of the Arizona Territory during the early 1880s. His name is likely an alias or nickname, and some evidence links him to another outlaw named William \"Curly Bill\" Bresnaham, who was convicted of an 1878 attempted robbery and murder in El Paso, Texas. Brocius had a number of conflicts with the lawmen of the Earp family, and he was named as one of the individuals who participated in Morgan Earp's assassination. Deputy", + "score": 0.69384765625 + }, + { + "id": "2098064", + "title": "Pee-wee's Playhouse", + "text": "elements and original audio tracks. Pee-wee's Playhouse Pee-wee's Playhouse is an American children's television program starring Paul Reubens as the childlike Pee-wee Herman which ran from 1986 to 1990 on Saturday mornings on CBS, and airing in reruns until July 1991. The show was developed from Reubens' popular stage show and the TV special \"The Pee-wee Herman Show\", produced for HBO, which was similar in style but featured much more adult humor. In 2004 and 2007, \"Pee-wee's Playhouse\" was ranked #10 and #12 on \"TV Guide\"s Top Cult Shows Ever. A special one hour primetime airing occurred on CBS on", + "score": 0.69384765625 + }, + { + "id": "3716549", + "title": "Big Top Pee-wee", + "text": "Lincoln. One of the fans asks him for his autograph, but his disguise is promptly exposed. They chase after him and he flies off to his ranch. Pee-wee finally awakens from his dream that morning to work on his farm with Vance the pig (Wayne White). Later, he has lunch with his fianc\u00e9e, school teacher Winnie Johnson (Penelope Ann Miller). Next, he races Vance to a general store owned by Mr. Ryan (Albert Henderson) to order a cheese sandwich. The Sheriff (Kenneth Tobey) warns everyone of a large storm approaching town. After the storm ends, Pee-wee emerges from his storm", + "score": 0.69384765625 + }, + { + "id": "8090696", + "title": "Burt Mustin", + "text": "\"The Ghost and Mr. Chicken\" (1965), \"The Adventures of Bullwhip Griffin\" (1967), \"Speedway\" (uncredited) (1968), \"The Shakiest Gun in the West\" (1968), \"The Great Bank Robbery\" (1969), \"Hail, Hero!\" (1969), and \"Skin Game\" (1971). In 1974, Mustin portrayed \"Uncle Jeff\" in the musical film \"Mame\", starring Lucille Ball and Bea Arthur. He also had a small role in \"Herbie Rides Again\", also released in 1974. The next year, he appeared as \"Regent Appleby\" in \"The Strongest Man in the World\". His final film role came in 1976 in the Western film \"Baker's Hawk\", starring Clint Walker and Burl Ives. In", + "score": 0.69384765625 + }, + { + "id": "2863670", + "title": "Pee-wee Herman", + "text": "peak in 1988. Reubens also published a book as Pee-wee, titled \"Travels with Pee-wee\" (1989). In early 2007, Nike SB released a style of sneakers called Grey/Heather Dunk High Pro SB that use a grey and white color scheme with red detail inspired by the colors of Pee-wee's trademark suit, and an illustration on the insole suggesting Reubens' theater arrest. Pee-wee Herman Pee-wee Herman is a comic fictional character created and portrayed by American comedian Paul Reubens. He is best known for his two television series and film series during the 1980s. The childlike Pee-wee Herman character developed as a", + "score": 0.69384765625 + }, + { + "id": "13591119", + "title": "Pee-Wee Harris", + "text": "100th anniversary, his character appeared in an interview that talked about \"Boys' Life\"'s comic section history called \"How I Became a Comic Page Hero.\" An online version of this interview included a video and Pee Wee was voiced by Zachary Gordon. Pee-Wee Harris Walter \"Pee-wee\" Harris is a fictional Boy Scout who has appeared in several series of boy's books by Percy Keese Fitzhugh as well as in a long-running comic strip in the magazine \"Boys' Life\". Originally spelled \"Pee-wee\", his name has occasionally been spelled \"Pee-Wee\" and is spelled \"Pee Wee\" in the \"Boys' Life\" comic strip. Pee-wee Harris", + "score": 0.69287109375 + }, + { + "id": "5613137", + "title": "James Westerfield", + "text": "(1962), \"Man's Favorite Sport\" (1964), \"The Sons of Katie Elder\" (1965), \"Hang 'Em High\" (1968) and \"True Grit\" (1969). Westerfield had many roles on television, including seven episodes as John Murrel from 1963 to 1964 on ABC's \"The Travels of Jaimie McPheeters\", starring child actor Kurt Russell in the title role. He made two guest appearances on \"Perry Mason\", including the role of Sheriff Bert Elmore in the 1957 episode, \"The Case of the Angry Mourner.\" and the role of murder victim Roger Quigley in the 1961 episode, \"The Case of the Resolute Reformer.\". He also appeared in an episode", + "score": 0.6923828125 + }, + { + "id": "3368969", + "title": "Cassandra Peterson", + "text": "Marvel Comics legend Stan Lee were guests of honor at the inaugural Comikaze Expo in 2011. Comikaze CEO Regina Carpinelli refers to Peterson as the \"Mistress of the Board.\" Peterson has also portrayed non-Elvira roles in many other films, most notably \"Pee-wee's Big Adventure\" in 1985 alongside friend and fellow Groundling Paul Reubens, who starred as his Pee-wee Herman character; \"Allan Quatermain and the Lost City of Gold,\" released in 1987, which starred Richard Chamberlain and Sharon Stone; and \"All About Evil,\" as a mother named Linda, who says not to go to the old theater to watch scary movies.", + "score": 0.6923828125 + }, + { + "id": "15219427", + "title": "Public Cowboy No. 1", + "text": "Quackenbush and his detectives who are still stuck in the mud and suffering from the effects of their tear gas grenades that have accidentally detonated. Public Cowboy No. 1 Public Cowboy No. 1 is a 1937 American Western film directed by Joseph Kane and starring Gene Autry, Smiley Burnette, and Ann Rutherford. Based on a story by Bernard McConville, the film is about a singing cowboy who chases down rustlers who are using airplanes, shortwave radios, and refrigerated trucks to steal cattle. A rash of strange cattle rustlings have occurred in which cattle are slaughtered on the range and their", + "score": 0.69189453125 + }, + { + "id": "11136642", + "title": "Dick Curtis", + "text": "and \"The Range Rider\". He appeared in \"California Gold Rush\", \"Spook Town\", \"The Gene Autry Show\", and many others. Though his forte was in villainous roles, Curtis had a genuine comedic touch. As such, modern audiences will recognize Curtis for his roles in such Three Stooges films as \"Yes, We Have No Bonanza\", \"You Nazty Spy!\", and \"The Three Troubledoers\". With the help of his friend and actor Russell Hayden, Curtis helped develop Pioneertown, a western movie set location in Southern California that was used for many television and film westerns. The project was done in partnership with Roy Rogers", + "score": 0.69140625 + }, + { + "id": "12376421", + "title": "Leon \"Pee Wee\" Whittaker", + "text": "Leon \"Pee Wee\" Whittaker Leon \"Pee Wee\" Whittaker (1906 \u2013 July 22, 1993) was an African American musician from the Mississippi River delta country of Louisiana, Mississippi, and Arkansas who was particularly known as a trombonist of jazz, blues, and rock music. From 1919 until his death, Whittaker performed with minstrel shows, carnival bands, swing orchestras, and rhythm-and-blues groups. He played alongside Louis Armstrong, Louis Jordan, and Jerry Lee Lewis. Born in Newellton in northern Tensas Parish in northeastern Louisiana, Whittaker was the only child of Tom and Kizzie Whittaker. His parents separated, and Kizzie, herself a talented musician, took", + "score": 0.69140625 + }, + { + "id": "16023665", + "title": "Black Vaudeville", + "text": "volume... The company, by this time known as \"F. S. Wolcott's Original Rabbit's Foot Company\" or \"F. S. Wolcott\u2019s Original Rabbit's Foot Minstrels\", continued to perform its annual tours through the 1920s and 1930s, playing small towns during the week and bigger cities at weekends. The show provided a basis for the careers of many leading African American musicians and entertainers, including Butterbeans and Susie, Tim Moore, Big Joe Williams, Louis Jordan, George Guesnon, Leon \"Pee Wee\" Whittaker, Brownie McGhee, and Rufus Thomas. Wolcott remained its general manager and owner until he sold the company in 1950, to Earl Hendren", + "score": 0.69140625 + }, + { + "id": "740929", + "title": "Gerald's Game", + "text": "as well as assisting her in her recuperation. Jessie writes to Ruth Neary, detailing what happened after the incident and her recuperation process. She details a serial necrophile and murderer named Raymond Andrew Joubert, who is making his way through Maine; he was the Space Cowboy, confirmed when Jessie confronted him in a court hearing and Joubert mimicked Jessie's arm positions while she was in the handcuffs. He also repeats her frightened exclamations, when she thought he was the Space Cowboy apparition, that Joubert was \"not anyone\" and \"made of moonlight\". In the novel's epilogue, Jessie mentions that the dog,", + "score": 0.69091796875 + }, + { + "id": "2926973", + "title": "Penelope Ann Miller", + "text": "Vice\" (which aired on October 16, 1987), and accepted several other small roles in film and television work. She then returned to Broadway in a revival of \"Our Town\"; her portrayal of Emily garnered her a Tony award nomination. She then appeared as Pee-wee Herman's (Paul Reubens) fianc\u00e9e, Winnie Johnston, in the 1988 release of \"Big Top Pee-wee\". She played a supporting role in 1989's \"Dead Bang\", a cop thriller starring Don Johnson. In 1990, she played Paula in \"Awakenings\", starring Robert De Niro and Robin Williams. She also appeared in the 1990 movies \"Downtown\", with Anthony Edwards and Forest", + "score": 0.69091796875 + }, + { + "id": "2139977", + "title": "Sheb Wooley", + "text": "too on the \"big screen,\" playing Baxter in the 1958 film \"Terror in a Texas Town\". Wooley's big break professionally came when he was cast as the drover Pete Nolan in the CBS western \"Rawhide\" (1959\u20131966) with Eric Fleming, Clint Eastwood, and Paul Brinegar. During that time Sheb also wrote and directed some of the episodes. He also continued to act in major films, including \"Giant\", \"The Outlaw Josey Wales\", \"Silverado\", and in \"Hoosiers\" starring Gene Hackman, Barbara Hershey, and Dennis Hopper. In the latter film, Wooley portrayed Hackman's longtime friend, Cletus Summers, the principal of Hickory High School. In", + "score": 0.6904296875 + }, + { + "id": "10221864", + "title": "Paul Brinegar", + "text": "Calhoun. Brinegar, however, is best remembered as the cattle-drive cook George Washington Wishbone on the CBS series \"Rawhide\" from 1959 to 1966. Earlier he had played a similar role, one as the character Tom Jefferson Jeffrey, in the 1958 movie \"Cattle Empire\" upon which \"Rawhide\" was based. Brinegar also made two guest appearances on CBS's \"Perry Mason\". His first appearance on that series, prior to \"Rawhide\", was in 1958. He performed as Tom Sackett in the first-season episode titled \"The Case of the Sun Bather's Diary\". His second appearance on \"Perry Mason\" was during the series' ninth and final season.", + "score": 0.6904296875 + }, + { + "id": "16257572", + "title": "Burt Wilson", + "text": "who would later go on to produce the well known \"Rawhide TV series\". Wilson also served as army talent scout for producer Warren, supplying actors for the Citizen Soldier series. One of Wilson's \"finds\" was \"John Erwin\" who did five leads in the series and later starred as Teddy on \"Rawhide\". Erwin would later become famous as the voice of \"Morris the Cat\", as well as the voice of various cartoon characters, and starring in movie roles. Wilson's advertising career runs concurrently with his public service projects. After his return from Germany, Wilson worked as a commercial copywriter at \"KXOA\"", + "score": 0.6904296875 + }, + { + "id": "6627934", + "title": "Alfred \"Pee Wee\" Ellis", + "text": "comprising Ellis, drummer Ginger Baker, bassist Alec Dankworth and percussionist Abass Dodoo. In July 2014 Pee Wee Ellis was honored with a doctorate by Bath Spa University, and he continues to support local music as patron (and a principal performer) of the Bristol International Blues and Jazz Festival With Brass Fever With Hank Crawford With Dave Liebman With Jack McDuff With Shirley Scott With Sonny Stitt With Ali Farka Tour\u00e9 With Various Artists With Ginger Baker Alfred \"Pee Wee\" Ellis Alfred \"Pee Wee\" Ellis (born April 21, 1941) is an American saxophonist, composer and arranger. With a background on jazz", + "score": 0.6904296875 + }, + { + "id": "324509", + "title": "Paul Reubens", + "text": "called \"Pee-wee's Playhouse: The Movie\". In 2010, he starred on Broadway in \"The Pee-wee Herman Show\". In 2016, Reubens helped write and starred in the Netflix original film \"Pee-wee's Big Holiday\", reprising his role as Pee-wee Herman. Reubens was born Paul Rubenfeld in Peekskill, New York, and grew up in Sarasota, Florida, where his parents, Judy (Rosen) and Milton Rubenfeld, owned a lamp store. His mother was a teacher. His father was an automobile salesperson who had flown for Britain's Royal Air Force and for the U.S. Army Air Forces in World War II, later becoming one of the founding", + "score": 0.6904296875 + }, + { + "id": "6733977", + "title": "Mark Holton", + "text": "portrayed serial killer John Wayne Gacy. Holton retired from performing in the late 2000s. He made a return with a second portrayal of B.M. Fahrtz in \"Tim and Eric Awesome Show Great Job! Awesome 10 Year Anniversary Version, Great Job?\" (2017). He returns to film acting in the upcoming direct to video film \"Leprechaun Returns\" (2018), reprising the role of Ozzie from the cult comedy hit \"Leprechaun\" (1993). Mark Holton Mark Douglas Holton (born April 2, 1958) is an American actor, best known for portraying Francis Buxton in \"Pee-wee's Big Adventure\" (1985), Chubby in the \"Teen Wolf\" film series and", + "score": 0.68994140625 + }, + { + "id": "2530846", + "title": "Pee-wee's Big Adventure", + "text": "chic as the latest retrofashions.\" Warner Home Video released \"Pee-wee's Big Adventure\" on DVD in May 2000. The release included audio commentary by Tim Burton, Paul Reubens and Danny Elfman as well as deleted scenes. Pee-wee's Big Adventure Pee-wee's Big Adventure is a 1985 American adventure comedy film directed by Tim Burton in his full-length film directing debut and starring Paul Reubens as Pee-wee Herman with supporting roles provided by Elizabeth Daily, Mark Holton, Diane Salinger, and Judd Omen. Reubens also co-wrote the script with Phil Hartman and Michael Varhol. Described as a \"parody\" or \"farce version\" of the 1948", + "score": 0.689453125 + }, + { + "id": "10297115", + "title": "Paul Wexler (actor)", + "text": "\"My Little Margie\", \"The Lineup\", \"The Adventures of Hiram Holliday\", \"Studio 57\", \"The Alaskans\", \"The Thin Man\", \"Tallahassee 7000\", \"State Trooper\", and \"Ben Casey\". Westerns were especially popular on American television during the 1950s and early 1960s, and Wexler portrayed characters in many series in this genre. He appeared several times on \"The Rifleman\" and \"Gunsmoke\", as well as in episodes of other television Westerns such as \"Pony Express\", \"The Life and Legend of Wyatt Earp\", \"Rawhide\", \"Wanted Dead or Alive\", and \"The Guns of Will Sonnett\". Wexler played Clem Scobie, a war hero, in the 1955 episode \"The Homeliest", + "score": 0.689453125 + }, + { + "id": "8862352", + "title": "Billy Curtis", + "text": "had a starring role in American International Pictures' \"Little Cigars\" (1973), about a gang of small people on a crime spree. Curtis died November 9, 1988, in Dayton, Nevada of a heart attack. Billy Curtis Billy Curtis (born Luigi Curto, June 27, 1909 \u2013 November 9, 1988) was an American film and television actor with notably remembered as a midget, who had a 50-year career in the entertainment industry. The bulk of his work was in the western and science fiction genres. One of his early roles was uncredited as a Munchkin city father in \"The Wizard of Oz\" (1939).", + "score": 0.689453125 + }, + { + "id": "11982808", + "title": "Conagher", + "text": "friend Buck Taylor, formerly the gunsmith-turned-deputy on CBS\u2019s long-running \"Gunsmoke\", as Tile Coker, a rider for the Ladder Five Ranch. Pepe Serna, a native of Corpus Christi, played Casuse, another Ladder Five rider. James Gammon plays Smoke Parnell, the owner of the Ladder Five, who is suspected of rustling. Buck Taylor\u2019s father, character actor Dub Taylor (1907\u20131994), plays the station agent. Ken Curtis (1916\u20131991) plays elderly but prosperous rancher Seaborn Tay, who is fearful of losing his assets to the rustlers. This was Curtis\u2019 last acting part; he died just weeks after \"Conagher\" finished production. Curtis had also costarred with", + "score": 0.68896484375 + }, + { + "id": "2248777", + "title": "James Brolin", + "text": "referred to as \"PW\" and the role of Pee-Wee Herman's girlfriend \"Dottie\" is played by Morgan Fairchild. In 1968, Brolin transferred to Universal Studios, where he auditioned for a co-starring role opposite seasoned actor Robert Young in the popular medical drama \"Marcus Welby, M.D.\" (1969\u20131976). The series was one of the top-rated television shows of the day. Brolin became widely known for his portrayal of youthful, skilled assistant physician Dr. Steven Kiley. The chemistry between Young & Brolin clicked, and even came to attract young women for its medical interest throughout the show's run. In its first season in 1970,", + "score": 0.68896484375 + }, + { + "id": "3080339", + "title": "The Pee-wee Herman Show", + "text": "with a run between January 12 and February 7, 2010. The cast rehearsed at Sunset-Gower Studios before moving to technical rehearsals at Club Nokia. The original plotline of Captain Carl's crush on Miss Yvonne was switched to Cowboy Curtis. Added to the new version were the characters \"Chairry\", \"the Flowers\", \"Mr. Window\", \"Globey\", \"Clockey\", \"Mr. Knucklehead\", \"Conky the Robot\" (known as \"Conky 3000\", originally known as \"Conky 2000\"), \"King of Cartoons\" and \"Magic Screen\" from the TV series, \"Pee-wee's Playhouse\". The updated show re-written by Paul Reubens contains modern references to the internet, iPad, abstinence rings, and ShamWow - as", + "score": 0.6884765625 + }, + { + "id": "2863647", + "title": "Pee-wee Herman", + "text": "getting drunk, taking a ride on a mechanical bull, doing the tequila dance and ambushing Anderson Cooper in an alley way with a chair. On February 1, 2012, Reubens appeared as Pee-wee on Bravo's \"Top Chef: Texas\" and served as guest judge. Part of the contestants challenge was to ride a bike, similar to Pee-wee's, while gathering ingredients through San Antonio to prepare and serve a special lunch for Pee-wee at the Alamo. The use of The Alamo is a reference to Pee-wee's film, \"Pee-wee's Big Adventure\", where his stolen bike is allegedly hidden. While taping the Top Chef episode", + "score": 0.6884765625 + }, + { + "id": "324518", + "title": "Paul Reubens", + "text": "person\". Later on he would even prefer his parents be known only as Honey Herman and Herman Herman. In the early and mid-1980s, Reubens made several guest appearances on \"Late Night with David Letterman\" as Pee-wee Herman which gave Pee-wee an even bigger following. During the mid-1980s, Reubens traveled the United States with a whole new \"The Pee-wee Herman Show\", playing notably at the Guthrie Theater in Minneapolis, Caroline's in New York City and, in 1984, in front of a full Carnegie Hall. The success of \"The Pee-wee Herman Show\" prompted Warner Bros. to hire Reubens to write a script", + "score": 0.6884765625 + }, + { + "id": "12998728", + "title": "Ron Hayes", + "text": "Joseph Cotten Show\" starring Joseph Cotten. He was further cast as Lieutenant Harry Summers in the episode \"Family Portrait\" of Lee Marvin's NBC police drama, \"M Squad\". Late in 1957, Hayes was cast as \"The Durango Kid\" in the episode \"Town of Fear\" of the ABC/Warner Brothers western series, \"Cheyenne\", starring Clint Walker in the title role. Walter Coy played Sheriff Sam Townley in this episode, in whose jail the Kid was being held prior to his ill-fated escape. John Doucette was cast as Bill Jenkins, the leader of a lynch mob that plans to remove the Kid from jail", + "score": 0.6884765625 + }, + { + "id": "11136641", + "title": "Dick Curtis", + "text": "Dick Curtis Dick Curtis (born Richard Dye, May 11, 1902January 3, 1952) was an American actor who made over 230 film and television appearances during his career. Curtis was born in Newport, Kentucky, the son of Frank Dye and Elizabeth Faulkner Dye. After having limited work in Hollywood, Curtis acted on stage in New York and toured in a variety of productions from 1926 to 1930. Standing at 6' 3\", Curtis appeared in films stretching from Charles Starrett to The Three Stooges. In most of his films, he played villains or heavies. He made television appearances on \"The Lone Ranger\"", + "score": 0.6884765625 + }, + { + "id": "3634780", + "title": "Cleavon Little", + "text": "Cleavon Little Cleavon Jake Little (June 1, 1939 \u2013 October 22, 1992) was an American stage, film, and television actor. He began his career in the late 1960s on the stage. In 1970, he starred in the Broadway production of \"Purlie\", for which he earned both a Drama Desk Award and a Tony Award. His first leading television role was that of the irreverent Dr. Jerry Noland on the ABC sitcom \"Temperatures Rising\" (1972\u20131974). While starring in the sitcom, Little appeared in what has become his signature performance, portraying Sheriff Bart in the 1974 Mel Brooks comedy film \"Blazing Saddles\".", + "score": 0.6884765625 + }, + { + "id": "3195760", + "title": "Ken Curtis", + "text": "host of the long-running country music radio program \"WWVA Jamboree\". Ken Curtis joined the Sons of the Pioneers as a lead singer from 1949 to 1952. His big hits with the group included \"Room Full of Roses\" and \"\". Through his second marriage, Curtis was a son-in-law of film director John Ford. Curtis teamed with Ford and John Wayne in \"Rio Grande\", \"The Quiet Man\", \"The Wings of Eagles\", \"The Searchers\", \"The Horse Soldiers\", \"The Alamo\", and \"How The West Was Won\". Curtis also joined Ford, along with Henry Fonda, James Cagney, William Powell, and Jack Lemmon, in the comedy", + "score": 0.68798828125 + }, + { + "id": "5715050", + "title": "Rocky Delgadillo", + "text": "limit association by gang members in certain defined areas. Civil rights groups have challenged the injunctions, but the state's courts have upheld them. They have come under renewed attention recently, particularly in South Los Angeles, where some community members have complained that it is difficult for gang members to escape a sometimes intrusive law enforcement structure. One of the most well-publicized prosecutions by Delgadillo's office was that of entertainer Paul Reubens, more commonly known as Pee Wee Herman, for possession of child pornography. Delgadillo's office arranged a plea bargain requiring Reubens to pay a $100 fine and serve three years", + "score": 0.68798828125 + }, + { + "id": "8682517", + "title": "Ray Billingsley", + "text": "as \"Ebony\". In October of that year, King Features Syndicate introduced \"Curtis\". Billingsley credits \"Wee Pals\" creator Morrie Turner, the first black cartoonist in national syndication, with opening the door for \"Curtis\" and other strips. He also credits Will Eisner, creator of \"The Spirit\", for encouraging Billingsley to stretch out artistically. \"He always told me to reach out and do more than I thought I could. I continually draw strength when I relive his teachings,\" said Billingsley. Billingsley has received several awards, including the President's Award in 2000, during a conference between the American Lung Association and the Canadian Lung", + "score": 0.68798828125 + }, + { + "id": "324522", + "title": "Paul Reubens", + "text": "the ethics of reciprocity. Reubens believed that children liked the \"Playhouse\" because it was fast-paced, colorful and \"never talked them down\"; while parents liked the \"Playhouse\" because it reminded them of the past. In 1986, Reubens (billed as Paul Mall) was the voice of the ship's computer in \"Flight of the Navigator\". In 1987, Reubens provided the voice of REX, the main robot in the George Lucas produced Disneyland attraction, Star Tours, and reprised the role of Pee-wee Herman in cameo appearances in the film \"Back to the Beach\" and TV show \"Sesame Street\", the latter of which made a", + "score": 0.6875 + }, + { + "id": "11839796", + "title": "Tommy Pistol", + "text": "Tommy Pistol Tommy Pistol (born July 2, 1976) is the stage name of American adult film actor, director, and cook Aramis Sartorio. He is known for his porn parody work, most notably as the lead actor \"Evil Head\", \"Pee-Wee's XXX Adventure: A Porn Parody\", \"Taxi Driver\", and \"Suicide Squad: An Axel Braun Parody\" Sartorio started his career in Queens NY as a stage actor with sketch comedy group,\"Cheese Theater\", with whom he acted for more than a decade. He also appeared in several short and feature films. He entered the pornography business in late 2005, after meeting with Joanna Angel,", + "score": 0.6875 + }, + { + "id": "7853812", + "title": "Jesse Garcia", + "text": "cameo appearance on Marvel's \"The Avengers\" in 2012. Garcia was born in Rawlins, Wyoming and spent most of his childhood in Hanna, Wyoming. He was raised as a Jehovah's Witness, though he no longer practices that faith. His father is from the Mexican state of Durango and his mother, a native of Wyoming, is of Spanish and Mexican descent. He appeared in the 2010 revival of The Pee-wee Herman Show. and in the 2010 music video of Wisin & Yandel's \"Estoy enamorado\". Jesse Garcia Jesse Garcia (born c. 1982) is an American actor. Garcia starred in the award-winning film \"Quincea\u00f1era\",", + "score": 0.6875 + }, + { + "id": "6714016", + "title": "Michael Currie (actor)", + "text": "Michael Currie (actor) Michael Currie (born Herman Christian Schwenk Jr.; July 24, 1928 \u2013 December 22, 2009) was an American actor who appeared in several films and on television. Born in Kingston, New York to Herman C. Schwenk and Mabel Lockwood, he began his career in 1964. He had roles in several Clint Eastwood movies including the comedy film \"Any Which Way You Can\" (1980) and \"Firefox\" (1982). He also played Lt. Donnelly in the fourth installment of the \"Dirty Harry\" film series \"Sudden Impact\" (1983), and reprised his role as Capt. Donnelly in the 1988 sequel \"The Dead Pool\".", + "score": 0.6875 + }, + { + "id": "324526", + "title": "Paul Reubens", + "text": "of junk food, all the while trying to release his own sugar-free cereal \"Ralston Purina Pee-wee Chow cereal\", a project that died after a blind test. With his positive attitude and quirkiness, Pee-wee became an instant cult figure, earning a star on the Hollywood Walk of Fame by 1989, and successfully building a Pee-wee franchise, with toys, clothes and other items generating more than $25 million at its peak in 1988. Reubens also published a book as Pee-wee in 1989 called \"Travels with Pee-Wee\". CBS aired reruns of \"Playhouse\" until July 1991, when Reubens was arrested, pulling from their schedule", + "score": 0.68701171875 + }, + { + "id": "4128049", + "title": "Urban Cowboy", + "text": "However, their lives settle into a routine of work by day and Gilley's at night, where Bud likes to ride the mechanical bull. When Sissy also wants to ride, he forbids her from doing so. Wes Hightower is released on parole from Huntsville Penitentiary, and lands a job at Gilley's running the mechanical bull with his old friend, and Gilley's employee, Steve Strange. He openly flirts with Sissy, who is flattered and attracted to Wes, but a drunken Bud is enraged at the insult, and ends up in a fist fight with Wes. Sissy, against Bud's wishes, spends time at", + "score": 0.68701171875 + }, + { + "id": "11751743", + "title": "Pee Wee Erwin", + "text": "Pee Wee Erwin George Erwin, known as Pee Wee Erwin (May 30, 1913 in Falls City, Nebraska \u2013 June 20, 1981 in Teaneck, New Jersey), was an American jazz trumpeter. Erwin started on trumpet at age four. He played in several territory bands before joining the groups of Joe Haymes (1931\u201333) and Isham Jones (1933\u201334). He then moved to New York City, where he was prolific as a studio musician, performing on radio and in recording sessions. He played with Benny Goodman in 1934-35, then with Ray Noble in 1935; the next year he joined Goodman again, taking Bunny Berigan's", + "score": 0.68701171875 + }, + { + "id": "8929572", + "title": "David Gorcey", + "text": "whom he had his only child, David Gorcey Jr. Later in life, he became a minister and founded a halfway house to help recovering alcoholics and people with substance abuse problems. He died in Van Nuys, California on October 23, 1984 of complications of diabetes. David Gorcey David Gorcey (February 6, 1921 \u2013 October 23, 1984) was an American actor best known for portraying \"Pee Wee\" in Monogram Pictures' East Side Kids series, and \"Chuck\" in its offshoot The Bowery Boys. He was the younger brother of fellow Bowery Boy Leo Gorcey. Gorcey was born in Washington Heights, Manhattan, New", + "score": 0.6865234375 + }, + { + "id": "6652554", + "title": "Pee Wee King", + "text": "Pee Wee King Julius Frank Anthony Kuczynski (February 18, 1914 \u2013 March 7, 2000), known professionally as Pee Wee King, was an American country music songwriter and recording artist best known for co-writing \"Tennessee Waltz\". King was born in Abrams, Wisconsin to a Polish American family and lived in Abrams during his youth. He learned to play the accordion from his father, who was a professional polka musician. In the 1930s, he toured and made cowboy movies with Gene Autry. King joined the Grand Ole Opry in 1937. In 1946, while the bandleader of the Golden West Cowboys, King, together", + "score": 0.6865234375 + }, + { + "id": "3874497", + "title": "Curtis Armstrong", + "text": "had a role as Double Wide in the cartoon series \"Stroker and Hoop\" on Adult Swim. He appeared in the 2006 production of \"Akeelah and the Bee\" as Mr. Welch. He was on VH1's 100 Greatest Teen Stars despite being thirty when he played his first role. He played \"Mecklen\" in the 2007 film, \"Smokin' Aces\". In the feature film \"Ray\", for preparation for his role as music executive Ahmet Erteg\u00fcn, he had the top part of his head shaved to simulate male pattern baldness. He guest starred in episode 10 \u2014 \"Much Too Much\" \u2014 and had a much", + "score": 0.6865234375 + }, + { + "id": "5148122", + "title": "Edie McClurg", + "text": "of the Dark\" as Chastity Pariah. Having been a member of San Francisco's improv comedy the Pitcshel Players, she moved to Los Angeles and joined the Groundlings troupe. She worked with fellow Groundling player Paul Reubens on his first play \"The Pee-wee Herman Show\", in which she appeared in 1981 as \"Hermit Hattie\". McClurg has appeared in almost 90 films and 55 television episodes, usually typecast as a middle-aged, somewhat stubborn, and dim-witted Midwesterner. McClurg is known for a number of roles, including Mrs. Burns in \"A River Runs Through It\", Grace in \"Ferris Bueller's Day Off\", Lucille Tarlek on", + "score": 0.6865234375 + }, + { + "id": "10439052", + "title": "Lance Curtis", + "text": "Lance Curtis Lance Charles Curtis, was an Australian actor, writer and comedian who became well known in Australia in the early 1980s through his many radio, TV and film appearances. He was best known for his work on Triple J's \"Off The Record\" and The J-Team with comedians Angela Webber and Adam Bowen and presenters Jonathan Coleman, Ian Rogerson and Rusty Nails, and for his comic partnership with satirist Geoff Kelso, which included their collaboration on Double J's \"Doctor Who\" sendup \"Doctor Poo\", which ran from 1979-81 (not to be confused with the 1996 \"Viz\" comic strip of the same", + "score": 0.6865234375 + }, + { + "id": "16577141", + "title": "Western Jamboree", + "text": "Western Jamboree Western Jamboree is a 1938 American Western film directed by Ralph Staub and starring Gene Autry, Smiley Burnette, and Jean Rouverol. Based on a story by Patricia Harper, the film is about a singing cowboy who goes up against a gang of outlaws who are looking to steal the valuable helium gas beneath the cowboy's ranch. Ranch foreman Gene Autry (Gene Autry), his sidekick Frog Milhouse (Smiley Burnette), and the rest of the men at the Circle J ranch are anxious about the new owner, Van Fleet, who recently purchased the property. While awaiting his arrival, they learn", + "score": 0.6865234375 + } + ], + "answer": "Pee-wee's Playhouse is an American television series starring Paul Reubens as the childlike Pee-wee Herman which ran from 1986 to 1990 on Saturday mornings on CBS, and airing in reruns until July 1991. The premise of the show was that host Pee-wee Herman went to play in a fantastic house, situated in Puppetland, known as the Playhouse, which was filled with toys, gadgets, talking furniture and appliances, puppet characters and Jambi, a disembodied genie's head who lives in a jeweled box. The Playhouse was also visited by a regular cast of human characters, including Miss Yvonne, played by Lynne Marie Stewart, Reba The Mail Lady, played by S. Epatha Merkerson, Captain Carl, played by Phil Hartman, Cowboy Curtis, played by Laurence Fishburne and a small group of children, The Playhouse Gang. In the 2010 revival of the Pee-Wee Herman Show, Phil LaMarr played Cowboy Curtis." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "When exactly in the course of a game can a player be substituted in soccer?", + "short_answers": [ + "during a stoppage in play and with the permission of the referee" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "In most matches, when can a player be substituted in soccer in terms of frequency?", + "short_answers": [ + "three substitutions during a game and a fourth substitute during extra time" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Substitute (association football)", + "url": "https://en.wikipedia.org/wiki/Substitute%20%28association%20football%29" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "In most soccer matches, three substitutions can be made during the game (regulation) and a fourth substitution can be made during extra time. Substitutions are made during a stoppage in play and with the permission of the referee. " + }, + { + "knowledge": [ + { + "content": "Most competitions only allow each team to make a maximum of three substitutions during a game and a fourth substitute during extra time, although more substitutions are often permitted in non-competitive fixtures such as friendlies.", + "wikipage": "Substitute (association football)" + }, + { + "content": "A player who has been sent off (red card) cannot be substituted; the team will have to make do with the remaining players.", + "wikipage": "Substitute (association football) Relevant laws" + } + ], + "long_answer": "In soccer, most games only allow each team to make a maximum of three substitutions during a game and a fourth substitute during extra time, although the rules are more relaxed during less official games. A player can only be substituted during a stoppage in play and with the permission of the referee. If a player was given a red card during the match and is forced to leave the field, the team cannot make a substitution for that player and must work the remaining players on the field." + } + ], + "sample_id": "8439471156602817484", + "question": "When can a player be substituted in soccer?", + "docs": [ + { + "id": "5732298", + "title": "Substitute (association football)", + "text": "Substitute (association football) In association football, a substitute is a player who is brought on to the pitch during a match in exchange for an existing player. Substitutions are generally made to replace a player who has become tired or injured, or who is performing poorly, or for tactical reasons (such as bringing a striker on in place of a defender). Unlike some sports (such as American football, ice hockey or Kabaddi), a player who has been substituted during a match may take no further part in it. Most competitions only allow each team to make a maximum of three", + "score": 0.779296875, + "summary": "A player can be substituted in soccer when they become tired, injured, perform poorly, or for tactical reasons. Each team is allowed to make a maximum of three substitutions.", + "extraction": "\"A player can be substituted in soccer when they become tired or injured, or when they are performing poorly, or for tactical reasons such as replacing a defender with a striker.\"" + }, + { + "id": "11407631", + "title": "United States national beach soccer team", + "text": "make as many substitutions as they want. All substitutions can be made while the play is still going on. If a player receives two yellow cards or a straight red card and is sent off the field, a replacement can come on after a 2-minute penalty period. During the penalty period if the team that is up a player scored then the new player can come back on to make it 5 vs 5 again. All players, including the goalkeeper have 4 seconds to get the ball back into play. Goalkeepers can only use their hands to get the ball", + "score": 0.7607421875, + "summary": "A player can be substituted in soccer at any time during the game, and a replacement can come on after a 2-minute penalty period if a player receives two yellow cards or a straight red card and is sent off the field.", + "extraction": "\"A player can be substituted in soccer at any point during the game while the play is still going on.\"" + }, + { + "id": "5732307", + "title": "Substitute (association football)", + "text": "five in 1996, and it was announced that the number available on the bench would be seven for the 2008\u201309 season. According to the Laws of the Game (2018/19): A player may only be substituted during a stoppage in play and with the permission of the referee. The player to be substituted (outgoing player) must have left the field of play before the substitute (incoming player) may enter the field of play; at that point the substitute becomes a player and the person substituted ceases to be a player. The incoming player may only enter the field at the half-way", + "score": 0.7568359375, + "summary": "A player can be substituted in soccer during a stoppage in play with the permission of the referee. The outgoing player must have left the field of play before the incoming player can enter the field. The number of substitutes available on the bench was five in 1996 and increased to seven for the 2008-09 season.", + "extraction": "\"A player may only be substituted during a stoppage in play and with the permission of the referee.\"" + }, + { + "id": "11927606", + "title": "Substitution (sport)", + "text": "rules. Substitution is unlimited during play in ice hockey. In basketball, substitution is permitted only during stoppages of play, but is otherwise unlimited. In baseball and association football (soccer), substitution is permitted only during stoppages of play, and a player who has been substituted out of a game cannot re-enter it. In motorsports, a substitution behind the wheel goes by the term \"relief driver.\" Substitution (sport) In team sports, substitution (or interchange) is replacing one player with another during a match. Substitute players that are not in the starting lineup (also known as bench players, backups, or reserves) reside on", + "score": 0.7548828125, + "summary": "In soccer, substitution is permitted only during stoppages of play, and a player who has been substituted out of a game cannot re-enter it.", + "extraction": "In soccer, substitution is permitted only during stoppages of play, and a player who has been substituted out of a game cannot re-enter it." + }, + { + "id": "138032", + "title": "Association football", + "text": "that worn by the other players and the match officials. A number of players may be replaced by substitutes during the course of the game. The maximum number of substitutions permitted in most competitive international and domestic league games is three in ninety minutes with each team being allowed one more if the game should go into extra-time, though the permitted number may vary in other competitions or in friendly matches. Common reasons for a substitution include injury, tiredness, ineffectiveness, a tactical switch, or timewasting at the end of a finely poised game. In standard adult matches, a player who", + "score": 0.75390625, + "summary": "A player can be substituted in soccer for reasons such as injury, tiredness, ineffectiveness, tactical switch, or timewasting. The maximum number of substitutions allowed in most competitive international and domestic league games is three in ninety minutes, with each team being allowed one more if the game goes into extra-time.", + "extraction": "A number of players may be replaced by substitutes during the course of the game. The maximum number of substitutions permitted in most competitive international and domestic league games is three in ninety minutes with each team being allowed one more if the game should go into extra-time, though the permitted number may vary in other competitions or in friendly matches. \n\nTherefore, a player can be substituted in soccer during the course of the game. The maximum number of substitutions permitted in most competitive international and domestic league games is three in ninety" + }, + { + "id": "5732310", + "title": "Substitute (association football)", + "text": "when Arsenal midfielder Robert Pires was replaced by second-choice goalkeeper Manuel Almunia to replace Jens Lehmann, who received a red card less than 20 minutes into the match, the coach will usually (but is not required to) substitute an outfield player so that the backup goalkeeper can enter the game. If all substitutions have been used, or if no goalkeeper is available, an outfield player will take up the role of the goalkeeper. A famous example of this is when Chelsea goalkeepers Petr \u010cech and Carlo Cudicini were both injured in the same game, which led to defender John Terry", + "score": 0.74609375, + "summary": "A player can be substituted in soccer when the coach chooses to do so, typically to replace a goalkeeper who has received a red card or has been injured. If all substitutions have been used or no goalkeeper is available, an outfield player may take on the role of the goalkeeper.", + "extraction": "\"If all substitutions have been used, or if no goalkeeper is available, an outfield player will take up the role of the goalkeeper.\"" + }, + { + "id": "5732312", + "title": "Substitute (association football)", + "text": "Milan, Nwankwo Kanu for Arsenal, David Fairclough for Liverpool, Adam Le Fondre for Reading, Ole Gunnar Solskj\u00e6r and Javier Hern\u00e1ndez for Manchester United, Mikael Forssell for Chelsea, Leon Clarke for Wigan Athletic, Brendon Santalab for Western Sydney Wanderers Henrique for Brisbane Roar, Stevie Kirk for Motherwell, Archie Thompson, Joshua Kennedy and Tim Cahill for Australia. Substitute (association football) In association football, a substitute is a player who is brought on to the pitch during a match in exchange for an existing player. Substitutions are generally made to replace a player who has become tired or injured, or who is performing", + "score": 0.74365234375, + "summary": "A substitute in soccer is a player who is brought on to the pitch during a match in exchange for an existing player who may be tired, injured, or underperforming. The document mentions several names of players who have been substitutes for various teams, including Milan, Nwankwo Kanu, David Fairclough, Adam Le Fondre, Ole Gunnar Solskj\u00e6r, Javier Hern\u00e1ndez, Mikael Forssell, Leon Clarke, Brendon Santalab, Henrique,", + "extraction": "\"In association football, a substitute is a player who is brought on to the pitch during a match in exchange for an existing player.\"" + }, + { + "id": "173640", + "title": "Handball", + "text": "well as arguing with the officials' decisions, will normally result in a two-minute suspension. If the suspended player protests further, does not walk straight off the field to the bench, or if the referee deems the tempo deliberately slow, the player can be given an additional two-minute suspension. Illegal substitution (outside of the dedicated area, or if the replacement player enters too early) is also punishable by a two-minute suspension. Players are typically referred to by the positions they are playing. The positions are always denoted from the view of the respective goalkeeper, so that a defender on the right", + "score": 0.7353515625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is discussing handball and does not provide information about soccer substitutions." + }, + { + "id": "19914670", + "title": "Comparison of association football and futsal", + "text": "is dedicated to indicating that there is no offside rule. Although in both sports, the referee has discretion over which players can or cannot come into the pitch, but in futsal substitutions can happen during play provided that players come on and off the pitch simultaneously and through a designated area. In association football, players must wait until a stoppage in play to enter the pitch, and then only after the referee has been advised of the substitution. Although there are many variations, at the highest levels of competition, generally three substitutions are allowed per side during a match. In", + "score": 0.73486328125, + "summary": "In association football, players must wait until a stoppage in play to enter the pitch, and then only after the referee has been advised of the substitution. Generally, three substitutions are allowed per side during a match.", + "extraction": "In association football, players must wait until a stoppage in play to enter the pitch, and then only after the referee has been advised of the substitution." + }, + { + "id": "3120726", + "title": "Association football tactics and skills", + "text": "state the maximum number of players allowed to be named as a substitute, which may be anywhere between three and twelve. In non-competitive matches, the use of substitutes must be determined before the match begins, except in friendly international matches, where no more than six substitutes may be brought on. The most tired players are generally substituted, but only if their substitutes are well trained to fill in the same role, or if the formation is transformed at the same time to accommodate for the substitution. Coaches often refrain from substituting defensive players in order not to disrupt the defensive", + "score": 0.73486328125, + "summary": "A team can name between three and twelve substitutes in soccer, and in friendly international matches, up to six substitutes may be brought on. The most tired players are generally substituted, but defensive players are often not substituted to avoid disrupting the defense.", + "extraction": "The most tired players are generally substituted, but only if their substitutes are well trained to fill in the same role, or if the formation is transformed at the same time to accommodate for the substitution." + }, + { + "id": "5732311", + "title": "Substitute (association football)", + "text": "spending the remainder of the match in goal wearing third-choice goalkeeper Hil\u00e1rio's shirt. According to the Laws of the Game, \"up to a maximum of three substitutes may be used in any match played in an official competition organised under the auspices of FIFA, the confederations or the member associations.\" Also: The term \"super-sub\" refers to a substitution made by the manager that subsequently saves the game, generally by scoring a late equalising or winning goal. Players regarded as \"super-subs\" include Tup\u00e3zinho and Dinei for Corinthians, Azar Karadas for Brann, Santiago Solari for Real Madrid, Jon Dahl Tomasson for AC", + "score": 0.724609375, + "summary": "According to the Laws of the Game, up to three substitutes can be used in a soccer match organized under FIFA.", + "extraction": "\"Up to a maximum of three substitutes may be used in any match played in an official competition organised under the auspices of FIFA, the confederations or the member associations.\"" + }, + { + "id": "5732309", + "title": "Substitute (association football)", + "text": "player to be substituted, even if the team manager or captain has ordered their player to be substituted. If a player refuses to be substituted play may simply resume with that player on the field. However, in some situations players may still be liable to punishment with a caution (yellow card) for time wasting or unsporting behaviour. A player who has been sent off (red card) may not be substituted; the team will have to make do with the remaining players. In the case of a goalkeeper who is sent off, such as in the 2006 UEFA Champions League Final,", + "score": 0.72412109375, + "summary": "A player can be substituted in soccer if the team manager or captain orders it, except if the player refuses or has been sent off with a red card. If the goalkeeper is sent off, the remaining players must continue without a substitute.", + "extraction": "A player can be substituted in soccer as long as they have not been sent off with a red card." + }, + { + "id": "8898735", + "title": "English public school football games", + "text": "of the term \"substitute\" in football was to describe the replacement of players who failed to turn up for matches. For example, in 1863, a match reports states: \"The Charterhouse eleven played a match in cloisters against some old Carthusians but in consequence of the non-appearance of some of those who were expected it was necessary to provide three substitutes.\" The substitution of absent players happened as early as the 1850s, for example from Eton College where the term \"emergencies\" is used Numerous references to players acting as a \"substitute\" occur in soccer matches in the mid-1860s where it is", + "score": 0.7236328125, + "summary": "Irrelevant.", + "extraction": "A player can be substituted in soccer when they fail to turn up for matches, as early references to \"substitutes\" in soccer matches date back to the mid-1860s and describe the replacement of absent players." + }, + { + "id": "5732300", + "title": "Substitute (association football)", + "text": "may be used as substitutes; these players typically sit in the technical area with the coaches, and are said to be \"on the bench\". When the substitute enters the field of play it is said they have \"come on\" or have been \"brought on\", while the player they are substituting is \"coming off\" or being \"brought off\". A player who is noted for frequently making appearances, or scoring important goals, as a substitute is often informally known as a \"super sub\". The origin of football substitutes goes back to at least the early 1860s as part of English public school", + "score": 0.7236328125, + "summary": "Players can be substituted in soccer when the coach decides to bring them on the field to replace a player who is coming off. The origin of soccer substitutes dates back to at least the early 1860s.", + "extraction": "A player can be substituted in soccer when another player comes on to the field to replace them, while the player being substituted is coming off or being brought off." + }, + { + "id": "5732299", + "title": "Substitute (association football)", + "text": "substitutions during a game and a fourth substitute during extra time, although more substitutions are often permitted in non-competitive fixtures such as friendlies. A fourth substitution in extra time was first implemented in recent tournaments, including the 2016 Summer Olympic Games, the 2017 FIFA Confederations Cup and the 2017 CONCACAF Gold Cup final. A fourth substitute in extra time has been approved for use in the elimination rounds at the 2018 FIFA World Cup, the UEFA Champions League and the UEFA Europa League. Each team nominates a number of players (typically between five and seven, depending on the competition) who", + "score": 0.71923828125, + "summary": "A player can be substituted during a soccer game and a fourth substitute is allowed during extra time in recent tournaments, including the 2016 Summer Olympic Games, the 2017 FIFA Confederations Cup and the 2017 CONCACAF Gold Cup final. A fourth substitute in extra time has been approved for use in the elimination rounds at the 2018 FIFA World Cup, the UEFA Champions League and the UEFA Europa League.", + "extraction": "A player can be substituted during a game and a fourth substitute can be used during extra time in soccer." + }, + { + "id": "5732303", + "title": "Substitute (association football)", + "text": "is recorded as having been replaced by Richard Gottinger in their match with the Saarland on 11 October 1953.) The use of substitutes in World Cup Finals matches was not allowed until the 1970 tournament. The number of substitutes usable in a competitive match has increased from zero\u2014meaning teams were reduced if players' injuries could not allow them to play on\u2014to one (plus another for an injured goalkeeper) in 1958; to two out of a possible five in 1988. With the later increases in substitutions allowed, the number of potential substitute players increased to seven. The number of substitutes increased", + "score": 0.716796875, + "summary": "A player can be substituted in soccer. The number of substitutes usable in competitive matches has increased from zero to seven, with the earliest use of a substitute recorded in a match in 1953. Substitutions were not allowed in World Cup Finals matches until 1970.", + "extraction": "A player can be substituted in soccer starting from one (plus another for an injured goalkeeper) in 1958, and the number of potential substitute players increased to seven with the later increases in substitutions allowed." + }, + { + "id": "5732301", + "title": "Substitute (association football)", + "text": "football games. The original use of the term \"substitute\" in football was to describe the replacement of players who failed to turn up for matches. For example, in 1863, a match reports states: \"The Charterhouse eleven played a match in cloisters against some old Carthusians but in consequence of the non-appearance of some of those who were expected it was necessary to provide three substitutes.\" The substitution of absent players happened as early as the 1850s, for example from Eton College where the term \"emergencies\" is used. Numerous references to players acting as a \"substitute\" occur in matches in the", + "score": 0.71630859375, + "summary": "The document discusses the original use of the term \"substitute\" in football, which was to replace players who failed to show up for matches. However, there is no information provided on when a player can be substituted during a soccer game.", + "extraction": "A player can be substituted in soccer during a match. The substitution happens when a player is absent or fails to turn up for the match. This happened as early as the 1850s, and the term \"substitute\" was used to describe the replacement of these absent players." + }, + { + "id": "5732302", + "title": "Substitute (association football)", + "text": "mid-1860s where it is not indicated whether these were replacements of absent players or of players injured during the match. The first use of a substitute in international football was on 15 April 1889, in the match between Wales and Scotland at Wrexham. Wales's original goalkeeper, Jim Trainer, failed to arrive; local amateur player Alf Pugh started the match and played for some 20 minutes until the arrival of Sam Gillam, who took over from him. Substitution during games was first permitted in 1958. (Although as early as the qualifying phase for the 1954 World Cup, Horst Eckel of Germany", + "score": 0.71435546875, + "summary": "Substitution during soccer games was first permitted in 1958. The first use of a substitute in international football was on 15 April 1889.", + "extraction": "Substitution during games was first permitted in 1958." + }, + { + "id": "11927605", + "title": "Substitution (sport)", + "text": "Substitution (sport) In team sports, substitution (or interchange) is replacing one player with another during a match. Substitute players that are not in the starting lineup (also known as bench players, backups, or reserves) reside on the bench and are available to substitute for a starter. Later in the match, that substitute may be substituted for by another substitute or by a starter who is currently on the bench. Some sports have restrictions on substituting or interchanging players whereas others do not. American football, ice hockey, and basketball are examples of sports which practice \"unlimited\" substitution, albeit subject to certain", + "score": 0.71240234375, + "summary": "Substitution in soccer allows a player to replace another player during a match. Bench players are available to substitute for starters, and substitutions can be made later in the game. There are no restrictions on substituting in soccer.", + "extraction": "In soccer, each team is allowed to make three substitutions during the course of a game, with a fourth substitution permitted in extra time." + }, + { + "id": "5732304", + "title": "Substitute (association football)", + "text": "to two plus one (injured goalkeeper) in 1994, to three in 1995; and most recently to a fourth substitute in certain competitions in extra time. Substitutions during matches in the English Football League were first permitted in the 1965\u201366 season. During the first two seasons after the law was introduced, each side was permitted only one substitution during a game. Moreover, the substitute could only replace an injured player. From the 1967\u201368 season, this rule was relaxed to allow substitutions for tactical reasons. On 21 August 1965, Keith Peacock of Charlton Athletic became the first substitute used in the Football", + "score": 0.70751953125, + "summary": "A player can be substituted in soccer for tactical reasons since the 1967-68 season, and during matches in the English Football League since the 1965-66 season. The number of substitutions allowed has increased from one to four in certain competitions in extra time. Keith Peacock of Charlton Athletic became the first substitute used in the Football League on August 21, 1965.", + "extraction": "From the 1967-68 season, substitutions in soccer were allowed for tactical reasons, not just for replacing an injured player." + }, + { + "id": "5732308", + "title": "Substitute (association football)", + "text": "line. Failure to comply with these provisions may be punished by a caution (yellow card). A player who has been substituted may take no further part in a match. Unused substitutes still on the bench, as well as players who have been already substituted, remain under the authority of the referee. These are liable for misconduct, though cannot be said to have committed a foul. For example, in the 2002 FIFA World Cup, Claudio Caniggia was shown the red card for cursing at the referee from the bench. Under the Laws, the referee has no specific power to force a", + "score": 0.70458984375 + }, + { + "id": "5732306", + "title": "Substitute (association football)", + "text": "August 1966. Previously, on 20 January 1917, a player called Morgan came on for the injured Morrison of Partick Thistle after 5 minutes against Rangers at Firhill, but this was an isolated case and the Scottish League did not authorise substitutes until 1966. In later years, the number of substitutes permitted in Football League matches has gradually increased; at present each team is permitted to name either five or seven substitutes depending on the country and competition, of which a maximum of three may be used. In England, the Premier League increased the number of players on the bench to", + "score": 0.70361328125 + }, + { + "id": "11246374", + "title": "Lacrosse strategy", + "text": "in a variety of ways. The primary method for substituting players is through the special substitution box, an area located between the two team benches that allows for on-the-fly substitutions. All on-the-fly substitutions must be through this \"box.\" Substitutions can also be made when the ball goes out on either sideline. In this case, if the coach desires to substitute players, he can ask for a horn to signify this \"regular substitution\". Play is delayed until the team(s) substituting have the players they want on the field. \"Regular substitution\" can also occur after goals are scored and penalties are reported", + "score": 0.6943359375 + }, + { + "id": "341763", + "title": "Rugby union", + "text": "not caught by the referee during the match and these may be \"cited\" by the citing commissioner after the match and have punishments (usually suspension for a number of weeks) imposed on the infringing player. During the match, players may be replaced (for injury) or substituted (for tactical reasons). A player who has been replaced may not rejoin play unless he was temporarily replaced to have bleeding controlled; a player who has been substituted may return temporarily, to replace a player who has a blood injury or has suffered a concussion, or permanently, if he is replacing a front-row forward.", + "score": 0.6904296875 + }, + { + "id": "136064", + "title": "Field hockey", + "text": "team can sub in and out. Substitutions are permitted at any point in the game, apart from between the award and end of a penalty corner; two exceptions to this rule is for injury or suspension of the defending goalkeeper, which is not allowed when playing with a field keep, or a player can exit the field, but you must wait until after the inserter touches the ball to put somebody back in. Players are permitted to play the ball with the flat of the 'face side' and with the edges of the head and handle of the field hockey", + "score": 0.68896484375 + }, + { + "id": "5936474", + "title": "Interchange (Australian rules football)", + "text": "permanently leaves the field. The substitute rule was resisted for many years, with the prevailing view in the 1910s and 1920s being that a team should be permitted only to substitute a player in the event of an injury, but that there was no way to rule against a team making a tactical substitution. A single substitute was finally introduced by the Australian National Football Council for the 1930 season, with no restrictions on whether the substitution be used for injury or tactical reasons. A second substitute was introduced in 1946, before the substitutes were replaced by interchange in the", + "score": 0.68603515625 + }, + { + "id": "1773990", + "title": "Arena football", + "text": "long snapper or holder. In 2006, the AFL changed its substitution rules such that free substitutions were allowed on all kickoffs. The most significant change was the introduction of free substitution, the so-called \"Elway Rule\". Previously, AFL coaches were limited to one substitution per position per quarter. Since the 2007 season, coaches can substitute players at will. The rationale was that free substitution would improve the overall quality of football in the league by giving coaches the freedom to put their best players on the field for every play of the game, and that teams would be able to select", + "score": 0.6845703125 + }, + { + "id": "7924910", + "title": "Goalkeeper (association football)", + "text": "are injured or sent off, a substitute goalkeeper has to take their place, otherwise an outfield player must take the ejected keeper's place in goal. In order to replace a goalkeeper who is sent off, a team usually substitutes an outfield player for the backup keeper (thus effectively the red card and substitution takes out two of the starting eleven players). They then play the remainder of the match with nine outfield players. If a team does not have a substitute goalkeeper, or they have already used all of their permitted substitutions for the match, an outfield player has to", + "score": 0.68408203125 + }, + { + "id": "6737446", + "title": "Australian rules football positions", + "text": "and one substitute player. The substitute sat on the bench and began the game wearing a green vest over his playing guernsey. He was not permitted to enter the field of play, nor be interchanged while wearing the green vest. At any time during the game, he could be substituted for one of the other players in the team - either on the ground or on the bench. He took off his green vest, and the player he substituted put on a red vest. The player in the red vest could take no further part in the game. Teams were", + "score": 0.67919921875 + }, + { + "id": "6398694", + "title": "Fouls and misconduct (association football)", + "text": "be implemented. For 90-minute games, the length of the temporary dismissal is 10 minutes. A red card is shown by a referee to signify that a player must be sent off. A player who has been sent off is required to leave the field of play immediately, must take no further part in the game and cannot be replaced by a substitute, forcing their team to play with one less player. Only players, substitutes and substituted players may receive a red card. If a team's goalkeeper receives a red card another player is required to assume goalkeeping duties, so teams", + "score": 0.67822265625 + }, + { + "id": "347747", + "title": "Rugby league", + "text": "field. However, since 1996 European teams have been able to grant players specific squad numbers, which they keep without regard to the position they play, similarly to association football. Substitutes (generally referred to as \"the bench\") are allowed in the sport, and are typically used when a player gets tired or injured, although they can also be used tactically. Each team is currently allowed four substitutes, and in Australia and New Zealand, these players occupy shirt numbers 14 to 22. There are no limitations on which players must occupy these interchangeable slots. Generally, twelve interchanges are allowed in any game", + "score": 0.67626953125 + }, + { + "id": "3120728", + "title": "Association football tactics and skills", + "text": "defensive midfielders or defenders. Injured players may also need to be substituted. For each injured player who must be substituted, the team loses one more opportunity to influence things later in the game in their favour. Substitutions can also be used as a time consuming tactic to hold a one-goal lead in the last minutes. The following are fouls or poor conduct practices in football: Although some fans and players see foul play as a good part of the game (as long as it helps them win), FIFA constantly change rules and issue campaigns for promoting \"Fair Play\". The importance", + "score": 0.67578125 + }, + { + "id": "4127467", + "title": "Rugby league positions", + "text": "for the whole game, and not change shirts to display the number 1. The rules governing if and when a replacement can be used have varied over the history of the game; currently they can be used for any reason by their coach \u2013 typically because of injury, to manage fatigue, for tactical reasons or due to poor performance. Under current rules, players who have been substituted are typically allowed to be substituted back into the game later on. Leagues in different countries have had different rules on how many interchanges can be made in a game. the European Super", + "score": 0.67431640625 + }, + { + "id": "173622", + "title": "Handball", + "text": "they do so in order to gain an advantage in defending. Outside of one long edge of the playing field to both sides of the middle line are the substitution areas for each team. The areas usually contain the benches as seating opportunities. Team officials, substitutes, and suspended players must wait within this area. The area always lies to the same side as the team's own goal. During half-time, substitution areas are swapped. Any player entering or leaving the play must cross the substitution line which is part of the side line and extends from the middle line to the", + "score": 0.6728515625 + }, + { + "id": "3120727", + "title": "Association football tactics and skills", + "text": "posture of the team. Instead, they often replace ineffective attackers or unimaginative midfielders in order to freshen up the attacking posture and increase their chances of scoring. For a team that is losing a game, a fresh striker can bring more benefit in circumventing an opposed defence line composed of relatively tired players. For a team that is winning a game, a fresh midfielder or a defender can bring more benefit in strengthening the defence against the opposition's attackers (who may be fresh substitutes themselves). In this situation, it is usually imaginative attacking flair players who are replaced by tough-tackling", + "score": 0.67041015625 + }, + { + "id": "3851185", + "title": "College soccer", + "text": "generally counts down from 45:00 to 0:00 in each half. In most professional soccer leagues, there is an up-counting clock with the referee adding stoppage time to the end of each 45-minute half. In February 2017, the NCAA rules committee met to discuss a proposed rule that would change the double jeopardy rule. If the last player was to foul a player and deny a goal scoring opportunity, this goal would instead give the referee the ability to choose to issue a yellow card, if they were to feel it was a proper attempt to get the ball. The change", + "score": 0.66796875 + }, + { + "id": "173628", + "title": "Handball", + "text": "an eye on the benches and notify the referees on substitution errors. Their desk is located between the two substitution areas. Each team consists of seven players on court and seven substitute players on the bench. One player on the court must be the designated goalkeeper, differing in his clothing from the rest of the field players. Substitution of players can be done in any number and at any time during game play. An exchange takes place over the substitution line. A prior notification of the referees is not necessary. Some national bodies, such as the Deutsche Handball Bund (DHB,", + "score": 0.6669921875 + }, + { + "id": "5732023", + "title": "Substitute (cricket)", + "text": "Substitute (cricket) A substitute in the sport of cricket is a replacement player that the umpires allow when a player has been injured or become ill after the nomination of the players at the start of the game. The rules for substitutes appear in Law 24 of the \"Laws of cricket\". The use of substitutes is known from the 18th century. In the report of a match on Monday, 5 September 1748, the role is termed a \"Seeker-out\"; this was in the sense that George Smith, who was carrying an injury and had been granted a substitute fielder in previous", + "score": 0.66552734375 + }, + { + "id": "2349832", + "title": "One Day International", + "text": "the 11th and 50th overs. Finally, in 2012, the bowling powerplay was abandoned, and the number of fielders allowed outside the 30-yard circle during non-powerplay overs was reduced from five to four. The trial regulations also introduced a substitution rule that allowed the introduction of a replacement player at any stage in the match and until he was called up to play he assumed the role of 12th man. Teams nominated their replacement player, called a \"Supersub\", before the toss. The Supersub could bat, bowl, field or keep wicket once a player was replaced; the replaced player took over the", + "score": 0.6630859375 + }, + { + "id": "6398695", + "title": "Fouls and misconduct (association football)", + "text": "usually substitute another goalkeeper for an outfield player if they still have substitutes available. Law 12 of the Laws of the Game lists the categories of misconduct for which a player may be sent off. These are: Serious foul play is a foul committed using excessive force (i.e., \"the player...is deliberately or attempting to injuring his/her opponent\"). Violent conduct is distinct from serious foul play in that it may be committed by any player, substitute, or substituted player against any person, e.g., teammates, match officials, or spectators. Once a player has been sent off, they are not permitted to stay", + "score": 0.66162109375 + }, + { + "id": "7503379", + "title": "John Kerr Jr. (soccer)", + "text": "club away at Oxford United in a 4\u20132 defeat on August 15, 1987. During the 1987\u201388 season, Kerr made a first team total of four league and two cup game appearances together with a 3-month loan spell at then Fourth Division club, Peterborough United. During one of those first team appearances for Portsmouth, Kerr was to make English Football League history when on September 19, 1987 while on the field of play as a replacement in a First Division away fixture at Watford, he became the first substitute to be likewise, substituted. The English Football League rule change that increased", + "score": 0.6611328125 + }, + { + "id": "19908993", + "title": "2017 Liga 1", + "text": "the maximum number of substitutions to five for each team in a match. On 30 July 2017, in preparation for the 2017 Southeast Asian Games, all regulations concerning under-23 players are suspended. Later on 31 August 2017, PSSI decided to extend the suspension of all regulations concerning under-23 players until end of season. FIFA approved the five substitution rule on 12 April 2017. However, the two additional substitutions (in addition of three substitutions, in accordance to FIFA Laws of the Game) are only allowed for U-23 players. A total of 18 teams participated in the inaugural season of Liga 1.", + "score": 0.6611328125 + }, + { + "id": "11407629", + "title": "United States national beach soccer team", + "text": "United States national beach soccer team The United States national beach soccer team represents the United States in international beach soccer competitions and is controlled by the USSF, the governing body for soccer in the United States. A Beach Soccer game is divided into 3, 12-minute periods. There are 2, 3-minute breaks, that split up the periods. Beach soccer is played with two teams, each with 4 field players and one goalie. The play clock will stop whenever a goal is scored, when there is an infraction, and if a team is suspected to be wasting time. A Beach Soccer", + "score": 0.66064453125 + }, + { + "id": "5732305", + "title": "Substitute (association football)", + "text": "League when he replaced injured goalkeeper Mike Rose eleven minutes into their away match against Bolton Wanderers. On the same day, Bobby Knox became the first ever substitute to score a goal when he scored for Barrow against Wrexham. Archie Gemmill of St Mirren was the first substitute to come on in a Scottish first-class match, on 13 August 1966 in a League Cup tie against Clyde when he replaced Jim Clunie after 23 minutes. The first official substitute in a Scottish League match was Paul Conn for Queen's Park vs Albion Rovers in a Division 2 match on 24", + "score": 0.65966796875 + }, + { + "id": "11576003", + "title": "Team Speedway Junior European Championship", + "text": "follows: The substitute rider may take the place of any programmed rider at any time, within the maximum number of permitted heats (5+1 additional heat as tactical substitution, where applicable) when decided by the Team Manager. A tactical substitution can be introduced by a team with 6 or more points in arrears of the leading team. Each team member is permitted to be a tactical substitution only once in the meeting. The use of a tactical substitute rider must stop as soon as the team is no longer 6 or more points behind the leading team. In Heats 17-20 if", + "score": 0.65966796875 + }, + { + "id": "9595561", + "title": "Canadian Major Indoor Soccer League", + "text": "serve a two- or four-minute penalty depending on the severity of the offense. A single game is composed of four 15-minute quarters. In the few instances where doubleheaders are scheduled, the games will then be shortened to two 20-minute halves. During exhibition matches if the teams are tied at the end of the regulation time, a penalty shootout will occur to determine the winner. Canadian Major Indoor Soccer League The Canadian Major Indoor Soccer League or CMISL is a professional indoor soccer league that began full league play in January 2008. The league's president is Felix Barraza. The indoor league's", + "score": 0.6591796875 + }, + { + "id": "8447266", + "title": "Comparison of American football and rugby union", + "text": "front-row forwards). Rugby teams may make up to seven substitutions. Each team must field 15 players at the start of each match. Players who are bleeding may receive medical treatment off pitch and are replaced until they have stopped bleeding. If the bleeding has not stopped after 15 minutes of \"real time\", the player will be permanently substituted. This can be down to officials' discretion, depending at which level the sport is played, where only minor medical assistance is needed to make the player fit to return to the field of play. Ejected players in American football can be replaced", + "score": 0.65771484375 + }, + { + "id": "5732028", + "title": "Substitute (cricket)", + "text": "the field at least equal to the time that they were absent before resuming bowling. Variations of the time periods required and the circumstances of the players return to the field apply in different forms of the game. In 2005, the International Cricket Council announced, as part of a package of changes to the playing conditions for One Day Internationals to be trialled over a ten-month period, that tactical substitutions would be permitted. Each team was to be allowed one substitute, who had to be named before the toss was made, and could be introduced at any stage of the", + "score": 0.6552734375 + }, + { + "id": "5732024", + "title": "Substitute (cricket)", + "text": "matches, was denied one in this match. A substitute can act for the injured or ill player in the field, although he may not bowl, bat or as captain, unless otherwise agreed by the captains. A player may bat, bowl and field even if he has had a substitute for part of the game, though they need to wait for a period equal to their time off the field until they bat or bowl again. Substitutes are generally not listed in the official squad list, unless if they were in the starting XI for other games in the wider squad.", + "score": 0.65478515625 + }, + { + "id": "14445645", + "title": "Rugby union match officials", + "text": "coming off and the player going on the field. This means it is one less thing for the referee to worry about. The substitution controller is also usually the reserve assistant referee. This means that if a referee is injured, one of the assistant referees will take over and the substitution controller will become an assistant referee. If an assistant referee is injured the substitution controller will take the place of the assistant referee. A timekeeper may also be appointed to indicate to the referee when they believe a half should end. Ultimately, it is up to the referee to", + "score": 0.654296875 + }, + { + "id": "10418182", + "title": "Viktor Serebryanikov", + "text": "1966 and 1970 World Cup tournaments. He is statistically remembered as the first substituted player in the history of the World Cup, in 1970, the first World Cup where substitutions were allowed. He was substituted at half-time in the opening game of the tournament, between USSR and hosts Mexico, when he was replaced by Anatoliy Puzach. Viktor Serebryanikov Viktor Petrovich Serebryanikov (; , 29 March 1940 \u2013 12 November 2014) was a Ukrainian association football player. He was the first to receive the Ukrainian Footballer of the Year award. Serebryanikov was the first coach of Nyva Ternopil that started out", + "score": 0.65380859375 + }, + { + "id": "6398690", + "title": "Fouls and misconduct (association football)", + "text": "player who has been cautioned may continue playing in the game; however, a player who receives a second caution in a match is sent off (shown the yellow card again, and then a red card). Law 12 of the Laws of the Game lists the types of offences and misconduct that may result in a caution. It also states that \"only a player, substitute or substituted player\" can be cautioned. A player is cautioned and shown a yellow card if he/she commits any of the following offences: What constitutes cautionable unsporting behaviour is generally at the referee's discretion, though the", + "score": 0.65185546875 + }, + { + "id": "5085902", + "title": "Beach soccer", + "text": "referee the game. They are assisted by a third referee, who acts in a manner similar to football's fourth official and a timekeeper. As in football, yellow and red cards can be issued. Unlike in football, the team can then bring on a substitute to replace the dismissed player after two minutes. Similar to a power play in ice hockey, this period of numerical advantage ends early if the penalised team concedes a goal. Free kicks are awarded for various fouls. All free kicks are direct free kicks which has to be taken by the player who was fouled, unless", + "score": 0.65087890625 + }, + { + "id": "5085900", + "title": "Beach soccer", + "text": "of each upright. Each team consists of five players, including the goalkeeper and an unlimited number of substitutions, from a selection of three to five players. Throw-ins and kick-ins mean the pace and flow of the game are much faster than regular football. Shoes are not allowed; players must play in bare feet, although ankle guards are permitted. Goal clearances (the equivalent of a goal kick) are taken by the goalkeeper using their hands to throw the ball and a goal cannot be scored directly from these. A game lasts thirty-six minutes, and is split up into three twelve-minute periods.", + "score": 0.64990234375 + }, + { + "id": "12155746", + "title": "Danijel Subas\u030cic\u0301", + "text": "the image, but FIFA issued a warning to Suba\u0161i\u0107 due to his \"private message\", as FIFA rules state that a player is not allowed to display private, political, religious or similar images. The decision was made by FIFA as a result of previous players taking off their jersey and displaying images or texts that could cause controversy. Following the match against Russia, Suba\u0161i\u0107 walked up to the fans in order to take off his jersey and display the image once again, although he only showed a small part of it, as he was stopped by Croatia staff member Iva Olivari,", + "score": 0.64990234375 + }, + { + "id": "7892265", + "title": "Penalty card", + "text": "an opponent in a violent or dangerous way, causing advantage by intentionally stopping the ball with a high stick or protesting a referee's decision. A blue card is also frequently used in indoor soccer in the United States, signifying that the offender must leave the field and stay in a penalty box (usually 2\u20135 minutes), during which time their team plays down a man (identical to ice hockey and roller hockey). If a goal is scored by the team opposite of the offender, then the offender may return to the field immediately. It is also used in the Clericus Cup", + "score": 0.6494140625 + }, + { + "id": "1566967", + "title": "Futsal", + "text": "person, or denying the opposing team a goal by handling the ball (except the goalkeeper inside their penalty area). Also punishable with a red card is denying an opponent moving towards the player's goal a goalscoring opportunity by committing an offence punishable by a free kick or a penalty kick and using offensive, insulting or abusive language or gestures. A player who has been sent off must leave the vicinity of the field. A substitute player is permitted to come on two minutes after a teammate has been sent off, unless a goal is scored before the end of the", + "score": 0.64892578125 + }, + { + "id": "5732027", + "title": "Substitute (cricket)", + "text": "would recommend introduction of substitutes the majority of players are still not in favour. There have been calls for concussion substitutes with increased concussion awareness in the last 5 years. New Zealand has already introduced the rule for their domestic limited-overs competitions, having had two concussion-related substitutions in 2016. When a player leaves the ground due to injury and is replaced by a substitute fielder, he/she is generally not permitted to return and immediately resume bowling (or batting if their team's innings commences while they are off the field). The injured player is required to spend a period back on", + "score": 0.6484375 + }, + { + "id": "7892266", + "title": "Penalty card", + "text": "association football league for a 5-minute bench penalty for unsportsmanlike play. And it is also used in the beach soccer for a 2-minute bench penalty for unsportsmanlike play. A Blue Card is also used in quidditch to indicate a technical foul. The fouling player is sent to the penalty box for one minute or until a goal is scored against the fouling player's team. Unlike a yellow card, there is no additional penalty for multiple blue cards. In European indoor soccer or Futsal, a Blue Card was used to send a player off the court; however the team was able", + "score": 0.6474609375 + }, + { + "id": "16151092", + "title": "Alf Pugh", + "text": "that the Scots had failed to defeat the Welsh, and only the second international match in which neither team had managed to score, the first being the very first officially recognised international match, between Scotland and England on 30 November 1872. This was also the first use of a substitute in international football. Pugh later kept the Union Vaults public house in Yorke Street, Wrexham. Alf Pugh Allen \"Alf\" Pugh (1869 \u2013 7 February 1942) was a Welsh amateur football goalkeeper who made one appearance for Wales in 1889. He was the first player to be replaced by a substitute", + "score": 0.646484375 + }, + { + "id": "16049949", + "title": "American Eagles men's soccer", + "text": "and junior Jim Tate tying the game 5\u20135 (after he had previously tied it at 4 on a goal off a corner kick) with just seconds remaining in regulation. With two minutes to play in the second overtime period, Drexel head coach Don Yonker was ejected from the game for assisting one of his players whose leg had cramped despite the referee not stopping play. But he refused to leave the field, so the game was called a forfeit. AU soccer's coaching carousel would continue in 1971 with Stimson's departure. But Boehm helped recruit Scottish-Canadian John Kerr, Sr., a member", + "score": 0.646484375 + }, + { + "id": "5085901", + "title": "Beach soccer", + "text": "Unlike association football, in professional matches the referee is not the sole arbiter of the end of a period. A separate timekeeping official controls the official game clock, which is stopped for stoppages in play, and typically counts down to zero, as in North American sports such as basketball and ice hockey. Draws are not permitted, with the game going into three minutes of extra time, followed by a penalty shootout if the score is still on level terms after normal time. Unlike football, penalty kicks are decided by sudden death rules. Beach soccer has two on-field referees who co-operatively", + "score": 0.6455078125 + }, + { + "id": "10316936", + "title": "Sensible World of Soccer", + "text": "of Soccer\" enables players to manage a club through 20 seasons. Basic manager options include a transfer market (buy/sell players). Every team has a squad of 16 players, by default. Every player has individual skills (speed, tackling, heading, finishing, shooting, passing, ball control). Player prices are calculated relatively skills. Players can be transferred from other clubs by offering an amount of money and/or own players in a part exchange deal. To be able to buy stronger players and to keep them it is necessary to earn money with success in the various competitions. Job offers from other clubs and also", + "score": 0.6455078125 + }, + { + "id": "5368576", + "title": "FIFA International Soccer", + "text": "player controls one of the eleven footballers on their team at a time, with the ability to switch players on command. The game allows up to four human players at the same time, each controlling a different footballer. The players can choose to control a footballer on the same team or on opposing teams. The remaining footballers are controlled by the computer. Four modes of play \u2014 Exhibition, Tournament, Playoffs and League \u2014 are available. Exhibition engages the player in a single match. Tournament mode resembles the format of the FIFA World Cup, with the player controlling a team of", + "score": 0.64453125 + }, + { + "id": "173639", + "title": "Handball", + "text": "A coach or official can also be penalized progressively. Any coach or official who receives a two-minute suspension will have to pull out one of their players for two minutes; however, the player is not the one punished, and can be substituted in again, as the penalty consists of the team playing with a one player less than the opposing team. After referees award the ball to the opponents for whatever reason, the player currently in possession of the ball has to lay it down quickly, or risk a two-minute suspension. Also, gesticulating or verbally questioning the referee's order, as", + "score": 0.6435546875 + }, + { + "id": "3851184", + "title": "College soccer", + "text": "an overtime period if the game remains tied after 90 minutes. As opposed to a regular two-half extra time period, golden goal is applied. If neither team scores in the two ten-minute periods, the match ends in a draw (unless it is a playoff match, then it would go to a penalty shootout). College soccer is played with a clock that can be stopped when signaled to by the referee for injuries, the issuing of cards, or when the referee believes a team is wasting time. The clock is also stopped after goals until play is restarted, and the clock", + "score": 0.6435546875 + }, + { + "id": "17844288", + "title": "History of Major League Soccer", + "text": "Soccer League championship in 1978, which held nearly 75,000 at Giants Stadium. MLS adopted the IFAB rules and standards in 2003, which included changes such as limiting teams to three substitutions per game. MLS had previously allowed a fourth, goalkeeper-only substitute, but changed the rule after MetroStars coach Bob Bradley used a loophole to insert an outfield player as a fourth substitute. MLS drew international attention in 2004 with the debut of 14-year-old Freddy Adu for D.C. United, who entered the league with much fanfare and was heralded as one of the top prospects in American soccer history. MLS underwent", + "score": 0.64306640625 + }, + { + "id": "9276423", + "title": "Quidditch (sport)", + "text": "resume play. If a player receives two yellow cards, then the card will become red. If a player receives a red card, that player must sit in the penalty box for two minutes. When a red card is given that player must sub out for another player, that player will then serve two minutes within the penalty box. If a Keeper has been given a red card, they must give their headband to another chaser on their team, both teams are required to have a keeper on the pitch at all times. Contact rules are fairly straightforward and are similar", + "score": 0.642578125 + }, + { + "id": "11414973", + "title": "Inazuma Eleven", + "text": "Stamina, and Guts), the player's element (either Wood, Air, Earth or Fire, which work in a 'rock-paper-scissors'-like fashion), and the total number of players participating in an action. Matches either take the form of the aforementioned 4-a-side kickabouts against members of the school, or a full-scale 11-a-side game against one of the other teams competing in the tournaments. In full-size games, players can have up to five substitutes ready to switch in during a time-out. Before a match begins, players can change their team's formation using cards they've obtained by beating other teams and looking in chests. Winning matches grants", + "score": 0.6416015625 + }, + { + "id": "9823983", + "title": "Underwater ice hockey", + "text": "with a teammate, much like they do in hockey when switching from offense to defense. With each breath of a player is to swap with a teammate. Players don\u2019t typically come up for air then go back down. Instead, they swap with their teammate every 30 to 60 seconds to allow them to recover. Both teams will generally swap players at the same time in order to keep the game competitive. A well trained team would know when their teammate needs to switch out. \u201cDetermining the optimum stick \u2013 switching interval is quite tricky. A shorter interval assures the player", + "score": 0.64111328125 + }, + { + "id": "9325753", + "title": "Timewasting", + "text": "by the defender placing a tackle and managing to legally make contact with the ball so close to the line it often rolls out of play. This can be repeated to continue timewasting. Similarly, substituting players during stoppage time is legal, although the referee can reprimand the substituted player for taking too long to leave the pitch. Managers have criticised tactics they view as timewasting, particularly when they prevent their own team from attaining a victory. In November 2006, Rafael Ben\u00edtez, manager of Liverpool F.C. hit out at the tactics employed by Portsmouth F.C. during a 0\u20130 draw. ", + "score": 0.640625 + }, + { + "id": "18994081", + "title": "Concussions in Australian sport", + "text": "as soon as possible, after a player suffers a concussion, or is suspected of suffering from one, they must be subjected to a medical assessment after which they may or may not be allowed to return to the field depending on the results. Introduced in 2013 in the AFL, the 'concussion sub' can be used when a player suffers a concussion or is suspected of having one, the player in question is substituted out of the game for at least 20 minutes, during which a test takes place to evaluate the players psychological well-being. The occurrence of concussions in amateur", + "score": 0.64013671875 + }, + { + "id": "19888023", + "title": "Michel Vlap", + "text": "the Netherlands at the UEFA European Under-19 Championship, Vlap made history by becoming the first player ever to be brought on as a fourth substitute in a UEFA match when he replaced Laros Duarte in a 3\u20133 (5\u20134) penalty shoot-out loss to Germany. Regulations ordinarily allow a team to make three substitutions during a match but a trial allowing for a fourth substitution in extra-time was introduced by the International Football Association Board for the tournament. Michel Vlap Michel Vlap (; born 2 June 1997) is a Dutch professional footballer who plays as a midfielder for SC Heerenveen. Though his", + "score": 0.6396484375 + }, + { + "id": "797275", + "title": "Major League Soccer", + "text": "Football Association Board (IFAB). The playoff extra time structure follows IFAB standards: two full 15-minute periods, followed by a penalty shootout if necessary. U.S. Soccer hired the first full-time professional referees in league history in 2007 as part of the league's \"Game First\" initiatives. Major League Soccer has been implementing fines and suspensions since the 2011 season for simulation (diving) through its Disciplinary Committee, which reviews plays after the match. The first player fined under the new rule was Charlie Davies, fined $1,000 for intentionally deceiving match officials. In the early years of MLS, teams were typically given official nicknames", + "score": 0.638671875 + }, + { + "id": "3258569", + "title": "Ken Aston", + "text": "also introduced the practice of naming a substitute referee who could take over in the case of the referee being unable to continue for any reason (this eventually evolved into the practice of having a designated fourth official). He also successfully proposed that the pressure of the ball should be specified in the Laws of the Game. In 1974, he introduced the number board for substitutes, so that players could easily understand who was being substituted. Following an incident in the England vs Argentina match in the 1966 World Cup, it came to Aston's knowledge that Jack Charlton had been", + "score": 0.6376953125 + }, + { + "id": "6266490", + "title": "Mega Man Soccer", + "text": "ablaze. Special attacks will temporarily knock down, stun, or otherwise inhibit any character it hits. They generally are much more likely to produce a goal compared to normal shots, but can only be used a few times per game in certain modes. Games consist of two five-minute halves followed by five rounds of penalty kicks if the game remains tied. The clock stops while a goalkeeper has the ball or when the ball is out of bounds. \"Mega Man Soccer\" was first announced in an interview with Capcom's Senior Vice President Joseph Morici in the March 1993 \"Game Players\" magazine.", + "score": 0.63671875 + }, + { + "id": "12035193", + "title": "6+5 rule", + "text": "6+5 rule The 6+5 rule was a proposition for an association football rule adopted by FIFA during a meeting in May 2008, although it had been discussed since 1999. The idea was abandoned in June 2010. At the beginning of each match, each club must field at least six players eligible to play for the national team of the country of the club. There is no restriction, however, on the number of non-eligible players under contract with the club, nor on substitutes to avoid non-sportive constraints on the coaches (potentially 3+8 at the end of a match). The objective of", + "score": 0.63671875 + }, + { + "id": "15791732", + "title": "FIFA eligibility rules", + "text": "to represent. FIFA has used its authority to overturn results of competitive international matches that feature ineligible players. FIFA's eligibility rules also demand that in men's competitions, only men are eligible to play, and that in women's competitions, only women are eligible to play. Historically, it was possible for players to play for different national teams. For example, Alfredo Di St\u00e9fano played for Argentina (1947) and Spain (1957\u201361). Di Stefano's Real Madrid teammate Ferenc Pusk\u00e1s also played for Spain after amassing 85 caps for Hungary earlier in his career. A third high-profile instance of a player switching international football nationalities", + "score": 0.63671875 + }, + { + "id": "8898734", + "title": "English public school football games", + "text": "of the game into two halves was initiated to allow games between schools. The rules of one school would be played by for the first half, and the rules of the other school in the second half. Changing ends at half time (if no goals had been scored) was part of the following schools codes: Brighton, Eton, Rossall, Sheffield, Winchester. Other schools changed every time that side scored (Cheltenham, FA, Harrow, Marlborough, Rugby, Shrewsbury, Uppingham schools) The origin of football substitutes goes back to at least the early 1860s as part of English public school football games. The original use", + "score": 0.6357421875 + }, + { + "id": "389929", + "title": "Mercy rule", + "text": "to a technical knockout in professional boxing, it is not scored a loss by knockout, and the 28-day suspension for losing on a knockout does not apply. International Blind Sports Federation rules require that any time during a game in which one team has scored ten (10) more goals than the other team that game is deemed completed. In US high school soccer, most states use a mercy rule that ends the game if one team is ahead by 10 or more goals at any point from halftime onward. Youth soccer leagues use variations on the rule. In high school", + "score": 0.634765625 + }, + { + "id": "138039", + "title": "Association football", + "text": "players at kick-offs, goal kicks, penalty kicks and corner kicks. A standard adult football match consists of two halves of 45 minutes each. Each half runs continuously, meaning that the clock is not stopped when the ball is out of play. There is usually a 15-minute half-time break between halves. The end of the match is known as full-time. The referee is the official timekeeper for the match, and may make an allowance for time lost through substitutions, injured players requiring attention, or other stoppages. This added time is called \"additional time\" in FIFA documents, but is most commonly referred", + "score": 0.63427734375 + }, + { + "id": "3737822", + "title": "Exhibition game", + "text": "future international matches based on red cards or accumulated yellows in a specified period. Caps and goals scored also count towards a player's career records. In 2004, FIFA ruled that substitutions by a team be limited to six per match in international friendlies in response to criticism that such matches were becoming increasingly farcical with managers making as many as 11 substitutions per match. Matches that are being played in multinational football tournaments like King's Cup, Kirin Cup, China Cup are mostly considered international friendlies by FIFA. In the UK and Ireland, \"exhibition match\" and \"friendly match\" refer to two", + "score": 0.63427734375 + }, + { + "id": "1375466", + "title": "1970 FIFA World Cup", + "text": "The match produced a goalless draw, prompting some media to predict the entire tournament would be played at the slow tempo that featured in this game given the conditions involved. Following the half-time interval Anatoliy Puzach became the first substitute to be used in FIFA World Cup history as the Soviets made use of the new competition rule. Both teams won their remaining two games to progress from the group at the expense of Belgium and World Cup debutants El Salvador. Group 2 was the lowest-scoring of the groups with only six goals in its six matches as Uruguay, reigning", + "score": 0.6328125 + }, + { + "id": "11415473", + "title": "George F. Veenker", + "text": "Committee from 1938 to 1945. He was a member of the Rules Committee in 1941 when it instituted the free substitution rule due to a severe loss of manpower to the war effort. Veenker supported the rule, noting that smaller colleges not represented on the Rules Committee needed substitution help more than the major schools. The rule adopted in 1941 marked the beginning of the end for \"iron man\" football in which players remained in the game on both offense and defense due to rules limiting substitutions. Veenker was also appointed as a professor of physical education at Iowa State", + "score": 0.6318359375 + }, + { + "id": "19209008", + "title": "UEFA Euro 2016 Final", + "text": "a hard tackle by Dimitri Payet, not judged as a foul by referee Mark Clattenburg. Ronaldo attempted to play on but came off twice before finally going down a third time and was substituted for Ricardo Quaresma in the 25th minute. \"Sports Illustrated\" remarked that France missed opportunities in the 10th, 34th, 66th, and 84th minutes, while the UEFA website mentioned that France continued to probe without managing to obtain clear chances. Portugal used their remaining two substitutions in the second half, bringing on Jo\u00e3o Moutinho for Adrien Silva and Eder for Renato Sanches, while France brought on Kingsley Coman", + "score": 0.6318359375 + }, + { + "id": "17505638", + "title": "Kofi Opare", + "text": "and required that players reside \"continuously for at least five years after reaching the age of 18 on the territory of the relevant Association\" to become eligible to play for a national team in a competitive game. It was a measure put in place by FIFA to prevent countries offering citizenship to talented footballers and allowing them to play for the national team immediately despite not having any ties to the country. The change in regulations meant that despite living in Ontario for four years as a teenager, Opare would not be eligible to represent Canada irrespective of holding citizenship", + "score": 0.63134765625 + }, + { + "id": "8832270", + "title": "Blood replacement", + "text": "have shown that there is a high rate of non-compliance with this regulation and therefore highlights the need for implementation and dissemination of the return-to-play regulation. In rugby league, blood replacement substitutions are enforced by the referee after he has noticed that a player is bleeding. This change takes the place of one of the allocated 10 replacements that teams are allowed. In the case of misconduct, where the incident leading to the injury has been either placed on report or sin-binned or sent off, then the replacement is free (does not count) however when the player returns this counts", + "score": 0.630859375 + }, + { + "id": "7250388", + "title": "Ball in and out of play", + "text": "corner flag, referee or assistant referee, assuming that they are on the field of play at the time. When the ball is in play players may play the ball, contest the ball, and goals may be scored. Players are liable to punishment for committing fouls. Substitutions may not occur whilst the ball is in play. When the ball becomes out of play, the ball is put back into play by the appropriate restart. The restarts in football are: Once the ball is out of play, the only restart is the restart appropriate for the reason the ball went out of", + "score": 0.63037109375 + }, + { + "id": "18700599", + "title": "Soccer Nelson Inc v Soccer NZ Inc", + "text": "Soccer Nelson Inc v Soccer NZ Inc Soccer Nelson Inc v Soccer NZ Inc is a cited case in New Zealand regarding the requirement under section 7(4)(b) of the Contractual Remedies Act 1970 that a breach of a contract must be \"substantial\" for a contract to be cancelled. Soccer Nelson were in arrears of its membership fees to Soccer NZ, and as a result Soccer NZ planned to exclude the Nelson branch from a national soccer tournament. Soccer Nelson argued the arrears were not substantial and filed for an injunction for Soccer NZ to let them play in the tournament.", + "score": 0.63037109375 + }, + { + "id": "16594850", + "title": "You Can Play", + "text": "Nuggets became the first National Basketball Association team to partner with You Can Play in January 2014. One of the three Nuggets players who appeared in the video, Kenneth Faried, was already \"a vocal supporter of equality\" before joining the You Can Play project. In June 2017, U.S. Soccer partnered with You Can Play. The U.S. Men's and Women's National Teams wore pride-inspired rainbow numbers during the June friendlies. One set of game-issued jerseys from each team was auctioned for You Can Play. In April 2012, The Sports Network released a You Can Play video wherein James Duthie, Darren Dreger,", + "score": 0.6298828125 + }, + { + "id": "15346345", + "title": "American Youth Soccer Organization", + "text": "make the experience more competitive and enjoyable for the other teams, the policy of Balanced Teams was adopted, whereby the stronger players were distributed around the league. This had a slightly perverse effect, as some weaker players who formerly played every minute were forced to the bench by the newly arrived stars. To overcome this, the policy \"Everyone Plays\" was adopted, which mandated at least half a game for all players. That, in turn, led to AYSO games having specific times for substitutions so they could be monitored: halfway through the first half, half-time, halfway through the second half, and", + "score": 0.62890625 + }, + { + "id": "5973781", + "title": "Charles W. Alcock", + "text": "styles that employed teamwork and passing. On 31 March 1866 Alcock was the first soccer player ever to be ruled offside, confirming that players generally \u2013 and Alcock specifically \u2013 were probing ways of exploiting the new offside rule right from the start. As early as 1870 Alcock was the first to recognise the benefit of playing football in a \"scientific\" way. Alcock himself was one of the earliest soccer players to be described in \"contemporary\" reports as showing teamwork between players, for example in the 1871 England versus Scotland international:\"indeed it seemed as if the [Scottish] defence would prove", + "score": 0.62841796875 + }, + { + "id": "15092037", + "title": "1979\u201380 NASL Indoor season", + "text": "6.5 by 12, with a board or plexiglass panel above the cross bar instead of netting. Rather than being divided into three 20-minute periods (like hockey) as was done previously, or the more recent three 15-minute periods, the game now featured four 15-minute quarters with an extended halftime (similar to American football) and short breaks and the end of the first and third quarters. These modifications were consistent with the rules of the competing Major Indoor Soccer League, which had begun operation in December 1978. Other changes included an extra referee at the bench to keep track of time penalties.", + "score": 0.62841796875 + }, + { + "id": "13275484", + "title": "History of the United States men's national soccer team", + "text": "box allowed Andr\u00e9 Ayew to score and tie the match 1\u20131 in the 82nd minute. Then, just 4 minutes later, the U.S. scored on a header off of a corner kick taken by Graham Zusi, first headed by Geoff Cameron, and then headed immediately by John Brooks, to give the U.S. the winning goal. Brooks was the first U.S. substitute player to have scored a goal in World Cup play. The Americans then played against Portugal, drawing 2\u20132 after conceding a last-second goal. They held Germany to a surprising 1-0 defeat in the final group game. In the Round of", + "score": 0.62841796875 + }, + { + "id": "6868559", + "title": "Keith Gillespie", + "text": "December \"Goal of the Month\" competition, which Paul Scholes eventually won. On 20 January 2007, during a Premier League match against Reading at the Madejski Stadium, Gillespie was sent off for violent conduct (elbowing Reading's Stephen Hunt) twelve seconds after coming on as a substitute. As he made his way off the pitch, Gillespie pushed Hunt in the face. He thereby achieved the dubious honour of becoming the fastest sending-off of a substitute in English football, since he was sent off before the ball had come back into play, and so technically sent off being on the pitch for zero", + "score": 0.6279296875 + }, + { + "id": "248601", + "title": "Lacrosse", + "text": "when the ball is shot towards the goal. Missed shots that go out of bounds are awarded to the team that has the player who is the closest to the ball when and where the ball goes out. During play, teams may substitute players in and out if they leave and enter the field through the substitution area, sometimes referred to as \"on the fly\". After penalties and goals, players may freely substitute and do not have to go through the substitution area. Penalties are either technical or personal fouls. Personal fouls such as cross-checking, illegal body check or slashing,", + "score": 0.6279296875 + }, + { + "id": "14522861", + "title": "2010 FIFA World Cup squads", + "text": "the players listed in the preliminary squad were then subjected to a mandatory rest period from 17 to 23 May 2010. The preliminary squad would then have to be cut to a final 23 by 1 June 2010 (midnight CET). Replacement of seriously injured players is permitted until 24 hours before the team in question's first World Cup game, though replacement players do not have to be drawn from the preliminary squad. Players marked (c) were named as captain for their national squad. Number of caps, players' club teams and players' age as of 11 June 2010, the tournament's opening", + "score": 0.626953125 + }, + { + "id": "16678653", + "title": "Concerns and controversies at the 2012 Summer Olympics", + "text": "semifinal match between Canada and USA, a controversial refereeing decision was made against the Canadian goalkeeper, Erin McLeod, when she allegedly held the ball longer than the allowed six seconds. This rule is rarely applied so strictly in professional football, and is generally only reserved for use in instances of clear and deliberate time-wasting. McLeod claimed that the referee had told her that she had held the ball for 10 seconds. As a result of the call, the American side was awarded a rare indirect free kick in the box with Canada leading the match 3-2. A subsequent handball call", + "score": 0.62646484375 + }, + { + "id": "138040", + "title": "Association football", + "text": "to as \"stoppage time\" or \"injury time\", while \"lost time\" can also be used as a synonym. The duration of stoppage time is at the sole discretion of the referee. Stoppage time does not fully compensate for the time in which the ball is out of play, and a 90-minute game typically involves about an hour of \"effective playing time\". The referee alone signals the end of the match. In matches where a fourth official is appointed, towards the end of the half the referee signals how many minutes of stoppage time he intends to add. The fourth official then", + "score": 0.62646484375 + }, + { + "id": "4504165", + "title": "Soccer AM", + "text": "Week\" feature is a mainstay of the show - eight fans of a British football club feature as studio guests every week, seated in a section of the set known as the \"Luther Blissett Stand\", introduced in December 1997. They were featured in various aspects of the show, culminating in a team footballing challenge at the end of the programme. The feature was dropped for the 2015-16 season when the programme's running time was cut to 90 minutes. The challenge involves the fans attempting to kick a football through a number of holes within the sixty second time limit. The", + "score": 0.62646484375 + } + ], + "answer": "In soccer, most games only allow each team to make a maximum of three substitutions during a game and a fourth substitute during extra time, although the rules are more relaxed during less official games. A player can only be substituted during a stoppage in play and with the permission of the referee. If a player was given a red card during the match and is forced to leave the field, the team cannot make a substitution for that player and must work the remaining players on the field." + }, + { + "qa_pairs": [ + { + "context": "Jivatram Bhagwandas Kripalani (11 November 1888 \u2013 19 March 1982), popularly known as Acharya Kripalani, was an Indian politician, noted particularly for holding the presidency of the Indian National Congress during the transfer of power in 1947 and the husband of Sucheta Kripalani.", + "question": "Who was the president of indian national congress when india became free due to the Indian Independence Act 1947 being passed?", + "short_answers": [ + "J. B. Kripalani", + "Jivatram Bhagwandas Kripalani", + "Acharya Kripalani" + ], + "wikipage": "J. B. Kripalani" + }, + { + "context": "No context provided", + "question": "Who was the president of indian national congress when india became free due to the Constitution of India taking effect?", + "short_answers": [ + "Purushottam Das Tandon" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "List of presidents of the Indian National Congress", + "url": "https://en.wikipedia.org/wiki/List%20of%20presidents%20of%20the%20Indian%20National%20Congress" + }, + { + "title": "J. B. Kripalani", + "url": "https://en.wikipedia.org/wiki/J.%20B.%20Kripalani" + }, + { + "title": "Independence Day (India)", + "url": "https://en.wikipedia.org/wiki/Independence%20Day%20%28India%29" + }, + { + "title": "Purushottam Das Tandon", + "url": "https://en.wikipedia.org/wiki/Purushottam%20Das%20Tandon" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "Purushottam Das Tandon was the president of Indian national congress when India became free due to the Constitution of India taking effect. Jivatram Bhagwandas Kripalani \"J. B. Kripalani\", popularly known as Acharya Kripalani was an Indian politician, noted particularly for holding the presidency of the Indian National Congress when India became free due to the Indian Independence Act 1947 being passed. " + }, + { + "knowledge": [ + { + "content": "Independence Day is celebrated annually on 15 August as a national holiday in India commemorating the nation's independence from the United Kingdom on 15 August 1947, the day when the provisions of the 1947 Indian Independence Act, which transferred legislative sovereignty to the Indian Constituent Assembly, came into effect.", + "wikipage": "Independence Day (India)" + }, + { + "content": "Purushottam Das Tandon (About this soundpronunciation (help\u00b7info); 1 August 1882 \u2013 1 July 1962) was a freedom fighter from Prayagraj, Uttar Pradesh, India.", + "wikipage": "Purushottam Das Tandon" + } + ], + "long_answer": "Independence Day is celebrated annually on 15 August as a national holiday in India commemorating the nation's independence from the United Kingdom on 15 August 1947, the day when the provisions of the 1947 Indian Independence Act, which transferred legislative sovereignty to the Indian Constituent Assembly, came into effect. Jivatram Bhagwandas Kripalani, popularly known as Acharya Kripalani, was an Indian politician, noted particularly for holding the presidency of the Indian National Congress during the transfer of power in 1947 and the husband of Sucheta Kripalani. Purushottam Das Tandon, a freedom fighter from Prayagraj, Uttar Pradesh, India, was President of the Indian National Congress when the Constitution of India took effect." + } + ], + "sample_id": "5953706990230666060", + "question": "Who was the president of indian national congress when india became free?", + "docs": [ + { + "id": "3226419", + "title": "Rajendra Prasad", + "text": "After remaining incarcerated for nearly three years, he was released on 15 June 1945. After the formation of Interim Government of 12 nominated ministers under the leadership of Jawaharlal Nehru on 2 September 1946, he got the Food and Agriculture department. Later, he was elected the President of Constituent Assembly on 11 December 1946. Again on 17 November 1947 he became Congress President for a third time after J. B. Kripalani submitted resignation. Two and a half years after independence, on 26 January 1950, the Constitution of independent India was ratified and Prasad was elected the nation's first president. Unfortunately,", + "score": 0.7529296875, + "summary": "Rajendra Prasad was elected as the President of Congress for the third time on 17 November 1947.", + "extraction": "J.B. Kripalani submitted his resignation and Rajendra Prasad became the President of Congress for the third time on 17 November 1947, when India became free." + }, + { + "id": "1324753", + "title": "Indian National Congress", + "text": "included several famous lawyers, including Bhulabhai Desai, Asaf Ali, and Jawaharlal Nehru. The same year, Congress members initially supported the sailors who led the Royal Indian Navy mutiny, but they withdrew support at a critical juncture and the mutiny failed. After Indian independence in 1947, the Indian National Congress became the dominant political party in the country. In 1952, in the first general election held after Independence, the party swept to power in the national parliament and most state legislatures. It held power nationally until 1977, when it was defeated by the Janata coalition. It returned to power in 1980", + "score": 0.74853515625, + "summary": "Jawaharlal Nehru was a famous lawyer and member of the Indian National Congress. The party became dominant after Indian independence in 1947 and swept to power in the first general election held after independence in 1952. It held power until 1977 and returned to power in 1980. However, the document does not mention who was the president of Indian National Congress when India became free.", + "extraction": "irrelevant" + }, + { + "id": "15357621", + "title": "Madan Mohan Malaviya", + "text": "along with 450 other Congress volunteers in Delhi, only a few days after he was appointed in 1932 at Delhi as the President of Congress after the arrest of Sarojini Naidu. In 1933, at Calcutta, Malaviya was again appointed as the President of the Congress. Thus before Independence, Malaviya was the only leader of the Indian National Congress who was appointed as its President for four terms. On 25 September 1932, an agreement known as Poona Pact was signed between Dr. Ambedkar (on behalf of the depressed classes among Hindus) and Malaviya (on behalf of the other Hindus). The agreement", + "score": 0.744140625, + "summary": "Madan Mohan Malaviya was the president of the Indian National Congress in 1932 and 1933, but the document does not mention who was the president when India became free.", + "extraction": "Madan Mohan Malaviya was the President of Indian National Congress when India became free." + }, + { + "id": "6679802", + "title": "History of the Indian National Congress", + "text": "History of the Indian National Congress From its foundation on 28 December 1885 by A.O. Hume, a retired British officer, until the time India gained its independence on 15 August 1947, the Indian National Congress was considered to be the largest and most prominent Indian public organization, as well as the central and defining influence of the long Indian Independence Movement. After India became independent, Mahatma Gandhi asked the leaders to dissolve Indian National Congress, and to form a new organisation to govern the nation. Retired British Indian Civil Service (ICS) officer Allan Octavian Hume founded the Indian National Congress", + "score": 0.744140625, + "summary": "The Indian National Congress was the largest and most prominent Indian public organization during the Indian Independence Movement. It was founded by A.O. Hume in 1885. After India gained independence on August 15, 1947, Mahatma Gandhi asked the leaders to dissolve the Indian National Congress and form a new organization to govern the nation. The document does not provide information on who was the president of the Indian National Congress when India became free.", + "extraction": "The extracted span from the passage is \"irrelevant\" as the passage does not provide information about the president of the Indian National Congress when India became free." + }, + { + "id": "7240636", + "title": "British Raj", + "text": "judges in the Bengal Presidency on equal footing with British ones, that transformed the discontent into political action. On 28 December 1885, professionals and intellectuals from this middle-class\u2014many educated at the new British-founded universities in Bombay, Calcutta, and Madras, and familiar with the ideas of British political philosophers, especially the utilitarians assembled in Bombay. The seventy men founded the Indian National Congress; Womesh Chunder Bonerjee was elected the first president. The membership comprised a westernised elite and no effort was made at this time to broaden the base. During its first twenty years, the Congress primarily debated British policy toward", + "score": 0.74267578125, + "summary": "Womesh Chunder Bonerjee was the first president of Indian National Congress, founded on December 28, 1885.", + "extraction": "irrelevant" + }, + { + "id": "9703867", + "title": "Lala Ram Prakash Gupta", + "text": "Jawaharlal Nehru who later become the first prime minister of India had become a prominent leader of the Indian National Congress which was demanding and fighting for complete political independence from the British occupation. This was also a time when Mahatma Gandhi briefly resigned from the Indian National Congress, Subhash Bose (popularly referred to as 'Netaji') had strong philosophical clashes with Mahatma Gandhi, and the struggle for independence became much stronger than in the past. From 1935 to 1947 when India finally got independence, Ram Prakash was one of the most active political and social leaders in the Punjab chapter", + "score": 0.74267578125, + "summary": "Irrelevant.", + "extraction": "The passage does not provide a useful span to answer the question." + }, + { + "id": "978187", + "title": "K. R. Narayanan", + "text": "to be the greatest achievement of India since independence. The following morning, Prime Minister I. K. Gujral, addressing the nation from the ramparts of the Red Fort, said: When Gandhiji dreamt of India's future, he had said that the country will attain the real freedom only on the day when a Dalit would become the President of this country. This is our great fortune that today on the eve of golden jubilee of independence, we have been able to fulfil this dream of Gandhiji. In the person of Shri K. R. Narayanan we have been able to fulfil the dream", + "score": 0.74267578125, + "summary": "K. R. Narayanan became the President of India, but the document does not mention who was the president of Indian National Congress when India became free.", + "extraction": "K. R. Narayanan." + }, + { + "id": "3226407", + "title": "Rajendra Prasad", + "text": "Rajendra Prasad Rajendra Prasad (3 December 1884 \u2013 28 February 1963) was the first President of India, in office from 1952 to 1962. He was an Indian political leader, and lawyer by training, Prasad joined the Indian National Congress during the Indian Independence Movement and became a major leader from the region of Bihar. A supporter of Mahatma Gandhi, Prasad was imprisoned by British authorities during the Salt Satyagraha of 1931 and the Quit India movement of 1942. After the 1946 elections, Prasad served as Minister of Food and Agriculture in the central government. Upon independence in 1947, Prasad was", + "score": 0.734375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "1324758", + "title": "Indian National Congress", + "text": "1964, Nehru died because of an aortic dissection, raising questions about the party's future. K. Kamaraj became the president of the All India Congress Committee in 1963 during the last year of Nehru's life. Prior to that, he had been the chief minister of Madras state for nine years. Kamraj had also been a member of \"the syndicate\", a group of right wing leaders within Congress.In 1963 the Congress lost popularity following the defeat in the Indo-Chinese war of 1962.To revitalize the party, Kamraj proposed the Kamaraj Plan to Nehru that encouraged six Congress chief ministers (including himself) and six", + "score": 0.73291015625, + "summary": "K. Kamaraj was the president of Indian National Congress when Nehru died in 1964, making him the leader of the party during India's independence.", + "extraction": "irrelevant" + }, + { + "id": "6682064", + "title": "All India States Peoples Conference", + "text": "President in 1939 and remained so until 1946. The body would play an important role during the political integration of India, helping Indian leaders Vallabhbhai Patel and Jawaharlal Nehru negotiate with hundreds of princes over the formation of a united, independent India after 1947. All India States Peoples Conference The All India States Peoples' Conference (AISPC) was a conglomeration of political movements in the princely states of the British Raj. The first session of the organisation was held in Bombay in December 1927. The Conference eventually got affiliated to the Indian National Congress and Jawaharlal Nehru became its president in", + "score": 0.7314453125, + "summary": "Jawaharlal Nehru was the president of the All India States Peoples Conference, which eventually got affiliated to the Indian National Congress. However, the document does not mention who was the president of the Indian National Congress when India became free.", + "extraction": "Jawaharlal Nehru became the president of All India States Peoples Conference, which eventually got affiliated to the Indian National Congress. However, it does not provide information about who was the president of Indian National Congress when India became free. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "6840087", + "title": "Karamsad", + "text": "the Congress launched the Quit India Movement. The government jailed all the important leaders of the Congress, including Vallabhbhai Patel. All the leaders were released after three years. After achieving independence on 15 August 1947, Pandit Jawaharlal Nehru became the first Prime Minister of independent India and Sardar Patel became the Deputy Prime Minister. He was in charge of Home Affairs, Information and Broadcasting and the Ministry of States. There were 565 princely states in India at that time. Some of the Maharajas and Nawabs were dreaming of becoming independent rulers once the British quit India. They argued that the", + "score": 0.728515625, + "summary": "Pandit Jawaharlal Nehru was the president of Indian National Congress when India became free.", + "extraction": "Pandit Jawaharlal Nehru became the first Prime Minister of independent India when India became free. It does not mention who was the president of Indian National Congress, so the answer is \"irrelevant\"." + }, + { + "id": "216106", + "title": "Jawaharlal Nehru", + "text": "the prominent leader of the left-wing factions of the Indian National Congress during the 1920s, and eventually of the entire Congress, with the tacit approval of his mentor, Gandhi. As Congress President in 1929, Nehru called for complete independence from the British Raj and instigated the Congress's decisive shift towards the left. Nehru and the Congress dominated Indian politics during the 1930s as the country moved towards independence. His idea of a secular nation-state was seemingly validated when the Congress, under his leadership, swept the 1937 provincial elections and formed the government in several provinces; on the other hand, the", + "score": 0.728515625, + "summary": "Jawaharlal Nehru was the President of the Indian National Congress in 1947 when India became free.", + "extraction": "The passage is irrelevant to the question as it does not mention who was the president of Indian National Congress when India became free." + }, + { + "id": "6787014", + "title": "K. Hanumanthaiah", + "text": "was elected as the Secretary of the Students Union and the Karnataka Sangha. After his graduation, he joined the bar council in the same year. At that time, the independence movement was steadily growing and at the center stage of the movement was the Indian National Congress led by Mahatma Gandhi. Dr. P. Tandon, the then President of Indian National Congress, advised Hanumanthaiah to give up his active practice at the bar and to devote himself to the freedom struggle. With the inspiration of Gandhiji and the persuasion of Tandon, Hanumanthaiah joined the freedom movement and became active in the", + "score": 0.7275390625, + "summary": "Dr. P. Tandon was the President of Indian National Congress when India became free.", + "extraction": "Irrelevant. The passage does not provide information about who was the president of Indian National Congress when India became free." + }, + { + "id": "1324739", + "title": "Indian National Congress", + "text": "Indian National Congress The Indian National Congress (INC, often called the Congress Party or simply Congress) is a broadly based political party in India. Founded in 1885, it was the first modern nationalist movement to emerge in the British Empire in Asia and Africa. From the late 19th century, and especially after 1920, under the leadership of Mahatma Gandhi, Congress became the principal leader of the Indian independence movement. Congress led India to independence from Great Britain, and powerfully influenced other anti-colonial nationalist movements in the British Empire. Congress is a secular party whose socialdemocratic platform is generally considered to", + "score": 0.72705078125, + "summary": "Irrelevant.", + "extraction": "The passage is irrelevant to the question as it does not provide any information about who was the president of Indian National Congress when India became free." + }, + { + "id": "4619263", + "title": "Indian National Congress (Organisation)", + "text": "of India, Swatantra Party and others to form the Janata Party. Congress (O)'s leader Morarji Desai served as the fourth Prime Minister of India from 1977 to 1979 which was India's first non-Congress government. Indian National Congress (Organisation) The Indian National Congress (Organisation) or Congress (O) was a political party in India formed when the Congress party split following the expulsion of Indira Gandhi. On 12 November 1969, the Prime Minister of India Indira Gandhi was expelled from the Congress party for violating the party discipline. The party finally split with Indira Gandhi setting up a rival organization, which came", + "score": 0.72705078125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about the president of Indian National Congress during India's independence." + }, + { + "id": "13271859", + "title": "History of Madras Presidency", + "text": "1942 following their participation in the Quit India movement. In 1944, Periyar renamed the Justice Party as Dravidar Kazhagam and withdrew from politics. When the Second World War came to an end, the Indian National Congress re-entered politics and without the presence of any serious opposition, was elected to power in the Presidency. However, Chakravarti Rajagopalachari resigned from the party leadership in 1946 facing strong opposition in the party ranks. Tanguturi Prakasam was elected Chief Minister with the support of Kamaraj. He served for 11 months and was succeeded by O. P. Ramaswamy Reddiyar. India became independent on August 15,", + "score": 0.7255859375, + "summary": "Chakravarti Rajagopalachari was the leader of the Indian National Congress when India became independent.", + "extraction": "The passage is irrelevant to the question as it does not mention who was the president of Indian National Congress when India became free." + }, + { + "id": "3226418", + "title": "Rajendra Prasad", + "text": "people himself. During 31 May 1935 Quetta earthquake, when he was forbidden to leave the country due to government's order he set up Quetta Central Relief Committee in Sindh and Punjab under his own presidency. He was elected as the President of the Indian National Congress during the Bombay session in October 1934. He again became the president when Netaji Subhash Chandra Bose resigned in 1939. On 8 August 1942, Congress passed the Quit India Resolution in Bombay which led to the arrest of many Indian leaders. He was arrested from Sadaqat Ashram, Patna and sent to Bankipur Central Jail.", + "score": 0.72509765625, + "summary": "Rajendra Prasad was the President of the Indian National Congress during the Bombay session in October 1934 and again when Netaji Subhash Chandra Bose resigned in 1939.", + "extraction": "Subhash Chandra Bose resigned in 1939." + }, + { + "id": "7497831", + "title": "K. Chengalaraya Reddy", + "text": "it largely highlighted the issues of farmers. The Praja Paksha and Praja Mitra Mandali joined to form the Praja Samyukta Paksha (\"Mysore People's Federation\") in 1934. Reddy served as its president from 1935 to 1937. Later, the federation merged with the Indian National Congress and participated in the Indian independence movement. Reddy served as the president of Mysore Congress twice, in 1937\u201338 and 1946\u201347. He was also a member of the Constituent Assembly of India. After independence of India in 1947, he was in the forefront of the Mysore Chalo movement seeking responsible state government in Mysore State and went", + "score": 0.72509765625, + "summary": "The document is irrelevant to the question.", + "extraction": "Jawaharlal Nehru was the president of Indian National Congress when India became free. The given passage is irrelevant to the question." + }, + { + "id": "216219", + "title": "Jawaharlal Nehru", + "text": "would be the normal constitutional procedure. Jawaharlal Nehru Pt. Jawaharlal Nehru (; ; 14 November 1889 \u2013 27 May 1964) was a freedom fighter, the first Prime Minister of India and a central figure in Indian politics before and after independence. He emerged as an eminent leader of the Indian independence movement under the tutelage of Mahatma Gandhi and served India as Prime Minister from its establishment as an independent nation in 1947 until his death in 1964. He is considered to be the architect of the modern Indian nation-state: a sovereign, socialist, secular, and democratic republic. He was also", + "score": 0.7236328125, + "summary": "Jawaharlal Nehru was the first Prime Minister of India and a central figure in Indian politics before and after independence. He served as Prime Minister from 1947 until his death in 1964.", + "extraction": "The passage is irrelevant to the question as it does not provide any information about the president of the Indian National Congress at the time of India's independence." + }, + { + "id": "12701206", + "title": "Rahimtulla M. Sayani", + "text": "first President of Congress. Rahimtullah M Sayani was the \"Second Muslim\" to become the \"President of Indian National Congress\".(First was Badruddin Tayyab Ji) In the year 1896 he presided over the 12th Annual Session of the Congress held at Calcutta where he was elected as the \"President of Congress\" and became the Second Muslim to achieve such Position. His presidential address to the Session was the \"Best delivered so far\" as it was hailed by a contemporary journal of that period. Rahimtullah M Sayani was western educated, a Lawyer by profession who achieved public eminence and professional excellence, he was", + "score": 0.72314453125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention the president of Indian National Congress when India became free." + }, + { + "id": "4005488", + "title": "Madras Presidency", + "text": "Party as Dravidar Kazhagam and withdrew it from electoral politics. After the end of the Second World War, the Indian National Congress re-entered politics, and in the absence of any serious opposition it easily won the 1946 election. Tanguturi Prakasam was then elected as Chief Minister with the support of Kamaraj and served for eleven months. He was succeeded by O. P. Ramaswamy Reddiyar, who became the first Chief Minister of Madras state when India gained independence on 15 August 1947. The Madras Presidency became the Madras State in independent India. At its greatest extent, the Madras Presidency included much", + "score": 0.72314453125 + }, + { + "id": "10984583", + "title": "Annexation of Goa", + "text": "and Subhas Chandra Bose. On 12 October 1938, Cunha with other members of the Goa Congress Committee met Subhas Chandra Bose, the President of the Indian National Congress, and on his advice, opened a Branch Office of the Goa Congress Committee at 21, Dalal Street, Bombay. The Goa Congress was also made affiliate to the Indian National Congress and Cunha was selected its first President. In June 1946, Ram Manohar Lohia, an Indian Socialist leader, entered Goa on a visit to his friend, Juli\u00e3o Menezes, a nationalist leader, who had founded the Gomantak Praja Mandal in Bombay and edited the", + "score": 0.72216796875 + }, + { + "id": "8441286", + "title": "Speeches about Indian independence", + "text": "being immediate.\" By Rahul Kumar One 8 August 1942, the All India Congress Committee met in Bombay and passed the Quit India Resolution. The outcome was a mass uprising all over India with mass boycotts and civil disobedience, called the Quit India Movement On 15 August 1947, Jawaharlal Nehru, the first Prime Minister of free India, addressed the Constituent Assembly. In his famous speech, \"Tryst with Destiny\", he declared the end of the colonial era and called on citizens to recognize the promise and opportunity of the moment: \"Long years ago, we made a tryst with destiny. Now the time", + "score": 0.7216796875 + }, + { + "id": "17840926", + "title": "Early Nationalists", + "text": "outbreak of plague in Pune. Later on, at the suggestion of Dadabhai Naoroji, the name was changed to \"Indian National Congress\" and the foundation of the organisation laid on 28 December 1885. Dadabhai Naoroji, popularly known as the \"Grand Old Man of India\", took an active part in the foundation of the Indian National Congress and was elected its President thrice, in 1886, 1893 and after the Moderate phase in 1906. He spent a major part of his life in Britain.He founded the London Indian Society which he used to create the awareness among the British people about the plight", + "score": 0.720703125 + }, + { + "id": "3226408", + "title": "Rajendra Prasad", + "text": "elected as President of the Constituent Assembly of India, which prepared the Constitution of India and served as its provisional parliament. When India became a republic in 1950, Prasad was elected its first president by the Constituent Assembly. Following the general election of 1951, he was elected president by the electoral college of the first Parliament of India and its state legislatures. As president, Prasad established a tradition of non-partisanship and independence for the office-bearer, and retired from Congress party politics. Although a ceremonial head of state, Prasad encouraged the development of education in India and advised the Nehru government", + "score": 0.720703125 + }, + { + "id": "231520", + "title": "Kenneth Kaunda", + "text": "in October 1958. ZANC was banned in March 1959. In June Kaunda was sentenced to nine months' imprisonment, which he spent first in Lusaka, then in Salisbury. While Kaunda was in prison, Mainza Chona and other nationalists broke away from the ANC and, in October 1959, Chona became the first president of the United National Independence Party (UNIP), the successor to ZANC. However, Chona did not see himself as the party's main founder. When Kaunda was released from prison in January 1960 he was elected President of UNIP. In 1960 he visited Martin Luther King Jr. in Atlanta and afterwards,", + "score": 0.72021484375 + }, + { + "id": "12688698", + "title": "K. Kamaraj", + "text": "achievements and acumen, Prime Minister Jawaharlal Nehru felt that his services were needed more at the national level. In a swift move he brought Kamaraj to Delhi as the President of the Indian National Congress. Nehru realized that in addition to wide learning and vision, Kamaraj possessed enormous common sense and pragmatism. Kamaraj was elected President, Indian National Congress, on 9 October 1963. After Nehru's death in 1964, Kamaraj successfully navigated the party through turbulent times. As president of the INC, he refused to become the next prime minister himself and was instrumental in bringing to power two Prime Ministers,", + "score": 0.72021484375 + }, + { + "id": "15418640", + "title": "James Frederick Sangala", + "text": "a unified voice to the local associations and to press for greater rights for Africans. From 1954 to 1956 he was president of the Congress, but was persuaded to resign to make way for more radical members who were seeking full independence. Despite his moderate stand, Sangala was arrested for his activities more than once in the 1950s. Renamed the Malawi Congress Party, the NAC was to win all the seats in the 1961 Nyasaland elections, and to lead the country to self-governance in 1963 and full independence as the state of Malawi in 1964. James Frederick Sangala was born", + "score": 0.71875 + }, + { + "id": "6679829", + "title": "History of the Indian National Congress", + "text": "Nehru's favor. Kripalani, C. Rajagopalachari and Tandon were marginalized, and the Congress Party's election fortunes began depending solely on Nehru's leadership and popularity. With the 1952 election sweep, the Congress became India's main political party. Congress Leaders Website History of the Indian National Congress From its foundation on 28 December 1885 by A.O. Hume, a retired British officer, until the time India gained its independence on 15 August 1947, the Indian National Congress was considered to be the largest and most prominent Indian public organization, as well as the central and defining influence of the long Indian Independence Movement. After", + "score": 0.71826171875 + }, + { + "id": "6682063", + "title": "All India States Peoples Conference", + "text": "of India, and the British Raj, upon the issues of governance, political stability and future of India. For a long period, the Conference was hostile to the Indian independence movement, and acted often to condemn and counter-act the work of the Indian National Congress when it was banned by British authorities. The body had no popular representation until the 1930s, when it opened up its ranks to membership from across the political spectrum. Jawaharlal Nehru, who would become the first Prime Minister of India in 1947, was invited to become the President of the All-India body in 1935, became the", + "score": 0.7177734375 + }, + { + "id": "18192286", + "title": "Free India Centre", + "text": "Free India Centre The Free India Centre () was the European branch of the Provisional Government of Free India, the provisional government of the \"Azad Hind\" movement for Indian independence led by Subhas Chandra Bose. It was founded by Bose when he was in Berlin in 1942, and headed by A. C. N. Nambiar. Its responsibilities included managing relations with the European Axis powers, supporting and recruiting volunteers for the Indian Legion, running Azad Hind Radio, and preparing for the much larger provisional government that was formed in southeast Asia with Japanese support. While its main base was in Berlin,", + "score": 0.71728515625 + }, + { + "id": "1324744", + "title": "Indian National Congress", + "text": "following December was issued. Due to a cholera outbreak there, it was moved to Bombay. Hume organised the first meeting in Bombay with the approval of the Viceroy Lord Dufferin. Womesh Chandra Bonnerjee was the first president of Congress; the first session was attended by 72 delegates. Representing each province of India. Notable representatives included Scottish ICS officer William Wedderburn, Dadabhai Naoroji, Pherozeshah Mehta of the Bombay Presidency Association, Ganesh Vasudeo Joshi of the Poona Sarvajanik Sabha, social reformer and newspaper editor Gopal Ganesh Agarkar, Justice K. T. Telang, N. G. Chandavarkar, Dinshaw Wacha, Behramji Malabari, journalist and activist Gooty", + "score": 0.71728515625 + }, + { + "id": "6389290", + "title": "Mian Iftikharuddin", + "text": "Aitchison College and the University of Oxford. Mian Iftikharuddin joined the Congress Party in 1936. He was elected to the Punjab Provincial Assembly in 1937 and became the President of the Punjab Provincial Congress in 1940, serving in that position until 1945. He was a member of the All India Congress Committee from the 1930s to the mid 1940s. Iftikharuddin was very close to Jawaharlal Nehru. In 1937, he was instrumental in introducing the Kashmir leader Sheikh Abdullah to Nehru. Iftikharuddin opposed the Muslim League's Lahore Resolution and declared that \"\u201cany attempt at disrupting the unity of [India's] spirit is", + "score": 0.71728515625 + }, + { + "id": "11398600", + "title": "Workers and Peasants Party", + "text": "the Indian National Congress should demand full independence for India. The proposal was seconded by Jawaharlal Nehru. At the open session of the Madras Congress, Nehru moved the resolution and Joglekar seconded it. The resolution was passed unanimously. This was the first time in history that the Indian National Congress officially demanded full independence from British rule. During the Madras session, the WPP functioned as a fraction. Directly after the Madras Congress, the WPP took part in a 'Republican Congress' meeting together with other left elements of the Congress Party and radical trade unionists. Nehru chaired the meeting. Particularly the", + "score": 0.7158203125 + }, + { + "id": "13271857", + "title": "History of Madras Presidency", + "text": "He also participated in the Vaikom satyagraha which campaigned for the rights of untouchables in Travancore to enter temples. The Indian National Congress was elected to power in 1937 for the first time in Madras Presidency and barring the six years when Madras was in a state of Emergency, ruled the Presidency till India got independence on August 15, 1947. Chakravarti Rajagopalachari was the first Chief Minister of Madras Presidency from the Congress party. He issued the Temple Entry Authorization and Indemnity Act and introduced prohibition and sales tax in Madras Presidency. However, his rule is largely remembered for compulsory", + "score": 0.71533203125 + }, + { + "id": "6670553", + "title": "Political integration of India", + "text": "because Congress leaders, in particular Mohandas Gandhi, were sympathetic to the more progressive princes as examples of the capacity of Indians to rule themselves. This changed in the 1930s as a result of the federation scheme contained in the Government of India Act 1935 and the rise of socialist Congress leaders such as Jayaprakash Narayan, and the Congress began to actively engage with popular political and labour activity in the princely states. By 1939, the Congress's formal stance was that the states must enter independent India, on the same terms and with the same autonomy as the provinces of British", + "score": 0.71533203125 + }, + { + "id": "3345799", + "title": "Motilal Nehru", + "text": "century Muslim leader and educationist. At the house-warming party, Sir William Moor hoped that this large palatial home in Civil Lines of Allahabad would become the cement holding together the British Empire in India. Paradoxically, the house was bought by Motilal Nehru in 1900, and went on to become a cradle to the Indian Freedom Struggle which was to destroy British rule in India. Motilal Nehru twice served as President of the Congress Party, once in Amritsar (1919) and the second time in Calcutta (1928). Elected to preside over the Amritsar Congress (December 1919), Motilal was in the centre of", + "score": 0.71484375 + }, + { + "id": "216104", + "title": "Jawaharlal Nehru", + "text": "Jawaharlal Nehru Pt. Jawaharlal Nehru (; ; 14 November 1889 \u2013 27 May 1964) was a freedom fighter, the first Prime Minister of India and a central figure in Indian politics before and after independence. He emerged as an eminent leader of the Indian independence movement under the tutelage of Mahatma Gandhi and served India as Prime Minister from its establishment as an independent nation in 1947 until his death in 1964. He is considered to be the architect of the modern Indian nation-state: a sovereign, socialist, secular, and democratic republic. He was also known as Pandit Nehru due to", + "score": 0.71435546875 + }, + { + "id": "6982431", + "title": "Indian Science Congress Association", + "text": "held at Calcutta in 1938 under the presidency of Lord Rutherford of Nelson but due to his sudden death, Sir James Hopwood Jeans took the chair. It was at this Jubilee Session that the participation of foreign scientists in session of the Indian Science Congress was first initiated. The 34th Annual Session of the Indian Science Congress was held at Delhi in 3\u20138 January 1947 with Pandit Jawaharlal Nehru, First Prime Minister of India, as General president. Pandit Nehru's personal interest in the Science Congress continued and there was hardly any session which he did not attend. He immensely enriched", + "score": 0.71435546875 + }, + { + "id": "6679807", + "title": "History of the Indian National Congress", + "text": "founded at Gokuldas Tejpal Sanskrit College in Bombay, with 72 delegates in attendance. Hume assumed office as the General Secretary, and Womesh Chunder Bonnerjee of Calcutta was elected President. Besides Hume, two additional British members (both Scottish civil servants) were members of the founding group, William Wedderburn and Justice (later, Sir) John Jardine. The other members were mostly Hindus from the Bombay and Madras Presidencies. Even before independence of India, the Indian National Congress had well articulated foreign policy positions. In the words of Rejaul Karim Laskar, a scholar of Indian foreign policy and an ideologue of Indian National Congress,", + "score": 0.71337890625 + }, + { + "id": "1628704", + "title": "Annie Besant", + "text": "as president of the Indian National Congress for a year. After the war, a new leadership of the Indian National Congress emerged around Mohandas K. Gandhi \u2013 one of those who had written to demand Besant's release. He was a lawyer who had returned from leading Asians in a peaceful struggle against racism in South Africa. Jawaharlal Nehru, Gandhi's closest collaborator, had been educated by a theosophist tutor. The new leadership was committed to action that was both militant and non-violent, but there were differences between them and Besant. Despite her past, she was not happy with their socialist leanings.", + "score": 0.71337890625 + }, + { + "id": "216132", + "title": "Jawaharlal Nehru", + "text": "\u2013 he pressed Gandhi to demand immediate actions from the British. Gandhi brokered a further compromise by reducing the time given from two years to one. Nehru agreed to vote for the new resolution. Demands for dominion status were rejected by the British in 1929. Nehru assumed the presidency of the Congress party during the Lahore session on 29 December 1929 and introduced a successful resolution calling for complete independence. Nehru drafted the Indian declaration of independence, which stated: We believe that it is the inalienable right of the Indian people, as of any other people, to have freedom and", + "score": 0.7119140625 + }, + { + "id": "3226422", + "title": "Rajendra Prasad", + "text": "preferred to stay in the campus of Bihar Vidyapeeth. He was subsequently awarded the Bharat Ratna, the nation's highest civilian award. He died on 28 February 1963. Rajendra Smriti Sangrahalaya in Patna is dedicated to him. Rajendra Prasad Rajendra Prasad (3 December 1884 \u2013 28 February 1963) was the first President of India, in office from 1952 to 1962. He was an Indian political leader, and lawyer by training, Prasad joined the Indian National Congress during the Indian Independence Movement and became a major leader from the region of Bihar. A supporter of Mahatma Gandhi, Prasad was imprisoned by British", + "score": 0.71044921875 + }, + { + "id": "15418647", + "title": "James Frederick Sangala", + "text": "in May 1944 at which the Congress was announced. He was unable to attend the formal inaugural meeting of the Congress in October 1944, at which Levi Zililo Mumba was elected President-General, since he had been transferred to Dedza in the Central province, but he was elected to the central committee. Sangala, Mumba and their associates had a vision of the NAC becoming \"the mouthpiece of the Africans\", cooperating with the government and other colonial bodies \"in any matters necessary to speed up the progress of Nyasaland\". Sangala encouraged the Congress to \"Fight for Freedom\", although he was careful to", + "score": 0.71044921875 + }, + { + "id": "1324751", + "title": "Indian National Congress", + "text": "Sindh. The All-India Muslim League failed to form a government in any province. Congress ministries resigned in October and November 1939 in protest against Viceroy Lord Linlithgow's declaration that India was a belligerent in the Second World War without consulting the Indian people. In 1939, Subhas Chandra Bose, the elected president in both 1938 and 1939, resigned from Congress over the selection of the working committee. The party was not the sole representative of the Indian polity, other parties included the Akhil Bharatiya Hindu Mahasabha, and the All India Forward Bloc. The party was an umbrella organisation, sheltering radical socialists,", + "score": 0.708984375 + }, + { + "id": "18389512", + "title": "Ceylon National Congress", + "text": "staunchly supported by F.R. Senanayake and D.S. Senanayake. Other former presidents include D. B. Jayatilaka, E. W. Perera, C. W. W. Kannangara, Patrick de Silva Kularatne, H. W. Amarasuriya, W. A. de Silva, George E. de Silva and Edwin Wijeyeratne.The Ceylon National Congress later paved the way for the formation of the United National Party. In 1943, D.S. Senanayake resigned from the Congress because he disagreed with its revised aim of achieving full freedom from the British Empire, preferring Dominion status. Ceylon National Congress The Ceylon National Congress (CNC) was a Nationalist political party which was formed in Ceylon on", + "score": 0.70849609375 + }, + { + "id": "11907954", + "title": "Bhupendra Nath Bose", + "text": "the Bengal Provincial Conference held at Mymensingh. He joined the anti-partition agitation and campaign against British goods throughout Bengal. In 1907 and again later he was arrested and detained by British at Calcutta for his nationalist activities. He opposed the passing of the Press Act in 1910. He became the President of the Indian National Congress in 1914. Bose was a member and under-secretary in the Council of the Secretary of State for India from 1917 to 1923. In 1923 he was made a member of the Executive Council of the Governor of Bengal. He then became the Vice-Chancellor of", + "score": 0.70849609375 + }, + { + "id": "216108", + "title": "Jawaharlal Nehru", + "text": "power sharing failed and gave way to the independence and bloody partition of India in 1947. Nehru was elected by the Congress to assume office as independent India's first Prime Minister, although the question of leadership had been settled as far back as 1941, when Gandhi acknowledged Nehru as his political heir and successor. As Prime Minister, he set out to realise his vision of India. The Constitution of India was enacted in 1950, after which he embarked on an ambitious program of economic, social and political reforms. Chiefly, he oversaw India's transition from a colony to a republic, while", + "score": 0.7080078125 + }, + { + "id": "7327336", + "title": "Purna Swaraj", + "text": "weakened India's links with the British Empire. The Indian National Congress, the largest Indian political party of the time, was at the head of the national debate. Congress leader and famous poet Hasrat Mohani was the first activist to demand complete independence (Poorna Swaraj) from the British in 1921 from an All-India Congress Forum. Veteran Congress leaders such as Bal Gangadhar Tilak, Aurobindo and Bipin Chandra Pal had also advocated explicit Indian independence from the Empire. Following the 1919 Amritsar Massacre, there was considerable public outrage against British rule. Europeans, (civilians and officials) were targets and victims of violence across", + "score": 0.7080078125 + }, + { + "id": "7553797", + "title": "M. E. Grant Duff", + "text": "as its president and R. Balaji Rao as its vice-president. This is considered to be one of the oldest Indian political organisations in the Madras Presidency, notwithstanding the Madras Native Association, which was a failure. Members of the Madras Mahajana Sabha played a pivotal role in corresponding with Indian associations in other provinces and forming the Indian National Congress in 1885. The Indian National Congress held its first session at Bombay in December 1885, attended by 72 delegates including 22 from the Madras Presidency. Grant Duff was made a Companion of the Order of the Indian Empire in 1881 and", + "score": 0.70703125 + }, + { + "id": "6447933", + "title": "Natal Indian Congress", + "text": "Natal Indian Congress The Natal Indian Congress (NIC) was an organisation that aimed to fight discrimination against Indians in South Africa. The Natal Indian Congress was founded by Mahatma Gandhi in 1894. A was put in place on 22 August 1894. Gandhi was the Honorary Secretary and Abdoola Hajee Adam Jhaveri (Dada Abdulla) was elected president. The Vice-Presidents were: Hajee Mahomed Hajee Dada, Abdool Kadir, Hajee Dada Hajee Habib, Moosa Hajee Adam, P. Dawjee Mahomed, Peeran Mahomed, Murugesa Pillay, Ramaswami Naidoo, Hoosen Miran, Adamjee Miankhan, K. R. Nayanah, Amod Bayat (P. M. Burg), Moosa Hajee Cassim, Mahomed Cassim Jeeva, Parsee", + "score": 0.70703125 + }, + { + "id": "12701208", + "title": "Rahimtulla M. Sayani", + "text": "that we are not a nation, but only a congeries of races and creeds which have no cohesion in them and to bring about stronger and stronger friendly ties of common nationality.\" \u2014 From the Presidential Address, I.N.C., - Rahimtulla M. Sayani I.N.C. Session, 1896, Calcutta. Rahimtulla M. Sayani Rahimtulla Mahomed Sayani (5 April 1847 \u2013 6 June 1902), was an Indian politician who served as the President of the Indian National Congress for one term, succeeding Surendranath Banerjea. Rahimtullah M Sayani, born in 1847, a century before the Independence of India, belonged to a Khoja Muslim Community, who were", + "score": 0.70654296875 + }, + { + "id": "13144613", + "title": "Dadabhai Naoroji Road", + "text": "As the founder of the Indian National Congress and three times its party President, his most notable contribution was to publicly voice the demand for swaraj (Independence of India), in 1906. History books on India have recorded his achievements and contributions to India's freedom movement. Concerned by the economic consequences of the British rule in India, he propagated a theory that India's unfortunate economic condition and poverty then was the result of the British Colonial government \u2018draining\u2019 resources out of this country, a unilateral transfer of resources from India to Britain. He also expanded on this theory through lectures and", + "score": 0.70654296875 + }, + { + "id": "13399951", + "title": "Goa liberation movement", + "text": "had gained momentum, inspired by the Indian independence movement, which had entered its crucial phase, as well as the 1946 British announcement to grant India independence, after which Indian leaders focused their attention on the movements in Portuguese India and French India that sought to join the newly independent Indian state. When Bragan\u00e7a Cunha was arrested in 1946, A.G. Tendulkar became the president of the Goa Congress and organised a meeting in Londa (outside Goa). Dr Juli\u00e3o Menezes studied in Goa and after finishing Lyceum, (Portuguese high school) he attended Berlin University in the 1920s and graduated in medicine \u2013", + "score": 0.70556640625 + }, + { + "id": "3845684", + "title": "Neelam Sanjiva Reddy", + "text": "Neelam Sanjiva Reddy Neelam Sanjiva Reddy (19 May 1913 \u2013 1 June 1996) was the sixth President of India, serving from 1977 to 1982. Beginning a long political career with the Indian National Congress Party in the Indian independence movement, he went on to hold several key offices in independent India\u2014as the first Chief Minister of Andhra Pradesh, a two-time Speaker of the Lok Sabha and a Union Minister\u2014before becoming the youngest-ever Indian president. Born in present-day Anantapur district, Andhra Pradesh, Reddy completed his schooling at Adayar and joined the Government Arts College at Anantapur. He quit to become an", + "score": 0.70556640625 + }, + { + "id": "6685805", + "title": "S. Srinivasa Iyengar", + "text": "Drafting Committee. On 10 August 1928, the committee submitted its report declaring dominion status as the goal of the Congress. The report was presented at the Lucknow session of the Indian National Congress held between 28 August 1928 and 31 August 1928. On 30 August 1928, Jawaharlal Nehru, Srinivasa Iyengar and Subhas Chandra Bose formed the Indian Independence League. This league declared \"purna swaraj\" or complete independence from British rule as its ultimate goal and not dominion status. Srinivasa Iyengar was elected President of the league with Nehru and Bose as its secretaries. When the All-Parties Report (known as the", + "score": 0.70556640625 + }, + { + "id": "7327344", + "title": "Purna Swaraj", + "text": "an especially large public gathering attended the session convened in Lahore. Despite the bitterly cold weather, Pattabhi Sitaramayya records that: The heat of passion and excitement, the resentment at the failure of negotiation, the flushing of faces on hearing the war drums \u2013 oh, it was all in marked contrast to the weather. Jawaharlal Nehru was elected President and veteran leaders like Chakravarthi Rajagopalachari and Sardar Vallabhbhai Patel returned to the Congress Working Committee. They approved a declaration of independence, which stated: The British government in India has not only deprived the Indian people of their freedom but has based", + "score": 0.705078125 + }, + { + "id": "6682062", + "title": "All India States Peoples Conference", + "text": "All India States Peoples Conference The All India States Peoples' Conference (AISPC) was a conglomeration of political movements in the princely states of the British Raj. The first session of the organisation was held in Bombay in December 1927. The Conference eventually got affiliated to the Indian National Congress and Jawaharlal Nehru became its president in 1939. The Conference dissolved itself on 25 April 1948, all its constituents merging into the Congress. The Conference brought together representatives from hundreds of Indian princely states, including Baroda, Bhopal, Travancore and Hyderabad. It was established to encourage political dialogue between the princely class", + "score": 0.705078125 + }, + { + "id": "7794872", + "title": "Paravoor T. K. Narayana Pillai", + "text": "educated at the Union Christian College in Alwaye, and earned his Bachelor of Arts degree in 1911. In 1924, Paravoor TK became the thaluk president of the Indian National Congress (INC), North Parur unit. He went on to become the Travancore-Cochin secretary of the INC in 1932, and its president in 1938. He was a founding member of the Travancore State Congress. In 1939, Paravoor TK was arrested along with several other leaders for their allegations against the Diwan of Travancore C. P. Ramaswami Iyer, and was held until they withdrew the allegations. In 1948, Paravoor TK became the president", + "score": 0.705078125 + }, + { + "id": "2683016", + "title": "Janata Party", + "text": "Congress (O) veteran and Janata candidate Neelam Sanjiva Reddy won the presidential election to become the 6th President of India on 25 July 1977. The results of its election defeat considerably weakened and diminished the Congress (R). Significant numbers of Congress (R) MPs and activists condemned Indira's leadership and left the party. As a result, MPs still loyal to Indira Gandhi renamed their party to Congress (I) \u2013 \"I\" standing for Indira. Although no longer an MP, Indira Gandhi continued as the president of Congress (I), which remained the largest opposition party. The first actions taken by the Desai government", + "score": 0.70458984375 + }, + { + "id": "6548324", + "title": "Sri Lankan independence movement", + "text": "in the State Council, on 19 January 1945. At annual session of the Ceylon National Congress was held on 27\u201328 January 1945 its president, George E. de Silva, said, \"Today we stand pledged to strive for freedom. Nothing less than that can be accepted.\" The Congress resolved, \"Whereas the decision of the State Council 'to frame a Constitution of the Dominion type for a Free Lanka', falls short of the full national right for freedom, nevertheless, this Congress instructs its members in the State Council to support the Bill providing 'a new constitution for a Free Lanka' as an advance", + "score": 0.7041015625 + }, + { + "id": "8854235", + "title": "Womesh Chunder Bonnerjee", + "text": "in 1885 from 28 December to 31 December and attended by 72 members. In the 1886 session held at Calcutta, under the presidency of Dadabhai Naoroji, he proposed the formation of standing committees of the Congress in each province for the better co-ordination of its work and it was on this occasion that he advocated that the Congress should confine its activities to political matters only, leaving the question of social reforms to other organisations. He was the president of the Indian National Congress again in the 1892 session in Allahabad where he denounced the position that India had to", + "score": 0.7041015625 + }, + { + "id": "12995575", + "title": "Great Depression in India", + "text": "was passed in 1934 and a central bank came into being on April 1, 1935 with Sir Osborne Smith as its first Governor. However, when Osborne Smith tried to function independently and indulged in open confrontation with P. J. Grigg, the finance member of the Viceroy's Council, he was removed from office. On December 31, 1929, at a session of the Indian National Congress held on the banks of the river Ravi in Lahore, Jawaharlal Nehru unfurled the tricolor and declared that complete independence from British rule would, henceforth, be the goal of the Congress. This was a remarkable shift", + "score": 0.70361328125 + }, + { + "id": "12701219", + "title": "Bishan Narayan Dar", + "text": "the President of the Indian National Congress in the same year. In 1914, he was elected as a member of the Imperial Legislative Council from the United Provinces. Bishan Narayan Dar Pandit Bishan Narayan Dar (1864\u20131916) was an Indian politician who served as the President of the Indian National Congress for one term in 1911. Dar belonged to a prominent Kashmiri Pandit family from Lucknow. His uncle Pandit Shambhu Nath was the first Indian Judge of the Calcutta High Court. Dar studied at the Church Mission High School and Canning College in Lahore. Dar went to England where he practised", + "score": 0.703125 + }, + { + "id": "15704394", + "title": "French India Students Congress", + "text": "Its founders included Antoine Vallabh Mariadassou, Sebastien, Dorai Mounissamy, Arumugam, J. Savarinathan, T.N. Sethuraman (Thirumudi.N.Sethuraman) and Ambadi Narayan (from Mah\u00e9). Antoine Vallabh Mariadassou was the founding president of the organization, serving 1946-1947. Paul Radjanedassou served as president 1947-1948 and Shatrugh Paramel 1948-1949. Dorai Mounissamy was the founding general secretary of the organization. The organization used slogans such as \"Down with French colonialism!\", \"Inquilab Zindabad!\", \"Jai Hind!\" and \"French, Quit India!\". As independence of British India drew nearer, the French India Students Congress called for a protest on August 9, 1947 to call on France to quit India. French authorities issues", + "score": 0.70263671875 + }, + { + "id": "12105503", + "title": "National Congress of American Indians", + "text": "by Bronson in 1951, who resigned in 1952. Frank George, a Nez Perce from the Colville Indian Reservation, briefly held the post before Helen Peterson, Cheyenne-Lakota, took over the post as the executive director of the organization in 1953. That same year, W. W. Short replaced Johnson as president of NCAI. In 1954, Short was in turn replaced by Joseph Garry, a Coeur d'Alene veteran of both World War II and the Korean War. Garry's contribution to the organization was significant, as it turned the organizational direction away from the singular focus on Native Americans in the Great Plains and", + "score": 0.70263671875 + }, + { + "id": "6685806", + "title": "S. Srinivasa Iyengar", + "text": "Nehru Report) was published in 1928 outlining a constitution for India in terms of \"Dominion status\", Srinivasa Iyengar organised the Independence League with himself as President and Jawaharlal Nehru and Subhas Chandra Bose as leading members. Iyengar was elected President of the Congress Democratic Party with Subhas Chandra Bose as its Secretary. Srinivasa Iyengar, however, announced his retirement from active public life early in 1930. Srinivasa Iyengar briefly returned to politics in 1938 and supported Subhas Chandra Bose as president of the Congress. However, when Bose formed the Forward Bloc, he described it as a \"leaky boat.\" He was also", + "score": 0.70263671875 + }, + { + "id": "10575219", + "title": "John Thivy", + "text": "by a speech given by Subhas Chandra Bose in one of his rallies in 1943. Thivy joined the Indian National Army in 1943 and served in the Burma Front. After the Japan's surrender, John Thivy was held at Changi prison for collaboration and was only released after India's independence. In August 1946, Thivy became the Founder President of the Malayan Indian Congress (MIC), which represented Indian interests in Malaya. He was helped in the setting up of the party by other notable individuals such as Janaky Athi Nahappan. The MIC was modelled after the Indian National Congress. The party participated", + "score": 0.7021484375 + }, + { + "id": "12701231", + "title": "Ambica Charan Mazumdar", + "text": "and also moderates and extremists of the Congress party came together once again. Ambica Charan Mazumdar Ambica Charan Mazumdar (1850\u20131922) was a Bengali Indian politician who served as the president of the Indian National Congress. Born in Sandiya, a village in Bengal Presidency's Faridpur district (in present-day Bangladesh), Mazumdar graduated from the Scottish Church College as a graduating student of the University of Calcutta. He presided over the 1899 Bengal Provincial Conference at Burdwan as well as the 1910 Conference in Calcutta. He had served as the president of the 31st session of the Indian National Congress in 1916 where", + "score": 0.70166015625 + }, + { + "id": "12701225", + "title": "Raghunath Narasinha Mudholkar", + "text": "President of the Indian National Congress held at Bankipur in 1912. He admired Parliamentary democracy but opposed British bureaucracy. He criticised the economic policy of the Government, helped to establish a number of industries in Vidarbha and advocated technical education. He founded several social organisations and worked for the uplift of the poor. He died on 13 January 1921. His son Janardhan became Judge at Supreme Court of India during 1960-1966. Raghunath Narasinha Mudholkar Rao Bahadur Raghunath Narasinha Mudholkar CIE was an Indian politician who served as the President of the Indian National Congress for one term, succeeding Pandit Bishan", + "score": 0.701171875 + }, + { + "id": "1324755", + "title": "Indian National Congress", + "text": "successor to the party survived as the Pakistan National Congress, a party which represented the rights of religious minorities in the state. The party's support was strongest in the Bengali-speaking province of East Pakistan. After the Bangladeshi War of Independence, it became known as the Bangladeshi National Congress, but was dissolved in 1975 by the government. From 1951 until his death in 1964, Jawaharlal Nehru was the paramount leader of the party. Congress gained power in landslide victories in the general elections of 1951\u201352, 1957, and 1962. During his tenure, Nehru implemented policies based on import substitution industrialisation, and advocated", + "score": 0.70068359375 + }, + { + "id": "13353873", + "title": "Matrika Prasad Koirala", + "text": "living in exile. He stayed in the house of Dr. Rajendra Prasad, the first President of free India and was influenced by the Indian Independence Struggle. He participated in the Indian independence movement with his brother Bishweshwar Prasad Koirala. Both brothers were arrested and imprisoned by the British Raj for three months in 1930. He was made President of the Congress Party in Bihar by Dr Rajendra Prasad for a while as all the other senior Indian leaders were jailed during the Quit India Movement. He later joined the Nepali National Congress led by Tanka Prasad Acharya and fought against", + "score": 0.70068359375 + }, + { + "id": "7388586", + "title": "Mainza Chona", + "text": "and ZANC was banned in March 1959. Chona decided to take active part in the operations of the still-legal ANC, but his challenge to Nkumbula's cautious leadership of the party resulted in a further split. Chona and other nationalists broke away from the ANC and, in October 1959, Chona became the first president of the United National Independence Party (UNIP), the successor to ZANC. However, he did not see himself as the party's main founder and he stepped down when Kaunda was released from prison in January 1960. As Kaunda's loyal lieutenant, Chona was elected deputy president of UNIP, but", + "score": 0.7001953125 + }, + { + "id": "4763253", + "title": "Hasrat Mohani", + "text": "Hasrat Mohani Hasrat Mohani (1 January 1875 \u2013 13 May 1951) was an Indian activist in the Indian independence movement, and a noted poet of the Urdu language. He coined the notable slogan \"Inquilab Zindabad\" (that translates to \"Long live the revolution!\") in 1921. Together with Swami Kumaranand, he is regarded as the first person to demand complete independence for India in 1921 at the Ahmedabad Session of the Indian National Congress. He was born in 1878 as Syed Fazl-ul-Hasan at Mohan, a town in the Unnao district of United Provinces in British India. Hasrat was his pen name (takhallus)", + "score": 0.7001953125 + }, + { + "id": "8854236", + "title": "Womesh Chunder Bonnerjee", + "text": "prove her worthiness for political freedom. He moved to Britain and practiced before the Privy Council. He financed the British Committee of Congress and its journals in London. In 1865 Dadabhai Naoroji founded the London Indian society and Bonnerjee was made its general secretary. In December 1866, Naoroji dissolved the society and formed East Indian Association. When Bonnerjee became the Congress president Naoroji along with him, Eardley Norton and William Digby opened The Congress Political Agency, a branch of Congress in London. He lived in Croydon and named his residence after his birthplace Khidirpur. The Liberal party made him his", + "score": 0.7001953125 + }, + { + "id": "12701205", + "title": "Rahimtulla M. Sayani", + "text": "Rahimtulla M. Sayani Rahimtulla Mahomed Sayani (5 April 1847 \u2013 6 June 1902), was an Indian politician who served as the President of the Indian National Congress for one term, succeeding Surendranath Banerjea. Rahimtullah M Sayani, born in 1847, a century before the Independence of India, belonged to a Khoja Muslim Community, who were the disciples of the Aga Khan. He was associated with the Indian National Congress since its inception and he was one of the two Indian Muslims who attended its First Session of INC held at Bombay in 1885, where \"Womesh Chandra Bonnerjee\" was elected as the", + "score": 0.7001953125 + }, + { + "id": "19583816", + "title": "C. F. Brackenbury", + "text": "in 1935 and as per the provisions of the act the franchise which had hitherto been restricted only to landlords and notables was enlarged to include much of India's population making the 1937 elections, the first democratically-held elections in India's history. In the Madras Presidency, the Indian National Congress was elected to power and Indian independence activist C. Rajagopalachari became the Premier. Brackenbury soon became a favourite of Rajagopalachari and the working of the government was smooth and unhindered. Upon Rajagopalachari taking charge as Premier, he gifted khadi cloth to Brackenbury. Brackenbury warmly accepted the gift and made a suit", + "score": 0.69970703125 + }, + { + "id": "7327343", + "title": "Purna Swaraj", + "text": "Irwin met with Mohandas Gandhi, Muhammad Ali Jinnah and out-going Congress President Motilal Nehru to discuss the meeting. Gandhi asked Irwin if the conference would proceed on the basis of dominion status and Irwin said he could not assure that, resulting in the end of the meeting. As a result of the denial of reforms and political rights, and the persistent ignorance of Indian political parties, the Indian National Congress grew increasingly cohesive \u2013 unified in the desire to oust the British from India completely. A very large number of Congress volunteers and delegates, members of other political parties and", + "score": 0.69970703125 + }, + { + "id": "1324783", + "title": "Indian National Congress", + "text": "a structure, Congress under Indira Gandhi did not hold any organizational elections after 1972. The AICC is composed of delegates sent from the PCCs. The delegates elect Congress committees, including the Congress Working Committee, consisting of senior party leaders and office bearers. The AICC takes all important executive and political decisions. Since Indira Gandhi formed Congress (I) in 1978, the President of the Indian National Congress has effectively been: the party's national leader, head of the organisation, head of the Working Committee and all chief Congress committees, chief spokesman, and Congress' choice for Prime Minister of India. Constitutionally, the president", + "score": 0.69970703125 + }, + { + "id": "5967708", + "title": "U. N. Dhebar", + "text": "renamed to Saurashtra State. He was appointed as Chief Minister of Saurashtra State in 1948 and served until 1954. During his administration several reform were introduced in Saurashtra for the uplift of villages. In 1955 he was elected the President of the Indian National Congress and served till 1959. His first act as the President was to assemble the top leaders of the Congress for a week in a conference to decide how the Congress could best serve the nation. He served as the Chairman of Scheduled Areas and Scheduled Tribes Commission in 1960-61. In 1962 he was elected to", + "score": 0.69921875 + }, + { + "id": "10692322", + "title": "Bishnuram Medhi", + "text": "and was called to the bar in 1914. Bishnuram joined the Indian National Congress in the 1920s and participated in the Non-Cooperation Movement. In 1926, he was appointed Joint-Secretary of the Reception Committee of the Pandu session of the Indian National Congress. In 1930, Bishnuram was elected President of the Assam Provincial Congress. Bishnuram Medhi assisted and played crucial role with Gopinath Bordoloi in securing Assam for India and preventing from being a part of East Pakistan under grouping during India's Independence. When provincial autonomy was introduced in 1935, Bishnuram served as a minister in Gopinath Bordoloi's cabinet. In 1950,", + "score": 0.69873046875 + }, + { + "id": "1324747", + "title": "Indian National Congress", + "text": "Commons (1892\u20131895). Congress also included Bal Gangadhar Tilak, Bipin Chandra Pal, Lala Lajpat Rai, Gopal Krishna Gokhale, and Mohammed Ali Jinnah. Jinnah was a member of the moderate group in the Congress, favouring Hindu\u2013Muslim unity in achieving self-government. Later he became the leader of the Muslim League and instrumental in the creation of Pakistan. Congress was transformed into a mass movement by Surendranath Banerjee during the partition of Bengal in 1905, and the resultant Swadeshi movement. Mahatma Gandhi returned from South Africa in 1915. With the help of the moderate group led by Ghokhale, Gandhi became president of Congress. After", + "score": 0.6982421875 + }, + { + "id": "7188566", + "title": "Anushilan Samiti", + "text": "Several years later, it was reborn as the Hindustan Socialist Republican Association. In 1927, the Indian National Congress came out in favour of independence from Britain. Bengal had quietened over a four-year period, and the government released most of those interned under the Act of 1925 despite an unsuccessful attempt to forge a Jugantar-Anushilan alliance. Some younger radicals struck out in new directions, and many (young and old) took part in Congress activities such as the 1928 anti-Simon agitation. Congress leader Lala Lajpat Rai died of injuries received when police broke up a Lahore protest march in October, and Bhagat", + "score": 0.6982421875 + }, + { + "id": "6413654", + "title": "Pherozeshah Mehta", + "text": "was chosen the president of the Indian National Congress in 1890. Mehta was born on 4 August 1845 in Bombay (now Mumbai) to a Parsi business family. His father, a Bombay-based businessman who also spent plenty of time in Calcutta, was not highly educated but he did translate a Chemistry textbook into Gujarati and authored a Geography textbook. Graduating from the Elphinstone College in 1864, Pherozeshah obtained his Master of Arts degree, with honors, six months later, becoming the first such Parsi, from the University of Mumbai. Scholar and then principal of the university, Sir Alexander Grant nominated him a", + "score": 0.6982421875 + }, + { + "id": "12701230", + "title": "Ambica Charan Mazumdar", + "text": "Ambica Charan Mazumdar Ambica Charan Mazumdar (1850\u20131922) was a Bengali Indian politician who served as the president of the Indian National Congress. Born in Sandiya, a village in Bengal Presidency's Faridpur district (in present-day Bangladesh), Mazumdar graduated from the Scottish Church College as a graduating student of the University of Calcutta. He presided over the 1899 Bengal Provincial Conference at Burdwan as well as the 1910 Conference in Calcutta. He had served as the president of the 31st session of the Indian National Congress in 1916 where the famous Lucknow Pact was signed between the Congress and the Muslim league", + "score": 0.6982421875 + }, + { + "id": "11656247", + "title": "Edwin Wijeyeratne", + "text": "thereby sent to Ceylon by Jawaharlal Nehru and the Indian Congress to visit India for a discussion regarding the independence of Ceylon. Wijeyeratne, DS Senanayake, George E De Silva, JR Jayawardene, Sir Claude Corea and HW Amarasuriya were among the delegates. On 21 December 1940, Wijeyeratne was appointed President of the Ceylon National Congress. His Joint Secretaries were Dudley Senanayake and JR Jayawardene. During this period he was chosen to lead the Ceylon National Congress delegation to London. In 1947 Wijeyeratne was appointed to the Senate which was a non-elected upper house of parliament. There he served as acting leader.", + "score": 0.6982421875 + }, + { + "id": "13551820", + "title": "Tamil Nadu Legislative Assembly", + "text": "compromise was reached between the Congress and viceroy Lord Wavell. The second assembly of the presidency was constituted in April 1946 and J. Shivashanmugam Pillai was elected as the speaker. The Congress won an absolute majority in the elections and again formed the Government. On 15 August 1947, India became independent and the new Indian Constitution came into effect on 26 January 1950. Madras Presidency became Madras State and the existing assembly and the Government were retained till new elections could be held in 1951. In the Republic of India, the Madras State Legislative Assembly continued to be the lower", + "score": 0.69775390625 + }, + { + "id": "5500101", + "title": "History of the Republic of India", + "text": "History of the Republic of India The history of the Republic of India begins on 26 January 1950. The country became an independent nation within the British Commonwealth on 15 August 1947. Concurrently the Muslim-majority northwest and east of British India was separated into the Dominion of Pakistan, by the partition of India. The partition led to a population transfer of more than 10 million people between India and Pakistan and the death of about one million people. Indian National Congress leader Jawaharlal Nehru became the first Prime Minister of India, but the leader most associated with the independence struggle,", + "score": 0.69775390625 + }, + { + "id": "1102917", + "title": "Malaysian Indian Congress", + "text": "Gandhi's ideology and determined for fight for Indian independence. He was actively involved in the Indian nationalist movement when he returned to Malaya. He founded the Malaya Indian Congress (MIC only officially became known as Malaysian Indian Congress, after the formation of the Federation of Malaysia in 1963) in August 1946. The word 'Congress' in the name of Malaysian Indian Congress is taken from the Indian National Congress, the party that Mahatma Gandhi led to fight for Indian independence. After India gained independence in 1947, Malaysian Indian Congress changed its ideology and started to fight for Malaysian Independence. John Thivy", + "score": 0.697265625 + }, + { + "id": "6679815", + "title": "History of the Indian National Congress", + "text": "Mohandas Karmchand Gandhi, who later on became more popular as Mahatma Gandhi, had success in defeating the British in Champaran and Kheda, giving India its first victory in the struggle for freedom. Then Indian National Congress had supported that movement; Indians gained confidence in the working of that organization that the British could be thwarted through that organization, and millions of young people from across the country flooded into Congress membership. A whole class of political leaders disagreed with Gandhi. Bipin Chandra Pal, Muhammad Ali Jinnah, Annie Besant, Bal Gangadhar Tilak all criticized the idea of civil disobedience. But Gandhi", + "score": 0.6962890625 + }, + { + "id": "3179646", + "title": "Abul Kalam Azad", + "text": "1919 had provoked intense outrage all over India, alienating most Indians, including long-time British supporters, from the authorities. The Khilafat struggle had also peaked with the defeat of the Ottoman Empire in World War I and the raging Turkish War of Independence, which had made the caliphate's position precarious. India's main political party, the Indian National Congress came under the leadership of Mahatma Gandhi, who had aroused excitement all over India when he led the farmers of Champaran and Kheda in a successful revolt against British authorities in 1918. Gandhi organised the people of the region and pioneered the art", + "score": 0.6962890625 + }, + { + "id": "561177", + "title": "Sarvepalli Radhakrishnan", + "text": "he was nominated to the League of Nations Committee for Intellectual Cooperation, where after \"in Western eyes he was the recognized Hindu authority on Indian ideas and a persuasive interpreter of the role of Eastern institutions in contemporary society.\" When India became independent in 1947, Radhakrishnan represented India at UNESCO (1946\u201352) and was later Ambassador of India to the Soviet Union, from 1949 to 1952. He was also elected to the Constituent Assembly of India. Radhakrishnan was elected as the first Vice-President of India in 1952, and elected as the second President of India (1962\u20131967). Radhakrishnan did not have a", + "score": 0.6962890625 + }, + { + "id": "2181044", + "title": "Jayaprakash Narayan", + "text": "Quit India movement. After being jailed in 1932 for civil disobedience against British rule, Narayan was imprisoned in Nasik Jail, where he met Ram Manohar Lohia, Minoo Masani, Achyut Patwardhan, Ashok Mehta, Basawon Singh (Sinha), Yusuf Desai, C K Narayanaswami and other national leaders. After his release, the Congress Socialist Party, or (CSP), a left-wing group within the Congress, was formed with Acharya Narendra Deva as President and Narayan as General secretary. When Mahatma Gandhi launched the Quit India Movement in August 1942, Yogendra Shukla scaled the wall of Hazaribagh Central Jail along with Jayaprakash Narayan, Suraj Narayan Singh, Gulab", + "score": 0.69580078125 + }, + { + "id": "3154416", + "title": "Pranab Mukherjee", + "text": "Pranab Mukherjee Pranab Kumar Mukherjee (born 11 December 1932) is an Indian politician who served as the 13th President of India from 2012 until 2017. In a political career spanning five decades, Mukherjee has been a senior leader in the Indian National Congress and has occupied several ministerial portfolios in the Government of India. Prior to his election as President, Mukherjee was Union Finance Minister from 2009 to 2012. Mukherjee got his break in politics in 1969 when Prime Minister Indira Gandhi helped him get elected to the Rajya Sabha, the upper house of Parliament of India, on a Congress", + "score": 0.69580078125 + }, + { + "id": "3178367", + "title": "Zail Singh", + "text": "Zail Singh Gyani Zail Singh (; born Jarnail Singh, 5 May 1916 \u2013 25 December 1994) was the seventh President of India serving from 1982 to 1987. Prior to his presidency, he was a politician with the Indian National Congress party, and had held several ministerial posts in the Union Cabinet, including that of Home Minister.He also served as the Secretary-General of the Non-Aligned Movement from 1983 to 1986. His presidency was marked by Operation Blue Star, the assassination of Indira Gandhi, and the 1984 anti-Sikh genocide. He died of injuries in 1994 after a car accident. He was born", + "score": 0.69580078125 + }, + { + "id": "259697", + "title": "Mahatma Gandhi", + "text": "again in 1936, with the Nehru presidency and the Lucknow session of the Congress. Although Gandhi wanted a total focus on the task of winning independence and not speculation about India's future, he did not restrain the Congress from adopting socialism as its goal. Gandhi had a clash with Subhas Chandra Bose, who had been elected president in 1938, and who had previously expressed a lack of faith in nonviolence as a means of protest. Despite Gandhi's opposition, Bose won a second term as Congress President, against Gandhi's nominee, Dr. Pattabhi Sitaramayya; but left the Congress when the All-India leaders", + "score": 0.69580078125 + }, + { + "id": "3154454", + "title": "Pranab Mukherjee", + "text": "on 4 October 2011. Mukherjee has received several accolades and honours: Pranab Mukherjee's positions in chronological order: Pranab Mukherjee Pranab Kumar Mukherjee (born 11 December 1932) is an Indian politician who served as the 13th President of India from 2012 until 2017. In a political career spanning five decades, Mukherjee has been a senior leader in the Indian National Congress and has occupied several ministerial portfolios in the Government of India. Prior to his election as President, Mukherjee was Union Finance Minister from 2009 to 2012. Mukherjee got his break in politics in 1969 when Prime Minister Indira Gandhi helped", + "score": 0.69580078125 + }, + { + "id": "17368185", + "title": "Neelalohithadasan Nadar", + "text": "its President. He was Member of State Youth Congress Committee in 1968 and became its President in 1969. Besides, he was a member of KPCC and AICC. He also served as Chairman, Kerala University Union in 1972. During the emergency period he left INC and associated in the formation of the Congress For Democracy and became its State President. Subsequently he joined the Janatha Party when CFD merged with the Janatha Party. Later, he became the Parliamentary Party Leader and State Chairman of DSP. When the name of DSP was changed as Lok Dal, he became its Member, National Standing", + "score": 0.69580078125 + }, + { + "id": "3978436", + "title": "Indian Youth Congress", + "text": "and Parliamentary affairs in the Indian cabinet. Narayan Dutt Tiwari was the first President. During the 1970s, under the leadership of Sanjay Gandhi, the Youth Congress undertook activities such as tree plantation, family planning, and fought against domestic violence and dowry deaths. After the death of Sanjay Gandhi, Rajiv Gandhi took over in charge of the Youth Congress. After he became prime minister in 1984, Rajiv Gandhi reduced the voting age to 18. Rahul Gandhi was appointed a general secretary of the All India Congress Committee on 24 September 2007 and was given charge of the Indian Youth Congress along", + "score": 0.6953125 + }, + { + "id": "6494965", + "title": "Narhar Vishnu Gadgil", + "text": "joined the Indian National Congress immediately after obtaining his law degree and started his active participation in the national freedom movement. He suffered imprisonment from the ruling British government eight times for the participation. In India's pre-independence days, Gadgil served as the secretary of Poona District Congress Committee (1921\u201325), the president of Maharashtra Pradesh Congress Committee (1937\u201345), and the whip and secretary of the Congress Legislative Party (1945\u201347). He was elected to the central Legislative Assembly in 1934. Gadgil was a pioneer in social reform movements in Maharashtra in the 1930s. Between 1947 and 1952 Gadgil served as a minister", + "score": 0.6953125 + } + ], + "answer": "Independence Day is celebrated annually on 15 August as a national holiday in India commemorating the nation's independence from the United Kingdom on 15 August 1947, the day when the provisions of the 1947 Indian Independence Act, which transferred legislative sovereignty to the Indian Constituent Assembly, came into effect. Jivatram Bhagwandas Kripalani, popularly known as Acharya Kripalani, was an Indian politician, noted particularly for holding the presidency of the Indian National Congress during the transfer of power in 1947 and the husband of Sucheta Kripalani. Purushottam Das Tandon, a freedom fighter from Prayagraj, Uttar Pradesh, India, was President of the Indian National Congress when the Constitution of India took effect." + }, + { + "qa_pairs": [ + { + "context": "The exact identity of the author of \"Le Morte d'Arthur\" has long been the subject of speculation, owing to the fact that at least six historical figures bore the name of \"Sir Thomas Malory\" in the late 15th century. In the work the author describes himself as \"Knyght presoner Thomas Malleorre\" (\"Sir Thomas Maleore\" according to the publisher William Caxton). This is taken as supporting evidence for the identification most widely accepted by scholars: that the author was the Thomas Malory born in the year 1416, to Sir John Malory of Newbold Revel, Warwickshire, England.", + "question": "Who is widely accepted as the author of a romance called le morte d'arthur about the death of king arthur?", + "short_answers": [ + "Sir Thomas Malory", + "Thomas Malory" + ], + "wikipage": "Le Morte d'Arthur" + }, + { + "context": "The exact identity of the author of \"Le Morte d'Arthur\" has long been the subject of speculation, owing to the fact that at least six historical figures bore the name of \"Sir Thomas Malory\" in the late 15th century. In the work the author describes himself as \"Knyght presoner Thomas Malleorre\" (\"Sir Thomas Maleore\" according to the publisher William Caxton). This is taken as supporting evidence for the identification most widely accepted by scholars: that the author was the Thomas Malory born in the year 1416, to Sir John Malory of Newbold Revel, Warwickshire, England.", + "question": "How does the author of a romance called le morte d'arthur about the death of king arthur reference himself in his work?", + "short_answers": [ + "Thomas Malleorre", + "\"Knyght presoner Thomas Malleorre\"", + "Knyght presoner Thomas Malleorre" + ], + "wikipage": "Le Morte d'Arthur" + }, + { + "context": "The exact identity of the author of \"Le Morte d'Arthur\" has long been the subject of speculation, owing to the fact that at least six historical figures bore the name of \"Sir Thomas Malory\" in the late 15th century. In the work the author describes himself as \"Knyght presoner Thomas Malleorre\" (\"Sir Thomas Maleore\" according to the publisher William Caxton). This is taken as supporting evidence for the identification most widely accepted by scholars: that the author was the Thomas Malory born in the year 1416, to Sir John Malory of Newbold Revel, Warwickshire, England.", + "question": "According to the original publisher, who wrote a romance called le morte d'arthur about the death of king arthur?", + "short_answers": [ + "\"Sir Thomas Maleore\"", + "Sir Thomas Maleore", + "Thomas Maleore" + ], + "wikipage": "Le Morte d'Arthur" + } + ], + "wikipages": [ + { + "title": "Le Morte d'Arthur", + "url": "https://en.wikipedia.org/wiki/Le%20Morte%20d%27Arthur" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "The exact identity of the author of \"Le Morte d'Arthur\" has long been the subject of speculation, owing to the fact that at least six historical figures bore the name of \"Sir Thomas Malory\" in the late 15th century. In the work the author describes himself as \"Knyght presoner Thomas Malleorre\" (\"Sir Thomas Maleore\" according to the publisher William Caxton). This is taken as supporting evidence for the identification most widely accepted by scholars: that the author was the Thomas Malory born in the year 1416, to Sir John Malory of Newbold Revel, Warwickshire, England." + }, + { + "knowledge": [ + { + "content": "Le Morte d'Arthur (originally spelled Le Morte Darthur, ungrammatical[1] Middle French for \"The Death of Arthur\") is a 15th-century Middle English prose reworking by Sir Thomas Malory of tales about the legendary King Arthur, Guinevere, Lancelot, Merlin and the Knights of the Round Table\u2014along with their respective folklore.", + "wikipage": "Le Morte d'Arthur" + } + ], + "long_answer": "Le Morte d'Arthur is a 15th-century Middle English prose reworking by Sir Thomas Malory of tales about the legendary King Arthur, Guinevere, Lancelot, Merlin and the Knights of the Round Table\u2014along with their respective folklore. The exact identity of the author of \"Le Morte d'Arthur\" has long been the subject of speculation, owing to the fact that at least six historical figures bore the name of \"Sir Thomas Malory\" in the late 15th century. In the work the author describes himself as \"Knyght presoner Thomas Malleorre\" or as \"Sir Thomas Maleore\" according to the publisher William Caxton." + } + ], + "sample_id": "-4488762816493062068", + "question": "Who wrote a romance called le morte d'arthur about the death of king arthur?", + "docs": [ + { + "id": "2486340", + "title": "Le Morte d'Arthur", + "text": "Le Morte d'Arthur \"Le Morte d'Arthur\" was first published in 1485 by William Caxton and is today one of the best-known works of Arthurian literature in English. Until the discovery of the Winchester Manuscript in 1934, the 1485 edition was considered the earliest known text of \"Le Morte d'Arthur\" and that closest to Malory's translation and compilation. Various modern editions are inevitably variable, changing a variety of spelling, grammar, and/or pronouns for the convenience of readers of modern English. Many modern Arthurian writers have used Malory as their principal source. The exact identity of the author of \"Le Morte d'Arthur\"", + "score": 0.8056640625, + "summary": "The romance called \"Le Morte d'Arthur\" was written by an unknown author, but it was first published in 1485 by William Caxton and is considered one of the best-known works of Arthurian literature in English.", + "extraction": "Sir Thomas Malory wrote \"Le Morte d'Arthur\" about the death of King Arthur." + }, + { + "id": "2486378", + "title": "Le Morte d'Arthur", + "text": "Guinevere and Lancelot, Sirs Bors, Hector, Blamore, and Bleoberis head to the Holy Land to crusade, where they die on Good Friday. Le Morte d'Arthur \"Le Morte d'Arthur\" was first published in 1485 by William Caxton and is today one of the best-known works of Arthurian literature in English. Until the discovery of the Winchester Manuscript in 1934, the 1485 edition was considered the earliest known text of \"Le Morte d'Arthur\" and that closest to Malory's translation and compilation. Various modern editions are inevitably variable, changing a variety of spelling, grammar, and/or pronouns for the convenience of readers of modern", + "score": 0.79345703125, + "summary": "Sir Thomas Malory wrote \"Le Morte d'Arthur\" about the death of King Arthur.", + "extraction": "Sir Thomas Malory wrote a romance called \"Le Morte d'Arthur\" about the death of King Arthur." + }, + { + "id": "7785668", + "title": "Alliterative Morte Arthure", + "text": "Alliterative Morte Arthure The Alliterative \"Morte Arthure\" is a 4346-line Middle English alliterative poem, retelling the latter part of the legend of King Arthur. Dating from about 1400, it is preserved in a single copy, in the early 15th-century Lincoln Thornton Manuscript. The author of the poem is unknown. In his history of Scotland, Andrew of Wyntoun mentions a poet called Huchoun (\"little Hugh\"), who he says made a \"gret Gest of Arthure, / And \u00fee Awntyr of Gawane, / \u00dee Pistil als of Suet Susane\" [great history of Arthur, / And the Adventure of Gawain, / The Epistle also", + "score": 0.79296875, + "summary": "The author of the Alliterative Morte Arthure, a Middle English alliterative poem, is unknown. The poem retells the latter part of the legend of King Arthur and dates back to about 1400.", + "extraction": "irrelevant." + }, + { + "id": "7785675", + "title": "Alliterative Morte Arthure", + "text": "are allowed to run rampant in his court. Alliterative Morte Arthure The Alliterative \"Morte Arthure\" is a 4346-line Middle English alliterative poem, retelling the latter part of the legend of King Arthur. Dating from about 1400, it is preserved in a single copy, in the early 15th-century Lincoln Thornton Manuscript. The author of the poem is unknown. In his history of Scotland, Andrew of Wyntoun mentions a poet called Huchoun (\"little Hugh\"), who he says made a \"gret Gest of Arthure, / And \u00fee Awntyr of Gawane, / \u00dee Pistil als of Suet Susane\" [great history of Arthur, / And", + "score": 0.7890625, + "summary": "The author of the Alliterative Morte Arthure, a Middle English alliterative poem about King Arthur, is unknown.", + "extraction": "irrelevant" + }, + { + "id": "16425284", + "title": "Stanzaic Morte Arthur", + "text": "Ritson's late date for the poem was there rejected. A complete edition of the \"Morte\" by Thomas Ponton was published by the Roxburghe Club in 1819. It is now generally agreed that the last two stories of Malory's \"Morte d'Arthur\", \"The Book of Sir Launcelot and Queen Guinevere\" and \"The Most Piteous Tale of the Morte Arthur\", derive from his reading of the Stanzaic \"Morte Arthur\" and of the Stanzaic \"Morte\"s source, the \"Mort Artu\". Some of the high points of those last stories are certainly taken from the Stanzaic \"Morte\", such as the final renunciation scene between Lancelot and", + "score": 0.78759765625, + "summary": "Irrelevant.", + "extraction": "The \"Morte d'Arthur\" was written by Malory." + }, + { + "id": "16425273", + "title": "Stanzaic Morte Arthur", + "text": "Stanzaic Morte Arthur The Stanzaic Morte Arthur is an anonymous 14th-century Middle English poem in 3,969 lines, about the adulterous affair between Lancelot and Guinevere, and Lancelot's tragic dissension with King Arthur. The poem is usually called the Stanzaic \"Morte Arthur\" or Stanzaic \"Morte\" (formerly also the Harleian \"Morte Arthur\") to distinguish it from another Middle English poem, the Alliterative \"Morte Arthure\". It exercised enough influence on Thomas Malory's \"Le Morte d'Arthur\" to have, in the words of one recent scholar, \"played a decisive though largely unacknowledged role in the way succeeding generations have read the Arthurian legend\". King Arthur", + "score": 0.78662109375, + "summary": "The document discusses the anonymous 14th-century Middle English poem called Stanzaic Morte Arthur which tells the story of Lancelot's affair with Guinevere and his conflict with King Arthur. It mentions that the poem influenced Thomas Malory's \"Le Morte d'Arthur\". However, it does not mention who wrote \"Le Morte d'Arthur\".", + "extraction": "Thomas Malory wrote a romance called \"Le Morte d'Arthur\" about the death of King Arthur. (The passage is not directly helpful, but it mentions that the Stanzaic Morte Arthur influenced Thomas Malory's work, which is about King Arthur's death.)" + }, + { + "id": "417135", + "title": "Thomas Malory", + "text": "\"Morte Arthur\". The entire work is eight romances that span twenty-one books with 507 chapters, which was said to be considerably shorter than the original French sources, despite its vast size. Malory was responsible for organizing these diverse sources and consolidating them into a cohesive whole. The work was originally titled \"The Book of King Arthur and His Noble Knights of the Round Table\", but printer William Caxton changed it to \"Le Morte d'Arthur\" before he printed it in 1485, as well as making several other editorial changes. According to one theory, the eight romances were originally intended to be", + "score": 0.78173828125, + "summary": "Thomas Malory wrote \"Le Morte d'Arthur\" about the death of King Arthur.", + "extraction": "Thomas Malory wrote a romance called \"Le Morte d'Arthur\" about the death of King Arthur." + }, + { + "id": "16425283", + "title": "Stanzaic Morte Arthur", + "text": "to the early 14th century. In \"Observations on the Three First Volumes of The History of English Poetry\" (1782), and again in \"Ancient Engleish Metrical Romance\u00ebs\" (1802), the antiquary Joseph Ritson ridiculed Warton's and Percy's views of the poem's date, and asserted that Wanley was correct in assigning it to the reign of Henry VII. He noticed the similarities with Malory's \"Morte d'Arthur\", but believed that the poem was based on Malory rather than \"vice versa\". A lengthy but rather facetious synopsis of the \"Morte\", with quotations, figured in the \"Specimens of Early English Metrical Romances\" (1805) by George Ellis.", + "score": 0.779296875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "417111", + "title": "Thomas Malory", + "text": "Thomas Malory Sir Thomas Malory (c. 1415 \u2013 14 March 1471) was an English writer, the author or compiler of \"Le Morte d'Arthur\" (originally titled \"The Whole Book of King Arthur and His Noble Knights of the Round Table\"). Since the late nineteenth century, he has generally been identified as Sir Thomas Malory of Newbold Revel in Warwickshire, a knight, land-owner, and Member of Parliament. Previously, it was suggested by antiquary John Leland and John Bale that he was Welsh (identifying \"Malory\" with \"Maelor\"). Occasionally, other candidates are put forward for authorship of \"Le Morte d'Arthur\", but the supporting evidence", + "score": 0.77197265625, + "summary": "Thomas Malory wrote \"Le Morte d'Arthur\" about the death of King Arthur.", + "extraction": "Thomas Malory wrote \"Le Morte d'Arthur\" about the death of King Arthur." + }, + { + "id": "2486352", + "title": "Le Morte d'Arthur", + "text": "The publication of Chaucer's work by William Caxton was a precursor to his publication of Malory's \"Le Morte d'Arthur\". Where the \"Canterbury Tales\" are in Middle English, Malory extends \"one hand to Chaucer, and one to Spenser\" constructing a manuscript which is hard to place in one category. Like other English prose in the 15th century, \"Le Morte d'Arthur\" was highly influenced by French writings, but Malory blends these with other English verse and prose forms. Although Malory hearkens back to an age of idealized knighthood, jousting tournaments, and grand castles to suggest a medieval world, his stories lack any", + "score": 0.76806640625, + "summary": "Sir Thomas Malory wrote \"Le Morte d'Arthur\" about the death of King Arthur.", + "extraction": "Malory wrote a romance called \"Le Morte d'Arthur\" about the death of King Arthur." + }, + { + "id": "2486343", + "title": "Le Morte d'Arthur", + "text": "live at his estate. Although originally allied to the House of York, after his release Malory changed his allegiance to the House of Lancaster. This led to him being imprisoned yet again in 1468 when he led an ill-fated plot to overthrow Edward IV. It was during this final stint at Newgate Prison in London that he is believed to have written \"Le Morte d'Arthur\". Malory was released in October, 1470 when Henry VI came to the throne, but died only five months later. Elizabeth Bryan speaks of Malory's contribution to Arthurian legend in her introduction to \"Le Morte d'Arthur\":", + "score": 0.76513671875, + "summary": "Sir Thomas Malory wrote \"Le Morte d'Arthur\" while imprisoned in Newgate Prison in London.", + "extraction": "\"Le Morte d'Arthur\" was written by Malory during his final stint at Newgate Prison in London." + }, + { + "id": "10174741", + "title": "The Idylls of the Queen", + "text": "Thomas Malory's classic \"Le Morte D'Arthur\"; as specifically stated by the author, no attempt is made at depicting with historical accuracy the time of the actual King Arthur. It expands an incident in Malory, in which the Queen is accused of murder, into a complex mystery novel mingling the genres of historical mysteries, Arthurian legend and fantasy. Although set in a magical world, the puzzle is unraveled through straight investigation with no sorcerous shortcuts. The obscure knight Sir Patrise is poisoned at a dinner party given by Queen Guenevere in Camelot, and Sir Mador, the dead knight's cousin, accuses the", + "score": 0.76318359375, + "summary": "Thomas Malory wrote \"Le Morte D'Arthur\" about the death of King Arthur.", + "extraction": "Thomas Malory wrote a romance called \"Le Morte D'Arthur\" about the death of King Arthur." + }, + { + "id": "2486344", + "title": "Le Morte d'Arthur", + "text": "\"Malory did not invent the stories in this collection; he translated and compiled them... Malory in fact translated Arthurian stories that already existed in thirteenth-century French prose (the so-called Old French Vulgate romances) and compiled them together with at least one tale from Middle English sources (the Alliterative \"Morte Arthure\" and the Stanzaic \"Morte Arthur\") to create this text.\" Malory called the full work \"The Hoole Book of Kyng Arthur and of His Noble Knyghtes of The Rounde Table\", but William Caxton instead titled it with Malory's name for the final section of the cycle. Modernized editions update the late", + "score": 0.75927734375, + "summary": "Sir Thomas Malory compiled and translated Le Morte d'Arthur, a collection of Arthurian stories that already existed in thirteenth-century French prose and Middle English sources.", + "extraction": "\"Malory in fact translated Arthurian stories that already existed in thirteenth-century French prose (the so-called Old French Vulgate romances) and compiled them together with at least one tale from Middle English sources (the Alliterative \"Morte Arthure\" and the Stanzaic \"Morte Arthur\") to create this text.\" Therefore, Sir Thomas Malory wrote a romance called \"Le Morte d'Arthur\" about the death of King Arthur." + }, + { + "id": "417134", + "title": "Thomas Malory", + "text": "wrote \"Le Morte d'Arthur\" (\"The Death of Arthur\") based on Arthurian mythology, the first major work of English language prose. Richard Whittington, mayor of London, was responsible for philanthropic work that allowed prisoners access to a library in the Greyfriars monastery adjacent to Newgate. This, coupled with the probability that Malory had at least some wealth, allowed a certain level of comfort and leisure within the prison. His main sources for his work included Arthurian French prose romances, Geoffrey of Monmouth's \"History of the Kings of Britain\", and two anonymous English works called the Alliterative \"Morte Arthure\" and the Stanzaic", + "score": 0.75927734375, + "summary": "Thomas Malory wrote \"Le Morte d'Arthur\" about the death of King Arthur.", + "extraction": "Thomas Malory wrote \"Le Morte d'Arthur\" about the death of King Arthur." + }, + { + "id": "16425281", + "title": "Stanzaic Morte Arthur", + "text": "bookseller called John Colyns. Close study has shown that the section containing the Stanzaic \"Morte\" was originally a separate commercially produced booklet. One leaf, dealing with the burial of the Maid of Astolat, is now missing. By 1570 the manuscript had passed into the possession of one Robert Farrers. The manuscript was studied by Humfrey Wanley, keeper of the Harleian Library, who in 1759 catalogued it with the notation, \"This I take to be translated from the French Romance of K. Arthur\"; also \"I know not who this Poet was, but guess that he lived about the time of K.", + "score": 0.7548828125, + "summary": "The document mentions a manuscript called the Stanzaic Morte Arthur that was studied by Humfrey Wanley in 1759, who catalogued it as a translation from the French romance of King Arthur. The document does not explicitly state who wrote a romance called Le Morte d'Arthur about the death of King Arthur.", + "extraction": "irrelevant" + }, + { + "id": "7785670", + "title": "Alliterative Morte Arthure", + "text": "lost, which presumably derived from south-west Lincolnshire. The story is adapted from books IX and X of Geoffrey of Monmouth's \"History of the Kings of Britain\". It contains numerous episodes which are not in Geoffrey's work such as the Round Table and suggests the poet using other works such as Wace's \"Roman de Brut\" or Layamon's \"Brut\", the first texts to mention the Round Table. Some parts do not have a clear source and may have originated with the poet. Compared to many of the other depictions of Arthur's story, the \"Alliterative Morte Arthure\" is a relatively realistic version of", + "score": 0.75390625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention anyone writing a romance called \"Le Morte d'Arthur\"." + }, + { + "id": "7785669", + "title": "Alliterative Morte Arthure", + "text": "of Sweet Susan]. This \"Gest of Arthure\" has been claimed to be a reference to what is now known as the \"Alliterative Morte Arthure\"; but the fact that the \"Morte Arthure\" seems to have been written in an East Midlands dialect, the fact that Huchoun may have been Scottish, and the dialect of the extant \"Epistle of Sweet Susan\", which appears to be that of North Yorkshire, all argue against \"Huchoun\"'s authorship. The only manuscript source for the \"Morte Arthure\" is the Lincoln Thornton Manuscript written sometime in the mid-15th century by Robert Thornton, who copied an older text, now", + "score": 0.75, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "225059", + "title": "King Arthur", + "text": "Vulgate Cycle, and appears to have aimed at creating a comprehensive and authoritative collection of Arthurian stories. Perhaps as a result of this, and the fact that \"Le Morte D'Arthur\" was one of the earliest printed books in England, published by William Caxton in 1485, most later Arthurian works are derivative of Malory's. The end of the Middle Ages brought with it a waning of interest in King Arthur. Although Malory's English version of the great French romances was popular, there were increasing attacks upon the truthfulness of the historical framework of the Arthurian romances \u2013 established since Geoffrey of", + "score": 0.748046875, + "summary": "Sir Thomas Malory wrote \"Le Morte D'Arthur\" about the death of King Arthur.", + "extraction": "\"Le Morte D'Arthur\" was written by Malory about the death of King Arthur." + }, + { + "id": "417116", + "title": "Thomas Malory", + "text": "of the French,\" which suggests that he might have been from a wealthy family. A claimant's age must also fit the time of writing. By far the likeliest candidate for the authorship is Thomas Malory of Newbold Revel in Warwickshire. H. Oskar Sommer first proposed this identification in his edition of \"Le Morte d'Arthur\" published in 1890, and George Lyman Kittredge, a professor at Harvard, provided the evidence in 1896. Kittredge showed Malory as a soldier and a member of Parliament, who fought at Calais with Richard Beauchamp, Earl of Warwick. However, a biography by Edward Hicks published in 1928", + "score": 0.74609375, + "summary": "Thomas Malory wrote \"Le Morte d'Arthur\" about the death of King Arthur.", + "extraction": "Thomas Malory wrote \"Le Morte d'Arthur\" about the death of King Arthur." + }, + { + "id": "417137", + "title": "Thomas Malory", + "text": "represents different eras and reigns throughout the tales. This argument has also been used to attempt to reconcile Malory's doubtful reputation as a person who continually changed sides with the unexpected idealism of \"Le Morte d'Arthur\". It remains a matter of some debate whether this was a deliberate commentary or an imaginative fiction influenced by the political climate. The sources of the romances that make up \"Le Morte d'Arthur\", and Malory's treatment of those sources, correspond to some degree with those of a poem called \"The Wedding of Sir Gawain and Dame Ragnelle\"; they also both end with a similarly", + "score": 0.74560546875, + "summary": "Thomas Malory wrote a romance called \"Le Morte d'Arthur\" about the death of King Arthur.", + "extraction": "Thomas Malory wrote a romance called \"Le Morte d'Arthur\" about the death of King Arthur." + }, + { + "id": "16425279", + "title": "Stanzaic Morte Arthur", + "text": "her adultery, takes the veil at Amesbury. Lancelot arrives on the scene belatedly and visits Guinevere. They renounce each other in favour of a life of penance, and Lancelot accordingly becomes a monk. The poem ends with their death and burial seven years later. The poem is the work of an anonymous writer who lived during the 14th century in the north Midlands. His source was the French prose romance \"La Mort Artu\", but he compressed it to a romance only about one fifth of the \"Mort Artu\"s length. He probably intended his work for a wide and relatively unsophisticated", + "score": 0.7431640625 + }, + { + "id": "2486341", + "title": "Le Morte d'Arthur", + "text": "has long been the subject of speculation, owing to the fact that at least six historical figures bore the name of \"Sir Thomas Malory\" in the late 15th century. In the work the author describes himself as \"Knyght presoner Thomas Malleorre\" (\"Sir Thomas Maleore\" according to the publisher William Caxton). This is taken as supporting evidence for the identification most widely accepted by scholars: that the author was the Thomas Malory born in the year 1416, to Sir John Malory of Newbold Revel, Warwickshire. Sir Thomas inherited the family estate in 1434, but by 1450 he was fully engaged in", + "score": 0.74267578125 + }, + { + "id": "700873", + "title": "Chivalry", + "text": "many chivalric groups in England as imagined by Sir Thomas Malory when he wrote \"Le Morte d'Arthur\" in the late 15th century, perhaps each group created each chivalric ideology. And Malory's perspective reflects the condition of 15th-century chivalry. When \"Le Morte Darthur\" was printed, William Caxton urged knights to read the romance with an expectation that reading about chivalry could unite a community of knights already divided by the Wars of the Roses. During the early Tudor rule in England, some knights still fought for honour and for the good, to protect women and the poor while some others ignored", + "score": 0.74169921875 + }, + { + "id": "7785674", + "title": "Alliterative Morte Arthure", + "text": "be repentant around line 3886. Although the majority of Thomas Malory's \"Le Morte d'Arthur\" is closer to the style of \"Gawain\" and French versions of the legend, the second part of Malory's work, \"King Arthur's war against the Romans\", is primarily a translation of the earlier alliterative work, although Malory alters the tragic ending of the \"Alliterative Morte Arthure\" into a triumphant ending. Malory's contextualization of this tale early in his collection of Arthurian tales seems to indicate Arthur's heroic potential which will deepen the irony of his eventual fall through his own pride, and the wrath and lust that", + "score": 0.7392578125 + }, + { + "id": "225051", + "title": "King Arthur", + "text": "awake after a feast and has to retire for a nap. Nonetheless, as Norris J. Lacy has observed, whatever his faults and frailties may be in these Arthurian romances, \"his prestige is never\u2014or almost never\u2014compromised by his personal weaknesses ... his authority and glory remain intact.\" Arthur and his retinue appear in some of the \"Lais\" of Marie de France, but it was the work of another French poet, Chr\u00e9tien de Troyes, that had the greatest influence with regard to the development of Arthur's character and legend. Chr\u00e9tien wrote five Arthurian romances between and 1190. \"Erec and Enide\" and \"Clig\u00e8s\"", + "score": 0.73876953125 + }, + { + "id": "417136", + "title": "Thomas Malory", + "text": "separate, but Caxton altered them to be more unified. There has been some argument among critics that Malory's \"Le Morte d'Arthur\" was primarily intended as a political commentary of Malory's own era. Malory portrays an initially idyllic past under the strong leadership of King Arthur and his knights, but as intrigue and infighting develop, the utopic kingdom collapses, which may have been intended as a parallel and a warning against the infighting taking place during the Wars of the Roses. The seemingly contradictory changes in King Arthur's character throughout the work has been argued to support the theory that Arthur", + "score": 0.73583984375 + }, + { + "id": "417112", + "title": "Thomas Malory", + "text": "for their claim has been described as \"no more than circumstantial\". Most of what is known about Malory stems from the accounts describing him in the prayers found in the Winchester Manuscript. He is described as a \"\", distinguishing him from the other six individuals also bearing the name Thomas Malory in the 15th century when \"Le Morte d'Arthur\" was written. At the end of the \"Tale of King Arthur\" (Books I\u2013IV in the printing by William Caxton) is written: \"For this was written by a knight prisoner Thomas Malleorre, that God send him good recovery.\" At the end of", + "score": 0.7294921875 + }, + { + "id": "5246160", + "title": "Benoi\u0302t de Sainte-Maure", + "text": "Beno\u00eet de Sainte-Maure Beno\u00eet de Sainte-Maure (; died 1173) was a 12th-century French poet, most probably from Sainte-Maure de Touraine near Tours, France. The Plantagenets' administrative center was located in Chinon, west of Tours. His 40,000 line poem \"Le Roman de Troie\" (\"The Romance of Troy\"), written between 1155 and 1160, was a medieval retelling on the epic theme of the Trojan War which inspired a body of literature in the genre called the \"roman antique\", loosely assembled by the poet Jean Bodel as the Matter of Rome. The Trojan subject itself, for which de Sainte-Maure provided an impetus, is", + "score": 0.72802734375 + }, + { + "id": "12068744", + "title": "Le roi Arthus", + "text": "survived and revealed the truth to the king. Arthur consults the wizard Merlin who foretells the downfall of the Round Table. Arthur pursues Lancelot and gives battle, but Lancelot throws away his weapons and refuses to fight his king. Guinevere, fearing Lancelot's imminent death, strangles herself with her own hair. Arthur forgives the mortally wounded Lancelot. A vessel arrives at the coast to bring the king to the 'Ideal'. Le roi Arthus Le roi Arthus (\"King Arthur\") is an opera in three acts by the French composer Ernest Chausson to his own libretto. It was composed between 1886 and 1895,", + "score": 0.72509765625 + }, + { + "id": "11387892", + "title": "La Morte Amoureuse", + "text": "possessing the priest throughout the story. In this story, Gautier is indicating that possession in the materialistic world is a sin, or considered \"damnation\". Overall, Gautier's work emphasizes desires, dreams, and fantasies throughout. La Morte Amoureuse \"La Morte amoureuse\" (in ) is a short story written by Th\u00e9ophile Gautier and published in \"La Chronique de Paris\" in 1836. It tells the story of a priest named Romuald who falls in love with Clarimonde, a beautiful woman who turns out to be a vampire. The story opens with the elderly priest Romuald recounting the story of his first love, Clarimonde. On", + "score": 0.72265625 + }, + { + "id": "11387874", + "title": "La Morte Amoureuse", + "text": "La Morte Amoureuse \"La Morte amoureuse\" (in ) is a short story written by Th\u00e9ophile Gautier and published in \"La Chronique de Paris\" in 1836. It tells the story of a priest named Romuald who falls in love with Clarimonde, a beautiful woman who turns out to be a vampire. The story opens with the elderly priest Romuald recounting the story of his first love, Clarimonde. On the day of his ordination many years ago, he sees a beautiful young woman in the church. He hears a woman's voice promising to love him and to make him happier than he", + "score": 0.72265625 + }, + { + "id": "417139", + "title": "Thomas Malory", + "text": "film \"Excalibur\" (1981). The discovery of Malory's book and its acquisition by William Caxton form key elements in \"The Load of Unicorn\", a novel for children by Cynthia Harnett. Thomas Malory Sir Thomas Malory (c. 1415 \u2013 14 March 1471) was an English writer, the author or compiler of \"Le Morte d'Arthur\" (originally titled \"The Whole Book of King Arthur and His Noble Knights of the Round Table\"). Since the late nineteenth century, he has generally been identified as Sir Thomas Malory of Newbold Revel in Warwickshire, a knight, land-owner, and Member of Parliament. Previously, it was suggested by antiquary", + "score": 0.7216796875 + }, + { + "id": "16474", + "title": "Afonso IV of Portugal", + "text": "de Castro\" by Mary Russell Mitford, and La Reine morte (The Dead Queen) by Henry de Montherlant. The story with its tragic denouement is immortalized in several plays and poems in Portuguese, such as \"The Lus\u00edadas\" by Lu\u00eds de Cam\u00f5es (canto iii, stanzas 118-135), and in Spanish, including \"Nise lastimosa\" and \"Nise laureada\" (1577) by Jer\u00f3nimo Berm\u00fadez, \"Reinar despues de morir\" by Lu\u00eds V\u00e9lez de Guevara, as well as a play by French playwright Henry de Montherlant called \"La Reine morte\" (\"The Dead Queen\"). Mary Russell Mitford also wrote a drama based on the story entitled \"Inez de Castro\". \"In\u00eas", + "score": 0.7216796875 + }, + { + "id": "16425286", + "title": "Stanzaic Morte Arthur", + "text": "\"of prime importance in our culture\". Dieter Mehl referred to \"The by no means simple, but skilfully handled metrical form\"; to \"a rare balance in the structure of the plot, a strict subordination of details to the theme of the poem, and a notable lack of digressions which could slow down the tempo of the narration\"; and to a \"conscious simplicity and detachment that distinguish \"Le Morte Arthur\" from most other romances and make it so particularly attractive and appealing to modern taste.\" Rosemary Woolf called the Stanzaic \"Morte\" \"the finest example of the English treatment of central Arthurian subject-matter", + "score": 0.720703125 + }, + { + "id": "5037064", + "title": "Lancelot-Grail", + "text": "create greater unity in the material, and to de-emphasise the secular love affair between Lancelot and Guinevere. It omits almost all of the Vulgate's \"Lancelot Proper\" section, but includes characters and scenes from the Prose \"Tristan\". This version of the cycle was one of the most important sources of Thomas Malory's \"Le Morte d'Arthur\". The work is traditionally divided into three main sections. The last was actually the first to be written, starting in the 1210s. The first two came later, around the 1230s. Some categorizations have either the \"Mort\" or both the \"Queste\" and the \"Mort\" classified as separate", + "score": 0.71875 + }, + { + "id": "4010021", + "title": "The Death of the Author", + "text": "The Death of the Author \"The Death of the Author\" (French: \"La mort de l'auteur\") is a 1967 essay by the French literary critic and theorist Roland Barthes (1915\u201380). Barthes' essay argues against traditional literary criticism's practice of incorporating the intentions and biographical context of an author in an interpretation of a text, and instead argues that writing and creator are unrelated. The title is a reference to \"Le Morte d'Arthur\", a 15th-century compilation of smaller Arthurian legend stories, written by Sir Thomas Malory. The essay's first English-language publication was in the American journal \"Aspen\", no. 5\u20136 in 1967; the", + "score": 0.71435546875 + }, + { + "id": "8397124", + "title": "John Morris (historian)", + "text": "to the Labour MP George Strauss. He was a founder-member of the Committee of 100, an anti-war group founded by Bertrand Russell in 1960, and was later involved in the Institute for Workers' Control. In 1975 Morris wrote the script \"Domesday Republished\" for the \"Look, Stranger\" BBC-TV series. Morris died on 1 June 1977 in London. \"The Age of Arthur\" (1973) was the first attempt by a professional historian to build a picture of Britain during the period 350\u2013650, when King Arthur (whom Morris accepts as an authentic historical personage) was supposed to have lived. The book is not, however,", + "score": 0.7138671875 + }, + { + "id": "3451369", + "title": "Gerbert de Montreuil", + "text": "her bosom. The story percolated into Shakespeare's \"Cymbeline\" via Giovanni Boccaccio, and Carl Maria von Weber's opera \"Euryanthe\". Gerbert is possibly the author of \"Gerbert's Continuation\", one of the Four Continuations of Chr\u00e9tien de Troyes' \"Perceval, the Story of the Grail\". Gerbert de Montreuil Gerbert de Montreuil was a 13th-century French poet from the north of France. He wrote \"Le Roman de la violette\" or \"G\u00e9rard de Nevers\", one of the most outstanding medieval poems, famous for its vivid narrative and faithful depiction of contemporary customs. The poem underwent countless adaptations and imitations. It tells the trials of the unfortunate", + "score": 0.7138671875 + }, + { + "id": "225018", + "title": "King Arthur", + "text": "Avalon. The 12th-century French writer Chr\u00e9tien de Troyes, who added Lancelot and the Holy Grail to the story, began the genre of Arthurian romance that became a significant strand of medieval literature. In these French stories, the narrative focus often shifts from King Arthur himself to other characters, such as various Knights of the Round Table. Arthurian literature thrived during the Middle Ages but waned in the centuries that followed until it experienced a major resurgence in the 19th century. In the 21st century, the legend lives on, not only in literature but also in adaptations for theatre, film, television,", + "score": 0.71337890625 + }, + { + "id": "8889132", + "title": "The Misfortunes of Arthur", + "text": "The Misfortunes of Arthur The Misfortunes of Arthur, Uther Pendragon's son reduced into tragical notes is a play by the 16th-century English dramatist Thomas Hughes. Written in 1587, it was performed at Greenwich before Queen Elizabeth I on February 28, 1588. The play is based on the Arthurian legend, specifically the story of Mordred's treachery and King Arthur's death as told in Geoffrey of Monmouth's \"Historia Regum Britanniae\". Several of Hughes' fellow members at Gray's Inn participated in \"The Misfortunes of Arthur\"\u2019s writing and production. Nicholas Trotte provided the introduction, Francis Flower the choruses of Acts I and II, William", + "score": 0.7119140625 + }, + { + "id": "1466257", + "title": "Chre\u0301tien de Troyes", + "text": "though some scholars have disputed this. It is dedicated to Philip, Count of Flanders, to whom Chr\u00e9tien may have been attached in his last years. He finished only 9,000 lines of the work, but four successors of varying talents added 54,000 additional lines in what are known as the Four Continuations. Similarly, the last thousand lines of \"Lancelot\" were written by Godefroi de Leigni, apparently by arrangement with Chr\u00e9tien. In the case of \"Perceval\", one continuer says the poet's death prevented him from completing the work; in the case of \"Lancelot\", no reason is given. This has not stopped speculation", + "score": 0.7109375 + }, + { + "id": "10084645", + "title": "Amesbury Priory", + "text": "Le Morte d'Arthur reworked existing tales of the legendary King Arthur, Queen Guinevere, Sir Lancelot, Merlin, and the Knights of the Round Table, drawing upon existing French and English stories. Research has long ago shown that Malory (c. 1415-1471) was familiar with the Fontevraud daughter house at Nuneaton and given the fame of its sister house Amesbury\u2019s royal connections he chose Amesbury as the monastery to which he has Queen Guinevere retire as \u201cabbas and rular\u201d to find her salvation in a life of penance. The work was first published in 1485 by William Caxton. Apart from the importance of", + "score": 0.70751953125 + }, + { + "id": "4418759", + "title": "Robert de Boron", + "text": "Lord of Montfaucon), who in 1202 left for the Fourth Crusade, and died in the Holy Land in 1212. Le Gentil argues that the mention of Avalon shows that he wrote \"Joseph d'Arimathe\" after 1191, when the monks at Glastonbury claimed to have discovered the coffins of King Arthur and Guinevere. His family is unknown, though the second author of the Prose \"Tristan\" claimed to be Robert's nephew, calling himself \"Helie de Boron\" (this is taken more as an attempt to drop a famous name than a genuine accreditation, however). Although Le Gentil describes him as a \"poet endowed with", + "score": 0.70654296875 + }, + { + "id": "16425285", + "title": "Stanzaic Morte Arthur", + "text": "Guinevere at Amesbury, and the final truce between Arthur and Mordred being accidentally broken by a knight killing an adder. In places he even reproduces the exact words of the Middle English poem. The scholar Jennifer Goodman said that \"Malory owes to the stanzaic \"Morte Arthur\" an important share of the drama of the closing books of his work.\" Brian Stone thought that \"with its swiftly moving narrative and realistic clash of character\" it is more like an extended tragic ballad than a romance. He preferred its ending to that of the \"Morte Darthur\", and considered the poem to be", + "score": 0.70654296875 + }, + { + "id": "882069", + "title": "Rene\u0301 of Anjou", + "text": "love based on the \"Romance of the Rose. \" Both works were exquisitely illustrated by his court painter, Barth\u00e9l\u00e9my d'Eyck. \"Le Mortifiement\" survives in eight illuminated manuscripts. Although Barth\u00e9l\u00e9my's original is lost, the extant manuscripts include copies of his miniatures by Jean le Tavernier, Jean Colombe, and others. Ren\u00e9 is sometimes credited with the pastoral poem \"Regnault and Jeanneton\", but this was more likely a gift to the king honoring his marriage to Jeanne de Laval. King Ren\u00e9's Tournament Book (' or '; ) describes rules of a tournament. The most famous and earliest of the many manuscript copies is", + "score": 0.70654296875 + }, + { + "id": "16425287", + "title": "Stanzaic Morte Arthur", + "text": "before Malory's \"Morte Darthur\"\". Praise from some other scholars has been more measured. Jennifer Goodman wrote that \"The verse is workmanlike: an acute sense of character and action allow the poet to focus in on the essential elements of fate and personality that combine to create Arthur's tragedy.\" Lucy Allen Paton complained of the \"Morte\"'s poet that \"his supply of rhyme-words is extraordinarily limited\", and that \"he lacks the vigour of imagination, the intensity of feeling and the originality in description that the poet of the [Alliterative] \"Morte Arthure\" possessed\", but went on \"he manifests real power as an easy", + "score": 0.7060546875 + }, + { + "id": "4931190", + "title": "Geoffrey of Paris", + "text": "Geoffrey of Paris Geoffrey of Paris (Geoffroy de Paris; died c. 1320), French chronicler, was probably the author of the \"Chronique metrique de Philippe le Bel\", or \"Chronique rim\u00e9e de Geoffroi de Paris\". This work, which deals with the history of France from 1300 to 1316, contains 7,918 verses, and is valuable as that of a writer who had a personal knowledge of many of the events which he relates. Various short historical poems have also been attributed to Geoffrey, but there is no certain information about either his life or his writings. He also wrote several Latin and French", + "score": 0.7060546875 + }, + { + "id": "2486364", + "title": "Le Morte d'Arthur", + "text": "Cote de Male Tayle, Sir Alexander, and a variety of other knights. Based on the French Prose \"Tristan\", or a lost English adaptation of it, Malory's Tristan section is the literal centerpiece of \"Le Morte d'Arthur\" as well as the longest of the eight books. The book is rife with adultery, characterized most visibly in Sir Tristan and the Belle Isolde. However, it should be noted that Sir Tristan had met and fallen in love with Isolde earlier, and that his uncle, King Mark, jealous of Tristan and seeking to undermine him, appears to seek marriage to Isolde for just", + "score": 0.70556640625 + }, + { + "id": "225058", + "title": "King Arthur", + "text": "three pagan, three Jewish and three Christian exemplars of chivalry. The Worthies were first listed in Jacques de Longuyon's \"Voeux du Paon\" in 1312, and subsequently became a common subject in literature and art. The development of the medieval Arthurian cycle and the character of the \"Arthur of romance\" culminated in \"Le Morte d'Arthur\", Thomas Malory's retelling of the entire legend in a single work in English in the late 15th century. Malory based his book\u2014originally titled \"The Whole Book of King Arthur and of His Noble Knights of the Round Table\"\u2014on the various previous romance versions, in particular the", + "score": 0.70556640625 + }, + { + "id": "17016473", + "title": "Victurnien-Jean-Baptiste de Rochechouart de Mortemart", + "text": "I made him a member of the conseil g\u00e9n\u00e9ral for the Seine department on 26 March 1812, but he died suddenly in July that year from a vicious fever. De Mortemart was also a man of letters, leaving behind several unedited works \"of a superior quality\", such as a poem on the theme of Joseph in Egypt and a verse translation of John Milton's \"Paradise Lost\", along with several tales and light poems. He married twice: Victurnien-Jean-Baptiste de Rochechouart de Mortemart Victurnien Jean-Baptiste Marie de Rochechouart, prince of Tonnay-Charente then 9th duke of Mortemart (8 February 1752 in Everly \u2013", + "score": 0.70361328125 + }, + { + "id": "3451368", + "title": "Gerbert de Montreuil", + "text": "Gerbert de Montreuil Gerbert de Montreuil was a 13th-century French poet from the north of France. He wrote \"Le Roman de la violette\" or \"G\u00e9rard de Nevers\", one of the most outstanding medieval poems, famous for its vivid narrative and faithful depiction of contemporary customs. The poem underwent countless adaptations and imitations. It tells the trials of the unfortunate and innocent Euriant, who becomes an object of public dispute between G\u00e9rard de Nevers and Lisiard de Forez, the former taking her defense while the other suggests she is guilty of misconduct by claiming he knows of a violet-shaped mark on", + "score": 0.70263671875 + }, + { + "id": "3452674", + "title": "Edme\u0301 Boursault", + "text": "Edm\u00e9 Boursault Edm\u00e9 Boursault (October 1638 \u2013 15 September 1701) was a French dramatist and miscellaneous writer, born at Mussy l'Ev\u00e9que, now Mussy-sur-Seine (Aube). On Boursault's first arrival in Paris in 1651 his language was limited to Burgundian, but within a year he had produced his first comedy, \"Le Mort vivant\" (Living Death). This and some other pieces of small merit secured for him distinguished patronage in the society ridiculed by Moli\u00e8re in the \"Ecole des femmes\". Boursault was persuaded that the Lysidas of that play was a caricature of himself, and attacked Moli\u00e8re in \"Le Portrait du peintre ou", + "score": 0.70166015625 + }, + { + "id": "13869993", + "title": "Merlin (poem)", + "text": "by authors unknown (highly possibly a single author, perhaps Robert himself) and then extended with a lengthy sequel (\"Merlin Continuation\") to become the early-13th-century romance \"Estoire de Merlin\" (\"History of Merlin\"), also known as the Vulgate \"Merlin\". The \"Estoire de Merlin\" constitutes one of the volumes of the Vulgate Cycle (Lancelot-Grail) as a probably late addition to it. The later Post-Vulgate Cycle also begins with material drawn from the poem. The first of the two sequels to \"Merlin\" are known as the Vulgate \"Suite du Merlin\", a 'historical' sequel about the various wars of Arthur and the role of Merlin", + "score": 0.70068359375 + }, + { + "id": "13869995", + "title": "Merlin (poem)", + "text": "(also known as just \"Arthour and Merlin\"), and the poem Stanzaic \"Morte Arthur\". The following is the mid-15th-century English translation, with modern conventions for punctuation and capitalization, of the poem's prose version (sans the sequels): Merlin (poem) Merlin is a partially lost epic poem of the Arthurian legend in which the French knight-poet Robert de Boron reworked Geoffrey of Monmouth's material about the legendary figure of Merlin, writing in Old French sometime in either the late 12th or early 13th century. Together with Robert's other works, \"Joseph\" and \"Perceval\", \"Merlin\" forms a trilogy centered around the Holy Grail. \"Merlin\" tells", + "score": 0.7001953125 + }, + { + "id": "6141006", + "title": "Lancelot, the Knight of the Cart", + "text": "to protect Guinevere\u2019s honor. Lancelot has no shame in showing his affair with the queen, \"Lancelot\u2019s love explodes into romance without any beginning revealed or end foretold, fully formed and symbolized by the extraordinary fullness of his heart.\" This introduction of the love affair between Guinevere and Lancelot appears in many other stories after this poem was written. (includes \"Lancelot\") Lancelot, the Knight of the Cart Lancelot, the Knight of the Cart () is a 12th-century Old French poem by Chr\u00e9tien de Troyes, although it is believed that Chr\u00e9tien did not complete the text himself. It is one of the", + "score": 0.69921875 + }, + { + "id": "417115", + "title": "Thomas Malory", + "text": "day and night.\" It should be noted that, with the exception of the first sentence of the final colophon, all the above references to Thomas Malory as a knight are, grammatically speaking, in the third person singular, which leaves open the possibility that they were added by a copyist, either in Caxton's workshop or elsewhere. However, scholarly consensus, as has been previously mentioned in this article, is that these references to knighthood refer to a real person and that that person is the author of \"Le Morte D'Arthur\". The author was educated, as some of his material \"was drawn out", + "score": 0.69921875 + }, + { + "id": "8808602", + "title": "He\u0301linand of Froidmont", + "text": "as a medieval authority on the meaning of the word \"graal,\" i.e. the Holy Grail. In this sense, the \"Chronicon's\" value is not based on its existence as a work on history. He is cited, for example, as a source of the description of the flight of Eilmer of Malmesbury. Helinand wrote a work in Old French called \"Les Vers de la Mort\" (\"Verses of Death\") shortly after entering the monastery, between 1194 and 1197. In fifty stanzas, Helinand asks Death to call upon his best friends and exhort them to abandon the world. Each stanza contains twelve octosyllabic lines;", + "score": 0.69873046875 + }, + { + "id": "17709744", + "title": "Robert Corbet (died 1420)", + "text": "of the shire for Leicestershire in 1419. Their son is a still more curious figure, qualified by his name, at least, as a candidate for identification with the poet Thomas Malory, author of Le Morte d'Arthur. A letter from A.T. Martin making just such an identification appeared in the Athenaeum in September 1897 and was taken seriously for some time by editors of Malory, including the very scholarly Alfred W. Pollard. G C Baugh, C R Elrington (Editors), D C Cox, J R Edwards, R C Hill, Ann J Kettle, R Perren, Trevor Rowley, P A Stamper, \" A History", + "score": 0.6982421875 + }, + { + "id": "4483498", + "title": "Chivalric romance", + "text": "Norway with translations of French \"chansons de geste\"; it soon expanded to similar indigenous creations. The early fourteenth century saw the emergence of Scandinavian verse romance in Sweden under the patronage of Queen Euphemia of R\u00fcgen, who commissioned the \"Eufemiavisorna\". In late medieval and Renaissance high culture, the important European literary trend was to fantastic fictions in the mode of Romance. Exemplary work, such as the English \"Le Morte d'Arthur\" by Sir Thomas Malory (c. 1408\u20131471), the Catalan \"Tirant lo Blanch\", and the Castilian or Portuguese \"Amadis de Gaula\" (1508), spawned many imitators, and the genre was popularly well-received, producing", + "score": 0.6982421875 + }, + { + "id": "875442", + "title": "Louis-Ferdinand Ce\u0301line", + "text": "1934. A more current English translation is by Ralph Manheim in 1983. In 1936, C\u00e9line published \"Mort \u00e0 cr\u00e9dit\" (\"Death on the Installment Plan\"), presenting an innovative, chaotic, and antiheroic vision of human suffering. In it he extensively used ellipses throughout the text to enhance the rhythm and emphasise the style of speech. In both these books he showed himself to be a great stylistic innovator and a masterly storyteller. French author Jean-Paul Sartre publicly praised C\u00e9line at this time. In 1935, British critic William Empson had written that C\u00e9line appeared to be \"a man ripe for fascism\". Two years", + "score": 0.6982421875 + }, + { + "id": "12059803", + "title": "Maurice d'Hartoy", + "text": "Maurice d'Hartoy Maurice d'Hartoy (1892, Berneville \u2013 1981), whose real name was Mauritius-Lucien Hanot, also known as Lieutenant d\u2019Hartoy, was a soldier, politician and French writer. Injured during World War I, d\u2019Hartoy was first known for his book entitled \"Au front, impressions et souvenirs d'un officier bless\u00e9\" (\"At the front, impressions and memories of a wounded officer\") (1916). In 1919, he edited \"Le Courrier de Paris\", a literary journal for veterans. On 26 November 1927, he founded the veterans\u2019 association known as Croix-de-Feu. In addition to his militant activity, he wrote several novels, books on literary criticism and biographies of", + "score": 0.697265625 + }, + { + "id": "2249081", + "title": "Morgan le Fay", + "text": "by Chr\u00e9tien, but rather by an earlier oral tradition from the stories of Breton bards. In the 13th-century romance \"Parzival\", another German knight-poet Wolfram von Eschenbach inverted F\u00e2murg\u00e2n's name to create that of Arthur's fairy ancestor named Terdelaschoye de Feimurg\u00e2n, the wife of Mazad\u00e2n, where the part \"Terdelaschoye\" comes from \"Terre de la Joie\", or Land of Joy; the text also mentions the mountain of F\u00e2morg\u00e2n. A recently discovered moralistic manuscript written in Anglo-Norman French is the only known instance of medieval Arthurian literature presented as being composed by Morgan herself. This late 12th-century text is purportedly addressed to Morgan's", + "score": 0.69677734375 + }, + { + "id": "14765639", + "title": "Ipomadon", + "text": "he translated it out of a Latin manuscript, which is generally regarded as a hoax on his part. It was at one point believed to be inspired by a Byzantine source, but now appears to be an invented tale, but one nevertheless showing many motifs common to the romance genre. In the 1170s Chretien de Troyes wrote a romance called \"The Knight of the Cart\" in which an unknown knight, only much later revealed to be Sir Lancelot, travels into a land to which the only access is via a 'Sword Bridge' and an 'Underwater Bridge'. Near the end of", + "score": 0.69677734375 + }, + { + "id": "17741050", + "title": "Lancelot de Carle", + "text": "Lancelot de Carle Lancelot de Carle (also Carles) (c. 1508 \u2013 July 1568), Bishop of Riez, was a French scholar, poet and diplomat. He was in London in 1536, in the service of the French Ambassador, Antoine de Castelnau. Carle was an eyewitness to the trial and execution of Anne Boleyn, Queen consort of Henry VIII, and shortly afterwards, he wrote a poem detailing her life and the circumstances surrounding her death. Lancelot de Carle was the son of Jean de Carle, seigneur de Peyrissac, and Jacquette, daughter of Baude de Constantin, who married in Bordeaux in 1500 and had", + "score": 0.6962890625 + }, + { + "id": "16086769", + "title": "Quentin Poulet", + "text": "F ii of the poetry written by Charles, Duke of Orl\u00e9ans, long held prisoner in England, at least according to the usual account, in which it was prepared for presentation to Arthur, Prince of Wales; it has been suggested that the editor selected from the poems those that would recommend marriage to the prince. It was given to Prince Arthur in 1501, and passed into the Royal Library, being held at Richmond. However Janet Backhouse has suggested that the manuscript was originally a product of the reign of Edward IV, with the decoration left incomplete on his death, and then", + "score": 0.6962890625 + }, + { + "id": "4343466", + "title": "Pierre La Mure", + "text": "Pierre La Mure Pierre La Mure (15 June 1909 - 28 December 1976) was a French author. La Mure was born in Nice, in department Alpes-Maritimes. He published the 1950 novel \"Moulin Rouge\" about the life of the French artist Henri de Toulouse-Lautrec. This book was the basis of the classic 1952 movie of the same name. La Mure also produced the book \"Beyond Desire\" about the life of C\u00e9cile and Felix Mendelssohn and the biographical novel \"Claire de Lune\" on the life and struggles of French composer Claude Debussy, published during 1962. He died in California, USA, aged 67.", + "score": 0.6962890625 + }, + { + "id": "4343465", + "title": "Pierre La Mure", + "text": "Pierre La Mure Pierre La Mure (15 June 1909 - 28 December 1976) was a French author. La Mure was born in Nice, in department Alpes-Maritimes. He published the 1950 novel \"Moulin Rouge\" about the life of the French artist Henri de Toulouse-Lautrec. This book was the basis of the classic 1952 movie of the same name. La Mure also produced the book \"Beyond Desire\" about the life of C\u00e9cile and Felix Mendelssohn and the biographical novel \"Claire de Lune\" on the life and struggles of French composer Claude Debussy, published during 1962. He died in California, USA, aged 67.", + "score": 0.6962890625 + }, + { + "id": "4418755", + "title": "Robert de Boron", + "text": "Robert de Boron Robert de Boron (also spelled in the manuscripts \"Bouron\", \"Beron\") was a French poet of the late 12th and early 13th centuries who is most notable as the author of the poems \"Joseph d'Arimathe\" and \"Merlin\". Though little is known about him outside of the poems he allegedly wrote, his works and their subsequent prose redactions impacted later incarnations of the Arthurian legend and its prose cycles, particularly due to his Christian backstory for the Holy Grail, originally an element of Chr\u00e9tien de Troyes's famously-unfinished \"Perceval\". Robert de Boron was the author of two surviving poems in", + "score": 0.69580078125 + }, + { + "id": "16425280", + "title": "Stanzaic Morte Arthur", + "text": "audience. He cast his work in the metre of a minstrel romance ballad, each stanza containing eight lines rhyming \"ABABABAB\", and each line having four beats. As the poem has come down to us there are seven places where the stanza is two lines short, but the original poem may not have had that fault. The poet took many liberties with his rhymes, and also used more alliteration than is common in a Middle English rhyming romance. It survives in one manuscript only, British Museum Harley 2252, a collection of texts compiled in the early 16th century by a London", + "score": 0.69580078125 + }, + { + "id": "11961348", + "title": "King Arthur's family", + "text": "of Gorlois and Igerna and mother of Gawain and Mordred in the French romances (replacing Geoffrey of Monmouth's Anna in this role). In the Vulgate \"Mort Artu\" we find Mordred's relationship with Arthur once more reinterpreted, as he is made the issue of an unwitting incestuous liaison between Arthur and this Morgause, with Arthur dreaming that Mordred would grow up to kill him. This tale is preserved in all the romances based on the \"Mort Artu\", and by the time of Malory's \"Le Morte d'Arthur\" Arthur has started to plot, Herod-like, to kill all children born on the same day", + "score": 0.69580078125 + }, + { + "id": "1534050", + "title": "Arthur I, Duke of Brittany", + "text": "Constance and her third husband Guy of Thouars. The death of Arthur is a vital ingredient in Shakespeare's history play \"The Life and Death of King John\", in which Arthur is portrayed as a child whose innocence dissuades Hubert de Burgh from committing the murder demanded by King John. However, Arthur soon dies after jumping from his place of confinement in an escape attempt. In the 19th century, the Breton poet Auguste Brizeux wrote of Arthur in \"La chasse du Prince Arthur\". In the novel \"Saving Grace\" by Julie Garwood, the heroine finds documents relating to Arthur's murder, committed under", + "score": 0.69482421875 + }, + { + "id": "8648413", + "title": "Perlesvaus", + "text": "to suggest the author was Bishop Henri de Blois, the brother of King Stephen and the Abbot of Glastonbury. The strangeness of the text and some personal comments led Roger Sherman Loomis to call the author \"deranged\"; similarly the editor of a French Arthurian anthology including extracts from the work notes an obsession with decapitation. Loomis also notes an antisemitic air absent from most Arthurian literature of the period, as there are several scenes in which the author symbolically contrasts the people of the \"Old Law\" with the followers of Christ, usually predicting violent damnation for the unsaved. Perlesvaus Perlesvaus,", + "score": 0.69482421875 + }, + { + "id": "18163842", + "title": "La Reine Margot (novel)", + "text": "La Reine Margot (novel) La Reine Margot (English:Queen Margot) is a historical novel written in 1845 by Alexandre Dumas, p\u00e8re. Although \"La Reine Margot\" is based on real characters and events, certain aspects of the novel may be inconsistent with the historical record; historians have attributed that to artistic licence and the fact that Dumas might have been influenced by propaganda against certain historical figures, notably Catherine. Written in French, it was almost immediately translated into English, first anonymously and soon afterward by David Bogue as \"Marguerite de Valois: An Historical Romance\". The story begins in Paris in August 1572,", + "score": 0.69384765625 + }, + { + "id": "11852269", + "title": "De Ortu Waluuanii", + "text": "Sherman Loomis suggested that the romance dates to the 13th century, though details of costume and ship construction suggest an earlier date. However, it was written after Geoffrey of Monmouth's \"Historia Regum Britanniae\" of the mid-12th century, as it borrows passages and plots from that work. Catalog tradition, as recorded by John Bale, lists the author as Robert of Torigni, abbot of Mont Saint Michel Abbey from 1154 to 1186. However, no other evidence supports this assertion, though the real author must have been an educated man and was likely a cleric. The author composed another Latin romance, the \"Historia", + "score": 0.69384765625 + }, + { + "id": "4556734", + "title": "Raoul de Houdenc", + "text": "Friedwagner himself felt the writings occurred in the first decade of the 13th century, i.e. 1201\u20131210, an attribution repeated by at least one modern scholar. Raoul de Houdenc Raoul de Houdenc (or Houdan) c.1165\u2013c.1230 was the French author of the Arthurian romance \"Meraugis de Portlesguez\" and possibly \"La Vengeance Raguidel\". Modern scholarship suggest he is probably to be identified with one Radulfus from Hodenc-en-Bray. Raoul de Houdenc was esteemed as a master poet in the ranks of Chr\u00e9tien de Troyes by Huon de M\u00e9ry (\"Tournoiement de l\u2019Ant\u00e9christ\", 1226). Raoul de Houdenc takes his name from his native place. Of twelve", + "score": 0.69384765625 + }, + { + "id": "2249112", + "title": "Morgan le Fay", + "text": "Guinevere. Entering her boat (she is not named in the scene, but addresses him as her brother), Arthur believes he is going to be healed, yet his tomb is later discovered by Bedivere. Middle English writer Thomas Malory follows much of these portrayals of Morgan in his late-15th-century seminal work of the selective compilation book \"Le Morte d'Arthur\" (\"The Death of Arthur\"), though he reduces her in role and detail of characterisation, in particular either removing or limiting her traditions of healing and prophecy, and making her more consistently and inherently evil just as he makes Merlin more good. He", + "score": 0.693359375 + }, + { + "id": "5754263", + "title": "Jacob van Maerlant", + "text": "left unfinished at the poet's death. Continuations were given by Philip Utenbroeke and Lodewijc van Velthem, a Brabant priest. He wrote three Arthurian works: \"Torec\", which survives in the massive \"Lancelot-Compilatie\";, and two romances based on the works of Robert de Boron, \"Historie van den Grale\" and \"Boec van Merline\", which tell the stories of Joseph of Arimathea and Merlin. Van Maerlant is also the author of a number of strophic poems, which date from different periods of his life. Of these the best known is the \"Wapene Martijn\" (\"Alas! Martin\") so called from the opening words. It is a", + "score": 0.69287109375 + }, + { + "id": "6924964", + "title": "Georges Rodenbach", + "text": "de Goncourt. He published eight collections of verse and four novels, as well as short stories, stage works and criticism. He produced some Parisian and purely imitative work; but a major part of his production is the outcome of a passionate idealism of the quiet Flemish towns in which he had passed his childhood and early youth. In his best known work, \"Bruges-la-Morte\" (1892), he explains that his aim is to evoke the town as a living being, associated with the moods of the spirit, counselling, dissuading from and prompting action. \"Bruges-la-Morte\" was used by the composer Erich Wolfgang Korngold", + "score": 0.69287109375 + }, + { + "id": "6373017", + "title": "Pierre-Marie-Charles de Bernard du Grail de la Villette", + "text": "published after his death. His writings have been mostly forgotten today. Jules Ars\u00e8ne Arnaud Claretie wrote about Bernard with much praise: In \"The Paris Sketch Book\" William Makepeace Thackeray discusses Bernard's writing: Henry James, in his \"French Poets and Novelists\" (1878), wrote: This article includes material from the preface (by Jules Claretie) to an English translation of Gerfaut Pierre-Marie-Charles de Bernard du Grail de la Villette Pierre-Marie-Charles de Bernard du Grail de la Villette (24 February 1804 \u2013 6 March 1850), better known simply as Charles de Bernard, was a French writer. He was born in Besan\u00e7on, member of a", + "score": 0.69287109375 + }, + { + "id": "4931191", + "title": "Geoffrey of Paris", + "text": "\"dits\" between 1314 and 1318, among which \"Avisemens pour le roy Loys\", \"Du roy Phelippe qui ores regne\", \"De alliatis\" and \"De la creation du pape Jehan\". The majority of his writings address contemporary political issues and are directed to the kings of France Louis X and Philippe V. Geoffrey of Paris Geoffrey of Paris (Geoffroy de Paris; died c. 1320), French chronicler, was probably the author of the \"Chronique metrique de Philippe le Bel\", or \"Chronique rim\u00e9e de Geoffroi de Paris\". This work, which deals with the history of France from 1300 to 1316, contains 7,918 verses, and is", + "score": 0.6923828125 + }, + { + "id": "20111745", + "title": "Les Chevaliers de la Table ronde (Cocteau)", + "text": "repeated July 1951 and April 1953. Les Chevaliers de la Table ronde (Cocteau) Les Chevaliers de la Table ronde (engl. \"The Knights of The Round Table\") is a play written by French dramatist Jean Cocteau, written in 1937. In the play Merlin is an old and cruel enchanter, who manipulates the court of Arthur with the help of a demon. It was translated into English by W.H.Auden as \"The Knights of the Round Table\". Translation has been published in \"The Infernal Machine and Other Plays\" (1963). The Auden translation included alternate passages for radio. BBC did broadcast the translated play", + "score": 0.6923828125 + }, + { + "id": "20111744", + "title": "Les Chevaliers de la Table ronde (Cocteau)", + "text": "Les Chevaliers de la Table ronde (Cocteau) Les Chevaliers de la Table ronde (engl. \"The Knights of The Round Table\") is a play written by French dramatist Jean Cocteau, written in 1937. In the play Merlin is an old and cruel enchanter, who manipulates the court of Arthur with the help of a demon. It was translated into English by W.H.Auden as \"The Knights of the Round Table\". Translation has been published in \"The Infernal Machine and Other Plays\" (1963). The Auden translation included alternate passages for radio. BBC did broadcast the translated play in May 1951, and it was", + "score": 0.6923828125 + }, + { + "id": "8816315", + "title": "Le Chevalier de Maison-Rouge", + "text": "Le Chevalier de Maison-Rouge Le Chevalier de Maison-Rouge (translated as \"The Knight of Maison-Rouge: A Novel of Marie Antoinette\" or \"The Knight of the Red House\") was written in 1845 by Alexandre Dumas, p\u00e8re. It is related to a series referred to as the Marie Antoinette romances, though technically not part of that series as the characters of Joseph Balsamo (also known as Cagliostro) and Doctor Gilbert do not appear in the novel, and many of the other series protagonists have died by the start of this novel. The novel takes place shortly after the end of the series, following", + "score": 0.69189453125 + }, + { + "id": "20129977", + "title": "Mort de dama", + "text": "Mort de dama Mort de dama (in Catalan: \"Death of a lady\") is the first novel of the Majorcan writer Lloren\u00e7 Villalonga written in 1931. It is considered one of the first modern novels written in Catalan language from the Balearic Islands. It's a psychological and satirical novel, in which the author carries out a criticism of almost all social estates of that time, except for the Church. At that point, his criticism caused a great controversy among the readers, who made a negative review of the book. Villalonga himself dedicated it to \u00aball those who do not get angry\u00bb.", + "score": 0.69189453125 + }, + { + "id": "18163845", + "title": "La Reine Margot (novel)", + "text": "passionate affair with the soldier La M\u00f4le, also a Protestant from a well-to-do family. Murders by poisoning follow, as court intrigues multiply and Catherine's villainous plotting to place her son, the future Henry III, on the throne threatens the lives of La M\u00f4le, Margot and Henri. The plot of the novel was fully or partially included in adaptations for film and television, which also drew on the historical facts: (French) La Reine Margot (novel) La Reine Margot (English:Queen Margot) is a historical novel written in 1845 by Alexandre Dumas, p\u00e8re. Although \"La Reine Margot\" is based on real characters and", + "score": 0.69189453125 + }, + { + "id": "746257", + "title": "Joanot Martorell", + "text": "Joanot Martorell Joanot Martorell (; Valencia, 1410ca \u2013 1465) was a Valencian knight and the author of the novel \"Tirant lo Blanch\", written in the Valencian language (Martorell calls it \"vulgar llengua valenciana\") and published at Valencia in 1490. It deals with the adventures of a knight in the Byzantine Empire. Miguel de Cervantes, in the book burning scene of Don Quixote, says \"I swear to you, my friend, it's the best book of its kind in the world\". Martorell apparently was a chivalrous man and suffered an early death due to court intrigue, leaving the novel unfinished. It was", + "score": 0.69091796875 + }, + { + "id": "2493527", + "title": "The Mists of Avalon", + "text": "Arthur and Mordred fight and Arthur is mortally wounded. Morgaine takes the dying Arthur through the mists to Avalon, reassuring him that he did not fail in his attempt to save Britain from the approaching dark times. Arthur dies in her arms as the shoreline comes into view. Morgaine buries him in Avalon and remains there to tell the tale of Camelot. Marion Zimmer Bradley stated about her book: \"The Mists of Avalon\" is lauded as one of the most original and emotional retellings of the familiar Arthurian legend. Bradley received much praise for her convincing portrayal of the main", + "score": 0.69091796875 + }, + { + "id": "9646735", + "title": "Charles-Albert Demoustier", + "text": "let him do so, perhaps because he had a stock of earlier copies he wanted to get rid of first. Demoustier was unable to wait, as he died a painful, premature death, in Paris, soon after. He also wrote comedies, among them: Demoustier also wrote libretti to some operas (e.g. \"\u00c9picure\", 1800), a \"Cours de morale\", \"Opuscules\" and short \"Po\u00e8mes\", 1804. Charles-Albert Demoustier Charles-Albert Demoustier (13 March 1760 \u2013 2 March 1801) was a French writer. He falsely claimed to be a descendant of La Fontaine by his mother and Racine by his father. Demoustier was born in Villers-Cotter\u00eats. He", + "score": 0.69091796875 + }, + { + "id": "16860009", + "title": "La Mort de Balzac", + "text": "his death, as if Mirbeau himself had had a premonition of these events. La Mort de Balzac La Mort de Balzac (\"The Death of Balzac\") by Octave Mirbeau is a collection of three sub-chapters that were initially intended to appear in Mirbeau\u2019s \"La 628-E8\", in November 1907, but were then withdrawn at the last moment at the request of the 80-year daughter of Madame Hanska, the Countess of Mniszech. \"La Mort de Balzac\" was published by Pierre Michel and Jean-Fran\u00e7ois Nivet in 1989, in the Editions du Lerot, and then in 1999, in the Editions du F\u00e9lin. Published at \u00ab", + "score": 0.69091796875 + }, + { + "id": "20413145", + "title": "Arthur Heulhard", + "text": "He was a member of the Fourchette Harmonique Club of Bibliophiles and wrote for the \"L'art Musical and La France Chorale\". Arthur Heulhard Arthur Heulhard (May 11, 1849 - January 2, 1920) was a French journalist and writer, best known as an advocate of the Christ myth theory. Heulhard was born in Lormes. He was the author of \"Le Mensonge Chr\u00e9tien\", a series of eleven volumes declaring Jesus had no historical existence. According to Heulhard it was Barabbas who was crucifixed by Pontius Pilate and Christians actually worship Barabbas under the name Jesus, an imaginary person invented by the early", + "score": 0.69091796875 + }, + { + "id": "12068742", + "title": "Le roi Arthus", + "text": "Le roi Arthus Le roi Arthus (\"King Arthur\") is an opera in three acts by the French composer Ernest Chausson to his own libretto. It was composed between 1886 and 1895, and first performed 30 November 1903 at the Th\u00e9\u00e2tre de la Monnaie, Brussels, after long delays. The musical style is heavily influenced by the works of Richard Wagner, particularly \"Tristan und Isolde\" and \"Parsifal\", as well as C\u00e9sar Franck. The scenery at the premiere was designed by Albert Dubosq and the symbolist painter Fernand Khnopff; it was executed by Dubosq's atelier together with Chausson's brother-in-law Henri Lerolle and under", + "score": 0.69091796875 + }, + { + "id": "12059804", + "title": "Maurice d'Hartoy", + "text": "other writers. D'Hartoy was also a French representative at the League of Nations and the United Nations. Maurice d'Hartoy Maurice d'Hartoy (1892, Berneville \u2013 1981), whose real name was Mauritius-Lucien Hanot, also known as Lieutenant d\u2019Hartoy, was a soldier, politician and French writer. Injured during World War I, d\u2019Hartoy was first known for his book entitled \"Au front, impressions et souvenirs d'un officier bless\u00e9\" (\"At the front, impressions and memories of a wounded officer\") (1916). In 1919, he edited \"Le Courrier de Paris\", a literary journal for veterans. On 26 November 1927, he founded the veterans\u2019 association known as Croix-de-Feu.", + "score": 0.69091796875 + }, + { + "id": "405652", + "title": "Mort", + "text": "Mort Mort is a fantasy novel by British writer Terry Pratchett. Published in 1987, it is the fourth \"Discworld\" novel and the first to focus on the character Death, who only appeared as a side character in the previous novels. The title is the name of its main character and also a play on words: in French, \"mort\" means \"death\". The French language edition is titled \"Mortimer\". In the BBC's 2003 Big Read contest, viewers voted on the \"Nation's Best-loved Book\"; \"Mort\" was among the Top 100 and chosen as the most popular of Pratchett's novels. In 2004, Pratchett stated", + "score": 0.69091796875 + }, + { + "id": "6214180", + "title": "Auguste Brizeux", + "text": "\"Marie\" (1836) turned to Breton country life; in \"Les Bretons\" (1845) he found his inspiration in the folklore and legends of his native province. In \"La chasse du Prince Arthur\" he created a narrative around the short life of Arthur I, Duke of Brittany, murdered by King John of England. His \"Histoires po\u00e9tiques\" (1855) was crowned by the French Academy. Following his death at Montpellier on 3 May 1858, his \"\u0152uvres compl\u00e8tes\" (2 vols., 1860) were edited with a notice of the author by Saint-Ren\u00e9 Taillandier. Another edition appeared in 1880-1884 (4 vols.). A long list of articles on his", + "score": 0.6904296875 + }, + { + "id": "3387814", + "title": "Bertran de Born", + "text": "July. Henry the Young King, whom Bertran had praised and criticised in his poems, died on campaign in June 1183 in Martel. Bertran wrote a \"planh\" (lament), in his memory, \"Mon chan fenisc ab dol et ab maltraire\". (Another \"planh\" for Henry, \"Si tuit li dol e.l plor e.l marrimen\", formerly attributed to Bertran, is now thought to be the work of Rigaut de Berbezill). In his punitive campaign against the rebels, Richard, aided by Alfonso II of Aragon, besieged Autafort and gave it to Constantine de Born. Henry II, however, is reported to have been moved by Bertran's lament", + "score": 0.68994140625 + }, + { + "id": "6141002", + "title": "Lancelot, the Knight of the Cart", + "text": "to him by Marie de Champagne, and completed not by Chr\u00e9tien himself, but by the clerk known as Godefroi de Leigni. A 12th-century French writer usually functioned as a part of a team, or a workshop attached to the court. It is believed that in the production of \"The Knight of the Cart\", Chr\u00e9tien was provided with source material (or \"matiere\"), as well as a \"san\", or a derivation of the material. The \"matiere\" in this case would refer to the story of Lancelot, and the \"san\" would be his affair with Guinevere. Marie de Champagne was well known for", + "score": 0.68994140625 + }, + { + "id": "6818587", + "title": "Diu Cro\u0302ne", + "text": "Diu Cr\u00f4ne Diu Cr\u00f4ne () is a Middle High German poem of about 30,000 lines treating of King Arthur and the Matter of Britain, dating from around the 1220s and attributed to the epic poet Heinrich von dem T\u00fcrlin. Of the author, little is known though it has been suggested that he was from the town of Sankt Veit an der Glan, then the residence of the Sponheim dukes of Carinthia. \"Diu Crone\" tells also of the Knights of the Round Table's quest for the Grail but differs from the better-known \"Percival\" and \"Galahad\" versions of the narrative in that", + "score": 0.68994140625 + }, + { + "id": "12154437", + "title": "Michel de Cubie\u0300res", + "text": "Michel de Cubi\u00e8res Michel, chevalier de Cubi\u00e8res (27 September 1752, Roquemaure, Gard \u2013 23 August 1820, Paris), the brother of Louis Pierre de Cubi\u00e8res, was an 18th-century French writer, known under the pen-names of \"Palm\u00e9zaux\" and \"Dorat-Cubi\u00e8res\", taking the latter name as he had Claude Joseph Dorat as his master. He wrote short verses for the \"Almanachs\" and the \"\u00c9trennes lyriques\" of the time, and a large number of plays and \"\u00e9crits de circonstance\". He backed the French Revolution, being made secretary to the Paris Commune and pronouncing an Elogy on Jean-Paul Marat. He was a lover of Fanny de", + "score": 0.68994140625 + }, + { + "id": "8889134", + "title": "The Misfortunes of Arthur", + "text": "was reprinted in John Payne Collier's supplement to \"Dodsley's Old Plays\", and by Harvey Carson Grumline (Berlin, 1900), who points out that Hughes's source was Geoffrey of Monmouth's \"Historia Regum Britanniae\" rather than Thomas Malory's \"Le Morte d'Arthur\". The Misfortunes of Arthur The Misfortunes of Arthur, Uther Pendragon's son reduced into tragical notes is a play by the 16th-century English dramatist Thomas Hughes. Written in 1587, it was performed at Greenwich before Queen Elizabeth I on February 28, 1588. The play is based on the Arthurian legend, specifically the story of Mordred's treachery and King Arthur's death as told in", + "score": 0.689453125 + }, + { + "id": "15772928", + "title": "A\u0300 mort l'arbitre", + "text": "discussions with studio guests on the same theme) and after the Hillsborough and Heysel disasters, did \"\u00c0 mort l'arbitre\" become a success and begin to establish itself as a cult film and one of director Jean-Pierre Mocky's classics. In 2006 French newspaper Lib\u00e9ration described the film as a disturbing, and still relevant, satire on the fanaticism of football supporters, and the director Jean-Pierre Mocky as one of the rare French film makers capable of making such a high-calibre, risk-taking social drama. \u00c0 mort l'arbitre \u00c0 mort l'arbitre (English title: \"Kill the Referee\") is a 1984 French thriller film, directed by", + "score": 0.689453125 + } + ], + "answer": "Le Morte d'Arthur is a 15th-century Middle English prose reworking by Sir Thomas Malory of tales about the legendary King Arthur, Guinevere, Lancelot, Merlin and the Knights of the Round Table\u2014along with their respective folklore. The exact identity of the author of \"Le Morte d'Arthur\" has long been the subject of speculation, owing to the fact that at least six historical figures bore the name of \"Sir Thomas Malory\" in the late 15th century. In the work the author describes himself as \"Knyght presoner Thomas Malleorre\" or as \"Sir Thomas Maleore\" according to the publisher William Caxton." + }, + { + "qa_pairs": [ + { + "context": "Anakin has also been voiced by Mat Lucas for the 2003 micro-series \"\", and by Matt Lanter in the CGI animated film \"\", the and for Anakin's small roles in the animated series \"Rebels\" and \"Forces of Destiny\". James Earl Jones reprised the voice role for Vader's appearances in \"Rebels\". Both Lanter and Jones contributed their voices for the second-season finale of \"Rebels\", at times with identical dialogue spoken by both actors blended together in different ways.", + "question": "Who plays the voice of darth vader in star wars Episodes III\u2013VI, IX, and Rebels?", + "short_answers": [ + "James Earl Jones" + ], + "wikipage": "Darth Vader" + }, + { + "context": "No context provided", + "question": "Who plays the voice of darth vader in star wars for vocal effects?", + "short_answers": [ + "Ben Burtt", + "Benjamin Burtt Jr." + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who plays the voice of darth vader in the star wars radio series?", + "short_answers": [ + "Brock G. Peters", + "Brock Peters" + ], + "wikipage": null + }, + { + "context": "Anakin has also been voiced by Mat Lucas for the 2003 micro-series \"\", and by Matt Lanter in the CGI animated film \"\", the and for Anakin's small roles in the animated series \"Rebels\" and \"Forces of Destiny\". James Earl Jones reprised the voice role for Vader's appearances in \"Rebels\". Both Lanter and Jones contributed their voices for the second-season finale of \"Rebels\", at times with identical dialogue spoken by both actors blended together in different ways.", + "question": "Who plays the voice of darth vader in star wars Episodes III\u2013VI, IX, Rogue One, Rebels?", + "short_answers": [ + "James Earl Jones" + ], + "wikipage": "Darth Vader" + }, + { + "context": "No context provided", + "question": "Who plays the vocal effect of darth vader in star wars?", + "short_answers": [ + "Ben Burtt", + "Benjamin Burtt Jr." + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who plays the voice of darth vader in star wars radio drama?", + "short_answers": [ + "George Fisher", + "Brock G. Peters", + "Brock Peters" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Darth Vader", + "url": "https://en.wikipedia.org/wiki/Darth%20Vader" + }, + { + "title": "Brock Peters", + "url": "https://en.wikipedia.org/wiki/Brock%20Peters" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Darth Vader is a fictional character in the Star Wars franchise...The sound of the respirator function of Vader's mask was created by Ben Burtt using modified recordings of scuba breathing apparatus used by divers.", + "wikipage": "Darth Vader" + }, + { + "content": "He also was known for his participation in the another media franchise, Star Wars, for playing the role of Darth Vader in the original trilogy radio drama adaptations. ", + "wikipage": "Brock Peters" + } + ], + "long_answer": "In the Star Wars franchise, fictional character Darth Vader's voice is portrayed by James Earl Jones in Star Wars Episodes III\u2013VI, IX, and Rebels. Darth Vader's vocal effects (the sound of the respirator function of Vader's mask) is voiced by Benjamin Burtt Jr. This character's voice is however portrayed by Brock Peters in the Star Wars radio series. " + }, + { + "knowledge": [ + { + "content": "James Earl Jones (born January 17, 1931) is an American actor whose career spans more than seven decades.", + "wikipage": "James Earl Jones" + }, + { + "content": "Brock Peters (born George Fisher; July 2, 1927 \u2013 August 23, 2005) was an American actor and singer, best known for playing the role of Tom Robinson in the 1962 film To Kill a Mockingbird and for his role as the villainous \"Crown\" in the 1959 film version of Porgy and Bess.", + "wikipage": "Brock Peters" + }, + { + "content": "Benjamin Burtt Jr. (born July 12, 1948) is an American sound designer, film editor, director, screenwriter, and voice actor.", + "wikipage": "Ben Burtt" + } + ], + "long_answer": "Several actors have played the voice of Darth Vader in Star Wars. Actor James Earl Jones did in Star Wars Episodes III to VI, IX, Rogue One, and Rebels. Actor and singer Brock Peters did in the Star Wars radio series and radio drama. Ben Burtt played Vader's vocal effect in Star Wars. Burtt is a sound designer, film editor, director, screenwriter, and voice actor." + } + ], + "sample_id": "4469900475790977237", + "question": "Who plays the voice of darth vader in star wars?", + "docs": [ + { + "id": "650651", + "title": "Darth Vader", + "text": "been voiced by Mat Lucas for the 2003 micro-series \"\", and by Matt Lanter in the CGI animated film \"\", the and for Anakin's cameos in \"Star Wars Rebels\". For Vader's appearances in the \"Star Wars Rebels\" animated series, James Earl Jones has reprised the voice role. Both Lanter and Jones contributed their voices for the second-season finale of \"Rebels\", at times with identical dialogue spoken by both actors blended together in different ways. Darth Vader appears in seven of the live-action \"Star Wars\" films, \"\" animated film and . He also has a recurring role in \"Star Wars\" Expanded", + "score": 0.7734375, + "summary": "James Earl Jones plays the voice of Darth Vader in Star Wars Rebels, while Mat Lucas and Matt Lanter voiced Anakin Skywalker/Darth Vader in earlier animated versions.", + "extraction": "James Earl Jones has reprised the voice role." + }, + { + "id": "3767067", + "title": "David Prowse", + "text": "David Prowse David Charles Prowse, MBE (born 1 July 1935) is a retired English bodybuilder, weightlifter and character actor in British film and television. Worldwide, he is best known for physically portraying Darth Vader in the original \"Star Wars\" trilogy (with the character's voice being performed by James Earl Jones), and in 2015 starred in a documentary concerning that role, entitled \"I Am Your Father\". Prior to his role as Vader, Prowse had established himself as a prominent figure in British culture as the first Green Cross Code man, a character used in British road safety advertising aimed at children.", + "score": 0.76904296875, + "summary": "James Earl Jones performs the voice of Darth Vader in Star Wars, therefore David Prowse's role in portraying Darth Vader is irrelevant to the question.", + "extraction": "James Earl Jones plays the voice of Darth Vader in the original \"Star Wars\" trilogy." + }, + { + "id": "12260150", + "title": "James Earl Jones", + "text": "USAF Command General, in \"By Dawn's Early Light\" (1990 HBO film), the feared neighbor Mr. Mertle in \"The Sandlot\" (1993), Reverend Stephen Kumalo in \"Cry, the Beloved Country\" (1995), Raymond Lee Murdock in \"A Family Thing\" (1996), and Vice Admiral James Greer in \"The Hunt for Red October\" (1990), \"Patriot Games\" (1992) and \"Clear and Present Danger\" (1994), among many other roles. Jones is also known as the voice of Darth Vader in the 1977 film \"Star Wars: A New Hope\" and its sequels \"The Empire Strikes Back\" (1980) and \"Return of the Jedi\" (1983). Darth Vader was portrayed in", + "score": 0.76220703125, + "summary": "James Earl Jones is the voice of Darth Vader in the Star Wars films.", + "extraction": "James Earl Jones plays the voice of Darth Vader in the Star Wars movies." + }, + { + "id": "650684", + "title": "Darth Vader", + "text": "Wars Holiday Special\", a television special broadcast by CBS in 1978, features a brief appearance by Darth Vader, who appears on-screen speaking with Imperial officer \"Chief Bast\" in footage cut from the original 1977 film. The sequence is dubbed with new dialogue, performed by James Earl Jones. In the story, Vader colludes with Boba Fett to entrap the Rebels. Darth Vader features in the 1981 radio drama adaptation of \"Star Wars\", voiced by the actor Brock Peters. Vader makes his first appearance on the planet Ralltiir, where he treats Princess Leia Organa with suspicion. In later extended scenes, he is", + "score": 0.75537109375, + "summary": "James Earl Jones plays the voice of Darth Vader in a brief appearance in the \"Star Wars Holiday Special\" and in the original 1977 film.", + "extraction": "James Earl Jones performs the voice of Darth Vader in the television special \"Wars Holiday Special\"." + }, + { + "id": "19844849", + "title": "I Am Your Father", + "text": "I Am Your Father I Am Your Father is a 2015 Spanish documentary film written and directed by Toni Bestard \"()\" and Marcos Cabot\u00e1 \"()\". The film deals with actor David Prowse many years after he played the role of Darth Vader in the original \"Star Wars\" trilogy. David Prowse is a bodybuilder and actor who famously portrayed the role of Darth Vader in \"Star Wars\", \"The Empire Strikes Back\", and \"Return of the Jedi\". Unlike most of the other \"Star Wars\" stars, however, he is relatively obscure, since James Earl Jones dubbed Vader's voice and Sebastian Shaw portrayed an", + "score": 0.75439453125, + "summary": "The documentary film \"I Am Your Father\" is about actor David Prowse who played the role of Darth Vader in the original \"Star Wars\" trilogy. However, James Earl Jones dubbed Vader's voice.", + "extraction": "James Earl Jones dubbed Vader's voice." + }, + { + "id": "650644", + "title": "Darth Vader", + "text": "Orson Welles to voice Vader (after dismissing using Prowse's own voice due to his English West Country accent, leading to the rest of the cast nicknaming him \"Darth Farmer\"). After deciding that Welles's voice would be too recognizable, he cast the lesser-known James Earl Jones instead. Jones initially felt his contributions to the films were too small to warrant recognition and his role was uncredited at his request until the release of \"Return of the Jedi\" (1983). When Jones was specifically asked if he had supplied Vader's voice for \"Revenge of the Sith\"\u2014either newly or from a previous recording\u2014Jones answered,", + "score": 0.75390625, + "summary": "James Earl Jones plays the voice of Darth Vader in Star Wars.", + "extraction": "James Earl Jones plays the voice of Darth Vader in Star Wars." + }, + { + "id": "12260151", + "title": "James Earl Jones", + "text": "costume by David Prowse in the film trilogy, with Jones dubbing Vader's dialogue in postproduction because Prowse's strong West Country accent was deemed unsuitable for the role by George Lucas. At his own request, Jones was uncredited for the original releases of the first two \"Star Wars\" films, though he later would be credited for the first film in its 1997 \"Special Edition\" re-release. As he explained in a 2008 interview: Although uncredited, Jones' voice is possibly heard as Vader at the conclusion of \"\" (2005). When specifically asked whether he had supplied the voice, possibly from a previous recording,", + "score": 0.75341796875, + "summary": "James Earl Jones plays the voice of Darth Vader in the Star Wars film trilogy.", + "extraction": "James Earl Jones dubbing Vader's dialogue in postproduction" + }, + { + "id": "4678540", + "title": "Hasbro Darth Vader Voice Changer", + "text": "Hasbro Darth Vader Voice Changer The Darth Vader Voice Changer is a toy released by Hasbro in 2004 as part of the tail end of its Original Trilogy Collection line of toys focusing on characters from \"Star Wars\", \"The Empire Strikes Back\", and \"Return of the Jedi\". The voice changer allows the wearer to talk in a voice somewhat like James Earl Jones as Darth Vader, the Dark Lord of the Sith, and also included numerous built-in phrases and Vader's breathing sound from the movies. Variations of the helmet also exist. In 2008, a similar Clone Trooper Voice Changer was", + "score": 0.7529296875, + "summary": "The document is irrelevant to the question.", + "extraction": "James Earl Jones plays the voice of Darth Vader in Star Wars." + }, + { + "id": "11023431", + "title": "Matt Sloan (voice actor)", + "text": "called \"Welcome to the Basement\" with his friend Craig Johnson. Furthermore, he leads regularly with his friend Aaron Yonda in the web series \"Beer and Board Games\". As a voice actor, Sloan played Darth Vader in \"Soulcalibur IV\". Sloan went on to reprise his role as the voice of Darth Vader in the LucasArts video games \"\", and \"\". He also appeared as the voice of Darth Vader during an episode of \"Deal or No Deal\". Sloan also played Vader for the comedy short promoting TomTom devices. He returned as Vader for \"\". In 2012, Sloan voiced Darth Vader in", + "score": 0.74755859375, + "summary": "Matt Sloan voiced Darth Vader in various LucasArts video games and a comedy short promoting TomTom devices. He also appeared as the voice of Darth Vader during an episode of \"Deal or No Deal\".", + "extraction": "Matt Sloan played the voice of Darth Vader in \"Soulcalibur IV\", LucasArts video games, an episode of \"Deal or No Deal\", a comedy short promoting TomTom devices, and \"\"." + }, + { + "id": "12260152", + "title": "James Earl Jones", + "text": "Jones told \"Newsday\": \"You'd have to ask Lucas about that. I don't know.\" Jones reprised his voice role of Vader for the character's appearances in the animated TV series \"Star Wars Rebels\", and the live-action film \"Rogue One: A Star Wars Story\" (2016). His other voice roles include Mufasa in the 1994 Disney film \"The Lion King\" and its direct-to-video sequel, \"\". Archive recordings from the film would later be used for the English version of the 2006 video game \"Kingdom Hearts II\" since Jones himself did not reprise the role. He more recently voiced Mufasa in the 2015 TV", + "score": 0.7421875, + "summary": "James Earl Jones played the voice of Darth Vader in \"Star Wars Rebels\" and \"Rogue One: A Star Wars Story\" (2016), but he doesn't know if he will play it in future productions.", + "extraction": "James Earl Jones plays the voice of Darth Vader in Star Wars." + }, + { + "id": "650666", + "title": "Darth Vader", + "text": "endears her to her master, and, by the end of the film, Anakin reveals a newfound affection for his apprentice. Vader appears in the first anthology film \"Rogue One\", played by Spencer Wilding and Daniel Naprous, with James Earl Jones once again voicing the character. In this film, Vader meets with Imperial weapons engineer Orson Krennic, who asks him for an audience with the Emperor regarding the Death Star which Krennic lost command of to Tarkin. Vader refuses, however, and uses the Force to choke him as a way of putting him in his place and orders him to ensure", + "score": 0.740234375, + "summary": "James Earl Jones plays the voice of Darth Vader in \"Rogue One\".", + "extraction": "James Earl Jones once again voicing the character." + }, + { + "id": "1953557", + "title": "Brock Peters", + "text": "this role that he can be heard at the end of Miles Davis' soundtrack album, \"Jack Johnson\", saying: \"I'm Jack Johnson. Heavyweight champion of the world. I'm black. They never let me forget it. I'm black all right! I'll never let them forget it!\" Between 1981 and 1996, Peters provided the voice of Darth Vader for the radio adaptation of the original \"Star Wars\" trilogy for National Public Radio. He also played the role of a Colonial prosecutor trying to make a murder case against Starbuck in an episode of the original \"Battlestar Galactica\". He appeared in the films \"\"", + "score": 0.7392578125, + "summary": "Brock Peters provided the voice of Darth Vader for the radio adaptation of the original \"Star Wars\" trilogy for National Public Radio between 1981 and 1996.", + "extraction": "Brock Peters provided the voice of Darth Vader for the radio adaptation of the original \"Star Wars\" trilogy for National Public Radio." + }, + { + "id": "650645", + "title": "Darth Vader", + "text": "\"You'd have to ask Lucas about that. I don't know\". Hayden Christensen and Gene Bryant alternately portray Vader in \"Revenge of the Sith\". During the production of \"Revenge of the Sith\", Christensen asked Lucas if a special Vader suit could be constructed to fit his own body, rather than have a different actor don one of the original sets of Vader armor worn by Prowse. Brock Peters provided the voice of Darth Vader in the NPR/USC radio series. Both Spencer Wilding and Daniel Naprous portrayed Vader in \"Rogue One\" (2016), with Jones reprising his role as the character's voice. Vader's", + "score": 0.73876953125, + "summary": "Hayden Christensen, Gene Bryant, Brock Peters, Spencer Wilding, and Daniel Naprous have all portrayed Darth Vader in various Star Wars productions. James Earl Jones provided the voice for Vader in Rogue One.", + "extraction": "Spencer Wilding and Daniel Naprous portrayed Vader in \"Rogue One\" (2016), with Jones reprising his role as the character's voice." + }, + { + "id": "12260135", + "title": "James Earl Jones", + "text": "Awards, including two in the same year in 1990. 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. Jones has been said to possess \"one of the best-known voices in show business, a stirring basso profondo that has lent gravel and gravitas\" to his projects, including live-action acting, voice acting, and commercial voice-overs. In 1970, he won a Grammy Award for \"Great American Documents\". As a child, Jones had a stutter. In his episode of", + "score": 0.73486328125, + "summary": "James Earl Jones plays the voice of Darth Vader in Star Wars.", + "extraction": "James Earl Jones plays the voice of Darth Vader in the \"Star Wars\" film series." + }, + { + "id": "7627668", + "title": "To\u0304ru O\u0304hira", + "text": "which he became an announcer and producer. In 1955, with the opening of the Tokyo Broadcasting System, he enlisted in its theatrical company. He left the company in 1958 to become a voice artist. His breakthrough performance was the dubbing voice of Darth Vader in the \"Star Wars\" series. He reprised this role for \"\" and a crossover appearance in \"Soulcalibur IV\"- notable because the game was originally in Japanese, meaning that \u014chira was Vader's \"original\" voice in the game, unlike with the films. In addition, he was usually cast in either astringent villain roles or gag characters, such as", + "score": 0.73486328125, + "summary": "To\u0304ru O\u0304hira played the voice of Darth Vader in the \"Star Wars\" series.", + "extraction": "The dubbing voice of Darth Vader in the \"Star Wars\" series was played by To\u0304ru O\u0304hira." + }, + { + "id": "5219071", + "title": "Star Wars: Battlefront II (2005 video game)", + "text": "\"\" animated series. Obi-Wan Kenobi is portrayed by James Arnold Taylor, who played the role in the 2002 game \"Star Wars: The Clone Wars\" as well as the cartoon series. Scott Lawrence, known for his role as Sturgis Turner in the television series \"JAG\", also returns to voice Darth Vader, a role he has portrayed since the 1990s. Other veteran \"Star Wars\" voice actors such as Tom Kane, Steve Blum and T.C. Carson also provide voice overs. Temuera Morrison portrays his signature roles Boba Fett, Jango Fett and the game's clone trooper narrator, but does not provide the in-game clone", + "score": 0.73291015625, + "summary": "Scott Lawrence plays the voice of Darth Vader in Star Wars: Battlefront II (2005 video game).", + "extraction": "Scott Lawrence returns to voice Darth Vader, a role he has portrayed since the 1990s." + }, + { + "id": "650646", + "title": "Darth Vader", + "text": "character has also been portrayed in several video games; in games such as \"\" and \"\", visual effects artist C. Andrew Nelson appears in short sequences in the Vader costume, voiced by Scott Lawrence. Matt Sloan, who appeared in the YouTube parody \"Chad Vader\", provided the voice of Darth Vader in \"The Force Unleashed \". As a result of his video game appearances, Nelson was cast to appear as Vader in brief sequences inserted into the 1998 special edition of \"The Empire Strikes Back\", in which Vader is seen boarding his shuttle. During production of \"Return of the Jedi\", the", + "score": 0.73095703125, + "summary": "C. Andrew Nelson and Scott Lawrence voiced Darth Vader in some video games. Matt Sloan voiced him in \"The Force Unleashed\". Nelson appeared as Vader in a brief sequence in the 1998 special edition of \"The Empire Strikes Back\".", + "extraction": "Scott Lawrence." + }, + { + "id": "13821237", + "title": "Tibor Kristo\u0301f", + "text": "at the age 67. Tibor Krist\u00f3f Tibor Krist\u00f3f (February 20, 1942 Miskolc \u2013 September 2, 2009) was a Hungarian actor and voice actor. Besides his own career in Hungarian films and television, Krist\u00f3f provided the Hungarian language voices of many prominent English-speaking Hollywood actors in major American-produced films. He provided the Hungarian language voice of Morgan Freeman in the films, \"The Bucket List\" and \"Wanted\". He also provided the Hungarian voice over for actors Sean Connery and Peter Gilmore. He also provided the voice of Darth Vader in George Lucas' Star Wars films, including \"\". He died on September 2,", + "score": 0.72900390625, + "summary": "Tibor Krist\u00f3f provided the voice of Darth Vader in the Star Wars films, among other prominent English-speaking actors. He was a Hungarian actor and voice actor who died on September 2, 2009, at the age of 67.", + "extraction": "Tibor Krist\u00f3f provided the voice of Darth Vader in George Lucas' Star Wars films." + }, + { + "id": "13821236", + "title": "Tibor Kristo\u0301f", + "text": "Tibor Krist\u00f3f Tibor Krist\u00f3f (February 20, 1942 Miskolc \u2013 September 2, 2009) was a Hungarian actor and voice actor. Besides his own career in Hungarian films and television, Krist\u00f3f provided the Hungarian language voices of many prominent English-speaking Hollywood actors in major American-produced films. He provided the Hungarian language voice of Morgan Freeman in the films, \"The Bucket List\" and \"Wanted\". He also provided the Hungarian voice over for actors Sean Connery and Peter Gilmore. He also provided the voice of Darth Vader in George Lucas' Star Wars films, including \"\". He died on September 2, 2009, in Budapest, Hungary,", + "score": 0.72802734375, + "summary": "Tibor Krist\u00f3f provided the Hungarian voice for Darth Vader in Star Wars films. He was a Hungarian actor and voice actor who also provided Hungarian voices for Morgan Freeman, Sean Connery, and Peter Gilmore. He died on September 2, 2009, in Budapest, Hungary.", + "extraction": "Tibor Krist\u00f3f provided the voice of Darth Vader in George Lucas' Star Wars films." + }, + { + "id": "7627667", + "title": "To\u0304ru O\u0304hira", + "text": "T\u014dru \u014chira One of his best known roles was the dub voice of Darth Vader in \"Star Wars\", on the series' home video releases. He was also known for his many narration roles, most notably in the \"Super Sentai\" series. He was a very influential figure in the dubbing industry during the Sousei period. After graduating from Tokyo Metropolitan University J\u014dnan Senior High School (in which he was also the supervisor of the school's volleyball team), he went on to graduate from the Meiji University Department of Political Science and Economics. In 1954, he joined the Nippon Broadcasting System, in", + "score": 0.72216796875, + "summary": "T\u014dru \u014chira played the voice of Darth Vader in \"Star Wars\" on the series' home video releases.", + "extraction": "T\u014dru \u014chira played the dub voice of Darth Vader in \"Star Wars\"." + }, + { + "id": "3767073", + "title": "David Prowse", + "text": "in the 1974 film \"The Best of Benny Hill\", in which he was credited. Amongst his many non-speaking roles, Prowse played a major speaking role in \"Portrait of Brenda\", the penultimate episode of \"The Saint\" broadcast in 1969. In May 2010, he played Frank Bryan in \"The Kindness of Strangers\", an independent British film produced by Queen Bee Films. The film screened at the 2010 Cannes Film Festival. Prowse played the physical form of Darth Vader in the original \"Star Wars\" trilogy. Prowse spoke the dialogue during filming, but Lucas claimed he wanted a \"darker voice\"\u2014a deeper, more reverberating voice,", + "score": 0.72021484375 + }, + { + "id": "18020695", + "title": "The Convention Conundrum", + "text": "to set up his own Comic-Con, and tries to convince several celebrities to appear, including Stan Lee, Bill Nye the Science Guy, Leonard Nimoy, and Wil Wheaton. Since he has restraining orders from Lee, Nimoy, and Nye, he asks Leonard to contact them. He then discovers James Earl Jones, whom he reveres for voicing the \"Star Wars\" villain Darth Vader, and is going to a sushi restaurant, where Sheldon meets him. Unlike many celebrities Sheldon has met, James Earl Jones welcomes his company, and the two spend the night doing various activities; they go to an ice-cream parlor, a carnival,", + "score": 0.7197265625 + }, + { + "id": "645841", + "title": "Hayden Christensen", + "text": "the Sith\", Christensen asked Lucas if a special Vader suit could be constructed to fit his own body, rather than have a different actor don one of the original sets of Vader armor worn by David Prowse. Lucas agreed, and a suit was engineered to fit Christensen's frame, even including extensions to allow for the actor to attain Vader's height. His voice as the \"robotic\" Vader, however, was dubbed over by James Earl Jones, who first made the voice famous in the original trilogy. Stock footage of Christensen was used in the 2004 DVD-release edition of \"Return of the Jedi\",", + "score": 0.71875 + }, + { + "id": "11023432", + "title": "Matt Sloan (voice actor)", + "text": "both \"\" and \"Kinect Star Wars\". In 2015, Sloan returned to voice Vader in \"Disney Infinity 3.0\", \"Star Wars Battlefront, Star Wars Battlefront II\" and \"\", as well as providing his voice for a sketch in the final episode of \"The Daily Show\" with Jon Stewart. Matt Sloan (voice actor) Matthew Paul Sloan, (born March 24, 1973) is an American director, playwright, voice actor and comedian from Madison, Wisconsin. He and his friend Aaron Yonda are notable as the co-creators of the web series \"\", in which he voices the title character. Additionally, he appears in season one as the", + "score": 0.71728515625 + }, + { + "id": "11023430", + "title": "Matt Sloan (voice actor)", + "text": "Matt Sloan (voice actor) Matthew Paul Sloan, (born March 24, 1973) is an American director, playwright, voice actor and comedian from Madison, Wisconsin. He and his friend Aaron Yonda are notable as the co-creators of the web series \"\", in which he voices the title character. Additionally, he appears in season one as the main antagonist, and has a minor appearance in the first few episodes of the second series as said antagonist's father. Since \"Chad Vader\", he has gone on to voice Darth Vader in various \"Star Wars\" media. He hosts a movie reviewing and discussion show on YouTube", + "score": 0.7138671875 + }, + { + "id": "4387140", + "title": "Ben Burtt", + "text": "beeps and whistles are Burtt's vocalizations, also made using an ARP 2600 synthesizer, as are some of the squawks made by the tiny holographic monsters on the \"Millennium Falcon\" spacecraft. In \"\" (2005) he provided the voice for Lushros Dofine, captain of the \"Invisible Hand\" cruiser. The heavy-breathing of Darth Vader was created by recording his own breathing in an old Dacor scuba regulator. Burtt used the voice of an elderly lady with a very low voice that he had met in a photoshop for the voice of \"E.T. the Extra-Terrestrial\". The woman's low voice was the result of very", + "score": 0.71240234375 + }, + { + "id": "3767074", + "title": "David Prowse", + "text": "and had James Earl Jones provide the voice instead, deeming Prowse's West Country accent unsuitable for the character. Prowse claims he was originally told that he would be seen and heard at the end of \"Return of the Jedi\" when Vader's mask was removed. Instead, actor Sebastian Shaw was used. In the 2004 documentary \"Empire of Dreams\", actress Carrie Fisher, who played Princess Leia in the original trilogy films, quipped that they nicknamed Prowse \"Darth Farmer\" (a jibe regarding his urban Bristolian accent). In the lightsaber fight scenes between Vader and Luke Skywalker (Mark Hamill), Prowse, who wasn't a very", + "score": 0.71142578125 + }, + { + "id": "5072928", + "title": "Star Wars: Episode III \u2013 Revenge of the Sith (video game)", + "text": "his voice in the game's and the 2008 \"Clone Wars\" series. Terrence C. Carson voices Mace Windu and Nick Jameson voices Chancellor Palpatine/Darth Sidious. Scott Lawrence, best known for his role as United States Naval JAG lawyer Cmdr. Sturgis Turner on the CBS series \"JAG\" provides the voice for Darth Vader. Yoda and Cin Drallig are both voiced by Tom Kane, who also provides additional voices. Finally, Serra Keto is voiced by Kari Wahlgren. The game received average to mixed reviews upon release. GameRankings and Metacritic gave it a score of 71.85% and 73 out of 100 for the DS", + "score": 0.71044921875 + }, + { + "id": "650685", + "title": "Darth Vader", + "text": "heard interrogating and torturing Leia on board his Star Destroyer and aboard the Death Star. Vader appears in \"Star Tours \u2013 The Adventures Continue\", where he is voiced by Jones. Vader is featured as a combatant in the popular series \"Death Battle\", in which he is pitted against Marvel Comics villain Doctor Doom. In \"Attack of the Clones\", Anakin Skywalker feels \"smothered\" by Obi-Wan Kenobi and is incapable of controlling his own life. By \"Revenge of the Sith\", however, his \"father-son\" friction with his master has matured into a more equal, brotherly relationship. Once he becomes Darth Vader, each evil", + "score": 0.70556640625 + }, + { + "id": "7627669", + "title": "To\u0304ru O\u0304hira", + "text": "Pete in Disney cartoons. He was also a close friend of Kyosen \u014chashi, and the mentor of Shir\u014d Yasutomi. On April 12, 2016, \u014chira died from pneumonia at the age of 86. T\u014dru \u014chira One of his best known roles was the dub voice of Darth Vader in \"Star Wars\", on the series' home video releases. He was also known for his many narration roles, most notably in the \"Super Sentai\" series. He was a very influential figure in the dubbing industry during the Sousei period. After graduating from Tokyo Metropolitan University J\u014dnan Senior High School (in which he was", + "score": 0.705078125 + }, + { + "id": "3767071", + "title": "David Prowse", + "text": "in 1972's \"Vampire Circus\", a Minotaur in the 1972 \"Doctor Who\" serial \"The Time Monster\", and an android named Copper in \"The Tomorrow People\" in 1973. He appeared in an episode of \"\", \"The Beta Cloud\" in 1976 right before he was cast as Darth Vader. Around that time, he appeared as the Black Knight in the Terry Gilliam film \"Jabberwocky\" (1977). He had a small role as Hotblack Desiato's bodyguard in the 1981 BBC TV adaptation of \"The Hitchhiker's Guide to the Galaxy\". He appeared in the first series of \"Ace of Wands\" on LWT and as a bodyguard", + "score": 0.6962890625 + }, + { + "id": "16746464", + "title": "Constantino Romero", + "text": "in 1995 and \"A Little Night Music\" by Stephen Sondheim. Another play in which he appeared was \"The Little Shop of Horrors\", giving voice to the carnivorous plant. He was known as a voice over actor for some famous actors. Among his notable appearances in Spanish versions of foreign-language films, he was the voice of William Shatner in \"Star Trek\", of Arnold Schwarzenegger in \"The Terminator \"film series, of Sean Connery in \"Outland,\" and of James Earl Jones' role as Darth Vader. His voice also appears in the Spanish dubs of several Disney films, including \"The Lion King\" as Mufasa,", + "score": 0.69580078125 + }, + { + "id": "612449", + "title": "Return of the Jedi", + "text": "until 1996 that a radio version of \"Return of the Jedi\" was heard. Anthony Daniels returned as C-3PO, but Mark Hamill and Billy Dee Williams did not reprise their roles as they had for the first two radio dramas. They were replaced by newcomer Joshua Fardon as Luke Skywalker and character actor Arye Gross as Lando Calrissian. John Lithgow voiced Yoda, whose voice actor in the films has always been Frank Oz. Bernard Behrens returned as Obi-Wan Kenobi and Brock Peters reprised his role as Darth Vader. Veteran character actor Ed Begley, Jr. played Boba Fett. Edward Asner also guest-starred", + "score": 0.69482421875 + }, + { + "id": "18020696", + "title": "The Convention Conundrum", + "text": "a strip club, and a sauna. Sheldon asks Jones questions about himself and he confirms that he was functionally mute for eight years, he was a pre-med in college, and that sound designer Ben Burtt used scuba equipment to create the sound of Darth Vader's breathing. They also sing at a karaoke club and prank Carrie Fisher by knocking on her door and running away. At the end of the night, James Earl Jones learns that Sheldon and his friends failed to get Comic-Con tickets and invites them along as his guests. Meanwhile, Leonard, Raj, and Howard attempt to solve", + "score": 0.693359375 + }, + { + "id": "14303030", + "title": "Jayce Lewis", + "text": "villain Darth Vader, a welcomed piece of film by the \"Star Wars\" community after 37 years of debate about the voice casting choices of the original production. Prowse and Lewis are close friends and have worked with each other for over 15 years. In October 2016. Jayce announced the opening of his newly built recording studio, Northstone Studios. The studio was renovated from a disused outbuilding connected to the Court Colman Manor in Bridgend, South Wales. It took Lewis a total of nine months to build at a cost of \u00a360,000 with an undisclosed investment from local government; Creative Industry", + "score": 0.6923828125 + }, + { + "id": "12243031", + "title": "Ian McDiarmid", + "text": "in the prequel films: \"The Phantom Menace\", \"Attack of the Clones\", and \"\". The prequels had him play two faces to his character; he re-created his diabolical interpretation of Palpatine from \"Return of the Jedi\" when playing Darth Sidious, the Chancellor's Sith alter ego, but created a pleasant, charming character in Palpatine's public persona. In the 2004 re-release of \"The Empire Strikes Back\", a brief scene between Darth Vader and a hologram of Emperor Palpatine was updated to include McDiarmid. The Emperor was originally voiced by Clive Revill for that scene, and visually portrayed by Marjorie Eaton. With this addition", + "score": 0.69140625 + }, + { + "id": "6137030", + "title": "Star Wars: The Interactive Video Board Game", + "text": "an implicit warning to the players of what he is about to do. In the video, he wants to divert Death Star II to attempt to destroy another planet, while on its final destination to the Endor so that its construction can be completed in secret. The live-action video on the VHS tape was filmed in 1996 on an original \"Star Wars\" set, twenty years after the original film. For the new scenes, Hasbro cast the reprised roles of David Prowse as Vader's body actor and James Earl Jones as Vader's voice actor. Some of the crew from \"A New", + "score": 0.6904296875 + }, + { + "id": "3767079", + "title": "David Prowse", + "text": "of the charity Save the Children. In 2008, he was one of the cast members featured on Justin Lee Collins's \"Bring Back...Star Wars\". In the film, Prowse commented that he had a dispute with George Lucas after he allegedly leaked reports of Darth Vader's death to the press. Prowse had previously suggested that Darth Vader could be Luke Skywalker\u2019s father in a speech he gave to UC Berkeley in 1978. However, this was shortly after the release of \"Star Wars\" and nearly two years before \"The Empire Strikes Back\" (which he considers to be his favourite of the trilogy) was", + "score": 0.6884765625 + }, + { + "id": "630860", + "title": "Star Wars (film)", + "text": "on a shieldless microphone. Burtt discovered the latter accidentally as he was looking for a buzzing, sparking sound to add to the projector-motor hum. For Chewbacca's growls, Burtt recorded and combined sounds made by dogs, bears, lions, tigers, and walruses to create phrases and sentences. Lucas and Burtt created the robotic voice of R2-D2 by filtering their voices through an electronic synthesizer. Darth Vader's breathing was achieved by Burtt breathing through the mask of a scuba regulator implanted with a microphone. In February 1977, Lucas screened an early cut of the film for Fox executives, several director friends, along with", + "score": 0.68701171875 + }, + { + "id": "14086899", + "title": "Star Wars: The Force Unleashed II", + "text": "Nathalie Cox reprises her role as Juno Eclipse, as does Cully Fredrickson as General Rahm Kota. Matt Sloan, who portrays Darth Vader in the webseries and voices Vader in the original \"The Force Unleashed\" returns to the role in \"The Force Unleashed II\". Veteran \"\" voice actors Tom Kane and Dee Bradley Baker are also included amongst the cast. Kane voices Jedi Master Yoda, a role he has provided several times within the Star Wars franchise. Baker voices bounty hunter Boba Fett, a clone and adopted son of Jango Fett. Baker provides the voice of all of the clone troopers", + "score": 0.68603515625 + }, + { + "id": "115686", + "title": "Dubbing (filmmaking)", + "text": "the final version. The ADR process does not always take place in a post-production studio. The process may be recorded on location, with mobile equipment. ADR can also be recorded without showing the actor the image they must match, but by having them listen to the performance, since some actors believe that watching themselves act can degrade subsequent performances. Sometimes, a different actor than the original actor on set is used during ADR. One famous example is the \"Star Wars\" character Darth Vader portrayed by David Prowse; in post-production, James Earl Jones dubbed the voice of Vader. Other examples include:", + "score": 0.68359375 + }, + { + "id": "668179", + "title": "Star Wars: Episode III \u2013 Revenge of the Sith", + "text": "provides the uncredited voice of Darth Vader; when specifically asked if he had supplied the voice\u2014either newly or from a previous recording\u2014Jones answered, \"You'd have to ask Lucas about that. I don't know\". Director and \"Star Wars\" creator George Lucas has a cameo as Baron Papanoida, a blue-faced alien in attendance at the Coruscant Opera House. Lucas' son Jett portrays a young Jedi-in-training named Zett Jukassa. Lucas' daughter Amanda appears as a character called Terr Taneel, seen in the security hologram; while his other daughter Katie plays a blue-skinned Pantoran named Chi Eekway, visible when Palpatine arrives at the Senate", + "score": 0.68359375 + }, + { + "id": "5465914", + "title": "Return of the Ewok", + "text": "stock. \"Everyone contributed their time and talent for absolutely nothing,\" Tomblin said. Players of Chelsea Football Club also make an appearance in the film, alongside Davis' mother, father and sister; Ashley, Sue and Kim. David Tomblin also appears as himself and provides the voices of Darth Vader and Boba Fett. Michele Gruska is heard as the voice of Sy Snootles with Deep Roy and Simon Williamson playing Droopy McCool and Max Rebo respectively. For many years, the only confirmed copy of \"Return of the Ewok\" was a video copy in Warwick Davis' own home entertainment center. This copy has been", + "score": 0.68115234375 + }, + { + "id": "5282793", + "title": "Bob Anderson (fencer)", + "text": "that for \"The Empire Strikes Back\" and \"Return of the Jedi\" he staged the lightsaber duels and also wore the Vader costume in fight scenes. David Prowse, who played Vader, said he did his own swordplay in the first \"Star Wars\" film but afterward, \"having one of the principals do his own stunts made [the filmmakers] very weird from an insurance point of view.\" Anderson continued to work in cinema for the next 30 years, and was responsible for the swordsmanship in many films, including \"Highlander\", \"The Princess Bride\", \"The Three Musketeers\", \"The Mask of Zorro\", \"\" and \"The Lord", + "score": 0.6787109375 + }, + { + "id": "11182047", + "title": "Virtual actor", + "text": "\"Rogue One: a Star Wars story\" (2016) whose plot ends minutes before that of \"\" (1977), digitally recreated the appearances of Peter Cushing in the role Grand Moff Tarkin (played and voiced by Guy Henry), and Carrie Fisher as Princess Leia (played by Ingvild Deila. Fisher's only line was added using archival voice footage of Carrie Fisher saying the word \"Hope\".). The virtual versions replicated the characters' appearances as seen in the aforementioned \"Star Wars Episode IV: A New Hope\". Cushing had died in 1994, while Fisher died a few days after the film's release. Industrial Light and Magic created", + "score": 0.67578125 + }, + { + "id": "650643", + "title": "Darth Vader", + "text": "U.S. Patent and Trademark Office under Trademark #77419252 and is officially described in the documentation as \"\"The sound of rhythmic mechanical human breathing created by breathing through a scuba tank regulator.\"\" Commentators have often pointed to the influence of Akira Kurosawa's films such as \"The Hidden Fortress\" (1958) on George Lucas, and Vader's Samurai-inspired costume design is held up as a significant example of the Japanese influences on \"Star Wars\". Darth Vader was portrayed by bodybuilder David Prowse in the original film trilogy, and by stunt performer Bob Anderson during the character's intense lightsaber fight scenes. Lucas originally intended for", + "score": 0.67578125 + }, + { + "id": "12213713", + "title": "Palpatine", + "text": "Palpatine Sheev Palpatine (also known by his Sith identity Darth Sidious and publicly as Senator Palpatine, then Supreme Chancellor Palpatine, and later Emperor Palpatine) is a fictional character and is the primary antagonist of \"Episodes I-VI\" in the \"Star Wars\" franchise, mainly portrayed by Ian McDiarmid. In the original trilogy, he is depicted as the extremely aged, pale-faced and cloaked Emperor of the Galactic Empire and the Sith master of Darth Vader. In the prequel trilogy, he is portrayed as a charismatic Senator in early old age from Naboo who uses machiavellian deception and political manipulation to rise to the", + "score": 0.67529296875 + }, + { + "id": "17439811", + "title": "Phineas and Ferb: Star Wars", + "text": "announced at Comic-Con International 2013. Povenmire said, \"May The 'Ferb' Be With You and with all of us who for decades have dreamt of a chance to work with the great characters and stories of Star Wars.\" None of the original \"Star Wars\" actors reprised their roles for this special. Voice actor Christopher Corey Smith voiced Luke Skywalker as well the Toydarian, Blatto, the son of Watto from \"\"; actor Ross Marquand played Han Solo; voice actress April Winchell played Princess Leia; writer Eddie Pittman provided one line as Darth Vader; regular Perry the Platypus voice actor Dee Bradley Baker", + "score": 0.67529296875 + }, + { + "id": "10060971", + "title": "Jamie Glover", + "text": "his voice to documentaries, commercials, audiobooks and computer games. He joined the \"Star Wars\" universe in various voice-roles; he played General Maximilian Veers in \"\", taking over the role from his father who played the same character in \"The Empire Strikes Back\". In \"Battlefront II\", he dubbed over archive footage of his father as Veers for the archive footage sequences in the game from \"Empire Strikes Back\". He returned to reprise his role as Veers in \"\". He also did voice work in \"\", and has a major role in \"\" as Darth Malgus. He also works in radio drama,", + "score": 0.67529296875 + }, + { + "id": "3547515", + "title": "Darth Bane", + "text": "as an apparition to Yoda on the Sith home planet Moraband. He is voiced by Mark Hamill, who portrayed Luke Skywalker in the films. Prior to taking on the role of Bane, Hamill did not know of the character or how Bane fit into the overall arc of Star Wars. His son Nathan Hamill knew about the history of the character and was able to explain it to his father once he took on the role. For the portrayal, Dave Filoni recorded Hamill to reading his line using multiple inflections, each portraying different emotions, and then blended all together into", + "score": 0.67431640625 + }, + { + "id": "15311080", + "title": "The Force (advertisement)", + "text": "a clothes dryer, and to wake the dog and a doll. After he is unsuccessful in those attempts, he is startled to discover that he can start the car, though his father actually does it using a remote control. The film was directed by Lance Acord and produced by Park Pictures featuring the musical track \"Imperial March\" composed by John Williams. Max Page had never seen any of the \"Star Wars\" movies, saying he was too scared. He met James Earl Jones, the voice of Vader in the \"Star Wars\" movies, in New York City on February 7. On May", + "score": 0.673828125 + }, + { + "id": "668194", + "title": "Star Wars: Episode III \u2013 Revenge of the Sith", + "text": "pleading\" Christensen persuaded Lucas to have the Vader costume used in the film created specifically to fit him. The new costume featured shoe lifts and a muscle suit. It also required Christensen (who is tall) to look through the helmet's mouthpiece. In 2004, Gary Oldman was originally approached to provide the voice of General Grievous; however, complications arose during contract negotiations after Oldman learned the film was to be made outside of the Screen Actors Guild, of which he is a member. He backed out of the role rather than violate the union's rules. Matthew Wood, who voiced Grievous, disputed", + "score": 0.67333984375 + }, + { + "id": "13141673", + "title": "Gianni Bonagura", + "text": "a character actor, with the exception of the role of Dr. Watson in the 1968 RAI television series \"Sherlock Holmes\". Bonagura also worked as a voice actor. He occasionally dubbed over the voices of Danny De Vito, Mel Brooks and Ian Holm. One of his most popular dubbing roles includes providing the Italian voice of Palpatine's alter ego, Darth Sidious in \"\". In his animated roles, he dubbed the voices of Uncle Waldo in \"The Aristocats\" and Mr. Snoops in \"The Rescuers\". Bonagura died in Milan on October 8th 2017 just 19 days before his 92nd birthday. Gianni Bonagura Gianfelice", + "score": 0.67333984375 + }, + { + "id": "12243025", + "title": "Ian McDiarmid", + "text": "Ian McDiarmid Ian McDiarmid (; born 11 August 1944) is a Scottish character actor and director. He has appeared in 47 films since 1976. He portrayed Emperor Palpatine in the \"Star Wars\" film series. He has received an Olivier Award for Best Actor and a Tony Award for Best Featured Actor in a Play for his performances. McDiarmid was born in Carnoustie, Scotland. He became a theatre aficionado when he was five years old, when his father took him to see an act named Tommy Morgan at a theatre in Dundee. In 2004, he stated, \"It sort of fascinated me,", + "score": 0.671875 + }, + { + "id": "12243032", + "title": "Ian McDiarmid", + "text": "to \"The Empire Strikes Back\", McDiarmid has now appeared in every live-action film version in which Palpatine appears. He has also worked with the \"Star Wars\" expanded universe as the voice of Palpatine in the video game adaptations of \"The Empire Strikes Back\" and \"Return of the Jedi\", \"\" and \"\". McDiarmid made a small appearance during Celebration Europe. On 23\u201326 August 2012, he attended Celebration VI in Orlando, Florida and had his own show titled \"The Phantom Menace: Ian McDiarmid\", hosted by James Arnold Taylor, in which he talked about his experience working on \"Star Wars\" and how he", + "score": 0.67138671875 + }, + { + "id": "3042334", + "title": "Anthony Daniels", + "text": "Anthony Daniels Anthony Daniels (born 21 February 1946) is an English actor and mime artist. He is best known for playing C-3PO in the \"Star Wars\" film series. He is the only actor to have appeared in all of the major films in the series, as well as its many spin-offs (TV shows, video games, etc.). Daniels was the voice of Legolas in the Ralph Bakshi animated adaptation of \"The Lord of the Rings\" (1978). He has appeared intermittently on British television in various dramas, including playing a pathologist in \"Prime Suspect\" starring Helen Mirren. Daniels is currently an adjunct", + "score": 0.67041015625 + }, + { + "id": "5282792", + "title": "Bob Anderson (fencer)", + "text": "the sword master for \"Barry Lyndon\". Anderson subsequently went on to be involved in all three of the original \"Star Wars\" films. Anderson did not receive much recognition for his work for years after their initial release. Mark Hamill in 1983 revealed, \"Bob Anderson was the man who actually did Vader's fighting. It was always supposed to be a secret, but I finally told George I didn't think it was fair any more. Bob worked so bloody hard that he deserves some recognition. It's ridiculous to preserve the myth that it's all done by \"one\" man.\" Anderson in 1994 specified", + "score": 0.66943359375 + }, + { + "id": "3786759", + "title": "Changes in Star Wars re-releases", + "text": "his eyebrows to reflect Anakin burning on Mustafar at the end of \"\". At the end of \"Return of the Jedi\", Darth Vader is redeemed by killing the Emperor to save Luke Skywalker's life, then dies of his injuries shortly after, and appears to Luke as Anakin Skywalker alongside the Force ghosts of Yoda and Obi-Wan Kenobi. In the 1983 theatrical release, Sebastian Shaw plays this Force ghost in addition to an unmasked Vader. Later, Hayden Christensen was cast as Anakin in the prequel trilogy films \"Attack of the Clones\" and \"Revenge of the Sith\". To reflect this, the 2004", + "score": 0.6689453125 + }, + { + "id": "5770836", + "title": "Robert Earl Jones", + "text": "Robert Earl Jones Robert Earl Jones (February 3, 1910 \u2013 September 7, 2006), sometimes credited as Earl Jones, was an African American actor and prizefighter. One of the first prominent African-American film stars, Jones was a living link with the Harlem Renaissance of the 1920s and 1930s, having worked with Langston Hughes early in his career. Jones was best known for his leading roles in films such as \"Lying Lips\" (1939) and later in his career for supporting roles in films such as \"The Sting\" (1973), \"Trading Places\" (1983), \"The Cotton Club\" (1984), and \"Witness\" (1985). He was the father", + "score": 0.66796875 + }, + { + "id": "651591", + "title": "The Empire Strikes Back", + "text": "being used effectively, and Kershner agreed. After several takes, the director told the actor to improvise on the spot, and Ford changed Solo's line to \"I know.\" During production, great secrecy surrounded the fact that Darth Vader was Luke's father. Like the rest of the crew, Prowse\u2014who spoke all of Vader's lines during filming\u2014was given a false page that contained dialogue with the revelatory line being \"Obi-Wan killed your father.\" Hamill was informed just moments before cameras rolled on his close-up, and did not tell anyone, including his wife; according to Hamill, Ford did not learn the truth until he", + "score": 0.66650390625 + }, + { + "id": "6541702", + "title": "Ian Abercrombie", + "text": "productions of the Hollywood Theater of the Ear. Abercrombie voiced Ambrose in Oscar-nominated \"Rango\" (2011). He also portrayed Ganthet on \"\", completing his work on the latest episode of Cartoon Network show just before his death. Abercrombie voiced Chancellor Palpatine/Darth Sidious in the 2008 film \"\", the , and two spin-off video games (\"\" and \"\"). Supervising director Dave Filoni said that Ian was very excited that Darth Sidious finally was going to be seen in person and not as a hologram anymore; during Celebration VI, Filoni also mentioned that before his death, Ian did record for most of Season", + "score": 0.66650390625 + }, + { + "id": "12260134", + "title": "James Earl Jones", + "text": "James Earl Jones James Earl Jones (born January 17, 1931) is an American actor. His career has spanned more than 60 years, and he has been described as \"one of America's most distinguished and versatile\" actors and \"one of the greatest actors in American history\". Since his Broadway debut in 1957, Jones has won many awards, including a Tony Award for his role in \"The Great White Hope\", which also earned him a Golden Globe Award and an Academy Award nomination for Best Actor in a Leading Role for the film version of the play. Jones has won three Emmy", + "score": 0.6650390625 + }, + { + "id": "12390308", + "title": "Yves Corbeil", + "text": "versions in several movies in the roles of Fred Flintstone in \"The Flintstones\" as well as Mr. Freeze in \"Batman and Robin\", Darth Sidious in \"Star Wars\" as well as the Terminator in \"Terminator 3\" and various characters in The Simpsons. Among the actors he provided the French voice included Morgan Freeman, Arnold Schwarzenegger, Tim Allen, John Goodman and Gene Hackman. Corbeil also worked as a teacher in Saint-J\u00e9r\u00f4me, Quebec in humanity sciences and religion in the 1960s. He also participated in various theatrical plays throughout his career. He is also participating in various advertisements for Corbeil Home Appliances. Yves", + "score": 0.66455078125 + }, + { + "id": "12213737", + "title": "Palpatine", + "text": "comics produced since the originating 1977 film \"Star Wars\" were rebranded as \"Star Wars Legends\" and declared non-canon to the franchise by Lucasfilm. \"Star Wars Legends\" literature elaborates on Palpatine's role in \"Star Wars\" fiction outside of the films. Palpatine/Darth Sidious is a central character in Genndy Tartakovsky's \"\" micro-series, which is set between \"Attack of the Clones\" and \"Revenge of the Sith\". The character's likeness in the series is based on that in \"The Phantom Menace\" and \"Attack of the Clones\", and he is voiced by Nick Jameson. In the first chapter, Palpatine is informed by Obi-Wan Kenobi that", + "score": 0.66455078125 + }, + { + "id": "2225982", + "title": "Stan Freberg", + "text": "voice of a dispatcher. Contrary to popular belief George Lucas called upon Freberg, not Mel Blanc, to audition for the voice of the character C-3PO for the 1977 film \"Star Wars\". After he and many others auditioned for the part, Freberg suggested that Lucas use mime actor Anthony Daniels' voice. Freberg began making satirical recordings for Capitol Records, beginning with the February 10, 1951, release of \"John and Marsha\", a soap opera parody that consisted of the title characters (both played by Freberg) doing nothing but repeating each other's names (with intonations to match the moods). Some radio stations refused", + "score": 0.6640625 + }, + { + "id": "15983370", + "title": "Bad Lip Reading", + "text": "Lip Reading video would go on to become an annual event for the channel, with each video being released shortly before the Super Bowl each year. In December of 2015, Bad Lip Reading simultaneously released three new videos, one for each of the three films in the original Star Wars trilogy. These videos found BLR using guest voices for the first time, featuring Jack Black as Darth Vader, Maya Rudolph as Princess Leia, and Bill Hader in multiple roles. The \"Empire Strikes Back\" BLR video featured a scene of Yoda singing to Luke about an unfortunate encounter with a seagull", + "score": 0.6640625 + }, + { + "id": "18828617", + "title": "Silvio Spaccesi", + "text": "\"Star Wars\" original trilogy and Santa Claus in \"The Nightmare Before Christmas\". He was also the Italian voice of Orville in the 1977 Disney film \"The Rescuers\" and the second voice of Barney Rubble in \"The Flintstones\". Spaccesi often dubbed actors such as Gustav Knuth, Charles Durning, Frank Oz and Jack Warden in a select number of their films. Spaccesi passed away in Rome on June 2nd 2015 at the age of 88 just a few days after the death of his partner Rosaura Marchi. Silvio Spaccesi Silvio Spaccesi (August 1, 1926 \u2013 June 2, 2015) was an Italian actor", + "score": 0.66357421875 + }, + { + "id": "1551766", + "title": "Star Wars Holiday Special", + "text": "speech and sings a song in celebration. Chewie remembers his adventures during the events of the original film. Finally, the Wookiee family sits around a table and bows their heads. Kenny Baker, who played in the films, was not involved in the special. The droid was performed entirely by a radio-controlled unit, operated by Mick Garris (Lucas's receptionist). In the credits, R2-D2 is credited by announcer Art James as playing himself. Because James Earl Jones was originally uncredited in \"Star Wars\", the special marked the first time he was credited as the voice of Darth Vader. Malla's mask was repurposed", + "score": 0.66357421875 + }, + { + "id": "18360471", + "title": "Rogue One", + "text": "Vader's flagship. Vader boards the Rebel command ship and attempts to regain the schematics, but a small starship escapes with them. Aboard the fleeing ship, [[Princess Leia]] declares that the plans will provide a new hope for the rebellion. [[Jimmy Smits]], [[Genevieve O'Reilly]], and [[Anthony Daniels]] reprise their roles from previous films as [[Bail Organa]], [[Mon Mothma]], and [[C-3PO]], respectively. [[James Earl Jones]] also reprises his role from previous films as the voice of [[Darth Vader]], who is physically portrayed by [[Spencer Wilding]] during the meeting with Krennic and aboard the Star Destroyer, and by Daniel Naprous for the brutal", + "score": 0.66357421875 + }, + { + "id": "8941085", + "title": "Chad Vader: Day Shift Manager", + "text": "Sloan, and this led to him becoming the new voice actor for Darth Vader. His voice appears in the games \"\", \"Soulcalibur IV\", and \"\". It is also noted that in \"\", if the player kills 12 Stormtroopers as Darth Vader during the introduction sequence, they will receive an achievement called \"Worst Day Shift Manager Ever\". The first episode of Season 2 was released on the internet on February 1, 2009 and subsequent episodes have been periodically released. Season 3 started being released on the internet from early 2010. It started being broadcast on Blip since April 2010. The series", + "score": 0.66259765625 + }, + { + "id": "3042345", + "title": "Anthony Daniels", + "text": "Wars Weekends as he gave his \"inside the saga\" story. Daniels is an adjunct professor at Carnegie Mellon University's Entertainment Technology Center. Anthony Daniels Anthony Daniels (born 21 February 1946) is an English actor and mime artist. He is best known for playing C-3PO in the \"Star Wars\" film series. He is the only actor to have appeared in all of the major films in the series, as well as its many spin-offs (TV shows, video games, etc.). Daniels was the voice of Legolas in the Ralph Bakshi animated adaptation of \"The Lord of the Rings\" (1978). He has appeared", + "score": 0.662109375 + }, + { + "id": "5770841", + "title": "Robert Earl Jones", + "text": "not come to know his son until the mid-1950s. Jones married two other times, to Jumelle Jones from 1938 to 1950, and Ruth Williams from 1960 until her death in 1981. He fathered a second child. Jones died on September 7, 2006, in Englewood, New Jersey, from natural causes at the age of 96. Robert Earl Jones Robert Earl Jones (February 3, 1910 \u2013 September 7, 2006), sometimes credited as Earl Jones, was an African American actor and prizefighter. One of the first prominent African-American film stars, Jones was a living link with the Harlem Renaissance of the 1920s and", + "score": 0.662109375 + }, + { + "id": "18048233", + "title": "Bernard Dhe\u0301ran", + "text": "Bernard Dh\u00e9ran Bernard Yves Raoul Dh\u00e9ran (17 June 1926 - 27 January 2013) was a French actor, who was active in film, television and theatre in a career spanning over six decades. Dh\u00e9ran was well remembered in French cinema's as the French dub of David Niven, Anthony Hopkins, Christopher Plummer, Ian McKellen and Leslie Nielsen. He was also recognized in dubbing as the voice of Count Dooku in the animated series \"\", he also dubbed Christopher Lee's performance in \"\" and \"\". In 1961, Dh\u00e9ran was inducted into Soci\u00e9taires of the Com\u00e9die-Fran\u00e7aise. He died at his home in Marrakech on", + "score": 0.66162109375 + }, + { + "id": "651623", + "title": "The Empire Strikes Back", + "text": "was written by Brian Daley, and was produced for and broadcast on the National Public Radio network in the U.S. during 1983. It was based on characters and situations created by George Lucas, and on the screenplay by Leigh Brackett and Lawrence Kasdan. Its director was John Madden, with sound mixing and post-production work done by Tom Voegeli. Mark Hamill, Billy Dee Williams, and Anthony Daniels reprised their roles as Luke Skywalker, Lando Calrissian, and C-3PO respectively, with John Lithgow voicing Yoda. This radio play was designed to last for five hours of radio time, usually presented in more than", + "score": 0.6611328125 + }, + { + "id": "12257781", + "title": "Mark Hamill", + "text": "Mark Hamill Mark Richard Hamill (; born September 25, 1951) is an American stage, screen and voice actor. He is primarily known for playing Luke Skywalker in the \"Star Wars\" film series and to a lesser degree for his voice-over work in animations and video games as the Joker, beginning with \"\" in 1992. Hamill has acted in several theater productions, including \"The Elephant Man\", and is the cowriter of \"The Black Pearl\" comic book miniseries. Hamill was born in Oakland, California, to Virginia Suzanne (n\u00e9e Johnson) and U.S. Navy Captain William Thomas Hamill. He is one of seven children,", + "score": 0.65966796875 + }, + { + "id": "5082217", + "title": "Saving Star Wars", + "text": "Saving Star Wars Saving Star Wars is a 2004 independent film by Woodworks Films that was written and produced by Gary Wood. The title is a play on the titles of the World War II movie \"Saving Private Ryan\" and \"Star Wars\". The first preview of the film was at a film festival called Reel Competition, where it was rated highly by the film-goers. It features David Prowse, the actor who played Darth Vader in the Star Wars trilogy. In addition, one of the principal actors, Jim Peterson, now teaches film, theatre, and alchemy at Carmel High School (Carmel, Indiana).", + "score": 0.6591796875 + }, + { + "id": "12243033", + "title": "Ian McDiarmid", + "text": "landed the role of Palpatine. Ian McDiarmid also voiced a pig version of Palpatine for a promo video on \"Angry Birds Star Wars II\", entitled \"Join the Pork Side\". McDiarmid took an early role as Mickey Hamilton, a killer intent on avenging the death of his wife and child in \"The Professionals\" for London Weekend Television. In 1990, he starred in the \"Inspector Morse\" episode \"Masonic Mysteries\" as the psychopathic con man Hugo DeVries. In 1997, McDiarmid played the villain, Ronald Hinks, in the \"Touching Evil\" two-part episode \"Through the Clouds/The Lost Boys\". He played the role of police detective", + "score": 0.658203125 + }, + { + "id": "16319232", + "title": "Erik Bauersfeld", + "text": "Erik Bauersfeld Erik Bauersfeld (June 28, 1922 \u2013 April 3, 2016) was an American radio dramatist and voice actor. His most notable role was providing the voices of Admiral Ackbar and Bib Fortuna in the third film of the original Star Wars trilogy, \"Return of the Jedi\" (1983). He reprised his role as the voice of Admiral Ackbar in \"\" (2015). Bauersfeld was attracted to radio work at a very young age. During World War II, he served in the United States Navy. His post-secondary education included time studying at Cooper Union in New York, and then at the University", + "score": 0.65771484375 + }, + { + "id": "2215977", + "title": "Corey Burton", + "text": "the original show. However, he turned down the offer to reprise the role in \"\", so the part was given to Frank Welker, the voice of Megatron/Galvatron. For \"Star Wars\", Burton voiced Count Dooku in \"\", \"\" and several \"Star Wars\" video games. For the \"Kingdom Hearts\" series, Burton voiced Ansem the Wise/DiZ in \"\", \"Kingdom Hearts Birth by Sleep\" and \"\" due to the late Christopher Lee's failing health. For the cinematic version of \"Kingdom Hearts 358/2 Days\" which was part of \"Kingdom Hearts HD 1.5 Remix\", Burton played the role of DiZ in one of the new cutscenes", + "score": 0.6572265625 + }, + { + "id": "650693", + "title": "Darth Vader", + "text": "to Vader and Palpatine, respectively, in a satirical article comparing politicians to various \"Star Wars\" and \"Star Trek\" characters. Many films and television series have paid homage to Darth Vader. The 1982 compilation movie \"Cosmic Princess\", compiled from parts of \"\" episodes, contains several \"Star Wars\" references including a character named \"Vader\". Marty McFly in \"Back to the Future\" (1985), dressed in a radiation suit, calls himself \"Darth Vader from the planet Vulcan\" to convince the past version of his father to ask his mother to a dance. Rick Moranis plays \"Dark Helmet\" in the \"Star Wars\" parody \"Spaceballs\" (1987).", + "score": 0.6572265625 + }, + { + "id": "18926838", + "title": "Artur Vader", + "text": "Communist Party of Estonia. Vader was appointed the chairman of the Presidium of the Supreme Soviet of the Estonian SSR in 1970. He gained the status of a candidate member of the Central Committee of the CPSU in 1966 and would keep that position until 1971. Artur Vader Artur Vader (February 16, 1920 \u2013 May 25, 1978) was the Chairman of the Presidium of the Supreme Soviet of the Estonian Soviet Socialist Republic from 1970 - 1978. He was born in Gorbovo, Liozna Raion, Vitebsk Oblast, Byelorussian SSR. He was the First Secretary of the Tallinn city committee of the", + "score": 0.6572265625 + }, + { + "id": "18926837", + "title": "Artur Vader", + "text": "Artur Vader Artur Vader (February 16, 1920 \u2013 May 25, 1978) was the Chairman of the Presidium of the Supreme Soviet of the Estonian Soviet Socialist Republic from 1970 - 1978. He was born in Gorbovo, Liozna Raion, Vitebsk Oblast, Byelorussian SSR. He was the First Secretary of the Tallinn city committee of the Communist Party of Estonia from 1952 to 1959. Between 1963 and 1964 he served as chairman of the Committee of Party and State Control, and the Chairman of the Council of Ministers of the Estonian SSR, and the second secretary of the Central Committee of the", + "score": 0.6572265625 + }, + { + "id": "12260163", + "title": "James Earl Jones", + "text": "year of living with ovarian cancer. In April 2016, Jones spoke publicly for the first time in nearly 20 years about his long-term health challenge with type 2 diabetes. He has been dealing with diabetes since the mid 1990s. James Earl Jones James Earl Jones (born January 17, 1931) is an American actor. His career has spanned more than 60 years, and he has been described as \"one of America's most distinguished and versatile\" actors and \"one of the greatest actors in American history\". Since his Broadway debut in 1957, Jones has won many awards, including a Tony Award for", + "score": 0.65673828125 + }, + { + "id": "5839245", + "title": "Richard LeParmentier", + "text": "officer who is choked by Darth Vader in \"Star Wars\" (1977), after Vader finds his \"lack of faith disturbing\". Mark Newbold, writing on the official \"Star Wars\" website, described the role as leaving \"an indelible imprint on the \"Star Wars\" galaxy, helping to illustrate the fearsome powers of Lord Vader as well as the arrogance and malice of a bloated and over-confident Empire.\" LeParmentier had auditioned for the role of Han Solo, one of the film's main characters. The auditions for \"Star Wars\" were also used for Brian DePalma's \"Carrie\" and LeParmentier was cast as the high school principal in", + "score": 0.65673828125 + }, + { + "id": "2402546", + "title": "Sebastian Shaw (actor)", + "text": "did not due to the popularity of Mario Puzo's book of that name. He was said to have been working on another novel shortly after \"The Christening\" was completed, but no others were ever published. In 1982, Shaw was chosen for the small but crucial role of redeemed, unmasked and dying Anakin Skywalker in \"Return of the Jedi\", the third and final film in the original \"Star Wars\" trilogy. Although David Prowse played the costumed scenes and James Earl Jones voiced Darth Vader, just as they had in the first two films, Shaw was cast in a single scene with", + "score": 0.6552734375 + }, + { + "id": "3042338", + "title": "Anthony Daniels", + "text": "the role for various promotional work such as hosting \"The Making of Star Wars\", \"Star Wars Connections\" and \"The Science of Star Wars\"; for appearances on \"The Muppet Show\", \"Sesame Street\" and an anti-smoking public service announcement; the \"Star Wars Holiday Special\"; in advertising for \"Star Wars\" licensed products such as Kenner toys; and even a breakfast cereal based on the character. Daniels voiced C-3PO in the \"Star Wars\" radio serial based on the original trilogy. He is the only cast member of the original \"Star Wars\" trilogy to voice his character in all three parts of NPR's dramatisations of", + "score": 0.6552734375 + }, + { + "id": "650629", + "title": "Darth Vader", + "text": "Darth Vader Darth Vader is a fictional character in the \"Star Wars\" franchise. He is the main antagonist of the original trilogy, but, as Anakin Skywalker, is the main protagonist of the prequel trilogy. \"Star Wars\" creator George Lucas has collectively referred to the first six episodic films of the franchise as \"the tragedy of Darth Vader.\" Originally a Jedi prophesied to bring balance to the Force, Anakin Skywalker is lured to the dark side of the Force by Palpatine, who is secretly a Sith Lord. After fighting a lightsaber battle with his former mentor Obi-Wan Kenobi in which he", + "score": 0.6552734375 + }, + { + "id": "5513484", + "title": "Sam Witwer", + "text": "(Darth Vader's secret apprentice) in the 2008 video game \"\" and 2010 sequel \"\". He has since received much praise for his contribution to the role. He also voiced Darth Sidious (Emperor Palpatine) in the first game, and reprised it for the games \"Disney Infinity 3.0\" and \"Battlefront\" and for season 2 of \"Star Wars Rebels\", where he also plays Darth Maul. For \"\", Witwer had also vocally performed the Son in a three episode story arc (known as the Mortis trilogy) in season 3 as well as the iconic Sith Lord Darth Maul in the season 4 finale episodes", + "score": 0.6552734375 + }, + { + "id": "650630", + "title": "Darth Vader", + "text": "is dismembered, Vader is transformed into a cyborg. He then serves the Galactic Empire as Darth Vader until he redeems himself by saving his son, Luke Skywalker, and killing Palpatine, sacrificing his own life in the process. He is also the father of Princess Leia Organa, the secret husband of Padm\u00e9 Amidala, and grandfather of Kylo Ren, the main villain of the \"Star Wars\" sequel trilogy. The character has been portrayed by numerous actors. His cinematic appearances span the first six \"Star Wars\" films, as well as \"Rogue One\", and his character is referenced in both \"\" and \"\". He", + "score": 0.65478515625 + }, + { + "id": "6153898", + "title": "Jess Harnell", + "text": "Disney's Carousel of Progress. From 1994 to 1996, he supplied the voices of Sewer Urchin, the Human Bullet and Chief Louder in the animated series \"The Tick\". Also, in 1996, he was Hunter on \"Road Rovers\". One of Harnell's next appearances was as the principal stormtrooper in the 1997 Star Wars fan film \"Troops\", a parody of the Cops TV series set in the \"Star Wars\" expanded universe. Harnell voiced Rudy's father, Joe Tabootie on the Nickelodeon show \"ChalkZone\", Crash Bandicoot in \"Crash Tag Team Racing\", \"Crash of the Titans\", \"\", and Crash Bandicoot N Sane Trilogy Lo-Lo in \"\",", + "score": 0.654296875 + }, + { + "id": "12257798", + "title": "Mark Hamill", + "text": "of the first season, the ninth episode of the second season, and the ninth episode of the third season. He stars in the 2018 film \"Con Man\", an independent film about the life of Barry Minkow, the famous con man. Hamill plays Minkow's father, Robert Minkow. Hamill has gained a reputation as a prolific voice actor. He first did voice acting work in the early 1970s voicing the character Corey Anders on the Saturday morning cartoon \"Jeannie\" by Hanna-Barbera Productions. He later played Sean in the Ralph Bakshi film \"Wizards\", which was released just three months before \"Star Wars\" in", + "score": 0.65380859375 + }, + { + "id": "215954", + "title": "Jim Henson", + "text": "enigmatic Jedi Master Yoda. Henson suggested to \"Star Wars\" creator George Lucas, himself a Muppets fan, that he use Frank Oz as the puppeteer and voice of Yoda. Oz voiced Yoda in \"The Empire Strikes Back\" and each of the five subsequent \"Star Wars\" films. The naturalistic, lifelike Yoda became one of the most popular characters of the \"Star Wars\" franchise. Lucas even lobbied unsuccessfully to have Oz nominated for an Academy Award for Best Supporting Actor. In 1982, Henson founded the Jim Henson Foundation to promote and develop the art of puppetry in the United States. Around that time,", + "score": 0.65234375 + }, + { + "id": "4621807", + "title": "Dee Bradley Baker", + "text": "Annie Award nomination for Voice Acting in a Television Production in 2012. He reprised the role of Captain Rex in \"Star Wars Rebels\", beginning with its second season. He also provided the voice of Boba Fett for \"Star Tours \u2013 The Adventures Continue\". In the 2011 \"Family Guy\" episode \"It's a Trap!\", a parody of the \"Star Wars\" film \"Return of the Jedi\", he voiced Klaus as Admiral Ackbar. In the video game world, Baker reprised his roles in Cartoon Network and Nickelodeon's multitude of show-related game releases. He also voiced Gravemind in \"Halo 2\" and \"Halo 3\" and the", + "score": 0.65234375 + }, + { + "id": "12213727", + "title": "Palpatine", + "text": "Sidious while discussing the failure and fall of the Jedi Order to Rey. In the 2008 animated film \"\" and the (set between \"Attack of the Clones\" and \"Revenge of the Sith\"), Palpatine continues to serve as Supreme Chancellor while his Sith identity remains behind the scenes via holograms. Palpatine was voiced by Ian Abercrombie (from 2008 to his death in 2012), and by Tim Curry (from 2012 to 2014). In the film, Sidious engineers a Separatist plot where Count Dooku turns Jabba the Hutt against the Republic by kidnapping his son Rotta and framing the Jedi for it. Meanwhile,", + "score": 0.6513671875 + }, + { + "id": "3781974", + "title": "Peter Mayhew", + "text": "producers of \"Sinbad and the Eye of the Tiger\" discovered him from a photograph in a newspaper article about men with large feet, and cast him in the role of the minotaur. When casting his first \"Star Wars\" film, creator George Lucas needed a tall actor who could fit the role of the hairy alien Chewbacca. He originally had in mind bodybuilder Dave Prowse, but Prowse chose to play Darth Vader. This led Lucas on a search which turned up Mayhew, who was working as an orderly and said that all he had to do to be cast in the", + "score": 0.65087890625 + }, + { + "id": "3767082", + "title": "David Prowse", + "text": "later developed into all aspects of business and management. On 1 October 2015, Lewis created a mini documentary titled \"The Force's Mouth\", giving Prowse the chance to finally hear his voice as Darth Vader. Prowse has been married since 1963 to Norma E. Scammell and is the father of three children. He is a prominent supporter of Bristol Rugby Club. On 13 May 2009, Prowse publicly declared his support for the United Kingdom Independence Party (UKIP) in the 2009 European Parliament election. Prowse said that \"I've looked right and left and right again and the only party I can safely", + "score": 0.650390625 + }, + { + "id": "19472830", + "title": "La\u0301szlo\u0301 Verse\u0301nyi", + "text": "L\u00e1szl\u00f3 Vers\u00e9nyi L\u00e1szl\u00f3 Vers\u00e9nyi (19 June 1931, Poroszl\u00f3, Hungary \u2013 26 January 2016) was a Hungarian voice actor and actor at the National Theater in Budapest. He graduated from high school in 1948, and, in 1958, started to act at the National Theatre. In 1986, he won first prize in an international competition of musical libretto for Dany und sein Haus. He provided the Hungarian dubbing of roles such as KITT from \"Knight Rider\", Higgins from \"Magnum, P.I.\", Dr. Bullard from \"Midsomer Murders\", and Yoda from the \"Star Wars\" series. He also played a role in the Hungarian soap opera", + "score": 0.650390625 + }, + { + "id": "651601", + "title": "The Empire Strikes Back", + "text": "\"Empire of Dreams: The Story of the Star Wars Trilogy\". Also included are featurettes, teasers, trailers, TV spots, still galleries, video game demos, and a preview of \"\". For the DVD release, Lucas and his team made changes that were mostly implemented to ensure continuity between \"The Empire Strikes Back\" and the recently released prequel trilogy films. The most noticeable of these changes was replacing the stand-in used in the holographic image of the Emperor (with Clive Revill providing the voice) with actor Ian McDiarmid providing some slightly altered dialogue. With this release, Lucas also supervised the creation of a", + "score": 0.64990234375 + }, + { + "id": "10507177", + "title": "Jesu\u0301s Barrero", + "text": "in \"Dragon Ball\", Jonny Quest in the \"Jonny Quest\" animated series, Kuzco in \"The Emperor's New Groove\", Jason Lee Scott/Red Ranger in \"Mighty Morphin' Power Rangers\", Koji Minamoto in \"Digimon Frontier\", Rex in the \"Toy Story\" series, Luke Skywalker in the \"Star Wars\" saga, Zanmase Truesdale in \"Yu-Gi-Oh! GX\", Deidara in \"Naruto\" and Yoichi Hiruma in \"Eyeshield 21\". Barrero was diagnosed with lung cancer in March 2015 and died from complications of the disease on February 17, 2016 at the age of 57. His last film role was in \"\" as the voice of Luke Skywalker. Jes\u00fas Barrero Jos\u00e9 de", + "score": 0.6494140625 + }, + { + "id": "15557501", + "title": "Brian Muir (sculptor)", + "text": "Brian Muir (sculptor) Brian Muir (born 15 April 1952) is a British sculptor who most famously created Darth Vader's helmet and armour using Ralph McQuarrie's design. He was also responsible for sculpting the stormtrooper armour in \"Star Wars\" (the helmet was sculpted by Liz Moore) and the heads for the Death Star Droid, CZ3, and some finishing work on the C-3PO full suit. Apart from \"Star Wars\", he worked on many other movies, such as \"Alien\" (for which he co-created the Space Jockey) and \"Raiders of the Lost Ark\" (for which he worked on the Ark of the Covenant prop).", + "score": 0.6494140625 + } + ], + "answer": "Several actors have played the voice of Darth Vader in Star Wars. Actor James Earl Jones did in Star Wars Episodes III to VI, IX, Rogue One, and Rebels. Actor and singer Brock Peters did in the Star Wars radio series and radio drama. Ben Burtt played Vader's vocal effect in Star Wars. Burtt is a sound designer, film editor, director, screenwriter, and voice actor." + }, + { + "qa_pairs": [ + { + "context": "\"Do You Want to Know a Secret\" is a song by English rock group the Beatles from their 1963 album \"Please Please Me\", sung by George Harrison. In the United States, it was the first top ten song to feature Harrison as a lead singer, reaching No. 2 on the \"Billboard\" chart in 1964 as a single released by Vee-Jay, VJ 587.", + "question": "Beatles do you want to know a secret lead vocals singer?", + "short_answers": [ + "George Harrison", + "Harrison" + ], + "wikipage": "Do You Want to Know a Secret" + }, + { + "context": "No context provided", + "question": "Beatles do you want to know a secret backing vocals singer?", + "short_answers": [ + "John Lennon", + "John Lennon and Paul McCartney", + "Paul McCartney" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Do You Want to Know a Secret", + "url": "https://en.wikipedia.org/wiki/Do%20You%20Want%20to%20Know%20a%20Secret" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "\"Do You Want to Know a Secret\", written in autumn 1962, was primarily composed by John Lennon but credited to Lennon\u2013McCartney.[1] ", + "wikipage": "Do You Want to Know a Secret" + }, + { + "content": "\"Do You Want to Know a Secret\" is a song by English rock band the Beatles from their 1963 album Please Please Me, sung by George Harrison. ", + "wikipage": "Do You Want to Know a Secret" + } + ], + "long_answer": "\"Do You Want to Know a Secret\" is a song by English rock band the Beatles from their 1963 album Please Please Me, sung by George Harrison. The song was primarily composed by John Lennon but credited to John Lennon and Paul McCartney." + }, + { + "knowledge": [], + "long_answer": "\"Do You Want to Know a Secret\" is a song by English rock group the Beatles from their 1963 album \"Please Please Me\". It is sung by George Harrison. John Lennon and Paul McCartney sung the backing vocals." + } + ], + "sample_id": "-3611913378590168865", + "question": "Beatles do you want to know a secret singer?", + "docs": [ + { + "id": "5580758", + "title": "Do You Want to Know a Secret", + "text": "Do You Want to Know a Secret \"Do You Want to Know a Secret?\" is a song by English rock group the Beatles from the 1963 album \"Please Please Me\", sung by George Harrison. In the United States, it was the first top ten song to feature Harrison as a lead singer, reaching No. 2 on the Billboard chart in 1964 as a single released by Vee-Jay, VJ 587. \"Do You Want to Know a Secret?\", written in autumn 1962, was primarily composed by John Lennon but credited to Lennon\u2013McCartney. The 1963 version by Billy J. Kramer and the Dakotas", + "score": 0.7900390625, + "summary": "\"Do You Want to Know a Secret\" is a song by the Beatles from their 1963 album \"Please Please Me\", sung by George Harrison. It was the first top ten song in the US to feature Harrison as a lead singer, reaching No. 2 on the Billboard chart in 1964. The song was primarily composed by John Lennon but credited to Lennon-McCartney.", + "extraction": "The singer of \"Do You Want to Know a Secret\" by the Beatles is George Harrison." + }, + { + "id": "5580760", + "title": "Do You Want to Know a Secret", + "text": "but Lennon, who always claimed the song as his own, explained in a 1980 interview that he had realized as soon as he had finished writing the song that it best suited Harrison. In 1980, Lennon said that he gave \"Do You Want to Know a Secret?\" to Harrison to sing because \"it only had three notes and he wasn't the best singer in the world\", but added \"he has improved a lot since then.\" The song was recorded as part of their marathon ten-hour recording session on 11 February 1963 along with nine other songs for \"Please Please Me\".", + "score": 0.78857421875, + "summary": "The Beatles' song \"Do You Want to Know a Secret\" was given to George Harrison to sing by John Lennon in 1963. Lennon later claimed that he realized the song best suited Harrison, who wasn't the best singer at the time. The song was recorded on February 11, 1963, along with nine other songs for the \"Please Please Me\" album.", + "extraction": "The singer of \"Do You Want to Know a Secret?\" by the Beatles is George Harrison, as John Lennon gave the song to him to sing because it best suited him and only had three notes." + }, + { + "id": "5580761", + "title": "Do You Want to Know a Secret", + "text": "Harrison sang two songs on \"Please Please Me\"\u2014this song by Lennon\u2013McCartney and \"Chains\" by Goffin/King. \"Don't Bother Me\" would be Harrison's debut composition and appeared on the Beatles' next UK album \"With The Beatles\". \"Do You Want to Know a Secret?\" was released a year later as a single by Vee-Jay in the United States on 23 March 1964, reaching the number two spot behind another Beatles song, \"Can't Buy Me Love\" in \"Billboard\", reaching number three on the \"Cash Box\" chart, but reaching number one for two weeks in the chart published by the Teletheatre Research Institute. In the", + "score": 0.78076171875, + "summary": "The document mentions the song \"Do You Want to Know a Secret?\" which was released as a single by Vee-Jay on March 23, 1964, in the United States. However, there is no mention of the singer of the song, so the answer to the question \"Beatles do you want to know a secret singer?\" is irrelevant.", + "extraction": "John Lennon sang \"Do You Want to Know a Secret\" as the lead vocalist. There is no mention of any singer named \"Beatles\" in the passage, so the extracted span is the closest relevant information that can answer the question." + }, + { + "id": "5580763", + "title": "Do You Want to Know a Secret", + "text": "BBC's \"Pick of the Pops\" chart, which were more widely recognised at the time. It appeared on his album, \"Little Children\". It reached number eight in the Irish Singles Chart. Alvin and the Chipmunks covered the song for their 1964 album \"The Chipmunks Sing the Beatles Hits\". The song reached the No. 1 position on Billboard in 1981 and No. 2 in the United Kingdom in a cover version by Stars on 45 as part of a medley. Do You Want to Know a Secret \"Do You Want to Know a Secret?\" is a song by English rock group the", + "score": 0.755859375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "1518866", + "title": "Billy J. Kramer", + "text": "own. Once in place, the deal was set and both acts signed to Parlophone under George Martin. Collectively, they were named Billy J. Kramer with the Dakotas to keep their own identities within the act. Once the Beatles broke through, the way was paved for a tide of Merseybeat and Kramer was offered the chance to cover \"Do You Want to Know a Secret?\", first released by the Beatles on their own debut album, \"Please Please Me\". The track had been turned down by Shane Fenton (later known as Alvin Stardust) who was looking for a career-reviving hit. With record", + "score": 0.75537109375, + "summary": "Billy J. Kramer was a musician who signed with Parlophone under George Martin. He was offered to cover \"Do You Want to Know a Secret?\", a track originally released by the Beatles.", + "extraction": "Irrelevant. The passage does not provide any information about the singer of \"Do You Want to Know a Secret?\" by the Beatles. It only mentions that Billy J. Kramer had the opportunity to cover the song after the Beatles' success." + }, + { + "id": "10196977", + "title": "The Chipmunks Sing the Beatles Hits", + "text": "The Chipmunks Sing the Beatles Hits The Chipmunks Sing the Beatles Hits is a tribute album of Alvin and the Chipmunks singing the hits of the Beatles. It was originally released in 1964 by Liberty Records on vinyl record, and consists of Chipmunk renditions of early Beatles hits. One single was released from the album (\"All My Loving\" b/w \"Do You Want to Know a Secret?\") and a six-song stereo jukebox EP was also issued. On later pressings on the Sunset label and all reissues on vinyl, cassette and compact disc since, the opening guitar chord on the song \"Do", + "score": 0.7470703125, + "summary": "The document mentions the tribute album \"The Chipmunks Sing the Beatles Hits\" which was released in 1964 and includes a Chipmunk rendition of \"Do You Want to Know a Secret?\" as one of its tracks.", + "extraction": "\"Do You Want to Know a Secret?\" is a song featured on the tribute album The Chipmunks Sing the Beatles Hits by Alvin and the Chipmunks." + }, + { + "id": "5579821", + "title": "I Don't Want to Spoil the Party", + "text": "the Byrds' work in that style. MacDonald describes it as the \"most overt\" country track on \"Beatles for Sale\", an album that is \"dominated by the idiom\". Among the band's biographers, opinions differ on which Beatle sings the low harmony part during the verses, below Lennon's lead vocal. MacDonald lists Harrison as the second vocalist on the track, while John Winn credits McCartney, saying that he sounds \"deceptively like a second Lennon\". According to musicologist Walter Everett, the harmony part is Lennon \"self-duetting\". According to Walter Everett: Rosanne Cash covered the song for her \"Hits 1979-1989\" compilation. Her version went", + "score": 0.74609375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about a singer for the song \"Do You Want to Know a Secret\" by the Beatles." + }, + { + "id": "1518867", + "title": "Billy J. Kramer", + "text": "producer George Martin, the song \"Do You Want to Know a Secret?\" was a number two UK Singles Chart hit in 1963, (but number one in some charts), and was backed by another tune otherwise unreleased by the Beatles, \"I'll Be on My Way\". After this impressive breakthrough another Lennon\u2013McCartney pairing, \"Bad to Me\" c/w \"I Call Your Name\", reached number one. It sold over one million copies, and was awarded a gold disc. \"I'll Keep You Satisfied\" ended the year with a respectable number four placing. Kramer was given a series of songs specially written for him by John", + "score": 0.73193359375, + "summary": "The singer of \"Do You Want to Know a Secret?\" is not mentioned in the document.", + "extraction": "The singer of \"Do You Want to Know a Secret?\" was Billy J. Kramer." + }, + { + "id": "1477659", + "title": "Rockabilly", + "text": "other songwriter outside the band, except Larry Williams, who also added three songs to their discography. (Curiously, none of these three were sung by the Beatles' regular lead vocalists\u2014\"Honey Don't\" (sung by Ringo) and \"Everybody's Trying to be my Baby\" (sung by George) from \"Beatles for Sale\" (1964) and \"Matchbox\" (sung by Ringo) on the \"Long Tall Sally\" EP (1964)). Long after the band broke up, the members continued to show their interest in rockabilly. In 1975, Lennon recorded an album called \"Rock 'n' Roll\", featuring versions of rockabilly hits and a cover photo showing him in full Gene Vincent", + "score": 0.7294921875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "9246582", + "title": "Live at the BBC (Beatles album)", + "text": "be \"given away\" without the Beatles attempting to record it for their own release. The song was given to Billy J. Kramer, another artist managed by Brian Epstein recording for Parlophone, who released it in the United Kingdom as the B-side of a cover version of \"Do You Want to Know a Secret\". In all, 56 songs were chosen for the album, along with some banter among the group and the hosts. Abbey Road engineer Peter Mew used audio manipulation software to reduce noise, repair minor drop-outs and equalise to a more consistent sound from one track to the next.", + "score": 0.728515625, + "summary": "The Beatles did not record \"Do You Want to Know a Secret\" for their own release, but gave it to Billy J. Kramer as the B-side of his cover version. This information is mentioned in the context of the \"Live at the BBC\" album, which includes 56 songs and banter among the group and hosts. Audio manipulation software was used to improve the sound quality.", + "extraction": "The singer of \"Do You Want to Know a Secret\" is not mentioned in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "10963139", + "title": "Sekret (band)", + "text": "Sekret (band) Secret (, lit.: \"Secret\") was a Soviet Russian rock and roll band founded in 1982 in Leningrad. The band's musical style and image drawn a heavy inspiration from 1950's and 1960's western music, The Beatles in particular. The band's name was inspired by the Beatles song 'Do You Want to Know a Secret?'. Secret called themselves a \"Beat Quartet\" and were a part of Soviet rock and roll revival of 1980's, along with Bravo. The original line-up lasted until 1990, when frontman Maxim Leonidov emigrated to Israel. The band continued with different line-ups without great success. Since 1997", + "score": 0.72705078125, + "summary": "The band Sekret was a Soviet Russian rock and roll band founded in 1982 in Leningrad. They were inspired by 1950's and 1960's western music, including The Beatles. Their name was inspired by The Beatles song \"Do You Want to Know a Secret?\" so they could be considered a \"Beat Quartet\".", + "extraction": "The Beatles song 'Do You Want to Know a Secret?' inspired the name of the Soviet Russian rock and roll band called Sekret." + }, + { + "id": "5580762", + "title": "Do You Want to Know a Secret", + "text": "U.S., it was the most successful Beatles song on which Harrison sang lead vocal until \"Something\" peaked at #1 as part of a double-sided number one hit with \"Come Together\" in 1969. Engineered by Norman Smith Personnel per Walter Everett and John Winn The Beatles' version was never released as a single in the UK, where a cover version by Billy J. Kramer with the Dakotas (released b/w \"I'll Be on My Way\", Parlophone R5023, 26 April 1963) reached number two in the Record Retailer chart, and hit number one in the NME chart (used by Radio Luxembourg) and the", + "score": 0.72509765625, + "summary": "The document provides information about the success of the Beatles' song \"Do You Want to Know a Secret\" in the US, but does not answer the question of who sang lead vocals on the track. Therefore, the answer is \"irrelevant.\"", + "extraction": "irrelevant" + }, + { + "id": "5580759", + "title": "Do You Want to Know a Secret", + "text": "(a UK no. 2) credited the composition to \"McCartney-Lennon\". The song was inspired by \"I'm Wishing\", a tune from Walt Disney\u2019s 1937 animated film \"Snow White and the Seven Dwarfs\" which Lennon's mother, Julia Lennon, would sing to him as a child. The first two lines of the song in Disney's movie (\"Want to know a secret? Promise not to tell?\") come right after the opening lyrics (\"You'll never know how much I really love you... You'll never know how much I really care...\"). McCartney has said it was a \"50\u201350 collaboration written to order\", i.e., for Harrison to sing,", + "score": 0.7216796875, + "summary": "The document mentions the song \"Do You Want to Know a Secret\" which was credited to \"McCartney-Lennon\" and inspired by a tune from Disney's \"Snow White and the Seven Dwarfs\". The song was written for Harrison to sing.", + "extraction": "Irrelevant." + }, + { + "id": "5558726", + "title": "I Want to Tell You", + "text": "world music innovator \u2026 [and] a songwriter\". In his review of the song for AllMusic, Richie Unterberger admires its \"interesting, idiosyncratic qualities\" and the group vocals on the recording, adding that McCartney's singing merits him recognition as \"one of the great upper-register male harmony singers in rock\". Similarly impressed with McCartney's contribution, Joe Bosso of MusicRadar describes the incorporation of vocal melisma as \"an affectionate nod to Harrison's Indian influences\" and includes the track among his choice of Harrison's ten best songs from the Beatles era. In a 2009 review of \"Revolver\", Chris Coplan of Consequence of Sound said that", + "score": 0.71826171875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "9176862", + "title": "It Is No Secret", + "text": "It Is No Secret It Is No Secret (What God Can Do) is a Southern Gospel song composed by Stuart Hamblen in the 1950s. In 1951 The Ink Spots lead singer Bill Kenny recorded \"It Is No Secret\" for the Decca label. His recorded version which also featured \"The Song Spinners\" was the first to make the US pop charts, reaching #18. Elvis Presley recorded his version in Radio Recorders Studio 1, Hollywood, on January 19, 1957. It was released on \"Elvis' Christmas Album\" (RCA Victor LOC 1035) in November 1957. The producer was Steve Sholes. When heard by Paul", + "score": 0.71826171875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "6687594", + "title": "Mike Sammes", + "text": "by Ken Dodd. The singers departed from their usual commercial style when they provided backing vocals for the Beatles' song \"I Am the Walrus\", which required them to do \"all sorts of swoops and phonetic noises\" and chant the phrases \"ho ho ho, he he he, ha ha ha\", \"oompah, oompah, stick it up your jumper\" and \"everybody's got one\". They also sang on the Beatles' \"Good Night\", as well as on their last album, \"Let It Be\", at the behest of Phil Spector. Sammes also provided the distinctive basso backing vocals on Olivia Newton-John's early country crossover hits, including", + "score": 0.716796875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "11028444", + "title": "Paul McCartney", + "text": "a \"raunchy, mid-tempo rocker\" with a \"robust and soulful\" vocal performance and \"Back in the U.S.S.R.\" as \"the last of [the Beatles'] up-tempo rockers\", McCartney's \"belting\" vocals among his best since \"Drive My Car\", recorded three years earlier. McCartney also teasingly tried out classical singing, namely singing various renditions of \"Besame Mucho\" with the Beatles. He continued experimenting with various musical and vocal styles throughout his post-Beatles career. \"Monkberry Moon Delight\" was described by Pitchfork's Jayson Greene as \"an absolutely unhinged vocal take, Paul gulping and sobbing right next to your inner ear\", adding that \"it could be a latter-day", + "score": 0.71630859375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about a singer of the Beatles song \"Do you want to know a secret\"." + }, + { + "id": "7718202", + "title": "The Beatles with Tony Sheridan and Their Guests", + "text": "The Beatles with Tony Sheridan and Their Guests The Beatles with Tony Sheridan and Their Guests was an American album featuring \"Cry for a Shadow,\" a track recorded by the Beatles in Hamburg in 1961, with five tracks recorded in Hamburg in 1961 in which the Beatles provided backing music for vocalist Tony Sheridan, some of which had been released in Germany on the album \"My Bonnie\" under the name \"Tony Sheridan and the Beat Brothers\", because the word \"Beatles\" sounded too much like \"peedles\" which was a vulgar slang term in German. The album was supplemented with six previously", + "score": 0.7158203125, + "summary": "The document is irrelevant to the question.", + "extraction": "Tony Sheridan was the singer for whom the Beatles provided backing music in five tracks recorded in Hamburg in 1961." + }, + { + "id": "4024499", + "title": "Wild Life (Wings album)", + "text": "was rehearsed at McCartney's recording studio in Scotland dubbed Rude Studio, which Paul and Linda had used to make demos of songs that would be used in the album, and recorded at Abbey Road with Tony Clark and Alan Parsons engineering. Paul can be heard saying \"Take it, Tony\" at the beginning of \"Mumbo\". Paul handled all of the lead vocals, sharing those duties with Linda on \"I Am Your Singer\" and \"Some People Never Know\". \"Tomorrow\" features background vocals from Denny Laine and Linda McCartney. On the promotional album, \"The Complete Audio Guide to the Alan Parsons Project\", Alan", + "score": 0.71435546875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The given passage is about the album \"Wild Life\" by Wings, and doesn't provide any information about a singer for the song \"Do You Want to Know a Secret\" by The Beatles." + }, + { + "id": "349682", + "title": "Ringo Starr", + "text": "Ringo Starr Sir Richard Starkey (born 7 July 1940), known professionally as Ringo Starr, is an English musician, singer, songwriter and actor who gained worldwide fame as the drummer for the Beatles. He occasionally sang lead vocals, usually for one song on an album, including \"With a Little Help from My Friends\", \"Yellow Submarine\", \"Good Night\", and their cover of \"Act Naturally\". He also wrote the Beatles' songs \"Don't Pass Me By\" and \"Octopus's Garden\", and is credited as a co-writer of others, including \"What Goes On\" and \"Flying\". Starr was afflicted by life-threatening illnesses during childhood, and he fell", + "score": 0.7138671875, + "summary": "Ringo Starr is an English musician, singer, songwriter, and actor who was the drummer for the Beatles. He occasionally sang lead vocals for one song on an album, including \"With a Little Help from My Friends\", \"Yellow Submarine\", \"Good Night\", and their cover of \"Act Naturally\". He also wrote the Beatles' songs \"Don't Pass Me By\" and \"Octopus's Garden\" and is credited as a co-writer of others, including \"What Goes On\" and", + "extraction": "irrelevant" + }, + { + "id": "2353414", + "title": "Bert Kaempfert", + "text": "the rise of The Beatles when he signed a Liverpool-based singer named Tony Sheridan. Sheridan had been performing in Hamburg, and needed to recruit a band to play behind him on the proposed sides. He auditioned and signed the Beatles, and recorded two tracks with them during his sessions for Sheridan: \"Ain't She Sweet\" (sung by rhythm guitarist John Lennon) and \"Cry for a Shadow\" (an instrumental written by Lennon and lead guitarist George Harrison). On October 28, 1961, a man walked into the music store owned by Brian Epstein to ask for a copy of \"My Bonnie\", a song", + "score": 0.7138671875 + }, + { + "id": "8675762", + "title": "Angel in Disguise (McCartney\u2013Starr song)", + "text": "Angel in Disguise (McCartney\u2013Starr song) \"Angel in Disguise\" is a song co-written by Paul McCartney and Ringo Starr that has never been released. The song was intended for Ringo's 1992 \"Time Takes Time\" album; however, it did not make it onto the album, and therefore remains an intriguing, publicly unheard song. Had it been released in 1992 it would have been the first McCartney-Starkey composition on record, although there were Beatles songs that were credited to Lennon\u2013McCartney\u2013Starkey and Lennon\u2013McCartney\u2013Harrison\u2013Starkey. McCartney sent Starr an unfinished demo of the song, to which Starr added an extra verse. Backing tracks for the song", + "score": 0.71337890625 + }, + { + "id": "9024509", + "title": "Kipp Lennon", + "text": "Jackstone on \"The Flintstone Kids' Just Say No Special\", and various roles in \"The Story of Santa Claus\", \"The Fall Guy\", \"Eight Is Enough\", and the TV series of \"Herbie the Love Bug\". Lennon also sang the theme songs to \"\" and the theatrical pilot of \"Buck Rogers in the 25th Century\". Lennon sang \"Secret Agent Man\" in the movie \"Can't Buy Me Love\". He also sang for the actor John Scott Clough in the Sidney Poitier-directed dance/musical film \"Fast Forward\". Starting September 2010, Lennon toured singing backup vocals in Roger Waters' The Wall. Kipp Lennon Christopher Joel \"Kipp\" Lennon", + "score": 0.712890625 + }, + { + "id": "4349878", + "title": "Tony Sheridan", + "text": "Tony Sheridan Tony Sheridan (born Anthony Esmond Sheridan McGinnity; 21 May 1940 \u2013 16 February 2013) was an English rock and roll singer-songwriter and guitarist. He was best known as an early collaborator of the Beatles (though the record was labelled as being with \"The Beat Brothers\"), one of two non-Beatles (the other being Billy Preston) to receive label performance credit on a record with the group, and the only non-Beatle to appear as lead singer on a Beatles recording which charted as a single. Sheridan was born in Norwich, Norfolk, where he grew up at 2 Hansell Road in", + "score": 0.71240234375 + }, + { + "id": "16975874", + "title": "Joseph A. Tunzi", + "text": "experiencing the complete electrical shock of \"Beatlemania\" is also included.\" Included with this project was \"Elvis Sings Beatles Songs\", the very first officially sanctioned compact disc release to feature all of Elvis Presley's cover recordings of songs written and originally recorded by the Beatles. Derek Page wrote a review of Tunzi's \"Beatles '65\" in Beatlefan magazine in which he ended his review by saying that \"Beatles '65\" was \"all in all, a marvelous look at The Beatles in their touring prime.\" The second project Tunzi did on the Beatles was \"Beatles '64: Goin' To Kansas City\" which was simply a", + "score": 0.7099609375 + }, + { + "id": "3901508", + "title": "Long John Baldry", + "text": "You Want It!\", in 1966. Baldry became friendly with Paul McCartney after a show at the Cavern Club in Liverpool in the early 1960s, leading to an invitation to sing on one of The Beatles 1964 TV specials, \"Around The Beatles\". In the special, Baldry performs \"Got My Mojo Workin'\" and a medley of songs with members of The Vernons Girls trio; in the latter, the Beatles are shown singing along in the audience. In 1963, Baldry joined the Cyril Davies R&B All Stars with Nicky Hopkins playing piano. He took over in 1964 after the death of Cyril Davies,", + "score": 0.7099609375 + }, + { + "id": "14293265", + "title": "Secrets (1992 Australian film)", + "text": "of many Beatles songs. However, the movie attracted criticism for including a number of songs from much later periods of the Beatles' history to the one being portrayed onscreen. Thus, scenes depicting 1964 Beatlemania were played against songs from later albums such as \"Abbey Road\" and \"Sgt. Pepper's Lonely Hearts Club Band\", which many viewers felt did not fit with the tone of the film. \"Secrets\" is the feature film debut of Dannii Minogue, former popular cast member of the Australian soap opera drama \"Home and Away\" from 1989-1990 and popular recording artist. Willa O'Neill was nominated for the Australian", + "score": 0.70947265625 + }, + { + "id": "16597413", + "title": "Thunderbird Entertainment", + "text": "for worldwide rights to record covers of the Beatles song catalog. \"Beat Bugs\" incorporates songs from the Lennon/McCartney \u201cNorthern Songs\u201d catalog. The show will feature some of the best-known Beatles songs woven into the narrative of each episode, with Eddie Vedder, Pink, James Bay, Sia, The Shins, Of Monsters and Men, Chris Cornell, Regina Spektor, and James Corden each recording their rendition of an iconic song. Among the songs featured are \u201cHelp!,\u201d \u201cAll You Need Is Love,\u201d \u201cCome Together,\u201d \u201cPenny Lane,\u201d \u201cYellow Submarine,\u201d \u201cLucy in the Sky With Diamonds,\u201d \u201cSgt. Pepper\u2019s Lonely Hearts Club Band\u201d and \u201cMagical Mystery Tour.\u201d Season", + "score": 0.70947265625 + }, + { + "id": "17163625", + "title": "Beatles Arias", + "text": "more movingly than Cathy does. Yet in such waifish songs as 'Michelle', 'Here There and Everywhere' and 'Yesterday', her tasteful, straightforward singing warmly underlines John Lennon's lyrics and McCartney's inventive melodies.\" All songs were credited to Lennon\u2013McCartney. Side 1: Side 2: Beatles Arias Beatles Arias is a 1967 LP recorded by American-born mezzo-soprano Cathy Berberian. The original album consists of twelve of Berberian's distinctive operatic-style cover versions of songs by The Beatles, scored for a small chamber ensemble, consisting of a string quartet or wind quintet with harpsichord or organ. The chamber arrangements were by Paul Boyer, and featured Guy", + "score": 0.708984375 + }, + { + "id": "8772128", + "title": "Songs of the Beatles", + "text": "Songs of the Beatles Songs of the Beatles is a 1981 album by Sarah Vaughan of songs by The Beatles. The album contains songs written and originally performed by The Beatles with contemporaneous pop and jazz arrangements. On \"Something\" Vaughan was accompanied by the Brazilian singer and musician Marcos Valle. It was recorded in 1977 but was not released until 1981 due to a recording contract problem. On balance, \"Los Angeles Times\" jazz writer Leonard Feather is favorable in his assessment, awarding the album three and a half stars, notwithstanding some ill-advised commercial trimmings: \"Recorded several years ago, inexplicably shelved", + "score": 0.70849609375 + }, + { + "id": "18750062", + "title": "Mina canta i Beatles", + "text": "Mina canta i Beatles Mina canta i Beatles, released on 11 June 1993, is an album by Italian singer Mina. \"Mina canta i Beatles\" was published uncharacteristically in June 1993. For the past few albums Mina released a double album annually in the fall of each year. This album is \"a hard modern take on The Beatles music, incorporating intelligence and technology\". \"Mina canta i Beatles\" features eleven songs, of which only six were recorded in 1993. The remaining five songs were recorded by Mina at various times in her career when she ventured into the Beatles songbook. While the", + "score": 0.70849609375 + }, + { + "id": "8675765", + "title": "Angel in Disguise (McCartney\u2013Starr song)", + "text": "shot, in my opinion, of my album.\" Angel in Disguise (McCartney\u2013Starr song) \"Angel in Disguise\" is a song co-written by Paul McCartney and Ringo Starr that has never been released. The song was intended for Ringo's 1992 \"Time Takes Time\" album; however, it did not make it onto the album, and therefore remains an intriguing, publicly unheard song. Had it been released in 1992 it would have been the first McCartney-Starkey composition on record, although there were Beatles songs that were credited to Lennon\u2013McCartney\u2013Starkey and Lennon\u2013McCartney\u2013Harrison\u2013Starkey. McCartney sent Starr an unfinished demo of the song, to which Starr added an", + "score": 0.7080078125 + }, + { + "id": "5104625", + "title": "Secret Machines", + "text": "others. Secret Machines supported the British rock trio Muse at London's Earls Court in December 2004. They appeared at Lollapalooza 2006 in Chicago and the Carling Reading and Leeds Festivals in England in the same year, as well as the Austin City Limits Music Festival in Texas. Secret Machines have three tracks on the soundtrack for the 2007 film \"Across the Universe\", which highlights the music of the Beatles, set to the story of a handful of characters living out the songs. They perform \"I Am the Walrus\" with Bono singing; an instrumental, \"Flying\", and \"Blue Jay Way\" in their", + "score": 0.7080078125 + }, + { + "id": "16876396", + "title": "Is This What You Want?", + "text": "add backing vocals to \"Dear Prudence\" in late August; he had also joined the backing chorus for \"Hey Jude\" earlier that month. The songs recorded included \"Sour Milk Sea\" and \"The Eagle Laughs at You\", for the A- and B-side of Lomax's debut single on Apple, and \"You've Got Me Thinking\". Among the guest musicians on the London sessions, much of which would go unused, were Eric Clapton, Ringo Starr, Nicky Hopkins, Klaus Voormann and Paul McCartney. Other participants included drummers Bishop O'Brien and Pete Clark; the former was part of Apple artist James Taylor's backing group, while Clark was", + "score": 0.70751953125 + }, + { + "id": "18661567", + "title": "David Singleton", + "text": "As well as Campling-Richards and Singleton, the band also featured Sunday All Over the World's drummer Paul Beavis and two singers (Martin Rawle and Georgia Lewis) with Fripp making occasional guest appearance on guitar under the pseudonym of Bobby Wilcox. The first release by Camilla's Little Secret was the single \"BEA\" later in 1992. In March 1993 the band recorded and released a second single, a double-A-side on vinyl called \"Tantalising Eyes\", marketed with the tagline \"Are you bored hearing the same guitar solo every time? There is now a record that can change every time you play it! Put", + "score": 0.70751953125 + }, + { + "id": "5579762", + "title": "Mr. Moonlight (song)", + "text": "sings lead, with backing vocals from Paul McCartney and George Harrison. The Beatles recorded this song across two different days in 1964. The first day was August 14, where they recorded four takes (of which, one and four appear on \"Anthology 1\"). They also recorded on October 18, again in four takes, the last two of which showcased McCartney on Hammond organ. Though Lennon's vocals have been described as \"blistering\", the song is held by many as one of the least successful songs in The Beatles' catalogue. In regard to the backlash the cover received, author and Beatles enthusiast Dave", + "score": 0.70654296875 + }, + { + "id": "4543140", + "title": "Her Majesty (song)", + "text": "as a single and later included on the U.S. \"Magical Mystery Tour\" album) and \"Mean Mr. Mustard\" (also from \"Abbey Road\"). The song was recorded in three takes on 2 July 1969, prior to the Beatles beginning work on \"Golden Slumbers/Carry That Weight\". McCartney sang and simultaneously played a fingerstyle acoustic guitar accompaniment. The decision to exclude it from the Abbey Road medley was made on 30 July. The song runs only 23 seconds, but the Beatles also recorded a longer version of the song during the \"Get Back\" sessions. The song was originally placed between \"Mean Mr. Mustard\" and", + "score": 0.7060546875 + }, + { + "id": "13358914", + "title": "The Beatles in Hamburg", + "text": "alliance with the Beatles continued, as he later went to work at the Star-Club. According to McCartney, Sutcliffe was a \"typical art student\", with bad skin and pimples, but his reputation grew after he began wearing tight trousers and dark Ray-Ban sunglasses. Sutcliffe's high spot was singing \"Love Me Tender\", which drew more applause than when the other Beatles sang, increasing the friction between himself and McCartney. Lennon also started to criticise Sutcliffe; making jokes about Sutcliffe's size and playing. While Sutcliffe is often described in Beatles' biographies as appearing very uncomfortable onstage, and often playing with his back to", + "score": 0.70556640625 + }, + { + "id": "4349885", + "title": "Tony Sheridan", + "text": "Sheridan), while Sheridan plays on all of his tracks. John Lennon's rhythm guitar is heard only on the two Beatle solo tracks (though his voice is heard in background vocals as well as his handclaps on Sheridan's tracks)(per \"Beatles Deeper Undercover\" by Kristopher Engelhardt, p. 302) These sessions produced Sheridan's \"My Bonnie\" and \"The Saints\", and the Beatles' \"Ain't She Sweet\" and \"Cry for a Shadow\" (formerly titled \"Beatle Bop\"), plus three other songs. Polydor's beliefs in Sheridan's coming stardom were so strong that they buried the two solo Beatle tracks until much later. Additionally John Lennon, Pete Best and", + "score": 0.705078125 + }, + { + "id": "349757", + "title": "Ringo Starr", + "text": "vocal range. Because of his distinctive voice, Starr rarely performed backing vocals during his time with the Beatles, but they can be heard on songs such as \"Maxwell's Silver Hammer\" and \"Carry That Weight\". He is also the lead vocalist on his compositions \"Don't Pass Me By\" and \"Octopus's Garden\". In addition, he sang lead on \"I Wanna Be Your Man\", \"Boys\", \"Matchbox\", \"Honey Don't\", \"Act Naturally\", \"Good Night\" and \"What Goes On\". Starr's idiosyncratic turns of phrase or \"Ringoisms\", such as \"a hard day's night\" and \"tomorrow never knows\", were used as song titles by the Beatles, particularly by", + "score": 0.70458984375 + }, + { + "id": "5558731", + "title": "I Want to Tell You", + "text": "recording to another Harrison tribute album, \"\". The band also included the track on the 2005 deluxe edition of \"God Save the Smithereens\". Thea Gilmore recorded the song during the sessions for her 2006 album \"Harpo's Ghost\", a version that appeared on \"Mojo\" magazine's \"Revolver Reloaded\" CD celebrating the fortieth anniversary of the Beatles' album. The Melvins covered \"I Want to Tell You\" on their 2016 album \"Basses Loaded\", with Steven Shane McDonald on bass. While Pitchfork Media's reviewer dismisses the Melvins' performance as a throwaway version of a \"Beatles classic\", Jared Skinner of PopMatters describes it as \"solid proof", + "score": 0.70458984375 + }, + { + "id": "8772130", + "title": "Songs of the Beatles", + "text": "the inherent virtues of some of the tunes, Vaughan overcomes.\" Recorded in 1977: Songs of the Beatles Songs of the Beatles is a 1981 album by Sarah Vaughan of songs by The Beatles. The album contains songs written and originally performed by The Beatles with contemporaneous pop and jazz arrangements. On \"Something\" Vaughan was accompanied by the Brazilian singer and musician Marcos Valle. It was recorded in 1977 but was not released until 1981 due to a recording contract problem. On balance, \"Los Angeles Times\" jazz writer Leonard Feather is favorable in his assessment, awarding the album three and a", + "score": 0.70458984375 + }, + { + "id": "5579733", + "title": "No Reply (song)", + "text": "sang. Ringo Starr had been hospitalised earlier that day and was therefore absent for the recording. Winn writes that the line-up on the demo was most likely Lennon on guitar, McCartney playing drums in place of Starr, and Harrison on bass. The demo was then passed on to Tommy Quickly, a singer who was signed to NEMS, the agency owned by Beatles manager Brian Epstein. By late September, Lennon and McCartney were stuck for new material for the Beatles' new album. Since Quickly had not issued a recording of the song, the Beatles decided to reclaim \"No Reply\" and record", + "score": 0.7041015625 + }, + { + "id": "9176863", + "title": "It Is No Secret", + "text": "McCartney, in early 1958, he took the chorus, as done for the first time by The Jordanaires, and included them in his first recording with the, then, The Quarrymen's, \"In Spite of All the Danger\", a song he feels was inspired, this time consciously, by another Presley song, \"Tryin' to Get to You\". It Is No Secret It Is No Secret (What God Can Do) is a Southern Gospel song composed by Stuart Hamblen in the 1950s. In 1951 The Ink Spots lead singer Bill Kenny recorded \"It Is No Secret\" for the Decca label. His recorded version which also", + "score": 0.70361328125 + }, + { + "id": "5687094", + "title": "Keep It a Secret", + "text": "Keep It a Secret \"Keep It a Secret\" is a popular song written by Jessie Mae Robinson published in 1952. The best-selling recording of the song was made by Jo Stafford in 1952. It was released by Columbia Records as catalog number 39891. The record first reached the Billboard magazine charts on November 8, 1952 and lasted 17 weeks on the chart, peaking at #6. The song reached #5 on the Cash Box chart in early 1953.
\"Keep It a Secret\" was also recorded by Bing Crosby on November 12, 1952 with John Scott Trotter and His Orchestra and this", + "score": 0.703125 + }, + { + "id": "3642775", + "title": "Abbey Road", + "text": "day for a week to sing it by myself because at first my voice was too clear. I wanted it to sound as though I'd been performing it on stage all week.\" Lennon thought he should have sung it, remarking that it was more his style. As was the case with most of the Beatles' albums, Starr sang lead vocal on one track. \"Octopus's Garden\" is his second and last solo composition released on any album by the band. It was inspired by a trip to Sardinia aboard Peter Sellers' yacht after Starr left the band for two weeks with", + "score": 0.70263671875 + }, + { + "id": "349769", + "title": "Ringo Starr", + "text": "appeared in interview segments with fellow drummer Keith Moon. Since the breakup of the Beatles, Starr has released 19 solo studio albums: Ringo Starr Sir Richard Starkey (born 7 July 1940), known professionally as Ringo Starr, is an English musician, singer, songwriter and actor who gained worldwide fame as the drummer for the Beatles. He occasionally sang lead vocals, usually for one song on an album, including \"With a Little Help from My Friends\", \"Yellow Submarine\", \"Good Night\", and their cover of \"Act Naturally\". He also wrote the Beatles' songs \"Don't Pass Me By\" and \"Octopus's Garden\", and is credited", + "score": 0.70166015625 + }, + { + "id": "20583502", + "title": "I Can See Your Voice", + "text": "of an individual or a group. Other talents like rapping, dancing, and instrument playing are exempted as deciding factors, but it depends whom are considered \"confirm\" or \"disprove\" their identity. Another variant of SEE-cret songer's performance is to firstly sing with an own voice but in a lip-sync manner, then the backup vocalist arrives and the SEE-cret songer goes 'bad singing', resulting them as \"troll performance\". Some examples were Hong Dong-woo and Park Se-eun. There are also groups that were mixed of \"good\" and \"bad\" SEE-cret songers. However, all members must be able to sing to considered them as \"good", + "score": 0.70166015625 + }, + { + "id": "349713", + "title": "Ringo Starr", + "text": "of rock music into territory that often did not require his accompaniment; during recording sessions he spent hours playing cards with their road manager Neil Aspinall and roadie Mal Evans while the other Beatles perfected tracks without him. In a letter published in \"Melody Maker\", a fan asked the Beatles to let Starr sing more; he replied: \"[I am] quite happy with my one little track on each album\". In August 1966, the Beatles released \"Revolver\", their seventh UK LP. It included the song \"Yellow Submarine\", the only British number-one single with Starr as the lead singer. Later that month,", + "score": 0.701171875 + }, + { + "id": "349756", + "title": "Ringo Starr", + "text": "band. According to Ken Micallef and Donnie Marshall, co-authors of \"Classic Rock Drummers\": \"Ringo's fat tom sounds and delicate cymbal work were imitated by thousands of drummers.\" Starr sang lead vocals for a song on most of the Beatles' studio albums as part of an attempt to establish a vocal personality for each band member. In many cases, Lennon or McCartney wrote the lyrics and melody especially for him, as they did for \"Yellow Submarine\" from \"Revolver\" and \"With a Little Help from My Friends\" on \"Sgt. Pepper's Lonely Hearts Club Band\". These melodies were tailored to Starr's limited baritone", + "score": 0.70068359375 + }, + { + "id": "9466430", + "title": "Mervyn Warren", + "text": "vocal arrangements, Warren is the featured voice on \"Setembro (Brazilian Wedding Song)\", and he penned the lyrics for \"The Verb To Be (Introduction to Wee B. Dooinit)\". Jones also invited Warren to be a featured vocalist on the song \"The Secret Garden (Sweet Seduction Suite).\" At the time, for personal reasons, Warren respectfully declined the invitation. Since then, Warren has characterized it as \"one of the very few decisions in my life that I truly regret.\" In the years since, Warren has arranged, produced, or co-produced numerous songs for various Jones projects. In 1989, Take 6 recorded the song \"Don't", + "score": 0.69970703125 + }, + { + "id": "3502745", + "title": "Face Value (album)", + "text": "the tape on the Genesis version and thinking that the sped-up version sounded like a Michael Jackson song. The cover of The Beatles' \"Tomorrow Never Knows\" includes instruments and vocals playing in reverse while Collins provided multi-layered background vocals and sparse drumming. After the song ends, Collins can be heard quietly singing \"Over the Rainbow\" in reference to the recent murder of John Lennon; this final song is unlisted on most releases of the album (the original US cassette version being an exception), and would be the only time Collins used a hidden track on one of his own releases.", + "score": 0.69970703125 + }, + { + "id": "13588668", + "title": "A Secret Life (album)", + "text": "A Secret Life (album) A Secret Life is the twelfth studio album by English singer Marianne Faithfull. It was released on 21 March 1995 by Island Records. The album marked her first studio release composed mostly of original material in over a decade. Faithfull collaborated with American composer Angelo Badalamenti after his work on the television series \"Twin Peaks\". Influenced by her interest in classical music, \"A Secret Life\" was a musical departure from her previous work and displayed a more tender side to her voice. Faithfull also worked with Irish poet and her longtime friend Frank McGuinness and used", + "score": 0.69921875 + }, + { + "id": "12296534", + "title": "Phillips' Sound Recording Services", + "text": "songs to impresario Larry Parnes, which started her son's singing career. The songs were released on DVD/CD in 2008. Johnny 'Guitar' Byrne (from Rory Storm and The Hurricanes) and singer Paul Murphy recorded a version of \"Butterfly\" and \"She\u2019s Got it\" in the studio on 22 June 1957, and Byrne later played the recording to Harrison. On 12 July 1958, a local skiffle group, The Quarrymen (Lennon, McCartney, Harrison, Lowe and Hanton) visited Phillips' studio to record two songs, although the date has been disputed, as Lowe remembered that the recording was during cold weather (October or November, 1957)", + "score": 0.69921875 + }, + { + "id": "16312693", + "title": "Secret Symphony", + "text": "Secret Symphony Secret Symphony is the fifth studio album by singer-songwriter Katie Melua, and was released on 5 March 2012. The album was recorded at Air Studios in London in collaboration with orchestrator and conductor Mike Batt. Melua said in a statement: \"This album was going to be my 'singer's album'. I had always wanted to do this one day; singing other people's songs brings something out of you and your voice that isn't perhaps where you would have gone vocally with your own material.\" She added: \"It stretches you. As it happened Mike and I did write a couple", + "score": 0.6982421875 + }, + { + "id": "20583500", + "title": "I Can See Your Voice", + "text": "Manzano became a co-guest artist with Vilma Santos-Recto, despite him for 'bad singing'. Former SEE-cret songers have also played them such as Hwang Chi-yeul. There are up to seven individuals or groups standing on a platform, referred to as \"SEE-cret songers\", with their own \"aliases\" to make them keep secret. They do not speak until the final reveal. There were also a set of SEE-cret songers that have its own unique theme that they're contributed by a guest artist(s). An notable example is an \"all-male\" themeset of SEE-cret songers for Vice Ganda in the Philippine franchise. Notable foreign SEE-cret songers", + "score": 0.6982421875 + }, + { + "id": "5687095", + "title": "Keep It a Secret", + "text": "charted briefly with a peak position of No. 28. Keep It a Secret \"Keep It a Secret\" is a popular song written by Jessie Mae Robinson published in 1952. The best-selling recording of the song was made by Jo Stafford in 1952. It was released by Columbia Records as catalog number 39891. The record first reached the Billboard magazine charts on November 8, 1952 and lasted 17 weeks on the chart, peaking at #6. The song reached #5 on the Cash Box chart in early 1953.
\"Keep It a Secret\" was also recorded by Bing Crosby on November 12, 1952", + "score": 0.6982421875 + }, + { + "id": "349715", + "title": "Ringo Starr", + "text": "don't record, I don't play.\" For the Beatles' seminal 1967 album, \"Sgt. Pepper's Lonely Hearts Club Band\", Starr sang lead vocals on the Lennon\u2013McCartney composition \"With a Little Help from My Friends\". Although the Beatles had enjoyed widespread commercial and critical success with \"Sgt. Pepper\", the long hours they spent recording the LP contributed to Starr's increased feeling of alienation within the band; he commented: \"[It] wasn't our best album. That was the peak for everyone else, but for me it was a bit like being a session musician ... They more or less direct me in the style I", + "score": 0.6982421875 + }, + { + "id": "4337218", + "title": "You Won't See Me", + "text": "duet with Shelby Lynne as part of her 2007 \"\" album. Murray is a self-confessed Beatles fanatic, and has covered several other songs of theirs as singles, including \"Day Tripper\" and \"I'm Happy Just to Dance with You\". The soulful backing vocals were devised by Anne's backup singer, Diane Brooks, and the bass line was devised by her bass player, Skip Beckwith. You Won't See Me \"You Won't See Me\" is a song by the Beatles, from the album \"Rubber Soul\". Though credited to Lennon\u2013McCartney, it was written by Paul McCartney. Canadian singer Anne Murray covered \"You Won't See Me\"", + "score": 0.69775390625 + }, + { + "id": "4076084", + "title": "Introducing... The Beatles", + "text": "You Want to Know a Secret\", with \"Thank You Girl\" on the B-side, was issued on 23 March. Both singles went up to number two on the \"Hot 100\", with \"Twist and Shout\" reaching number one on both \"Cash Box\" and \"Record World\". Also a Beatles EP titled \"Souvenir of Their Visit to America\" was released by Vee-Jay on 23 March, featuring \"Misery\", \"A Taste of Honey\", \"Ask Me Why\", and \"Anna\". Even with the replacement of the two Beechwood Music songs, Vee-Jay and Capitol battled in court throughout the early part of 1964. Injunctions against Vee-Jay's album were issued,", + "score": 0.69775390625 + }, + { + "id": "8684309", + "title": "Lilly, Do You Want to Know a Secret?", + "text": "Lilly, Do You Want to Know a Secret? \"Lilly, Do You Want to Know a Secret?\" is the pilot episode of the Disney Channel sitcom series \"Hannah Montana\". It was written by Gary Dontzig, Steven Peterman, and Michael Poryes. It originally aired on March 24, 2006. The episode title is a reference to The Beatles song \"Do You Want to Know a Secret?\". The episode starts with Hannah Montana \u2014 who is actually Miley Stewart (Miley Cyrus) \u2014 and Robby Ray Stewart (Billy Ray Cyrus) singing the song \"This Is The Life\" for a sold out concert in Los Angeles", + "score": 0.69775390625 + }, + { + "id": "961646", + "title": "Carl Perkins", + "text": "the tour, Perkins attended a party where he sat on the floor sharing stories, playing guitar, and singing songs while surrounded by the Beatles. Ringo Starr asked if he could record \"Honey Don't\". Perkins answered, \"Man, go ahead, have at it.\" The Beatles went on to record covers of \"Matchbox\", \"Honey Don't\" and \"Everybody's Trying to Be My Baby\" (recorded by Perkins, adapted from a song originally recorded by Rex Griffin in 1936, with new music by Perkins; a song with the same title was recorded by Roy Newman in 1938). The Beatles recorded two versions of \"Glad All Over\"", + "score": 0.69775390625 + }, + { + "id": "5643061", + "title": "Good Night (Beatles song)", + "text": "violins, three violas, three cellos, one harp, three flutes, one clarinet, one horn, one vibraphone, and one string bass. The Mike Sammes Singers also took part in the recording, providing backing vocals. Starr became the second member of the group (after Paul McCartney) to record a song credited to the group without the other members performing (Lennon was the third with \"Julia\"). The song ends with Starr whispering the words: \"Good night... Good night, everybody... Everybody, everywhere... Good night.\" The song makes three appearances on the Beatles' soundtrack to the Cirque du Soleil production of \"Love\". It is used as", + "score": 0.697265625 + }, + { + "id": "19496663", + "title": "Concert for Linda", + "text": "with 5,000 people attending, sold out within an hour after going on sale. Besides Paul McCartney's unannounced performance, the show featured more than a dozen artists singing their own versions of Beatles' material. Among the other groups performing were George Michael, The Pretenders, Elvis Costello, Tom Jones, Sinead O'Connor, Des'ree, Heather Small, guitarist Johnny Marr, Neil Finn, Marianne Faithfull and Ladysmith Black Mambazo. Singer Marianne Faithful, who wanted to appear, said \"I didn't know Linda well, but she made my friend very happy, and that's the main thing.\" McCartney was not expected to perform, as he had not done any", + "score": 0.69677734375 + }, + { + "id": "19091512", + "title": "Beatles Baby!", + "text": "Beatles Baby! Beatles Baby! Is the tenth studio album to be released by Caspar Babypants - aka: Chris Ballew the lead singer of The Presidents of the United States of America. The album consists of 21 covers of original Beatles songs and for both children and parents. Having not originally planned to record a second Beatles cover album, Ballew decided to make the album after waking up singing \"Strawberry Fields Forever\" and becoming inspired to learn dozens of Fab Four tracks on his two-string and three-string guitars. Although recorded on a variety of instruments - many of which that differ", + "score": 0.69677734375 + }, + { + "id": "5558698", + "title": "I Want to Tell You", + "text": "I Want to Tell You \"I Want to Tell You\" is a song by the English rock group the Beatles from their 1966 album \"Revolver\". It was written and sung by George Harrison, the band's lead guitarist. After \"Taxman\" and \"Love You To\", it was the third Harrison composition recorded for \"Revolver\", marking the first time that he was allocated more than two songs on a Beatles album, as well as the start of his emergence as a songwriter beside John Lennon and Paul McCartney. When writing \"I Want to Tell You\", Harrison drew inspiration from his experimentation with the", + "score": 0.69677734375 + }, + { + "id": "5559771", + "title": "The Continuing Story of Bungalow Bill", + "text": "at Abbey Road Studios on 8 October 1968 and was completed including all overdubs in this one session. They also started and completed the Lennon-composed \"I'm So Tired\" during the same recording session. This marks the only occasion in a Beatles song that a non-Beatle sings lead vocal, when Yoko Ono sings \"Not when he looked so fierce\". When Mojo released \"The White Album Recovered\" in 2008, part of a continuing series of CDs of Beatles albums covered track-by-track by modern artists, the track was covered by Dawn Kinnard and Ron Sexsmith. Phish covered the song on the album \"Live", + "score": 0.6962890625 + }, + { + "id": "5579693", + "title": "Act Naturally", + "text": "well. The Beatles covered the song in 1965 on the United Kingdom version of their album \"Help!\". It was released as the B-side of \"Yesterday\" in the United States. The song was sung by Ringo Starr, and Stephen Thomas Erlewine of Allmusic called it \"an ideal showcase for Ringo's amiable vocals.\" They performed the song during an appearance on \"The Ed Sullivan Show\" which was taped on August 14, 1965, and broadcast on September 12, 1965. It was also performed at the Beatles' famous Shea Stadium concert on August 15, 1965, and played at some concerts throughout The Beatles' 1965", + "score": 0.6962890625 + }, + { + "id": "11531185", + "title": "Rubber Soul Project", + "text": "from the album. In December 2005, \u0106iri\u0107 and Skrobonja were invited to by Liverpool Beatles Fan Club to unveil a plaque to John Lennon on the wall of Lennon Studios, formerly Liverpool Maternity Hospital (in which Lennon was born). As a part of the ceremony, \u0106iri\u0107 alone performed the Beatles song \"Julia\", and the Rubber Soul Project in the original lineup performed their song \"This Is Not Here\". On the evening of the same day, the band performed the songs from the album in Liverpool's The Cavern Club, in which the Beatles performed in their early days. Besides performances in", + "score": 0.6962890625 + }, + { + "id": "5560750", + "title": "Dear Prudence", + "text": "The other contributions were handclaps and percussion, including Harrison and McCartney on tambourines, and more backing vocals. For these additions, the Beatles were joined by Mal Evans, Apple Records artist Jackie Lomax, and McCartney's cousin John McCartney. Although cut from the released recording, the performance originally ended with the backing singers all cheering and applauding. The following day, McCartney added piano over the end portion of the song and, according to Beatles historian Mark Lewisohn, a brief snippet of flugelhorn. Music journalist Robert Fontenot says that although some commentators list this sound as a flugelhorn, it is in fact Harrison's", + "score": 0.69580078125 + }, + { + "id": "10963140", + "title": "Sekret (band)", + "text": "the original line-up has occasionally performed together including for anniversary shows in 2003 and 2007. Many Secret hits of the 1980s still receive a lot of airplay on Russian FM stations. Sekret (band) Secret (, lit.: \"Secret\") was a Soviet Russian rock and roll band founded in 1982 in Leningrad. The band's musical style and image drawn a heavy inspiration from 1950's and 1960's western music, The Beatles in particular. The band's name was inspired by the Beatles song 'Do You Want to Know a Secret?'. Secret called themselves a \"Beat Quartet\" and were a part of Soviet rock and", + "score": 0.6953125 + }, + { + "id": "17616690", + "title": "The Secret of Christmas (album)", + "text": "The Secret of Christmas (album) The Secret of Christmas is a Christmas album by the pop duo The Captain & Tennille. It is also the last studio album released by the duo before their divorce in 2014. \"The Secret of Christmas\" is a collection of Holiday and Christmas songs predominantly recorded in 2006 and released in 2007 by the independent label, Retroactive Entertainment. \"Here Comes Santa Claus\", however, was an instrumental track Daryl Dragon recorded in the 1980s. According to the liner notes, two tracks chosen were originally sung by Judy Garland (\"Merry Christmas\" and \"Have Yourself a Merry Little", + "score": 0.69482421875 + }, + { + "id": "1146320", + "title": "Stuart Sutcliffe", + "text": "that he was \"[My] alter ego ... a spirit in his world ... a guiding force\". The Beatles' compilation album \"Anthology 1\", released in 1995, featured previously unreleased recordings from the group's early years. Sutcliffe plays bass with the Beatles on three songs they recorded in 1960: \"Hallelujah, I Love Her So\", \"You'll Be Mine\", and \"Cayenne\". In addition, he is pictured on the front covers of both \"Anthology 1\" and \"Anthology 3\". In 2011, Sutcliffe's estate released a recording claimed to be Sutcliffe singing \"Love Me Tender\", recorded in 1961 and donated to the estate in 2009. The cover", + "score": 0.6943359375 + }, + { + "id": "3520549", + "title": "Jimmie Nicol", + "text": "the distinctive Beatle moptop hairstyle, put on Ringo's suit and went on stage to an audience of 4,500 Beatles fans. McCartney recalled: \"He was sitting up on this rostrum just eyeing up all the women. We'd start \"She Loves You\": [counting in] \"one, two\", nothing, \"one, two\", and still nothing!\" Their set was reduced from eleven songs to ten, dropping Ringo's vocal spot of \"I Wanna Be Your Man\". McCartney teasingly sent Starr a telegram saying: \"Hurry up and get well Ringo, Jimmy is wearing out all your suits.\" Commenting later on the fickle nature of his brief celebrity, Nicol", + "score": 0.6943359375 + }, + { + "id": "17163624", + "title": "Beatles Arias", + "text": "new cover art and several bonus tracks - a radio interview with Berberian recorded by Radio France in February 1975, and three newer live versions of Beatles tracks, one recorded at the Festival de Divonne-les-Bains in 1980, and two at the Festival d'Avignon in 1982. These live recordings feature Bruno Canino on piano and harpsichord, with arrangements by noted Dutch composer Louis Andriessen. A review in the June 2, 1967 issue of \"Time\" said of this album: \"There may be comic incongruity in her highfalutin version of 'Yellow Submarine', and Paul McCartney, surprisingly enough, sings 'Eleanor Rigby' a great deal", + "score": 0.6943359375 + }, + { + "id": "8820567", + "title": "The Fab Faux", + "text": "part of Earl Scruggs and Steve Martin's bluegrass supergroup during that group's 2001 and 2005 appearances on the show). On March 28, 2007, the band performed on \"The Howard Stern Show\" for the second time. They performed \"Sgt. Pepper's Lonely Hearts Club Band (Reprise)/A Day in the Life\" from \"Sgt. Pepper's Lonely Hearts Club Band\", \"Penny Lane\" and \"While My Guitar Gently Weeps\". Stern stated during a replay of their performances that listening to them gives him chills. On May 8, 2008, at Madison Square Garden, the band appeared with vocalist Joan Osborne and Phish guitarist Trey Anastasio as featured", + "score": 0.6943359375 + }, + { + "id": "163678", + "title": "George Harrison", + "text": "became their manager in December 1961, he polished up their image and later secured them a recording contract with EMI. The group's first single, \"Love Me Do\", peaked at number seventeen on the \"Record Retailer\" chart, and by the time their debut album, \"Please Please Me\", was released in early 1963, Beatlemania had arrived. Often serious and focused while on stage with the band, Harrison was known as \"the quiet Beatle\". He had two lead vocal credits on the LP, including the Lennon\u2013McCartney song \"Do You Want to Know a Secret?\", and three on their second album, \"With the Beatles\"", + "score": 0.69384765625 + }, + { + "id": "7718030", + "title": "Ain't She Sweet (album)", + "text": "Ain't She Sweet (album) Ain't She Sweet was an American album featuring four tracks recorded in Hamburg in 1961 by The Beatles featuring Tony Sheridan (except for the title song with vocal by John Lennon) and cover versions of Beatles and British Invasion-era songs recorded by the Swallows. As Atlantic Records only had rights to four Sheridan/Beatle recordings recorded by Polydor Records, they filled the rest of the album with Beatle and British Invasion cover songs. When this material was released by Atco Records, there were mono (catalogue number 33-169) and stereo (SD 33-169) editions. All performances by Tony Sheridan", + "score": 0.69384765625 + }, + { + "id": "17274319", + "title": "Secret Secrets", + "text": "Secret Secrets Secret Secrets is the ninth studio album by British singer-songwriter Joan Armatrading, released on 4 February 1985 by A&M (AMA 5040). The album was recorded and mixed at Battery Studios (previously known as Morgan Studios), in Willesden, London. It reached number 14 on the UK Album Chart and was certified Silver by the British Phonographic Industry for sales in excess of 60,000 copies. The album peaked at number 18 in Australia. The album had little success with singles, with its only charting hit, \"Temptation\", stalling at no.65 on the UK Singles Chart. The producer for \"Secret Secrets\" was", + "score": 0.69384765625 + }, + { + "id": "9569978", + "title": "John O'Neill (musician)", + "text": "known as \"Mike Sammes and the Locals\", \"Mike Sammes Singers\" and \"The Mike Sammes Singers\", in the United Kingdom. Mike Sammes's group were a vocal group, known primarily for their work as session singers providing backing vocals, although the group also recorded seven albums of their own. Johnny O'Neill and the Michael Sammes Singers provided backing vocals on the recording of \"I Am The Walrus\" by the Beatles in 1967, which required them to do \"all sorts of swoops and phonetic noises\" according to Paul McCartney: the score George Martin prepared for them included the chanting of phrases like \"ho", + "score": 0.693359375 + }, + { + "id": "8893838", + "title": "Elaine Glover", + "text": "Chips & Rock & Roll), Theatre Clywd (Dick Whittington), Salisbury Playhouse (Come Fly With Me, Cinderella and Little Robin Redbreast), Hull Truck Theatre (Flint Street Nativity), Battersea Arts Cente (20th Century Boy) and Nottingham Lakeside Arts (The Retirement Of Tom Stevens). She sang a selection of Beatles songs to 20,000 people at London\u2019s O2 Arena for the charity concert 'The Long And Winding Road - Voices For A New World', with guest performances from Bill Bailey and Kevin Eldon. Glover also sang \u2018Don\u2019t Know Why\u2019 by Nora Jones accompanied by Frank Renton\u2019s 18 piece brass band at The Royal Albert", + "score": 0.693359375 + }, + { + "id": "9231755", + "title": "The Secret of Christmas", + "text": "The Secret of Christmas \"The Secret of Christmas\" is a popular Christmas song, written by Sammy Cahn and Jimmy Van Heusen for Bing Crosby, and first performed by Crosby in the 1959 film \"Say One for Me\". He recorded the song with an arrangement by Frank DeVol for a single that year released by Columbia Records. Crosby recorded the song again in 1964, together with Fred Waring and the Pennsylvanians, for the Reprise Records album \"12 Songs of Christmas\". The song has also been covered by numerous artists, including Ella Fitzgerald in 1959, Johnny Mathis (for his album \"Sounds of", + "score": 0.693359375 + }, + { + "id": "16041471", + "title": "The Better Beatles", + "text": "The Better Beatles The Better Beatles were a short-lived post-punk band formed in Omaha, Nebraska in 1981. The group consisted of Kurt Magnuson on bass, Dave Nordin on synthesizer, Jean pSmith on vocals, and Jay Rosen on drums and vocals. Their repertoire consisted entirely of cold, minimalist covers of the songs of The Beatles in an irreverent manner comparable to covers performed by The Residents. Nordin has stated that he considered the Beatles \u201can oppressive influence,\u201d and pSmith has said their goal was to \u201c[strip] the songs of their sacred status.\u201d After a handful of shows, they recorded an album\u2019s", + "score": 0.693359375 + }, + { + "id": "4369164", + "title": "And Your Bird Can Sing", + "text": "And Your Bird Can Sing \"And Your Bird Can Sing\" is a song by the Beatles, released on their 1966 album \"Revolver\" in the United Kingdom and on \"Yesterday and Today\" in the United States. The song was written by John Lennon and credited to Lennon\u2013McCartney. Paul McCartney stated that he helped on the lyrics and attributed the song \"80\u201320\" to Lennon. The working title was \"You Don't Get Me\". Lennon was later dismissive of the track, as he was of many of his compositions at the time, referring to it as \"another of my throwaways ... fancy paper around", + "score": 0.69287109375 + }, + { + "id": "1342917", + "title": "Badfinger", + "text": "generally well received, although the band were already weary of persistent comparisons to the Beatles. \"The thing that impressed me so much was how similar their voices were to The Beatles\", Tony Visconti (producer, \"Maybe Tomorrow\") said; \"I sometimes had to look over the control board down into the studio to make sure John and Paul weren't singing lead vocals ...\" \"Rolling Stone\" critic Mike Saunders opined in a rave review of \"No Dice\" in 1970: \"It's as if John, Paul, George, and Ringo had been reincarnated as Joey, Pete, Tom, and Mike of Badfinger\". Media comparisons between them and", + "score": 0.69189453125 + }, + { + "id": "19842986", + "title": "The Secrets (Canadian band)", + "text": "joined on bass. Musically the Secrets differed from the Viletones who had been a typically loud, fast and angry punk band of the era. By contrast the Secrets were more of a 1960s garage punk band similar to contemporary bands like the Flaming Groovies, Real Kids and Teenage Head. Their sets included covers of songs like The Isley Brothers \"Shout\", Roy Orbison's \"Pretty Woman\", Bo Diddley's \"Diddy Wah Diddy\", Arthur \"Guitar Boogie\" Smith's \"Guitar Boogie\" and \"Zoom\", a Doo-Wop song by the Collegians. The band played extensively mostly in Toronto from 1978 to 1979 including an appearance included in \"The", + "score": 0.69140625 + }, + { + "id": "5476919", + "title": "Julieta Venegas", + "text": "Julieta Venegas is placed between Latin artists with more international exposure, and is therefore requested to sing with various artists such as Lenine, El Cartel de Santa and Paulina Rubio. \"S\u00ed\" is received with open arms in Vi\u00f1a del Mar, where it receives the recognition Mar de Plata and she was invited to record in Los Shajatos, singing in English, \"you've got hide your love away\" and \"Blackbird\" by The Beatles Julieta also participated in the disc of Vincentico: \"Los Rayos\" in the theme: \"Tonto\" and the \"MTV Unplugged Lenine\" on the theme: \"Miedo\" and different musical scores for movies", + "score": 0.69140625 + }, + { + "id": "10196978", + "title": "The Chipmunks Sing the Beatles Hits", + "text": "You Want to Know a Secret?\" is partially cut off. The Chipmunks are not involved in any incidents on the recordings, however, during the instrumental of \"Twist and Shout\", David Seville firmly tells Alvin that his wig is falling off, and tells him to fix it, with the sound of Alvin fixing the wig with muffled tones. In the liner notes, John Lennon ends his critique by saying that Alvin's wig is falling off again. For his work on the album, engineer Dave Hassinger won the 1964 Grammy Award for Best Engineered Recording - Special Or Novel Effects. In a", + "score": 0.69140625 + }, + { + "id": "4375805", + "title": "Think for Yourself", + "text": "the group's sound on the album, the song's arrangement includes three-part harmonies sung in homorhythm. Since the band also had to have their annual fan club Christmas disc completed at this time, their producer, George Martin, instructed the studio engineers to set up a second, ambient microphone and tape the Beatles as they rehearsed and recorded their vocal parts for the track. The tapes captured the three vocalists \u2013 Harrison, Lennon and McCartney \u2013 engaging in humorous banter and often unable to remember their parts. As a rare record of the group at work in the studio, the \"Think for", + "score": 0.69140625 + }, + { + "id": "4386406", + "title": "My Bonnie", + "text": "My Bonnie My Bonnie is a 1962 album by English rock and roll singer-songwriter and musician Tony Sheridan. Sheridan, then playing in clubs in Hamburg with the Beatles, was discovered by producer Bert Kaempfert and subsequently signed with him to record. Sheridan recorded several songs with the Beatles, two of which were later released as a single. Further recordings without the Beatles filled out the album. Because of the later fame of the Beatles, the material has been repackaged several times. In June 1961, Sheridan and the Beatles (then consisting of guitarists John Lennon, George Harrison, and Paul McCartney, bassist", + "score": 0.69091796875 + }, + { + "id": "18689142", + "title": "Ultimate Beatles", + "text": "guitar and vocals
Matt McLaughlin (Ringo Starr) \u2013 drums, percussion, and vocals. The band has performed for a large number of celebrities, including: Ian Botham, Denise Lewis, and Tim Rice. Krishnan Guru-Murthy said of the band, after their performance at his wedding in 2005: \"[they] blow other Beatles tribute bands out of the water.\" \"I think my favourite famous person who we\u2019ve entertained is Anna Friel.\" Van Funkle aka Lennon said in an interview in 2015, \u201cShe took to the stage when we were singing and was doing some very sexy dancing. She was a lot of fun.\u201d. In 2008 the", + "score": 0.6904296875 + }, + { + "id": "6019919", + "title": "Approximately Infinite Universe", + "text": "except for the basic tracks for \"Catman\" and \"Winter Song\", which were taped at Butterfly Studios. Ono produced the album with John Lennon, whose participation marked a rare music-related activity for him after the failure of the couple's politically themed \"Some Time in New York City\". Lennon also sang the final verse of the song, \"I Want My Love to Rest Tonight.\" As on the latter album, Ono used the New York band Elephant's Memory as her backing musicians. Mick Jagger dropped into the studio for some of the sessions. He recalled playing guitar very loudly with Lennon. Jagger also", + "score": 0.6904296875 + }, + { + "id": "5579761", + "title": "Mr. Moonlight (song)", + "text": "become members of well-known bands. Another emerging beat group, The Hollies, recorded and released their own performance of the song with Graham Nash on lead vocals prior to the Beatles' version. In addition, the same song was also covered by the Merseybeats in 1963. It entered Vancouver's CFUN chart April 18, 1964. A Spanish cover was recorded by the Mexican vocal trio Los Apson Boys titled \"Triste Luna\". The Beatles had covered the song in their live act for years before it appeared on record. Their recording features Latin-style percussion, prominent vocal harmonies, and, unusually, an organ solo. John Lennon", + "score": 0.6904296875 + }, + { + "id": "3837010", + "title": "Backing vocalist", + "text": "My Room\" and \"Surfer Girl\". All five members would sing lead, although most often Brian Wilson or Mike Love would sing lead with guitarists Carl Wilson and Al Jardine and drummer Dennis Wilson singing background harmonies. The Beatles were also known for their close style of vocal harmonies \u2013 all Beatles members sang both lead and backing vocals at some point, especially John Lennon and Paul McCartney, who frequently supported each other with harmonies, often with fellow Beatle George Harrison joining in. Ringo Starr, while not as prominent in the role of backing singer as his three bandmates due to", + "score": 0.6904296875 + }, + { + "id": "5149055", + "title": "Thank You Girl", + "text": "Thank You Girl \"Thank You Girl\" is a song recorded by the Beatles, written by John Lennon and Paul McCartney (Lennon\u2013McCartney), and issued as the B-side of the single \"From Me to You\", which was recorded on the same day (5 March 1963). While not released on an LP in the United Kingdom until \"Rarities\" in 1978, the song was the second track on \"The Beatles' Second Album\" in the United States. As the B-side of the single \"Do You Want to Know a Secret\", it hit No. 35 on the \"Billboard\" Hot 100 in the spring of 1964. Originally", + "score": 0.6904296875 + }, + { + "id": "7718031", + "title": "Ain't She Sweet (album)", + "text": "with The Beatles as a backing band unless otherwise indicated All performances by The Swallows Ain't She Sweet (album) Ain't She Sweet was an American album featuring four tracks recorded in Hamburg in 1961 by The Beatles featuring Tony Sheridan (except for the title song with vocal by John Lennon) and cover versions of Beatles and British Invasion-era songs recorded by the Swallows. As Atlantic Records only had rights to four Sheridan/Beatle recordings recorded by Polydor Records, they filled the rest of the album with Beatle and British Invasion cover songs. When this material was released by Atco Records, there", + "score": 0.68994140625 + }, + { + "id": "5558732", + "title": "I Want to Tell You", + "text": "of their ability to make loud, gleeful rock 'n' roll\". According to Ian MacDonald: I Want to Tell You \"I Want to Tell You\" is a song by the English rock group the Beatles from their 1966 album \"Revolver\". It was written and sung by George Harrison, the band's lead guitarist. After \"Taxman\" and \"Love You To\", it was the third Harrison composition recorded for \"Revolver\", marking the first time that he was allocated more than two songs on a Beatles album, as well as the start of his emergence as a songwriter beside John Lennon and Paul McCartney. When", + "score": 0.689453125 + }, + { + "id": "4341536", + "title": "Embassy Records", + "text": "most recordings for the label were Jean Campbell, Joan Baxter, Maureen Evans and Barbara Kay, with all but the latter recording for Embassy under their own names. Maureen Evans went on to have a hit for Oriole with \"Like I Do\" and Barbara Kay was one of the members of the Carefrees, who released the novelty record \"We Love You Beatles\" in 1964. Barbara Kay, who was yet another singer who had previously been with the Oscar Rabin Band, was usually credited as Kay Barry on Embassy releases. Instrumental recordings would feature whatever session musicians were booked for that day,", + "score": 0.68896484375 + }, + { + "id": "5655307", + "title": "What's the New Mary Jane", + "text": "and wife Yoko Ono recorded further overdubs with plans for it to be issued as a single by the Plastic Ono Band alongside another unreleased song at the time, \"You Know My Name (Look Up the Number)\", which was eventually issued as the B-side of the Beatles' \"Let It Be\" single in 1970. When the other Beatles heard of his plans to release a Beatle track under his own band's name, however, the single was pulled. After that, the song had finally been planned to be issued on the album \"Sessions\" in 1985, but the album's release was cancelled due", + "score": 0.68896484375 + }, + { + "id": "1566809", + "title": "David Mason (trumpeter)", + "text": "attracted much press comment at the time, perhaps to the detriment of the symphony's overall coverage and consideration. On 17 January 1967 at Abbey Road Studios Mason recorded the piccolo trumpet solo which is a prominent part of the Beatles' song \"Penny Lane\". The solo, inspired by Mason's performance of Bach's 2nd Brandenburg Concerto with the English Chamber Orchestra, is in a mock-Baroque style for which the piccolo trumpet is particularly suited, having a clean and clear sound which penetrates well through thicker midrange textures. Mason recorded the solo using a piccolo trumpet in A (this uses a slightly longer", + "score": 0.6884765625 + } + ], + "answer": "\"Do You Want to Know a Secret\" is a song by English rock group the Beatles from their 1963 album \"Please Please Me\". It is sung by George Harrison. John Lennon and Paul McCartney sung the backing vocals." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "What is the statue in piccadilly circus correctly called?", + "short_answers": [ + "Anteros", + "statue of Anteros", + "Shaftesbury Memorial Fountain" + ], + "wikipage": null + }, + { + "context": "Piccadilly now links directly to the theatres on Shaftesbury Avenue, as well as the Haymarket, Coventry Street (onwards to Leicester Square) and Glasshouse Street. The Circus is close to major shopping and entertainment areas in the West End. Its status as a major traffic junction has made Piccadilly Circus a busy meeting place and a tourist attraction in its own right. The Circus is particularly known for its video display and neon signs mounted on the corner building on the northern side, as well as the Shaftesbury Memorial Fountain and statue, which is popularly, though mistakenly, believed to be of Eros. It is surrounded by several notable buildings, including the London Pavilion and Criterion Theatre. Directly underneath the plaza is Piccadilly Circus Underground station, part of the London Underground system.", + "question": "What is the statue in piccadilly mistakenly called?", + "short_answers": [ + "Eros" + ], + "wikipage": "Piccadilly Circus" + }, + { + "context": "Piccadilly now links directly to the theatres on Shaftesbury Avenue, as well as the Haymarket, Coventry Street (onwards to Leicester Square) and Glasshouse Street. The Circus is close to major shopping and entertainment areas in the West End. Its status as a major traffic junction has made Piccadilly Circus a busy meeting place and a tourist attraction in its own right. The Circus is particularly known for its video display and neon signs mounted on the corner building on the northern side, as well as the Shaftesbury Memorial Fountain and statue, which is popularly, though mistakenly, believed to be of Eros. It is surrounded by several notable buildings, including the London Pavilion and Criterion Theatre. Directly underneath the plaza is Piccadilly Circus Underground station, part of the London Underground system.", + "question": "What is the name of the large structure in Piccadilly Circus that contains the statue?", + "short_answers": [ + "Shaftesbury Memorial Fountain" + ], + "wikipage": "Piccadilly Circus" + }, + { + "context": "No context provided", + "question": "What is the name of the statue portion of Shaftesbury Memorial Fountain?", + "short_answers": [ + "Statue of Anteros" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Piccadilly Circus", + "url": "https://en.wikipedia.org/wiki/Piccadilly%20Circus" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "The Piccadilly Circus is particularly known for its video display and neon signs mounted on the corner building on the northern side, as well as the Shaftesbury Memorial Fountain and statue of Anteros, which is popularly, though mistakenly, believed to be of Eros." + }, + { + "knowledge": [ + { + "content": "Piccadilly Circus is a road junction and public space of London's West End in the City of Westminster.", + "wikipage": "Piccadilly Circus" + }, + { + "content": "In Greek mythology, Anteros (Ancient Greek: \u1f08\u03bd\u03c4\u03ad\u03c1\u03c9\u03c2 Ant\u00e9r\u014ds) was the god of requited love (literally \"love returned\" or \"counter-love\") and also the punisher of those who scorn love and the advances of others, or the avenger of unrequited love.[citation needed]", + "wikipage": "Anteros" + }, + { + "content": "Anteros was the son of Ares and Aphrodite in Greek mythology, given as a playmate to his brother Eros, who was lonely \u2013 the rationale being that love must be answered if it is to prosper.", + "wikipage": "Anteros" + } + ], + "long_answer": "Piccadilly Circus is a road junction and public space of London's West End in the City of Westminster. The Circus is close to major shopping and entertainment areas in the West End. Its status as a major traffic junction has made Piccadilly Circus a busy meeting place and a tourist attraction in its own right. The Circus is known for its Shaftesbury Memorial Fountain and statue of Anteros, which is popularly, though mistakenly, believed to be of Eros. Anteros and Eros are Greek gods who are brothers." + } + ], + "sample_id": "2810825654363491960", + "question": "What is the statue in piccadilly circus called?", + "docs": [ + { + "id": "1756936", + "title": "Piccadilly Circus", + "text": "24 June 1939 an explosion occurred, though no injuries were caused. On 25 November 1974 a bomb injured 16 people. A 2 lb bomb exploded on 6 October 1992, injuring five people. The Shaftesbury Memorial Fountain in Piccadilly Circus was erected in 1893 to commemorate the philanthropic works of Anthony Ashley Cooper, 7th Earl of Shaftesbury. During the Second World War, the statue atop the Shaftesbury Memorial Fountain was removed and was replaced by advertising hoardings. It was returned in 1948. When the Circus underwent reconstruction work in the late 1980s, the entire fountain was moved from the centre of", + "score": 0.76220703125, + "summary": "The Shaftesbury Memorial Fountain is located in Piccadilly Circus. It was erected in 1893 to commemorate the philanthropic works of Anthony Ashley Cooper, 7th Earl of Shaftesbury. During World War II, its statue was removed and replaced by advertising hoardings, but it was returned in 1948.", + "extraction": "The statue atop the Shaftesbury Memorial Fountain in Piccadilly Circus is called the Shaftesbury Memorial Fountain." + }, + { + "id": "1756930", + "title": "Piccadilly Circus", + "text": "a busy meeting place and a tourist attraction in its own right. The Circus is particularly known for its video display and neon signs mounted on the corner building on the northern side, as well as the Shaftesbury memorial fountain and statue, which is popularly, though mistakenly, believed to be of Eros. It is surrounded by several notable buildings, including the London Pavilion and Criterion Theatre. Directly underneath the plaza is Piccadilly Circus Underground station, part of the London Underground system. Piccadilly Circus connects to Piccadilly, a thoroughfare whose name first appeared in 1626 as Piccadilly Hall, named after a", + "score": 0.74560546875, + "summary": "The statue in Piccadilly Circus is called the Shaftesbury memorial fountain and statue, which is popularly, though mistakenly, believed to be of Eros.", + "extraction": "The statue in Piccadilly Circus is called the Shaftesbury memorial fountain and statue, which is popularly, though mistakenly, believed to be of Eros." + }, + { + "id": "12982167", + "title": "Holborn Circus", + "text": "War, many were demolished. From 1961 to 1994 the modernist headquarters of the Daily Mirror, designed by Sir Owen Williams and Anderson, Forster and Wilcox, were a prominent landmark overlooking the junction. The site is now occupied by the headquarters of the supermarket Sainsbury's. To the west of Holborn Circus there is an equestrian statue of Prince Albert by Charles Bacon (1874) which is the City of London's official monument to him. This statue was originally sited in the middle of the circus and was moved in 2014 as part of improvement works to the junction. The statue features the", + "score": 0.7412109375, + "summary": "The document is irrelevant to the question.", + "extraction": "The equestrian statue of Prince Albert by Charles Bacon (1874) is located to the west of Holborn Circus." + }, + { + "id": "1756941", + "title": "Piccadilly Circus", + "text": "on the site were Bovril, Volkswagen, Max Factor, Wrigley's Spearmint, Skol, Air India and Gold Flake (as Will's Gold Flake Cigarettes). At the southeastern side of the Circus, moved after World War II from its original position in the centre, stands the Shaftesbury Memorial Fountain, erected in 1892\u20131893 to commemorate the philanthropic works of Lord Shaftesbury, a Victorian politician, philanthropist and social reformer. The subject of the Memorial is the Greek god Anteros and was given the name \"The Angel of Christian Charity\" but is generally mistaken for his brother Eros. The Criterion Theatre, a Grade II* listed building, stands", + "score": 0.73974609375, + "summary": "The statue in Piccadilly Circus is called the Shaftesbury Memorial Fountain, which was moved after World War II from its original position in the centre. It was erected in 1892-1893 to commemorate the philanthropic works of Lord Shaftesbury, a Victorian politician, philanthropist, and social reformer. The subject of the memorial is the Greek god Anteros, but it is generally mistaken for his brother Eros.", + "extraction": "The statue in Piccadilly Circus is called the Shaftesbury Memorial Fountain." + }, + { + "id": "15259757", + "title": "Piccadilly Circus in popular culture", + "text": "Piccadilly Circus has inspired artists and musicians. \"Piccadilly Circus\" (1912) is the name and subject of a painting by British artist Charles Ginner, part of the Tate Britain collection. Sculptor Paul McCarthy also has a 320-page two-volume edition of video stills by the name of \"Piccadilly Circus\". Piccadilly Circus in popular culture The following list is of artistic works and film where Piccadilly Circus is either the central theme or a principal theme. The phrase \"it's like Piccadilly Circus\" is commonly used in the UK to refer to a place or situation which is extremely busy with people. It has", + "score": 0.73876953125, + "summary": "The document mentions a painting and a two-volume edition of video stills with the name \"Piccadilly Circus\". It also lists artistic works and films where Piccadilly Circus is a theme. However, it does not provide a direct answer to the question of what the statue in Piccadilly Circus is called.", + "extraction": "The passage is irrelevant as it does not provide information about the name of the statue in Piccadilly Circus." + }, + { + "id": "18209187", + "title": "Shaftesbury Memorial Fountain", + "text": "Shaftesbury Memorial Fountain The Shaftesbury Memorial Fountain is a fountain surmounted by a winged statue of Anteros, located at the southeastern side of Piccadilly Circus in London, England. Moved after World War II from its original position in the centre, it was erected in 1892\u20131893 to commemorate the philanthropic works of Lord Shaftesbury, who was a famous Victorian politician and philanthropist. Alfred Gilbert's use of a nude figure on a public monument was controversial at the time of its construction, but it was generally well received by the public. The \"Magazine of Art\" described it as \"...a striking contrast to", + "score": 0.73388671875, + "summary": "The statue in Piccadilly Circus is called the Shaftesbury Memorial Fountain and it features a winged statue of Anteros. It was erected in 1892-1893 to commemorate the philanthropic works of Lord Shaftesbury.", + "extraction": "The statue in Piccadilly Circus is called Anteros." + }, + { + "id": "18209192", + "title": "Shaftesbury Memorial Fountain", + "text": "memorial. The memorial was therefore taken away and put in Embankment Gardens. It returned to Piccadilly Circus in 1931; but when the Second World War broke out in 1939, the memorial was taken away again for safety and kept in Egham. It did not return to Piccadilly Circus again until 1948. The statue was removed for restoration in the 1980s and resited on its return in February 1985. During the restoration a set of plaster casts was unearthed in the V&A basements which revealed damage to the statue. The statue was also vandalised in 1990 and after radiography and restoration", + "score": 0.732421875, + "summary": "The document discusses the Shaftesbury Memorial Fountain in Piccadilly Circus, which has been removed and restored multiple times throughout history. However, it does not explicitly state the name of the statue.", + "extraction": "The statue in Piccadilly Circus is called the Shaftesbury Memorial Fountain." + }, + { + "id": "12797934", + "title": "St George's Square", + "text": "George Hanover Square. It and the parish were named after the patron saint of England, Saint George. In the small riverside garden, Pimlico Gardens, stands a stone statue by John Gibson of William Huskisson MP \u2014 the first person run over and killed by a railway engine. Huskisson wears a stone Roman senatorial toga. It was designed for the Royal Exchange and moved sites in 1915. The statue was described by Sir Osbert Sitwell as \"boredom rising from the bath\". The Church of St Saviour (1864) stands at the north end of the square; it was designed by Thomas Cundy", + "score": 0.72998046875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "18287916", + "title": "Equestrian statue of the Duke of Wellington, Hyde Park Corner", + "text": "Equestrian statue of the Duke of Wellington, Hyde Park Corner An equestrian statue of the Duke of Wellington stands on the north side of Hyde Park Corner, London. The open space in which it stands, now the centre of a large roundabout, was once called Wellington Place. The statue portrays the Iron Duke on a campaign, mounted on his horse Copenhagen, with all hooves planted on the ground. It was executed in bronze by the sculptor Joseph Boehm and unveiled in 1888. The figures at the corners of the pedestal representative British soldiers, a Grenadier, a Scottish Highlander, an Irish", + "score": 0.7275390625, + "summary": "Irrelevant. The document talks about the equestrian statue of the Duke of Wellington in Hyde Park Corner and not the statue in Piccadilly Circus.", + "extraction": "Irrelevant." + }, + { + "id": "5804438", + "title": "Rock Circus", + "text": "Rock Circus Madame Tussaud's Rock Circus (August 1989 \u2013 September 2001), was a walk-through exhibition celebrating the history of rock and pop music, featuring its major figures recreated in wax. It was located at the top four floors of the then-newly refurbished London Pavilion building at Piccadilly Circus, London. Predominantly British artists featured, but many American artists were also included. The attraction told the story of rock and pop from the 1950s to the then-present day by using videos, music, narration and audio-animatronic figures. In the mid 1980s, the Tussauds Group began looking for a new attraction venture in London,", + "score": 0.72412109375, + "summary": "The document is irrelevant to the question.", + "extraction": "irrelevant" + }, + { + "id": "1756948", + "title": "Piccadilly Circus", + "text": "part of the Tate Britain collection. Sculptor Paul McCarthy also has a 320-page two-volume edition of video stills by the name of \"Piccadilly Circus\". Bob Marley mentioned Piccadilly Circus in his song \"Kinky Reggae\", on the \"Catch a Fire\" album from 1973. L. S. Lowry R.A painting \"Piccadilly Circus, London\" (1960), part of Lord Charles Forte's collection for almost three decades, sold for \u00a35,641,250 when auctioned for the first time at Christie's 20th Century British & Irish Art sale on 16 November 2011. Contemporary British painter Carl Randall's painting 'Piccadilly Circus' (2017) is a large monochrome canvas depicting the area", + "score": 0.7236328125, + "summary": "Irrelevant.", + "extraction": "The passage is irrelevant for answering the question as it does not provide information about the name of the statue in Piccadilly Circus." + }, + { + "id": "1756929", + "title": "Piccadilly Circus", + "text": "Piccadilly Circus Piccadilly Circus is a road junction and public space of London's West End in the City of Westminster. It was built in 1819 to connect Regent Street with Piccadilly. In this context, a circus, from the Latin word meaning \"circle\", is a round open space at a street junction. Piccadilly now links directly to the theatres on Shaftesbury Avenue, as well as the Haymarket, Coventry Street (onwards to Leicester Square) and Glasshouse Street. The Circus is close to major shopping and entertainment areas in the West End. Its status as a major traffic junction has made Piccadilly Circus", + "score": 0.72314453125, + "summary": "The document provides information about Piccadilly Circus, a road junction and public space in London's West End. It was built in 1819 to connect Regent Street with Piccadilly, and a circus refers to a round open space at a street junction. However, it does not mention the name of the statue in Piccadilly Circus, so the answer is irrelevant.", + "extraction": "The passage is not helpful for answering the question as it does not provide information about any statue in Piccadilly Circus. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "1756947", + "title": "Piccadilly Circus", + "text": "summit in 2013. The phrase \"it's like Piccadilly Circus\" is commonly used in the UK to refer to a place or situation which is extremely busy with people. It has been said that a person who stays long enough at Piccadilly Circus will eventually bump into everyone they know. Probably because of this connection, during World War II, \"Piccadilly Circus\" was the code name given to the Allies' D-Day invasion fleet's assembly location in the English Channel. Piccadilly Circus has inspired artists and musicians. \"Piccadilly Circus\" (1912) is the name and subject of a painting by British artist Charles Ginner,", + "score": 0.72021484375, + "summary": "The document mentions Piccadilly Circus, but it does not provide information about the statue located there. Therefore, the answer is irrelevant.", + "extraction": "The passage is irrelevant as it does not provide any information about the statue in Piccadilly Circus." + }, + { + "id": "20217567", + "title": "Lewis's Building", + "text": "around , effectively making it the third largest shopping centre in Liverpool city centre behind only Liverpool One and St. John's Shopping Centre. Large amounts of office space and a 125-room Adagio hotel will occupy the remaining floors. To symbolise Liverpool's resurgence following World War II a statue made by Sir Jacob Epstein of a nude man was added above the building's main entrance. Its official title is \"Liverpool Resurgent\" but is nicknamed locally as either 'Nobby Lewis' or 'Dickie Lewis'. The statue was unveiled for Lewis's Centenary celebrations in 1956, which came as the blitzed store had completed rebuilding.", + "score": 0.71875, + "summary": "irrelevant", + "extraction": "Irrelevant." + }, + { + "id": "14177563", + "title": "Marcus Cornish", + "text": "and again as official tour artist on a diplomatic tour of Eastern Europe by HRH The Prince of Wales. He is an Academic Board member, and occasional tutor, of The Prince's Drawing School - a charitable trust founded by HRH The Prince of Wales that provides a wide range of courses focused on drawing and painting skills. In 2000, he created a life-size bronze sculpture of the fictional Paddington Bear, that stands in Paddington Station in London. He was commissioned by a property developer to create five bronze statues of Scottish wild animals. One of them, a greater-than-life-size statue of", + "score": 0.71484375, + "summary": "The document is irrelevant to the question of interest.", + "extraction": "The passage is irrelevant as it does not mention anything about a statue in Piccadilly Circus." + }, + { + "id": "8838566", + "title": "Hananuma Masakichi", + "text": "1 Piccadilly Circus. Hananuma Masakichi Believing that he was dying from tuberculosis, Hananuma sculpted a life size statue of himself as a gift to the woman he loved, which was completed in 1885. The artist himself died 10 years later, in poverty aged 63. The statue is renowned for being nearly identical in appearance to its creator. Made of between 2000 and 5000 wooden strips (reports differ), it is connected only by dovetail joints, glue and wooden pegs. No joint is visible on the statue, and it is lacquered to show every detail of Hananuma, including muscle, bone and vein.", + "score": 0.71484375, + "summary": "The statue in Piccadilly Circus is called Hananuma Masakichi and was sculpted by Hananuma himself as a gift to the woman he loved in 1885. It is made of wooden strips and is renowned for its identical appearance to its creator.", + "extraction": "The statue in Piccadilly Circus is called \"Hananuma Masakichi\"." + }, + { + "id": "15641192", + "title": "Fountains in the United Kingdom", + "text": "with sculptures by Sir Charles Wheeler and William McMillian, as monuments to two British naval heroes of the First World War, Lord John Jellicoe and Lord David Beatty. They were rebuilt again, with new pumps and lighting, in 2009. The Shaftesbury Memorial Fountain in Piccadilly Circus, London by Alfred Gilbert, features an aluminium statue of Anteros representing \"The Angel of Christian Charity.\" It was built in 1893 to honour the British philanthropist Lord Shaftesbury, but instead it scandalised Londoners, who thought it was a statue of Eros. In the 19th century, international expositions in London and Paris introduced fountains using", + "score": 0.71337890625, + "summary": "The Shaftesbury Memorial Fountain in Piccadilly Circus, London features an aluminium statue of Anteros representing \"The Angel of Christian Charity.\"", + "extraction": "The statue in Piccadilly Circus is called the Shaftesbury Memorial Fountain and it features an aluminium statue of Anteros representing \"The Angel of Christian Charity.\"" + }, + { + "id": "15259756", + "title": "Piccadilly Circus in popular culture", + "text": "Piccadilly Circus in popular culture The following list is of artistic works and film where Piccadilly Circus is either the central theme or a principal theme. The phrase \"it's like Piccadilly Circus\" is commonly used in the UK to refer to a place or situation which is extremely busy with people. It has been said that a person who stays long enough at Piccadilly Circus will eventually bump into everyone they know. Probably because of this connection, during World War II, \"Piccadilly Circus\" was the code name given to the Allies' D-Day invasion fleet's assembly location in the English Channel.", + "score": 0.71142578125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "1667717", + "title": "Marc Quinn", + "text": "The sculpture shows Moss in a yoga position with her ankles and arms wrapped behind her ears. This body of work culminated in an exhibition at the Mary Boone Gallery in New York in May 2007. The sculpture is on permanent display in Folketeatret in Oslo, Norway. In August 2008, Quinn unveiled another sculpture of Kate Moss in solid 18-carat gold called \"Siren\", which was exhibited at the British Museum in London. The life-size sculpture was promoted as \"the largest gold statue since ancient Egypt\". In May 2010, Quinn revealed a series of new sculptures at London's White Cube gallery", + "score": 0.70947265625, + "summary": "The document is irrelevant to the question.", + "extraction": "Irrelevant. The passage does not mention any statue in Piccadilly Circus." + }, + { + "id": "12908316", + "title": "Machine Gun Corps Memorial", + "text": "Machine Gun Corps Memorial The Machine Gun Corps Memorial, also known as The Boy David, is a memorial to the casualties of the Machine Gun Corps in the First World War. It is located on the north side of the traffic island at Hyde Park Corner in London, near the Wellington Arch, an Equestrian statue of the Duke of Wellington, the Royal Artillery Memorial, the New Zealand War Memorial, and the Australian War Memorial. The central column of light grey Mazzona marble is topped with a high bronze statue of a nude David by Francis Derwent Wood. The beautiful youth", + "score": 0.70947265625, + "summary": "Irrelevant. The document describes the Machine Gun Corps Memorial, but does not mention the statue in Piccadilly Circus.", + "extraction": "Irrelevant. The passage talks about the Machine Gun Corps Memorial located at Hyde Park Corner, but it does not mention any statue in Piccadilly Circus." + }, + { + "id": "20098708", + "title": "Piscator (Paolozzi)", + "text": "Piscator (Paolozzi) Piscator, also known as the Euston Head, is a large abstract sculpture by Eduardo Paolozzi. It was commissioned by British Rail in 1980 for the forecourt of Euston Station in London, and is named for the German theatre director Erwin Piscator. The sculpture is made from cast iron with an aluminium finish, and was cast by the ironfounders Robert Taylor and Co. It measures . In making the work, Paolozzi was assisted by Ray Watson. The sides of the sculpture have silvered bumps and hollows; viewed from above, the top surface resolves into a blocky human body and", + "score": 0.70947265625 + }, + { + "id": "1537086", + "title": "Bull Ring, Birmingham", + "text": "were eight lions' heads from which water was ejected. The entire fountain was tall and in the centre was a tall statue called the Messenger and Sons. The statue consisted of four children representative of each of Birmingham's main four industries; gun making, glass-blowing, bronzing and engineering. The fountain was inaugurated by the Chairman of the Market Committee, John Cadbury, on 24 December 1851. The fountain was removed in 1880 with the intention of re-erecting it in Highgate Park later that year but this did not happen and it was destroyed in 1923. Gas lighting was introduced to the building,", + "score": 0.70751953125 + }, + { + "id": "9035541", + "title": "Equestrian statue of the Duke of Wellington, Aldershot", + "text": "Matthew Cotes Wyatt. In the statue the Duke is shown on Copenhagen, the famous charger that he had ridden at Waterloo. Much of the bronze in the statue is derived from French cannon captured at Waterloo and remelted in Wyatt's foundry. Wellington himself sat for the sculptor. Copenhagen, however, had died and a substitute horse was used as a model, which offended many at the time who saw a poor likeness to Copenhagen in the statue. The position selected for the sculpture was on top of the triumphal arch at Hyde Park Corner, built in 1827\u20138 in conjunction with an", + "score": 0.70751953125 + }, + { + "id": "18386961", + "title": "Inglis Barracks", + "text": "statue was moved to RAF Northolt when the barracks were vacated by the British Forces Post Office (the successors of the Home Postal Depot RE) in 2007. The statue depicts a First World War soldier (a 'Tommy') reading a letter and is a replica of the statue by sculptor Charles Sargeant Jagger (1885-1934) which stands on Platform 1 at Paddington Station, London. The statue was simply called \"Soldier Reading a Letter\" and was erected as a memorial to the men and women of the Great Western Railway who lost their lives during the First and Second World Wars. Inglis Barracks", + "score": 0.70703125 + }, + { + "id": "6586390", + "title": "St George's Circus", + "text": "St George's Circus St George's Circus is a road junction in Southwark, London, England. At its centre, which is now a traffic roundabout, is a historic obelisk, designed by Robert Mylne (1733\u20131811), in his role as surveyor and architect of Blackfriars Bridge. St George's Circus was built in 1771 to mark the completion of the new roads through St George's Fields in the parish of Southwark St George the Martyr during the tenure of Brass Crosby as Lord Mayor of the City of London. It was the first purpose-built traffic junction in London, and initially featured an obelisk with four", + "score": 0.70703125 + }, + { + "id": "18276346", + "title": "Statue of Henry Havelock, Trafalgar Square", + "text": "Statue of Henry Havelock, Trafalgar Square A bronze statue of Henry Havelock by the sculptor William Behnes, stands in Trafalgar Square in London, United Kingdom. It occupies one of the four plinths in Trafalgar Square, the one to the southeast of Nelson's Column. The bronze statue depicts Major General Sir Henry Havelock KCB as a standing figure in military uniform, with a cloak. Havelock was born in 1795 and died in 1857. He served in the First Anglo-Burmese War in the 1820s and the First Anglo-Afghan War in the 1840s. He recaptured Cawnpore and Lucknow during the Indian Mutiny in", + "score": 0.70654296875 + }, + { + "id": "16696517", + "title": "Equestrian statue of George IV, Trafalgar Square", + "text": "Equestrian statue of George IV, Trafalgar Square The statue of George IV in Trafalgar Square, London, is a bronze equestrian statue by Sir Francis Legatt Chantrey. It depicts the King dressed in ancient Roman attire and riding bareback. The sculpture was originally designed to sit on top of the Marble Arch at the entrance to Buckingham Palace, but was placed in its current location following the King's death. Sir Francis Leggatt Chantrey originally designed the statue to stand on top of Marble Arch in its original position as the entrance to Buckingham Palace, following architecture work by John Nash. Edward", + "score": 0.7060546875 + }, + { + "id": "12266517", + "title": "Old Palace Yard", + "text": "the grounds of the Palace of Westminster, the seat of the Parliament of the United Kingdom. To the north of the Yard is St Stephen's Entrance, the public entrance into the Palace, as well as the great South Window of Westminster Hall. Standing near this window and facing away from it is a bronze equestrian statue of Richard Coeur de Lion (King Richard I, also known as \"Richard the Lionheart\"). Created by Baron Carlo Marochetti, the statue was completed in 1856 and installed in its present location in 1860. The eastern side of Old Palace Yard is defined by the", + "score": 0.70556640625 + }, + { + "id": "1537784", + "title": "Euston railway station", + "text": "no seats installed there to deter vagrants and crime, but these were added following complaints from passengers. A few remnants of the older station remain: two Portland stone entrance lodges and a war memorial. A statue of Robert Stephenson by Carlo Marochetti, previously in the old ticket hall, stands in the forecourt. There is a large statue by Eduardo Paolozzi named \"Piscator\" dedicated to German theatre director Erwin Piscator at the front of the courtyard, which as of 2016 is reported as deteriorating. Other pieces of public art, including low stone benches by Paul de Monchaux around the courtyard, were", + "score": 0.70556640625 + }, + { + "id": "19170020", + "title": "Statue of George Canning, Parliament Square", + "text": "Statue of George Canning, Parliament Square The statue of George Canning in Parliament Square, Westminster, London, is an 1832 work by Sir Richard Westmacott. The bronze sculpture depicts the British Prime Minister larger than life size, swathed in a long robe and a cloak, holding a scroll in his left hand, similar to a classical statue of an orator from Ancient Roman, although his legs are covered with modern trousers and he has laced shoes on his feet. The statue stands on a granite plinth which bears the inscription \"GEORGE CANNING\". The statue was first erected near St Margaret's, Westminster,", + "score": 0.705078125 + }, + { + "id": "9600595", + "title": "Mowbray Park", + "text": "the statue are cannons, named Joshua and Caleb, replicas of those captured from the Russians during the Crimean war. The originals were melted down for metal during the Second World War. The over life-sized bronze figue of Havelock in military uniform and a sword in his hand is on a high stepped based and a tall, square, granite plinth and faces toward his birthplace. The figure is signed 1861 by Behnes and the founder's mark on the rear of plinth reads: \"The Statue Foundry, Pimlico, London\". The inscription on the front of the plinth reads: \"Born 5 April 1775 at", + "score": 0.705078125 + }, + { + "id": "20098710", + "title": "Piscator (Paolozzi)", + "text": "Council of England owns the work. A series of six models in bronze were also cast, with one held by the Science Museum. Piscator (Paolozzi) Piscator, also known as the Euston Head, is a large abstract sculpture by Eduardo Paolozzi. It was commissioned by British Rail in 1980 for the forecourt of Euston Station in London, and is named for the German theatre director Erwin Piscator. The sculpture is made from cast iron with an aluminium finish, and was cast by the ironfounders Robert Taylor and Co. It measures . In making the work, Paolozzi was assisted by Ray Watson.", + "score": 0.70458984375 + }, + { + "id": "19170022", + "title": "Statue of George Canning, Parliament Square", + "text": "II listed building in 1970. Statue of George Canning, Parliament Square The statue of George Canning in Parliament Square, Westminster, London, is an 1832 work by Sir Richard Westmacott. The bronze sculpture depicts the British Prime Minister larger than life size, swathed in a long robe and a cloak, holding a scroll in his left hand, similar to a classical statue of an orator from Ancient Roman, although his legs are covered with modern trousers and he has laced shoes on his feet. The statue stands on a granite plinth which bears the inscription \"GEORGE CANNING\". The statue was first", + "score": 0.70458984375 + }, + { + "id": "1756931", + "title": "Piccadilly Circus", + "text": "house belonging to one Robert Baker, a tailor famous for selling piccadills, or piccadillies, a term used for various kinds of collars. The street was known as Portugal Street in 1692 in honour of Catherine of Braganza, the queen consort of King Charles II but was known as Piccadilly by 1743. Piccadilly Circus was created in 1819, at the junction with Regent Street, which was then being built under the planning of John Nash on the site of a house and garden belonging to a Lady Hutton. Around 1858 it was briefly known as \"Regent's Circus.\" The circus lost its", + "score": 0.70458984375 + }, + { + "id": "6632525", + "title": "Iron:Man", + "text": "then their headquarters. It was originally named Untitled, but gained the nickname \"Iron Man\", which Gormley requested be changed to \"Iron:Man\" and become the official name for it. It was controversial initially, with early accusations of rusting being disproved by Gormley when he stated that the type of iron used encourages oxidation to protect the metal. There were rumours that when Diana, Princess of Wales, came to officially reopen Victoria Square in 1994, the statue was hidden from her view. When the bank relocated its headquarters to Bristol, some in Birmingham at the time felt the statue should be relocated", + "score": 0.7041015625 + }, + { + "id": "18292609", + "title": "Statue of Charles II, Soho Square", + "text": "Statue of Charles II, Soho Square The statue of Charles II is an outdoor sculpture of Charles II of England by the Danish sculptor Caius Gabriel Cibber, located near the centre of Soho Square in London. Once part of a late 17th century fountain, it was removed in the late 19th century to a private estate in Harrow before being restored to the square in the mid-20th century. It depicts the king in a standing pose on top of a low decorated pedestal. Although it has been the subject of restoration works, it is heavily eroded and in a poor", + "score": 0.70361328125 + }, + { + "id": "15939913", + "title": "Statue of Winston Churchill, Parliament Square", + "text": "high and is made of bronze. It was sculpted by Ivor Roberts-Jones and is located on the main green of Parliament Square, opposite the Palace of Westminster. It shows Winston Churchill standing with his hand resting on his walking stick and wearing a military greatcoat. The plinth is high with \"Churchill\" inscribed on it in large capital letters. A proposal to insert pins standing out of the statue's head was turned down in the 1970s \u2013 the pins were intended to stop wild birds from sitting on its head. The Churchill Statue Committee had concerns during the statue's development process", + "score": 0.70361328125 + }, + { + "id": "12135950", + "title": "The Ballet of Change: Piccadilly Circus", + "text": "The Ballet of Change: Piccadilly Circus The Ballet of Change is a series of four films (approximately 4 minutes) Produced & Directed by Paul Atherton, each one about a world-famous landmark in London \u2013 London Bridge, Leicester Square, Trafalgar Square and Piccadilly Circus. Each film tells the history of its location using imagery and music. Taking as its starting point the earliest image available from museum and other archives (usually a drawing circa 16th Century) and then dancing with the imagery (hence the title of the piece) from oil paintings, through photographs to High Definition Video in Present day. \"The", + "score": 0.70361328125 + }, + { + "id": "2974437", + "title": "Paternoster Square", + "text": "firm Whitfield Partners and also serves as a ventilation shaft for a service road that runs beneath the square. At the north end of the square is the bronze \"Paternoster\" (also known as \"Shepherd and Sheep\") by Dame Elisabeth Frink. The statue was commissioned for the previous Paternoster Square complex in 1975 and was replaced on a new plinth following the redevelopment. Another sculpture in the square is \"Paternoster Vents\" by Thomas Heatherwick. Temple Bar's modern form, a Wren-designed stone archway put up on Fleet Street at the historic western gateway to the City has been in front of the", + "score": 0.703125 + }, + { + "id": "6632526", + "title": "Iron:Man", + "text": "or removed although, as it was originally a gift to the city, it was left in place. A maquette of the statue is kept at the Public Art Commissions Agency in the Jewellery Quarter. The statue was moved into storage on 5 September 2017, to allow the tracks for the Midlands Metro extension to Centenary Square to be laid. Iron:Man Iron:Man is a statue by Antony Gormley, in Victoria Square, Birmingham, England. The statue is tall, including the feet which are buried beneath the pavement, and weighs . The statue leans 7.5\u00b0 backwards and 5\u00b0 to its left. It is", + "score": 0.7021484375 + }, + { + "id": "16943868", + "title": "Big 4 (sculpture)", + "text": "to the 2012 Summer Paralympics in London, the \"Big 4\" was given a Paralympic theme to coincide with Channel 4's coverage of the Games. The \"Monument to the Unintended Performer\" was designed by Tony Heaton and meant to bring together three elements of the discus thrower based on the Greek sculpture \"Discobolus\", a circle to represent the international symbol of access and also the inclusion of the gold, silver and bronze colours as per the Paralympic medals. It was first unveiled at an event attended by Lord Sebastian Coe, Chairman of the London Organising Committee for the Games, and hosted", + "score": 0.70166015625 + }, + { + "id": "19119812", + "title": "Statue of the Viscount Slim, London", + "text": "for the statue is in the collection of the Henry Moore Institute in Leeds. The inscriptions on the Portland stone pedestal were carved by David Kindersley. They read as follows: A further inscription wrapping around step below the pedestal gives the names of places connected with the Burma Campaign: At the back of the statue's self-base are inscribed the name of the sculptor, , and the foundry: . Statue of the Viscount Slim, London The statue of William Slim, 1st Viscount Slim in Whitehall, London, is a work of 1988\u201393 by the sculptor Ivor Roberts-Jones. It is one of three", + "score": 0.70166015625 + }, + { + "id": "16696520", + "title": "Equestrian statue of George IV, Trafalgar Square", + "text": "part of the \"Hatwalk\" art project sponsored by the Mayor of London; in the project 21 milliners created new hats for famous statues around London. Equestrian statue of George IV, Trafalgar Square The statue of George IV in Trafalgar Square, London, is a bronze equestrian statue by Sir Francis Legatt Chantrey. It depicts the King dressed in ancient Roman attire and riding bareback. The sculpture was originally designed to sit on top of the Marble Arch at the entrance to Buckingham Palace, but was placed in its current location following the King's death. Sir Francis Leggatt Chantrey originally designed the", + "score": 0.701171875 + }, + { + "id": "12135951", + "title": "The Ballet of Change: Piccadilly Circus", + "text": "Ballet of Change: Piccadilly Circus\", the final film in the progressive series, was the first and currently only film to be broadcast through the famous Coca-Cola Billboard on Land Securities' Piccadilly Circus Lights in London. On 23 November 2007, as part of an event, that included screenings of films onto St. Martin in the Fields Church, Trafalgar Square and the fa\u00e7ade of the Odeon Leicester Square, The Ballet of Change: Piccadilly Circus aired at 19:30 on the Coca-Cola billboard. Coca-Cola have had a sign at Piccadilly Circus since 1955 with the current version from September 2003, when the previous digital", + "score": 0.70068359375 + }, + { + "id": "18805166", + "title": "Statue of George Palmer", + "text": "of the park and the unveiling of the statue have been described as \"the biggest celebration Reading had ever seen. It was originally sited in Broad Street, but was moved in 1930 to its current location. The statue depicts Palmer, standing, with top hat and umbrella clasped in his right hand, while his left holds his lapel. It was the first statue in Britain with an umbrella. The statue is in bronze, mounted on a substantial pink granite plinth, with moulded cornice and base. George Palmer (1818\u20131897) was a Quaker baker, known for his partnership with Thomas Huntley, which formed", + "score": 0.70068359375 + }, + { + "id": "18291144", + "title": "Statue of Charlie Chaplin, London", + "text": "Statue of Charlie Chaplin, London The statue of Charlie Chaplin in Leicester Square, London, is a work of 1979 by the sculptor John Doubleday. It portrays the actor, comedian and filmmaker in his best-known role, as The Tramp. A memorial to Chaplin in the city of his birth was proposed on 25 December 1977, soon after Chaplin's death, by Illtyd Harrington, the leader of the opposition in the Greater London Council. Initial plans for a memorial in the Elephant and Castle, in South London where Chaplin spent his early years, were dropped and instead Leicester Square, at the centre of", + "score": 0.7001953125 + }, + { + "id": "11536436", + "title": "Cavendish Square", + "text": "London, died at her home on Margaret Street, Cavendish Square, in 1795 and was buried at Kew. Cavendish Square features in Robert Louis Stevenson's novel \"Dr Jekyll and Mr Hyde\" as the home of Dr Lanyon, Jekyll's former best friend. The bronze statue on the south side of the square (facing John Lewis) is of William George Frederick Cavendish Bentinck (1802\u20131848). Known simply as Lord George Bentinck, he was MP for King's Lynn, Norfolk. The statue is by Thomas Campbell and was erected in 1848. Underground at Cavendish Square, there is a car park with spaces for 521 cars and", + "score": 0.69970703125 + }, + { + "id": "19119808", + "title": "Statue of the Viscount Slim, London", + "text": "Statue of the Viscount Slim, London The statue of William Slim, 1st Viscount Slim in Whitehall, London, is a work of 1988\u201393 by the sculptor Ivor Roberts-Jones. It is one of three memorials to British military leaders of World War II on Raleigh Green, outside the Ministry of Defence's Main Building, the others being Oscar Nemon's 1980 statue of Lord Montgomery and Roberts-Jones's statue of Lord Alanbrooke, erected later in 1993. Slim's bronze statue stands approximately high on a pedestal of Portland stone. The campaign to erect a memorial to Slim was launched by the Burma Star Association in early", + "score": 0.69970703125 + }, + { + "id": "550260", + "title": "Coventry", + "text": "the city were commanded to look away as she rode, but one man did not and was allegedly struck blind. He became known as \"Peeping Tom\" thus originating a new idiom, or metonym, in English. There is a Grade II* listed statue of her in the city centre, which for 18 years had been underneath a Cathedral Lanes shopping centre canopy, removed in October 2008. There is also a bust of Peeping Tom looking out across Hertford Street shopping precinct, and overlooking Broadgate and the statue of Godiva is a clock where, at every hour, Lady Godiva appears on her", + "score": 0.69921875 + }, + { + "id": "1756949", + "title": "Piccadilly Circus", + "text": "at night with crowds, the making of which involved painting over 70 portraits from life. Books Articles and websites Piccadilly Circus Piccadilly Circus is a road junction and public space of London's West End in the City of Westminster. It was built in 1819 to connect Regent Street with Piccadilly. In this context, a circus, from the Latin word meaning \"circle\", is a round open space at a street junction. Piccadilly now links directly to the theatres on Shaftesbury Avenue, as well as the Haymarket, Coventry Street (onwards to Leicester Square) and Glasshouse Street. The Circus is close to major", + "score": 0.69921875 + }, + { + "id": "8509273", + "title": "Postman's Park", + "text": "Bank of England fell through, and in 1952 it was erected in Postman's Park. In 1971 the Metropolitan Police requested that the statue be moved to the new Peel Centre police training complex, and the Corporation of London agreed. In place of Peel's statue, a large bronze sculpture of the Minotaur by Michael Ayrton was unveiled in 1973. Dominating the small park, in 1997 the Minotaur sculpture was moved to a new position on the raised walkway above London Wall. On 5 June 1972, the western entrance of Postman's Park and the elaborate Gothic drinking fountain attached to the railings", + "score": 0.69873046875 + }, + { + "id": "18297210", + "title": "Statue of Winston Churchill, Palace of Westminster", + "text": "Statue of Winston Churchill, Palace of Westminster The statue of Winston Churchill is a standing bronze statue of statesman and writer Winston Churchill, situated in the Members' Lobby of the House of Commons of the United Kingdom, part of the Palace of Westminster complex in Westminster, Central London. Churchill is depicted mid-stride, with his hands on his hips. Churchill and Nemon first met in Marrakech in 1951, where Nemon sculptured a terracotta bust that Churchill's wife, Lady Clementine Churchill said that it \"represents to me my husband as I see him and as I think of him\". In 1952, on", + "score": 0.6982421875 + }, + { + "id": "15922020", + "title": "Richard Coeur de Lion (statue)", + "text": "Richard Coeur de Lion (statue) Richard Coeur de Lion is a Grade II listed equestrian statue of the 12th-century English monarch Richard I, also known as Richard the Lionheart, who reigned from 1189\u201399. It stands on a granite pedestal in Old Palace Yard outside the Palace of Westminster in London, facing south towards the entrance to the House of Lords. It was created by Baron Carlo Marochetti, an Italian sculptor whose works were popular with European royalty and the nobility, though often less well regarded by critics and the artistic establishment. The statue was first produced in clay and displayed", + "score": 0.69775390625 + }, + { + "id": "12266520", + "title": "Old Palace Yard", + "text": "stone; sculpted by Sir William Reid Dick and unveiled in 1947, it stands on a pedestal by Sir Giles Gilbert Scott and faces the Peers' Entrance of the Palace of Westminster. In 2002 an analemmatic sundial was fitted into the Yard's pavement in front of the statue, as a gift to Queen Elizabeth II from Parliament on the occasion of her Golden Jubilee. Old Palace Yard Old Palace Yard is a paved open space in the City of Westminster in Central London, England. It lies between the Palace of Westminster to its north and east and Westminster Abbey to its", + "score": 0.69775390625 + }, + { + "id": "2090450", + "title": "St Pancras railway station", + "text": "the south end of the upper level, a high bronze statue named \"The Meeting Place\" stands beneath the station clock. Designed by British artist Paul Day, it is intended to evoke the romance of travel through the depiction of a couple locked in an amorous embrace. Controversy was caused by Day's 2008 addition of a bronze relief frieze around the plinth. depicting a commuter falling into the path of an Underground train driven by the Grim Reaper. Day revised the frieze before the final version was installed. On the upper level, above the Arcade concourse, stands a bronze statue of", + "score": 0.69677734375 + }, + { + "id": "18254003", + "title": "Ca\u0301diz Memorial", + "text": "\"thing\" being a slang term for \"penis\" \u2013 with predictable double entendres such as a parson saying \"What an erection to be sure,\" to which his wife replies, \"I could look at it for ever\". Many other cartoonists followed suit, often depicting the mortar in conjunction with the Prince Regent's then mistress Lady Hertford. C\u00e1diz Memorial The C\u00e1diz Memorial, also known as the \"Prince Regent's Bomb\", is an early 19th-century French mortar mounted on a brass monster, located in Horse Guards Parade in Westminster, London. It was first \"exposed to public view\" on 12 August 1816 and has been classified", + "score": 0.6962890625 + }, + { + "id": "2235520", + "title": "Aldershot", + "text": "by Matthew Cotes Wyatt who used recycled bronze from cannons that were captured at the Battle of Waterloo. It took thirty men over three years to finish the project. Originally, in 1846, the statue was erected at Hyde Park Corner, London on the Wellington Arch. However, Decimus Burton, architect of the arch, had tried to veto this plan for his preferred \"figure in a four horse chariot\". Many agreed with Decimus Burton that the statue looked ridiculous since it was out of proportion. It was nicknamed \"The Archduke\" and was a popular topic in the satirical magazine \"Punch\". Queen Victoria", + "score": 0.6962890625 + }, + { + "id": "18293867", + "title": "Imperial Camel Corps Memorial", + "text": "Imperial Camel Corps Memorial The Imperial Camel Corps Memorial is an outdoor sculpture commemorating the Imperial Camel Corps, located in Victoria Embankment Gardens, on the Thames Embankment to the east of Charing Cross station, in London, England. The unit of mounted infantry was created in December 1916 from troop that had served in the Gallipoli campaign in the Dardanelles. The memorial was sculpted by Major Cecil Brown, who served in the corps, with bronze elements cast by A.B. Burton at his Thames Ditton Foundry. It comprises a smaller-than-life-size bronze statue of a man riding a camel, on a Portland stone", + "score": 0.69482421875 + }, + { + "id": "1756945", + "title": "Piccadilly Circus", + "text": "London store of music chains Tower Records, Virgin Megastore and Zavvi. The current occupier is clothing brand The Sting. Lillywhites is a major retailer of sporting goods located on the corner of the circus and Lower Regent Street, next to the Shaftesbury fountain. It moved to its present site in 1925. Lillywhites is popular with tourists, and they regularly offer sale items, including international football jerseys up to 90% off. Nearby Fortnum & Mason is often considered to be part of the Piccadilly Circus shopping area and is known for its expansive food hall. The Piccadilly Circus station on the", + "score": 0.69482421875 + }, + { + "id": "721696", + "title": "Trafalgar Square", + "text": "A bronze equestrian statue of George IV by Sir Francis Chantrey, originally intended to be placed on top of the Marble Arch, was installed on the eastern plinth in 1844, while the other remained empty until late in the 20th century. There are two other statues on plinths, both installed during the 19th century: General Sir Charles James Napier by George Cannon Adams in the south-west corner in 1855, and Major-General Sir Henry Havelock by William Behnes in the south-east in 1861. In 2000, the Mayor of London, Ken Livingstone, suggested replacing the statues with figures more familiar to the", + "score": 0.6943359375 + }, + { + "id": "18276592", + "title": "Statue of James II, Trafalgar Square", + "text": "Statue of James II, Trafalgar Square The statue of James II is an outdoor bronze sculpture located in the front garden of the National Gallery at Trafalgar Square in London, United Kingdom. Probably inspired by French statues of the same period, it depicts James II of England as a Roman emperor, wearing Roman armour and a laurel wreath (traditionally awarded to a victorious Roman commander). It originally also depicted him holding a baton. It was produced by the workshop of Grinling Gibbons, though probably not by Gibbons himself. The statue has been relocated several times since it was first erected", + "score": 0.6943359375 + }, + { + "id": "665436", + "title": "Manneken Pis", + "text": "Manneken Pis Manneken Pis (, meaning \"Little Pisser\" in Dutch) is a landmark small bronze sculpture (61 cm) in the centre of Brussels (Belgium), depicting a naked little boy urinating into a fountain's basin. It was designed by and put in place in 1618 or 1619. The current statue is a copy which dates from 1965. The original is kept in the Museum of the City of Brussels. Manneken Pis is the best-known symbol of the people of Brussels. It also embodies their sense of humour (called \"zwanze\" in the dialect of Brussels) and their independence of mind. Manneken Pis", + "score": 0.69384765625 + }, + { + "id": "1756937", + "title": "Piccadilly Circus", + "text": "the junction at the beginning of Shaftesbury Avenue to its present position at the southwestern corner. Piccadilly Circus is surrounded by several major tourist attractions, including the Shaftesbury Memorial, Criterion Theatre, London Pavilion and several major retail stores. Numerous nightclubs, restaurants and bars are located in the area and neighbouring Soho, including the former Chinawhite club. Piccadilly Circus was surrounded by illuminated advertising hoardings on buildings, starting in 1908 with a Perrier sign, but only one building now carries them, the one in the northwestern corner between Shaftesbury Avenue and Glasshouse Street. The site is unnamed (usually referred to as", + "score": 0.693359375 + }, + { + "id": "10617821", + "title": "Watts Warehouse", + "text": "building on Portland Street. A bronze sculpture, \"the Sentry\", stands in an arched niche on the right, and on the opposite side is a marble plaque commemorating the dead. The bronze statue depicts the sentry wearing a Tommy helmet, World War I battle gear and a cape, standing on guard with his rifle with fixed bayonet upright, and was commissioned from the British sculptor Charles Sargeant Jagger who also designed the Royal Artillery Memorial at Hyde Park Corner, London. A statuette version of the figure is to be seen in the study of Eltham Palace, where it was displayed by", + "score": 0.693359375 + }, + { + "id": "2713210", + "title": "Temple Bar, London", + "text": "Horace Jones, Architect and Surveyor to the City of London, designed a memorial to mark Temple Bar which was unveiled in 1880. The Temple Bar Memorial stands in front of the Royal Courts of Justice. The elaborate pedestal in a Neo-Renaissance style serves as the base for a sculpture by Charles Bell Birch commonly called the \"Griffin\" (in fact a dragon), in reference to the heraldic crest of the Corporation of the City of London. The pedestal is decorated with statues by Joseph Boehm of Queen Victoria and her son The Prince of Wales, the last royals to have entered", + "score": 0.6923828125 + }, + { + "id": "3561009", + "title": "Heide Park", + "text": "by shares and as an advisory director of the Tussauds Group. In early 2007 the Merlin Entertainments Group bought the majority of the shares of Tussauds Group from Dubai International Capital, which had taken over the shares in 2005. The most recognizable landmark in the park is a 1/3 scale replica of the Statue of Liberty (35 meters tall), it was inaugurated on 4 July 1986 on the 100th anniversary of the original statue. At the end of 2011 the whole structure was relocated to stand within the roller coaster \"Colossos\". The park's mascot is a bear called Wumbo. In", + "score": 0.6923828125 + }, + { + "id": "20360067", + "title": "Liverpool Resurgent", + "text": "like the prow of a ship projecting from the fa\u00e7ade of the building, with left arm stretched out and right arm raised as if calling or signalling. It symbolises Liverpool's resurgence following the war, but it is nicknamed locally as either \"Nobby Lewis\" or \"Dickie Lewis\". Below the statute is a modern Egyptian-style portico in Portland stone with four giant order square columns rising three floors, framing three entrance doors. Above each door is a ciment fondu relief panel also by Epstein, installed in 1955, representing the new generation who will benefit from the rebuilding: one of children fighting, another", + "score": 0.6923828125 + }, + { + "id": "15921037", + "title": "Equestrian statue of Charles I, Charing Cross", + "text": "Equestrian statue of Charles I, Charing Cross The equestrian statue of Charles I at Charing Cross, London, is a work by the French sculptor Hubert Le Sueur, probably cast in 1633. Its location at Charing Cross is on the former site of the most elaborate of the Eleanor crosses erected by Edward I, which had stood for three and a half centuries until 1647. Charing Cross is used to define the centre of London and a plaque by the statue indicates that road signage distances are measured from this point. The statue faces down Whitehall towards Charles I's place of", + "score": 0.69189453125 + }, + { + "id": "5804445", + "title": "Rock Circus", + "text": "attraction regular feature; that of a waxwork representing a member of the public or staff, and placed in-situ in the attraction; one pair of seats below a monitor just prior to the theatre show was occupied by a male waxwork looking up, as if watching the screen above him. This was similar to a feature at the main Madame Tussauds attraction located in Marylebone Road, which had a female waxwork standing at the Information counter, dressed in the same uniform as genuine members of staff, compete with the name tag \"Maude\" and which caught out many visitors to the attraction", + "score": 0.69189453125 + }, + { + "id": "2830437", + "title": "Pride Park Stadium", + "text": "status and when, in January 2008, was sold into new American ownership, in the form of General Sports and Entertainment both the plaza plan and the ground expansion initiatives were scrapped. In 2008, a nine-foot-high bronze statue of Brian Clough and Peter Taylor \u2013 who had managed the club between 1967 and 1973 \u2013 was commissioned to adorn the north west portion of the ground to be called Unity Plaza. The statue was designed by Andrew Edwards and features both Clough and Taylor holding the League Championship trophy which they won with the club in 1972. It was unveiled on", + "score": 0.69189453125 + }, + { + "id": "665437", + "title": "Manneken Pis", + "text": "is located only five minutes' walk from the Grand Place, at the junction of / and the pedestrian /. This site is served by the \"premetro\" station Bourse (on lines 3 and 4) and the bus stops Grand Place and Cesar de Paepe. To be precise, the real name of the statue is Menneke Pis. In fact, in the dialect of Brussels (\"Brussels\"), \"een\" \"manneke\" means a small man, whereas \"een\" \"menneke\" means a little boy (it is the diminutive of \"men\": boy). Manneken Pis is sometimes given the nickname of in French or in Dutch (\"Little Julien\"), which in", + "score": 0.69189453125 + }, + { + "id": "18292617", + "title": "Statue of Charles II, Soho Square", + "text": "leg are both broken, and some time before 1987 the entire statue was covered in a concrete wash which has now either been removed or worn away by the elements. The statue is used as a major plot device/character in Patrick Marber's 2017 production of Don Juan in Soho starring David Tennant. Statue of Charles II, Soho Square The statue of Charles II is an outdoor sculpture of Charles II of England by the Danish sculptor Caius Gabriel Cibber, located near the centre of Soho Square in London. Once part of a late 17th century fountain, it was removed in", + "score": 0.69189453125 + }, + { + "id": "12908396", + "title": "Wellington Monument, London", + "text": "Wellington Monument, London The Wellington Monument is a statue of Achilles erected as a memorial to Arthur Wellesley, the first duke of Wellington, and his victories in the Peninsular War and the latter stages of the Napoleonic Wars. It is sited at the south-western end of Park Lane in London, and was inaugurated on 18 June 1822. Its total height, including the sculpture, base and the mound on which it stands, is 36 ft. The monument's colossal high statue of Achilles is by the sculptor Richard Westmacott, produced from melted-down captured enemy cannon. Based on the poses of the Borghese", + "score": 0.69140625 + }, + { + "id": "16054000", + "title": "Diana (Saint-Gaudens)", + "text": "Diana (Saint-Gaudens) Diana \u2013 also known as Diana of the Tower \u2013 is an iconic statue by sculptor Augustus Saint-Gaudens. Once a famous New York City landmark, the second version stood atop the tower of Madison Square Garden from 1893 to 1925. Since 1932, it has been in the collection of the Philadelphia Museum of Art. The statue represents the goddess Diana. \"Diana\" was commissioned by architect Stanford White as a weather vane for the tower of Madison Square Garden, a theater-and-dining complex at 26th Street and Madison Avenue in Manhattan. He talked his friend Saint-Gaudens into creating it at", + "score": 0.69091796875 + }, + { + "id": "20111695", + "title": "Stoneheart trilogy", + "text": "made by Charles Sargeant Jagger and stands in Hyde Park Corner. The Officer One of the Spits who is part of the Royal Artillery Memorial and whom George meets as he stands on the plinth of the Gunner. The Sphinxes \u2013 Met near Cleopatra's Needle. Being half lion and half woman, there is some confusion as to whether they are Spits or Taints. Dictionary Johnson \u2013 the statue of the first man to write down all English words and their definition, Samuel Johnson. Like Johnson himself, the statue is prone to muscle spasms and fidgeting behaviour. The statue, made by", + "score": 0.69091796875 + }, + { + "id": "16027361", + "title": "Coopers Square", + "text": "to Coopers Square Shopping Centre. Prior to the 1994 redevelopment of Coopers Square, Dame Paulet Walk was formerly known as 'Fennel Walk'. The Dame Paulet Almshouses occupied the site where Primark now stands; the original doorway is installed into the side of the building. Also, the statue of the Burton Cooper stood in the entrance of Saint Modwens Walk on High Street and the rubbish bins resembled beer casks. In 1996 Sainsbury's moved to a new unit that had been built across the road. The former unit was split up and became a BHS (closed in 2016), JJB Sports, and", + "score": 0.69091796875 + }, + { + "id": "4109539", + "title": "Golden Boy of Pye Corner", + "text": "Golden Boy of Pye Corner The Golden Boy of Pye Corner is a small monument located on the corner of Giltspur Street and Cock Lane in Smithfield, central London. It marks the spot where the 1666 Great Fire of London was stopped. The statue is made of wood and is covered with gold. The building that incorporates it is a Grade II listed building. It bears the following small inscription below it: This Boy is in Memmory Put up for the late FIRE of LONDON Occasion'd by the Sin of Gluttony. The main inscription, approximately 10 ft below the boy,", + "score": 0.69091796875 + }, + { + "id": "20111696", + "title": "Stoneheart trilogy", + "text": "Percy Hetherington Fitzgerald is in Westminster at Aldwych & Strand behind St Clement Danes Church. The Black Friar \u2013 enigmatic Spit whose true allegiances are unknown. The statue stands above Black Friar's Pub in Blackfriars, London. Fusilier \u2013 The 5th Spit George Chapman meets. The Fusilier saves George from the Gridman. The Royal London Fusiliers Monument, made by Albert Toft, is on High Holborn, near Chancery Lane tube station and the regimental chapel is at St Sepulchre-without-Newgate. The Queen \u2013 first met in 'Ironhand' when she decides Edie needs help. Her statue consists of her, a battle chariot and her", + "score": 0.69091796875 + }, + { + "id": "21664", + "title": "Antonio Canova", + "text": "\"Perseus Triumphant\", sometimes called \"Perseus with the Head of Medusa\", was a statue commissioned by tribune Onorato Duveyriez. It depicts the Greek hero Perseus after his victory over the Gorgon Medusa. The statue was based freely to the Apollo Belvedere and the Medusa Rondanini. Napoleon, after his 1796 Italian Campaign, took the Apollo Belvedere to Paris. In the statue's absence, Pope Pius VII acquired Canova's \"Perseus Triumphant\" and placed the work upon the \"Apollo\"'s pedestal. The statue was so successful that when the \"Apollo\" was returned, \"Perseus\" remained as a companion piece. One replica of the statue was purchased from", + "score": 0.6904296875 + }, + { + "id": "12135953", + "title": "The Ballet of Change: Piccadilly Circus", + "text": "Business Academy and Produced and Directed by Paul Atherton and funded by the Heritage Lottery Fund The Ballet of Change: Piccadilly Circus The Ballet of Change is a series of four films (approximately 4 minutes) Produced & Directed by Paul Atherton, each one about a world-famous landmark in London \u2013 London Bridge, Leicester Square, Trafalgar Square and Piccadilly Circus. Each film tells the history of its location using imagery and music. Taking as its starting point the earliest image available from museum and other archives (usually a drawing circa 16th Century) and then dancing with the imagery (hence the title", + "score": 0.6904296875 + }, + { + "id": "15939918", + "title": "Statue of Winston Churchill, Parliament Square", + "text": "the appearance of a mohican or punk rocker hairstyle. During the 2010 student protests the statue was defaced with graffiti and urinated on. In 2008, the statue was grade II listed. A replica of the Parliament Square Statue was unveiled in 1999 in Winston Churchill Square in Prague, Czech Republic, outside the University of Economics in the \u017di\u017ekov area. It was moulded from the original on site, then cast in bronze. Another replica stands beside Churchill House, at the Australian National University in Canberra, Australia. There are also variant statues of Churchill by Ivor Roberts-Jones on Solli plass in the", + "score": 0.6904296875 + }, + { + "id": "18276600", + "title": "Statue of James II, Trafalgar Square", + "text": "which it was granted in 1970. Statue of James II, Trafalgar Square The statue of James II is an outdoor bronze sculpture located in the front garden of the National Gallery at Trafalgar Square in London, United Kingdom. Probably inspired by French statues of the same period, it depicts James II of England as a Roman emperor, wearing Roman armour and a laurel wreath (traditionally awarded to a victorious Roman commander). It originally also depicted him holding a baton. It was produced by the workshop of Grinling Gibbons, though probably not by Gibbons himself. The statue has been relocated several", + "score": 0.6904296875 + }, + { + "id": "2379231", + "title": "Cleopatra's Needle", + "text": "by two fountains constructed at the time of its erection on the Place. The Paris obelisk was sometimes mistakenly described as \"l'Aiguille de Cl\u00e9op\u00e2tre\", but the London and New York obelisks pair was referred to as Cleopatra's Needles as early as 1821, suggesting the nickname came from the pair located in Alexandria. However, the Paris obelisk is more often referred to as \"the Luxor Obelisk\". Cleopatra's Needle Cleopatra's Needle is the popular name for each of three Ancient Egyptian obelisks re-erected in London, Paris, and New York City during the nineteenth century. The obelisks in London and New York are", + "score": 0.6904296875 + }, + { + "id": "2724289", + "title": "St George's Fields", + "text": "starting point of the Gordon Riots in 1780 which began in the movement to repeal the act of parliament removing penalties for Catholics. The obelisk at St George's Circus was built in 1771 in honour of Brass Crosby, the Lord Mayor of the City of London. It was moved to the north apex of Geraldine Mary Harmsworth Park, (the remnant of Multon Close) a short distant southwest, in front of the museum, in 1905, and put back in its original spot in the late 1990s. The Obelisk was mentioned in the novel \"David Copperfield\" by Charles Dickens: St George's Cathedral,", + "score": 0.68994140625 + }, + { + "id": "3090407", + "title": "Tinker Tailor Soldier Spy", + "text": "Intelligence Service (known as \"the Circus\" because its London office is at Cambridge Circus), has been living in unhappy retirement for a year after an operation in Czechoslovakia, codenamed Testify, ended in disaster with the capture and torture of agent Jim Prideaux. The failure resulted in the dismissals of Smiley and his superior, Control, the head of the Circus. Smiley is unexpectedly approached by Peter Guillam, his former protege at the Circus, and Under-Secretary Oliver Lacon, the Civil Service officer responsible for overseeing the Circus. At Lacon's home they meet with Ricki Tarr, a Circus agent who had been missing", + "score": 0.68994140625 + }, + { + "id": "2378787", + "title": "Hyde Park Corner", + "text": "with an equestrian statue of the Duke by Matthew Cotes Wyatt. The Arch was moved south because of traffic congestion, and realigned to the axis of Constitution Hill in 1883. The boundary of Buckingham Palace's garden was moved south, and a new road named Duke of Wellington Place was created; this separated the space containing the Arch from the rest of the Green Park. At this time, the large equestrian statue was removed to Aldershot. It was subsequently replaced with another work, entitled \"The Angel of Peace descending on the Quadriga of Victory\", dated 1912, by the sculptor Adrian Jones;", + "score": 0.68994140625 + }, + { + "id": "20126172", + "title": "Peter Pan statue", + "text": "Peter Pan statue The \"Peter Pan\" statue is a bronze sculpture of J. M. Barrie's character Peter Pan. It was commissioned by Barrie and made by Sir George Frampton. The original statue is displayed in Kensington Gardens in London, to the west of The Long Water, close to Barrie's former home on Bayswater Road. Barrie's stories were inspired in part by the gardens: the statue is located at the place where Peter Pan lands in Barrie's book \"The Little White Bird\" after flying out of his nursery. Six other casts made by the original artist have been erected in other", + "score": 0.68994140625 + }, + { + "id": "13561868", + "title": "The Boy with the Leaking Boot", + "text": "The Cleethorpes statue now stands in a pond in the Diana Princess of Wales Memorial Gardens, on Kingsway. It was stolen and replaced in 2002 and 2008, and vandalised in October 2011. In July 2012, two youths were recorded on CCTV as they frolicked naked in the pond and destroyed the fountain. A replacement statue was made by a local garden ornaments manufacturer and installed with improved security in September 2012. A nearby pub was named \"The Leaking Boot\", but was destroyed by fire in June 2009. In 1925 a statue was erected in Cuba in the Parque Vidal of", + "score": 0.68994140625 + }, + { + "id": "1791051", + "title": "Kensington Gardens", + "text": "there are other public buildings such as the Albert Memorial (at the south-east corner of Kensington Gardens, opposite the Royal Albert Hall), the Serpentine Gallery, and Speke's monument. The park also contains the Elfin Oak, an elaborately carved 900-year-old tree stump. The park is the setting of J.M. Barrie's book \"Peter Pan in Kensington Gardens\", a prelude to the character's famous adventures in Neverland. The fairies of the gardens are first described in Thomas Tickell's 1722 poem \"Kensington Gardens\". Both the book and the character are honoured with the Peter Pan statue by George Frampton located in the park. Rodrigo", + "score": 0.689453125 + }, + { + "id": "1453956", + "title": "Mark Wallinger", + "text": "the walls, giving a top-down \"God's-eye view\" of it. On two facing walls are large photos of fists with the words \"LOVE\" and \"HATE\" written on them, a reference to the preacher played by Robert Mitchum in the film, \"The Night of the Hunter\", who had similar tattoos on his knuckles. A circular steel loop gives out a continuous buzzing sound. \"Ecce Homo\" was the first work to occupy the empty plinth in Trafalgar Square. This work is a life-sized statue of a Christ figure, naked apart from a loin cloth, and with his hands bound behind his back. He", + "score": 0.689453125 + }, + { + "id": "7889824", + "title": "Trinity Leeds", + "text": "at the time\". Minerva was the Roman goddess of both commerce and weaving, making her appropriate to this site in a city with a strong heritage of textiles, and wears an owl mask, one of the symbols of the city. \"Equus Altus\" is tall, weighs 2 tonnes, and stands on a steel column. The two statues were installed in March 2013, having taken 10 months to create. Perched near the roof (above Carluccio's) is a gilded bronze statue of an owl by Antonia Howe. Trinity plans to have a programme of permanent and public art in the centre. Projects undertaken,", + "score": 0.689453125 + }, + { + "id": "15939912", + "title": "Statue of Winston Churchill, Parliament Square", + "text": "Statue of Winston Churchill, Parliament Square The statue of Winston Churchill in Parliament Square, London, is a bronze sculpture of the former British prime minister Winston Churchill, created by Ivor Roberts-Jones. It is located on a spot referred to in the 1950s by Churchill as \"where my statue will go\". It was unveiled by his widow Baroness Clementine Spencer-Churchill in 1973, at a ceremony attended by the serving Prime Minister and four former Prime Ministers, while Queen Elizabeth II gave a speech. The statue is one of twelve on or around Parliament Square, most of well-known statesmen. The statue is", + "score": 0.689453125 + }, + { + "id": "18401354", + "title": "Eleanor Cardozo", + "text": "to Frankie Jones, Team GB Rhythmic Gymnastics, who performed in front of the sculpture for the BBC in January 2012. Youth with a Mission subsequently commissioned a second three-metre public monument \"Poise\" for display outside Westminster Abbey and a collection of bronze gymnasts to be exhibited inside the Abbey. The Telegraph called her exhibition \"one of the most inspiring and insightful Olympics-themed exhibitions taking place in London.\" Hampstead Theatre requested a solo exhibition of Cardozo's work, to coincide with their production of \"Chariots of Fire\". For the duration of the 2012 Olympics and Paralympic Games, Cardozo's sculptures were on public", + "score": 0.689453125 + }, + { + "id": "18253993", + "title": "Ca\u0301diz Memorial", + "text": "C\u00e1diz Memorial The C\u00e1diz Memorial, also known as the \"Prince Regent's Bomb\", is an early 19th-century French mortar mounted on a brass monster, located in Horse Guards Parade in Westminster, London. It was first \"exposed to public view\" on 12 August 1816 and has been classified as a Grade II listed building since 1 December 1987. The monument was a feature of many satirical verses and cartoons in the early 19th century, mainly because the word \"bomb\" \u2013 pronounced \"bum\" \u2013 gave it an immediate association with the notoriously profligate Prince Regent's sizeable backside. The mortar is mounted on the", + "score": 0.68896484375 + }, + { + "id": "15832182", + "title": "King Kong statue", + "text": "King Kong statue A statue of King Kong by Nicholas Monro was commissioned in 1972 for display in Manzoni Gardens in The Bull Ring, in the centre of Birmingham, England. It was later displayed elsewhere in Birmingham, then at markets in Edinburgh, Penrith (where it was subsequently stored), and now at the Henry Moore Institute in Leeds. The Arnolfini Gallery in Bristol owned a maquette of the statue which is now in the collection of Wolverhampton Art Gallery. Modelled on the fictional giant gorilla King Kong, the -tall, fibreglass statue was commissioned for display in Birmingham from March to November", + "score": 0.68896484375 + }, + { + "id": "18290411", + "title": "The Barbican Muse", + "text": "Sir Bernard Sindall, but these were removed in April 1997, and sold to Dick Enthoven in 1998. The Barbican Muse The Barbican Muse is a sculpture of a woman, holding tragedy and comedy masks, by Matthew Spender, and was installed on a wall near the Silk Street entrance to the Barbican Centre in the City of London, England, in 1994. The long illuminated sculpture called \"Muse\" was cast in fibreglass and then gilded. It was commissioned, in 1993, by architect Theo Crosby to 'float, glow and point the way' to visitors arriving at the centre on the walkway from Moorgate", + "score": 0.68896484375 + }, + { + "id": "14579061", + "title": "Wenlock and Mandeville", + "text": "Wenlock and Mandeville Wenlock is the official mascot for the 2012 Summer Olympics, and Mandeville is the official mascot for the 2012 Summer Paralympics, both held in London, England, United Kingdom. They were created by Iris, a London-based creative agency. The mascots were unveiled on 19 May 2010, marking the second time (after Vancouver's Miga, Quatchi, Sumi and Mukmuk) that both Olympic and Paralympic mascots were unveiled at the same time. According to the associated (fictional) storyline by Michael Morpurgo, they were formed from the last girder of the Olympic Stadium. Their skins are made of highly polished steel allowing", + "score": 0.6884765625 + }, + { + "id": "1705855", + "title": "Caius Gabriel Cibber", + "text": "Marshalsea prison and the King's Bench prison for unpaid gambling debts, though he was able to continue his work, and borrowed substantial sums from Edward Colley, his brother-in-law. Many of his works were, or are, on public display in London, including his statue of Charles II (1681), which still stands (rather worn away) in Soho Square. He made two lifelike human statues in Portland stone entitled \"Melancholy\" and \"Raving Madness\" for the gates of the 17th century mental hospital, known as Bedlam (now Bethlem Royal Hospital), which can currently be seen in their museum (modelli in V&A). They were said", + "score": 0.6884765625 + }, + { + "id": "18954243", + "title": "Statue of James Henry Greathead, London", + "text": "the Lord Mayor of London Sir Paul Newell on 17 January 1994. Statue of James Henry Greathead, London The statue of James Henry Greathead, designed by James Butler, is installed outside the Royal Exchange, where it conceals a ventilation shaft. It was erected in 1994 on a traffic island in the middle of Cornhill, London, with traffic passing to either side, similar to the statue of Prince Albert at Holborn Circus. The London Troops War Memorial is nearby. James Henry Greathead was a South African civil engineer best known for his work on the railway lines now incorporated into the", + "score": 0.6884765625 + }, + { + "id": "9171908", + "title": "Statue of Horatio Nelson, Birmingham", + "text": "These railings were the original railings, but were delayed from being installed by objections on the grounds of Health & Safety from the Bullring. However, the railings were restored in September 2005, just in time for the Trafalgar Bicentenary celebrations which centred on the statue. The statue forms the centrepiece of Birmingham's annual Trafalgar Day commemoration. In 2009, to mark the 200th anniversary of the statue's unveiling, a medal was struck by St Paul's Mint of Birmingham. Statue of Horatio Nelson, Birmingham The Statue of Horatio Nelson by Richard Westmacott, RA (1775\u20131856) stands in the Bull Ring, Birmingham, England. This", + "score": 0.68798828125 + } + ], + "answer": "Piccadilly Circus is a road junction and public space of London's West End in the City of Westminster. The Circus is close to major shopping and entertainment areas in the West End. Its status as a major traffic junction has made Piccadilly Circus a busy meeting place and a tourist attraction in its own right. The Circus is known for its Shaftesbury Memorial Fountain and statue of Anteros, which is popularly, though mistakenly, believed to be of Eros. Anteros and Eros are Greek gods who are brothers." + }, + { + "qa_pairs": [ + { + "context": "Timpani (; ) or kettledrums (also informally called timps) are musical instruments in the percussion family. A type of drum categorised as a semispherical drum, they consist of a membrane called a head stretched over a large bowl traditionally made of copper. Most modern timpani are \"pedal timpani\" and can be tuned quickly and accurately to specific pitches by skilled players through the use of a movable foot-pedal. They are played by striking the head with a specialized drum stick called a \"timpani stick\" or \"timpani mallet\". Timpani evolved from military drums to become a staple of the classical orchestra by the last third of the 18th century. Today, they are used in many types of ensembles, including concert bands, marching bands, orchestras, and even in some rock bands.", + "question": "What is a set of kettledrums in an orchestra called in modern English?", + "short_answers": [ + "Timpani", + "timps" + ], + "wikipage": "Timpani" + }, + { + "context": "First attested in English in the late 19th century, the Italian word \"timpani\" derives from the Latin \"tympanum\" (pl. \"tympana\"), which is the latinisation of the Greek word \u03c4\u03cd\u03bc\u03c0\u03b1\u03bd\u03bf\u03bd (\"tumpanon\", pl. \"tumpana\"), \"a hand drum\", which in turn derives from the verb \u03c4\u03cd\u03c0\u03c4\u03c9 (\"tupt\u014d\"), meaning \"to strike, to hit\". Alternative spellings with \"y\" in place of either or both \"i\"'s\u2014\"tympani\", \"tympany\", or \"timpany\"\u2014are occasionally encountered in older English texts. Although the word \"timpani\" has been widely adopted in the English language, some English speakers choose to use the word \"kettledrums\". The German word for timpani is \"Pauken\"; the Swedish word is \"pukor\" in plural (from the word puka), the French and Spanish is \"timbales\", not to be confused with the latin percussion instrument, which would actually supersede the timpani in the traditional Cuban ensemble known as Charanga. The Ashanti pair of talking drums are known as atumpan.", + "question": "What is a set of kettledrums in an orchestra called in older English texts?", + "short_answers": [ + "tympany", + "timpany", + "tympani" + ], + "wikipage": "Timpani" + } + ], + "wikipages": [ + { + "title": "Timpani", + "url": "https://en.wikipedia.org/wiki/Timpani" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "Timpani or kettledrums (also informally called timps) are musical instruments in the percussion family. In older English texts dating back to the late 19th century, kettledrums were called \"tympani\", \"tympany\", or \"timpany\"." + }, + { + "knowledge": [], + "long_answer": "A set of kettledrums in an orchestra is called a Timpani, also informally called timps in modern English. Alternative spellings with \"y\" in place of either or both \"i\"'s\u2014\"tympani\", \"tympany\", or \"timpany\"\u2014are occasionally encountered in older English texts. " + } + ], + "sample_id": "-3262390042909001900", + "question": "What is a set of kettledrums in an orchestra called?", + "docs": [ + { + "id": "1266361", + "title": "Timpani", + "text": "Timpani Timpani (; ) or kettledrums (also informally called timps) are musical instruments in the percussion family. A type of drum, they consist of a membrane called a head stretched over a large bowl traditionally made of copper. Most modern timpani are \"pedal timpani\" and can be tuned quickly and accurately to specific pitches by skilled players through the use of a movable foot-pedal. They are played by striking the head with a specialized drum stick called a \"timpani stick\" or \"timpani mallet\". Timpani evolved from military drums to become a staple of the classical orchestra by the last third", + "score": 0.75830078125, + "summary": "A set of kettledrums in an orchestra is called timpani or timps.", + "extraction": "A set of kettledrums in an orchestra are informally called \"timps\"." + }, + { + "id": "3308493", + "title": "Zaporozhian Cossacks", + "text": "blue. Kettledrums (lytavry) were large copper boilers that were fitted with a leather which served for transmission of various signals (calling cossacks to a council, raising an alarm etc.). Each item of kleinody was granted to a clearly assigned member of cossack \"starshina\" (officership). For example, in the Zaporozhian Host, the bulawa was given to the otaman; the khoruhva - to the whole host although carried by a khorunzhy; the bunchuk also was given to otaman, but carried by a bunchuzhny or bunchuk comrade; the seal was preserved by a military judge, while the seals of the kurin - to", + "score": 0.751953125, + "summary": "Kettledrums in an orchestra are not mentioned in the document.", + "extraction": "A set of kettledrums in an orchestra is called lytavry." + }, + { + "id": "8768264", + "title": "Naqareh", + "text": "reaching England in the 14th century. The instrument is very visible in European artwork and iconography of the period, before fading from view in the 17th century. As the Grove Dictionary of Music describes them: They were more or less hemispherical, 15-25cm in diameter, frequently with snares and usually played in pairs, suspended in front of the player. They were usually played with drumsticks, mainly for martial purposes but also in chamber music, dance and processional music and probably for accompanying songs. Kettledrums in Europe today are called \"tympani\" or \"timpani\", descended from the imported naqareh. Diplipito is a widespread", + "score": 0.75048828125, + "summary": "Irrelevant.", + "extraction": "Kettledrums in Europe today are called \"tympani\" or \"timpani\", descended from the imported naqareh." + }, + { + "id": "8768263", + "title": "Naqareh", + "text": "instrument. These drums and the \"davul\" or \"cylindrical drum\" were used in Ottoman \"mehter\" music. In Uzbekistan the kettledrum is called \"naqara\" or \"nagora\". \"Dulnaqara\": a large kettledrum that gives a low and loud sound (i.e. \"tum\"). \"Reznaqara\" is a small kettledrum that gives a high and loud sound (i.e. \"tak\"). \"Koshnaqara\" is a small-paired kettledrum, a pair of clay pots with goatskin tops. Kettledrums were adopted in Europe during the 13th century Crusades, following contact with Saracen musicians who played the drums;The Arabic term \"naqqara\" became French \"nacaires\", the Italian \"naccheroni\" and the English nakers. The instrument spread rapidly,", + "score": 0.7373046875, + "summary": "A set of kettledrums in an orchestra is called \"irrelevant.\"", + "extraction": "The set of kettledrums in an orchestra is called \"naqareh\"." + }, + { + "id": "7161168", + "title": "Orchestral percussion", + "text": "Orchestral percussion Orchestral percussion are percussion instruments used in orchestras and concert bands mainly in classical music and related styles. The term can also refer to the department or study of performance on said instruments at a music school or conservatory. Generally within such a department, students are required to study all aspects of orchestral playing; with marimba, snare drum, and timpani being the three most basic areas of study. Orchestral percussion usually does not include drum set Gongs and tam-tams are easily confused with one another. A gong, generally, is a large hung cymbal with a nipple. As such,", + "score": 0.7255859375, + "summary": "Orchestral percussion instruments used in classical music and related styles. No information on what a set of kettledrums in an orchestra is called is provided.", + "extraction": "The set of kettledrums in an orchestra is called timpani." + }, + { + "id": "11935565", + "title": "Keletigui et ses Tambourinis", + "text": "Keletigui et ses Tambourinis Keletigui et ses Tambourinis were a dance music orchestra founded by the government of the newly independent state of Guinea-Conakry. They were one of the most prominent national orchestras of the new country. The newly independent state of Guinea, led by president Sekou Toure, established a number of music groups, competitions and festivals throughout the country to play the traditional music of Guinea rather than the European styles that were popular in the colonial period. The first orchestra to be founded was the \"Syli Orchestre National\", its musicians drawn from the finest talents of the new", + "score": 0.72216796875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "16625012", + "title": "Royal Artillery Band", + "text": "Kettledrums were confined to royal events in those days, and only the Lifeguards otherwise used kettledrums, but of the standard size, or in battle. In Germany, all kettledrummers were licensed to play them, and had to belong to the Guild of Kettledrummers]. The King had also requested that \"no fi\"\u0111\"els (stringed instruments) be used\", but the composer wrote on the score that all the oboe and bassoon parts should be doubled on strings (these players were again drafted from the Artillery) thereby confirming Handel's defiant intention to use string players regardless of the King's express wish. Prior to those given", + "score": 0.720703125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about what a set of kettledrums in an orchestra is called." + }, + { + "id": "8768260", + "title": "Naqareh", + "text": "over the back of the bowl. This percussion instrument is often played in pairs, where one \"naqqara\" will produce low pitch beats called \"nar\" and the other for the high pitch beats. The instruments are beaten with short wooden sticks bent outward at the upper ends called \"damka\". \"Naqq\u0101r\u0101t\" is the name of kettledrums in Arabic countries. Naqq\u0101r\u0101t, hemispherical with the skin stretched over the top, come in pairs. Naqqarat is one of the percussion instruments used in Maqam al-Iraqi chalghi ensembles. Under the late Abbasids and the Fatimid Caliphate, kettledrums were beaten before the five daily prayers; small ones", + "score": 0.720703125, + "summary": "A set of kettledrums in an orchestra is called \"naqq\u0101r\u0101t\" in Arabic countries.", + "extraction": "\"Naqq\u0101r\u0101t\" is the name of kettledrums in Arabic countries." + }, + { + "id": "3284588", + "title": "Clash cymbals", + "text": "together with a purely horizontal motion. This technique has even been used by some avant-garde composers, but generally produces poor control of the sound and risks damage to fine cymbals, which are not designed for such usage. A drum kit normally contains one pair of clash cymbals mounted on a pedal-operated hi-hat stand. These are commonly far smaller and lighter than hand-operated clash cymbals, and are played with drum sticks as well as clashed together using the pedal. In the orchestra, clash cymbals are matched pairs. They are commonly found in three weights: Instruments in all weights range in size", + "score": 0.720703125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "18770529", + "title": "Keqrops", + "text": "for a solo piano and a large orchestra consisting of four flutes, four oboes, four clarinets in B-flat, four bassoons, four French horns in F, four trumpets in C, four trombones, one tuba, one harp, timpani, a percussion section consisting of two bongos, three tom-toms and one bass drum and a large string section consisting of sixteen first violins, fourteen second violins, twelve violas, ten cellos and eight double basses. The instruments are not allowed to play vibrato along the whole composition. The tempo of the composition is \u2669 \u2259 48 mm, as marked in the score. In this piece,", + "score": 0.7197265625, + "summary": "The document is irrelevant to the question.", + "extraction": "The passage is irrelevant to the given question as it does not provide any information about a set of kettledrums in an orchestra." + }, + { + "id": "15781927", + "title": "Royal Artillery Mounted Band", + "text": "to supply them with sets of his newly patented chromatic attachments, to enable the bugle to have the same compass as the cornet. This proved very successful, particularly after the furore created on Woolwich Front Parade, when two buglers performed the Mess Call, playing 'The Roast Beefe of Olde England' in (inadvertent) two-part harmony. The original kettledrums of the Royal Regiment of Artillery were of a uniquely large pattern, and were mounted on a carriage, designed especially for the purpose. In 1772 the carriage was used at the funeral of the first Duke of Marlborough, John Churchill. Until 1756 the", + "score": 0.71923828125, + "summary": "The document mentions kettledrums used by the Royal Regiment of Artillery, but does not provide information on what a set of kettledrums in an orchestra is called. Therefore, the answer is \"irrelevant\".", + "extraction": "The original kettledrums of the Royal Regiment of Artillery were of a uniquely large pattern, and were mounted on a carriage, designed especially for the purpose. The set of kettledrums in an orchestra is called \"kettle drums\" or \"timpani\". Therefore, the answer to the question \"What is a set of kettledrums in an orchestra called?\" is \"kettle drums\" or \"timpani\"." + }, + { + "id": "7161172", + "title": "Orchestral percussion", + "text": "Themes of Paul Klee\" by Gunther Schuller is also frequently requested. In an orchestral setting, the concert bass drum plays an integral role in the overall feel of a piece of music. In orchestral literature, the bass drum usually deals more with coloring and shading the sounds of the orchestra as opposed to providing a solid, rhythmic foundation like in marching band drumset. The bass drum is usually used to accent strong points in the music and is often combined with a cymbal crash to further accentuate the moment. In fact, the two instruments are used in conjunction so often", + "score": 0.71923828125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "2844415", + "title": "Gamelan gong kebyar", + "text": "acts somewhat like a metronome. The \"kempli\" and \"kajar\" are small kettles set over cords strung on a boxlike stand. They are mainly used as tempo keeping instruments. They are usually played with a cord wrapped stick like those of the \"reyong\" and \"trompong\". The kettle is struck on the boss while dampened with the other hand to produce a sharper, dryer sound. Also written \"klinang\", it is a very small kettle, about 5 inches in diameter, either set on its own stand or held in the hands. It, too, is played with a cord wrapped stick. It plays every", + "score": 0.7177734375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about what a set of kettledrums in an orchestra is called." + }, + { + "id": "3952221", + "title": "Queen's Royal Hussars", + "text": "breaching the German line. This honour was granted by General Lord Freyberg VC. Kettle Drums: By command of King George II the silver kettle drums captured by The King's Own Regiment of Dragoons, later the 3rd Hussars, at Dettingen are borne by a drum horse ridden by a sergeant kettledrummer - both being additional to the regimental establishment. The drums are always carried at the head of the regiment on ceremonial parades and are, uniquely amongst cavalry regiments, never covered by drum banners, the battle honours being engraved directly onto the sides of the drums. In 1772 when Lord Southampton", + "score": 0.71728515625, + "summary": "The document mentions kettle drums captured by The King's Own Regiment of Dragoons, later the 3rd Hussars, at Dettingen. These drums are carried by a sergeant kettledrummer on a drum horse and are always carried at the head of the regiment on ceremonial parades. However, the document does not mention what a set of kettledrums in an orchestra is called.", + "extraction": "A set of kettledrums in an orchestra is called \"kettle drums\". (The given passage is irrelevant as it talks about the history of kettle drums in the military.)" + }, + { + "id": "1266362", + "title": "Timpani", + "text": "of the 18th century. Today, they are used in many types of ensembles, including concert bands, marching bands, orchestras, and even in some rock bands. \"Timpani\" is an Italian plural, the singular of which is \"timpano\". However, in English the term timpano is only widely in use by practitioners: several are more typically referred to collectively as \"kettledrums\", \"timpani\", \"temple drums\", \"timp-toms\", or \"timps\". They are also often incorrectly termed \"timpanis\". A musician who plays timpani is a \"timpanist\". First attested in English in the late 19th century, the Italian word \"timpani\" derives from the Latin \"tympanum\" (pl. \"tympana\"), which", + "score": 0.716796875, + "summary": "A set of kettledrums in an orchestra can be referred to as \"timpani\" or \"timps\", but also have other names such as \"temple drums\" and \"timp-toms\". The term \"timpano\" is only widely used by practitioners, and they are often incorrectly called \"timpanis\".", + "extraction": "A set of kettledrums in an orchestra is typically referred to collectively as \"timpani\"." + }, + { + "id": "7161180", + "title": "Orchestral percussion", + "text": "they are easily one of the most recognized sounds within the orchestra. Orchestral percussion Orchestral percussion are percussion instruments used in orchestras and concert bands mainly in classical music and related styles. The term can also refer to the department or study of performance on said instruments at a music school or conservatory. Generally within such a department, students are required to study all aspects of orchestral playing; with marimba, snare drum, and timpani being the three most basic areas of study. Orchestral percussion usually does not include drum set Gongs and tam-tams are easily confused with one another. A", + "score": 0.71630859375, + "summary": "Orchestral percussion refers to percussion instruments used in orchestras and concert bands. The department or study of performance on these instruments includes marimba, snare drum, and timpani. However, the document does not provide information about what a set of kettledrums in an orchestra is called.", + "extraction": "The set of kettledrums in an orchestra is called timpani, which is one of the three most basic areas of study in orchestral percussion." + }, + { + "id": "13211989", + "title": "Ketoprak", + "text": "in a theatre both in Jakarta and Surabaya back in the 1980s, or troupes might travel through villages. The travelling ketoprak troupe is called \"Kethoprak Tobong\", also known as \"Ketoprak Tonil\". It might be considered as common people theatrical tradition in Java. The show were performed in certain period in an empty plain near a village and moved from one place to another, in fashion similar to western travelling circus. In this traveling troupe, the performers and staffs also brought show properties; such as costumes, stage decorations, chairs, gamelan, sound system, diesel electric generator, all were contained in a portable", + "score": 0.7158203125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "2720684", + "title": "Tan Dun", + "text": "as an integral part of spiritual life, as ritual, as partnership in enjoyment and spirit, is as old as humanity itself. In the first piece of the series, \"Orchestral Theatre I: O\" (1990), members of the orchestra make various vocalizations\u2014chanting nonsense syllables, for instance\u2014while playing their instruments using atypical techniques. For examples, the harp is played as a gushing, and the violins are played as percussion instruments. \"Orchestral Theatre II: Re\" (1992) expands the concept of ritual by involving the audience. The orchestra is split, with the strings, brass, and percussion onstage, while the woodwinds surround the audience. The score", + "score": 0.712890625, + "summary": "Irrelevant.", + "extraction": "The passage is irrelevant as it does not provide any information about what a set of kettledrums in an orchestra is called." + }, + { + "id": "18770530", + "title": "Keqrops", + "text": "the piano and the three families of the orchestra (that is, strings, woodwind and brass) are equal strands of the whole composition. Unlike a typical piano concerto, the structure of the composition does not have ritornello segments or dialogue between the orchestra and the solo piano. Xenakis used large tone clusters. In some instances, entire melodic phrases are played as \"cluster lines\", with players taking the same melody one semi-tone apart from their neighbour. Keqrops Keqrops (, also incorrectly entitled by the composer \"\u039a\u03b5q\u03c1\u03bf\u03c8\", which can be translated as \"weaving\") is a composition for piano and orchestra by Greek/French", + "score": 0.71240234375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "4547091", + "title": "Percussion ensemble", + "text": "Percussion ensemble A percussion ensemble is a musical ensemble consisting of only percussion instruments. Although the term can be used to describe any such group, it commonly refers to groups of classically trained percussionists performing primarily classical music. In America, percussion ensembles are most commonly found at conservatories, though some professional groups, such as Nexus and So Percussion exist. Drumlines and groups who regularly meet for drum circles are two other forms of the percussion ensemble. George Antheil's \"Ballet M\u00e9canique\" (1923) is one of the earliest examples of composition for percussion, written originally as a film score and exemplifying the", + "score": 0.7119140625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "2210214", + "title": "Charles Wuorinen", + "text": "In 1976 Wuorinen completed his \"Percussion Symphony\", a five-movement work for 24 players including two pianos for the New Jersey Percussion Ensemble and his longtime colleague Raymond DesRoches, as well as his opera subtitled \"a baroque burlesque\", \"The W. of Babylon\" with an original libretto by Renaud Charles Bruce. The New Jersey Percussion Ensemble had also performed and recorded Wuorinen's composition \"Ringing Changes\" in collaboration with the Group for Contemporary Music prior to the Percussion Symphony, setting the stage for this challenging larger-scale work. The ensemble, created by Raymond DesRoches, recorded the Percussion Symphony, which was released in 1978 on", + "score": 0.70947265625 + }, + { + "id": "1266377", + "title": "Timpani", + "text": "Royal Concertgebouw Orchestra, which is similar to the Hinger grip, except the stick is cradled on the lower knuckle of the index finger. A standard set of timpani (sometimes called a console) consists of four drums: roughly , , , and in diameter. The range of this set is roughly D to A. A great majority of the orchestral repertoire can be played using these four drums. However, contemporary composers have written for extended ranges. Igor Stravinsky specifically writes for a \"piccolo timpano\" in \"The Rite of Spring\", tuned to B. A piccolo drum is typically in diameter and can", + "score": 0.708984375 + }, + { + "id": "6813573", + "title": "Kavasseri", + "text": "the deity that is honoured in the celebrations. Of the five instruments in panchavadyam, four belong to the percussion category\u2014timila, maddalam, ilathalam and idakka\u2014while the fifth one, kombu, is a wind instrument. The traditional orchestras are called Panchavadyam, Thayambaka, Pandi Melam and Panchari Melam. The orchestra begins at a slow pace and then scales on to a medium tempo, eventually culminating in high, frenzied speed. The old and young onlookers wave their arms above the head to indicate their appreciation of the beats kept up by the drummers. The exercise is repeated every year, but there is no question of", + "score": 0.7080078125 + }, + { + "id": "13126695", + "title": "Kungliga Hovkapellet", + "text": "Kungliga Hovkapellet Kungliga Hovkapellet (, \"The Royal Court Orchestra\") is a Swedish orchestra, originally part of the Royal Court in Sweden's capital Stockholm. Its existence was first recorded in 1526. Since 1773 it is part of the Royal Swedish Opera's company. Kungliga Hovkapellet is one of the oldest active orchestras in the world. It was first recorded in the royal account books from 1526. The orchestra originally consisted of both musicians and singers. It had only male members until 1727, when Sophia Schr\u00f6der and Judith Fischer were employed as vocalists; in the 1850s, the harpist Marie Pauline \u00c5hman became the", + "score": 0.7080078125 + }, + { + "id": "752002", + "title": "Antigonae", + "text": "the score, which is published by Schott Music, \"Antigonae\" is scored for an unusual orchestra with a strong percussion section. This orchestra is to be well screened from the audience when the opera is performed. (*) At several points, the strings are struck with various items, including wooden drum sticks on the higher strings, timpani sticks on the lower strings, and also a plectrum. The percussion section requires 10 to 15 players to perform on the following instruments: (*) These are Orff Schulwerk instruments. For the percussion, Carl Orff insisted on using the right kind of instruments. The two bells", + "score": 0.7060546875 + }, + { + "id": "4781658", + "title": "Clive Strutt", + "text": "large array of percussion instruments (marimba, bass marimba, vibraphone, xylophone, crotales, tubular bells, Swiss cowbells, tuned gongs, glockenspiel, tamtam, side-drum, suspended cymbol, wood-block, clash cymbols, bass drum, tambourine, wind machine and g\u00fciro) set in a normal sized orchestra (triple woodwind, etc.). In fact, 78 players are required in all, including four percussionists. The \"Kenosis\" subtitle refers to a theological concept which centres on the emptying of the self, such as Jesus Christ is considered to have done. The Symphony No.5 in D major was written before No. 4, but was numbered after it since the composer conceived the fourth first.", + "score": 0.70458984375 + }, + { + "id": "13048645", + "title": "Paila criolla", + "text": "is ambiguous, because it was also used to describe kettle drums. Although the term \"timbal\" or \"timbales\" (pl.) is often used now to mean pailas, there is a problem with this usage, because timbal has been used in Cuba for \"two quite different types of drum\". In the first place, it was first used to describe the kettle drums used in the wind orchestras known as Orquesta t\u00edpica. These were the same general type of drum used in military bands, perhaps slung either side of a horse, and in classical orchestras. These were, and are, played with sticks which have", + "score": 0.7041015625 + }, + { + "id": "7161174", + "title": "Orchestral percussion", + "text": "No. 4\", \"Romeo and Juliet\", and \"1812 Overture\", many of the Mahler symphonies (most notably his third), and \"Symphonie Fantastique\" by Hector Berlioz. The snare drum is one of the most easily recognizable instruments in the entire percussion section. Also called the side drum, the snare drum is often used as a means of accenting rhythms from other families of instruments within the orchestra or as a soloistic type , particularly in pieces that may have a \"military\" type theme or sound to them. The snare drum works extremely well as an accentuating instrument. Tuned and played correctly, it can", + "score": 0.703125 + }, + { + "id": "9580604", + "title": "Kus", + "text": "Kus A Kus (Persian \u06a9\u0648\u0633 \"k\u016bs\") is a large-sized ancient Persian kettledrum, similar to the timpani. Kus is a Middle-Persian military term meaning, \"march\". According to Von Mohl the term was \"K\u016b\u0161a\", and seemingly, borrowed from Aramaic, probably during the Arsacid dynasty (248 BCE-224 CE). It seems the instrument was invented during the Achaemenid dynasty (550-330 BCE) of Iran for military purposes. The instrument was a pair of drums, made of clay, wood or metal in the form of a hemispherical kettle, with skin stretched over the mouth. Kus was played with drumsticks of leather or wood (The leather drumstick", + "score": 0.703125 + }, + { + "id": "2147862", + "title": "Goblet drum", + "text": "and with a thin stick in the other. In Turkey the stick is called the \"\u00e7ubuk\", which means wand, or stick. The Romani of most of the countries associated with the goblet drum use this technique. The first known Western classical composition to feature a goblet drum is the opera \"Les Troyens\" (1856\u20131858) by the French composer Hector Berlioz, which calls for a \"tarbuka\" in the Dance of the Nubian Slaves in Act IV. The first compositions for goblet drum and orchestra were composed by Halim El-Dabh in the 1950s; his \"Fantasia-Tahmeel\" for goblet drum and strings was premiered in", + "score": 0.701171875 + }, + { + "id": "16418545", + "title": "Noise in music", + "text": "of southern India includes a tradition of instrumental temple music in the state of Kerala, called \"k\u1e63\u0113tram v\u0101dyam\". It includes three main genres, all focussed on rhythm and featuring unpitched percussion. \"Thayambaka\" in particular is a virtuoso genre for unpitched percussion only: a solo double-headed cylindrical drum called chenda, played with a pair of sticks, and accompanied by other \"chenda\" and elathalam (pairs of cymbals). The other two genres, panchavadyam and pandi melam add wind instruments to the ensemble, but only as accompaniment to the primary drums and cymbals. A \"panchavadyam\" piece typically lasts about an hour, while a \"pandi", + "score": 0.701171875 + }, + { + "id": "19250330", + "title": "Symphony No. 2 (Khachaturian)", + "text": "drum, cymbals, tam-tam, bass drum, bells, xylophone, harp, piano, and strings. During one of Khachaturian's numerous revisions of the symphony, he swapped places of the inner two movements. Below is the current order: The first movement begins with a bell motif that gives the symphony its nickname, \"but it immediately falls into the Technicolor, Armenian-flavored style familiar from Khachaturian's ballet Spartacus,\" James Reel writes. \"A mournful section develops, carried mainly by the strings, and is repeatedly thrown into contrast with the alarming gesture from the movement's opening bars. Despite passages of high drama, the movement ends with a long, gradual", + "score": 0.701171875 + }, + { + "id": "5910531", + "title": "Kempul", + "text": "rack, it is common to have five kempul hanging on the same rack as the Gong ageng and gong siyem\" (two larger gongs). \"Generally, the instruments in a gamelan orchestra may fall into the following three functional categories: \"Instruments in the first category include large and medium hanging gongs (Gong ageng and gong suwukan), small hanging gongs (kempul), large standing gongs (kenong), and a pair of small standing gongs (kethuk-kempyang).\" \"The role of the kempul is to divide the nongans, which are the contents of each part between strikes of a kenong.\" \"In the middle of the gamelan, the 'skeletal'", + "score": 0.70068359375 + }, + { + "id": "10858957", + "title": "Torokhkatalo", + "text": "is spun around it produces a very loud sound amplified by the stillness of the night. A variant of the torokhkalo is the klepach that consists of a wooden hammer on an axis which is swung from one side to the other. Torokhkatalo The torokhkalo () - (Kalatalo, Torokhkavka, Klepach) is a Ukrainian folk instrument used in folk ensembles whenever a drum is not available. It was also used by night guards to scare away intruders. The instrument is made from a piece of wood with a handle. A second piece of wood shorter than the first is joined to", + "score": 0.7001953125 + }, + { + "id": "6437592", + "title": "The Klezmorim", + "text": "call the band \"a kind of hurricane, a dizzying maze of notes.\" A UK music critic remarked, \"They must surely play more notes per minute than any other band, making rock 'n' roll appear positively snail-like in comparison.\" Early performances of The Klezmorim featured as few as four and as many as nine musicians playing a mix of band and orchestral instruments, plus Eastern European folk instruments such as the gadulka, laouto, tupan, contrabass balalaika, and tsimbalom. By 1979 the band had coalesced into a sextet featuring clarinet, saxophone, trumpet, trombone, tuba, and drums \u2013 with members sometimes doubling on", + "score": 0.69970703125 + }, + { + "id": "12077909", + "title": "Corps of drums", + "text": "of drums, but in the Netherlands they are also called as \"drumfanfares\", \"tamboerkorps\", \"trompetterkorps\" and \"klaroenkorps\" (\"drum and lyre bands, fanfare bands and drum and brass bands\") and in Indonesia as \"marching bands\" and \"drum corps\". In the Netherlands, the basic instrumentation is Military drum bands in the armed forces of the Netherlands would have only 2 to 4 of these basic instruments. Optional or permanent instruments in these bands are flutes and piccolos, bugles, natural horns, valved bugles and brass instruments (soprano bugles and trumpets, cornets, horns, mellophones, baritones, sousaphones and contrabass bugles). These bands are attached to the", + "score": 0.69970703125 + }, + { + "id": "14859361", + "title": "Horn\u030ca\u0301cko", + "text": "\"\"the most important center of traditional folk music in Moravian Slovakia\"\". The early bagpipe music of Hor\u0148\u00e1cko, an unusual element in the Moravian traditional music, was replaced by the string instruments in the second half of the 19th century. The initial line-up of a traditional band consisted only of violins (it was called \"\"hudeck\u00e1\"\"). Other instruments, such as viola, clarinet, double bass and occasionally even brass instruments joined in the late 19th century. Cimbalom, a traditional part of today's Moravian folk ensemble, appeared in Hor\u0148\u00e1cko only in the 1930s. Traditional music of Hor\u0148\u00e1cko is formed by several distinctive stylistic elements.", + "score": 0.69921875 + }, + { + "id": "14148429", + "title": "Lobkowicz Palace", + "text": "da Salo, Jacob Stainer, Eberle, Hellmer, Rauch); contrabasses from Edlinger and Jacob Stainer; Guarneri and Kulik violoncelli; 18th-century Viennese wind instruments and a pair of copper martial kettledrums. A rare item in the collection is a suite of six elaborately decorated silver trumpets made in 1716 by Michael Leichamschneider of Vienna \u2013 one of only two documented sets in existence. The Nelahozeves Castle Music Room displays a spinet dated 1799 by imperial court instrument maker Engelbert Klingler, a contrabass by Posch and other string instruments as well as two pairs of copper and bronze kettledrums. Hunting was an important activity", + "score": 0.69921875 + }, + { + "id": "15531764", + "title": "Percussion section", + "text": "Percussion section The percussion section is one of the main divisions of the orchestra and the concert band. It includes most percussion instruments and all unpitched instruments. The percussion section is itself divided into three subsections: These three subsections reflect the three main skill areas that a percussionist studies. Percussion sections, consisting of similar instruments, may also be found in stage bands and other musical ensembles. This subsection is traditionally called tuned percussion, however the corresponding term \"untuned percussion\" is avoided in modern organology in favour of the term \"unpitched percussion\", so the instruments of this subsection are similarly termed", + "score": 0.69921875 + }, + { + "id": "8467675", + "title": "Kroncong", + "text": "Chinese Music Group added Chinese musical instruments to keroncong, creating a different atmosphere. They called the style Indonesian Chinese Keroncong. Kroncong Kroncong (pronounced \"kronchong\"; , ) is the name of a ukulele-like instrument and an Indonesian musical style that typically makes use of the kroncong (the sound \"chrong-chrong-chrong\" comes from this instrument, so the music is called keronchong), the band or combo or ensemble (called a \"keronchong orchestra\") consists of a flute, a violin, a melody guitar, a cello in pizzicato style, string bass in pizzicato style, and a female or male singer. The name \"Kroncong\" may be derived from", + "score": 0.69873046875 + }, + { + "id": "17953196", + "title": "Komboi\u0308", + "text": "of \"anthypheresis\". Here, Xenakis explores the relationship of the sonority between a somewhat ordered percussion with the clusters played by the harpsichord. The second section, marked \"Crystalline\", mixes the harpsichord and the vibraphone, and the relationship between these two instruments seems to fuse more effectively. After that, the vibraphone changes to the wood blocks and, later on, the harpsichord starts a lengthy solo. Then, the percussion joins with the sound of the flower pots, which blends with the \"needle-like\" sound of the harpsichord, which uses an ostinato of seven chords. Kombo\u00ef Kombo\u00ef (, \"Knots\") is a 1981 stochastic composition for", + "score": 0.6982421875 + }, + { + "id": "5278582", + "title": "Mikael Tariverdiev", + "text": "The orchestra: piano 1, harpsichord (piano 2), ionika, elektroorga celesta, vibraphone, xylophone, elektro guitar 1, elektro guitar 2, batteria, double-basses. The orchestra: 1,1,1,1; 2,1,1,0, vibraphone, xylophone, side drum, bass drum, whip, triangle, cymbals, harp, harpsichord, strings. The orchestra: 1,1,1,1; 1,1,1,1; bells, xylophone, vibraphone, triangle, tambourine, tam-tam, bass drum, cymbals, harp, piano, strings. (There are two versions of the opera: for lyric soprano and for mezzo-soprano.) The orchestra: 1,1,0,1; 0,0,0,0; vibraphone, (xylophone), bells, triangle, tam-tam, kettle drums, harp, voice, strings. The orchestra: 2,2,2,2; 4(F), 3(B),3,1; kettle drums, chime-bells, xylophone, vibraphone, triangle, tambourine, side drum, castanets, cymbals, tam-tam, harp, piano, strings. Mikael", + "score": 0.6982421875 + }, + { + "id": "1266382", + "title": "Timpani", + "text": "timpani and orchestra. Throughout the 19th century and much of the 20th, there were few new timpani concertos. In 1983, William Kraft, principal timpanist of the Los Angeles Philharmonic, composed his \"Concerto for Timpani and Orchestra\", which won second prize in the Kennedy Center Friedheim Awards. There have been other timpani concertos, notably, Philip Glass, considered one of the most influential composers of the late 20th century, wrote a double concerto at the behest of soloist Jonathan Haas titled \"Concerto Fantasy for Two Timpanists and Orchestra\", which features its soloists playing nine drums apiece. For general playing, a timpanist will", + "score": 0.69775390625 + }, + { + "id": "303956", + "title": "Orchestra", + "text": "Orchestra An orchestra (; ) is a large instrumental ensemble typical of classical music, which mixes instruments from different families, including bowed string instruments such as violin, viola, cello, and double bass, as well as brass, woodwinds, and percussion instruments, each grouped in sections. Other instruments such as the piano and celesta may sometimes appear in a fifth keyboard section or may stand alone, as may the concert harp and, for performances of some modern compositions, electronic instruments. A full-size orchestra may sometimes be called a \"symphony orchestra\" or \"philharmonic orchestra\". The actual number of musicians employed in a given", + "score": 0.697265625 + }, + { + "id": "13300324", + "title": "Kolsimcha \u2013 The World Quintet", + "text": "(VOJ). Over the years the band grew to its current line up of five musicians - Michael Heitzler (clarinet), Olivier Truan (piano), Ariel Zuckermann (flute, previously Roman Glaser and Niki Reiser), Daniel Fricker (double bass), and Christoph Staudenmann (drums, previously Fabian Kuratli (deceased) and David Klein). The band has toured extensively literally all over the world, playing countless concerts, recording several CDs and doing live appearances on radio stations such as BBC. Kolsimcha \u2013 The World Quintet has repeatedly collaborated with classical orchestras such as the highly regarded London Mozart Players, the Munich Radio Orchestra, the Basel Symphony Orchestra and", + "score": 0.697265625 + }, + { + "id": "16451038", + "title": "Orchestre Symphonique Kimbanguiste", + "text": "Orchestre Symphonique Kimbanguiste The Orchestre Symphonique Kimbanguiste (OSK), or Kimbanguist Symphony Orchestra, is a Congolese orchestra based in Kinshasa, Democratic Republic of the Congo. For many years, the OSK was the only orchestra known to reside in Central Africa, though in recent times, the Kaposoka Orchestra began performing in Angola. It was the world's only all-black orchestra. Conductor Armand Diangienda founded the orchestra in 1994 after losing his job as an airline pilot, naming it after his grandfather, religious leader Simon Kimbangu. At its conception, the group had only twelve amateur musicians that shared instruments and often used common materials", + "score": 0.697265625 + }, + { + "id": "17953195", + "title": "Komboi\u0308", + "text": "examines \"anthypheresis\" (displacement of stress), and its timbres exploit \"the antitheses or homeophanies of the amplified harpsichord and percussion.\" In this sense, \"Kombo\u00ef\" means \"knots\", as \"knots of rhythms, timbres, structures, and personality,\" interweaving each one with others. To make instruments blend more effectively, Xenakis used amplification in all of his works for harpsichord. The composition can be divided in five sections, which also contains interludes and variations. The opening section features an ostinato played by the bongos, while the harpsichord plays mainly rising tone clusters. In this case, the bongos stress beats and offbeats unevenly to produce the sensation", + "score": 0.697265625 + }, + { + "id": "2844411", + "title": "Gamelan gong kebyar", + "text": "known as the \"kemong\", this is much smaller and higher in pitch than the \"kempur\". It is struck with a harder mallet than either the \"gong ged\u00e9\" or \"kempur\", which allows it to have a sharper attack. Kettle gongs are round, bronze, and pitched. They are often mounted horizontally on suspended chords as part of a frame. Positioned this way, there is an opening on the bottom, slightly beveled bow on top, and a protruding center called the \"boss\". The kettles are arranged from low to high, left to right. They are generally played with a wooden mallet wrapped in", + "score": 0.69677734375 + }, + { + "id": "2596700", + "title": "Kuchipudi", + "text": "balanced on the head, dancing with gymnastics or stilt athletics. Other plays may include wing props, a transparent head sheet, or peacock feathered crown to identify the actor playing Krishna. Musical instruments used in Kuchipudi are cymbals, mridangam, violine, thamburi, flute. The Kuchipudi performance is led by a conductor (chief musician) called the \"Sutradhara\" or \"Nattuvanar\", who typically keeps the beat using cymbals and also recites the musical syllables; the conductor may also sing out the story or spiritual message being enacted, or this may be a role of a separate vocalist or occasionally the dancer-actors themselves. The Kuchipudi orchestra", + "score": 0.6962890625 + }, + { + "id": "69495", + "title": "Cymbal", + "text": "and enhance articulation and nearly any dynamic. Cymbals have been utilized historically to suggest frenzy, fury or bacchanalian revels, as seen in the Venus music in Wagner's \"Tannh\u00e4user\", Grieg's \"Peer Gynt suite\", and Osmin's aria \"O wie will ich triumphieren\" from Mozart's \"Die Entf\u00fchrung aus dem Serail\". Orchestral crash cymbals are traditionally used in pairs, each one having a strap set in the bell of the cymbal by which they are held. Such a pair is always known as crash cymbals or plates. The sound can be obtained by rubbing their edges together in a sliding movement for a \"sizzle\",", + "score": 0.6962890625 + }, + { + "id": "9963166", + "title": "William Barton (musician)", + "text": "Sculthorpe's \"Requiem\", a major work for orchestra, chorus and didgeridoo, which premiered the Adelaide Festival of Arts in 2004 with the Adelaide Symphony Orchestra and Adelaide Voices conducted by Richard Mills. This was reputedly the first time a didgeridoo has featured in a full symphonic work. The work has since been performed in the UK at The Lichfield Festival with The City of Birmingham Symphony Orchestra and Birmingham's choir Ex Cathedra, conducted by Jeffrey Skidmore. In May 2004, ABC Classics released \"Songs of Sea and Sky\", an album of works by Peter Sculthorpe revised for didgeridoo and orchestra. Performed by", + "score": 0.6962890625 + }, + { + "id": "20795181", + "title": "Kettle Drums (Metropolitan Museum of Art)", + "text": "Kettle Drums (Metropolitan Museum of Art) The Metropolitan Museum of Art holds a pair of late 18th century kettle drums in its collection. Cast from iron and adorned with gilding and silver, the drums were made for the household guard of George III. The drums were made by Hanoverian silversmith Franz Peter Bunsen (also known as Peter Franz Bunsen). The pair was made for the life guards (an elite military contingent that guarded the King's person) of King George III of Great Britain, who was the Prince-elector of the dominion of Hanover within the greater Holy Roman Empire. The ceremonial", + "score": 0.69580078125 + }, + { + "id": "16418542", + "title": "Noise in music", + "text": "explorers is \"\u02bb\u014dte\u02bba\", danced by a group of men accompanied solely by a drum ensemble. The drums consist of a slit-log drum called \"t\u014d\u2018ere\" (which provides the main rhythmic pattern), a single-headed upright drum called \"fa\u2018atete\", a single-headed hand drum called \"pahu tupa\u2018i rima\", and a double-headed bass drum called \"tariparau\". In Shaanxi in the north of China, drum ensembles accompany \"yangge\" dance, and in the Tianjin area there are ritual percussion ensembles such as the \"Fagu hui\" Dharma-drumming associations, often consisting of dozens of musicians. In Korea, a style of folk music called \"Nongak\" (farmers' music) or \"pungmul\" has", + "score": 0.6953125 + }, + { + "id": "16365962", + "title": "Schlagtrio", + "text": "Schlagtrio Schlagtrio (Percussive Trio) is a chamber-music work for piano and two timpanists (each playing three timpani) composed by Karlheinz Stockhausen in 1952. It is Nr. \u2153 in his catalogue of works. The \"Schlagtrio\" was originally written in Paris in 1952 as a \"Schlagquartett\" (Percussive Quartet), for piano and three timpanists, each playing a pair of drums. It was premiered that year in Hamburg, but only in a radio recording. The first public performance was given in Munich on 23 March 1953, in Karl Amadeus Hartmann's Musica Viva concert series , after which Stockhausen decided that he had made impractical", + "score": 0.69482421875 + }, + { + "id": "12427461", + "title": "Glossary of Carnatic music", + "text": "solo that is played by the percussionists in a concert. \"Tukkadas\" are compositions played towards the end of Carnatic concerts. \"Avadhana Pallavi\" is a classical form of performing a composition set to two different talas. \"Kunnakol\" is the art of performing percussion syllables vocally. Glossary of Carnatic music Carnatic music terms are briefly described in this page. Major terms have their own separate article pages, while minor terms are defined / described here. Most of the keerthanas/kritis used in Carnatic music is based on Telugu language. The order of terms is from basic to related terms, rather than alphabetic. \"N\u0101da\"", + "score": 0.6943359375 + }, + { + "id": "4878982", + "title": "Karbi people", + "text": "called Chomangkan. A rhythm called \u2018kepalodok\u2019 is played to the accompaniment of \u2018Nimso Kerung\u2019 dance at the funeral festival. 'b)' Ch\u0113ngs\u014d \u2013 is the smaller version of the Ch\u0113ngp\u012b and its use is limited to accompanying its larger cousin. Its most important function however is at the funeral festival as a medium of communication with the spirits of the dead. 'c)' Ch\u0101mbur\u016bks\u014d ach\u0113ngs\u014d - is a pair of tiny cymbals played by Uch\u00e9p\u012b, a designated female cook of the dead at a funeral festival, to the accompaniment of the rhythm of drums. 'd)' Cheng-burup \u2013 is a pair of wedge-laced", + "score": 0.69384765625 + }, + { + "id": "3284580", + "title": "Clash cymbals", + "text": "Clash cymbals Clash cymbals (also called concert cymbals or orchestral cymbals) are cymbals played in matched pairs by holding one cymbal in each hand and striking the two together. They are also called hand cymbals; however, a hand cymbal can also be a suspended cymbal struck by hand rather than with a beater, and western types are often called crash cymbals; however, a crash cymbal is more commonly a medium-sized and strongly tapered suspended cymbal struck with a drum stick. In musical scores, clash cymbals are normally indicated as \"cymbals\" or sometimes simply \"C.C.\" If another type of cymbal, for", + "score": 0.69384765625 + }, + { + "id": "10242396", + "title": "Anna Kepe", + "text": "while \"raw energy coursed through the piece\". Kepe's cameo appearance on the Macbeth inspired composition \"The Charm\" written by composer Michael Udow can be heard on the Equilibrium record label. Kepe combines her Shakespearean expertise and narration with an ensemble instrumentation that includes the world's largest timpani (74\"diameter) and 10 sets of 14-foot chimes. Kepe has been a featured director and teacher at the Aspen Music Festival combining movement with music featuring the music of Dmitri Shostakovich, Alfred Schnittke and Frank Zappa, all combined with original choreography and physical movement, created by Kepe. Most recently Kepe has created, directed and", + "score": 0.69287109375 + }, + { + "id": "11935567", + "title": "Keletigui et ses Tambourinis", + "text": "be seen by the songs they recorded in praise of President Toure. After the demise of Syliphone in 1984 the group continued to play. Keletigui Traore died in 2008 and was buried in a state ceremony. His orchestra are now led by Linke Conde and continue to play regularly at La Paillote. See http://www.radioafrica.com.au/Discographies/Keletigui.html for the group's complete discography, and http://www.radioafrica.com.au/Discographies/Syliphone.html and http://www.radioafrica.com.au/Discographies/Guinean.html for further information. Keletigui et ses Tambourinis Keletigui et ses Tambourinis were a dance music orchestra founded by the government of the newly independent state of Guinea-Conakry. They were one of the most prominent national orchestras of", + "score": 0.69287109375 + }, + { + "id": "20235767", + "title": "Het Balletorkest", + "text": "Het Balletorkest Het Balletorkest (literal translation, \"The Ballet Orchestra\") is a Dutch symphony orchestra, based in Amsterdam, Netherlands, affiliated with Het Nationale Ballet and the Nederlands Dans Theater. In 1965, the \"Nederlands Balletorkest\" (Netherlands Ballet Orchestra) was established as the resident orchestra for \"Het Nationale Ballet\" (Dutch National Ballet) and the \"Nederlands Dans Theater\" (Netherlands Dance Theatre). Its chief conductors included Jan Stulen, Lucas Vis, Roelof van Driesten, Thierry Fischer, and Jeppe Moulijn. On 1 January 2002, the \"Nederlands Balletorkest\" took on the new name of the \"Holland Symfonia\". The orchestra had administrative offices in both Haarlem and Amsterdam. The", + "score": 0.69287109375 + }, + { + "id": "12985888", + "title": "Treshchotka", + "text": "Treshchotka Treshchotka (, singular; sometimes referred as Treshchotki, , plural) is a Russian folk music idiophone instrument which is used to imitate hand clapping. Traditional Russian idiophone percussion instrument Treshchotka is a set of small boards on a string that get clapped together as a group Treshchotki is commonly used in Russian folk music. The word is derived from the root \"tresk-\", meaning crackling or rattle. In Russian slang, word Treshchotka \"()\" sometimes used to describe a person who is excessively chatty and loud. There are no known documents confirming usage of Treshchotka in ancient Russia; however in 1992, during", + "score": 0.69287109375 + }, + { + "id": "13211990", + "title": "Ketoprak", + "text": "building that also used as set or stage called \"\"tobong\"\". During their journey, the troupe members also living in this \"tobong\". Recently ketoprak has been adopted into television show, the \"Ketoprak Humor\" show was aired in Indonesian national television. It is a comedy and action performance, often took place in modern settings or in historical ancient Javanese kingdoms. The ketoprak that took the story of ancient Java is quite similar with Wayang wong performance, however ketoprak performance is more free for improvisations, jokes and adoption of popular languages, while Wayang wong are traditionally highly stylized with precise and structurized dance", + "score": 0.69287109375 + }, + { + "id": "4217993", + "title": "Music for the Royal Fireworks", + "text": "side drums which were given only the direction to play \"ad libitum\"; no side drum parts were written by Handel. Handel was specific about the numbers of instruments to each written part. In the overture there are assigned three players to each of the three trumpet parts; the 24 oboes are divided 12, 8 and 4; and the 12 bassoons are divided 8 and 4. The side drums were instructed when to play in \"La R\u00e9jouissance\" and the second \"Menuet\", but very likely also played in the \"Ouverture\". Handel re-scored the suite for full orchestra for a performance on 27", + "score": 0.69287109375 + }, + { + "id": "3163289", + "title": "Gamelan joged bumbung", + "text": "register, while the right hand plays a faster elaborated version of the melody. When the fast elaboration is too fast for one person to play alone, it is broken into two interlocking parts in a style called Kotekan. Most ensembles are tuned to a slendro scale, except in Northern and Western Bali where pelog scales are more common. A typical ensemble will have 4 to 6 grantangs and are accompanied by Suling (flutes), Kendang (Drum), Ceng-ceng (cymbals), and a beat keeping instrument made out of bamboo or bronze. There will also be gongs of various types and a larger bass", + "score": 0.69287109375 + }, + { + "id": "4214131", + "title": "Tea party", + "text": "still provide a good opportunity for intimate conversation and a refreshing light meal. A less formal large afternoon party for tea was known during the 18th and 19th centuries as a \"kettle drum\". A widespread but possibly false folk etymology suggests that the name \"kettle drum\" may have originated in the informal tea gatherings hosted by British camp officers' wives during East India Company rule or the British occupation of India, during which kettle drums are claimed to have served as tea tables in the camps. Alternatively, \"kettle drum\" may have been an amalgam of \"drum\" \u2014 18th-century slang for", + "score": 0.6923828125 + }, + { + "id": "1266411", + "title": "Timpani", + "text": "soloist. Haas, who began his career as a solo timpanist in 1980, is notable for performing music from many genres including jazz, rock, and classical. He released an album with a rather unconventional jazz band called \"Johnny H. and the Prisoners of Swing\". Glass's \"Concerto Fantasy\", commissioned by Haas, put two soloists in \"front\" of the orchestra, an atypical placement for the instruments. Haas also commissioned Susman's \"Floating Falling\" for timpani and cello. Timpani Timpani (; ) or kettledrums (also informally called timps) are musical instruments in the percussion family. A type of drum, they consist of a membrane called", + "score": 0.6923828125 + }, + { + "id": "12171002", + "title": "Kwadrofonik", + "text": "Kwadrofonik Kwadrofonik is a Polish band. The unusual combination of percussionists and pianists is the only such quartet in Poland and one of a few in the world. Founded in 2006, they perform compositions from the twentieth and twenty-first centuries. Their music is inspired by composers like Bartok, George Crumb and Luciano Berio. Through improvisation and musical dialogues they make maximum use of the possibilities offered by two pianos and percussion. The instruments exchange functions almost imperceptibly \u2013 the pianos become percussion instruments, while percussion instruments become the melodic ones. For the arrangement of folk songs performed at the ninth", + "score": 0.6923828125 + }, + { + "id": "4646063", + "title": "Wellington's Victory", + "text": "double basses. There are more trumpets than horns, and more brass and percussion. In the orchestral percussion section one player plays the timpani, the other three play the cymbals, bass drum and triangle. On stage there are two 'sides', British and French, both playing the same instruments: two side drums (\"englisches/franz\u00f6sisches Trommeln\" in the score), two bass drums (\"Kanone\" in the score), two (four) ratchets, played by eight to ten instrumentalists. The music simulates approaching opposing armies and contains extended passages depicting scenes of battle. It uses \"Rule Britannia\" and \"God Save the King\" for the British, and \"Marlbrough s'en", + "score": 0.6923828125 + }, + { + "id": "16382835", + "title": "Keyboard section", + "text": "are: Although technically not a keyboard instrument, the cimbalom, a concert hammered dulcimer, is usually placed in the keyboard section, as in Franz Liszt's Hungarian Rhapsody No. 6 and B\u00e9la Bart\u00f3k's First Rhapsody for violin and orchestra. In some cases, one or more concert harps may be placed in the keyboard section. Keyboard section The keyboard section of an orchestra or concert band includes keyboard instruments. Keyboard instruments are not usually a standard member of a 2010-era orchestra or concert band, but they are included occasionally. In orchestras from the 1600s to the mid-1750s, a keyboard instrument such as the", + "score": 0.6923828125 + }, + { + "id": "18338471", + "title": "Konevitsan kirkonkellot", + "text": "The song is composed of two parts of the original theme with an improvised part in the middle. The improvised part is known of the classic guitar solo by Hasse Walli. French horn was played by 17-year-old music student Esa-Pekka Salonen, who later became a famous conductor. Live versions are included in Piirpauke's albums \"Historia of Piirpauke Vol. 1\" (1977) and \"Metamorphosis \u2013 Live 1977\u20131995\" (1995). Konevitsan kirkonkellot Konevitsan kirkonkellot (English: The Church Bells of Konevets) is a Karelian folk song, best known as the 1975 recording of Finnish music group Piirpauke. Its melody repeats the chime of the church", + "score": 0.6923828125 + }, + { + "id": "272334", + "title": "Musical ensemble", + "text": "ensembles of six (sextet), seven (septet), or eight musicians (octet) are fairly common; use of latinate terms for larger groups is rare, except for the nonet (nine musicians). In most cases, a larger classical group is referred to as an orchestra of some type or a concert band. A small orchestra with fifteen to thirty members (violins, violas, four cellos, two or three double basses, and several woodwind or brass instruments) is called a chamber orchestra. A sinfonietta usually denotes a somewhat smaller orchestra (though still not a chamber orchestra). Larger orchestras are called symphony orchestras (see below) or philharmonic", + "score": 0.69189453125 + }, + { + "id": "9580606", + "title": "Kus", + "text": "time of the Arsacid dynasty using Kus as warlike instruments. Apparently after the introduction of Islam, the word \"Naghgh\u0101reh\" was used for small-sized kettledrums. It seems that the word Naghghareh comes from the Arabic verb \"Naghr-\" that means to strike and to beat. A few poets mentioned the name Naghghareh, such as the great Persian mystic poet Molana Jalal al-Din Rumi. Kus A Kus (Persian \u06a9\u0648\u0633 \"k\u016bs\") is a large-sized ancient Persian kettledrum, similar to the timpani. Kus is a Middle-Persian military term meaning, \"march\". According to Von Mohl the term was \"K\u016b\u0161a\", and seemingly, borrowed from Aramaic, probably during", + "score": 0.69189453125 + }, + { + "id": "16416675", + "title": "Robert Parris", + "text": "is particularly difficult, and the composer-directors of CRI believed his trombone concerto to be unplayable until they heard a recording of it. But he was also the most inventive of orchestrators: Parris's concerto for kettledrums was always a crowd-pleaser in performance because it was so surprisingly melodic: its last movement is built around a traditional hymn (like Copland's \"Appalachian Spring\") but Parris gives the initial statements of that hymn\u2014and its dramatic summation\u2014to the kettledrums. Begun, the NSO principal tympanist who premiered the piece, made the original suggestion for the piece, but he later remarked, \"\"I suggested five drums jestingly.\" In", + "score": 0.69189453125 + }, + { + "id": "14199439", + "title": "An Tiompan Ga\u0300idhealach", + "text": "An Tiompan G\u00e0idhealach The tiomp\u00e1n (Irish) or tiompan (Scottish Gaelic) was a stringed musical instrument used by the Gaelic musicians of Ireland and Scotland and probably therefore the Isle of Man. The word 'timp\u00e1n' was of both masculine and feminine gender in classical Irish. It is theorised to derive from the Latin word 'tympanum' (tambourine or kettle drum) and 'timp\u00e1n' does appear to be used in certain ancient texts to describe a drum. The adjective 'timp\u00e1nach' referred to a performer on the instrument but is also recorded in one instance in the D\u00e1nta Gr\u00e1dha as describing a cruit. The feminine", + "score": 0.69140625 + }, + { + "id": "7637173", + "title": "The Consecration of the House (overture)", + "text": "brief isolated chords which herald the beginning of a slow introduction in the manner of Handel. A slow march ensues, processional in character, as if heard in the distance. The brass and winds take over the theme and are joined by the strings for a repeat of the march. As the imaginary procession approaches, the march intensifies, closing with trumpet fanfares and kettle drum announcing the arrival. A trumpet fanfare, with runs in the bassoon, and later the violins, appearing to describe the hurrying and excitement of the crowd, introduces a fast tutti section which seems to signal the main", + "score": 0.69140625 + }, + { + "id": "2085397", + "title": "Music for Strings, Percussion and Celesta", + "text": "drum, cymbals, tam-tam, bass drum, and timpani) and celesta. The ensemble also includes a piano, which may be classified as either a percussion or string instrument (the celesta player also plays piano during 4-hand passages). Bart\u00f3k divides the strings into two groups which he directs should be placed antiphonally on opposite sides of the stage, and he makes use of antiphonal effects particularly in the second and fourth movements. The piece is in four movements, the first and third slow, the second and fourth quick. All movements are written without key signature: The first movement is a slow fugue with", + "score": 0.69140625 + }, + { + "id": "4520099", + "title": "Chinese orchestra", + "text": "not, musical works written for modern Chinese orchestra incorporate a large Western percussion section, including important roles for instruments like the timpani (\u5b9a\u97f3\u9f13), bass drum (\u5927\u519b\u9f13), snare drum (\u5c0f\u519b\u9f13), etc. More obscure instruments in orchestral context like the mark tree (\u97f3\u6811), vibraslap (\u5f39\u7c27\u76d2), conga (\u5eb7\u52a0\u9f13), cowbell (\u725b\u94c3), etc. are also utilized in modern Chinese orchestra. Western percussion is considered an essential part of the Chinese orchestra percussion section. The history of Chinese percussion instruments is longer than any other section of traditional Chinese instruments. The character of the drum was first recorded in the ancient inscriptions on oracle bones and", + "score": 0.69091796875 + }, + { + "id": "8768262", + "title": "Naqareh", + "text": "infuse pride into the Sikh armies while charging. It can be seen now usually at a Sikh martial art display (Gatka display) playing in the background. Rebecca Stewart's unpublished thesis, \"The Tabla in Perspective\" (UCLA, 1974) has suggested tabla was most likely a hybrid resulting from experiments with existing drums such as \"pakhawaj\", \"dholak\", and \"naqqara\". In Azerbaijan there is a kind of kettledrum that is called ghosha-naqara. Ghosha means \"pair\". In Turkey, this word is pronounced \"nakkare\" and refers to small kettledrums beaten with the hands or two sticks. \"K\u00f6s\", or giant kettledrums played on horseback, are a separate", + "score": 0.69091796875 + }, + { + "id": "10930812", + "title": "Kudu\u0308m", + "text": "Kud\u00fcm Kud\u00fcm is one of the most fundamental rhythm instruments in classical Turkish music. The person playing it is called kud\u00fcmzen. It is among ney, rebap, and halile as one of the four main instruments in Mevlevi music. It consists of a pair of small, hemispherical drums. Traditionally kud\u00fcm was played in religious ceremonies; in a secular context, like in mehter music, its slightly bigger cousin nakkare is played. The drums are some 28\u201330 cm. in diameter and about 16 cm high, growing narrower toward the bottom like a half-sphere. They are made of beaten copper, and resemble two bowls,", + "score": 0.6904296875 + }, + { + "id": "4296786", + "title": "Indoor percussion ensemble", + "text": "Indoor percussion ensemble An indoor percussion ensemble or indoor drumline consists of the marching percussion (or \"battery\") and front ensemble (\"pit\" or \"frontline\") sections of a marching band or drum corps. The only exceptions are in concert divisions (e.g. Percussion Scholastic Concert Open) where the marching line is absent and the ensemble consists entirely of a pit. Indoor percussion marries elements of music performance, marching, and theater; thus, the activity is often referred to as \"percussion theater\". Although most indoor percussion ensembles are affiliated with high schools, there are also many independent groups that draw participants from a large area.", + "score": 0.6904296875 + }, + { + "id": "16382834", + "title": "Keyboard section", + "text": "Keyboard section The keyboard section of an orchestra or concert band includes keyboard instruments. Keyboard instruments are not usually a standard member of a 2010-era orchestra or concert band, but they are included occasionally. In orchestras from the 1600s to the mid-1750s, a keyboard instrument such as the pipe organ or harpsichord normally played with an orchestra, with the performer improvising chords from a figured bass part. This practice, called basso continuo, was phased out after 1750 (although some Masses for choir and orchestra would occasionally still have a keyboard part in the late 1700s). Common members of this section", + "score": 0.6904296875 + }, + { + "id": "8467659", + "title": "Kroncong", + "text": "Kroncong Kroncong (pronounced \"kronchong\"; , ) is the name of a ukulele-like instrument and an Indonesian musical style that typically makes use of the kroncong (the sound \"chrong-chrong-chrong\" comes from this instrument, so the music is called keronchong), the band or combo or ensemble (called a \"keronchong orchestra\") consists of a flute, a violin, a melody guitar, a cello in pizzicato style, string bass in pizzicato style, and a female or male singer. The name \"Kroncong\" may be derived from the jingling sound of the \"kerincing rebana\", as heard in the rhythmic background of the music created by the interlocking", + "score": 0.68994140625 + }, + { + "id": "19141722", + "title": "Wayang kulit", + "text": "place. To the right of the dalang sits the puppet chest, which the dalang uses as a drum during the performance, hitting it with a wooden mallet. In a Javanese wayang kulit performance, the dalang may use a cymbal-like percussion instrument at his feet to cue the musicians. The musicians sit behind the dalang in a gamelan orchestra setting. Gamelan orchestra is an integral part of the Javanese wayang kulit performance. The performance are accompanied with female singers (\"pesinden\") and male singers (\"wirasuara\"). The setting of the banana trunk on the ground and canvas on the sky symbolizes each the", + "score": 0.68994140625 + }, + { + "id": "12985891", + "title": "Treshchotka", + "text": "adds visual spectacle effect. It is noted that treshchotkas was used during peasant wedding ceremonies where instrument(s) could have been decorated with ribbons, flowers and sometimes jingle bells. The use of the treshchotka in the wedding ceremonies allows to theorize that in the past it were performing not only a role of musical instrument but also served some mystical function, perhaps protecting newlyweds from evil spirits. Treshchotka Treshchotka (, singular; sometimes referred as Treshchotki, , plural) is a Russian folk music idiophone instrument which is used to imitate hand clapping. Traditional Russian idiophone percussion instrument Treshchotka is a set of", + "score": 0.68994140625 + }, + { + "id": "1266379", + "title": "Timpani", + "text": "a set of two or three timpani, sometimes referred to as \"the orchestral three\". It consists of , , and drums. Its range extends down only to F. The drums are set up in an arc around the performer. Traditionally, North American, British, and French timpanists set their drums up with the lowest drum on the left and the highest on the right (commonly called the \"American\" system), while German, Austrian, and Greek players set them up in the reverse order, as to resemble a drum set or upright bass. (the \"German\" system). This distinction is not strict, as many", + "score": 0.689453125 + }, + { + "id": "2147703", + "title": "Djembe", + "text": "emphasizes the polyrhythm and creates a composite overall melody. The number of instruments in the ensemble varies with the region and occasion. In Mali, a traditional ensemble often consists of one dunun (called \"konkoni\") and one djembe. The konkoni and djembe are in a rhythmic dialog, with each drum taking turns playing accompaniment while the other instrument plays improvised solos. If a second dunun player is available, he supplements the ensemble with a \"khassonka dunun\", which is a bass drum similar in build to a konkoni, but larger. In Guinea, a typical ensemble uses three djembes and three dunun, called", + "score": 0.689453125 + }, + { + "id": "7398074", + "title": "Khattak dance", + "text": "wielding swords or handkerchiefs and performing acrobatic feats. The fast tempo of Khattak distinguishes it from other attan, which start slowly and pick up speed as the dance progresses. A khattak dance performed at night begins with an introductory music, dominated by the slow and irregular beating of the drum called \"dhol\", as the dancers begin to circle a couple of lanterns placed at the center. In some cases, the dancers perform around a bonfire. The steps could appear strange for an onlooker since they involve exaggerated backward and forward strides, punctuated by swordplays such as air thrusts and parries.", + "score": 0.689453125 + }, + { + "id": "9580605", + "title": "Kus", + "text": "was called Daval). Kus usually was carried on horseback, camelback or elephant during war to encourage the army. The instrument was also played on many occasions such as festivals, weddings and decamping. In ancient times, Kus was accompaniment by Karnay (Persian trumpet or horn). Particularly the Persian epic poets Ferdowsi and Nizami in describing battles mentioned Kus and Karnay in a number of entries. Many Persian miniatures paintings show the presence and importance of the Kus and Karnay in the war fields. According to the Greek historians, drum belonged to Persians, and Plutarch tells of the Iranian warriors at the", + "score": 0.689453125 + }, + { + "id": "7138956", + "title": "Karelia Suite", + "text": "the aesthetic intention was not to dazzle with technique but to capture the quality of \"naive,\" folk-based authenticity. Historical comments have noted the nationalistic character of the music. The piece is orchestrated for 3 flutes (3rd doubling piccolo), 3 oboes (3rd doubling english horn), 2 clarinets, 2 bassoons, 4 horns in F and E, 3 trumpets in F and E, 3 trombones, tuba, timpani, bass drum, cymbals, triangle, tambourine, 2 sopranos/baritones (Tableau 1), 1 baritone (Tableau 5), SATB choir (Tableau 8) and strings. Ralph Wood has commented on the role of the percussion in this composition. The movements in the", + "score": 0.689453125 + }, + { + "id": "10930815", + "title": "Kudu\u0308m", + "text": "In 1957, the first radio performance was performed by Kud\u00fcmzen Hur\u015fit Ungay. Cafer A\u00e7\u0131n was an instrument maker who made important changes in the making of the instrument in the latter half of the 20th century. Sadettin Heper is also an important composer whose music involved the instrument. Kud\u00fcm Kud\u00fcm is one of the most fundamental rhythm instruments in classical Turkish music. The person playing it is called kud\u00fcmzen. It is among ney, rebap, and halile as one of the four main instruments in Mevlevi music. It consists of a pair of small, hemispherical drums. Traditionally kud\u00fcm was played in", + "score": 0.68896484375 + }, + { + "id": "272338", + "title": "Musical ensemble", + "text": "tenor saxophone, and baritone saxophone. The brass section consists of horns, trumpets or cornets, trombones, euphoniums, and tubas. The percussion section consists of the timpani, bass drum, snare drum, and any other percussion instruments called for in a score (e.g., triangle, glockenspiel, chimes, cymbals, wood blocks, etc.). When orchestras perform baroque music (from the 17th century and early 18th century), they may also use a harpsichord or pipe organ, playing the continuo part. When orchestras perform Romantic-era music (from the 19th century), they may also use harps or unusual instruments such as the wind machine or cannons. When orchestras perform", + "score": 0.68896484375 + }, + { + "id": "4520101", + "title": "Chinese orchestra", + "text": "dramatic effects can be achieved with the \"tanggu\" (\u5802\u9f13), \"muyu\" (\u6728\u9c7c) and \"qing\" (\u78ec) also can invoke an element of mystery. In Chinese opera, the percussion section of the orchestra is particularly important, especially for martial scenes known as \"wu chang\", or The player of the \"bangu\", directs the rest of the orchestra through his different methods and positions of striking his instrument. He has control over the overall development of the action and creation of atmosphere, and is equivalent to the conductor of the Western orchestra. The \"bangu\" (\"ban\", lit. flat board; \"gu\", lit. drum) is also commonly called", + "score": 0.6884765625 + }, + { + "id": "7520425", + "title": "Colotomy", + "text": "bridge section called the ompak. Typically it has the length of one nongan, and a contrasting balungan melody to the merong. The ketawang is one of the gendhing structures used in Javanese gamelan music. Its colotomic structure is: where p indicates the strike of the kempyang, T the ketuk, P the kempul, N the kenong, and G the simultaneous stroke of the gong and kenong. The W indicates the wela, the pause where the kempul is omitted. Thus, the gong plays once, the kenong divides that into two parts, the kempul (or wela) divides each of those in two, the", + "score": 0.6884765625 + }, + { + "id": "13096446", + "title": "Tabla", + "text": "instruments. These are named as Pushkara - name Tabla comes in later periods Drums and Talas are mentioned in the Vedic era texts. A percussion musical instrument with two or three small drums, held with strings, called \"Pushkara\" (also spelled \"Pushkala\") were in existence in pre-5th century Indian subcontinent along with other drums such as the Mridang, but these are not called \"tabla\" then. The pre-5th century paintings in the Ajanta Caves, for example, show a group of musicians playing small tabla-like upright seated drums, a kettle-shaped \"mridang\" drum and cymbals. Similar artwork with seated musicians playing drums, but carved", + "score": 0.6884765625 + }, + { + "id": "16365965", + "title": "Schlagtrio", + "text": "one in which all twelve pitches in the piano and all six stroke types in the timpani are present . Schlagtrio Schlagtrio (Percussive Trio) is a chamber-music work for piano and two timpanists (each playing three timpani) composed by Karlheinz Stockhausen in 1952. It is Nr. \u2153 in his catalogue of works. The \"Schlagtrio\" was originally written in Paris in 1952 as a \"Schlagquartett\" (Percussive Quartet), for piano and three timpanists, each playing a pair of drums. It was premiered that year in Hamburg, but only in a radio recording. The first public performance was given in Munich on 23", + "score": 0.6884765625 + }, + { + "id": "12990595", + "title": "Moravian traditional music", + "text": "Hungarian) cimbalom, a rather new instrument only gaining wide use in the 20th century. The leader and \"conductor\" of the cimbalom band is often a violinist, called \"\"prim\u00e1\u0161\"\" in Czech, who plays the leading melody with ornamentation. A second violinist, \"\"oblig\u00e1t\"\", often plays the plain melody and supports the \"\"prim\u00e1\u0161\"\". The harmonic variety of the string instruments is often supported also by other violinists or violists. They are called \"\"terc\"\" as they usually play a third lower than the leading melody or \"\"kontry\"\", playing accompaniments. Other important instruments of the Moravian cimbalom band are clarinet, ornamenting the melody, and double", + "score": 0.6884765625 + }, + { + "id": "10854092", + "title": "Malaysian contemporary music", + "text": "Pianos - piano duo (Ng Chong Lim) 2003 Prism - mixed ensemble, theatre production (Saidah Rastam) Tenunan III - orchestra (Tazul Tajuddin) Bertabuh Kala Senja - chamber orchestra (Ahmad Muriz) Water Moods And Reflections - chamber orchestra (Vivian Chua) I Hear The Wind Calling - chamber orchestra (Chong Kee Yong) Ittar - chamber orchestra (Johan Othman) An Evening In The Myth - chamber orchestra (Tay Poh Gek) Synclastic Illuminations - chamber orchestra (Adeline Wong) 2002 Echoed Dream - orchestra (Chong Kee Yong) Wayang - chamber ensemble and gamelan (Sunetra Fernando) 2001 Khatulistiwa for 2 pianos and 2 percussionists (Ng Chong", + "score": 0.68798828125 + }, + { + "id": "3241033", + "title": "Sattriya", + "text": "by Sankardeva and Shree Shree madhavdev, among others) which are based on classical ragas. A key musical instrument that accompanies a Sattriya performance are \"khols\" (two faced, asymmetrical drum quite different from the rest of India) played with fingers. The special shape and materials of construction \u2013 clay, wood, leather, rice dough, iron filings, rope straps \u2013 of Sattriya \"khol\" produces a high pitch with the right side (\"Daina\"), while producing a deep bass sound on the left (\"Bewa\"). Accompanying the \"khol\" are various types of \"Talas\" or cymbals (Manjira, Bhortal, Bihutal, Patital, Khutital) and the flute (bansuri). Other instruments", + "score": 0.68798828125 + }, + { + "id": "14935079", + "title": "Mek Mulung", + "text": "limited, abbreviated, crude and mainly focus on the arms, especially the to-and-fro, and up and down swinging. The orchestra of Mek Mulung is predominantly percussive and consists of \"rebana\", \"gong\" and \"kecerek\" (concussion sticks). A small oboe, the only melodic instruments in the orchestra, complements other instruments. The musicians also do the singing, typically in syllabic style, with little vocal ornamentation. The performance normally begins with a ritual known as \"bertabuh\" where all musical instruments will be played simultaneously. Then, an opening song called \"bertabik\" will be sung in group and accompanied by dancing movements. There are up to 7", + "score": 0.68798828125 + }, + { + "id": "16418544", + "title": "Noise in music", + "text": "and the \"b\u0101r\u0101t\" processions leading a groom's wedding party to the bride's home or the hall where a wedding is held. These bands vary in makeup, depending on the means of the families employing them and according to changing fashions over time, but the core instrumentation is a small group of percussionists, usually playing a frame drum (\"\u1e0daphal\u0101\"), a gong, and a pair of kettledrums (\"nag\u0101\u1e5b\u0101\"). Better-off families will add shawms (shehnai) to the percussion, while the most affluent who also prefer a more modern or fashionable image may replace the traditional ensemble with a brass band. The Karnatic music", + "score": 0.68798828125 + } + ], + "answer": "A set of kettledrums in an orchestra is called a Timpani, also informally called timps in modern English. Alternative spellings with \"y\" in place of either or both \"i\"'s\u2014\"tympani\", \"tympany\", or \"timpany\"\u2014are occasionally encountered in older English texts. " + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who is the administrator of the small business administration from 2017 to 2019?", + "short_answers": [ + "Linda McMahon", + "Linda Marie McMahon" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who is the administrator of the small business administration from January 2017 to February 2017?", + "short_answers": [ + "Joseph Loddo" + ], + "wikipage": null + }, + { + "context": "Maria Contreras-Sweet (born 1955) served as the 24th Administrator of the Small Business Administration from 2014 to 2017. She was formerly the executive chairwoman and founder of ProAm\u00e9rica Bank, a commercial bank focusing on small to mid-sized businesses with a specialty in the Latino community. Born in Guadalajara, Mexico, Contreras-Sweet immigrated to Los Angeles, California and has since been involved in both the private sector founding a private equity firm and in public service as the California Secretary of Business, Transportation, and Housing under Governor Gray Davis.", + "question": "Who is the administrator of the small business administration from 2014 to 2017?", + "short_answers": [ + "Maria Contreras-Sweet" + ], + "wikipage": "Maria Contreras-Sweet" + }, + { + "context": "No context provided", + "question": "Who is the administrator of the small business administration, starting on Feburary 14, 2017?", + "short_answers": [ + "Loddo", + "Joseph Loddo" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who is the administrator of the small business administration, starting on January 20, 2017?", + "short_answers": [ + "Loddo", + "Joseph Loddo" + ], + "wikipage": null + }, + { + "context": "Maria Contreras-Sweet (born 1955) served as the 24th Administrator of the Small Business Administration from 2014 to 2017. She was formerly the executive chairwoman and founder of ProAm\u00e9rica Bank, a commercial bank focusing on small to mid-sized businesses with a specialty in the Latino community. Born in Guadalajara, Mexico, Contreras-Sweet immigrated to Los Angeles, California and has since been involved in both the private sector founding a private equity firm and in public service as the California Secretary of Business, Transportation, and Housing under Governor Gray Davis.", + "question": "Who is the administrator of the small business administration, starting on April 7, 2014?", + "short_answers": [ + "Maria Contreras-Sweet", + "Contreras-Sweet" + ], + "wikipage": "Maria Contreras-Sweet" + } + ], + "wikipages": [ + { + "title": "Maria Contreras-Sweet", + "url": "https://en.wikipedia.org/wiki/Maria%20Contreras-Sweet" + }, + { + "title": "Administrator of the Small Business Administration", + "url": "https://en.wikipedia.org/wiki/Administrator%20of%20the%20Small%20Business%20Administration" + }, + { + "title": "Small Business Administration", + "url": "https://en.wikipedia.org/wiki/Small%20Business%20Administration" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The U.S. Small Business Administration (SBA) is a United States government agency that provides support to entrepreneurs and small businesses. ", + "wikipage": "Small Business Administration" + }, + { + "content": "She was officially sworn in as administrator of the SBA on February 14, 2017...The resignation took effect on April 12, 2019.", + "wikipage": "Linda McMahon" + } + ], + "long_answer": "Starting on April 7, 2014, Maria Contreras-Sweet served as the 24th Administrator of the U.S. Small Business Administration. On January 20, 2017, Joseph Loddo briefly became the new administrator of the small business administration until Linda McMahon was sworn into that role on February 14, 2017. McMahon served this position until her resignation on April 12, 2019." + }, + { + "knowledge": [ + { + "content": "The U.S. Small Business Administration (SBA) is a United States government agency that provides support to entrepreneurs and small businesses. Joseph L", + "wikipage": "Small Business Administration" + }, + { + "content": "She served as the 25th administrator of the Small Business Administration from 2017 to 2019.", + "wikipage": "Linda McMahon" + } + ], + "long_answer": "The U.S. Small Business Administration (SBA) is a United States government agency that provides support to entrepreneurs and small businesses. Maria Contreras-Sweet served as the 24th Administrator of the Small Business Administration starting on April 7, 2014 to 2017. Joseph Loddo was the Administrator from January 20, 2017 to February 2017. Linda McMahon served as the 25th administrator of the Small Business Administration from February 14, 2017 to 2019." + } + ], + "sample_id": "-1703843779501228505", + "question": "Who is the administrator of the small business administration?", + "docs": [ + { + "id": "19829623", + "title": "Cabinet of Donald Trump", + "text": "acting head of the agency. The nomination of an Administrator-designate is reviewed during hearings held by the members of the United States Senate Committee on Small Business and Entrepreneurship and then presented to the full Senate for a vote. On December 7, 2016 Linda McMahon, former CEO of World Wrestling Entertainment Inc. and Senate nominee, was selected to be the head of the Small Business Administration. McMahon was confirmed by a Senate vote of 81\u201319 on February 14, 2017. Marianne Markowitz served as acting administrator before McMahon's confirmation. McMahon earned approval votes from Senators Richard Blumenthal and Chris Murphy from", + "score": 0.779296875, + "summary": "Linda McMahon was selected by Donald Trump to be the head of the Small Business Administration on December 7, 2016. She was confirmed by a Senate vote of 81-19 on February 14, 2017. Therefore, Linda McMahon is the administrator of the Small Business Administration.", + "extraction": "Linda McMahon is the administrator of the Small Business Administration." + }, + { + "id": "14221069", + "title": "Maria Contreras-Sweet", + "text": "2014, she was nominated by President Barack Obama to join his Cabinet as head of the Small Business Administration. President Obama's first Administrator, Karen Mills, left the position the previous September, and Jeanne Hulit ran the agency in the interim. She was confirmed as the Administrator of the Small Business Administration by voice vote on March 27, 2014. She assumed that role on April 7, 2014. Contreras-Sweet is the Founding President of Hispanas Organized for Political Equality (HOPE). This organization's mission is to provide political education of Hispanic women so that they can improve the communities in which they live", + "score": 0.76025390625, + "summary": "Maria Contreras-Sweet was the Administrator of the Small Business Administration from April 7, 2014, after being nominated by President Barack Obama and confirmed by voice vote on March 27, 2014.", + "extraction": "Maria Contreras-Sweet is the administrator of the Small Business Administration." + }, + { + "id": "12625441", + "title": "Small Business Administration", + "text": "and in 2004 certain expenditures were frozen. The Obama Administration has supported the SBA budget. Significant supplemental appropriations for the agency strengthened SBA lending through the American Recovery and Reinvestment Act of 2009 and the Small Business Jobs Act of 2010. The SBA has an Administrator and a Deputy Administrator. It has an associate administrator or director for the following offices: Senate-confirmed appointees include: Administrator, Deputy Administrator, Chief Counsel for Advocacy, and Inspector General. The 7(a) Loan Guarantee Program is designed to help entrepreneurs start or expand their small businesses. The program makes capital available to small businesses through bank", + "score": 0.75341796875, + "summary": "The Small Business Administration has an Administrator, Deputy Administrator, and Senate-confirmed appointees such as Chief Counsel for Advocacy and Inspector General. The Obama Administration has supported the SBA budget and provided supplemental appropriations through acts in 2009 and 2010. The 7(a) Loan Guarantee Program helps small businesses get capital. (Answer: The Administrator of the Small Business Administration is not named in this document.)", + "extraction": "The administrator of the Small Business Administration is not explicitly mentioned in the given passage. Therefore, the extracted span is \"irrelevant\"." + }, + { + "id": "12820455", + "title": "Karen Mills", + "text": "program, under the agency's Small Business Investment Company program, with the goal of capitalizing investment funds that seek both financial and social return, as well as its first regional clusters initiative. In January 2012, the position of Administrator of the SBA was elevated to the rank of Cabinet-level officer, expanding Mills' power on policy decisions and granting her access to cabinet meetings. On February 11, 2013, she announced that she would resign as Administrator of the SBA, with President Obama saying that; \"because of Karen's hard work and dedication, our small businesses are better positioned to create jobs and our", + "score": 0.74755859375, + "summary": "Karen Mills served as the Administrator of the Small Business Administration. She was granted access to cabinet meetings after the position was elevated to a Cabinet-level officer in January 2012. However, she resigned from the position on February 11, 2013.", + "extraction": "Karen Mills is the administrator of the Small Business Administration." + }, + { + "id": "12977923", + "title": "Confirmations of Barack Obama's Cabinet", + "text": "of the Small Business Administration. Contreras-Sweet was confirmed as the Administrator of the Small Business Administration by voice vote on March 27, 2014. She assumed role of her position as Administrator of the Small Business Administration on April 7, 2014. On February 11, 2009, it was reported that Gil Kerlikowske had accepted an offer by President Obama to become Director of the Office of National Drug Control Policy, succeeding John P. Walters. On May 7, 2009, the Senate confirmed Kerlikowske's nomination by a vote of 91\u20131 (roll call vote number 187: Republican Sen. Tom Coburn, M.D., of Oklahoma dissenting, 7", + "score": 0.74072265625, + "summary": "Maria Contreras-Sweet is the Administrator of the Small Business Administration. She was confirmed on March 27, 2014, and assumed her position on April 7, 2014.", + "extraction": "Contreras-Sweet was confirmed as the Administrator of the Small Business Administration." + }, + { + "id": "17870733", + "title": "Marianne Markowitz", + "text": "Marianne Markowitz Marianne O'Brien Markowitz served as Acting Administrator of the Small Business Administration where she was appointed on February 8, 2014. Before being named Acting Administrator, Markowitz served as Regional Administrator for SBA\u2019s Midwest Region, Region V, a position she had held since August 2009. As regional administrator, Markowitz was responsible for the delivery of the agency\u2019s financial assistance, technical assistance and government contracting activities throughout Illinois, Indiana, Michigan, Minnesota, Ohio and Wisconsin. As part of her work in the region, Chicago Mayor Rahm Emanuel appointed Markowitz to serve on the City of Chicago\u2019s Small Business Advisory Council in", + "score": 0.73486328125, + "summary": "Marianne O'Brien Markowitz served as Acting Administrator of the Small Business Administration, appointed on February 8, 2014.", + "extraction": "Marianne O'Brien Markowitz is the administrator of the Small Business Administration." + }, + { + "id": "9099164", + "title": "Sandy Baruah", + "text": "Sandy Baruah Santanu K. \"Sandy\" Baruah is an American politician from the state of Oregon and is the president and chief executive officer of the Detroit Regional Chamber. Baruah served as President George W. Bush\u2019s last (acting) Administrator of the Small Business Administration (SBA). In this role, he was responsible for the SBA\u2019s $18 billion small business loan portfolio. Prior to leading the SBA, Baruah served as U.S. Assistant Secretary of Commerce. In this role he led the federal government\u2019s domestic economic development program, the Economic Development Administration (EDA), served as the Senior Advisor to Commerce Secretary Carlos M. Gutierrez", + "score": 0.7294921875, + "summary": "Sandy Baruah was the acting Administrator of the Small Business Administration (SBA) under President George W. Bush.", + "extraction": "Sandy Baruah served as President George W. Bush\u2019s last (acting) Administrator of the Small Business Administration (SBA)." + }, + { + "id": "17810330", + "title": "Jeanne Hulit", + "text": "Jeanne Hulit Jeanne A. Hulit (born 1958) served as Acting Administrator of the Small Business Administration from September 2013 to February 2014. She became President of Village Candle, a Wells, Maine-based candle and fragrance company in 2017, after serving as President of the Northeast Community Banking Division at Lewiston, Maine-based Northeast Bancorp since February, 2014. Hulit was appointed to serve as SBA\u2019s New England Regional Administrator in August 2009. She then was transferred to Washington as Associate Administrator for SBA\u2019s Office of Capital Access since February 2012, where she was adviser to Administrator Karen Mills and oversaw the agency\u2019s loan", + "score": 0.72900390625, + "summary": "Jeanne A. Hulit served as Acting Administrator of the Small Business Administration from September 2013 to February 2014.", + "extraction": "Jeanne A. Hulit served as Acting Administrator of the Small Business Administration from September 2013 to February 2014." + }, + { + "id": "20139141", + "title": "Althea Coetzee", + "text": "Althea Coetzee Althea Helen \"Allie\" Coetzee Leslie is a retired rear admiral in the United States Navy who served as Deputy Administrator of the Small Business Administration from August 2017 to April 2018. Prior to her role with the Small Business Administration, she served as Chief of Staff to the Under Secretary of Defense for Acquisition, Technology and Logistics. Coetzee was confirmed as Deputy Administrator of the Small Business Administration by the U.S. Senate on August 3, 2017. She resigned as the Deputy Administrator on April 15, 2018. Coetzee graduated from the United States Naval Academy in 1985. She went", + "score": 0.724609375, + "summary": "The administrator of the Small Business Administration from August 2017 to April 2018 was Althea Coetzee.", + "extraction": "Althea Coetzee Leslie served as the Deputy Administrator of the Small Business Administration from August 2017 to April 2018." + }, + { + "id": "14256666", + "title": "Martha N. Johnson", + "text": "of the Obama transition team evaluating the GSA. Johnson left SRA to become a vice president of culture at Computer Sciences Corporation, a role she held until February 2010. In April 2009, President Barack Obama nominated Johnson to serve as the Administrator of the GSA. On June 8, 2009, Johnson's nomination was reported by United States Senate Committee on Homeland Security and Governmental Affairs. Johnson's nomination was delayed for months after Missouri Sen. Kit Bond placed a hold on her nomination over concerns he had about why the GSA wasn't closing down the federally owned Bannister Complex outside Kansas City,", + "score": 0.72216796875, + "summary": "The document is irrelevant to the question of interest.", + "extraction": "Irrelevant. The passage mentions the Administrator of the GSA (General Services Administration) and not the Small Business Administration." + }, + { + "id": "14221064", + "title": "Maria Contreras-Sweet", + "text": "to join his Cabinet as head of the Small Business Administration. She was confirmed as the Administrator of the Small Business Administration by voice vote on March 27, 2014. She assumed that role on April 7, 2014. Born in Guadalajara, Mexico, Contreras-Sweet's family, including her mother and five siblings, emigrated to the United States when Contreras-Sweet was five years old. Her mother worked at a chicken packaging plant in El-Monte, California to support the family. Contreas-Sweet later attended California State University. Contreras-Sweet entered the private sector as the Director of Public Affairs for Westinghouse's 7-Up / RC Bottling Company and", + "score": 0.720703125, + "summary": "Maria Contreras-Sweet is the Administrator of the Small Business Administration. She was confirmed on March 27, 2014, and assumed the role on April 7, 2014.", + "extraction": "Maria Contreras-Sweet is the Administrator of the Small Business Administration." + }, + { + "id": "12625436", + "title": "Small Business Administration", + "text": "Small Business Administration The U.S. Small Business Administration (SBA) is a United States government agency that provides support to entrepreneurs and small businesses. The mission of the Small Business Administration is \"to maintain and strengthen the nation's economy by enabling the establishment and viability of small businesses and by assisting in the economic recovery of communities after disasters\". The agency's activities are summarized as the \"3 Cs\" of capital, contracts and counseling. SBA loans are made through banks, credit unions and other lenders who partner with the SBA. The SBA provides a government-backed guarantee on part of the loan. Under", + "score": 0.72021484375, + "summary": "The document provides information on the Small Business Administration (SBA), a U.S. government agency that offers support to entrepreneurs and small businesses. It describes the SBA's mission and activities related to capital, contracts, and counseling. However, it does not provide the name of the administrator of the SBA.", + "extraction": "The administrator of the Small Business Administration is not mentioned in the given passage. The answer is irrelevant." + }, + { + "id": "12820447", + "title": "Karen Mills", + "text": "Karen Mills Karen Gordon Mills (born September 14, 1953) served as the 23rd Administrator of the U.S. Small Business Administration (SBA). She was nominated by President-elect Barack Obama on December 19, 2008, confirmed unanimously by the Senate on April 2, 2009, and sworn in on April 6, 2009. During her tenure, her office was elevated to the rank of Cabinet-level officer, expanding her power on policy decisions and granting her inclusion in the President's cabinet meetings. On February 11, 2013, she announced her resignation as Administrator and left the post on September 1, 2013. Since leaving the SBA, Mills has", + "score": 0.7177734375, + "summary": "Karen Gordon Mills served as the 23rd Administrator of the U.S. Small Business Administration (SBA) from 2009-2013.", + "extraction": "Karen Mills served as the 23rd Administrator of the U.S. Small Business Administration (SBA)." + }, + { + "id": "20696531", + "title": "Ashley Bell (politician)", + "text": "and Grants Management and Strategic Partnerships and Intergovernmental Affairs. Bell was appointed on February 21, 2018 by President Donald Trump to serve as Regional Administrator for the U.S. Small Business Administration for Region IV; serving nine districts located in the 8 Southeastern States of Alabama, Florida, Georgia, Kentucky, Mississippi, North Carolina, South Carolina and Tennessee. Regional Administrator Bell has oversight of over $5 billion in SBA-backed lending, the Counseling arm of the SBA, which counseled over 225,000 entrepreneurs last year in Region IV, and the contracting programs for small business, which account for over 23% of all federal contracts awarded.", + "score": 0.71728515625, + "summary": "Ashley Bell is the Regional Administrator for the U.S. Small Business Administration for Region IV, appointed on February 21, 2018 by President Donald Trump.", + "extraction": "Ashley Bell is the Regional Administrator for the U.S. Small Business Administration for Region IV." + }, + { + "id": "17870736", + "title": "Marianne Markowitz", + "text": "or scale their existing processes, systems and staffing to meet the needs of a hyper-growth environment. She received a B.S. from the University of Missouri and an M.B.A. from DePaul University. She sits on the board of the Lycee Francais de Chicago and is a member of the Chicago Economic Club. Marianne Markowitz Marianne O'Brien Markowitz served as Acting Administrator of the Small Business Administration where she was appointed on February 8, 2014. Before being named Acting Administrator, Markowitz served as Regional Administrator for SBA\u2019s Midwest Region, Region V, a position she had held since August 2009. As regional administrator,", + "score": 0.71240234375, + "summary": "Marianne O'Brien Markowitz served as Acting Administrator of the Small Business Administration, appointed on February 8, 2014.", + "extraction": "Marianne O'Brien Markowitz served as Acting Administrator of the Small Business Administration." + }, + { + "id": "7459225", + "title": "Hector Barreto", + "text": "Hector Barreto Hector V. Barreto Jr (born 1961) was the 21st Administrator of the U.S. Small Business Administration, confirmed on July 25, 2001. George W. Bush nominated him to the post. He resigned on April 25, 2006. In July 2001, Hector Barreto was unanimously confirmed by the U.S. Senate as the 21st administrator of the U.S. Small Business Administration. In this capacity, he oversaw the delivery of financial and business development tools to America's entrepreneurs. With a portfolio of direct and guaranteed business loans and disaster loans worth more than $45 billion, the SBA is the largest single financial backer", + "score": 0.7099609375, + "summary": "Hector V. Barreto Jr was the 21st Administrator of the U.S. Small Business Administration, confirmed on July 25, 2001, by George W. Bush. He resigned on April 25, 2006.", + "extraction": "Hector V. Barreto Jr was the 21st Administrator of the U.S. Small Business Administration." + }, + { + "id": "13080430", + "title": "Jovita Carranza", + "text": "as Deputy Administrator for the Small Business Administration. She served on that position from 2006 to 2009. As Deputy Administrator, she helped to manage an agency with more than 80 field offices across the country and a portfolio of direct and guaranteed business loans, venture capital investments and disaster loans worth almost $80 billion. In an effort to improve customer response, Carranza led key operational improvement initiatives and projects. Carranza is the founder and president of The JCR Group, a consulting firm serving corporations and NGOs on issues of business development and profit and loss management. She is also a", + "score": 0.70849609375, + "summary": "Jovita Carranza served as Deputy Administrator for the Small Business Administration from 2006 to 2009.", + "extraction": "Jovita Carranza is the administrator of the Small Business Administration." + }, + { + "id": "8765951", + "title": "Susan Engeleiter", + "text": "the state Democratic Party, in the November general election. On November 2, 1988, as polls showed Engeleiter and Kohl running neck-to-neck, President Ronald Reagan visited Milwaukee to headline a campaign rally and fundraiser for Engeleiter. Engeleiter lost the race to Kohl, by a 52% to 48% margin. In January 1989, President George H.W. Bush nominated Engeleiter to be the Administrator of the Small Business Administration. She was confirmed by the U.S. Senate and served in that position until 1991, the first woman to hold the position. After leaving the SBA, Engeleiter served as Vice-President of Government Affairs at Honeywell from", + "score": 0.7060546875, + "summary": "The document mentions Susan Engeleiter as the first woman to hold the position of Administrator of the Small Business Administration from 1989 to 1991.", + "extraction": "Susan Engeleiter is the Administrator of the Small Business Administration." + }, + { + "id": "7459226", + "title": "Hector Barreto", + "text": "and facilitator of technical assistance and contracting opportunities for the nation's small businesses. Barreto also sat as an ex officio member on the President's Advisory Commission on Educational Excellence for Hispanic Americans. Hector Barreto Hector V. Barreto Jr (born 1961) was the 21st Administrator of the U.S. Small Business Administration, confirmed on July 25, 2001. George W. Bush nominated him to the post. He resigned on April 25, 2006. In July 2001, Hector Barreto was unanimously confirmed by the U.S. Senate as the 21st administrator of the U.S. Small Business Administration. In this capacity, he oversaw the delivery of financial", + "score": 0.69970703125, + "summary": "Hector V. Barreto Jr was the 21st Administrator of the U.S. Small Business Administration, confirmed on July 25, 2001, nominated by George W. Bush. He resigned on April 25, 2006.", + "extraction": "Hector V. Barreto Jr was the 21st Administrator of the U.S. Small Business Administration." + }, + { + "id": "12625453", + "title": "Small Business Administration", + "text": "contracting agencies have sent a message to the contracting community that there is no punishment or consequences for committing fraud.\" Small Business Administration The U.S. Small Business Administration (SBA) is a United States government agency that provides support to entrepreneurs and small businesses. The mission of the Small Business Administration is \"to maintain and strengthen the nation's economy by enabling the establishment and viability of small businesses and by assisting in the economic recovery of communities after disasters\". The agency's activities are summarized as the \"3 Cs\" of capital, contracts and counseling. SBA loans are made through banks, credit unions", + "score": 0.69775390625, + "summary": "The Small Business Administration (SBA) is a US government agency that supports entrepreneurs and small businesses. The SBA's mission is to maintain and strengthen the nation's economy, and its activities are summarized as the \"3 Cs\" of capital, contracts, and counseling. No information is provided on who the administrator of the SBA is.", + "extraction": "The administrator of the Small Business Administration is not mentioned in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "2503115", + "title": "General Services Administration", + "text": "Buildings Service. In May 2010 GSA treated 120 interns to a five-day conference at a Palm Springs, California, resort. An additional investigation led by Inspector General Brian D. Miller found 115 missing Apple iPods meant for an employee rewards program. GSA Administrator Martha N. Johnson resigned in the wake of the controversy. Before turning in her own resignation, Johnson fired two other GSA senior executives, Public Buildings Service head Robert Peck and senior advisor Stephen Leeds. Four PBS Regional Commissioners, who had been responsible for planning the conference, were placed on administrative leave. The Administrator is the chief executive of", + "score": 0.6962890625 + }, + { + "id": "6910980", + "title": "Administrator of Tristan da Cunha", + "text": "from Saint Helena, an Administrator is appointed as the Governor's representative on the Island. Previously the Administrator also acted as the local Magistrate, but the appointment is to be transferred to a non-member of the executive or legislative branches of government. The current Tristan da Cunha Administrator is Sean Burns who returned to Tristan da Cunha for a second term in November 2016. The first Administrator, appointed during World War II, was Surgeon Lieutenant Commander E.J.S. Woolley, the head of the 16-man British naval garrison on the Island which was charged with monitoring German submarines and intercepting their communications. The", + "score": 0.693359375 + }, + { + "id": "12625439", + "title": "Small Business Administration", + "text": "elevate the SBA into the Cabinet, a position it last held during the Clinton administration, thus making the Administrator of the Small Business Administration a cabinet-level position. The SBA was created on July 30, 1953, by President Eisenhower with the signing of the Small Business Act, currently codified at . The Small Business Act was originally enacted as the \"Small Business Act of 1953\" in Title II () of (ch. 282, , July 30, 1953); The \"Reconstruction Finance Corporation Liquidation Act\" was Title I, which abolished the Reconstruction Finance Corporation (RFC). The Small Business Act Amendments of 1958 () withdrew", + "score": 0.693359375 + }, + { + "id": "19441181", + "title": "Cassius F. Butts", + "text": "2002 and Certificate of Grant Writing from Emory University's Life Learning Institute. A graduate of the Atlanta Regional Commission\u2019s Regional Leadership Institute, South Cobb Economic Development Advisory Council, Federal Executive Board Committee member and Leadership Atlanta of 2012. Cassius F. Butts Cassius F. Butts (born July 10, 1971) is an American business executive and former Region IV Administrator for the United States Small Business Administration (SBA) appointed by President Barack Obama. Previously employed as one of three Chiefs of the Real Estate Owned Division within the United States Department of Housing and Urban Development where he began his federal career", + "score": 0.69287109375 + }, + { + "id": "1362691", + "title": "System administrator", + "text": "System administrator A system administrator, or sysadmin, is a person who is responsible for the upkeep, configuration, and reliable operation of computer systems; especially multi-user computers, such as servers. The system administrator seeks to ensure that the uptime, performance, resources, and security of the computers they manage meet the needs of the users, without exceeding a set budget when doing so. To meet these needs, a system administrator may acquire, install, or upgrade computer components and software; provide routine automation; maintain security policies; troubleshoot; train or supervise staff; or offer technical support for projects. Many organizations staff other jobs related", + "score": 0.69189453125 + }, + { + "id": "14865167", + "title": "Winslow Sargeant", + "text": "and worked with federal agencies to bring them into compliance with the RFA law. He signed more than 145 public comment letters about business regulations to more than 23 different rulemaking agencies. He published more than 100 economic research reports, including the Innovation Initiative report to the White House. Sargeant appointed ten small business regional advocates. Winslow Sargeant Winslow Sargeant served as the sixth Chief Counsel for Advocacy for the Small Business Administration (SBA) and a former venture capital executive with a background in engineering. He received a recess appointment on August 19, 2010, by U.S. President Barack Obama. He", + "score": 0.68994140625 + }, + { + "id": "8224035", + "title": "Marie Johns", + "text": "Marie Johns Marie Collins Johns (born August 19, 1951) is a former deputy administrator of the U.S. Small Business Administration (SBA), a federal agency which provides small businesses with access to capital and government contracts, counseling and training, and disaster relief. She was nominated by President Barack Obama on December 17, 2009, and confirmed unanimously by the Senate on June 22, 2010. Johns is a former president and CEO of the telecommunications company Verizon, Washington, D.C. She made an unsuccessful bid for the Democratic party nomination in the 2006 Washington, DC Mayoral Race. Johns holds B.S. and M.P.A. degrees from", + "score": 0.6884765625 + }, + { + "id": "12820453", + "title": "Karen Mills", + "text": "revive the economy in the wake of the Great Recession. Mills was confirmed as Administrator of the SBA at a critical time in early 2009 when the small business lending market had ground to a halt, including SBA-backed lending. She oversaw implementation of key provisions of President Obama's American Recovery and Reinvestment Act of 2009, including the waiving of fees on SBA-backed loans and increasing the agency's government guarantee on loans made by private sector lenders. The impact of these provisions were immediate with average weekly loan volume increasing by more than 60 percent. Leveraging bipartisan support for America's small", + "score": 0.6875 + }, + { + "id": "695329", + "title": "Business administration", + "text": "goals and is properly organized and managed. The tasks a person in this position has are both wide and varied, and often include ensuring that the right staff-members are hired and properly trained, making plans for the business' success, and monitoring daily operations. When organizational changes are necessary, a person in this position usually leads the way as well. In some cases, the person who starts or owns the business serves as its administrator, but this is not always the case, as sometimes a company hires an individual for the job. A person with the title of \"business administrator\" essentially", + "score": 0.6865234375 + }, + { + "id": "10981019", + "title": "Administrator of Ascension", + "text": "Helena, an Administrator is appointed as the Governor's representative on the Island. The current Administrator is His Honour Marc Holland, who took up the office on 26 August 2014. The first Administrator was appointed in 1942. Administrator of Ascension The Administrator of Ascension is the head of government and representative of the Governor of St Helena (who is ex-officio the Governor of Ascension) on Ascension Island. The role of the Administrator includes that of chairing the territory's Island council which consists of 7 elected members. As a part of the British overseas territory of Saint Helena, Ascension and Tristan da", + "score": 0.685546875 + }, + { + "id": "12820462", + "title": "Karen Mills", + "text": "president of Bowdoin College from October 2001 to July 2015, and has three sons. Karen Mills Karen Gordon Mills (born September 14, 1953) served as the 23rd Administrator of the U.S. Small Business Administration (SBA). She was nominated by President-elect Barack Obama on December 19, 2008, confirmed unanimously by the Senate on April 2, 2009, and sworn in on April 6, 2009. During her tenure, her office was elevated to the rank of Cabinet-level officer, expanding her power on policy decisions and granting her inclusion in the President's cabinet meetings. On February 11, 2013, she announced her resignation as Administrator", + "score": 0.68505859375 + }, + { + "id": "19441178", + "title": "Cassius F. Butts", + "text": "Cassius F. Butts Cassius F. Butts (born July 10, 1971) is an American business executive and former Region IV Administrator for the United States Small Business Administration (SBA) appointed by President Barack Obama. Previously employed as one of three Chiefs of the Real Estate Owned Division within the United States Department of Housing and Urban Development where he began his federal career as a Presidential Management Fellow in 2002 during the G W. Bush Administration. Previous to his civil-federal career, since 1992 Cassius has worked in leadership positions for NationsBank, Fleet Bank and Bank of America (MBNA) as well as", + "score": 0.68505859375 + }, + { + "id": "12977922", + "title": "Confirmations of Barack Obama's Cabinet", + "text": "or face the prospect of losing tenure, he chose to resign as Chair. Karen Mills was nominated by President-elect Barack Obama on December 19, 2008, confirmed unanimously by the Senate on April 2, 2009, and sworn in on April 6, 2009. During her tenure, in 2012 her office was elevated to the rank of Cabinet-level officer, expanding her power on policy decisions and granting her access to cabinet meetings. On February 11, 2013 Mills announced her resignation as Administrator of the SBA. On January 15, 2014, Maria Contreras-Sweet was nominated by President Barack Obama to join his Cabinet as head", + "score": 0.6845703125 + }, + { + "id": "61872", + "title": "Computing", + "text": "information technology, such as computer hardware, software, electronics, semiconductors, internet, telecom equipment, e-commerce and computer services. A system administrator, IT systems administrator, systems administrator, or sysadmin is a person employed to maintain and operate a computer system or network. The duties of a system administrator are wide-ranging, and may vary substantially from one organization to another. Sysadmins are usually charged with installing, supporting and maintaining servers or other computer systems, and planning for and responding to service outages and other problems. Other duties may include scripting or light programming, project management for systems-related projects, supervising or training computer operators, and", + "score": 0.681640625 + }, + { + "id": "9351312", + "title": "GameFAQs", + "text": "launched for users level 31 or above. The message boards are managed by the site's administrators and moderators. Initially, Veasey was the only administrator and therefore had full control over the boards; however, more administrators have since been appointed. Tyner, who uses the username \"SBAllen\" (formerly \"Sailor Bacon\"), is the administrator on the boards. On May 7, 2012, Tyner announced long-time moderator Devin Morgan had been hired as another administrator, whose primary purpose would be to work on the code of the site. On September 5, 2014, Tyner also announced that long time user Stephanie Barnes (under the username Krystal109)", + "score": 0.68115234375 + }, + { + "id": "20392554", + "title": "Emily W. Murphy", + "text": "he served as Chair of the House Committee on Small Business from January 1997 to July 1998, before leaving to pursue a law degree. Prior to becoming Administrator of the General Services Administration, Murphy was a senior advisor to the GSA's Administrator. Murphy previously served as counsel at the United States House Committee on Armed Services, where she specialized in acquisition policy and reform. She has also held roles at the Small Business Administration and at the GSA, where she served as the agency's first Chief Acquisition Officer. Murphy served under three chairmen of the United States House Committee on", + "score": 0.68017578125 + }, + { + "id": "3434951", + "title": "British South Africa Company", + "text": "governor, and later assistants in charge of districts. The first Administrator, A. R. Colquhoun, was appointed in October 1890, soon after the Pioneer Column had arrived at Fort Salisbury. As first, the British government refused to recognise Colquhoun, and placed the governor of Bechuanaland in immediate charge of the new protectorate, with the High Commissioner for South Africa given oversight of it. The governor legitimated the Administrator in July 1891 by appointing him Chief Magistrate, and as the British government did not want the expense of administration, it acquiesced to BSAC control. The Administrator, as Chief Magistrate, appointed assistants charged", + "score": 0.6787109375 + }, + { + "id": "14865165", + "title": "Winslow Sargeant", + "text": "Winslow Sargeant Winslow Sargeant served as the sixth Chief Counsel for Advocacy for the Small Business Administration (SBA) and a former venture capital executive with a background in engineering. He received a recess appointment on August 19, 2010, by U.S. President Barack Obama. He was unanimously confirmed by the U.S. Senate to be Chief Counsel for Advocacy at the SBA on November 11, 2011. Sargeant received his Bachelor of Science in Electrical and Computer Engineering from Northeastern University (Boston, Mass). He went on to earn his Master of Science degree, also in Electrical Engineering, from Iowa State University (Ames, Iowa).", + "score": 0.6787109375 + }, + { + "id": "12121751", + "title": "Jorge Silva Puras", + "text": "position by President Barack Obama, and served the Administration from May 2010 until January 2013, when he joined the Hostos faculty. As SBA Regional Administrator, Mr. Silva Puras publicly advocated in favor of small businesses in multiple public forums, such as SAP's SME Summit in New York City, and the New York Senate Unidad Latina conference. He was also interviewed on several television, radio and newsprint media outlets on topics of small business growth and entrepreneurship. Silva Puras has served in several senior government positions at the Commonwealth of Puerto Rico, including Chief of Staff to former Governor of Puerto", + "score": 0.67626953125 + }, + { + "id": "7393160", + "title": "David Bibb", + "text": "David Bibb David L. Bibb, an American civil servant, served as the Deputy Administrator of the General Services Administration (GSA), which is an independent agency of the United States government, and as its Acting Administrator twice. He was appointed Deputy Administrator on December 16, 2003. During the 2003-2008 time frame, he served as Acting Administrator from November 2005 to May 2006 and May to August 2008, reporting to the President. He held a number of other key positions at GSA prior to becoming Deputy Administrator, including Deputy Commissioner of the Public Buildings Service and Deputy Associate Administrator for Real Property", + "score": 0.67578125 + }, + { + "id": "20796885", + "title": "Sarah Shipman", + "text": "of Jim Clark. She was confirmed by the Kansas Senate on February 17, 2016. Sarah Shipman Sarah L. Shipman is the current Kansas Secretary of Administration, serving in that position since 2016. Shipman graduated from Southwestern College in Winfield in May 1995 and Washburn University School of Law in May 2005, where she was editor of the \"Washburn Law Journal\". In the private sector, she was associate general counsel for MRV, Inc. in Topeka, handling commercial real estate from August 2005 to May 2008. Shipman later became vice president and counsel for Silver Lake Bank in Topeka, working there between", + "score": 0.67529296875 + }, + { + "id": "11460464", + "title": "Oklahoma Office of Personnel Management", + "text": "the Administrator of the Office. The Administrator is appointed by the Director to serve at his pleasure. Prior to reforms enacted in 2011, the Administrator was appointed by and reported directly to the Governor of Oklahoma. The last Administrator appointed by a Governor was Oscar B. Jackson Jr., who served in that position from 1991 until his retirement in 2011 following the reforms. Oklahoma Office of Personnel Management The Oklahoma Office of Personnel Management (OPM) was an agency of the government of Oklahoma which was dissolved in 2011. OPM managed the civil service of the state government. OPM previously provided", + "score": 0.67529296875 + }, + { + "id": "7011045", + "title": "Aida A\u0301lvarez", + "text": "and soundness oversight program for Fannie Mae and Freddie Mac. In 1997, \u00c1lvarez was appointed by President Bill Clinton, Administrator of the Small Business Administration, thus becoming the first Hispanic woman and Puerto Rican to serve as an executive officer in the U.S. Cabinet. She directed the delivery of a comprehensive set of financial and business development programs for American small businesses. The agency provided financing worth eleven billion dollars a year to small businesses across the nation. In 2000, \u00c1lvarez was elected to the Board of Overseers of Harvard University. Her role is to visit the graduate schools, departments", + "score": 0.6748046875 + }, + { + "id": "16539883", + "title": "Internet remote base", + "text": "IRB System Administrator is the person who administers the IRB server, usually the system's owner or creator. The system administrator is responsible for managing system operators to assure that any control operator given access to the IRB is properly licensed to operate it. An IRB uses the Internet as a long microphone cord. The Internet is not governed by the FCC Wireless Telecommunications Bureau. Code of Federal Regulations Title 47 Part 97 governs remote control of Amateur Radio stations. The IRB's primary advantage over traditional radio-link radio base stations is flexibility: the IRB can be controlled by any device with", + "score": 0.67236328125 + }, + { + "id": "11853354", + "title": "National Small Business Week", + "text": "National Small Business Week National Small Business Week is a national recognition event to honor the United States' top entrepreneurs each year. The distinguished group of small business owners are hailed each year by the U.S. Small Business Administration and a collection of event co-hosts. The 2013 event marks the 60th anniversary of the agency, and the 50th annual Presidential proclamation of National Small Business Week. Annual honors include: The National Small Business Person of the Year, selected from the 54 State Small Business Persons of the Year. The Phoenix Awards, recognizing a public official, a business owner and a", + "score": 0.671875 + }, + { + "id": "2731736", + "title": "Kathryn D. Sullivan", + "text": "Senate and appointed by President Obama to serve as Assistant Secretary of Commerce for Environmental Observation and Prediction and Deputy Administrator for the National Oceanic and Atmospheric Administration. Sullivan became Acting Under Secretary of Commerce for Oceans and Atmosphere and Acting NOAA Administrator on February 28, 2013, following the resignation of Jane Lubchenco. President Obama nominated Sullivan to serve as the Under Secretary of Commerce for Oceans and Atmosphere and NOAA Administrator on August 1, 2013 and she was confirmed by the Senate on March 6, 2014. In 1991, Sullivan received the Haley Space Flight Award for \"distinguished performance in", + "score": 0.67138671875 + }, + { + "id": "19507516", + "title": "Administrator of the Pitcairn Islands", + "text": "appointed as the Governor's representative on the Island. The current and inaugural Administrator is His Honour Alan Richmond, who took up the office in November 2014. Administrator of the Pitcairn Islands The Administrator of the Pitcairn Islands is the head of government and representative of the Governor of the Pitcairn Islands. The role of the Administrator includes that of chairing the territory's Island council which consists of ten members, five of whom are elected. As a British overseas territory the head of state is Elizabeth II, with the Governor of the Pitcairn Islands appointed by the British government to act", + "score": 0.67041015625 + }, + { + "id": "20392555", + "title": "Emily W. Murphy", + "text": "Small Business. Her private sector experience includes five years in executive positions at a technology startup company engaged in federal contracting and three years as a government contracts attorney with two D.C. law firms. After President Donald Trump took office in January 2017, Murphy was appointed to the position of White House Liaison at the General Services Administration under acting agency administrator Timothy Horne. On September 2, 2017, Murphy was nominated by the President to serve as Administrator of GSA. The Senate confirmed Murphy's appointment by unanimous consent on December 5, 2017. Emily W. Murphy Emily Webster Murphy is an", + "score": 0.67041015625 + }, + { + "id": "1720720", + "title": "Social Security Administration", + "text": "Social Security Administration The United States Social Security Administration (SSA) is an independent agency of the U.S. federal government that administers Social Security, a social insurance program consisting of retirement, disability, and survivors' benefits. To qualify for most of these benefits, most workers pay Social Security taxes on their earnings; the claimant's benefits are based on the wage earner's contributions. Otherwise benefits such as Supplemental Security Income (SSI) are given based on need. The Social Security Administration was established by a law codified at . Its current leader, Deputy Commissioner of Operations Nancy Berryhill, was acting commissioner from January 19,", + "score": 0.66943359375 + }, + { + "id": "17937137", + "title": "Shaw Mudge", + "text": "to the first White House Conference on Small Business in 1980 as Connecticut's chairman, appointed by Senator Lowell Weicker. He later served as co-chairman of the Connecticut delegation to the second White House Conference on Small Business in 1985, again at the appointment of Senator Weicker; and the third White House Conference on Small Business. Along the way he chaired the U.S. Senate Small Business Committee Advisory Council (1981\u20131987), served on the National Advisory Council of the U.S. Small Business Administration, was a founding director of National Small Business United, a Connecticut Guardian of National Federation of Independent Businesses from", + "score": 0.66845703125 + }, + { + "id": "8115638", + "title": "Dan Tangherlini", + "text": "restore the trust of the American people in the General Services Administration by making the agency more efficient, accountable and transparent. I want to thank Dan for his leadership over the past year and for agreeing to continue serving in the Administration.\" Tangerhlini was confirmed by the Senate on June 27, 2013 as the 20th Administrator of General Services. On January 15, 2015, Tangerhlini has announced plans to step down at the GSA (on February 13, 2015), according to a letter to GSA employees. Deputy Administrator Denise Turner Roth will take on the role of acting administrator until President Obama", + "score": 0.66796875 + }, + { + "id": "10103481", + "title": "Office of Administration", + "text": "Office of Administration In the United States government, the Office of Administration is an entity within the Executive Office of the President tasked with overseeing the general administration of the entire Executive Office. The Office of Administration was formed by merging the administrative functions of ten entities that were present in the Executive Office by the signing of by President Jimmy Carter on December 12, 1977. The organization's mission is to provide administrative services to all entities of the Executive Office of the President, including direct support services to the President of the United States. The services include financial management", + "score": 0.6669921875 + }, + { + "id": "13813043", + "title": "Transvaal Provincial Council", + "text": "the executive and legislative parts of the government. The administrator of the province was described, in section 68 (1) of the South Africa Act 1909, as \u201ca chief executive officer \u2026 in whose name all executive acts relating to provincial affairs therein shall be done\u201d. The administrator was appointed, by the national government, for a five-year term and could not be removed except by the Governor General for \u201ccause assigned\u201d. The administrator was not responsible to the provincial council and it had no power to remove him from office. The administrator was the chairman of the provincial executive committee and", + "score": 0.66650390625 + }, + { + "id": "3184439", + "title": "Linda McMahon", + "text": "Super PAC which funded anti-Bernie Sanders advertisements. With her pending nomination to become Administrator of the Small Business Administration, examination of McMahon's record in preparation for her facing United State Senate confirmation began. Among other media attention she received in December was from the \"Wall Street Journal\" which noted that, \"[a]s part of her 2012 campaign, [the nominee's] economic plan called for getting rid of 'outdated/ineffective and duplicative programs,' and expressed support for a 2012 proposal by President Barack Obama to merge the SBA, the Commerce Department's core functions and four other entities into one unit\". The merger proposal, which", + "score": 0.666015625 + }, + { + "id": "695328", + "title": "Business administration", + "text": "and distinct from executive or strategic functions. Alternatively, administration can refer to the bureaucratic or operational performance of routine office tasks, usually internally oriented and reactive rather than proactive. Administrators, broadly speaking, engage in a common set of functions to meet the organization's goals. Henri Fayol described these \"functions\" of the administrator as \"the five elements of administration\". Sometimes creating output, which includes all of the processes that generate the product that the business sells, is added as a sixth element. A business administrator oversees a business and its operations. The job aims to ensure that the business meets its", + "score": 0.666015625 + }, + { + "id": "7151675", + "title": "Administrator of Tokelau", + "text": "career diplomats. Up to 1961, the administrator of Tokelau was the administrator of Samoa. Administrator of Tokelau The Administrator of Tokelau is an official of the New Zealand Government, responsible for supervising the government of the dependent territory of Tokelau. Certain of the Administrator's powers and functions are set forth in the Tokelau Act 1948, as amended from time to time. (The office of Administrator is not, however, created by this Act.) The most important power of the Administrator is the power to disallow any Rule passed by the Parliament of Tokelau (the General Fono); this must, however, be done", + "score": 0.66552734375 + }, + { + "id": "7818674", + "title": "Steve Preston", + "text": "never started or worked for a small business. In his Senate confirmation hearing, Preston said SBA is \"a big business that supports the needs of small businesses \u2026 an organization that requires sophisticated financial management, operational responsiveness, and a customer service culture among the workforce\" and SBA leadership must have \"a mind for big business but a heart for small business.\" Preston was unanimously confirmed by the Senate on June 29, 2006. He took over SBA at a time when the agency was under fire for its disaster loan operation's response to Hurricanes Katrina, Rita, and Wilma. Preston pledged to", + "score": 0.66552734375 + }, + { + "id": "10360565", + "title": "Server administrator", + "text": "Server administrator A server administrator, or admin has the overall control of a server. This is usually in the context of a business organization, where a server administrator oversees the performance and condition of multiple servers in the business organization, or it can be in the context of a single person running a game server. The Server Administrator's role is to design, install, administer, and optimize company servers and related components to achieve high performance of the various business functions supported by the servers as necessary. This includes ensuring the availability of client/server applications, configuring all new implementations, and developing", + "score": 0.66552734375 + }, + { + "id": "8115637", + "title": "Dan Tangherlini", + "text": "as Assistant Secretary of the Treasury for Management, Chief Financial Officer, and Chief Performance Officer at the U.S. Department of the Treasury. Tangherlini was named Acting Administrator of the U.S. General Services Administration on April 2, 2012, after the abrupt resignation of former Administrator Martha Johnson following the White House's discovery of the findings of an Inspector General's investigation into the misuse of taxpayer funds for an October 2010 employee conference in Las Vegas. On May 22, 2013, President Barack Obama announced his intent to nominate Tangherlini as Administrator of the General Services Administration saying, \u201cAs Acting Director, Dan helped", + "score": 0.6650390625 + }, + { + "id": "7151671", + "title": "Administrator of Tokelau", + "text": "Administrator of Tokelau The Administrator of Tokelau is an official of the New Zealand Government, responsible for supervising the government of the dependent territory of Tokelau. Certain of the Administrator's powers and functions are set forth in the Tokelau Act 1948, as amended from time to time. (The office of Administrator is not, however, created by this Act.) The most important power of the Administrator is the power to disallow any Rule passed by the Parliament of Tokelau (the General Fono); this must, however, be done within 30 days after the Administrator is sent a copy of the Rule. The", + "score": 0.6650390625 + }, + { + "id": "15458128", + "title": "County administrator", + "text": "County administrator In local government in the United States, a county administrator or county manager is a person appointed to be the administrative manager of a county, in a council-manager form of county government. In some counties, the equivalent position is the county executive (although this term is sometimes used to refer to a directly or indirectly elected official, and not a hired employee) or county chief administrative officer (CAO) in some counties, and county judge in others. The term \"county manager,\" as opposed to CAO, implies more discretion and independent authority that is set forth in a charter or", + "score": 0.6650390625 + }, + { + "id": "1362697", + "title": "System administrator", + "text": "among different system administrators or members of different organizational groups. For example, a dedicated individual(s) may apply all system upgrades, a Quality Assurance (QA) team may perform testing and validation, and one or more technical writers may be responsible for all technical documentation written for a company. System administrators, in larger organizations, tend not to be systems architects, systems engineers, or systems designers. In smaller organizations, the system administrator might also act as technical support, Database Administrator, Network Administrator, Storage (SAN) Administrator or application analyst. System administrator A system administrator, or sysadmin, is a person who is responsible for the", + "score": 0.66455078125 + }, + { + "id": "14864178", + "title": "Office of Advocacy", + "text": "Office of Advocacy The Office of Advocacy of the U.S. Small Business Administration represents the views of small business to Congress, the White House, federal agencies, federal courts, and state policymakers. It is an independent federal government office housed within the Small Business Administration and created by act of Congress in 1976. It is led by a Chief Counsel for Advocacy who is nominated by the president and confirmed by the U.S. Senate. Its functions include representing the views of small entities in federal rulemaking, conducting economic research on small businesses issues and trends, and gathering information from small entities", + "score": 0.66357421875 + }, + { + "id": "14221063", + "title": "Maria Contreras-Sweet", + "text": "Maria Contreras-Sweet Maria Contreras-Sweet (born 1955) served as the 24th Administrator of the Small Business Administration from 2014 to 2017. She was formerly the executive chairwoman and founder of ProAm\u00e9rica Bank, a commercial bank focusing on small to mid-sized businesses with a specialty in the Latino community. Born in Guadalajara, Mexico, Contreras-Sweet immigrated to Los Angeles, California and has since been involved in both the private sector founding a private equity firm and in public service as the California Secretary of Business, Transportation, and Housing under Governor Gray Davis. On January 15, 2014, she was nominated by President Barack Obama", + "score": 0.6630859375 + }, + { + "id": "10064527", + "title": "Alter Aeon", + "text": "creativity or declare that it produces obviously bad results. Administrative staff are the highest level gods, and are the only ones who are allowed to deal with player issues. Originally, there were a large number of administrative staff, usually picked from the list of active builders. Dentin has publicly (on in-game boards) deemed this to be a mistake and has been very restrictive about creating new administrators. As of 2012, Dentin is effectively the only administrator. To justify the small number of administrators, Dentin claims to be giving the players the tools they need to deal with most problems themselves,", + "score": 0.66259765625 + }, + { + "id": "13709209", + "title": "State Board of Administration of Florida", + "text": "State Board of Administration of Florida The statutory and fiduciary mandate of the State Board of Administration of Florida (SBA) is to invest, manage and safeguard assets of the Florida Retirement System (FRS) Trust Fund as well as the assets of a variety of other funds. The SBA managed 25 different investment funds and trust clients. Trusts are investment responsibilities allowed under law and established pursuant to trust agreements or other forms of consent with individual clients. Three of the SBA's 25 funds are government investment pools that contain the assets of a variety of clients. Twenty-two clients have at", + "score": 0.662109375 + }, + { + "id": "3038886", + "title": "Administrator of the Environmental Protection Agency", + "text": "Administrator of the Environmental Protection Agency The Administrator of the Environmental Protection Agency is the head of the United States federal government's Environmental Protection Agency, and is thus responsible for enforcing the nation's Clean Air and Clean Water Acts, as well as numerous other environmental statutes. The Administrator is nominated by the President of the United States and must be confirmed by a vote of the Senate. The office of Administrator of the Environmental Protection Agency was created in 1970 in legislation that created the agency. The EPA Administrator is customarily accorded Cabinet rank by the President and sits with", + "score": 0.66162109375 + }, + { + "id": "14767638", + "title": "Surplus Property Board", + "text": "concurred that the Act\u2019s three-member Board was inferior to the single-administrator-plan originally proposed. President Truman proposed in July 1945 to reorganize the Board into an agency with a single head, and Congress soon agreed. The Board was superseded by the Surplus Property Administration (SPA), pursuant to an act of September 18, 1945. Board chairman Symington was the SPA\u2019s first administrator. Then, in 1946, domestic functions of the SPA were assigned to War Assets Administration. Truman named Symington as Assistant Secretary of War for Air, and then as the first Secretary of the Air Force. Surplus Property Board The Surplus Property", + "score": 0.66064453125 + }, + { + "id": "12920232", + "title": "School business manager", + "text": "School business manager A school business manager (SBM), sometimes known as a bursar, is a senior member of non-teaching staff responsible for managing non-teaching activity in a school. This position exists in schools in the United Kingdom, but not in most public schools in the United States. They oversee the business management of schools \u2013 all the administrative and logistical aspects of running a school so that these are done in the most effective and efficient way possible. Through this, they free up the school\u2019s headteacher to focus on leading teaching and learning. Although generally not in possession of Qualified", + "score": 0.66015625 + }, + { + "id": "13813057", + "title": "Cape Provincial Council", + "text": "South Africa Act 1909, as \u201ca chief executive officer \u2026 in whose name all executive acts relating to provincial affairs therein shall be done\u201d. The administrator was appointed, by the national government, for a five-year term and could not be removed except by the Governor General for \u201ccause assigned\u201d. The administrator was not responsible to the provincial council and it had no power to remove him from office. The administrator was the chairman of the provincial executive committee and had both an original and casting vote in its deliberations. The provincial council elected four persons (usually members of the provincial", + "score": 0.65966796875 + }, + { + "id": "3184442", + "title": "Linda McMahon", + "text": "68 city tour of the U.S. to hear from small business owners and to support the tax reform plan supported by President Trump. She pitched federal tax cuts. Linda McMahon Linda Marie McMahon (n\u00e9e Edwards; born October 4, 1948) is an American professional wrestling executive and government official serving as the Administrator of the Small Business Administration in the Trump Administration. McMahon was active with WWE from 1980 to 2009. During this time, the company grew from a small regional business in the northeast to a large multinational corporation. As president and later CEO of the company, she initiated the", + "score": 0.6591796875 + }, + { + "id": "10293196", + "title": "Law practice management", + "text": "to firms on this topic. Law firms often employ a number of non-legal personnel or support staff; according to one figure, the average attorney to non-attorney ratio is 1 to 1.3. Many firms and other organizations employ a professional non-attorney legal administrator, or law firm administrator, to manage non-attorney personnel and the administrative aspects of the firm. The professional association for legal administrators is the Association of Legal Administrators (ALA), founded in 1971. Over the past two decades, the role of legal administrator has changes as duties have expanded and become more complex, and as more firms hired administrators; the", + "score": 0.6591796875 + }, + { + "id": "12213573", + "title": "NASA", + "text": "administrator is usually chosen when the Presidency changes parties. The only exceptions to this have been: The first administrator was Dr. T. Keith Glennan appointed by Republican President Dwight D. Eisenhower. During his term he brought together the disparate projects in American space development research. The second administrator, James E. Webb (1961\u20131968), appointed by President John F. Kennedy, was a Democrat who first publicly served under President Harry S. Truman. In order to implement the Apollo program to achieve Kennedy's Moon landing goal by the end of the 1960s, Webb directed major management restructuring and facility expansion, establishing the Houston", + "score": 0.65869140625 + }, + { + "id": "862916", + "title": "United Nations Development Programme", + "text": "to as the third highest-ranking official in the UN (after the UN Secretary General and the UN Deputy Secretary General), this has never been formally codified. In addition to his or her responsibilities as head of UNDP, the Administrator is also the Vice-Chair of the UN Development Group. The position of Administrator is appointed by the Secretary-General of the UN and confirmed by the General Assembly for a term of four years. Achim Steiner is the current Administrator. The five countries on the UNDP board have some influence over selection of the administrator. The first administrator of the UNDP was", + "score": 0.65869140625 + }, + { + "id": "11758937", + "title": "Baldwin-Whitehall School District", + "text": "federal government controls programs it funds like Title I funding for low-income children in the Elementary and Secondary Education Act and the No Child Left Behind Act, which mandates the district focus resources on student success in acquiring reading and math skills. The Superintendent and Business Manager are appointed by the school board. The Superintendent is the chief administrative officer with overall responsibility for all aspects of operations, including education and finance. The Business Manager is responsible for budget and financial operations. Neither of these officials are voting members of the School Board. The School Board enters into individual employment", + "score": 0.658203125 + }, + { + "id": "695330", + "title": "Business administration", + "text": "functions as the manager of the company and of its other managers. Such a person oversees those in managerial positions to ensure that they follow company policies and work toward the company's goals in the most efficient manner. For example, business administrators may work with the managers of the human-resources, production, finance, accounting, and marketing departments to ensure that they function properly and are working in line with the company's goals and objectives. Additionally, they might interact with people outside the company, such as business partners and vendors. The Bachelor of Business Administration (BBA, B.B.A., B.Sc.) is a bachelor's degree", + "score": 0.65771484375 + }, + { + "id": "3412952", + "title": "Apostolic administration", + "text": "Apostolic administration An Apostolic administration in the Catholic Church is administrated by a prelate appointed by the Pope to serve as the ordinary for a specific area. The area is not yet a diocese (a stable 'pre-diocesan', usually missionary apostolic administration) or for a diocese, eparchy or similar permanent ordinariate (such a territorial prelature or a territorial abbacy) that either has no bishop (an apostolic administrator \"sede vacante\", as after an episcopal death or resignation) or, in very rare cases, has an incapacitated bishop (apostolic administrator \"sede plena\"). Apostolic administrators of stable administrations are equivalent in canon law with diocesan", + "score": 0.6572265625 + }, + { + "id": "944399", + "title": "Saline County, Kansas", + "text": "for 5\u201d, successfully campaigned for better representation of the people. Monte Shadwick easily won against long time commissioner Randy Duncan. Governor Sam Brownback is now tasked with appointing the two new commission members that will serve for two years and then be up for election by the people. On January 12, 2015, Luci Larson and Dave Smith were appointed to the newly created 4th and 5th Districts. The county administrator is hired by the Board of Commissioners and is the administrative officer for the county. The administrator is responsible for researching administrative and operational issues and then presenting suggestions for", + "score": 0.6572265625 + }, + { + "id": "19017294", + "title": "Small Business Act for Europe", + "text": "Small Business Act for Europe The Small Business Act for Europe \"(SBA)\" is an overarching framework for the EU policy on Small and Medium Enterprises (SMEs). It aims to improve the approach to entrepreneurship in Europe, simplify the regulatory and policy environment for SMEs, and remove the remaining barriers to their development. In June 2008, the European Commission adopted a communiqu\u00e9 titled \"Small Business Act\" for Europe to the European Council, European Parliament, European Economic and Social Committee, and the Committee of the Regions. Its aim was to provide an SME policy framework to improve competitiveness and promote entrepreneurship. Rather", + "score": 0.65673828125 + }, + { + "id": "13709222", + "title": "State Board of Administration of Florida", + "text": "activities consistent with this section. State Board of Administration of Florida The statutory and fiduciary mandate of the State Board of Administration of Florida (SBA) is to invest, manage and safeguard assets of the Florida Retirement System (FRS) Trust Fund as well as the assets of a variety of other funds. The SBA managed 25 different investment funds and trust clients. Trusts are investment responsibilities allowed under law and established pursuant to trust agreements or other forms of consent with individual clients. Three of the SBA's 25 funds are government investment pools that contain the assets of a variety of", + "score": 0.65673828125 + }, + { + "id": "16475063", + "title": "Provincial council (South Africa)", + "text": "Westminster system (such as that which existed at the national level of government) or a United States style separation of powers between the executive and legislative parts of the government. The Administrator, who was appointed by the national government for a five-year term, was the official in whose name all provincial executive acts were carried out. He was not responsible to the provincial council and it had no power to remove him from office; he could only be removed by the national government. The administrator was the chairman of the provincial executive committee and had both an original and casting", + "score": 0.65625 + }, + { + "id": "7195837", + "title": "Jo Anne B. Barnhart", + "text": "Jo Anne B. Barnhart Jo Anne Bryant Barnhart (born 1950) was the 14th Commissioner of the Social Security Administration, filling a six-year term of office that ran through January 19, 2007. She was nominated by President George W. Bush on July 17, and confirmed by the United States Senate on November 2, 2001. On February 1, 2007, the Senate confirmed Michael J. Astrue to replace Mrs. Barnhart for a six-year term beginning on January 20, 2007. As head of the Social Security Administration (SSA), she was responsible for administering the Social Security programs (retirement, survivors and disability), as well as", + "score": 0.65576171875 + }, + { + "id": "10223318", + "title": "Jefferson-Morgan School District", + "text": "government controls programs it funds like Title I funding for low-income children in the Elementary and Secondary Education Act and the No Child Left Behind Act, which mandates the District focus resources on student success in acquiring reading and math skills. The Superintendent and Business Manager are appointed by the school board. The Superintendent is the chief administrative officer with overall responsibility for all aspects of operations, including education and finance. The Business Manager is responsible for budget and financial operations. Neither of these officials are voting members of the School Board. The School Board enters into individual employment contracts", + "score": 0.65576171875 + }, + { + "id": "12820452", + "title": "Karen Mills", + "text": "advantage of Maine's local agriculture. In 2007 she was appointed chair of Maine's Council on Competitiveness and the Economy, where she focused on attracting investment in regional industries and rural areas of Maine. Drawing on her experience working with regional innovation clusters, Mills authored a paper on the subject for the Brookings Institution in April, 2008. Created in 1953, the Small Business Administration operates in four key areas: expanding access to capital, increasing government contracting opportunities, entrepreneurial development, and disaster relief. The agency gained a higher profile under President Obama, who made small businesses a cornerstone of his effort to", + "score": 0.6552734375 + }, + { + "id": "1479262", + "title": "Transportation Security Administration", + "text": "was referred to as the Under Secretary of Transportation for Security. Following the TSA's transfer to the Department of Homeland Security, the position was reclassified as the Administrator of the Transportation Security Administration. The position has also been referred to as the Assistant Secretary of Homeland Security for the Transportation Security Administration. There have been seven administrators and six acting administrators in TSA's 15-year history. Following the passage of the FAA Reauthorization Act of 2018 which included a provision known as the TSA Modernization Act, the Administrator's term was set as a five year term retroactive to the start of", + "score": 0.6552734375 + }, + { + "id": "7305509", + "title": "Administrative posts of the British South Africa Company in Southern Rhodesia", + "text": "deputy to the Chief Magistrate, who was the principal officer from 1890. The term of office was theoretically three years, though it was common to reappoint incumbents. There was, in addition, an Acting Administrator, who was a deputy. The Administrator office became defunct when Southern Rhodesia received responsible government within the British Empire in October 1923. It was replaced by the post of Premier, which was renamed Prime Minister in 1933. After the Jameson Raid, the British Imperial Government determined by order in council to appoint a Resident Commissioner to supervise the affairs of the British South Africa Company. Reporting", + "score": 0.6552734375 + }, + { + "id": "7347917", + "title": "Office administration", + "text": "Office administration Office administration is a set of day-to-day activities that are related to financial planning, record keeping & billing, personnel, physical distribution and logistics, within an organization. An employee that undertakes these activities is commonly called an office administrator or office manager, and plays a key role in any organizations infrastructure, regardless of the scale. Many administrative positions require the candidate to have an advanced skill set in the software applications Microsoft Word, Excel and Access. An office administrator has the responsibility of ensuring that the administrative activities within an organization run efficiently, by providing structure to other employees", + "score": 0.6552734375 + }, + { + "id": "695334", + "title": "Business administration", + "text": "organizations. Business administration Business administration is management of a business. It includes all aspects of overseeing and supervising business operations and related fields which include accounting, finance and marketing. The administration of a business includes the performance or management of business operations and decision making, as well as the efficient organization of people and other resources, to direct activities toward common goals and objectives. In general, administration refers to the broader management function, including the associated finance, personnel and MIS services. Some analyses view management as a subset of administration, specifically associated with the technical and operational aspects of an", + "score": 0.65478515625 + }, + { + "id": "10617715", + "title": "Steven G. Smith", + "text": "Defense (Policy); Senior Military Assistant to the Under Secretary of Defense (Personnel & Readiness), Director Office of Program Appraisal for the Secretary of the Navy, Commander Amphibious Group Three, Commanding Officer USS MOBILE BAY (CG-53) and Commanding Officer USS CHANDLER (DDG-996). Admiral Smith is currently the Director of Disaster Planning and Risk Management at the U.S. Small Business Administration. He works with the White House National Security Staff, FEMA, the Department of Commerce, and other domestic agencies in planning the most effective long term recovery from natural and man-made disasters. He has been a contributor to the development of the", + "score": 0.65478515625 + }, + { + "id": "13818877", + "title": "Susan Wilson Solovic", + "text": "first female executive in the Commercial Finance Division and one of the highest-ranking women at ITT Corporation. While at ITT, she attended St. Louis University School of Law, graduating with honors. Solovic is the former CEO and a featured host of the web-based Small Business Television (SBTV.com). In 2004, Solovic was appointed to the National Women's Business Council to advise Congress, the President and the United States Small Business Administration on economic issues relevant to women business owners. She sat on the boards of the John F. Kennedy School of Government (Women's Leadership Board) at Harvard University and the John", + "score": 0.65380859375 + }, + { + "id": "15022821", + "title": "Small Business Jobs Act of 2010", + "text": "Small Business Jobs Act of 2010 The Small Business Jobs Act of 2010 () is a federal law passed by the 111th United States Congress and signed into law by President Barack Obama on September 27, 2010. The law authorizes the creation of the Small Business Lending Fund Program administered by the Treasury Department to make capital investments in eligible institutions, in order to increase the availability of credit for small businesses. The provisions of the Act included: Some aspects of the Act's bonus depreciation mechanism were extended and amplified by the Tax Relief, Unemployment Insurance Reauthorization, and Job Creation", + "score": 0.6533203125 + }, + { + "id": "695327", + "title": "Business administration", + "text": "Business administration Business administration is management of a business. It includes all aspects of overseeing and supervising business operations and related fields which include accounting, finance and marketing. The administration of a business includes the performance or management of business operations and decision making, as well as the efficient organization of people and other resources, to direct activities toward common goals and objectives. In general, administration refers to the broader management function, including the associated finance, personnel and MIS services. Some analyses view management as a subset of administration, specifically associated with the technical and operational aspects of an organization,", + "score": 0.6533203125 + }, + { + "id": "1822554", + "title": "Administrator of the government", + "text": "Administrator of the government An administrator (administrator of the government, officer administering the government) in the constitutional practice of some countries in the Commonwealth is a person who fulfils a role similar to that of a governor or a governor-general. Usually the office of administrator is a temporary appointment, for periods during which the governor is incapacitated, outside the territory, or otherwise unable to perform his or her duties. The process for selecting administrators varies from country to country. In the Commonwealth of Australia, the administrator is usually called the \"administrator of the Commonwealth\". State governors hold a dormant commission", + "score": 0.65283203125 + }, + { + "id": "9483953", + "title": "Administration (government)", + "text": "Administration (government) The term administration, as used in the context of government, differs according to jurisdiction. In American usage, the term generally refers to the executive branch under a specific president (or governor, mayor, or other local executive); or the term of a particular executive; for example: \"President Y's administration\" or \"Secretary of Defense X during President Y's administration.\" It can also mean an executive branch agency headed by an administrator, as the Small Business Administration or the National Archives and Records Administration. The term \"administration\" has been used to denote the executive branch in presidential systems of government. The", + "score": 0.65283203125 + }, + { + "id": "2645304", + "title": "United States Senate Committee on Small Business and Entrepreneurship", + "text": "United States Senate Committee on Small Business and Entrepreneurship The U.S. Senate Committee on Small Business and Entrepreneurship is a standing committee of the United States Senate. It has jurisdiction over the Small Business Administration and is also charged with researching and investigating all problems of American small business enterprises. On October 8, 1940, the Senate established the Special Committee to Study and Survey Problems of Small Business Enterprises (also known as the Special Committee to Study Problems of American Small Business). On January 31, 1949, this special committee was terminated, but on February 20, 1950, the Select Committee on", + "score": 0.65283203125 + }, + { + "id": "7305508", + "title": "Administrative posts of the British South Africa Company in Southern Rhodesia", + "text": "Administrative posts of the British South Africa Company in Southern Rhodesia The British South Africa Company appointed a variety of officials to govern Southern Rhodesia (called Zimbabwe since 1980) between 1890 and 1923. The most prominent of these were the Administrator and the Chief Magistrate, the first of which was in effect the head of government during this time. As such, he held a seat on the Legislative Council of Southern Rhodesia \"ex officio\". The post of Administrator was officially created by section 8 of the Southern Rhodesia Order in Council of 1894, but in practice had existed as a", + "score": 0.65283203125 + }, + { + "id": "12063161", + "title": "Central Cambria School District", + "text": "controls programs it funds like: Title I funding for low income children in the Elementary and Secondary Education Act and the No Child Left Behind Act, which mandates the district focus resources on student success in acquiring reading and math skills. The Superintendent and Business Manager are appointed by the school board. The Superintendent is the chief administrative officer with overall responsibility for all aspects of operations, including education and finance. The Business Manager is responsible for budget and financial operations. Neither of these officials are voting members of the School Board. The School Board enters into individual employment contracts", + "score": 0.65283203125 + }, + { + "id": "18271018", + "title": "Janee Michelle", + "text": "and Associates, a management consulting company. The company did not generate much revenue at first, and Michelle worked elsewhere in management and marketing. For the first few years, Michelle and Tucker did not apply for assistance from the Small Business Administration (SBA) 8(a) Business Development Program, which offers support to businesses run by members of minority groups. Michelle said they made this decision because \"we had seen other businesses start out strongly, graduate from the SBA 8-A program and fail [and] we wanted to be able to know that we could compete without it\". Michelle had no formal business education,", + "score": 0.65283203125 + }, + { + "id": "20796883", + "title": "Sarah Shipman", + "text": "Sarah Shipman Sarah L. Shipman is the current Kansas Secretary of Administration, serving in that position since 2016. Shipman graduated from Southwestern College in Winfield in May 1995 and Washburn University School of Law in May 2005, where she was editor of the \"Washburn Law Journal\". In the private sector, she was associate general counsel for MRV, Inc. in Topeka, handling commercial real estate from August 2005 to May 2008. Shipman later became vice president and counsel for Silver Lake Bank in Topeka, working there between May 2008 and October 2011. She also was an adjunct faculty member at the", + "score": 0.65283203125 + }, + { + "id": "12213575", + "title": "NASA", + "text": "help the agency recover from the Space Shuttle \"Challenger\" disaster. Former astronaut Charles Bolden served as NASA's twelfth administrator from July 2009 to January 20, 2017. Bolden is one of three former astronauts who became NASA administrators, along with Richard H. Truly (served 1989\u20131992) and Frederick D. Gregory (acting, 2005). The agency's administration is located at NASA Headquarters in Washington, DC and provides overall guidance and direction. Except under exceptional circumstances, NASA civil service employees are required to be citizens of the United States. NASA has conducted many manned and unmanned spaceflight programs throughout its history. Unmanned programs launched the", + "score": 0.65234375 + } + ], + "answer": "The U.S. Small Business Administration (SBA) is a United States government agency that provides support to entrepreneurs and small businesses. Maria Contreras-Sweet served as the 24th Administrator of the Small Business Administration starting on April 7, 2014 to 2017. Joseph Loddo was the Administrator from January 20, 2017 to February 2017. Linda McMahon served as the 25th administrator of the Small Business Administration from February 14, 2017 to 2019." + }, + { + "qa_pairs": [ + { + "context": "In November 2012, BP and the United States Department of Justice settled federal criminal charges, with BP pleading guilty to 11 counts of manslaughter, two misdemeanors, and a felony count of lying to Congress. BP also agreed to four years of government monitoring of its safety practices and ethics, and the Environmental Protection Agency announced that BP would be temporarily banned from new contracts with the US government. BP and the Department of Justice agreed to a record-setting $4.525\u00a0billion in fines and other payments. , cleanup costs, charges and penalties had cost the company more than $65\u00a0billion.", + "question": "How much did the deepwater horizon oil spill cost bp in fines and other payments?", + "short_answers": [ + "$4.525 billion" + ], + "wikipage": "Deepwater Horizon oil spill" + }, + { + "context": "In November 2012, BP and the United States Department of Justice settled federal criminal charges, with BP pleading guilty to 11 counts of manslaughter, two misdemeanors, and a felony count of lying to Congress. BP also agreed to four years of government monitoring of its safety practices and ethics, and the Environmental Protection Agency announced that BP would be temporarily banned from new contracts with the US government. BP and the Department of Justice agreed to a record-setting $4.525\u00a0billion in fines and other payments. , cleanup costs, charges and penalties had cost the company more than $65\u00a0billion.", + "question": "As of 2018, how much total did the deepwater horizon oil spill cost bp?", + "short_answers": [ + "more than $65 billion" + ], + "wikipage": "Deepwater Horizon oil spill" + }, + { + "context": "In September 2014, a U.S. District Court judge ruled that BP was primarily responsible for the oil spill because of its gross negligence and reckless conduct. In July 2015, BP agreed to pay $18.7 billion in fines, the largest corporate settlement in United States history.", + "question": "How much did the deepwater horizon oil spill cost bp in fines after a September 2014 ruling?", + "short_answers": [ + "$18.7 billion" + ], + "wikipage": "Deepwater Horizon oil spill" + }, + { + "context": "In November 2012, BP and the United States Department of Justice settled federal criminal charges, with BP pleading guilty to 11 counts of manslaughter, two misdemeanors, and a felony count of lying to Congress. BP also agreed to four years of government monitoring of its safety practices and ethics, and the Environmental Protection Agency announced that BP would be temporarily banned from new contracts with the US government. BP and the Department of Justice agreed to a record-setting $4.525\u00a0billion in fines and other payments. , cleanup costs, charges and penalties had cost the company more than $65\u00a0billion.", + "question": "How much did the deepwater horizon oil spill cost BP in cleanup costs?", + "short_answers": [ + "$65 billion" + ], + "wikipage": "Deepwater Horizon oil spill" + }, + { + "context": "On 2 July 2015, BP, the U.S. Justice Department and five gulf states announced that the company agreed to pay a record settlement of $18.7 billion. To date BP's cost for the clean-up, environmental and economic damages and penalties has reached $54 billion.", + "question": "How much did the deepwater horizon oil spill cost BP in fines?", + "short_answers": [ + "$18.7 billion" + ], + "wikipage": "Deepwater Horizon oil spill" + } + ], + "wikipages": [ + { + "title": "Deepwater Horizon oil spill", + "url": "https://en.wikipedia.org/wiki/Deepwater%20Horizon%20oil%20spill" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The Deepwater Horizon oil spill was an industrial disaster that began on 20 April 2010, in the Gulf of Mexico on the BP-operated Macondo Prospect,[6][7][8][9] considered to be the largest marine oil spill in the history of the petroleum industry and estimated to be 8 to 31 percent larger in volume than the previous largest, the Ixtoc I oil spill, also in the Gulf of Mexico. ", + "wikipage": "Deepwater Horizon oil spill" + } + ], + "long_answer": "The Deepwater Horizon oil spill was an industrial disaster that began on 20 April 2010, in the Gulf of Mexico on the BP-operated Macondo Prospect. BP and the United States Department of Justice agreed to a record-setting $4.525 billion in fines and other payments. Cleanup costs, charges and penalties had cost the company more than $65 billion. In September 2014, a U.S. District Court judge ruled that BP was primarily responsible for the oil spill because of its gross negligence and reckless conduct. In July 2015, BP agreed to pay $18.7 billion in fines, the largest corporate settlement in United States history." + }, + { + "knowledge": [ + { + "content": "The Deepwater Horizon oil spill was an industrial disaster that began on 20 April 2010, in the Gulf of Mexico on the BP-operated Macondo Prospect,[6][7][8][9] considered to be the largest marine oil spill in the history of the petroleum industry and estimated to be 8 to 31 percent larger in volume than the previous largest, the Ixtoc I oil spill, also in the Gulf of Mexico. ", + "wikipage": "Deepwater Horizon oil spill" + } + ], + "long_answer": "The Deepwater Horizon oil spill was an industrial disaster that began on 20 April 2010, in the Gulf of Mexico on the BP-operated Macondo Prospect, and is considered to be the largest marine oil spill in the history of the petroleum industry. In November 2012, BP plead guilty to 11 counts of manslaughter, two misdemeanors, and a felony count of lying to Congress, BP and the Department of Justice agreed to a record-setting $4.525 billion in fines and other payments. In September 2014, a U.S. District Court judge ruled that BP was primarily responsible for the oil spill because of its gross negligence and reckless conduct, which led to July 2015, BP agreed to pay $18.7 billion in fines, the largest corporate settlement in United States history. As of 2018, cleanup costs, charges and penalties had cost the company more than $65 billion." + } + ], + "sample_id": "6484856683220400509", + "question": "How much did the deepwater horizon oil spill cost bp?", + "docs": [ + { + "id": "14488775", + "title": "Deepwater Horizon oil spill", + "text": "impact of lost or degraded commercial, recreational, and mariculture fisheries in the Gulf could be $8.7 billion by 2020, with a potential loss of 22,000 jobs over the same time frame. BP's expenditures on the spill included the cost of the spill response, containment, relief well drilling, grants to the Gulf states, claims paid, and federal costs, including fines and penalties. , BP estimated the company's total spill-related expenses do not exceed $37.2 billion. However, by some estimations penalties that BP may be required to pay have reached as high as $90 billion. In addition, in November 2012 the EPA", + "score": 0.83740234375, + "summary": "BP estimated the total expenses of the Deepwater Horizon oil spill to be $37.2 billion, which includes the cost of spill response, claims paid, fines, and penalties. However, some estimations suggest that BP may be required to pay penalties as high as $90 billion.", + "extraction": "BP estimated the company's total spill-related expenses do not exceed $37.2 billion." + }, + { + "id": "14660816", + "title": "Economic effects of the Deepwater Horizon oil spill", + "text": "losses could amount to $30 billion, of which estimated total claims to the market from the disaster, including control of well, re-drilling, third-party liability and seepage and pollution costs, could exceed $1.2 billion. After announcement of the six-month moratorium on drilling in the deep-water Gulf of Mexico BP agreed to allocate $100 million for payments to offshore oil workers who were unemployed due to the moratorium. BP's stock fell by 51% in 40 days on the New York Stock Exchange, going from $60.57 on 20 April 2010, to $29.20 on 9 June, its lowest level since August 1996. On 25", + "score": 0.8076171875, + "summary": "The Deepwater Horizon oil spill cost BP an estimated $30 billion, with total claims from the disaster exceeding $1.2 billion. BP also allocated $100 million for payments to unemployed offshore oil workers. BP's stock fell by 51% in 40 days on the NYSE after the spill.", + "extraction": "The Deepwater Horizon oil spill cost BP an estimated $30 billion, including $1.2 billion in total claims for control of well, re-drilling, third-party liability, and seepage and pollution costs." + }, + { + "id": "14660815", + "title": "Economic effects of the Deepwater Horizon oil spill", + "text": "estimated the company's total spill-related expenses do not exceed $37.2 billion. The United States Oil Pollution Act of 1990 limits BP's liability for non-cleanup costs to $75 million unless gross negligence is proven. BP has said it would pay for all cleanup and remediation regardless of the statutory liability cap. Nevertheless, some Democratic lawmakers sought to pass legislation that would increase the liability limit to $10 billion. Analysts for Swiss Re have estimated that the total insured losses from the accident could reach $3.5 billion. According to UBS, final losses could be $12 billion. According to Willis Group Holdings, total", + "score": 0.79736328125, + "summary": "BP's total spill-related expenses are estimated to be $37.2 billion, including cleanup and remediation costs. The liability limit for non-cleanup costs under the Oil Pollution Act of 1990 is $75 million unless gross negligence is proven. Some lawmakers sought to increase the limit to $10 billion. Insured losses are estimated at $3.5 billion, and final losses could be $12 billion.", + "extraction": "The company's total spill-related expenses do not exceed $37.2 billion." + }, + { + "id": "14488712", + "title": "Deepwater Horizon oil spill", + "text": "and payments to a trust fund had cost the company $42.2 billion. In September 2014, a U.S. District Court judge ruled that BP was primarily responsible for the oil spill because of its gross negligence and reckless conduct. In July 2015, BP agreed to pay $18.7 billion in fines, the largest corporate settlement in U.S. history. How the misuse of categorical exclusion for National Environmental Policy Act (NEPA) compliance relates to this spill is described in Regulatory Capture. The \"Deepwater Horizon\" was a 10-year-old semi-submersible, mobile, floating, dynamically positioned drilling rig that could operate in waters up to deep. Built", + "score": 0.79541015625, + "summary": "BP paid $42.2 billion for the Deepwater Horizon oil spill, and agreed to pay $18.7 billion in fines in July 2015, which is the largest corporate settlement in U.S. history.", + "extraction": "BP paid $42.2 billion for the Deepwater Horizon oil spill." + }, + { + "id": "14660814", + "title": "Economic effects of the Deepwater Horizon oil spill", + "text": "the total liability could amount to as much as by the conclusion of the disaster. Financial analysts commented that BP was capable of addressing the potential liabilities that might result, and BP stock rose slightly on the news that the initial compensation fund had been agreed. On 5 July 2010, BP reported that its own expenditures on the oil spill had reached $3.12 billion, including the cost of the spill response, containment, relief well drilling, grants to the Gulf states, claims paid, and federal costs. As of 1 October 2010, BP has spent $11.2 billion. As of March 2012, BP", + "score": 0.791015625, + "summary": "BP spent $11.2 billion as of October 2010 on the Deepwater Horizon oil spill.", + "extraction": "BP's expenditures on the Deepwater Horizon oil spill had reached $11.2 billion as of 1 October 2010." + }, + { + "id": "12380029", + "title": "BP", + "text": "state. The \"Deepwater Horizon\" oil spill was a major industrial accident on the Gulf of Mexico, which killed 11 people and injured 16 others, leaked about of oil with plus or minus 10% uncertainty, which makes it the largest accidental marine oil spill in the history of the petroleum industry, and cost to the company more than $65 billion of cleanup costs, charges and penalties. On 20 April 2010, the semi-submersible exploratory offshore drilling rig \"Deepwater Horizon\" located in the Macondo Prospect in the Gulf of Mexico exploded after a blowout. After burning for two days, the rig sank. The", + "score": 0.78955078125, + "summary": "The Deepwater Horizon oil spill cost BP more than $65 billion in cleanup costs, charges, and penalties.", + "extraction": "The Deepwater Horizon oil spill cost the company more than $65 billion of cleanup costs, charges and penalties." + }, + { + "id": "14488819", + "title": "Deepwater Horizon oil spill", + "text": "another $18 billion in damages, four times the Clean Water Act maximum penalties and many times more than the $3.5 billion BP had already allotted. BP strongly disagreed with the ruling and filed an immediate appeal. The size of the ruling \"casts a cloud over BP\u2019s future,\" \"The New York Times\" reported. On 2 July 2015, BP, the U.S. Justice Department and five gulf states announced that the company agreed to pay a record settlement of $18.7 billion. To date BP's cost for the clean-up, environmental and economic damages and penalties has reached $54 billion. In addition to the private", + "score": 0.78466796875, + "summary": "BP's cost for the Deepwater Horizon oil spill, including clean-up, environmental and economic damages, and penalties, has reached $54 billion. BP agreed to pay a record settlement of $18.7 billion in July 2015.", + "extraction": "BP's cost for the cleanup, environmental and economic damages and penalties has reached $54 billion." + }, + { + "id": "14540161", + "title": "Deepwater Horizon explosion", + "text": "statement disagreeing with the finding, and saying the court's decision would be appealed. In July 2015 BP reached an $18.7bn settlement with the US government, the states of Alabama, Florida, Louisiana, Mississippi and Texas, as well as 400 local authorities. To date BP's cost for the clean-up, environmental and economic damages and penalties has reached $54bn. Deepwater Horizon explosion The \"Deepwater Horizon\" drilling rig explosion was the April 20, 2010, explosion and subsequent fire on the \"Deepwater Horizon\" semi-submersible Mobile Offshore Drilling Unit (MODU), which was owned and operated by Transocean and drilling for BP in the Macondo Prospect oil", + "score": 0.7841796875, + "summary": "BP's cost for the Deepwater Horizon oil spill has reached $54bn.", + "extraction": "BP's cost for the clean-up, environmental and economic damages and penalties has reached $54bn." + }, + { + "id": "14540160", + "title": "Deepwater Horizon explosion", + "text": "blame for the spill to BP, 30% to Transocean, and 3% to Halliburton. Fines would be apportioned commensurate with the degree of negligence of the parties, measured against the number of barrels of oil spilled. Under the Clean Water Act fines can be based on a cost per barrel of up to $4,300, at the discretion of the judge. The number of barrels was in dispute at the conclusion of the trial with BP arguing 2.5 million barrels were spilled over the 87 days the spill lasted, while the court found that 4.2 million barrels were spilled. BP issued a", + "score": 0.78173828125, + "summary": "The document states that the Deepwater Horizon oil spill was blamed 100% on BP, Transocean, and Halliburton. Fines were to be apportioned according to negligence. The number of barrels spilled was disputed, with BP arguing 2.5 million and the court finding 4.2 million. Fines could be up to $4,300 per barrel spilled under the Clean Water Act. The cost of the spill to BP is not directly stated.", + "extraction": "BP argued that 2.5 million barrels were spilled, but the court found that 4.2 million barrels were spilled. The fines under the Clean Water Act can be based on a cost per barrel of up to $4,300, at the discretion of the judge. Therefore, it is unclear exactly how much the Deepwater Horizon oil spill cost BP, as the final amount would depend on the judge's decision." + }, + { + "id": "14540158", + "title": "Deepwater Horizon explosion", + "text": "International settled with BP for $75 million. In October 2011, Anadarko Petroleum Corporation agreed to pay BP $4 billion and the two companies settled all claims between them. Anadarko yielded its 25% stake in Mississippi Canyon Block 252 (Macondo) to BP in the agreement and BP will indemnify Anadarko for damage claims arising under the U.S. Oil Pollution Act, among other costs. In December 2011, Cameron International agreed to pay a $250 million settlement to BP PLC to settle all claims related to the Deepwater Horizon with neither party admitting responsibility. \"BP still has not reached a settlement with Transocean", + "score": 0.77294921875, + "summary": "BP's settlement costs for the Deepwater Horizon oil spill were $75 million from International, $4 billion from Anadarko Petroleum Corporation, and $250 million from Cameron International. The total cost is at least $4.325 billion.", + "extraction": "The Deepwater Horizon oil spill cost BP $4 billion." + }, + { + "id": "6236586", + "title": "Anadarko Petroleum", + "text": "by BP for all costs related to the oil spill, including those arising under the Oil Pollution Act of 1990. In December 2015, U.S. District Judge Carl Barbier ordered Anadarko to pay a civil fine under the Clean Water Act of $159.5 million, or $50 per barrel of oil spilled as a result of the Deepwater Horizon drilling rig explosion. The judge stated Anadarko was not at fault for the spill, but the company's 25% ownership stake made it responsible. Barbier wrote that the $159.5 million fine \"strikes the appropriate balance between Anadarko's lack of culpability and the extreme seriousness", + "score": 0.77197265625, + "summary": "Anadarko Petroleum was ordered to pay a civil fine of $159.5 million for the Deepwater Horizon oil spill, but the document is irrelevant to BP's cost.", + "extraction": "The Deepwater Horizon oil spill cost BP. However, there is no specific cost mentioned in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "14488817", + "title": "Deepwater Horizon oil spill", + "text": "to Halliburton. Fines would be apportioned commensurate with the degree of negligence of the parties, measured against the number of barrels of oil spilled. Under the Clean Water Act fines can be based on a cost per barrel of up to $4,300, at the discretion of the judge. The number of barrels was in dispute at the conclusion of the trial with BP arguing 2.5 million barrels were spilled over the 87 days the spill lasted, while the court contends 4.2 million barrels were spilled. BP issued a statement strongly disagreeing with the finding, and saying the court's decision would", + "score": 0.771484375, + "summary": "The cost of the Deepwater Horizon oil spill for BP is uncertain and in dispute, with fines potentially reaching up to $4,300 per barrel of oil spilled. BP argues that 2.5 million barrels were spilled while the court contends it was 4.2 million barrels.", + "extraction": "The cost of the Deepwater Horizon oil spill for BP is not explicitly mentioned in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "14660754", + "title": "Deepwater Horizon litigation", + "text": "late October 2013 it had boosted this estimate to $9.2 billion, and said it could be \"significantly higher.\" In September 2014, Halliburton agreed to settle a large percentage of legal claims against it over the Deepwater spill by paying $1.1 billion into a trust by way of three installments over two years. On 2 July 2015, BP and five states announced an $18.5 billion settlement to be used for Clean Water Act penalties and various claims. On November 14, 2012, BP and the US Department of Justice reached a settlement under which BP agreed to pay $4.5 billion in fines", + "score": 0.76806640625, + "summary": "BP's Deepwater Horizon oil spill cost them $4.5 billion in fines as part of a settlement with the US Department of Justice in November 2012. In July 2015, BP reached an $18.5 billion settlement with five states for Clean Water Act penalties and various claims. However, in late October 2013, BP estimated the cost to be $9.2 billion or potentially higher. Halliburton settled for $1.1 billion in September 2014.", + "extraction": "BP agreed to pay $4.5 billion in fines." + }, + { + "id": "14488731", + "title": "Deepwater Horizon oil spill", + "text": "million, mostly reimbursed by BP. , 935 personnel were still involved. By that time cleanup had cost BP over $14 billion. It was estimated with plus-or-minus 10% uncertainty that of oil was released from the well; of oil went into the Gulf. The report led by the Department of the Interior and the NOAA said that \"75% [of oil] has been cleaned up by Man or Mother Nature\"; however, only about 25% of released oil was collected or removed while about 75% of oil remained in the environment in one form or another. In 2012, Markus Huettel, a benthic ecologist", + "score": 0.7666015625, + "summary": "The Deepwater Horizon oil spill cleanup cost BP over $14 billion, mostly reimbursed.", + "extraction": "Cleanup had cost BP over $14 billion." + }, + { + "id": "14660817", + "title": "Economic effects of the Deepwater Horizon oil spill", + "text": "June, BP's market value reached a 1-year low. The company's total value lost since 20 April was $105 billion. Investors saw their holdings in BP shrink to $27.02, a nearly 54% loss of value in 2010. A month later, the company's loss in market value totalled $60 billion, a 35% decline since the explosion. At that time, BP reported a second-quarter loss of $17 billion, its first loss in 18 years. This included a one-time $32.2 billion charge, including $20 billion for the fund created for reparations and $2.9 billion in actual costs. BP announced that it was setting up", + "score": 0.7666015625, + "summary": "BP's total loss in market value since the Deepwater Horizon oil spill on April 20, 2010 was $105 billion. The company reported a second-quarter loss of $17 billion, including $20 billion for the fund created for reparations and $2.9 billion in actual costs.", + "extraction": "BP's second-quarter loss included a one-time $32.2 billion charge, including $20 billion for the fund created for reparations and $2.9 billion in actual costs." + }, + { + "id": "14660727", + "title": "Deepwater Horizon litigation", + "text": "its deliberate misconduct and gross negligence. The finding means that the company may be subject to $18 billion in penalties in addition to the $28 billion already paid out in claims and cleanup costs. Such penalties are far larger than the $3.5 billion BP had allotted to the case, and could have grave implications for the company. Litigation commenced almost immediately after the explosion and oil spill. By May 27, 2010, Transocean, which owned the Deepwater Horizon, said in testimony before the U.S. House Judiciary Committee that it was defendant in 120 lawsuits, of which more than 80 were class", + "score": 0.76611328125, + "summary": "BP may be subject to $18 billion in penalties in addition to the $28 billion already paid out in claims and cleanup costs for the Deepwater Horizon oil spill. The penalties are far larger than the $3.5 billion BP had allotted to the case. Litigation commenced almost immediately after the explosion and oil spill.", + "extraction": "The Deepwater Horizon oil spill cost BP $28 billion in claims and cleanup costs, and the company may be subject to $18 billion in additional penalties." + }, + { + "id": "14488806", + "title": "Deepwater Horizon oil spill", + "text": "to spend $105 million over five years to set up a Gulf Coast health outreach program and pay for medical examinations. According to a group presenting the plaintiffs, the deal has no specific cap. BP says that it has $9.5 billion in assets set aside in a trust to pay the claims, and the settlement will not increase the $37.2 billion the company budgeted for spill-related expenses. BP originally expected to spend $7.8 billion. By October 2013 it had increased its projection to $9.2 billion, saying it could be \"significantly higher.\" On 31 August 2012, the US Department of Justice", + "score": 0.76513671875, + "summary": "BP originally expected to spend $7.8 billion on the Deepwater Horizon oil spill, but by October 2013, it had increased its projection to $9.2 billion. However, there is no specific cap on the $105 million that BP has agreed to spend over five years to set up a Gulf Coast health outreach program and pay for medical examinations.", + "extraction": "BP originally expected to spend $7.8 billion. By October 2013 it had increased its projection to $9.2 billion." + }, + { + "id": "14488809", + "title": "Deepwater Horizon oil spill", + "text": "Trust Fund, $350 million to the National Academy of Sciences for oil spill prevention and response research, $100 million to the North America Wetland Conservation Fund, $6 million to General Treasury and $525 million to the Securities and Exchange Commission. Oil sector analysts at London-based investment bank Canaccord Genuity noted that a settlement along the lines disclosed would only be a partial resolution of the many claims against BP. On 3 January 2013, the US Justice Department announced \"Transocean Deepwater Inc. has agreed to plead guilty to violating the Clean Water Act and to pay a total of $1.4 billion", + "score": 0.76416015625, + "summary": "The document mentions various funds and payouts related to the Deepwater Horizon oil spill, but does not provide a clear answer to the question of how much it cost BP.", + "extraction": "$1.4 billion" + }, + { + "id": "14488799", + "title": "Deepwater Horizon oil spill", + "text": "control response, and insufficient emergency bridge response training by companies and individuals responsible for drilling at the Macondo well and for the operation of the drilling platform. On 16 June 2010, after BP executives met with President Obama, BP announced and established the Gulf Coast Claims Facility (GCCF), a $20 billion fund to settle claims arising from the Deepwater Horizon spill. This fund was set aside for natural resource damages, state and local response costs, and individual compensation, but could not be used for fines or penalties. Prior to establishing the GCCF, emergency compensation was paid by BP from an", + "score": 0.755859375, + "summary": "BP established a $20 billion Gulf Coast Claims Facility to settle claims arising from the Deepwater Horizon spill on June 16, 2010. It was set aside for natural resource damages, state and local response costs, and individual compensation but could not be used for fines or penalties.", + "extraction": "BP established a $20 billion fund called the Gulf Coast Claims Facility to settle claims arising from the Deepwater Horizon spill." + }, + { + "id": "12318527", + "title": "United States offshore drilling debate", + "text": "United States history. 5 million barrels of oil were spilled into the Gulf of Mexico, leading to $21.5 billion (or $4300 per barrel) of clean-up costs paid by BP. To the right are the costs of the BP oil spill broken down by category. The image doesn't include the $15+ million in tax breaks that BP was able to save. Also, BP has continued to pay out settlements since the graphic was created in 2011 so the orange section in the graph should be larger than it is. Oil spills create numerous negative externalities that hurt the local and national", + "score": 0.751953125, + "summary": "BP paid $21.5 billion in clean-up costs for the deepwater horizon oil spill, which spilled 5 million barrels of oil into the Gulf of Mexico.", + "extraction": "$21.5 billion (or $4300 per barrel) of clean-up costs paid by BP." + }, + { + "id": "12379929", + "title": "BP", + "text": "US$25 million civil penalty, the largest per-barrel penalty at that time for an oil spill. The 2010 \"Deepwater Horizon\" oil spill, the largest accidental release of oil into marine waters in history, resulted in severe environmental, health and economic consequences, and serious legal and public relations repercussions for BP. of Corexit oil dispersant were used in the cleanup response, becoming the largest application of such chemicals in US history. The company pleaded guilty to 11 counts of felony manslaughter, two misdemeanors, one felony count of lying to Congress, and agreed to pay more than $4.5 billion in fines and penalties,", + "score": 0.751953125 + }, + { + "id": "10717583", + "title": "Deepwater Horizon", + "text": "Halliburton. BP issued a statement strongly disagreeing with the finding, and saying the court's decision would be appealed. On 8 December 2014, The US Supreme Court rejected BP's legal challenge to a compensation deal over the 2010 Gulf of Mexico oil spill. The settlement agreement had no cap, but BP initially estimated that it would pay roughly $7.8bn (\u00a36.1bn) to compensate victims. Deepwater Horizon Deepwater Horizon was an ultra-deepwater, dynamically positioned, semi-submersible offshore drilling rig owned by Transocean. Built in 2001 in South Korea by Hyundai Heavy Industries, the rig was commissioned by R&B Falcon (a later asset of Transocean),", + "score": 0.75146484375 + }, + { + "id": "14488774", + "title": "Deepwater Horizon oil spill", + "text": "nose. The spill had a strong economic impact to BP and also the Gulf Coast's economy sectors such as offshore drilling, fishing and tourism. Estimates of lost tourism dollars were projected to cost the Gulf coastal economy up to 22.7 billion through 2013. In addition, Louisiana reported that lost visitor spending through the end of 2010 totaled $32 million, and losses through 2013 were expected to total $153 million in this state alone. The Gulf of Mexico commercial fishing industry was estimated to have lost $247 million as a result of postspill fisheries closures. One study projects that the overall", + "score": 0.7509765625 + }, + { + "id": "14488810", + "title": "Deepwater Horizon oil spill", + "text": "in civil and criminal fines and penalties\". $800 million goes to Gulf Coast restoration Trust Fund, $300 million to the Oil Spill Liability Trust Fund, $150 million to the National Wild Turkey Federation and $150 million to the National Academy of Sciences. MOEX Offshore 2007 agreed to pay $45 million to the Oil Spill Liability Trust Fund, $25 million to five Gulf state and $20 million to supplemental environmental projects. On 25 July 2013, Halliburton pleaded guilty to destruction of critical evidence after the oil spill and said it would pay the maximum allowable fine of $200,000 and will be", + "score": 0.7509765625 + }, + { + "id": "1642664", + "title": "Halliburton", + "text": "In July 2013, Halliburton Co agreed to plead guilty to charges that it destroyed evidence relating to the 2010 Deepwater Horizon oil spill. This incurred a $200,000 fine; the firm also agreed to three years of probation and to continue cooperating with the criminal probe into the spill. In September 2014, the company agreed to pay $1.1 billion in damages to settle the majority of claims against it relating to the explosion, removing the uncertainty which had hung over the company for the previous four years Jamie Leigh Jones testified at a Congressional hearing that she had been gang-raped by", + "score": 0.74853515625 + }, + { + "id": "14540156", + "title": "Deepwater Horizon explosion", + "text": "about the number of stabilising devices, known as centralisers, the well required: 21 called for \"v.\" 6 used. In May 2011, MOEX Offshore, which owned a 10% stake in the well through a subsidiary and which in turn itself was majority-owned by Mitsui & Co., agreed to pay US$1.07 billion to settle BP claims against it over the accident. Some analysts had thought BP would realize a larger settlement from MOEX but there was also relief to have a first step toward resolving the multiple claims. BP's most recent estimate at the time was that the spill would cost $41.3", + "score": 0.74609375 + }, + { + "id": "16979290", + "title": "Deepwater Horizon investigation", + "text": "was behind schedule costing BP $1.5 million a day-helped lead to the accident. As Donald Winter told \"The New York Times\", \"A large number of decisions were made that were highly questionable and potentially contributed to the blowout of the Macondo well... Virtually all were made in favor of approaches which were shorter in time and lower in cost. That gives us concern that there was not proper consideration of the tradeoffs between cost and schedule and risk and safety.\" An unused Oil Spill Commission slide obtained by \"Greenwire\", outlines 11 decisions that BP and its contractors ( Halliburton Co.,", + "score": 0.74462890625 + }, + { + "id": "14660746", + "title": "Deepwater Horizon litigation", + "text": "responsible for the oil spill. His ruling stated that BP \"employees took risks that led to the largest environmental disaster in U.S. history,\u201d that the company was \u201creckless,\u201d and determined that several crucial BP decisions were \u201cprimarily driven by a desire to save time and money, rather than ensuring that the well was secure.\u201d The ruling means that BP, which had already spent more than $28 billion on cleanup costs and damage claims, may be liable for another $18 billion in damages, four times the Clean Water Act maximum penalties and many times more than the $3.5 billion BP had", + "score": 0.74267578125 + }, + { + "id": "17124214", + "title": "Deepwater Horizon oil spill response", + "text": "berms, the remainder being stockpiled. The presidential commission concluded in December 2010 that the $220 million sand berms captured a \"minuscule amount\" of oil () and proved \"underwhelmingly effective\" as well as \"overwhelmingly expensive\". Of the $360 million BP gave for the berms, Louisiana plans to spend $140 million to turn the 36 miles of berms into barrier islands. The spill was also notable for the volume of Corexit oil dispersant used, as well as the methods of application which that time were \"purely experimental\". Although usage of dispersants was described as \"most effective and fast moving tool for minimizing", + "score": 0.7421875 + }, + { + "id": "14660747", + "title": "Deepwater Horizon litigation", + "text": "already allotted. Barbier ruled that BP had acted with \u201cconscious disregard of known risks.\u201d BP strongly disagreed with the ruling and filed an immediate appeal. On March 2, 2012, BP agreed to settle roughly 100,000 claims filled by individuals and businesses affected by the spill. According to a group representing the plaintiffs, the deal has no specific cap; BP estimated that it would pay approximately $7.8 billion. BP says that it has $9.5 billion in assets set aside in a trust to pay the claims, and the settlement will not increase the $37.2 billion the company budgeted for spill-related expenses.", + "score": 0.740234375 + }, + { + "id": "14723071", + "title": "Reactions to the Deepwater Horizon oil spill", + "text": "On 22 June, BP said money received from selling oil from Deepwater Horizon would go to the National Fish and Wildlife Foundation, to be used to help wildlife along the Gulf Coast. BP started the fund with $5 million. Reactions to the Deepwater Horizon oil spill Reactions to the \"Deepwater Horizon\" oil spill from various officials and interested parties ranged from blame and outrage at the damage caused by the spill, to calls for greater accountability on the part of the U.S. government and BP, including new legislation dealing with preventative security and clean-up improvements. On 30 April 2010, President", + "score": 0.740234375 + }, + { + "id": "14660757", + "title": "Deepwater Horizon litigation", + "text": "prevention and response research, $100 million to the North America Wetland Conservation Fund, $6 million to General Treasury and $525 million to the Securities and Exchange Commission. BP still faces payouts fines under the Natural Resources Damage Assessment and payouts to impacted states. The settlement has also not resolved what may be the largest penalty related to the spill, the fines under the Clean Water Act. The potential fine for the spill under the act is $1,100 to $4,300 a barrel spilled, meaning the fine could be as much as $21 billion. On January 3, 2013, the US Justice Department", + "score": 0.7392578125 + }, + { + "id": "11166710", + "title": "Prudhoe Bay oil spill", + "text": "shut down its Prudhoe Bay oil facility, which produced about 2.6% of the United States demand for gasoline. The scenario was a contributing factor for pushing the price of oil to US$77 per barrel in August 2006. The impact of the leak was so severe that BP shares slumped nearly 2 percent. BP estimated that it would cost US$100 million to replace the of corroded pipeline. The company had to face tough questions from the public and shareholders about why the US$200 million a year it spent in maintenance wasn't enough to keep the field, the country's largest, running smoothly.", + "score": 0.73876953125 + }, + { + "id": "14660745", + "title": "Deepwater Horizon litigation", + "text": "spilled. Under the Clean Water Act fines can be based on a cost per barrel of up to $4,300, at the discretion of the judge. The number of barrels was in dispute at the conclusion of the trial with BP arguing 2.5 million barrels were spilled over the 87 days the spill lasted, while the court contends 4.2 million barrels were spilled. BP issued a statement strongly disagreeing with the finding, and saying the court's decision would be appealed. Barbier ruled that BP had acted with \u201cconscious disregard of known risks\" and rejected BP\u2019s assertion that other parties were equally", + "score": 0.73779296875 + }, + { + "id": "14660758", + "title": "Deepwater Horizon litigation", + "text": "announced \"Transocean Deepwater Inc. has agreed to plead guilty to violating the Clean Water Act and to pay a total of $1.4 billion in civil and criminal fines and penalties\". $800 million goes to the Gulf Coast restoration Trust Fund, $300 million to the Oil Spill Liability Trust Fund, $150 million to the National Fish and Wildlife Foundation and $150 million to the National Academy of Sciences. MOEX Offshore 2007 agreed to pay $45 million to the Oil Spill Liability Trust Fund, $25 million to five Gulf state and $20 million to supplemental environmental projects. Deepwater Horizon litigation The civil", + "score": 0.736328125 + }, + { + "id": "14488808", + "title": "Deepwater Horizon oil spill", + "text": "of gross negligence as well. On 14 November 2012, BP and the US Department of Justice reached a settlement. BP will pay $4.5 billion in fines and other payments, the largest of its kind in US history. In addition, the U.S. government temporarily banned BP from new federal contracts over its \"lack of business integrity\". The plea was accepted by Judge Sarah Vance of the United States District Court for the Eastern District of Louisiana on 31 January 2013. The settlement includes payments of $2.394 billion to the National Fish and Wildlife Foundation, $1.15 billion to the Oil Spill Liability", + "score": 0.73583984375 + }, + { + "id": "17056079", + "title": "Deepwater Horizon Oil Spill Trust", + "text": "of the United States District Court for the Eastern District of Louisiana Carl Barbier. Barbier reasoned his decision saying that \"BP has not produced any evidence that would warrant the court taking the drastic step of shutting down the entire claims program.\" As of 30 June 2013, the total payments made from the fund amounted to $19.7 billion. After paying out remaining $300 million, the remaining claims will be compensated from the company's future profits. Deepwater Horizon Oil Spill Trust The \"Deepwater Horizon\" Oil Spill Trust is the $20 billion trust fund established by BP to settle claims arising from", + "score": 0.7353515625 + }, + { + "id": "9533013", + "title": "Marcia McNutt", + "text": "felony charges of misconduct or neglect concerning eleven deaths at the explosion site. The company agreed to pay US$4.5 billion including US$1.256 billion in criminal fines. As of 2012, BP may still be liable for US$5.4 to US$31 billion in civil fines under the Clean Water Act and Oil Pollution Act. Public Employees for Environmental Responsibility (PEER) filed a lawsuit against the Department of the Interior and a complaint about a NOAA scientist in the Flow Rate Technical Group which McNutt led. The group felt that government scientists understated the flow rate of the Deepwater Horizon oil spill. McNutt participated", + "score": 0.7353515625 + }, + { + "id": "17056061", + "title": "Deepwater Horizon Oil Spill Trust", + "text": "to compensate all those affected. Then CEO Tony Hayward stated, \"We are taking full responsibility for the spill and we will clean it up and where people can present legitimate claims for damages we will honor them. We are going to be very, very aggressive in all of that.\" Prior to establishing the GCCF, emergency compensation was paid by BP from an initial facility. On 16 June, after meeting with President Obama, BP executives agreed to create a $20 billion spill response fund. BP said it would pay $3 billion in third quarter of 2010 and $2 billion in fourth", + "score": 0.73486328125 + }, + { + "id": "17056062", + "title": "Deepwater Horizon Oil Spill Trust", + "text": "quarter into the fund followed by a payment of $1.25 billion per quarter until it reaches $20 billion. In the interim, BP posted its US assets worth $20 billion as bond. The amount of the fund was not a cap on BP's liabilities. For the fund's payments, BP said it would cut its capital spending budget, sell $10 billion in assets, and drop its dividend. After provisions of the Deepwater Horizon Oil Spill Trust were released 11 August 2010, it was revealed that the BP Spill Fund may be backed by future drilling revenue, using BP's production as collateral. BP", + "score": 0.72900390625 + }, + { + "id": "14660812", + "title": "Economic effects of the Deepwater Horizon oil spill", + "text": "approximately $23 billion, in a region that supports over 400,000 travel industry jobs generating $34 billion in revenue annually. On 1 November, BP announced plans to spend $78 million to help Louisiana tourism and test and advertise seafood. The real estate prices and a number of transactions in the Gulf of Mexico area decreased significantly during the period of the oil spill. As a result, area officials wanted the state legislature to allow property tax to be paid based on current market value, which according to Florida State Rep. Dave Murzin could mean millions of dollars in losses for each", + "score": 0.7275390625 + }, + { + "id": "14488820", + "title": "Deepwater Horizon oil spill", + "text": "lawsuits and civil governmental actions, the federal government charged multiple companies and five individuals with federal crimes. In the November 2012 resolution of the federal charges against it, BP agreed to plead guilty to 11 felony counts related to the deaths of the 11 workers and paid a $4 billion fine. Transocean's plead guilty to a misdemeanor charge as part of its $1.4 billion fine. In April 2012, the Justice Department filed the first criminal charge against Kurt Mix, a BP engineer, for obstructing justice by deleting messages showing that BP knew the flow rate was three times higher than", + "score": 0.72412109375 + }, + { + "id": "14660798", + "title": "Economic effects of the Deepwater Horizon oil spill", + "text": "4 companies able to insure risks of such size. The impact of \"Deepwater Horizon\" on insurance, reinsurance and other global markets due to the shift in systemic risk is as yet unknown. Until this incident loss of an entire semi-submersible rig in this way was considered \"an unprecedented tragedy\" with an underwriter at Pritchard Capital commenting \"It's never happened that a semi could burn into the sea and completely sink. Now underwriters have to include that as a risk. That\u2019s probably $10,000 to $15,000 more per day in rig insurance. They\u2019ll make it up by charging more on a per-rig", + "score": 0.72314453125 + }, + { + "id": "14621996", + "title": "Timeline of the Deepwater Horizon oil spill", + "text": "Coast Guard and other reporting agencies. Price of a barrel of oil (West Texas Intermediate \u2013 Cushing, Oklahoma) $84.34 Chris Oynes, offshore drilling director for the MMS, announces a hurried retirement. Timeline of the Deepwater Horizon oil spill The following is a timeline of the \"Deepwater Horizon\" oil spill (also referred to as the BP oil spill, the Gulf of Mexico oil spill or the Macondo blowout). It was a massive oil spill in the Gulf of Mexico, the largest offshore spill in U.S. history. It was a result of the well blowout that began with the \"Deepwater Horizon\" drilling", + "score": 0.72216796875 + }, + { + "id": "12909196", + "title": "Gulf of Mexico", + "text": "BP reached an $18.7bn settlement with the US government, the states of Alabama, Florida, Louisiana, Mississippi and Texas, as well as 400 local authorities. To date BP's cost for the clean-up, environmental and economic damages and penalties has reached $54bn. According to the National Response Center, the oil industry has thousands of minor accidents in the Gulf of Mexico every year. On May 12, 2016, a release of oil from subsea infrastructure on Shell's \"Brutus\" oil rig released 2,100 barrels of oil. This leak created a visible 2 mile by 13 mile oil slick in the sea about 97 miles", + "score": 0.72216796875 + }, + { + "id": "17124206", + "title": "Deepwater Horizon oil spill response", + "text": "recovery vessels, were in use. By 4 May, the USCG estimated that 170 vessels, and nearly 7,500 personnel were participating, with an additional 2,000 volunteers assisting. On 31 May, BP set up a call line to take cleanup suggestions which received 92,000 responses by late June, 320 of which were categorized as promising. In summer 2010, approximately 47,000 people and 7,000 vessels were involved in the response works. By 3 October 2012, federal response costs amounted $850 million, most of them reimbursed by BP. As of January 2013, 935 response personnel were still involved in response activities in the region.", + "score": 0.7197265625 + }, + { + "id": "10545210", + "title": "Prudhoe Bay Oil Field", + "text": "the guilty plea, BP Alaska agreed to pay $20 million which included the criminal fine, community service payments and criminal restitution. The March 2006 oil spill led the United States Department of Transportation to mandate that the transit lines be inspected for corrosion. As a result, BP announced on 6 August 2006 they had discovered severe corrosion, with losses of 70 to 81 percent in the 3/8-inch thickness of the pipe walls. Oil leaking was reported in one area, with the equivalent of four to five barrels of oil spilled. The damage required replacement of 16 of of pipeline at", + "score": 0.71923828125 + }, + { + "id": "11451501", + "title": "Lanny A. Breuer", + "text": "the largest criminal resolution in history in connection with the April 20, 2010 Deepwater Horizon oil rig explosion. As part of the resolution, BP agreed to plead guilty to 11 felony manslaughter charges, environmental crimes, and obstruction of Congress, and to pay $4 billion in criminal fines and penalties. In addition to resolving charges against the corporation, the two highest-ranking supervisors on board the Deepwater Horizon were charged with manslaughter, and a former BP executive was charged with obstruction of Congress and making false statements. Breuer coordinated the largest mafia takedown in the U.S. Department of Justice's history, announcing with", + "score": 0.7177734375 + }, + { + "id": "17056060", + "title": "Deepwater Horizon Oil Spill Trust", + "text": "Deepwater Horizon Oil Spill Trust The \"Deepwater Horizon\" Oil Spill Trust is the $20 billion trust fund established by BP to settle claims arising from the \"Deepwater Horizon\" oil spill. The fund was established to be used for natural resource damages, state and local response costs and individual compensation. It was established as Gulf Coast Claims Facility (GCCF), announced on 16 June 2010 after meeting of BP executives with U.S. President Barack Obama. In June 2012, the settlement of claims through the GCCF was replaced by the court supervised settlement program. After the \"Deepwater Horizon\" oil spill started, BP promised", + "score": 0.7158203125 + }, + { + "id": "12380041", + "title": "BP", + "text": "at 67% for BP, 30% for Transocean and 3% for Halliburton. Barbier ruled that BP was \"reckless\" and had acted with \"conscious disregard of known risks.\" In June 2010, after a meeting in the White House between President Barack Obama and BP executives, the president announced that BP would pay $20 billion into a trust fund that will be used to compensate victims of the oil spill. BP also set aside $100 million to compensate oil workers who lost their jobs because of the spill. On 2 March 2012, BP and businesses and residents affected by the spill reached a", + "score": 0.71337890625 + }, + { + "id": "16979301", + "title": "Deepwater Horizon investigation", + "text": "June statement, Jim Hackett, the CEO of Anadarko Petroleum Corporation, said research \"indicates BP operated unsafely and failed to monitor and react to several critical warning signs during the drilling. ... BP's behavior and actions likely represent gross negligence or willful misconduct.\" BP responded by strongly disagreeing with the Anadarko statement and said that, despite being contractually liable for sharing clean-up costs, Anadarko is \"refusing to accept responsibility for oil spill removal costs and damages\". BP has sent Anadarko a bill for $272.2 million; Anadarko is \"assessing our contractual remedies\". According to the US Congressional investigation, the rig's blowout preventer,", + "score": 0.71337890625 + }, + { + "id": "17085263", + "title": "Health consequences of the Deepwater Horizon oil spill", + "text": "the settlement, people living for at least 60 days along oil-impacted shores or involved in the clean-up who can document one or more specific health conditions caused by the oil or dispersants are eligible for benefits. BP also agreed to spend $105 million over five years to set up a Gulf Coast health outreach program and pay for medical examinations. Health consequences of the Deepwater Horizon oil spill The Health consequences of the \"Deepwater Horizon\" oil spill are health effects related to the explosion of the \"Deepwater Horizon\" offshore drilling rig in the Gulf of Mexico on April 20, 2010.", + "score": 0.71240234375 + }, + { + "id": "4585491", + "title": "Transocean", + "text": "11 workers and critically injured seven of the 126-member crew. \"Deepwater Horizon\" was completely destroyed and subsequently sank. As the \"Deepwater Horizon\" sank, the riser pipe that connected the well-head to the rig was severed. As a result, oil began to spill into the Gulf of Mexico. Estimates of the leak were about 80,000 barrels per day \u2013 for 87 days. Louisiana Governor Bobby Jindal declared a state of emergency on 29 April, as the oil slick grew and headed toward the most important and most sensitive wetlands in North America, threatening to destroy wildlife and the livelihood of thousands", + "score": 0.71142578125 + }, + { + "id": "17124207", + "title": "Deepwater Horizon oil spill response", + "text": "For that time BP's costs for cleanup operations exceeded $14 billion. The response included deploying many miles of containment boom, whose purpose is to either corral the oil, or to block it from a marsh, mangrove, shrimp/crab/oyster ranch or other ecologically sensitive areas. Booms extend above and below the water surface and are effective only in relatively calm and slow-moving waters. More than of containment booms were initially deployed to protect the coast and the Mississippi River Delta. By the next day, that nearly doubled to , with an additional staged or being deployed. In total, during the crisis one-time", + "score": 0.70947265625 + }, + { + "id": "18289047", + "title": "Deepwater Horizon (film)", + "text": "was produced for $110\u2013120 million (after tax rebates). Box office analyst Jeff Block said the film was \"a hard sell. This should have been a $60 million film. The budget was out of control.\" Recent real-life drama films such as \"Sully\" ($60 million budget), \"Bridge of Spies\" ($40 million) and \"Captain Phillips\" ($55 million) were made for more moderate amounts. \"The Hollywood Reporter\" noted that when Hollywood spends north of $100 million on a film, it is intended for a much broader audience, but that was not the case for \"Deepwater Horizon\", as the main demographics were adults, with 67%", + "score": 0.708984375 + }, + { + "id": "6236585", + "title": "Anadarko Petroleum", + "text": "statement that BP was guilty of gross negligence or willful misconduct. Under the joint operating agreement, Anadarko was required to pay its 25% share of costs related to any incident\u2014unless that incident was caused by its partner's gross negligence or willful misconduct. In May 2011, MOEX Offshore, a subsidiary of Mitsui and owner of a 10% non-operating ownership interest in the Macondo Prospect, settled claims with BP for $1.07 billion. In October 2011, Anadarko settled all claims with BP for $4 billion. Anadarko also transferred its 25% stake in Mississippi Canyon Block 252 (Macondo Prospect) to BP and was indemnified", + "score": 0.70849609375 + }, + { + "id": "14540159", + "title": "Deepwater Horizon explosion", + "text": "... nor Halliburton ... A trial date over lawsuits related to the accident awaits BP in February (2013)\", the update continued. In September 2014, Halliburton agreed to settle a large percentage of legal claims against it over the Deepwater spill by paying $1.1 billion into a trust by way of three installments over two years. On September 4, 2014, U.S. District Judge Carl Barbier ruled BP was guilty of gross negligence and willful misconduct under the Clean Water Act (CWA). He described BP's actions as \"reckless,\" while he said Transocean's and Halliburton's actions were \"negligent.\" He apportioned 67% of the", + "score": 0.70654296875 + }, + { + "id": "11166719", + "title": "Prudhoe Bay oil spill", + "text": "$10 million which included per-gallon environmental penalties for the spills, fines for natural resource damages and other civil charges to settle civil assessments for the spills. BP argued that no money was owed to the state for lost production, but the arbitration panel concluded that the pipeline problems and associated reservoir complications resulted in lost or deferred production of more than 30 million barrels of oil and natural-gas liquids until the end of the oil field's life. Prudhoe Bay oil spill The Prudhoe Bay oil spill (2006 Alaskan oil spill) was an oil spill that was discovered on March 2,", + "score": 0.70654296875 + }, + { + "id": "17418655", + "title": "GuLF Study", + "text": "Environmental Health Sciences (NIEHS), part of the National Institutes of Health, and aims to recruit 55,000 of the 150,000 workers who volunteered or were employed to help clean up the spill. It is led by Dale Sandler, head of the NIEHS's epidemiology branch. The \"Deepwater Horizon\" oil spill was the world's largest accidental marine oil spill. It began on 20 April 2010 after an explosion on the \"Deepwater Horizon\", a drilling rig leased by BP to drill an exploratory well. Between then and 15 July, when the well was capped, over four million barrels of oil (around 170 million US", + "score": 0.70654296875 + }, + { + "id": "17085231", + "title": "Health consequences of the Deepwater Horizon oil spill", + "text": "Health consequences of the Deepwater Horizon oil spill The Health consequences of the \"Deepwater Horizon\" oil spill are health effects related to the explosion of the \"Deepwater Horizon\" offshore drilling rig in the Gulf of Mexico on April 20, 2010. An oil discharge continued for 84 days, resulting in the largest oil spill in the history of the petroleum industry, estimated at approximately 206 million gallons (4.9 million barrels). The spill exposed thousands of area residents and cleanup workers to risks associated with oil fumes, particulate matter from controlled burns, volatile organic compounds (VOCs), polycylic aromatic hydrocarbons (PAHs), and heavy", + "score": 0.70458984375 + }, + { + "id": "14723070", + "title": "Reactions to the Deepwater Horizon oil spill", + "text": "British Art Displays). 166 artists, writers, activists and intellectuals \u2014 among them Naomi Klein, John Keane and Matthew Herbert \u2014 published a letter in the British newspaper \"The Guardian\", on the day of the anniversary, urging the museum \"to demonstrate its commitment to a sustainable future by ending its sponsorship relationship with BP\". More than $4 million has been donated to offset economic and environmental damage. Almost half of that amount has been from oil companies. BP America made a $1 million donation to Second Harvest Food as requests for food assistance have increased as a result of the spill.", + "score": 0.7041015625 + }, + { + "id": "10700847", + "title": "Prestige oil spill", + "text": "the cost of the clean-up to the Galician coast alone at \u20ac2.5 billion. The 2013 court ruling put the cost of the disaster at 368 million euros ($494 million) to the Spanish state, 145 million euros to the Spanish region of Galicia and 68 million euros to France. The clean-up of the \"Exxon Valdez\" cost US$3 billion (almost \u20ac2.2 billion). Since the disaster, oil tankers similar to the \"Prestige\" have been directed away from the French and Spanish coastlines. The European Commissioner for Transport at the time, Spaniard Loyola de Palacio, pushed for the ban of single-hulled tankers. The immediate", + "score": 0.70263671875 + }, + { + "id": "18289045", + "title": "Deepwater Horizon (film)", + "text": "a net production budget of around $110 million. In the United States and Canada, \"Deepwater Horizon\" was projected to gross $16\u201320 million from 3,259 theaters in its opening weekend, although some publications noted Wahlberg's films tend to outperform box office projections. The film made $860,000 from its Thursday night previews at 2,400 theaters, and $7.1 million on its first day. In total, the film earned $20.2 million during its opening weekend, debuting at number two at the box office behind Tim Burton's \"Miss Peregrine's Home for Peculiar Children\". The film was released at a time when the marketplace was already", + "score": 0.7021484375 + }, + { + "id": "11961277", + "title": "Deepwater drilling", + "text": "billion per year and a total global CAPEX of $167 billion in the past four years. Recent industry analysis by Visiongain has estimated that the total expenditure in the global deepwater infrastructure market would reach $145bn in 2011. In the Deepwater Horizon oil spill of 2010, a large explosion occurred killing workers and spilling oil into the Gulf of Mexico while a BP oil rig was drilling in deep waters. Some of the earliest evidence of water wells are located in China. The Chinese discovered and made extensive use of deep drilled groundwater for drinking. The Chinese text \"The Book", + "score": 0.701171875 + }, + { + "id": "14723052", + "title": "Reactions to the Deepwater Horizon oil spill", + "text": "Partners, the cost for the BP public relations campaign was about $50 million. BP spokesperson Toby Odone told ABC News that BP had successfully bid for several search terms related to the oil spill on Google and other search engines so that the first sponsored search result links directly to the company's website. This is \"a great PR strategy\" commented Kevin Ryan, CEO of an internet communications firm, and one not used before by other firms facing similar public relations \"nightmares,\" adding that research suggests most people cannot distinguish between sponsored links and actual news sites. On Monday 26 July", + "score": 0.7001953125 + }, + { + "id": "10717571", + "title": "Deepwater Horizon", + "text": "gear and support vessels estimated to cost the same. According to R&B Falcon's filings to SEC in 2001, the transfer document between R&B Falcon and Transocean was dated 17 August 2001, and the rig was specified as \"official registration number of 29273-PEXT-1, IMO number of 8764597, with gross tonnage of 32,588 and net tonnage of 9,778\" and the transfer value as . , the rig was insured for covering the replacement cost and wreckage removal. \"Deepwater Horizon\" worked on wells in the Atlantis (BP 56%, BHP Billiton 44%) and Thunder Horse (BP 75%, ExxonMobil 25%) oil fields. It was described", + "score": 0.69970703125 + }, + { + "id": "17056075", + "title": "Deepwater Horizon Oil Spill Trust", + "text": "a total of $3.3 million from BP as of early November. The law firm was paid $850,000 a month since June 2010, and payment of this fee will continue until the end of the year; afterwards, the contract will be reviewed. In March 2011, Feinberg's law firm received an increase in the monthly wage from BP. Compensation rose from $850,000 to $1.25 million. In July 2011, Mississippi's attorney general Jim Hood announced he is suing Feinberg to get access to claims filed by coastal residents, saying he's \"seeking to make the process more transparent so people will know if Feinberg", + "score": 0.69775390625 + }, + { + "id": "17124211", + "title": "Deepwater Horizon oil spill response", + "text": "If fully built, the system would have been 128 miles long. In May, 2010 the federal government issued permits to construct 45 miles. BP agreed to pay the estimated $360 million initial cost. Critics of the project maintained that it would be expensive and ineffective: involving use of over 100 million yards of dredged material, costing $360 million, and taking 6 months to build. Issues include the length of time necessary to construct miles of berm and the anticipated effects of both normal and storm erosion on the structures. It is alleged by critics that the decision to pursue the", + "score": 0.697265625 + }, + { + "id": "11166695", + "title": "Prudhoe Bay oil spill", + "text": "its own pipeline inspection gauge (pig) launch and recovery sites for easier inspection. In November 2007, BPXA pleaded guilty to negligent discharge of oil, which prosecutors said was the result of BP's knowing neglect of corroding pipelines,a misdemeanor under the federal Clean Water Act, and was fined US$20 million. In July 2011, BPXA paid a $25 million civil penalty, the largest per-barrel penalty at that time for an oil spill, and agreed to take measures to significantly improve inspection and maintenance of its pipeline infrastructure on the North Slope to reduce the threat of additional oil spills. In November 2012,", + "score": 0.697265625 + }, + { + "id": "14488715", + "title": "Deepwater Horizon oil spill", + "text": "17 of whom were treated for injuries. The Deepwater Horizon sank on the morning of 22 April 2010. The oil leak was discovered on the afternoon of 22 April 2010 when a large oil slick began to spread at the former rig site. The oil flowed for 87 days. BP originally estimated a flow rate of . The Flow Rate Technical Group (FRTG) estimated the initial flow rate was . The total estimated volume of leaked oil approximated with plus or minus 10% uncertainty, including oil that was collected, making it the world's largest accidental spill. BP challenged the higher", + "score": 0.69580078125 + }, + { + "id": "14488818", + "title": "Deepwater Horizon oil spill", + "text": "be appealed. Barbier ruled that BP had acted with \u201cconscious disregard of known risks\" and rejected BP's assertion that other parties were equally responsible for the oil spill. His ruling stated that BP \"employees took risks that led to the largest environmental disaster in U.S. history,\u201d that the company was \u201creckless,\u201d and determined that several crucial BP decisions were \u201cprimarily driven by a desire to save time and money, rather than ensuring that the well was secure.\u201d The ruling means that BP, which had already spent more than $28 billion on cleanup costs and damage claims, may be liable for", + "score": 0.69580078125 + }, + { + "id": "14660751", + "title": "Deepwater Horizon litigation", + "text": "damages in the other suits as well. On January 13, 2013, Judge Barbier approved a medical-benefits portion of BP's proposed $7.8 billion partial settlement. People living for at least 60 days along oil-impacted shores or involved in the clean-up who can document one or more specific health conditions caused by the oil or dispersants are eligible for benefits, as are those injured during clean-up. BP also agreed to spend $105 million over five years to set up a Gulf Coast health outreach program and pay for medical examinations. According to a group presenting the plaintiffs, the deal has no specific", + "score": 0.6953125 + }, + { + "id": "14660818", + "title": "Economic effects of the Deepwater Horizon oil spill", + "text": "a new unit to oversee management of the oil spill and its aftermath, to be headed by former TNK-BP chief executive Robert Dudley, who a month later was named CEO of BP. On 1 October, BP's London Stock Exchange price reached 439.75 pence, the highest point since 28 May. By 2013, BP had dropped from the second to the fourth largest of the four major oil companies. On 4 September 2014, when BP was found guilty of gross negligence and willful misconduct under the Clean Water Act (CWA), which could see it liable for up to $18 billion in additional", + "score": 0.69482421875 + }, + { + "id": "14488804", + "title": "Deepwater Horizon oil spill", + "text": "BP, Transocean, Cameron International Corporation, and Halliburton Energy Services, although it was considered likely by observers that these would be combined into one court as a multidistrict litigation. On 21 April 2011, BP issued $40 billion worth of lawsuits against rig owner Transocean, cementer Halliburton and blowout preventer manufacturer Cameron. The oil firm alleged failed safety systems and irresponsible behaviour of contractors had led to the explosion, including claims that Halliburton failed to properly use modelling software to analyze safe drilling conditions. The firms deny the allegations. On 2 March 2012, BP and plaintiffs agreed to settle their lawsuits. The", + "score": 0.69482421875 + }, + { + "id": "10717582", + "title": "Deepwater Horizon", + "text": "but faced additional penalties that could range from $5 billion to $20 billion. In September 2014, Halliburton agreed to settle a large percentage of legal claims against them by paying $1.1 billion into a trust by way of three installments over two years. On 4 September 2014, U.S. District Judge Carl Barbier ruled BP was guilty of gross negligence and willful misconduct under the Clean Water Act (CWA). He described BP's actions as \"reckless,\" while he said Transocean's and Halliburton's actions were \"negligent.\" He apportioned 67% of the blame for the spill to BP, 30% to Transocean, and 3% to", + "score": 0.69384765625 + }, + { + "id": "6236587", + "title": "Anadarko Petroleum", + "text": "of this spill.\" The fine came after BP and Anadarko had unsuccessfully appealed to the U.S. Supreme Court to reject Judge Carl Barbier's finding of negligence in the Deepwater Horizon accident. In April 2014, Anadarko settled with the U.S. Department of Justice and the Environmental Protection Agency to pay $5.15 billion to clean up environmental waste sites around the country. It was the largest environmental contamination settlement in American history. The environmental contamination sites were inherited by Anadarko after it purchased Kerr-McGee in 2005. As background, in 2006, Kerr-McGee spun off its Tronox subsidiary to offload 70 years of environmental", + "score": 0.693359375 + }, + { + "id": "14540147", + "title": "Deepwater Horizon explosion", + "text": "which would have cost $128,000 and taken 8\u201312 hours. On September 8, 2010, BP released a 193-page report on its web site. The report says BP employees and those of Transocean did not correctly interpret a pressure test, and both companies neglected ominous signs such as a riser pipe losing fluid. It also says that while BP did not listen to recommendations by Halliburton for more centralizers (devices to keep the casing from contacting the bore hole), the lack of centralizers probably did not affect the cement. BP also said the crew should have redirected the flow of flammable gases.", + "score": 0.693359375 + }, + { + "id": "14488786", + "title": "Deepwater Horizon oil spill", + "text": "pension fund managers (who have large holdings of BP shares and rely upon its dividends) accepted that while BP had to pay compensation for the spill and the environmental damage, they argued that the cost to the company's market value from President Obama's criticism was far outweighing the direct clean-up costs. Initially, BP downplayed the incident; its CEO Tony Hayward called the amount of oil and dispersant \"relatively tiny\" in comparison with the \"very big ocean.\" Later, he drew an outpouring of criticism when he said that the spill was a disruption to Gulf Coast residents and himself adding, \"You", + "score": 0.693359375 + }, + { + "id": "6236584", + "title": "Anadarko Petroleum", + "text": "gas, and mining companies on indigenous rights and resource extraction in the Arctic. Anadarko owned a 25% non-operating minority interest in the Macondo Prospect, which was owned 65% by and operated by BP and was affected by the Deepwater Horizon oil spill. In early 2010, BP billed Anadarko more than $272 million as a partial payment for its share of cleanup and response costs in the Gulf, according to a bill that was sent by BP and obtained by Talking Points Memo. Anadarko publicly suggested that it will not pay for costs associated with the oil disaster, claiming in a", + "score": 0.69287109375 + }, + { + "id": "17056072", + "title": "Deepwater Horizon Oil Spill Trust", + "text": "has paid out over $400 million to more than 30,000 claimants. Funds allocated so far equal 2% of the total amount that BP agreed to set aside. Feinberg has denied about 2,000 claims, another 20,000 applications were returned for more financial documentation, and about 15,000 more claims await review. Feinberg has said he's processing claims at a rate of 1,500 a day. In a letter sent 20 November by the Department of Justice (DOJ), Associate Attorney General Thomas Perrelli told Kenneth Feinberg that transparency is needed in the claims process so victims can see they're being treated fairly. The DOJ", + "score": 0.69287109375 + }, + { + "id": "18370532", + "title": "RESTORE Act", + "text": "Gulf Coast. On April 20, 2010, the Deepwater Horizon, an oil rig located in the Gulf of Mexico that was owned by Transocean and drilling for British Petroleum (BP) exploded, killing 11 workers and injuring 16. The rig burned for over a day before it sunk into the gulf on April 22, 2010. Following the explosion, the seafloor oil gusher flowed for 87 days, spilling an estimated 4.9 million barrels of oil into the gulf. The spill resulted in widespread damage to the environment and ecology of the gulf coast states, as well as subsequent economic damage to their tourism", + "score": 0.69287109375 + }, + { + "id": "9986942", + "title": "Jakob Maersk oil spill", + "text": "on nearby shores. There was no apparent harmful effect on local fish populations, although a temporary difference in taste was observed. Dead seaweed and molluscs were found, but growth resumed shortly thereafter and populations returned to normal levels. The cost of the catastrophe was estimated at 2.8 million dollars by the international Organisation for Economic Co-operation and Development. Jakob Maersk oil spill The Jakob Maersk was an oil tanker registered in Denmark that struck a sand bank on January 29, 1975 while entering the port of Leix\u00f5es, Portugal, causing a major oil spill. Built in 1966, the tanker was owned", + "score": 0.69189453125 + }, + { + "id": "11166714", + "title": "Prudhoe Bay oil spill", + "text": "Prudhoe Bay oil spills. BP paid a US$12 million federal criminal fine, US$4 million in criminal restitution to the state, and US$4 million for Arctic research. BP's local subsidiary, BP Exploration (Alaska) Inc., was placed on probation for three years. In 2008 BP announced that it had completed replacing 16 miles/26 km of the Prudhoe Bay transit lines and the other work as planned. On November 9, 2009, a spill occurred from an 18-inch three-phase common line carrying a mixture of crude oil, produced water, and natural gas at BP's Lisburne field, part of the greater Prudhoe Bay area. BP's", + "score": 0.68994140625 + }, + { + "id": "14488816", + "title": "Deepwater Horizon oil spill", + "text": "mentioned as things leading to the disaster. According to \"The Wall Street Journal\" the U.S. government and Gulf Coast states had prepared an offer to BP for a $16 billion settlement. However, it was not clear if this deal had been officially proposed to BP and if BP has accepted it. On 4 September 2014, U.S. District Judge Carl Barbier ruled BP was guilty of gross negligence and willful misconduct. He described BP's actions as \"reckless.\" He said Transocean's and Halliburton's actions were \"negligent.\" He apportioned 67% of the blame for the spill to BP, 30% to Transocean, and 3%", + "score": 0.68994140625 + }, + { + "id": "14660753", + "title": "Deepwater Horizon litigation", + "text": "the U.S. Fifth Circuit Court of Appeals rejected an effort by BP to curb payment of what it described as \"fictitious\" and \"absurd\" claims to a settlement fund for businesses and persons affected by the oil spill. BP said administration of the 2012 settlement was marred by the fact that people without actual damages could file a claim. The court ruled that BP hadn't explained \"how this court or the district court should identify or even discern the existence of 'claimants that have suffered no cognizable injury.'\" BP originally projected that its settlement costs would be $7.8 billion. As of", + "score": 0.689453125 + }, + { + "id": "17056063", + "title": "Deepwater Horizon Oil Spill Trust", + "text": "pledged as collateral all royalties from the Thunder Horse, Atlantis, Mad Dog, Great White, Mars, Ursa, and Na Kika fields in the Gulf of Mexico. One aim of the fund was said to be minimizing lawsuits against the company. According to BP officials, the fund could be used for natural resource damages, state and local response costs and individual compensation but could not be used for fines or penalties. The Gulf Coast Claims Facility began accepting claims on 23 August 2010. At the time it was handed over to Kenneth Feinberg, BP had already paid out $375 million. Almost 19,000", + "score": 0.689453125 + }, + { + "id": "14488805", + "title": "Deepwater Horizon oil spill", + "text": "deal would settle roughly 100,000 claims filled by individuals and businesses affected by the spill. On 13 August, BP asked US District Judge Carl Barbier to approve the settlement, saying its actions \"did not constitute gross negligence or willful misconduct\". On 13 January 2013, Judge Barbier approved a medical-benefits portion of BP's proposed $7.8 billion partial settlement. People living for at least 60 days along oil-impacted shores or involved in the clean-up who can document one or more specific health conditions caused by the oil or dispersants are eligible for benefits, as are those injured during clean-up. BP also agreed", + "score": 0.6875 + }, + { + "id": "14488714", + "title": "Deepwater Horizon oil spill", + "text": "by Anadarko Petroleum Corporation, and 10% by MOEX Offshore 2007, a unit of Mitsui. At approximately , on 20 April 2010, high-pressure methane gas from the well expanded into the drilling riser and rose into the drilling rig, where it ignited and exploded, engulfing the platform. At the time, 126 crew members were on board: seven BP employees, 79 of Transocean, and employees of various other companies. Eleven missing workers were never found despite a three-day U.S. Coast Guard (USCG) search operation and are believed to have died in the explosion. Ninety-four crew members were rescued by lifeboat or helicopter,", + "score": 0.6875 + }, + { + "id": "13139395", + "title": "2009 southeast Queensland oil spill", + "text": "2011, Swire Navigation and Bluewind Shipping were fined $A600,000 each and ordered to publish a public apology after earlier pleading guilty to causing the spill. The court heard the two companies have already paid $A17.5 million under a limitation order in the Federal Court, as well as an additional $A7.5 million to help cover the $A31 million cost of cleaning up the damage. Charges against Santos were dropped earlier in the week. The Environmental Protection Agency reports that the full extent of wildlife affected by the spill has yet to be realised. \"The flow-on effects of oil spills can be", + "score": 0.68701171875 + }, + { + "id": "14540124", + "title": "Deepwater Horizon explosion", + "text": "Deepwater Horizon explosion The \"Deepwater Horizon\" drilling rig explosion was the April 20, 2010, explosion and subsequent fire on the \"Deepwater Horizon\" semi-submersible Mobile Offshore Drilling Unit (MODU), which was owned and operated by Transocean and drilling for BP in the Macondo Prospect oil field about southeast off the Louisiana coast. The explosion and subsequent fire resulted in the sinking of the \"Deepwater Horizon\" and the deaths of 11 workers; 17 others were injured. The same blowout that caused the explosion also caused a massive offshore oil spill in the Gulf of Mexico, considered the largest accidental marine oil spill", + "score": 0.68701171875 + }, + { + "id": "10717581", + "title": "Deepwater Horizon", + "text": "of the litigation becomes so large that it really is novel\", that \"the situation is likely to be complicated further because the variety of probable cases means it will be hard to aggregate them into so-called class actions\" and that there was \"no way to put this in historical context because we have never faced anything like this before\". As with the Exxon Valdez disaster, litigation was being discussed in terms of a 20-year timescale. In January 2013, Transocean agreed to pay US$1.4 billion for violations of the US Clean Water Act. BP had earlier agreed to pay $2.4 billion", + "score": 0.68603515625 + }, + { + "id": "14488814", + "title": "Deepwater Horizon oil spill", + "text": "over two years. BP and its partners in the oil well, Transocean and Halliburton, went on trial on 25 February 2013 in the United States District Court for the Eastern District of Louisiana in New Orleans to determine payouts and fines under the Clean Water Act and the Natural Resources Damage Assessment. The plaintiffs included the U.S. Justice Department, Gulf states and private individuals. Tens of billions of dollars in liability and fines were at stake. A finding of gross negligence would result in a four-fold increase in the fines BP would have to pay for violating the federal Clean", + "score": 0.68505859375 + }, + { + "id": "12380045", + "title": "BP", + "text": "lobbyists. The US Justice Department and the Commodity Futures Trading Commission filed charges against BP Products North America Inc. (subsidiary of BP plc) and several BP traders, alleging they conspired to raise the price of propane by seeking to corner the propane market in 2004. In 2006, one former trader pleaded guilty. In 2007, BP paid $303 million in restitution and fines as part of an agreement to defer prosecution. BP was charged with cornering and manipulating the price of TET propane in 2003 and 2004. BP paid a $125 million civil monetary penalty to the CFTC, established a compliance", + "score": 0.6845703125 + }, + { + "id": "14660819", + "title": "Economic effects of the Deepwater Horizon oil spill", + "text": "fines, the company's shares lost 6 percent of their value. BP gas stations in the United States, the majority of which the company does not own, reported sales off between 10 and 40% due to backlash against the company. Some BP station owners that lost sales said the name should change back to Amoco, while others said after all the effort that went into promoting BP, such a move would be a gamble, and the company should work to restore its image. Economic effects of the Deepwater Horizon oil spill This article covers the effect of the \"Deepwater Horizon\" disaster", + "score": 0.68408203125 + }, + { + "id": "15339333", + "title": "Integrated Deepwater System Program", + "text": "of the President's original request. In August 2006, the inspector general in the Homeland Security Department said that the department's oversight of the program was hampered by funding limitations and lack of experience with this type of program. As of late 2006, the cost of the program had risen to $24 billion, from the original estimate of $17 billion in 2002. In 2007, the Coast Guard took over management of the program. Michael DeKort, a former lead systems engineer at Lockheed Martin for Deepwater, was dissatisfied and concerned with Lockheed Martin's conduct, in particular that of Lockheed executive Fred Moosally.", + "score": 0.68359375 + }, + { + "id": "18794933", + "title": "Refugio oil spill", + "text": "State Assembly Natural Resources Committee and Senate Select Committee on June 26, 2015. Overall expenses related to the spill were estimated to be $257 million in an earnings report for Plains All American Pipeline issued around the same time. This included the emergency response and cleanup efforts along with the expected legal claims and potential settlements. The CEO stated in the report that all but $65 million would be covered by insurance and that the figure did not include lost revenue from the pipelines that have been shutdown. The economic consequences for the county were more difficult to quantify. The", + "score": 0.68359375 + }, + { + "id": "10717573", + "title": "Deepwater Horizon", + "text": "at the Macondo Prospect (Mississippi Canyon Block 252), about off the southeast coast of Louisiana, at a water depth of approximately . The Macondo prospect exploration rights were acquired by BP in 2009, with the prospect jointly owned by BP (65%), Anadarko (25%) and MOEX Offshore 2007 (10%). \"Deepwater Horizon\" was still working on the Macondo site on 20 April 2010, when a violent explosion occurred leading to destruction of the rig and resulting oil spill. The well was in the final stages of completion at the time; its cement casing was injected and hardening, and the rig was due", + "score": 0.68212890625 + }, + { + "id": "17056065", + "title": "Deepwater Horizon Oil Spill Trust", + "text": "facility declined to reveal the total amount requested by the nearly 315,000 people who have now filed. Denied claims rose dramatically in October; some 20,000 people had been told they have no right to emergency compensation, compared to about 125 denials at the end of September. Others say they are getting mere fractions of what they've lost, while still others received large checks and full payments. , 50,000 claims, 44,000 of those for lost income, had been filed. Over 10,000 claims had been paid, totaling nearly $80 million. By 17 September, about 15,000 claims remained unpaid. The claims were from", + "score": 0.68017578125 + }, + { + "id": "14660756", + "title": "Deepwater Horizon litigation", + "text": "to federal investigators. Attorney General Eric Holder said that the criminal investigation is not yet over and that more company officials could be charged. In addition, the U.S. government temporarily banned BP from new federal contracts over its \"lack of business integrity\". The plea was accepted by Judge Sarah Vance of the United States District Court for the Eastern District of Louisiana on 31 January 2013. The settlement includes payments of $2.394 billion to the National Fish and Wildlife Foundation, $1.15 billion to the Oil Spill Liability Trust Fund, $350 million to the National Academy of Sciences for oil spill", + "score": 0.68017578125 + }, + { + "id": "14723053", + "title": "Reactions to the Deepwater Horizon oil spill", + "text": "2010 the Guardian announced that CEO Tony Hayward was to quit. The move was reported as being an attempt by BP to rebuild their shattered image in the United States. Haywards leaving package is expected to be under basic contractual terms. That means one-year's pay of \u00a31m and a pension pot of more than \u00a310m, capable of paying out more than \u00a3500,000 a year when Hayward reaches 60. He will be replaced by the Gulf Spill clean up chief Bob Dudley, who is an American citizen and previously worked for Amoco. There has been a great deal of criticism of", + "score": 0.68017578125 + } + ], + "answer": "The Deepwater Horizon oil spill was an industrial disaster that began on 20 April 2010, in the Gulf of Mexico on the BP-operated Macondo Prospect, and is considered to be the largest marine oil spill in the history of the petroleum industry. In November 2012, BP plead guilty to 11 counts of manslaughter, two misdemeanors, and a felony count of lying to Congress, BP and the Department of Justice agreed to a record-setting $4.525 billion in fines and other payments. In September 2014, a U.S. District Court judge ruled that BP was primarily responsible for the oil spill because of its gross negligence and reckless conduct, which led to July 2015, BP agreed to pay $18.7 billion in fines, the largest corporate settlement in United States history. As of 2018, cleanup costs, charges and penalties had cost the company more than $65 billion." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "When was the first piece of nonwritten music made?", + "short_answers": [ + "c. 3.3 million years ago", + "prior to the Paleolithic age" + ], + "wikipage": null + }, + { + "context": "The prehistoric age is considered to have ended with the development of writing, and with it, by definition, prehistoric music. \"Ancient music\" is the name given to the music that followed. The \"oldest known song\" was written in cuneiform, dating to 3400 years ago from Ugarit in Syria. It was a part of the Hurrian songs, more specifically Hurrian hymn no. 6. It was deciphered by Anne Draffkorn Kilmer, and was demonstrated to be composed in harmonies of thirds, like ancient \"gymel\", and also was written using a Pythagorean tuning of the diatonic scale. The oldest surviving example of a complete musical composition, including musical notation, from anywhere in the world, is the Seikilos epitaph.", + "question": "When was the first piece of written music made?", + "short_answers": [ + "3400 years ago" + ], + "wikipage": "History of music" + } + ], + "wikipages": [ + { + "title": "History of music", + "url": "https://en.wikipedia.org/wiki/History%20of%20music" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The history of music covers the historical development and evolution of music from prehistorical times to present day. ", + "wikipage": "History of music" + } + ], + "long_answer": "The history of music covers the historical development and evolution of music from prehistoric times to present day. The \"oldest known song\" was written in cuneiform, dating to 3400 years ago from Ugarit in Syria. The first piece of unwritten music was made prior to the Paleolithic age 3.3 million years ago. " + }, + { + "knowledge": [ + { + "content": "Though definitions of music vary wildly throughout the world,[1] every known culture partakes in it, and music is thus considered a cultural universal.[2][3]", + "wikipage": "History of music" + } + ], + "long_answer": "Though definitions of music vary wildly throughout the world, every known culture partakes in it, and music is thus considered a cultural universal. The first piece of non-written music was made prior to the Paleolithic age, circa 3.3 million years ago. The \"oldest known song\" was written in cuneiform, dating to 3400 years ago from Ugarit in Syria." + } + ], + "sample_id": "-6359539096826078233", + "question": "When was the first piece of music made?", + "docs": [ + { + "id": "887872", + "title": "History of music", + "text": "femur dated to be approximately 43,500 years old, is the world's oldest musical instrument and was produced by Neanderthals. Claims that the femur is indeed a musical instrument are, however, contested by alternative theories including the suggestion that the femur may have been gnawed by carnivores to produce holes. The prehistoric age is considered to have ended with the development of writing, and with it, by definition, prehistoric music. \"Ancient music\" is the name given to the music that followed. The \"oldest known song\" was written in cuneiform, dating to 3400 years ago from Ugarit in Syria. It was a", + "score": 0.74658203125, + "summary": "The oldest musical instrument is a femur, approximately 43,500 years old, produced by Neanderthals. The oldest known song was written in cuneiform, dating to 3400 years ago from Ugarit in Syria.", + "extraction": "The world's oldest musical instrument, a femur, is dated to be approximately 43,500 years old and was produced by Neanderthals." + }, + { + "id": "887867", + "title": "History of music", + "text": "History of music Music is found in every known culture, past and present, varying widely between times and places. Since all people of the world, including the most isolated tribal groups, have a form of music, it may be concluded that music is likely to have been present in the ancestral population prior to the dispersal of humans around the world. Consequently, music may have been in existence for at least 50,000 years and the first music may have been invented in Africa and then evolved to become a fundamental constituent of human life. A culture's music is influenced by", + "score": 0.73583984375, + "summary": "The first piece of music may have been invented at least 50,000 years ago in Africa, according to the History of Music document.", + "extraction": "\"Consequently, music may have been in existence for at least 50,000 years and the first music may have been invented in Africa and then evolved to become a fundamental constituent of human life.\"" + }, + { + "id": "247264", + "title": "Music", + "text": "various types of stringed instruments, such as the Ravanahatha, have been recovered from the Indus Valley Civilization archaeological sites. India has one of the oldest musical traditions in the world\u2014references to Indian classical music (\"marga\") are found in the Vedas, ancient scriptures of the Hindu tradition. The earliest and largest collection of prehistoric musical instruments was found in China and dates back to between 7000 and 6600 BC. The \"Hurrian Hymn to Nikkal\", found on clay tablets that date back to approximately 1400 BC, is the oldest surviving notated work of music. The ancient Egyptians credited one of their gods,", + "score": 0.72021484375, + "summary": "The oldest surviving notated work of music is the \"Hurrian Hymn to Nikkal\" from approximately 1400 BC.", + "extraction": "The oldest surviving notated work of music is the \"Hurrian Hymn to Nikkal\", found on clay tablets that date back to approximately 1400 BC." + }, + { + "id": "4584245", + "title": "Prehistoric music", + "text": "paleolithic objects which are considered unambiguously musical are bone flutes or pipes; paleolithic finds which are open to interpretation are pierced phalanges (usually interpreted as \"phalangeal whistles\"), objects interpreted as bullroarers, and rasps. Music can be theoretically traced to prior to the Paleolithic age, the anthropological and archaeological designation suggests that music first arose (among humans) when stone tools first began to be used by hominids. The noises produced by work such as pounding seed and roots into meal is a likely source of rhythm created by early humans. The oldest flute ever discovered may be the so-called Nicholas flute,", + "score": 0.72021484375, + "summary": "Irrelevant. While the document discusses the origins of music among early humans, it does not provide a specific date for the first piece of music.", + "extraction": "Music can be theoretically traced to prior to the Paleolithic age, the anthropological and archaeological designation suggests that music first arose (among humans) when stone tools first began to be used by hominids." + }, + { + "id": "323754", + "title": "Phonograph", + "text": "cents.) Frank Lambert's lead cylinder recording for an experimental talking clock is often identified as the oldest surviving playable sound recording, although the evidence advanced for its early date is controversial. Wax phonograph cylinder recordings of Handel's choral music made on June 29, 1888, at The Crystal Palace in London were thought to be the oldest-known surviving musical recordings, until the recent playback by a group of American historians of a phonautograph recording of \"Au clair de la lune\" made on April 9, 1860. The 1860 phonautogram had not until then been played, as it was only a transcription of", + "score": 0.71630859375, + "summary": "The oldest known surviving musical recordings are wax phonograph cylinder recordings of Handel's choral music made on June 29, 1888, at The Crystal Palace in London.", + "extraction": "The oldest-known surviving musical recording is a wax phonograph cylinder recording of Handel's choral music made on June 29, 1888, at The Crystal Palace in London." + }, + { + "id": "556997", + "title": "Arthur Sullivan", + "text": "and a flowing melody\". A 2000 article in \"The Musical Times\" by Nigel Burton noted the resurgence of Sullivan's reputation beyond the comic operas: On 14 August 1888 George Gouraud introduced Thomas Edison's phonograph to London in a press conference, including the playing of a piano and cornet recording of Sullivan's \"The Lost Chord\", one of the first recordings of music ever made. At a party on 5 October 1888 given to demonstrate the technology, Sullivan recorded a speech to be sent to Edison, saying, in part: \"I am astonished and somewhat terrified at the result of this evening's experiments:", + "score": 0.7158203125, + "summary": "The first recording of music ever made was played on Thomas Edison's phonograph on August 14, 1888, featuring Arthur Sullivan's \"The Lost Chord.\"", + "extraction": "On 14 August 1888 George Gouraud introduced Thomas Edison's phonograph to London in a press conference, including the playing of a piano and cornet recording of Sullivan's \"The Lost Chord\", one of the first recordings of music ever made." + }, + { + "id": "117568", + "title": "Electronic music", + "text": "CSIRAC to play popular musical melodies from the very early 1950s. In 1951 it publicly played the \"Colonel Bogey March\" of which no known recordings exist. However, CSIRAC played standard repertoire and was not used to extend musical thinking or composition practice which is current computer-music practice. The first music to be performed in England was a performance of the British National Anthem that was programmed by Christopher Strachey on the Ferranti Mark I, late in 1951. Later that year, short extracts of three pieces were recorded there by a BBC outside broadcasting unit: the National Anthem, \"Ba, Ba Black", + "score": 0.71484375, + "summary": "The first music to be performed on a computer was the \"Colonel Bogey March\" by CSIRAC in the very early 1950s, but the first music to be programmed on a computer and performed in England was the British National Anthem by Christopher Strachey on the Ferranti Mark I in late 1951.", + "extraction": "The passage is irrelevant as it does not provide any information about the first piece of music ever made." + }, + { + "id": "15230948", + "title": "Hurrian songs", + "text": "Hurrian songs The Hurrian songs are a collection of music inscribed in cuneiform on clay tablets excavated from the ancient Amorite-Canaanite city of Ugarit, a headland in northern Syria, which date to approximately 1400 BC. One of these tablets, which is nearly complete, contains the Hurrian hymn to Nikkal (also known as the Hurrian cult hymn or A Zaluzi to the Gods, or simply h.6), making it the oldest surviving substantially complete work of notated music in the world. While the composers' names of some of the fragmentary pieces are known, h.6 is an anonymous work. The complete song is", + "score": 0.71337890625, + "summary": "The Hurrian songs are a collection of music inscribed in cuneiform on clay tablets excavated from the ancient Amorite-Canaanite city of Ugarit, a headland in northern Syria, which date to approximately 1400 BC. The Hurrian hymn to Nikkal is the oldest surviving substantially complete work of notated music in the world.", + "extraction": "The oldest surviving substantially complete work of notated music in the world is the Hurrian hymn to Nikkal, which is inscribed on a nearly complete tablet excavated from the ancient city of Ugarit and dates back to approximately 1400 BC. Therefore, the first piece of music was made around 1400 BC." + }, + { + "id": "2916298", + "title": "Ferranti Mark 1", + "text": "give auditory feedback to its operators. The sound generated could be altered in pitch, a feature which was exploited when the Mark 1 made the earliest known recording of computer-generated music, playing a medley which included \"God Save the King\", \"Baa Baa Black Sheep\", and \"In the Mood\". The recording was made by the BBC towards the end of 1951, with the programming being done by Christopher Strachey, a mathematics teacher at Harrow and a friend of Alan Turing. It was not, however, the first computer to have played music; CSIRAC, Australia's first digital computer, achieved that with a rendition", + "score": 0.712890625, + "summary": "The Ferranti Mark 1 made the earliest known recording of computer-generated music towards the end of 1951. The programming was done by Christopher Strachey, a mathematics teacher at Harrow and a friend of Alan Turing. However, CSIRAC, Australia's first digital computer, was the first computer to have played music.", + "extraction": "The passage is irrelevant to the question \"When was the first piece of music made?\" as it only talks about the first known recording of computer-generated music and the fact that CSIRAC, Australia's first digital computer, had played music before." + }, + { + "id": "12352725", + "title": "Public domain", + "text": "over one hundred years ago. Project Gutenberg makes tens of thousands of public domain books available online as ebooks. People have been creating music for millennia. The first musical notation system, the Music of Mesopotamia system, was created 4000 years ago. Guido of Arezzo introduced Latin musical notation in the 10th century. This laid the foundation for the preservation of global music in the public domain, a distinction formalized alongside copyright systems in the 17th Century. Musicians copyrighted their publications of musical notation as literary writings, but performing copyrighted pieces and creating derivative works were not restricted by early copyright", + "score": 0.712890625, + "summary": "The Music of Mesopotamia system, the first musical notation system, was created 4000 years ago.", + "extraction": "The first musical notation system, the Music of Mesopotamia system, was created 4000 years ago." + }, + { + "id": "3390627", + "title": "Seikilos epitaph", + "text": "Seikilos epitaph The Seikilos epitaph is the oldest surviving complete musical composition, including musical notation, from anywhere in the world. The epitaph has been variously dated, but seems to be either from the 1st or the 2nd century AD. The song, the melody of which is recorded, alongside its lyrics, in the ancient Greek musical notation, was found engraved on a tombstone (a stele) from the Hellenistic town Tralles near present-day Ayd\u0131n, Turkey, not far from Ephesus. It is a Hellenistic Ionic song in either the Phrygian octave species or Iastian tonos. While older music with notation exists (for example", + "score": 0.71240234375, + "summary": "The Seikilos epitaph is the oldest complete musical composition, dating back to the 1st or 2nd century AD, found engraved on a tombstone in Turkey.", + "extraction": "The Seikilos epitaph is the oldest surviving complete musical composition, including musical notation, from anywhere in the world. The epitaph has been variously dated, but seems to be either from the 1st or the 2nd century AD." + }, + { + "id": "14577002", + "title": "Musical instrument", + "text": "first device considered a musical instrument is disputed. The oldest object that some scholars refer to as a musical instrument, a simple flute, dates back as far as 67,000 years. Some consensus dates early flutes to about 37,000 years ago. However, most historians believe that determining a specific time of musical instrument invention is impossible due to the subjectivity of the definition and the relative instability of materials used to make them. Many early musical instruments were made from animal skins, bone, wood, and other non-durable materials. Musical instruments developed independently in many populated regions of the world. However, contact", + "score": 0.7119140625, + "summary": "The oldest object considered a musical instrument is a simple flute dated back as far as 67,000 years. However, it is impossible to determine a specific time of musical instrument invention due to the subjectivity of the definition and the relative instability of materials used to make them.", + "extraction": "The oldest object that some scholars refer to as a musical instrument, a simple flute, dates back as far as 67,000 years." + }, + { + "id": "1619760", + "title": "Composer", + "text": "distinct from a 19th-century conception of instrumental composition, where the work was represented solely by a musical score to be interpreted by performers. Music was an important part of social and cultural life in Ancient Greece. We know that composers wrote notated music during the Ancient Greek era because scholars have found the Seikilos epitaph. The epitaph, written around 200 BC to around AD 100 is the oldest surviving example of a complete musical composition, including musical notation, in the world. The song, the melody of which is recorded, alongside its lyrics, in the ancient Greek musical notation, was found", + "score": 0.71044921875, + "summary": "The Seikilos epitaph, the oldest surviving example of a complete musical composition with notation, was written around 200 BC to around AD 100 in Ancient Greece.", + "extraction": "The oldest surviving example of a complete musical composition, including musical notation, in the world is the Seikilos epitaph. It was written around 200 BC to around AD 100." + }, + { + "id": "936267", + "title": "Sheet music", + "text": "genres such as rock music and heavy metal music. This type of notation was first used in the late Middle Ages, and it has been used for keyboard (e.g., pipe organ) and for fretted string instruments (lute, guitar). Musical notation was developed before parchment or paper were used for writing. The earliest form of musical notation can be found in a cuneiform tablet that was created at Nippur, in Sumer (today's Iraq) in about 2,000 BC. The tablet represents fragmentary instructions for performing music, that the music was composed in harmonies of thirds, and that it was written using a", + "score": 0.708984375, + "summary": "The earliest form of musical notation can be found in a cuneiform tablet that was created at Nippur, in Sumer (today's Iraq) in about 2,000 BC.", + "extraction": "The earliest form of musical notation can be found in a cuneiform tablet that was created at Nippur, in Sumer (today's Iraq) in about 2,000 BC." + }, + { + "id": "7337992", + "title": "History of music publishing", + "text": "of \"books\" did encompass musical compositions. The first registration in the U.S. for a musical composition was made on January 6, 1794 by Raynor Taylor for the original song \"The Kentucky Volunteer.\" However, musical compositions were not \"explicitly\" protected until the Copyright Act of 1831, and then protection remained limited to reproduction rights. The copyright term was twenty-eight years plus a fourteen-year renewal period. While England was a leader in the development of copyright, the French led the way in performing rights. In 1777, Pierre de Beaumarchais founded the \"\"Bureau de Legislation Dramatique\"\" which became the present Soci\u00e9t\u00e9 des Auteurs", + "score": 0.70849609375, + "summary": "The first registration for a musical composition in the US was made on January 6, 1794, but explicit protection for music wasn't established until the Copyright Act of 1831.", + "extraction": "The first registration in the U.S. for a musical composition was made on January 6, 1794 by Raynor Taylor for the original song \"The Kentucky Volunteer.\"" + }, + { + "id": "19047969", + "title": "Jewish western art music", + "text": "still being researched. 3 melodies which are Genizah fragments in the Cairo Geniza are being held at Cambridge University and at Jewish Theological Seminary of America library in New York city. These tunes were written in the neumes musical notes by Obadiah the Proselyte in the first half of the 12th century. These characters are the earliest musical written work from a synagogue written in western notes which can be read by means known to music scholars. Obadiah the Proselyte was a christian member of the nobility who converted to Judaism and was familiar with writing music using musical notation.", + "score": 0.70849609375, + "summary": "The earliest known musical written work from a synagogue in western notes was written by Obadiah the Proselyte in the first half of the 12th century.", + "extraction": "The first piece of music made is irrelevant as the passage does not provide information on the topic." + }, + { + "id": "682787", + "title": "Music history", + "text": "Agawu and Lawrence Kramer fall between the analytic and the music historical. The first studies of Western musical history date back to the middle of the 18th century. G.B. Martini published a three volume history titled \"Storia della musica\" (\"History of Music\") between 1757 and 1781. Martin Gerbert published a two volume history of sacred music titled \"De cantu de musica sacra\" in 1774. Gerbert followed this work with a three volume work \"Scriptores ecclesiastici de musica sacra\" containing significant writings on sacred music from the 3rd century onwards in 1784. In the 20th century, the work of and others", + "score": 0.7080078125, + "summary": "The first studies of Western musical history date back to the middle of the 18th century, with G.B. Martini publishing a three volume history titled \"Storia della musica\" between 1757 and 1781.", + "extraction": "The first studies of Western musical history date back to the middle of the 18th century. Therefore, it is not clear when the first piece of music was made." + }, + { + "id": "4584107", + "title": "Ancient music", + "text": "texts from Ugarit are some of the oldest known instances of written music, dating from c.1400 BCE and including one substantially complete song. A reconstruction of this hymn is presented at the Urkesh webpage. Musical instruments, such as the seven-holed flute and various types of stringed instruments have been recovered from the Indus valley civilization archaeological sites. The Samaveda consists of a collection (samhita) of hymns, portions of hymns, and detached verses, all but 75 taken from the Rigveda, to be sung, using specifically indicated melodies called \"Samagana\", by Udgatar priests at sacrifices in which the juice of the soma", + "score": 0.7080078125, + "summary": "The oldest known written music dates back to c.1400 BCE from texts found in Ugarit. The first piece of music was made around this time.", + "extraction": "The first piece of music was made around c.1400 BCE, as evidenced by texts from Ugarit which include one complete song." + }, + { + "id": "87837", + "title": "Computer music", + "text": "programmed the CSIR Mark 1 to play popular musical melodies from the very early 1950s. In 1950 the CSIR Mark 1 was used to play music, the first known use of a digital computer for the purpose. The music was never recorded, but it has been accurately reconstructed. The first music to be performed in England was a performance of the British National Anthem that was programmed by Christopher Strachey on the Ferranti Mark I, late in 1951. Later that year, short extracts of three pieces were recorded there by a BBC outside broadcasting unit: the National Anthem, \"Ba, Ba", + "score": 0.70703125, + "summary": "The CSIR Mark 1 was programmed to play music in 1950, making it the first known use of a digital computer for the purpose. However, the music was never recorded. Christopher Strachey programmed the Ferranti Mark I to perform the British National Anthem in late 1951, which was the first recorded music performance in England.", + "extraction": "The first known use of a digital computer for the purpose of playing music was in 1950 when the CSIR Mark 1 was programmed to play popular musical melodies." + }, + { + "id": "269258", + "title": "Musical notation", + "text": "1980s, of computer-based score writer programs for notating music. Music notation has been adapted to many kinds of music, including classical music, popular music, and traditional music. The earliest form of musical notation can be found in a cuneiform tablet that was created at Nippur, in Sumer (today's Iraq), in about 1400 BC. The tablet represents fragmentary instructions for performing music, that the music was composed in harmonies of thirds, and that it was written using a diatonic scale. A tablet from about 1250 BC shows a more developed form of notation. Although the interpretation of the notation system is", + "score": 0.7060546875, + "summary": "The earliest form of musical notation can be found in a cuneiform tablet created at Nippur, in Sumer (today's Iraq), in about 1400 BC.", + "extraction": "The earliest form of musical notation can be found in a cuneiform tablet that was created at Nippur, in Sumer (today's Iraq), in about 1400 BC." + }, + { + "id": "11758096", + "title": "Au clair de la lune", + "text": "In 2008, a phonautograph paper recording made by \u00c9douard-L\u00e9on Scott de Martinville of \"Au clair de la lune\" on 9 April 1860, was digitally converted to sound by U.S. researchers. This one-line excerpt of the song was widely reported to have been the earliest recognizable record of the human voice and the earliest recognizable record of music. According to those researchers, the phonautograph recording contains the beginning of the song, \"\". In 2008, composer Fred Momotenko composed \"Au clair de la lune\" as an artistic journey back in time to rediscover the original recording made on 9 April 1860. It", + "score": 0.7060546875 + }, + { + "id": "4584247", + "title": "Prehistoric music", + "text": "flute has a V-shaped mouthpiece and is made from a vulture wing bone. The researchers involved in the discovery officially published their findings in the journal \"Nature\" in June 2009. It is one of several similar instruments found in the area, which date to at least 35,000 years ago, making this one of the oldest confirmed find of any musical instruments in history. The Hohle Fels flute was found next to the Venus of Hohle Fels and a short distance from the oldest known human carving. On announcing the discovery, scientists suggested that the \"finds demonstrate the presence of a", + "score": 0.705078125 + }, + { + "id": "655526", + "title": "Music theory", + "text": "of tonal composition (harmony and counterpoint), among other topics. Preserved prehistoric instruments, artifacts, and later depictions of performance in artworks can give clues to the structure of pitch systems in prehistoric cultures. See for instance Paleolithic flutes, G\u01d4d\u00ed, and Anasazi flute. Several surviving Sumerian and Akkadian clay tablets include musical information of a theoretical nature, mainly lists of intervals and tunings. The scholar Sam Mirelman reports that the earliest of these texts dates from before 1500 BCE, a millennium earlier than surviving evidence from any other culture of comparable musical thought. Further, \"All the Mesopotamian texts [about music] are united", + "score": 0.70458984375 + }, + { + "id": "13738785", + "title": "History of music in the biblical period", + "text": "observed that the historical link of music was consummated during the week of creation where birds in the air make sounds which could be seen as music. Although records are minimal, it is known that between 3000 and 2300 BC organized temple music with singers existed in Sumer and Babylonia, the oldest cultural groups in Mesopotamia. Excavations have uncovered several musical instruments, including harps, lutes, double oboes, and a few others. Because of the political interrelations between the Hebrews and the Semitic nations of Babylonia, Assyria, and the Hittite empire, there were similarities between the Hebrew music of the Judean", + "score": 0.70458984375 + }, + { + "id": "936269", + "title": "Sheet music", + "text": "placed above text syllables. An example of a complete composition is the Seikilos epitaph, which has been variously dated between the 2nd century BC to the 1st century AD. In Ancient Greek music, three hymns by Mesomedes of Crete exist in manuscript. One of the oldest known examples of music notation is a papyrus fragment of the Hellenic era play \"Orestes\" (408 BC) has been found, which contains musical notation for a choral ode. Ancient Greek notation appears to have fallen out of use around the time of the Decline of the Roman Empire. Before the 15th century, Western music", + "score": 0.7001953125 + }, + { + "id": "4584244", + "title": "Prehistoric music", + "text": "oldest known Neanderthal hyoid bone with the modern human form has been dated to be 60,000 years old, predating the oldest known Paleolithic bone flute by some 20,000 years, but the true chronology may date back much further. Most likely the first rhythm instruments or percussion instruments involved the clapping of hands, stones hit together, or other things that are useful to create rhythm and there are examples of musical instruments which date back as far as the paleolithic, although there is some ambiguity over archaeological finds which can be variously interpreted as either musical or non-musical instruments/tools. Examples of", + "score": 0.69873046875 + }, + { + "id": "14577006", + "title": "Musical instrument", + "text": "of musical instruments in many parts of the world. Some finds are 67,000 years old, however their status as musical instruments is often in dispute. Consensus solidifies about artifacts dated back to around 37,000 years old and later. Only artifacts made from durable materials or using durable methods tend to survive. As such, the specimens found cannot be irrefutably placed as the earliest musical instruments. In July 1995, Slovenian archaeologist Ivan Turk discovered a bone carving in the northwest region of Slovenia. The carving, named the Divje Babe Flute, features four holes that Canadian musicologist Bob Fink determined could have", + "score": 0.6982421875 + }, + { + "id": "117567", + "title": "Electronic music", + "text": "CSIRAC in Australia in 1950. There were newspaper reports from America and England (early and recently) that computers may have played music earlier, but thorough research has debunked these stories as there is no evidence to support the newspaper reports (some of which were obviously speculative). Research has shown that people \"speculated\" about computers playing music, possibly because computers would make noises, but there is no evidence that they actually did it. The world's first computer to play music was CSIRAC, which was designed and built by Trevor Pearcey and Maston Beard in the 1950s. Mathematician Geoff Hill programmed the", + "score": 0.69677734375 + }, + { + "id": "11299887", + "title": "Imaginary Landscape No. 1", + "text": "conditions it was first devised is impractical. This piece was finished around early spring 1939 and was first performed by Cage, Xenia Cage, Doris Dennison and Margaret Jansen in the Cornish School radio station in Seattle on March 24, 1939. The piece was also later used in Marion Van Tuyl's Horror Dream. It was later published by Edition Peters. Given its unusual nature at the time, it is often credited as the first electroacoustic music ever composed. This piece consists of only one movement and has a total duration of six minutes. It is scored for four performers: two of", + "score": 0.6962890625 + }, + { + "id": "19198109", + "title": "History of music in Paris", + "text": "cornets, drums, and later, violins. A second ensemble, \"La musique de la Chambre du Roi\" (\"Music of the King's Chamber\") was formed in 1530, with \"bas\" or quieter instruments, including violas, flutes and lutes. A third ensemble, the oldest, the Chapelle royale, which performed at religious services and ceremonies, was also reformed on Renaissance models. Another important revolution in music was brought about by the invention of the printing press; the first printed book of music was made in 1501 in Venice. The first printed book of music in France was made in Paris by Pierre Attaingnant; his printing house", + "score": 0.69580078125 + }, + { + "id": "16404557", + "title": "High Pasture Cave", + "text": "This lasted until about 40 BC, when the stairs were completely filled with boulders and earth. The skeleton of a woman along with a four to five month-old fetus and a nine to ten month-old child were placed on top of the filling. In 2012 a piece of carved wood thought to be the bridge of a lyre was discovered. The small burnt and broken piece has been dated to approximately 300 BC and is the earliest find of a stringed instrument in western Europe. The notches where the strings would have been placed can be easily distinguished and according", + "score": 0.69580078125 + }, + { + "id": "20853613", + "title": "History of lute-family instruments", + "text": "is clear that the Greeks were not the first. Recorded thinking in Mesopotamia about the mathematical ratios of strings predates the Greek thinking by at least 1500 years. Furthermore, a form of written music came out of that era, called the Hurrian songs, currently the oldest known written music, and is based on modes of music, created through string ratios. The Persian and Arab thinkers from the Umayyad and Abbssid periods (7th to 13th centuries A.D.), however, did not access this ancient mathematical thinking, but began working with the math again after they accessed Greek thinking. The mixing cultures of", + "score": 0.6953125 + }, + { + "id": "14577009", + "title": "Musical instrument", + "text": "reconstruct them. The graves these instruments were buried in have been carbon dated to between 2600 and 2500 BC, providing evidence that these instruments were used in Sumeria by this time. Archaeologists in the Jiahu site of central Henan province of China have found flutes made of bones that date back 7,000 to 9,000 years, representing some of the \"earliest complete, playable, tightly-dated, multinote musical instruments\" ever found. Scholars agree that there are no completely reliable methods of determining the exact chronology of musical instruments across cultures. Comparing and organizing instruments based on their complexity is misleading, since advancements in", + "score": 0.69482421875 + }, + { + "id": "936273", + "title": "Sheet music", + "text": "music is that all the elements must line up \u2013 the note head must be properly aligned with the staff. In vocal music, text must be aligned with the proper notes (although at this time, even in manuscripts, this was not a high priority). Music engraving is the art of drawing music notation at high quality for the purpose of mechanical reproduction. The first machine-printed music appeared around 1473, approximately 20 years after Gutenberg introduced the printing press. In 1501, Ottaviano Petrucci published \"Harmonice Musices Odhecaton A\", which contained 96 pieces of printed music. Petrucci's printing method produced clean, readable,", + "score": 0.6943359375 + }, + { + "id": "3390642", + "title": "Seikilos epitaph", + "text": "Lynch's opinion the conventional transcription is to be preferred. Seikilos epitaph The Seikilos epitaph is the oldest surviving complete musical composition, including musical notation, from anywhere in the world. The epitaph has been variously dated, but seems to be either from the 1st or the 2nd century AD. The song, the melody of which is recorded, alongside its lyrics, in the ancient Greek musical notation, was found engraved on a tombstone (a stele) from the Hellenistic town Tralles near present-day Ayd\u0131n, Turkey, not far from Ephesus. It is a Hellenistic Ionic song in either the Phrygian octave species or Iastian", + "score": 0.6943359375 + }, + { + "id": "18734318", + "title": "History of copyright law of the United States", + "text": "approximately 13,000 titles published in the United States, only 556 works were registered.. Under the 1790 Act, federal copyright protection was only granted if the author met certain \"statutory formalities.\" For example, authors were required to include a proper copyright notice. If formalities were not met, the work immediately entered into the public domain. And while musical compositions were not explicitly protected by the 1790 Act, its protection of \"books\" encompassed printed musical works. The first registration of a copyright in a musical composition in the United States was The Kentucky Volunteer in 1794. However, later accounts of the 1790", + "score": 0.69384765625 + }, + { + "id": "8360688", + "title": "Irish music collecting", + "text": "Durfey's \"Pills to Purge Melancholy\" (late 17th century). In 1724 the first recorded collection of Irish Music, \"A Collection of the Most Celebrated Irish Tunes\" was published by John and William Neale of Christ Church Yard, Dublin. The only surviving original copy is now held by Edward Bunting at Queens University Belfast. The Folk Music Society of Ireland published a facsimile edition in 1986, edited by Nicholas Carolan, and this was republished with additional notes and illustrations in 2010 by the Irish Traditional Music Archive in association with the Folk Music Society of Ireland. The next collection was Wright's \"Aria", + "score": 0.69287109375 + }, + { + "id": "247263", + "title": "Music", + "text": "to the middle section of the first movement of a sonata, though 19th-century composers such as Berlioz, Liszt and Wagner made valiant efforts to derive large-scale works purely or mainly from the motif. Prehistoric music can only be theorized based on findings from paleolithic archaeology sites. Flutes are often discovered, carved from bones in which lateral holes have been pierced; these are thought to have been blown at one end like the Japanese shakuhachi. The Divje Babe flute, carved from a cave bear femur, is thought to be at least 40,000 years old. Instruments such as the seven-holed flute and", + "score": 0.6923828125 + }, + { + "id": "3788787", + "title": "Music box", + "text": "for those playing different tunes. 1760s: Watches are made in London by makers such as James Cox which have a pinned drum playing popular tunes on several small bells arranged in a stack. 1772: A watch is made by one Ransonet at Nancy, France which has a pinned drum playing music not on bells but on tuned steel prongs arranged vertically. 1780: The mechanical singing bird is invented by the Jaquet-Droz brothers, clockmakers from La Chaux-de-Fonds. In 1848, the manufacturing of the \"singing birds\" is improved by Blaise Bontems in his Parisian workshop, to the point where it has remained", + "score": 0.6923828125 + }, + { + "id": "2063527", + "title": "Royalty payment", + "text": "from the British Isles, whose lyric and score were sometimes available in engraved prints. Mass production of music was not possible until the movable type was introduced. Music with this type was first printed in the US in 1750. At the beginning the type consisted of the notehead, stem and staff which were combined into a single font. Later the fonts were made up of the notehead, stems and flags attached to the staff line. Until that time, prints existed only on engraved plates. The first federal law on copyright was enacted in the US Copyright Act of 1790 which", + "score": 0.6923828125 + }, + { + "id": "16123192", + "title": "Melomics", + "text": "in the future. In the first stages of the development of the Melomics system, Iamus composed \"Opus one\" (on October 15, 2010), arguably the first fragment of professional contemporary classical music ever composed by a computer in its own style, rather than attempting to emulate the style of existing composers. The first full composition (also in contemporary classic style), \"Hello World!\", premiered exactly one year after the creation of \"Opus one\", on October 15, 2011. Four later works premiered on July 2, 2012, and were broadcast live from the School of Computer Science at Universidad de M\u00e1laga as part of", + "score": 0.6923828125 + }, + { + "id": "4584111", + "title": "Ancient music", + "text": "is believed to be around 1,000 years old. Ancient Greek musicians developed their own robust system of musical notation. The system was not widely used among Greek musicians, but nonetheless a modest corpus of notated music remains from Ancient Greece and Rome. The epics of Homer were originally sung with instrumental accompaniment, but no notated melodies from Homer are known. Several complete songs exist in ancient Greek musical notation. Three complete hymns by Mesomedes of Crete (2nd century CE) exist in manuscript. In addition, many fragments of Greek music are extant, including fragments from tragedy, among them a choral song", + "score": 0.69189453125 + }, + { + "id": "14577007", + "title": "Musical instrument", + "text": "been used to play four notes of a diatonic scale. Researchers estimate the flute's age at between 43,400 and 67,000 years, making it the oldest known musical instrument and the only musical instrument associated with the Neanderthal culture. However, some archaeologists and ethnomusicologists dispute the flute's status as a musical instrument. German archaeologists have found mammoth bone and swan bone flutes dating back to 30,000 to 37,000 years old in the Swabian Alps. The flutes were made in the Upper Paleolithic age, and are more commonly accepted as being the oldest known musical instruments. Archaeological evidence of musical instruments was", + "score": 0.69189453125 + }, + { + "id": "17835483", + "title": "Bebe and Louis Barron", + "text": "was an executive at the Minnesota Mining and Manufacturing Company (3M), gave the newlyweds their first tape recorder as a wedding gift. Using their newly acquired equipment, the couple delved into the study of musique concr\u00e8te. The first electronic music for magnetic tape composed in America was completed by Louis and Bebe in 1950 and was titled \"Heavenly Menagerie\". Electronic music composition and production were one and the same, and were slow and laborious. Tape had to be physically cut and pasted together to edit finished sounds and compositions. The 1948 book \"Cybernetics: Or, Control and Communication in the Animal", + "score": 0.69189453125 + }, + { + "id": "3218175", + "title": "Lute song", + "text": "Italy had forms of song that were much like the lute song, such as monody and the frottola, but the lute song seemed more prominent in England and France. In England the lute song was usually called an \u201cAyre,\u201d possibly borrowed from the French word, \u2018air.\u2019 The first written record of the lute songs or ayres was written and composed by John Dowland in 1597 called, \u201cFirst book of Songes or Ayres.\u201d This is considered the beginning of the popularity of the lute songs, that set the standard for other composer\u2019s songbooks of English Ayres. The music was printed on", + "score": 0.69189453125 + }, + { + "id": "365429", + "title": "Recorder (musical instrument)", + "text": "\"Musica Getutscht\" (1511), and Martin Agricola's (1486\u20131556) similar \"Musica instrumentalis Deudsch\" (1529), published in Basel and Saxony respectively. \"Musica Getutscht\", the earliest printed treatise on western musical instruments, is an extract of an earlier, now lost, manuscript treatise by Virdung, a chaplain, singer, and itinerant musician. The printed version was written in a vernacular form of Early New High German, and was aimed at wealthy urban amateur musicians: the title translates, briefly, as \"Music, translated into German ... Everything there is to know about [music] \u2013 made simple.\" When a topic become too complex for Virdung to discuss briefly, he", + "score": 0.69140625 + }, + { + "id": "3788788", + "title": "Music box", + "text": "unchanged to this day. Barrel organs become more popular. 1796: Antoine Favre-Salomon, a clockmaker from Geneva replaces the stack of bells by a comb with multiple pre-tuned metallic notes in order to reduce space. Together with a horizontally placed pinned barrel, this produces more varied and complex sounds. One of these first music boxes is now displayed at the Shanghai Gallery of Antique Music Boxes and Automata in Pudong's Oriental Art Center. Numerous musical objects are produced in greater quantities in Geneva by several makers. 1800: Isaac Daniel Piguet in Geneva produces repeating musical watches with a pinned horizontal disc", + "score": 0.69091796875 + }, + { + "id": "5757071", + "title": "Sound recording and reproduction", + "text": "music was recorded\u2014first by written music notation, then also by mechanical devices (e.g., wind-up music boxes, in which a mechanism turns a spindle, which plucks metal tines, thus reproducing a melody). Automatic music reproduction traces back as far as the 9th century, when the Ban\u016b M\u016bs\u0101 brothers invented the earliest known mechanical musical instrument, in this case, a hydropowered (water-powered) organ that played interchangeable cylinders. According to Charles B. Fowler, this \"...cylinder with raised pins on the surface remained the basic device to produce and reproduce music mechanically until the second half of the nineteenth century.\" The Ban\u016b M\u016bs\u0101 brothers", + "score": 0.69091796875 + }, + { + "id": "87836", + "title": "Computer music", + "text": "There were newspaper reports from America and England (early and recently) that computers may have played music earlier, but thorough research has debunked these stories as there is no evidence to support the newspaper reports (some of which were obviously speculative). Research has shown that people \"speculated\" about computers playing music, possibly because computers would make noises, but there is no evidence that they actually did it. The world's first computer to play music was the CSIR Mark 1 (later named CSIRAC), which was designed and built by Trevor Pearcey and Maston Beard from the late 1940s. Mathematician Geoff Hill", + "score": 0.6904296875 + }, + { + "id": "887875", + "title": "History of music", + "text": "originated among the Hela civilization of Sri Lanka in the time of King Ravana. This string instrument has been recognised as one of the oldest string instruments in world history. The history of musical development in Iran (Persian music) dates back to the prehistoric era. The great legendary king, Jamshid, is credited with the invention of music. Music in Iran can be traced back to the days of the Elamite Empire (2500\u2013644 BC). Fragmentary documents from various periods of the country's history establish that the ancient Persians possessed an elaborate musical culture. The Sassanid period (AD 226\u2013651), in particular, has", + "score": 0.68994140625 + }, + { + "id": "117556", + "title": "Electronic music", + "text": "recordings exist, only the accurate reconstruction. However, CSIRAC played standard repertoire and was not used to extend musical thinking or composition practice. CSIRAC was never recorded, but the music played was accurately reconstructed. The oldest known recordings of computer-generated music were played by the Ferranti Mark 1 computer, a commercial version of the Baby Machine from the University of Manchester in the autumn of 1951. The music program was written by Christopher Strachey. The impact of computers continued in 1956. Lejaren Hiller and Leonard Isaacson composed \"Illiac Suite\" for string quartet, the first complete work of computer-assisted composition using algorithmic", + "score": 0.689453125 + }, + { + "id": "14637784", + "title": "George Edward Gouraud", + "text": "introduced the phonograph to London in a press conference, including the playing of a piano and cornet recording of Arthur Sullivan's \"The Lost Chord\", one of the first recordings of music ever made. A series of parties followed, introducing the phonograph to members of society at \"Little Menlo\". Sullivan was invited to one of these on 5 October 1888. After dinner, he recorded a speech to be sent to Thomas Edison, saying, in part: George Gouraud made several recordings of contemporaries, such as In 1896 Gouraud created a scandal in Niagara, meeting the Chinese viceroy Li Hongzhang (1823\u20131901), unfortunately kissing", + "score": 0.68798828125 + }, + { + "id": "8644169", + "title": "Andrew Tracey", + "text": "all kalimba music in that region, which is considered to be the birthplace of the metal-tined kalimba about 1300 years ago. Andrew Tracey asserts that the first written account of the kalimba by Portuguese missionary Father Dos Santos, in Mozambique in 1589, was in essence these eight notes. Other instruments, such as the mbira, or the modern karimba (mbira nyunga nyunga), are based on those eight notes, with other notes and other courses of notes having been added over the centuries. While it is impossible to say when those eight notes first started appearing in kalimbas, Andrew's work convinces that", + "score": 0.6875 + }, + { + "id": "936268", + "title": "Sheet music", + "text": "diatonic scale. A tablet from about 1,250 BC shows a more developed form of notation. Although the interpretation of the notation system is still controversial, it is clear that the notation indicates the names of strings on a lyre, the tuning of which is described in other tablets. Although they are fragmentary, these tablets represent the earliest notated melodies found anywhere in the world. Ancient Greek musical notation was in use from at least the 6th century BC until approximately the 4th century AD; several complete compositions and fragments of compositions using this notation survive. The notation consists of symbols", + "score": 0.6875 + }, + { + "id": "6693273", + "title": "Bone tool", + "text": "from 40 cm to as small as 15 cm. The size variation is due, in large part, to frequent resharpening. A number of different musical instruments have been created from bone. A vulture-bone flute discovered in Europe is currently considered the world's oldest musical instrument. At about 40,000 years old, the instrument dates to the time that modern humans were settling in the area. Researchers argue that musical instruments such as this flute helped modern humans form tighter social bonds, giving them an advantage over their Neanderthal counterparts. In addition, bones consist of a pair of animal bones that are", + "score": 0.68701171875 + }, + { + "id": "2682369", + "title": "MUSIC-N", + "text": "DAC and recorded on analog tape. MUSIC-N MUSIC-N refers to a family of computer music programs and programming languages descended from or influenced by MUSIC, a program written by Max Mathews in 1957 at Bell Labs. MUSIC was the first computer program for generating digital audio waveforms through direct synthesis. It was one of the first programs for making music (in actuality, sound) on a digital computer, and was certainly the first program to gain wide acceptance in the music research community as viable for that task. The world's first computer-controlled music was generated in Australia by programmer Geoff Hill", + "score": 0.68701171875 + }, + { + "id": "5890054", + "title": "Limenius", + "text": "Limenius Limenius ( ; fl. 2nd century BC) was an Athenian musician and the creator of the Second Delphic Hymn in 128 BC. He is the earliest known composer in recorded history for a surviving piece of music, or one of the two earliest, or the second-earliest, depending first on whether one accepts the proposition of that the composer of the First Delphic Hymn is named Athenaeus and, second, whether that hymn was composed in the same year as the Second Hymn, or ten years earlier. Limenius was a performer on the kithara and, as a professional musician performing in", + "score": 0.6865234375 + }, + { + "id": "4584105", + "title": "Ancient music", + "text": "it was also written using a diatonic scale . The notation in that tablet was not as developed as the notation in the later cuneiform Hurrian tablets from Ugarit, dated by Kilmer to about 1250 BCE . The interpretation of the notation system is still controversial (at least five rival interpretations have been published), but it is clear that the notation indicates the names of strings on a lyre, and its tuning is described in other tablets. These tablets represent the earliest recorded melodies, though fragmentary, from anywhere in the world . In 1929, Leonard Woolley discovered pieces of four", + "score": 0.6865234375 + }, + { + "id": "2682362", + "title": "MUSIC-N", + "text": "MUSIC-N MUSIC-N refers to a family of computer music programs and programming languages descended from or influenced by MUSIC, a program written by Max Mathews in 1957 at Bell Labs. MUSIC was the first computer program for generating digital audio waveforms through direct synthesis. It was one of the first programs for making music (in actuality, sound) on a digital computer, and was certainly the first program to gain wide acceptance in the music research community as viable for that task. The world's first computer-controlled music was generated in Australia by programmer Geoff Hill on the CSIRAC computer which was", + "score": 0.6865234375 + }, + { + "id": "13363493", + "title": "Venus of Hohle Fels", + "text": "the higher mountains of the Black Forest. This concentration of evidence of full behavioral modernity, including figurative art and instrumental music among humans in the period of 40 to 30 thousand years ago, is unique worldwide and its discoverer, archaeologist Nicholas Conard, speculates that the bearers of the Aurignacian culture in the Swabian Alb may be credited with the invention, not just of figurative art and music, but possibly, the earliest religious practices as well. Within a distance of 70 cm to the Venus figurine, Conard's team also found a flute made from a vulture bone. Additional artifacts excavated from", + "score": 0.6865234375 + }, + { + "id": "887870", + "title": "History of music", + "text": "history. Some suggest that the origin of music likely stems from naturally occurring sounds and rhythms. Human music may echo these phenomena using patterns, repetition and tonality. Even today, some cultures have certain instances of their music intending to imitate natural sounds. In some instances, this feature is related to shamanistic beliefs or practice. It may also serve entertainment (game) or practical (luring animals in hunt) functions. It is probable that the first musical instrument was the human voice itself, which can make a vast array of sounds, from singing, humming and whistling through to clicking, coughing and yawning. As", + "score": 0.6865234375 + }, + { + "id": "10536312", + "title": "Edmond de Coussemaker", + "text": "works remain a reference for matters relating to medieval musicology through their punctuality and precision: \"M\u00e9moire sur Hucbald et ses trait\u00e9s de musique\" (1841), \"Histoire de I'harmonie au Moyen \u00c2ge\" (1852), \"Les harmonistes des XIIe-XIIIe\" (1864), \"\u0152uvres compl\u00e8tes du trouv\u00e8re Adam de la Halle\" (1872). His compilations \"Scriptorum de Musica Medii aevi\", 1864\u20131876, continue those by Prince Abbot Martin Gerbert. Among these historical writings, the \"Troubles religieux du XVIe dans la Flandre maritime (1560-1570)\", published in 1876, particularly merits being remembered. He was one of the first to be devoted to research on medieval music and his numerous publications focused", + "score": 0.68603515625 + }, + { + "id": "4584246", + "title": "Prehistoric music", + "text": "found in the Hohle Fels cave, Germany in 2008, though this is disputed. The item in question is a fragment of the femur of a juvenile cave bear, and has been dated to about 43,000 years ago. However, whether it is truly a musical instrument or simply a carnivore-chewed bone is a matter of ongoing debate. In 2012 some flutes, that were discovered years earlier in the Gei\u00dfenkl\u00f6sterle cave, received a new high-resolution carbon-dating examination yielding an age of 42,000 to 43,000 years. In 2008, archaeologists discovered a bone flute in the Hohle Fels cave near Ulm, Germany. The five-holed", + "score": 0.68603515625 + }, + { + "id": "14577017", + "title": "Musical instrument", + "text": "in 2800 BC or earlier. Beginning around 2000 BC, Sumerian and Babylonian cultures began delineating two distinct classes of musical instruments due to division of labor and the evolving class system. Popular instruments, simple and playable by anyone, evolved differently from professional instruments whose development focused on effectiveness and skill. Despite this development, very few musical instruments have been recovered in Mesopotamia. Scholars must rely on artifacts and cuneiform texts written in Sumerian or Akkadian to reconstruct the early history of musical instruments in Mesopotamia. Even the process of assigning names to these instruments is challenging since there is no", + "score": 0.68603515625 + }, + { + "id": "5932783", + "title": "American popular music", + "text": "music of the shows was in an African American style, though this was often not true. Black people had taken part in American popular culture prior to the Civil War era, at least dating back to the African Grove Theatre in New York in the 1820s and the publication of the first music by a black composer, Francis Johnson, in 1818. However, these important milestones still occurred entirely within the conventions of European music. The first extremely popular minstrel song was \"Jump Jim Crow\" by Thomas \"Daddy\" Rice, which was first performed in 1832 and was a sensation in London", + "score": 0.68603515625 + }, + { + "id": "887884", + "title": "History of music", + "text": "was often characterized by a swiftly moving part over a single sustained line; the Notre Dame school of polyphony, which included the composers L\u00e9onin and P\u00e9rotin, and which produced the first music for more than two parts around 1200; the musical melting-pot of Santiago de Compostela in Galicia, a pilgrimage destination and site where musicians from many traditions came together in the late Middle Ages, the music of whom survives in the Codex Calixtinus; and the English school, the music of which survives in the Worcester Fragments and the Old Hall Manuscript. Alongside these schools of sacred music a vibrant", + "score": 0.68505859375 + }, + { + "id": "5757074", + "title": "Sound recording and reproduction", + "text": "between 1,000,000 and 1,500,000 piano rolls produced. The first device that could record actual sounds as they passed through the air (but could not play them back\u2014the purpose was only visual study) was the phonautograph, patented in 1857 by Parisian inventor \u00c9douard-L\u00e9on Scott de Martinville. The earliest known recordings of the human voice are phonautograph recordings, called \"phonautograms\", made in 1857. They consist of sheets of paper with sound-wave-modulated white lines created by a vibrating stylus that cut through a coating of soot as the paper was passed under it. An 1860 phonautogram of Au Clair de la Lune, a", + "score": 0.68505859375 + }, + { + "id": "4127818", + "title": "Hugh Aston", + "text": "the volumes of Boethius, and the submission (and performance) of a mass and an antiphon. He stated that he had studied music in the University Music School for eight years (suggesting that he must have been in his mid-20s by that date, hence the estimated date of birth of around 1485). Presumably his study of Boethius was of the 6th century philosopher's \"De Institutione Musica\", which had been published in Venice in 1491 and 1492 (one of the first musical works to be published). The University records show that his examination was successful, and the University ordered that the University", + "score": 0.68505859375 + }, + { + "id": "19679447", + "title": "The Oxford History of Western Music", + "text": "Music Online, the portal which gives electronic access to the \"New Grove Dictionary\" (Grove Music Online) and \"The Oxford Companion to Music\". OUP had previously published narrative histories of music, although Taruskin was more influenced by Donald Jay Grout's work \"A History of Western Music\" (New York, 1960). The \"Oxford History of Music\" was first published in six volumes under the general editorship of Sir Henry Hadow between 1901 and 1905. The first two volumes, written by H. E. Woolridge, were entitled \"The Polyphonic Period\", and began with the music of ancient Greece: these volumes dated quite quickly. Other volumes", + "score": 0.68505859375 + }, + { + "id": "5296061", + "title": "Music education", + "text": "was created in 1717 in Boston for the purposes of improving singing and music reading in the church. These singing schools gradually spread throughout the colonies. Music education continued to flourish with the creation of the Academy of Music in Boston. Reverend John Tufts published \"An Introduction to the Singing of Psalm Tunes Using Non-Traditional Notation\" which is regarded as the first music textbook in the colonies. Between 1700 and 1820, more than 375 tune books would be published by such authors as Samuel Holyoke, Francis Hopkinson, William Billings, and Oliver Holden. Music began to spread as a curricular subject", + "score": 0.68505859375 + }, + { + "id": "159889", + "title": "God Save the Queen", + "text": "Royal Canadian Kilted Yaksmen' episode of \"Ren & Stimpy\" (the song is the Royal Canadian Kilted Yaksmen anthem.) The anthem was the first piece of music played on a computer, and the first computer music to be recorded. Musical notes were first generated by a computer programmed by Alan Turing at the Computing Machine Laboratory of the University of Manchester in 1948. The first music proper, a performance of the National Anthem was programmed by Christopher Strachey on the Mark II Manchester Electronic Computer at same venue, in 1951. Later that year, short extracts of three pieces, the first being", + "score": 0.6845703125 + }, + { + "id": "13738796", + "title": "History of music in the biblical period", + "text": "and remains today not only the hymn-book of the Hebrew Temple, but also of the Christian Church.\" Among the earliest pictographic signs found have been of a boat-shaped harp found on a Sumerian clay tablet dating back to 3000 BC, and an earlier depiction of this harp was also found in modern southwest Iran dating around 3200 BC. Many relics of musical instruments have been found in Palestine dating from the Hellenistic age giving details about the state, character, and practice of liturgical music. In other cases, many musical instruments of the Hebrews mentioned in the Bible are identified by", + "score": 0.6845703125 + }, + { + "id": "16480596", + "title": "Irritable Hedgehog Music", + "text": "Released 25 June 2013. 'Landscape' is an electroacoustic piece composed by David D. McIntire based on a short sampling of high-pitched bells. Dennis Johnson: November - Released 18 March 2013. \"November\", written in 1959, is perhaps the first minimalist composition every composed. This is the first commercial recording of this nearly five-hour-long piece. This album was selected by Steve Smith as the top classical album of 2013 for \"Time Out NY\". J\u00fcrg Frey: Piano Music - Released 13 November 2012. This CD features two previously unrecorded works of Wandelweiser composer J\u00fcrg Frey: Klavierst\u00fcck 2 and \"les tr\u00e9fonds inexplor\u00e9s des signes", + "score": 0.68408203125 + }, + { + "id": "87838", + "title": "Computer music", + "text": "Black Sheep, and \"In the Mood\" and this is recognised as the earliest recording of a computer to play music. This recording can be heard at the this Manchester University site. Researchers at the University of Canterbury, Christchurch declicked and restored this recording in 2016 and the results may be heard on Soundcloud. Two further major 1950s developments were the origins of digital sound synthesis by computer, and of algorithmic composition programs beyond rote playback. Max Mathews at Bell Laboratories developed the influential MUSIC I program and its descendents, further popularising computer music through a 1963 article in \"Science\". Amongst", + "score": 0.68408203125 + }, + { + "id": "1840455", + "title": "Music of Canada", + "text": "Peace in 1820. In 1833, a student orchestra was organized at the S\u00e9minaire de Qu\u00e9bec \"the Soci\u00e9t\u00e9 Ste-C\u00e9cile\", as it was known, and was one of the earliest ensembles of its kind in Lower Canada. The first appearance of a piece of music in a newspaper or magazine was in the pages of the Montreal twice-weekly newspaper, La Minerve, on September 19, 1831. Many immigrants during this time lived in relative isolation and music sometimes obtained through subscriptions to newspapers and magazines, provided entertainment and a life line to civilization. One of the earliest surviving publications in Canada of a", + "score": 0.68359375 + }, + { + "id": "7337993", + "title": "History of music publishing", + "text": "et Compositeurs Dramatiques (SACD) in 1829. Many years later, in 1847, this inspired the composer and librettist Ernest Bourget to claim payment for each performance of his works at Les Ambassadeurs, a leading Caf\u00e9-concert venue of that time. A lawsuit won by Bourget and others in 1851 led to the formation of the Soci\u00e9t\u00e9 des Auteurs, Compositeurs et Editeurs de Musique (SACEM) \u2013 the first performing rights society in the world. Other countries followed suit: The Italian Societ\u00e0 Italiana degli Autori ed Editori (SIAE) was founded in 1882 and the Spanish \"\"Sociedad de Autores\"\", predecessor of the current Sociedad General", + "score": 0.68359375 + }, + { + "id": "117555", + "title": "Electronic music", + "text": "in Tokyo founded by Toshiro Mayuzumi, and the Philips studio at Eindhoven, the Netherlands, which moved to the University of Utrecht as the Institute of Sonology in 1960. The score for \"Forbidden Planet\", by Louis and Bebe Barron, was entirely composed using custom built electronic circuits and tape recorders in 1956. The world's first computer to play music was CSIRAC, which was designed and built by Trevor Pearcey and Maston Beard. Mathematician Geoff Hill programmed the CSIRAC to play popular musical melodies from the very early 1950s. In 1951 it publicly played the Colonel Bogey March, of which no known", + "score": 0.68359375 + }, + { + "id": "887895", + "title": "History of music", + "text": "they saw as contemporary musical depravities, their goal was to restore the music of the ancient Greeks. Chief among them were Vincenzo Galilei, the father of the astronomer, and Giulio Caccini. The fruits of their labors was a declamatory melodic singing style known as monody, and a corresponding staged dramatic form: a form known today as opera. The first operas, written around 1600, also define the end of the Renaissance and the beginning of the Baroque eras. Music prior to 1600 was modal rather than tonal. Several theoretical developments late in the 16th century, such as the writings on scales", + "score": 0.68359375 + }, + { + "id": "117522", + "title": "Electronic music", + "text": "have vibrating strings, hammers, or other sound-producing mechanisms. Devices such as the theremin, synthesizer, and computer can produce electronic sounds. The first electronic devices for performing music were developed at the end of the 19th century, and shortly afterward Italian futurists explored sounds that had not been considered musical. During the 1920s and 1930s, electronic instruments were introduced and the first compositions for electronic instruments were made. By the 1940s, magnetic audio tape allowed musicians to tape sounds and then modify them by changing the tape speed or direction, leading to the development of electroacoustic tape music in the 1940s,", + "score": 0.68310546875 + }, + { + "id": "269289", + "title": "Musical notation", + "text": "rising sounds, but which is also a symbol of the Holy Ghost. Gradually the system became more and more complicated. This system was also ambiguous, so that almost no one, except the most trained and educated singers, could sing an unknown melody at sight. The signs only helped to reproduce the melody, not coding it in an unambiguous way. The earliest known examples of text referring to music in China are inscriptions on musical instruments found in the Tomb of Marquis Yi of Zeng (d. 433 B.C.). Sets of 41 chimestones and 65 bells bore lengthy inscriptions concerning pitches, scales,", + "score": 0.6826171875 + }, + { + "id": "11782472", + "title": "Malek Jandali", + "text": "title track is based on a hymn to Nikkal, one of the Hurrian songs inscribed on cuneiform clay tablets discovered in Ugarit, Syria, and thought to date from 1400 BC and thus to be the oldest notated music in the world. In early 2012 Jandali released his album \"Emessa (Homs)\", which he dedicated to \"the Syrian people and their noble quest for freedom - especially the people of Homs\". The album includes his \"Freedom Qashoush Symphony\", named for Ibrahim Qashoush, who wrote a song popular with Syrian protesters and who was killed and had his vocal cords torn out. Jandali's", + "score": 0.6826171875 + }, + { + "id": "889700", + "title": "Noise music", + "text": "1922. In 1923, Arthur Honegger created \"Pacific 231\", a modernist musical composition that imitates the sound of a steam locomotive. Another example is Ottorino Respighi's 1924 orchestral piece \"Pines of Rome\", which included the phonographic playback of a nightingale recording. Also in 1924, George Antheil created a work titled Ballet M\u00e9canique with instrumentation that included 16 pianos, 3 airplane propellers, and 7 electric bells. The work was originally conceived as music for the Dada film of the same name, by Dudley Murphy and Fernand L\u00e9ger, but in 1926 it premiered independently as a concert piece. In 1930 Paul Hindemith and", + "score": 0.68212890625 + }, + { + "id": "6099311", + "title": "Music history of France", + "text": "invented an improved system of musical notation and may have been the first composer of the isorhythmic motet. The other important development was the extremely complex and sophisticated art of secular song which flourished in Avignon at the very end of the 14th century (see ars subtilior). The earliest known French-language song is Le Carillon de Vend\u00f4me, dating from the early 15th century. The move of the center of musical activity from Paris to Burgundy defines the beginning of the musical Renaissance in France. The political instability under weak kings, and continued dismemberment and acquisition of territory by the English", + "score": 0.68212890625 + }, + { + "id": "5539060", + "title": "Music (Madonna song)", + "text": "on the week of October 1, 2000. In the United Kingdom, \"Music\" debuted on the UK Singles Chart at number one. It faced tough competition with Spiller's \"Groovejet (If This Ain't Love)\" and beat the latter by 1,000 sales. Madonna became the first solo female artist to collect ten number-one singles. The song was present on the chart for 24 weeks, and was the 24th best selling release of 2000 in the country. The British Phonographic Industry (BPI) certified it gold in July 2013, and according to the Official Charts Company, \"Music\" is Madonna's 14th best-selling single and sold 415,000", + "score": 0.68212890625 + }, + { + "id": "4584251", + "title": "Prehistoric music", + "text": "and analyse the impulse response of archaeological sites; acoustic tests of lithophones or 'rock gongs'; and reconstructions of soundscapes as experimental archaeology. An academic research network, the Acoustics and Music of British Prehistory Research Network, has explored this field. On the island of Keros (\u039a\u03ad\u03c1\u03bf\u03c2), two marble statues from the late Neolithic culture called Early Cycladic culture (2900-2000 BCE) were discovered together in a single grave in the 19th century. They depict a standing double flute player and a sitting musician playing a triangular-shaped lyre or harp. The harpist is approximately high and dates to around 2700-2500 BCE. He expresses", + "score": 0.68212890625 + }, + { + "id": "6403973", + "title": "Circus music", + "text": "(1742-1814), a veteran of the Seven Years' War and a skilled equestrian. With his horsemanship skills and the addition of jugglers, acrobats, and clowns, Astley opened Paris' first circus in 1782. The first known composer of circus music was Charles Dibdin (1745-1814). He was partners with Mr. Astley and was also the one who financed the theatre used for the royal circus. Dibdin was a very well known composer in his time and had written hundreds of works before he decided to join Astley to work for the circus. He wrote all of the pieces used in the circus, which", + "score": 0.681640625 + }, + { + "id": "128342", + "title": "Early music", + "text": "Early music Early music generally comprises Medieval music (500\u20131400) and Renaissance music (1400\u20131600), but can also include Baroque music (1600\u20131760). Early music is a broad musical era in the history of Western art music. Interpretations of historical scope of \"early music\" vary. The original Academy of Ancient Music formed in 1726 defined \"Ancient\" music as works written by composers who lived before the end of the 16th century. Johannes Brahms and his contemporaries would have understood Early music to range from the High Renaissance and Baroque, while some scholars consider that Early music should include the music of ancient Greece", + "score": 0.681640625 + }, + { + "id": "6079660", + "title": "Music history of Hungary", + "text": "the Western world\". The earliest documented instrumentation in Hungarian music dates back to the whistle in 1222, followed by the koboz in 1326, the bugle in 1355, the fiddle in 1358, the bagpipe in 1402, the lute in 1427 and the trumpet in 1428. Thereafter the organ came to play a major role. Though virtually nothing is known about them, Hungarian minstrels existed throughout the Middle Ages and may have kept ancient pagan religious practices alive. At the Synod of Buda in 1279 the church banned their congregation from listening to them, despite their having come to be employed by", + "score": 0.681640625 + }, + { + "id": "17489709", + "title": "Armand D'Angour", + "text": "song; in July 2016 he organised and presented the first ever research-driven concert of ancient Greek music in the Nereids Gallery of the British Museum. In January 2017 he was interviewed about his research into ancient Greek music by Labis Tsirigotakis as part of the programme 'To the Sound of Big Ben' on Greek TV's ERT1 Channel, and in July 2017 the first public performance of his musical reconstructions of the chorus preserved on papyrus from Euripides \"Orestes\" (408 BC) and the Delphic Paean of Athenaeus (127 BC) was given at the Ashmolean Museum, Oxford. His investigations have been claimed", + "score": 0.681640625 + }, + { + "id": "13508036", + "title": "Paleolithic flutes", + "text": "Paleolithic flutes A number of flutes dating to the European Upper Paleolithic have been discovered. The undisputed claims are all products of the Aurignacian archaeological culture, beginning about 43,000 to 35,000 years ago, and have been found in the Swabian Alb region of Germany. These flutes represent the earliest known musical instruments and provide valuable evidence of prehistoric music. The presence of these flutes demonstrates that a developed musical tradition existed from the earliest period of modern human presence in Europe. In 2008, the Hohle Fels Flute was discovered in the Hohle Fels cave in Germany's Swabian Alb. The flute", + "score": 0.681640625 + }, + { + "id": "2839917", + "title": "Phonautograph", + "text": "song from a comic opera. Previously, the earliest known recording of vocal music was an 1888 Edison wax cylinder phonograph recording of a Handel choral concert. A phonautogram containing the opening lines of Torquato Tasso's pastoral drama Aminta has also been found. Probably recorded in April or May 1860, this phonautogram is the earliest known recording of intelligible spoken words to be played back, predating Frank Lambert's 1878 talking clock recording. Earlier recordings, made in 1857, 1854, and 1853, also contain de Martinville's voice but are unintelligible because of their low quality, brevity and irregularity of speed. Phonautograph The phonautograph", + "score": 0.68115234375 + }, + { + "id": "9304947", + "title": "Harmonice Musices Odhecaton", + "text": "musical staff was printed, then the text, and then the notes. Most of the 96 pieces, although they were written as songs, were not provided with the text, implying that instrumental performance was intended for many of them. Texts for most can be found in other manuscript sources or later publications. The first edition of the \"Odhecaton\" (\"Harmonice Musices Odhecaton A\") does not survive complete, and the exact publication date is not known, but it includes a dedication dated May 15, 1501. The second and third editions were printed on January 14, 1503 and May 25, 1504, respectively. Each corrected", + "score": 0.68115234375 + }, + { + "id": "5870171", + "title": "Delphic Hymns", + "text": "Delphic Hymns The Delphic Hymns are two musical compositions from Ancient Greece, which survive in substantial fragments. They were long regarded as being dated circa 138 BCE and 128 BCE, respectively, but recent scholarship has shown it likely they were both written for performance at the Athenian Pythaides in 128 BCE . If indeed it dates from ten years before the second, the First Delphic Hymn is the earliest unambiguous surviving example of notated music from anywhere in the western world whose composer is known by name. Both Delphic Hymns were addressed to Apollo, and were found inscribed on stone", + "score": 0.6806640625 + }, + { + "id": "887873", + "title": "History of music", + "text": "part of the Hurrian songs, more specifically Hurian hymn no. 6. It was deciphered by Anne Draffkorn Kilmer, and was demonstrated to be composed in harmonies of thirds, like ancient \"gymel\", and also was written using a Pythagorean tuning of the diatonic scale. The oldest surviving example of a complete musical composition, including musical notation, from anywhere in the world, is the Seikilos epitaph. Double pipes, such as those used by the ancient Greeks, and ancient bagpipes, as well as a review of ancient drawings on vases and walls, etc., and ancient writings (such as in Aristotle, \"Problems,\" Book XIX.12)", + "score": 0.6806640625 + }, + { + "id": "9488004", + "title": "Sebastian Virdung", + "text": "the choirboys until he was dismissed in 1508 presumably for his difficult temperament. In 1511, he published his treatise \"Musica getuscht und angezogen\" The text is described as the first printed book on the subject. It covered theory of music, counterpoint and composition. However, none of these subjects are to be found in the printed work that survives. Existing sections are based on instruments with illustrations and is notable for being the oldest printed source on this subject. The second is said to be \"Musica instrumentalis deudsch\" (1529) by Martin Agricola. These works are both illustrated, and important for the", + "score": 0.6806640625 + }, + { + "id": "13508037", + "title": "Paleolithic flutes", + "text": "is made from a vulture's wing bone perforated with five finger holes, and dates to approximately 35,000 years ago. Several years before, two flutes made of mute swan bone and one made of woolly mammoth ivory were found in the nearby Geissenkl\u00f6sterle cave. The team that made the Hohle Fels discovery wrote that these finds were at the time the earliest evidence of humans being engaged in musical culture. They suggested music may have helped to maintain bonds between larger groups of humans, and that this may have helped the species to expand both in numbers and in geographical range.", + "score": 0.6806640625 + }, + { + "id": "8232515", + "title": "The Lost Chord", + "text": "Sullivan's \"The Lost Chord,\" one of the first recordings of music ever made. A series of parties followed, introducing the phonograph to members of society at the so-called \"Little Menlo\" in London. Sullivan was invited to one of these on October 5, 1888. After dinner, he recorded a speech to be sent to Thomas Edison, saying, in part: These recordings were discovered in the Edison Library in New Jersey in the 1950s. Seated one day at the organ, I was weary and ill at ease, And my fingers wandered idly Over the noisy keys. I know not what I", + "score": 0.68017578125 + }, + { + "id": "1692769", + "title": "Charles Burney", + "text": "continent to do further research, and on his return to London published an account of his tour under the title \"The Present State of Music in Germany, the Netherlands and United Provinces\" (1773). In 1773 he was elected a fellow of the Royal Society. In 1776 appeared the first volume (in quarto) of Burney's long-projected \"History of Music\". In 1782 Burney published his second volume; and in 1789 the third and fourth. Though criticized by Forkel in Germany and by the Spanish ex-Jesuit, Requeno, who in his \"Saggj sul Ristabilimento dell' Arte Armonica de' Greci e Romani Canton\" (Parma, 1798)", + "score": 0.68017578125 + }, + { + "id": "13167113", + "title": "Museo internazionale e biblioteca della musica", + "text": "to the \u201cBooks for music and instruments of the 16th and 17th centuries.\u201d In this room, rare texts from ranging the 15th century to the famous Harmonice Musices Odhecaton A, the first printed musical book by Ottaviano Petrucci, can be admired. They are kept inside very modern, circular cases in the center of the room, which match the rich decoration of the floors. Then there are the instruments: lutes; the harmony of flutes by Manfredo Settala of 1650, which represents a real unicum; the pochette, various little violins used as instruments by dance instructors, the ghironde, the serpentoni, the extraordinary", + "score": 0.68017578125 + }, + { + "id": "16199919", + "title": "Lost operas by Claudio Monteverdi", + "text": "the Italian word \"opera\"\u2014short for \"opera in musica\" (\"musical work\")\u2014came into general use around 1634, musical stage works were typically termed \"favola in musica\" (musical fable), \"dramma in musica\" (musical drama), or \"tragedia in musica\" (\"musical tragedy\"); Monteverdi used these and similar descriptions for many of his early operatic projects. The first work now generally considered as an opera is Jacopo Peri's \"Dafne\" of 1597, closely followed by \"Euridice\" (1600), for which Peri and Giulio Caccini wrote separate musical settings. Ottavio Rinuccini was the librettist for both \"Dafne\" and \"Euridice\". In the new genre a complete story was told through", + "score": 0.68017578125 + } + ], + "answer": "Though definitions of music vary wildly throughout the world, every known culture partakes in it, and music is thus considered a cultural universal. The first piece of non-written music was made prior to the Paleolithic age, circa 3.3 million years ago. The \"oldest known song\" was written in cuneiform, dating to 3400 years ago from Ugarit in Syria." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who from Mississippi wrote the song forever and ever amen?", + "short_answers": [ + "Paul Overstreet", + "Paul Lester Overstreet" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who from North Carolina wrote the song forever and ever amen?", + "short_answers": [ + "Don Schlitz", + "Donald Alan Schlitz Jr." + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who from Mississippi wrote the song forever and ever amen?", + "short_answers": [ + "Paul Overstreet", + "Paul Lester Overstreet" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who from North Carolina wrote the song forever and ever amen?", + "short_answers": [ + "Don Schlitz", + "Donald Alan Schlitz Jr." + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Forever and Ever, Amen", + "url": "https://en.wikipedia.org/wiki/Forever%20and%20Ever%2C%20Amen" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "\"Forever and Ever, Amen\" is a song written by Paul Overstreet and Don Schlitz, and recorded by American country music artist Randy Travis. It was released in March 1987 as the first single from the album Always & Forever and became Travis's third No. 1 single on the U.S. Billboard Hot Country Singles charts.", + "wikipage": "Forever and Ever, Amen" + }, + { + "content": "Overstreet was born in Vancleave, Mississippi, the son of Mary Lela (Havens) Hatten and William E. Overstreet, a minister,[1][2] and was raised in Newton.", + "wikipage": "Paul Overstreet" + } + ], + "long_answer": "\"Forever and Ever, Amen\" is a 1987 song written by Mississippi native Paul Overstreet and American country music songwriter Don Schlitz. " + }, + { + "knowledge": [ + { + "content": "\"Forever and Ever, Amen\" is a song written by Paul Overstreet and Don Schlitz, and recorded by American country music artist Randy Travis. It was released in March 1987 as the first single from the album Always & Forever and became Travis's third No. 1 single on the U.S. Billboard Hot Country Singles charts.[1]", + "wikipage": "Forever and Ever, Amen" + } + ], + "long_answer": "\"Forever and Ever, Amen\" is a song released in 1987 written by Paul Overstreet and Don Schlitz, and recorded by American country music artist Randy Travis. Paul Overstreet is from Mississippi and Don Schlitz is from North Carolina." + } + ], + "sample_id": "-256357645980686898", + "question": "Who wrote the song forever and ever amen?", + "docs": [ + { + "id": "10867272", + "title": "Forever and Ever, Amen", + "text": "Forever and Ever, Amen \"Forever and Ever, Amen\" is a song written by Paul Overstreet and Don Schlitz, and recorded by American country music artist Randy Travis. It was released in March 1987 as the first single from the album \"Always & Forever\" and became Travis's third No. 1 single on the U.S. \"Billboard\" Hot Country Singles charts. In 1987, \"Forever and Ever, Amen\" won a Grammy for Best Country & Western Song and an Academy of Country Music award for Song of the Year. It was certified Gold by the RIAA on April 29, 2014, making it Travis' first", + "score": 0.810546875, + "summary": "\"Forever and Ever, Amen\" was written by Paul Overstreet and Don Schlitz and recorded by Randy Travis in March 1987.", + "extraction": "\"Forever and Ever, Amen\" is a song written by Paul Overstreet and Don Schlitz, and recorded by American country music artist Randy Travis." + }, + { + "id": "10867273", + "title": "Forever and Ever, Amen", + "text": "solo single to earn an RIAA certification. The song has also sold 966,000 digital copies since it became available for download. Forever and Ever, Amen \"Forever and Ever, Amen\" is a song written by Paul Overstreet and Don Schlitz, and recorded by American country music artist Randy Travis. It was released in March 1987 as the first single from the album \"Always & Forever\" and became Travis's third No. 1 single on the U.S. \"Billboard\" Hot Country Singles charts. In 1987, \"Forever and Ever, Amen\" won a Grammy for Best Country & Western Song and an Academy of Country Music", + "score": 0.80712890625, + "summary": "\"Forever and Ever, Amen\" was written by Paul Overstreet and Don Schlitz and recorded by Randy Travis.", + "extraction": "\"Forever and Ever, Amen\" is a song written by Paul Overstreet and Don Schlitz, and recorded by American country music artist Randy Travis." + }, + { + "id": "10957021", + "title": "Don Schlitz", + "text": "later becoming one of Rogers' signature songs. Since then, Schlitz has written numerous country songs and penned several hits for other country artists. Among his biggest hits are two Number One songs which he co-wrote with Paul Overstreet, \"Forever and Ever, Amen\" by Randy Travis and \"When You Say Nothing at All\" by Keith Whitley. United States President George H. W. Bush also commissioned Schlitz to write a theme song for his \"Points of Light\" program. This song, \"Point of Light\", was a No. 3 country hit for Travis in 1991. Schlitz also worked with Kenny Rogers again in 1998.", + "score": 0.7705078125, + "summary": "Don Schlitz co-wrote the song \"Forever and Ever, Amen\" with Paul Overstreet, which was performed by Randy Travis.", + "extraction": "Don Schlitz co-wrote the song \"Forever and Ever, Amen\" with Paul Overstreet for Randy Travis." + }, + { + "id": "20399656", + "title": "Forever and Ever (Demis Roussos song)", + "text": "Forever and Ever (Demis Roussos song) \"Forever and Ever\" is a song by Greek singer Demis Roussos. It was released as a single in 1973. The song was included on Roussos' 1973 album \"Forever and Ever\" and later on his 1976 EP \"The Roussos Phenomenon\". The song was written by Alec R. Costandinos and St\u00e9lios Vlavian\u00f3s. The recording was produced by Demis Roussos. There is also a Spanish-language version, titled \"Eternamente\". The song reached no. 1 in Belgium (Flanders), Mexico, and no. 2 in the Netherlands. 7\" single Philips 6009 331 (1973, France, Germany, Italy, Netherlands, UK, etc.) 7\" single", + "score": 0.7578125, + "summary": "The song \"Forever and Ever\" was written by Alec R. Costandinos and St\u00e9lios Vlavian\u00f3s, and performed by Demis Roussos.", + "extraction": "The song \"Forever and Ever\" was written by Alec R. Costandinos and St\u00e9lios Vlavian\u00f3s." + }, + { + "id": "5880645", + "title": "Forever and Ever (Franz Winkler and Malia Rosa song)", + "text": "Forever and Ever (Franz Winkler and Malia Rosa song) \"Forever and Ever\" is a popular song. The English lyrics were written by Malia Rosa in 1948 to the music of a German song, \"Fliege mit mir in die Heimat\" written by the Austrian songwriter Franz Winkler. It was adopted by the German Luftwaffe as their song during World War II. There were a number of popular recordings in 1949. It was originally recorded by Gracie Fields with Robert Farnon's Orchestra on 23 October 1948 and released on Decca F9031. Her version was subsequently released in the USA on London 362", + "score": 0.751953125, + "summary": "Malia Rosa wrote the English lyrics to the song \"Forever and Ever\" in 1948, which was set to the music of a German song by Franz Winkler.", + "extraction": "The song \"Forever and Ever\" was written by Malia Rosa to the music of a German song \"Fliege mit mir in die Heimat\" written by Franz Winkler." + }, + { + "id": "20399657", + "title": "Forever and Ever (Demis Roussos song)", + "text": "RTB / Philips S 53683 (1973, Yugoslavia) 7\" single Philips 6009 331 (1973) Forever and Ever (Demis Roussos song) \"Forever and Ever\" is a song by Greek singer Demis Roussos. It was released as a single in 1973. The song was included on Roussos' 1973 album \"Forever and Ever\" and later on his 1976 EP \"The Roussos Phenomenon\". The song was written by Alec R. Costandinos and St\u00e9lios Vlavian\u00f3s. The recording was produced by Demis Roussos. There is also a Spanish-language version, titled \"Eternamente\". The song reached no. 1 in Belgium (Flanders), Mexico, and no. 2 in the Netherlands. 7\"", + "score": 0.74951171875, + "summary": "The song \"Forever and Ever\" was written by Alec R. Costandinos and St\u00e9lios Vlavian\u00f3s and was performed by Demis Roussos.", + "extraction": "The song \"Forever and Ever\" was written by Alec R. Costandinos and St\u00e9lios Vlavian\u00f3s." + }, + { + "id": "13185696", + "title": "After Forever (song)", + "text": "After Forever (song) \"After Forever\" is a song by English rock band Black Sabbath. The song was released on their third studio album \"Master of Reality\" in 1971, and later the same year it had been released as the first single from the album, but failed to chart anywhere. The lyrics were written by Geezer Butler while the music was written by Tony Iommi. The lyrics of the song \"After Forever\", written by Geezer Butler, a proclaimed Catholic, focus entirely on Christian themes. Although the album jacket credits Iommi alone as the composer of this song (including lyrics), the \"Black", + "score": 0.74169921875, + "summary": "Irrelevant.", + "extraction": "The passage is irrelevant to the question \"Who wrote the song forever and ever amen?\" as it talks about the song \"After Forever\" by Black Sabbath, not \"Forever and Ever, Amen\" by any artist." + }, + { + "id": "8197093", + "title": "Forever and Ever (Slik song)", + "text": "\"Forever And Ever\", originally recorded by Kenny and appearing on their 1975 debut LP, \"The Sound Of Super K\", was recognized having hit potential if a more heavy arrangement would be added. The band to provide such was to be Slik, after the Bay City Rollers refused the song, wanting a more heavy and progressive image and instead choosing \"Money Honey\" as their potential UK's Christmas 1975 Number One single.
As well as being Slik's one and only UK number-one single, \"Forever And Ever\" was also the band's only top 20 hit. However, lead singer and songwriter Midge Ure went", + "score": 0.74169921875, + "summary": "The document mentions a song called \"Forever and Ever\" that was originally recorded by Kenny in 1975. The band Slik later provided a more heavy arrangement for the song and it became their only UK number-one single. The document does not mention who wrote the song.", + "extraction": "Midge Ure wrote the song \"Forever and Ever Amen.\"" + }, + { + "id": "1460462", + "title": "Randy Travis", + "text": "\"Always & Forever\". Released in April 1987, it accounted for four singles, all of which made No. 1 at \"Billboard\": \"Forever and Ever, Amen\" (also co-written by Overstreet), \"I Won't Need You Anymore (Always and Forever)\", \"Too Gone Too Long\", and \"I Told You So\", the last of which Travis wrote himself. Of these, \"Forever and Ever, Amen\" held the top position for three weeks. \"Always & Forever\" won Travis his second Grammy for Best Male Country Vocal Performance in 1987. \"Old 8\u00d710\", his third album, was issued in July 1988. Its first three singles, \"Honky Tonk Moon\", \"Deeper Than", + "score": 0.74072265625, + "summary": "Randy Travis wrote the song \"Forever and Ever, Amen\" in 1987.", + "extraction": "\"Forever and Ever, Amen\" (also co-written by Overstreet)" + }, + { + "id": "8197092", + "title": "Forever and Ever (Slik song)", + "text": "Forever and Ever (Slik song) \"Forever and Ever\" is a UK number-one single by Scottish glam rock band Slik, released in 1975. It was number one for one week in February 1976, knocking ABBA's \"Mamma Mia\" off the number-one position. It was also a hit in Ireland, reaching number two on the charts there. The song was written by the well established songwriting partnership of Bill Martin and Phil Coulter who had recently split from writing for the Bay City Rollers. Slik's previous and first released single \"Boogiest Band in Town\" was unsuccessful in the spring of 1975. The song", + "score": 0.736328125, + "summary": "The song \"Forever and Ever\" was written by Bill Martin and Phil Coulter and was performed by Scottish glam rock band Slik. It was a UK number-one single in 1976, replacing ABBA's \"Mamma Mia\".", + "extraction": "The song \"Forever and Ever\" was written by the well established songwriting partnership of Bill Martin and Phil Coulter." + }, + { + "id": "5665848", + "title": "Forever and Ever (Dune album)", + "text": "Forever and Ever (Dune album) Forever and Ever is the fifth album by German band Dune. It was released in 1998 on the label Orbit Records. As was the case with their previous album \"Forever\", \"Forever and Ever\" contains covers of famous pop song performed in a classical style, accompanied by The London Session Orchestra, with every other song in between being an original piano composition. Recording of the orchestral tracks took place at CTS Studios in London. The singer on this album is Tina Lacebal. All even-numbered songs written by Bernd Burhoff and Jens Oettrich. All other writers and", + "score": 0.73291015625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "6035002", + "title": "Paul Overstreet", + "text": "won ACM and CMA Song of the Year Awards (1987 and 1988). Overstreet was named the BMI Songwriter of the Year five straight years, from 1987\u201391, an achievement on music row that has not been achieved before or since. He co-wrote \"A Long Line of Love\", \"Love Can Build a Bridge\", and \"Forever and Ever, Amen\". Other well-known hits of recent years he is known for are \"She Thinks My Tractor's Sexy\" by Kenny Chesney and \"Some Beach\" by Blake Shelton, which was a Number One hit in 2004. Paul Overstreet is best known for writing country songs such as", + "score": 0.72900390625, + "summary": "Paul Overstreet co-wrote the song \"Forever and Ever, Amen\".", + "extraction": "Paul Overstreet co-wrote \"Forever and Ever, Amen\"." + }, + { + "id": "19570145", + "title": "Forever (The Little Dippers song)", + "text": "Forever (The Little Dippers song) \"Forever\" is a song written by Buddy Killen, which was released by The Little Dippers and Billy Walker in January 1960, and was later covered by Pete Drake and Mercy. Using the pseudonym \"The Little Dippers\", the Anita Kerr Singers recorded \"Forever\" in the fall of 1959. Their version of the song was released in January 1960, and spent 14 weeks on the \"Billboard\" Hot 100 chart, peaking at No. 9, while reaching No. 13 on Canada's CHUM Hit Parade. Billy Walker also released a version of the song in January 1960, which spent 1", + "score": 0.728515625, + "summary": "The song \"Forever\" was written by Buddy Killen and was released by The Little Dippers and Billy Walker in January 1960. The Anita Kerr Singers recorded a version of the song in the fall of 1959 under the pseudonym \"The Little Dippers\".", + "extraction": "Buddy Killen wrote the song \"Forever and Ever Amen\". (Note: \"Forever\" is the title of the song, but \"Forever and Ever Amen\" is not mentioned in the given passage. There is also no mention of who wrote the song \"Forever and Ever Amen\".)" + }, + { + "id": "14142623", + "title": "Now and Forever (Carole King song)", + "text": "Now and Forever (Carole King song) \"Now and Forever\" is a song written and recorded by Carole King for the major motion picture \"A League of Their Own.\" The song was written in 1992 solely by King and recorded the same year. The song became a hit on the US AC chart, and King received a Grammy Award nomination for it. Carole King was asked to write and record the end title song to the film \"A League of Their Own\" by Penny Marshall, the director of the movie. As the end title section is a very prestigious part of", + "score": 0.72705078125, + "summary": "Irrelevant. The document discusses a song called \"Now and Forever\" by Carole King, but does not mention the song \"Forever and Ever Amen\" or its writer.", + "extraction": "Irrelevant. The passage does not mention the song \"Forever and Ever Amen\" or its writer." + }, + { + "id": "13375627", + "title": "Forever Together", + "text": "Forever Together \"Forever Together\" is a song co-written and recorded by American country music artist Randy Travis. It was released in September 1991 as the second single from his album \"High Lonesome\". It peaked at number 1 on both the \"Billboard\" Hot Country Singles & Tracks and the Canadian \"RPM\" country Tracks chart. It was co-written by Travis with fellow musician, Alan Jackson while they were on tour together. A non-album track, \"This Day Was Made for You and Me\", co-written by Travis and John Lindley, was a B-side on the 7\" single. The song was previously released as the", + "score": 0.72607421875, + "summary": "Randy Travis co-wrote and recorded \"Forever Together\" with Alan Jackson in 1991.", + "extraction": "\"Forever Together\" is a song co-written and recorded by American country music artist Randy Travis." + }, + { + "id": "14605379", + "title": "Forever Love (Reba McEntire song)", + "text": "Forever Love (Reba McEntire song) \"Forever Love\" is a song recorded by American country music artist Reba McEntire, and written by Liz Hengber, Deanna Bryant and Sunny Russ. It was released in July 1998 as the second single from her studio album, \"If You See Him\" (1998). The song reached number four on the US \"Billboard\" Hot Country Singles & Tracks chart in November 1998. It was also the title song to a made-for-television movie \"Forever Love\" which aired the same year, starring Reba and Tim Matheson. It is her second single to have a movie named after one of", + "score": 0.7255859375, + "summary": "The song \"Forever Love\" was written by Liz Hengber, Deanna Bryant, and Sunny Russ. It was recorded by Reba McEntire and released in July 1998 as the second single from her album \"If You See Him\". It reached number four on the US \"Billboard\" Hot Country Singles & Tracks chart in November 1998.", + "extraction": "Irrelevant. The passage does not contain information about the song \"Forever and Ever Amen\"." + }, + { + "id": "6606513", + "title": "Forever and for Always", + "text": "Forever and for Always \"Forever and for Always\" is a song co-written and recorded by Canadian country music singer Shania Twain and it was the third country single from her fourth studio album \"Up!\" (2002). The song was written by Robert \"Mutt\" Lange and Twain. The single was released in the United States radio on April 7, 2003. The video debuted on Country Music Television on April 26, 2003. The song was also used for Febreze: Scentstories promotion, in which Twain took part. In 2006, \"Forever and for Always\" was certified gold for 500,000 digital downloads in the U.S. by", + "score": 0.724609375, + "summary": "The song \"Forever and for Always\" was co-written and recorded by Shania Twain and Robert \"Mutt\" Lange for her album \"Up!\" in 2002.", + "extraction": "Robert \"Mutt\" Lange and Shania Twain wrote the song \"Forever and for Always\"." + }, + { + "id": "14142626", + "title": "Now and Forever (Carole King song)", + "text": "Reeve, sang the song live at Madison Square Garden in honor of New York Rangers hockey player Mark Messier. Now and Forever (Carole King song) \"Now and Forever\" is a song written and recorded by Carole King for the major motion picture \"A League of Their Own.\" The song was written in 1992 solely by King and recorded the same year. The song became a hit on the US AC chart, and King received a Grammy Award nomination for it. Carole King was asked to write and record the end title song to the film \"A League of Their Own\"", + "score": 0.72412109375, + "summary": "The song \"Now and Forever\" was written and recorded by Carole King in 1992 for the movie \"A League of Their Own.\" Reeve sang the song live at Madison Square Garden for Mark Messier. The document is irrelevant to the question of who wrote the song \"Forever and Ever Amen.\"", + "extraction": "Carole King wrote the song \"Now and Forever\" for the movie \"A League of Their Own\". There is no information about a song called \"Forever and Ever Amen\" in the given passage, so the answer is \"irrelevant\"." + }, + { + "id": "14605381", + "title": "Forever Love (Reba McEntire song)", + "text": "in Pasadena, CA over one day, it shows footage from the movie, interspersed with scenes of Reba performing the song in a garden. Forever Love (Reba McEntire song) \"Forever Love\" is a song recorded by American country music artist Reba McEntire, and written by Liz Hengber, Deanna Bryant and Sunny Russ. It was released in July 1998 as the second single from her studio album, \"If You See Him\" (1998). The song reached number four on the US \"Billboard\" Hot Country Singles & Tracks chart in November 1998. It was also the title song to a made-for-television movie \"Forever Love\"", + "score": 0.72412109375, + "summary": "The song \"Forever Love\" was written by Liz Hengber, Deanna Bryant, and Sunny Russ. It was recorded by Reba McEntire and released in 1998.", + "extraction": "Liz Hengber, Deanna Bryant, and Sunny Russ wrote the song \"Forever Love\"." + }, + { + "id": "13676245", + "title": "Always and Forever (Heatwave song)", + "text": "at #9, while also cracking the top of the Hot 100 at #35. Mexican-American singer Ad\u00e1n S\u00e1nchez also recorded a version in Spanish titled \"Siempre y para siempre\". Other artists who have recorded the song include: Always and Forever (Heatwave song) \"Always and Forever\" is an R&B song written by Rod Temperton and produced by Barry Blue. It was first recorded by the British-based multinational funk-disco band Heatwave in 1976. Released as a single on December 3, 1977, the song is included on Heatwave's debut album \"Too Hot to Handle\" (1976) and has been covered by numerous artists, becoming something", + "score": 0.72119140625, + "summary": "\"Always and Forever\" is an R&B song written by Rod Temperton and produced by Barry Blue. It was first recorded by Heatwave in 1976. Other artists who have recorded the song include Ad\u00e1n S\u00e1nchez.", + "extraction": "\"Always and Forever\" is an R&B song written by Rod Temperton and produced by Barry Blue." + }, + { + "id": "12112567", + "title": "Now and Forever (Richard Marx song)", + "text": "Now and Forever (Richard Marx song) \"Now and Forever\" is a 1994 song written, produced and performed by American rock singer-songwriter Richard Marx. The song was also used in 1994 film \"The Getaway\" starring Kim Basinger and Alec Baldwin and directed by Roger Donaldson. Marx wrote \"Now and Forever\" about his wife, actress Cynthia Rhodes. He has been quoted as saying: \"I was working on the fourth album and realized I had not written a song addressing our relationship since we had gotten married and had three kids. I think this is one of those songs which was unique in", + "score": 0.71826171875 + }, + { + "id": "4978186", + "title": "Forever (Mariah Carey song)", + "text": "from the \"Daydream\" liner notes. Forever (Mariah Carey song) \"Forever\" is a song by American singer and songwriter Mariah Carey from her fifth studio album, \"Daydream\". It was released by Columbia Records on March 10, 1996, as an airplay-only single from the album. The song was written and produced by Carey and Walter Afanasieff, and was composed throughout 1995. Its lyrics describe a situation where the protagonist knows her relationship with her lover has withered away, however he will continue living in her memory forever. The song's music video is a collage of snippets from Carey's shows at the Tokyo", + "score": 0.71630859375 + }, + { + "id": "14213369", + "title": "Now and Forever (You and Me)", + "text": "Now and Forever (You and Me) \"Now and Forever (You and Me)\" is a hit song written by David Foster, Randy Goodrum and Jim Vallance and recorded by Canadian Country vocalist Anne Murray. It was aided by a popular music video, filmed in Toronto. The back-up vocal was sung by Richard Page, lead singer for the Pop group Mr. Mister. It was released in January 1986 as the first single from the Gold-certified album \"Something to Talk About\". The cut was Murray's tenth #1 hit on the U.S. Country singles chart and spent six weeks on the Billboard Hot 100.", + "score": 0.7158203125 + }, + { + "id": "5840354", + "title": "Everlasting Love", + "text": "and it was jamming, it wasn\u2019t doing right, it wasn\u2019t sounding right. So I started what you call a steady step. I start singing a beat and a half: 'hearts-go-a-stray' \u2013 like that. It wasn\u2019t like that in the beginning, and I think that's what got 'Everlasting Love' off the ground.\" Although Buzz Cason and Mac Gayden had written \"Everlasting Love\" to serve as the B-side for their composition \"The Weeper\" which Robert Knight would record the next day, the hit potential of \"Everlasting Love\" was evident at the end of that recording session, and it was the last-named song", + "score": 0.7158203125 + }, + { + "id": "14213370", + "title": "Now and Forever (You and Me)", + "text": "It remained for a total of nineteen weeks on the Billboard Country chart. (This was Murray's final 45 to cross over to the U.S. 'Pop' chart.) Now and Forever (You and Me) \"Now and Forever (You and Me)\" is a hit song written by David Foster, Randy Goodrum and Jim Vallance and recorded by Canadian Country vocalist Anne Murray. It was aided by a popular music video, filmed in Toronto. The back-up vocal was sung by Richard Page, lead singer for the Pop group Mr. Mister. It was released in January 1986 as the first single from the Gold-certified album", + "score": 0.71533203125 + }, + { + "id": "5880646", + "title": "Forever and Ever (Franz Winkler and Malia Rosa song)", + "text": "and it charted briefly in 1949. The song was also recorded by Russ Morgan with vocals by The Skylarks on January 20, 1949 for Decca Records and the song reached the top of the Billboard charts. It was recorded by Perry Como on January 13, 1949 and released as a single that year by RCA Victor Records. The 78rpm version was released with catalog number 20-3347-A, the 45rpm version was released with catalog number 47-2892-A. The flip side was \"I Don't See Me in Your Eyes Anymore.\" The record first hit the Billboard chart on March 19, 1949 and it", + "score": 0.71435546875 + }, + { + "id": "4978180", + "title": "Forever (Mariah Carey song)", + "text": "Forever (Mariah Carey song) \"Forever\" is a song by American singer and songwriter Mariah Carey from her fifth studio album, \"Daydream\". It was released by Columbia Records on March 10, 1996, as an airplay-only single from the album. The song was written and produced by Carey and Walter Afanasieff, and was composed throughout 1995. Its lyrics describe a situation where the protagonist knows her relationship with her lover has withered away, however he will continue living in her memory forever. The song's music video is a collage of snippets from Carey's shows at the Tokyo Dome, during her Daydream World", + "score": 0.71435546875 + }, + { + "id": "14575126", + "title": "Mac Gayden", + "text": "Gayden's biggest hit as a writer is considered to be the song \"Everlasting Love\", which he co-wrote with Buzz Cason, recorded originally by Robert Knight, a Top 20 hit in the Billboard Hot 100 in 1967. It became a number one hit in the United Kingdom when covered by the Love Affair in January 1968. Carl Carlton's popular disco version was a number six hit in the U.S. in 1974 and has logged over five million plays, according to BMI. Gayden wrote part of the song when he was five years old on his grandmother's piano. The song is one", + "score": 0.71240234375 + }, + { + "id": "12284079", + "title": "Love Without End, Amen", + "text": "Love Without End, Amen \"Love Without End, Amen\" is a song written by Aaron Barker, and recorded by American country music singer George Strait. It was released in April 1990 as the lead-off single from his album \"Livin' It Up\". The song spent five weeks at Number One on the \"Billboard\" Hot Country Singles & Tracks (now Hot Country Songs) chart, giving Strait his first multi-week No. 1, as his last 18 Number Ones had only spent one week at the top. The song is a mid-tempo tune whose singer recalls being sent home one day from school for fighting", + "score": 0.71240234375 + }, + { + "id": "9086280", + "title": "Only Forever (song)", + "text": "song. The song has also been recorded by Anne Shelton, Dean Martin, Kay Starr, Nat King Cole, Vera Lynn and Al Bowlly & Jimmy Mesene. Only Forever (song) \"Only Forever\" is a song popularized in 1940 by Bing Crosby. It reached number one on the Billboard charts on October 19, 1940 and spent nine weeks in that position during a 20-week stay in the charts. \"Only Forever\" was written by James V. Monaco and Johnny Burke for the 1940 film \"Rhythm on the River\" and the song was nominated for the Academy Award for Best Original Song. Crosby recorded it", + "score": 0.71240234375 + }, + { + "id": "1411780", + "title": "John Stamos", + "text": "sang lead vocals on a new version of \"Forever\" for their album \"Summer in Paradise\". The song was originally written and sung by Beach Boy Dennis Wilson and released in 1970. The song was also featured twice on \"Full House\". The first was a recording sung at his character's wedding, while the second was a recording sung for his character's twin sons. The 1992 music video, titled \"Forever by Jesse and the Rippers\", featured Stamos predominantly. Three of The Beach Boys members are however briefly shown singing harmonies with Stamos: Carl Wilson, Bruce Johnston, and Mike Love. Since the 1990s,", + "score": 0.71240234375 + }, + { + "id": "12021950", + "title": "Buzz Cason", + "text": "a session musician, produced The Crickets in a version of the song \"La Bamba\". The song did well in the UK and he toured with the group. In Nashville he also worked for arranger Bill Justis. Later, he wrote songs together with Bobby Russell, and both ran a publishing and record company until 1974. His biggest hit as a writer, with Mac Gayden, was the song \"Everlasting Love\", recorded originally by Robert Knight, which was a number 1 hit in the UK when covered by the Love Affair in January 1968. Carl Carlton's version was a number 6 hit in", + "score": 0.7119140625 + }, + { + "id": "8197095", + "title": "Forever and Ever (Slik song)", + "text": "was followed by another hit, \"Requiem\" which made the UK top 30 and the Dutch top 10. Their last single was to be \"The Kid's A Punk\" which flopped later in 1976. The band disbanded in early 1977. Forever and Ever (Slik song) \"Forever and Ever\" is a UK number-one single by Scottish glam rock band Slik, released in 1975. It was number one for one week in February 1976, knocking ABBA's \"Mamma Mia\" off the number-one position. It was also a hit in Ireland, reaching number two on the charts there. The song was written by the well established", + "score": 0.7119140625 + }, + { + "id": "8545612", + "title": "Stay Forever (Hal Ketchum song)", + "text": "Stay Forever (Hal Ketchum song) \"Stay Forever\" is a song co-written and recorded by American country music artist Hal Ketchum. It was released in January 1995 as the third single from his album \"Every Little Word\". The song reached number 8 on the \"Billboard\" Hot Country Singles & Tracks chart in May 1995. It was written by Ketchum and Benmont Tench. Larry Flick, of \"Billboard\" magazine reviewed the song unfavorably, saying that Ketchum does his \"vocal best\" to rescue the ballad. He goes on to call it a \"not-so-special song.\" The music video was directed by Jim Shea and premiered", + "score": 0.71142578125 + }, + { + "id": "7081012", + "title": "Forever (Kiss song)", + "text": "is also on the following Kiss albums: Forever (Kiss song) \"Forever\" is a song by the American rock band Kiss. It was released as the second single from the 1989 album \"Hot in the Shade\". The power ballad was co-written by Paul Stanley and Michael Bolton. \"Forever\" begins with Stanley singing over an acoustic guitar intro, with the rest of the band joining during the first chorus. The song was remixed at Electric Lady Recording Studios in New York, by Michael Barbiero and Steve Thompson for commercial release as a single. A music video was released to promote the song.", + "score": 0.71142578125 + }, + { + "id": "8715483", + "title": "Brenton Brown", + "text": "The title track, \"Everlasting God\", received an award at the ASCAP awards ceremony in London on 15 October 2008. The song, written by Brenton Brown and Ken Riley, was honoured as one of the most performed songs in the US, during 2007, across all genres. This is the first time that a Christian song has been recognised at this major music awards ceremony. \"Everlasting God\" has been recorded by other artists, including Lincoln Brewster, Jeremy Camp, and most notably by Chris Tomlin on his 2006 album, \"See the Morning\". Brown has appeared on numerous live and compilation albums, including events", + "score": 0.71044921875 + }, + { + "id": "9267719", + "title": "I Love You Always Forever", + "text": "I Love You Always Forever \"I Love You Always Forever\" is a song recorded by Welsh singer Donna Lewis from her debut album, \"Now in a Minute\" (1996). Written by Lewis, and produced by Lewis and Kevin Killen, it was released as the album's lead single in the US on 14 May 1996 and in the UK on 22 August 1996. Inspired by H. E. Bates' novel \"Love for Lydia\", \"I Love You Always Forever\" is a pop song in which the singer declares her endless love for her significant other. The song was a commercial hit, peaking at number", + "score": 0.7099609375 + }, + { + "id": "7081010", + "title": "Forever (Kiss song)", + "text": "Forever (Kiss song) \"Forever\" is a song by the American rock band Kiss. It was released as the second single from the 1989 album \"Hot in the Shade\". The power ballad was co-written by Paul Stanley and Michael Bolton. \"Forever\" begins with Stanley singing over an acoustic guitar intro, with the rest of the band joining during the first chorus. The song was remixed at Electric Lady Recording Studios in New York, by Michael Barbiero and Steve Thompson for commercial release as a single. A music video was released to promote the song. It received heavy airplay on MTV, attaining", + "score": 0.7099609375 + }, + { + "id": "8545613", + "title": "Stay Forever (Hal Ketchum song)", + "text": "in early 1995. \"Stay Forever\" debuted at number 69 on the U.S. \"Billboard\" Hot Country Singles & Tracks for the week of February 11, 1995. Stay Forever (Hal Ketchum song) \"Stay Forever\" is a song co-written and recorded by American country music artist Hal Ketchum. It was released in January 1995 as the third single from his album \"Every Little Word\". The song reached number 8 on the \"Billboard\" Hot Country Singles & Tracks chart in May 1995. It was written by Ketchum and Benmont Tench. Larry Flick, of \"Billboard\" magazine reviewed the song unfavorably, saying that Ketchum does his", + "score": 0.7099609375 + }, + { + "id": "10674545", + "title": "Forever, for Always, for Luther", + "text": "and Bud Harner. Dave Koz played on all the follow-up album's tracks, which were recorded by smooth jazz artists Patti Austin, Gerald Albright, Jonathan Butler, Norman Brown, Will Downing, Everette Harp, Jeff Lorber, Maysa, Najee, Wayman Tisdale, Kevin Whalum and Kirk Whalum. Forever, for Always, for Luther Forever, For Always, For Luther, released on July 27, 2004 by GRP Records, is a smooth jazz various artists tribute album, with ten popular songs written by Luther Vandross. The album featured vocal arrangements by Luther, and was produced by Rex Rideout and Bud Harner. Rideout had co-authored songs and contributed arrangements and", + "score": 0.708984375 + }, + { + "id": "2731019", + "title": "Whatever and Ever Amen", + "text": "Whatever and Ever Amen Whatever and Ever Amen is the second album by Ben Folds Five, released in 1997. A remaster was made available on March 22, 2005. All of the extra tracks had been previously released (as b-sides, soundtrack contributions, etc.) except for a cover of the Buggles song \"Video Killed the Radio Star\", which is a staple of Ben Folds Five's live show. While recording the album, Folds told the \"Sheffield Electronic Press\" in November 1996 that the album would likely either be titled \"Cigarette\" or \"The Little Girl With Teeth\". The title \"Whatever and Ever Amen\" comes", + "score": 0.70849609375 + }, + { + "id": "11676596", + "title": "Ever Ever After", + "text": "composer Alan Menken described \"Ever Ever After\" as the most modern of \"Enchanted\"'s musical numbers. Actress Amy Adams, who portrays the film's heroine Giselle, commented, \"we end up with Carrie Underwood's 'Ever Ever After' which is a country rock ballad. So the music continues to evolve in the film\". \"Ever Ever After\" was the last song to be written for \"Enchanted\". Originally, a traditional \"Disney-style\" musical number titled \"Enchanted\" was written by Menken and Schwartz, scheduled to appear in the film as a duet between Broadway performer Idina Menzel, who portrays the character Nancy Tremaine, and actor James Marsden, who", + "score": 0.70751953125 + }, + { + "id": "16562537", + "title": "Forever (Medina song)", + "text": "Forever (Medina song) \"Forever\" is a song by Danish electropop singer Medina from her second English-language album \"Forever\". The song was released as the album's lead single on 13 April 2012. \"Forever\" was translated into English from Medina's Danish number-one single \"For altid\". It samples the song \"The One\" (in the original Danish language version \"For altid\" - \"Vi to\"). \"Forever\" was written by Medina, Providers, Engelina Andrina, and Nazerine Henderson, and it was produced by Providers. The music video was shot in New York and was directed by Michael Sauer Christensen. The video premiered on May 7, 2012 on", + "score": 0.70751953125 + }, + { + "id": "17013220", + "title": "Forever (Haim song)", + "text": "Forever (Haim song) \"Forever\" is the debut single by American rock band Haim, taken from their first studio album, \"Days Are Gone\" (2013). Released on October 12, 2012, \"Forever\" was written by band members Alana Haim, Danielle Haim and Este Haim, while production was done by the band with Ludwig G\u00f6ransson. The song is a pop rock track, with clattering percussion and tight harmonies. Lyrically, the track talks about a relationship's do-or-die moment, while its sound was compared to many 80's and 90's tracks, including Fleetwood Mac and its member, Stevie Nicks, Donna Lewis and even Michael Jackson's \"Wanna Be", + "score": 0.70751953125 + }, + { + "id": "9086279", + "title": "Only Forever (song)", + "text": "Only Forever (song) \"Only Forever\" is a song popularized in 1940 by Bing Crosby. It reached number one on the Billboard charts on October 19, 1940 and spent nine weeks in that position during a 20-week stay in the charts. \"Only Forever\" was written by James V. Monaco and Johnny Burke for the 1940 film \"Rhythm on the River\" and the song was nominated for the Academy Award for Best Original Song. Crosby recorded it for Decca Records on July 3, 1940 with John Scott Trotter and his Orchestra. Tommy Dorsey and Eddy Duchin also enjoyed chart success with the", + "score": 0.70703125 + }, + { + "id": "13676240", + "title": "Always and Forever (Heatwave song)", + "text": "Always and Forever (Heatwave song) \"Always and Forever\" is an R&B song written by Rod Temperton and produced by Barry Blue. It was first recorded by the British-based multinational funk-disco band Heatwave in 1976. Released as a single on December 3, 1977, the song is included on Heatwave's debut album \"Too Hot to Handle\" (1976) and has been covered by numerous artists, becoming something of a standard. The song reached number 18 on the US \"Billboard\" Hot 100 in March 1978 after peaking at number two on the US \"Billboard\" R&B chart, the band's highest showing on that tally. The", + "score": 0.70654296875 + }, + { + "id": "18163224", + "title": "A Forever Kind of Love", + "text": "A Forever Kind of Love \"A Forever Kind of Love\" is a song written by Gerry Goffin and Jack Keller and recorded by Bobby Vee. Bobby recorded 2 different versions of the song, the first at Abbey Rd in the UK in February 1962 with backing vocals by the Mike Sammes Singers. That version was produced by Snuff Garrett and arranged by Norrie Paramor and released as a single only in the UK and Australia. It reached #13 in the United Kingdom in 1962. On return to the US, Vee recorded another version of the song on March 27, 1962", + "score": 0.7060546875 + }, + { + "id": "13767501", + "title": "You and Forever and Me", + "text": "You and Forever and Me \"You and Forever and Me\" is a song recorded by American country music group Little Texas. It was released in June 1992 as the third single from their debut album \"First Time for Everything\". It was co-written by the band's lead guitarist Porter Howell and Stewart Harris. The song peaked at number 5 on the \"Billboard\"s Hot Country Songs chart and reached number 18 on the Canadian \"RPM\" country Tracks chart in 1992. In \"You and Forever and Me\", sung by Tim Rushlow, the narrator is passing through his old hometown one afternoon after being", + "score": 0.7060546875 + }, + { + "id": "6035003", + "title": "Paul Overstreet", + "text": "\"Forever and Ever, Amen\" and \"On the Other Hand\", both of which were Number Ones for Randy Travis. He also co-wrote \"When You Say Nothing at All\" which was a Number One hit at the end of 1988 for Keith Whitley, and later a Top Five hit in 1995 for Alison Krauss, and revived later in 1999 by Ronan Keating of Boyzone. He is also known for writing the worship song God Is Good All The Time with Don Moen, which has become one of Moen's signature songs. Overstreet was first signed as a singer in 1982. His debut single,", + "score": 0.7060546875 + }, + { + "id": "5880647", + "title": "Forever and Ever (Franz Winkler and Malia Rosa song)", + "text": "reached position #2, staying there for 4 weeks. In the United Kingdom, it was released by HMV as a 78rpm version with catalog number BD-1250 in June 1949. The flip side was \"A - You're Adorable.\" Other charted versions in 1949 were by Margaret Whiting (recorded on January 27, 1949, Capitol 15386), and by Dinah Shore with Harry Zimmerman's Orchestra (Columbia 38410) on January 13, 1949. Bing Crosby recorded the song in 1962 for his album On the Happy Side. Forever and Ever (Franz Winkler and Malia Rosa song) \"Forever and Ever\" is a popular song. The English lyrics were", + "score": 0.70556640625 + }, + { + "id": "7399641", + "title": "Forever (The Beach Boys song)", + "text": "Forever (The Beach Boys song) \"Forever\" is a song written by Dennis Wilson and his close friend Gregg Jakobson. It was released in 1970 as the ninth track on the Beach Boys' \"Sunflower\" album. The song, along with the rest of the album, was produced by the Beach Boys. The lead vocal is sung by Dennis. His brother Brian declared, \"'Forever' has to be the most harmonically beautiful thing I've ever heard. It's a rock and roll prayer.\" The violins were actually played on a Chamberlin. A newly recorded version of the song, featuring lead vocals from actor and Beach", + "score": 0.705078125 + }, + { + "id": "20118318", + "title": "Brian Johnson (Bethel Music singer)", + "text": "too, leading the album to the top of the \"Billboard\"s Christian Albums Chart and peaking at No. 12 on the US \"Billboard\" 200 while topping the UK's Official Christian & Gospel Albums Chart. In August 2015, the Gospel Music Association nominated Brian Johnson alongside Kari Jobe, Gabriel Wilson, Jenn Johnson, Christa Black Gifford and Joel Taylor for a GMA Dove Award in the \"Worship Song of the Year\" category for penning the song \"Forever\" (credited as \"Forever (We Sing Hallelujah)\"), with the result to be announced at the 46th Annual GMA Dove Awards in October. However, in October 2015, the", + "score": 0.7041015625 + }, + { + "id": "12112569", + "title": "Now and Forever (Richard Marx song)", + "text": "weeks. Elsewhere, the song reached the top 10 in Canada and Norway and the top 20 in Sweden, Australia, and the United Kingdom. It just missed the latter milestone in New Zealand, peaking at number 21. In Canada, the song was the highest-selling adult contemporary song of 1994, topping the \"RPM\" Adult Contemporary chart for seven weeks. Marx also recorded a Spanish language version of the song as \"Ahora y Siempre\" for the Spanish market. Now and Forever (Richard Marx song) \"Now and Forever\" is a 1994 song written, produced and performed by American rock singer-songwriter Richard Marx. The song", + "score": 0.70361328125 + }, + { + "id": "14142624", + "title": "Now and Forever (Carole King song)", + "text": "a movie, Carole King gladly accepted the offer. Carole King wrote the song, and she stated that she and Penny Marshall both liked it. Everything was set for King to record the song as the end title song, but one day Carole King received a phone call from Penny Marshall. Penny Marshall stated that a problem had occurred: Madonna was in the movie and was entitled under her contract to record the end title song. As she said in her \"Welcome to My Living Room\" DVD, Carole King felt \"bummed.\" However, Marshall was still determined to get King's song in", + "score": 0.70361328125 + }, + { + "id": "13767503", + "title": "You and Forever and Me", + "text": "1992. You and Forever and Me \"You and Forever and Me\" is a song recorded by American country music group Little Texas. It was released in June 1992 as the third single from their debut album \"First Time for Everything\". It was co-written by the band's lead guitarist Porter Howell and Stewart Harris. The song peaked at number 5 on the \"Billboard\"s Hot Country Songs chart and reached number 18 on the Canadian \"RPM\" country Tracks chart in 1992. In \"You and Forever and Me\", sung by Tim Rushlow, the narrator is passing through his old hometown one afternoon after", + "score": 0.70361328125 + }, + { + "id": "12284081", + "title": "Love Without End, Amen", + "text": "he will enter or not due to bad choices he has made in his life, a Voice from the \"Other Side\" reiterates the words His Father once said to Him, illustrating the ultimate \"Love Without End\". Love Without End, Amen \"Love Without End, Amen\" is a song written by Aaron Barker, and recorded by American country music singer George Strait. It was released in April 1990 as the lead-off single from his album \"Livin' It Up\". The song spent five weeks at Number One on the \"Billboard\" Hot Country Singles & Tracks (now Hot Country Songs) chart, giving Strait his", + "score": 0.70361328125 + }, + { + "id": "10674532", + "title": "Forever, for Always, for Luther Volume II", + "text": "Forever, for Always, for Luther Volume II Forever, for Always, for Luther Volume II, released on November 21, 2006 by Rendezvous Entertainment, is a smooth jazz various artists tribute album, with ten popular songs written by Luther Vandross. The album was produced by Rex Rideout and Bud Harner, as a followup to their earlier GRP Records tribute album, \"Forever, For Always, For Luther\". Rideout had co-authored songs and contributed arrangements and played keyboards on Luther's final three albums. Saxophonist Dave Koz, who had performed on the first album, and who had founded Rendezvous Entertainment a few years earlier, released the", + "score": 0.703125 + }, + { + "id": "7526234", + "title": "Lex de Azevedo", + "text": "Five and The Osmonds. He composed the scores for the films \"Where the Red Fern Grows\" and \"The Swan Princess\", for the latter he was nominated for a Golden Globe in 1995 for the song \"Far Longer than Forever\". During the 1960s, De Azevedo produced several albums for Capitol Records, including Laurindo Almeida's \"Plays for a Man and a Woman\" and the Four King Cousins' \"Introducing the Four King Cousins\". He produced the hit version, by the Youngstown, Ohio-based quartet the Human Beinz, of the Isley Brothers' \"Nobody but Me\", which rose to #8 in 1968. He composed for pop", + "score": 0.70263671875 + }, + { + "id": "5665849", + "title": "Forever and Ever (Dune album)", + "text": "original artists noted below. A hidden track follows track 15; 15 minutes of untitled piano music begin playing starting at 10:00 into the track, after about five minutes of silence. Forever and Ever (Dune album) Forever and Ever is the fifth album by German band Dune. It was released in 1998 on the label Orbit Records. As was the case with their previous album \"Forever\", \"Forever and Ever\" contains covers of famous pop song performed in a classical style, accompanied by The London Session Orchestra, with every other song in between being an original piano composition. Recording of the orchestral", + "score": 0.70263671875 + }, + { + "id": "968572", + "title": "Benmont Tench", + "text": "recorded by other artists include \"You Little Thief\", a top 5 UK and Australian hit for Feargal Sharkey in 1985, and \"Never Be You\" (co-written with Petty), which became a #1 US Country hit for Rosanne Cash, also in 1985. Tench has received two ASCAP songwriting awards: in 1995 for \"Stay Forever\" (performed by Hal Ketchum) and in 2001 for \"Unbreakable Heart\" (performed by Jessica Andrews). This was also recorded by Carlene Carter in the early 1990s. He also wrote songs for Kimmie Rhodes (\"Play Me A Memory\") and Lone Justice (\"Sweet, Sweet Baby (I'm Falling)\"). In 2008, Tench became", + "score": 0.70263671875 + }, + { + "id": "4978182", + "title": "Forever (Mariah Carey song)", + "text": "in New Zealand and 44 in the Netherlands. \"Forever\" was written and produced by Carey and Walter Afanasieff in early 1995. The song is written in the key of A major and features a basic chord progression of A-C/G-Fm/E-D-E. Throughout \"Forever,\" Carey's voice spans from the low note of C# to the high note of A. According to author Chris Nickson, the song's instrumentation and throw-back melody bring reminders of 1950s and 60s balladry. The throw-back was featured through the chord changes, and in the way that the guitar arpeggios \"stayed at the forefront of the music.\" \"Forever\" finds Carey", + "score": 0.7021484375 + }, + { + "id": "10161217", + "title": "Always & Forever (Eternal album)", + "text": "Always & Forever (Eternal album) Always & Forever is the debut studio album by British girl group Eternal. It was released through EMI on 29 November 1993 before Louise Nurding left to embark on a solo career, before Eternal's follow up album \"Power of a Woman\" (1995). The album became a commercial success, selling over one million copies in the UK alone and yielding six top 20 single releases. As of 1997, the album has sold over 4 million copies worldwide. \"Always & Forever\" yielded two Top 5 singles; \"Stay\" and \"Oh Baby I...\" \"Stay\" was the first single to", + "score": 0.701171875 + }, + { + "id": "17637600", + "title": "Forever & Always (Taylor Swift song)", + "text": "Forever & Always (Taylor Swift song) \"Forever & Always\" is a song written by American singer-songwriter Taylor Swift for her second studio album, \"Fearless\" (2008). It was a last-minute addition to the album It received mixed reviews from music critics and became certified Platinum by the RIAA peaking within the Top 40 of the \"Billboard\" Hot 100, despite not being individually released or promoted as a single. \"Forever & Always\" revolves lyrically around a breakup and the resultant heartache. Inspired by her recent break-up with Joe Jonas, Swift quickly wrote and recorded the song at the last minute for inclusion", + "score": 0.70068359375 + }, + { + "id": "16549311", + "title": "An Everlasting Love", + "text": "Albhy Galuten and Karl Richardson. Barry Gibb arranged the orchestra and provided falsetto vocals on the chorus. Andy Gibb's headstone reads Andy Gibb / March 5, 1958 - March 10, 1988 / \"An Everlasting Love\". An Everlasting Love \"An Everlasting Love\" is a song written by Barry Gibb, performed by Andy Gibb as the second single from his album \"Shadow Dancing\", peaking at #5 on the Hot 100 on 23 September 1978 and #10 in the UK. \"An Everlasting Love\" was Gibb's only Top 10 in the United Kingdom. \"An Everlasting Love\" became a Gold record. It was his fourth", + "score": 0.70068359375 + }, + { + "id": "10674543", + "title": "Forever, for Always, for Luther", + "text": "Forever, for Always, for Luther Forever, For Always, For Luther, released on July 27, 2004 by GRP Records, is a smooth jazz various artists tribute album, with ten popular songs written by Luther Vandross. The album featured vocal arrangements by Luther, and was produced by Rex Rideout and Bud Harner. Rideout had co-authored songs and contributed arrangements and played keyboards on Luther's final three albums. The tribute album was mixed by Ray Bardani, who recorded and mixed most of Luther's music over the years. It featured an ensemble of jazz performers, many of whom had previously worked with Luther. The", + "score": 0.70068359375 + }, + { + "id": "14853174", + "title": "If You Ever Have Forever in Mind", + "text": "If You Ever Have Forever in Mind \"If You Ever Have Forever in Mind\" is a song co-written and recorded by American country music artist Vince Gill. It was released in May 1998 as the first single from the album \"The Key\". The song reached number 5 on the \"Billboard\" Hot Country Singles & Tracks chart and number 1 in Canada. It also won Gill the Grammy Award for Best Male Country Vocal Performance. It was written by Gill and Troy Seals. Chuck Taylor, of \"Billboard\" magazine reviewed the song favorably saying that \"there's a classy vintage sound to this", + "score": 0.69921875 + }, + { + "id": "5840366", + "title": "Everlasting Love", + "text": "uncredited authorship which was approved by the song's composers and which would be retained by Sandra for her 1987 remake. Recorded at the Record Plant (NYC) and featured on both Sweet's \"And Then He Kissed Me\" album and the album \"Everlasting Love\" by Smith, \"Everlasting Love\" as a single featured a two-track B-side featuring Sweet's \"Billy and the Gun\" and Smith's \"Still Thinking of You\" respectively taken from each singer's album cited above. Both Rex Smith and Rachel Sweet were on the roster of Columbia Records with the album \"And Then He Kissed Me\" marking Sweet's label debut subsequent to", + "score": 0.69921875 + }, + { + "id": "7399642", + "title": "Forever (The Beach Boys song)", + "text": "Boys sideman John Stamos, appeared on the band's 27th album \"Summer in Paradise\" in 1992. Stamos performed the song on at least three episodes of his sitcom \"Full House\". On the first episode of \"Fuller House\" in 2016, \"Forever\" was once again performed by Jesse and the Rippers with other characters from the show singing as well. An a cappella version of the song was included on the Beach Boys' \"Hawthorne, CA\" anthology album. Forever (The Beach Boys song) \"Forever\" is a song written by Dennis Wilson and his close friend Gregg Jakobson. It was released in 1970 as the", + "score": 0.69873046875 + }, + { + "id": "17504231", + "title": "Together Forever (Lisette Melendez song)", + "text": "Together Forever (Lisette Melendez song) \"Together Forever\" is the title track from \"Together Forever\", released by hip-hop singer and freestyle music artist Lisette Melendez and written by Carlos Berrios, Frankie Malave and Franc Reyes in 1991. It was initially released as a 12-inch vinyl record and primarily used in dance clubs. On February 16, 1991 the track reached position 31 on Billboard 100's Hot Dance Music chart and remained there for a total of nine weeks. Following its release, Melendez received more media attention. On April 6, 1991 Melendez made it to the \"Billboard\" Hot 100, peaking at #35. The", + "score": 0.6982421875 + }, + { + "id": "9267721", + "title": "I Love You Always Forever", + "text": "songs of the 1990s. In 2016, a cover version of the song by Australian pop singer Betty Who peaked at number six on the ARIA Singles Chart. In 1999, rapper Eve sampled the chorus on her song, 'Gotta Man' from her debut album. \"I Love You Always Forever\" is written in the key of C major in common time with a tempo of 104 beats per minute. Lewis' vocals span from F to G in the song. CD single CD maxi 12\" maxi Promotional only 7\" single (Sent to jukeboxes) Promotional only CD single (Sent to mainstream radio) CD maxi", + "score": 0.69775390625 + }, + { + "id": "11557731", + "title": "Always and Forever (Kostas Martakis song)", + "text": "another will transform it into a ballad. In December 2008, \"Always & Forever\" was added to popular American retailer Abercrombie & Fitch's store playlist nationwide. Always and Forever (Kostas Martakis song) \"Always and Forever\" is a song and CD single by Greek singer Kostas Martakis. It was Martakis's entry in a race to be the Greek representative for the Eurovision Song Contest 2008. It was officially released to the media and radios by ERT on February 6, 2008. The song was Martakis's entry in a three way race to be Greece's entry in the Eurovision Song Contest 2008. He battled", + "score": 0.697265625 + }, + { + "id": "16562538", + "title": "Forever (Medina song)", + "text": "her official myvideo.de channel and a day later on the labels YouTube channel. Forever (Medina song) \"Forever\" is a song by Danish electropop singer Medina from her second English-language album \"Forever\". The song was released as the album's lead single on 13 April 2012. \"Forever\" was translated into English from Medina's Danish number-one single \"For altid\". It samples the song \"The One\" (in the original Danish language version \"For altid\" - \"Vi to\"). \"Forever\" was written by Medina, Providers, Engelina Andrina, and Nazerine Henderson, and it was produced by Providers. The music video was shot in New York and was", + "score": 0.69677734375 + }, + { + "id": "19344631", + "title": "Forever by Your Side (song)", + "text": "Side\". It was written and produced by the musicians John V. Anderson and Steve Williams, (the same authors as \"Crazy\"). It was a simple song from their album that was not released as a single. In 1986, \"Forever by Your Side\" won a Portuguese version in Brazil, called \"Pra Sempre Vou Te Amar\". The lyrics in Portuguese were written by Brazilians Guto Angelicci and Carlinhos Kalunga, recorded by the Brazilian singer Adriana, and included in the complementary soundtrack for the Rede Globo's telenovela \"Mandala\" \"(As 'Preteridas' de Tony Carrado)\" in 1987. \"Pra Sempre Vou Te Amar\" was later recorded by", + "score": 0.69677734375 + }, + { + "id": "11676594", + "title": "Ever Ever After", + "text": "Ever Ever After \"Ever Ever After\" is a song by American singer Carrie Underwood, written by composer Alan Menken and lyricist Stephen Schwartz for \"Enchanted \"(2007). The song, which was the last of several written for the film, appears as the fifth track on its soundtrack album. A mid-tempo country pop ballad that incorporates elements of both pop and rock music, the lyrics of \"Ever Ever After\" speak of falling in love and discovering one's happily ever after, as well as several other traditional elements that are often associated with fairy tales. \"Ever Ever After\" was written by Menken and", + "score": 0.69677734375 + }, + { + "id": "13375628", + "title": "Forever Together", + "text": "B-side of Travis' 1989 single \"It's Just a Matter of Time\". As listed in liner notes. \"Forever Together\" debuted at number 47 on the U.S. \"Billboard\" Hot Country Singles & Tracks for the week of September 28, 1991. Forever Together \"Forever Together\" is a song co-written and recorded by American country music artist Randy Travis. It was released in September 1991 as the second single from his album \"High Lonesome\". It peaked at number 1 on both the \"Billboard\" Hot Country Singles & Tracks and the Canadian \"RPM\" country Tracks chart. It was co-written by Travis with fellow musician, Alan", + "score": 0.69677734375 + }, + { + "id": "12254145", + "title": "Everlasting Love (Howard Jones song)", + "text": "Everlasting Love (Howard Jones song) \"Everlasting Love\" is the title of a popular song originally written and recorded by British singer-songwriter Howard Jones. Released as the first single from Jones' 1989 album \"Cross That Line\", \"Everlasting Love\" reached #12 in the United States on the \"Billboard\" Hot 100 chart in the early summer of that year, and also peaked at #19 on the Modern Rock Tracks chart, the first of only two singles to appear there. It also spent two weeks at #1 on the US adult contemporary chart, the singer's second chart-topper on this tally (following \"No One Is", + "score": 0.6962890625 + }, + { + "id": "4721977", + "title": "Glenn Monroig", + "text": "In 1983, Monroig recorded \"\"No Finjas\"\", the first Spanish language rap song. In 1984, he recorded and sang the song \"\"Me Dijeron\"\" (I was told), which treated the sensitive subject of homosexuality in a respectful way. In 1986, Monroig had one of his greatest \"hits' with \"\"Por Siempre\"\" (Forever). He started composing by converting English songs into Spanish, such as \"\"Forever\"\" which was originally written by Kenny Loggins. Among the singers who have worked with Glenn are: With Lunna, Monroig recorded \"\"A Todo Dar\"\" (Everything Goes), the \"first\" digitally produced album in Puerto Rico. Monroig also wrote the anti-drug theme", + "score": 0.69580078125 + }, + { + "id": "18416652", + "title": "Live Forever (Magnus Carlsson song)", + "text": "Live Forever (Magnus Carlsson song) \"Live Forever\" is a song written by Thomas Th\u00f6rnholm, Michael Clauss and Danne Attlerud, and performed by Magnus Carlsson at Melodifestivalen 2007. Participating in the semifinal in \u00d6rnsk\u00f6ldsvik on 17 February 2007, it ended up 5th, which meant it was knocked out. It also appeared on his 2007 album Live Forever \u2013 The Album. However the song, which on 5 March 2007 was released as a single, became a major hit in Sweden following Melodifestivalen. It entered Svensktoppen on 11 March 2007 and 5th position and charted at Svensktoppen for totally six weeks. It also", + "score": 0.6953125 + }, + { + "id": "17637603", + "title": "Forever & Always (Taylor Swift song)", + "text": "the surprise song on the Reputation Stadium Tour in Indianapolis on September 15. Forever & Always (Taylor Swift song) \"Forever & Always\" is a song written by American singer-songwriter Taylor Swift for her second studio album, \"Fearless\" (2008). It was a last-minute addition to the album It received mixed reviews from music critics and became certified Platinum by the RIAA peaking within the Top 40 of the \"Billboard\" Hot 100, despite not being individually released or promoted as a single. \"Forever & Always\" revolves lyrically around a breakup and the resultant heartache. Inspired by her recent break-up with Joe Jonas,", + "score": 0.69482421875 + }, + { + "id": "5712754", + "title": "I Wanna Love You Forever", + "text": "I Wanna Love You Forever \"I Wanna Love You Forever\" is the debut single by American recording artist Jessica Simpson. The song was released on August 31, 1999 by Columbia Records as the lead single from Simpson's debut studio album, \"Sweet Kisses\" (1999). Written and produced by Louis Biancaniello and Sam Watters, \"I Wanna Love You Forever\" incorporates elements from pop and soul. Upon its release, \"I Wanna Love You Forever\" achieved international success, and established Simpson's name in the music industry. The song reached number three on the \"Billboard\" Hot 100, becoming Simpson's first, and to date only, top", + "score": 0.69482421875 + }, + { + "id": "4189213", + "title": "Sweet Kisses", + "text": "which consist of Simpson in a simple photo shoot. The album deals mainly with themes of love, romance, and life from a teenage perspective. \"I Wanna Love You Forever\" was written, composed, and produced by Louis Biancaniello and Sam Watters. The track is a darkly bittersweet love ballad, showing off the powerful vocals of Simpson. Even though Biancaniello and Watters are credited jointly for writing and composing the song, at present, it is not known exactly which of the two wrote its lyrics and which composed its music. According to the sheet music book published by Hal Leonard Corporation in", + "score": 0.6943359375 + }, + { + "id": "11676602", + "title": "Ever Ever After", + "text": "animated counterpart. Ever Ever After \"Ever Ever After\" is a song by American singer Carrie Underwood, written by composer Alan Menken and lyricist Stephen Schwartz for \"Enchanted \"(2007). The song, which was the last of several written for the film, appears as the fifth track on its soundtrack album. A mid-tempo country pop ballad that incorporates elements of both pop and rock music, the lyrics of \"Ever Ever After\" speak of falling in love and discovering one's happily ever after, as well as several other traditional elements that are often associated with fairy tales. \"Ever Ever After\" was written by", + "score": 0.69384765625 + }, + { + "id": "13006959", + "title": "Always and Forever (film)", + "text": "Mary (Barbara Eden), Grace's son Scott, and Grace and Michael's assistants. In the end, however, their love is realized and they get married. (Also their assistants get married.) Always and Forever (film) Always and Forever is a 2009 American made-for-television romantic comedy film starring Rena Sofer, Dean McDermott and Barbara Eden. It was directed by Kevin Connor and premiered on Hallmark Channel on October 24, 2009. A pair of high school sweethearts, Grace (Rena Sofer) and Michael (Dean McDermott), are reunited at a school reunion twenty years after they parted ways for her to go to college for interior design.", + "score": 0.69384765625 + }, + { + "id": "20872506", + "title": "Forever and Ever (Howard Hewett album)", + "text": "Forever and Ever (Howard Hewett album) Forever and Ever is the second solo studio album by American singer-songwriter Howard Hewett. It was released in 1988 via Elektra Records. Recording sessions for this ten-track album took place at fourteen various recording studios in California. Production was primarily handled by Hewett, along with Monty Seward, Vincent Brantley, George Duke, Tom Keane, Jerry Knight and Aaron Zigman. The album peaked at number 110 on the \"Billboard\" 200 album chart and at number 30 on the Top R&B/Hip-Hop Albums chart. It was supported by three singles: \"Strange Relationship\", \"Once, Twice, Three Times\" and \"Forever", + "score": 0.693359375 + }, + { + "id": "5840347", + "title": "Everlasting Love", + "text": "Everlasting Love \"Everlasting Love\" is a song written by Buzz Cason and Mac Gayden, originally a 1967 hit for Robert Knight and since remade several times, most successfully by the Love Affair, as well as Town Criers, Carl Carlton, and Sandra. In 1989, U2 released a version of \"Everlasting Love\" as a B-side on various formats of the \"All I Want Is You\" single. The original version of \"Everlasting Love\" was recorded in Nashville by Robert Knight, whose producers Buzz Cason and Mac Gayden aimed to record him in a Motown style with especial reference to the Four Tops and", + "score": 0.693359375 + }, + { + "id": "19082152", + "title": "Please Love Me Forever", + "text": "Please Love Me Forever \"Please Love Me Forever\" is a song written by John Malone and Ollie Blanchard. The song was originally released by Tommy Edwards in 1958. Hit versions were later released by Cathy Jean and the Roommates in 1960 and Bobby Vinton in 1967. Tommy Edwards released \"Please Love Me Forever\" as the B-side of It's All in the Game in 1958. Edwards' version of \"Please Love Me Forever\" spent 3 weeks on the \"Billboard\" Hot 100 chart, peaking at No. 61. Cathy Jean and the Roommates released a cover of \"Please Love Me Forever\" in 1960. Their", + "score": 0.6923828125 + }, + { + "id": "11303365", + "title": "Forever Man", + "text": "Forever Man \"Forever Man\" is a song from Eric Clapton's 1985 album \"Behind the Sun\", released as the first single of the album. It reached number one on the \"Billboard\" Top Rock Tracks chart, becoming his second single to do so. In total, the single release sold more than 500,000 copies worldwide. Clapton had just signed a contract with Warner Bros. Records when he started recording \"Behind the Sun\". When the album was completed, the record company rejected it because they felt it did not have enough singles. They commissioned three songs by composer Jerry Lynn Williams, one of which", + "score": 0.6923828125 + }, + { + "id": "7156896", + "title": "'Til the End of Forever", + "text": "written by Bolton as a tribute to Coretta Scott King, and he performed the song in her honor at her funeral. \"Til the End of Forever\" was the single off the album, and was written by Bolton in honor of his love for his three daughters. \"Said I Loved You ... But I Lied\" is a reggae-styled remake of Bolton's 1993 hit of the same name. The album constitutes Bolton's lowest charting album in the US. Less than 150,000 copies have been sold in the US and about 250,000 copies globally. Tracks 1\u20137 are studio recordings, while tracks 8\u201318 onward", + "score": 0.6923828125 + }, + { + "id": "5840351", + "title": "Everlasting Love", + "text": "Rex Smith and Rachel Sweet, Worlds Apart, and Gloria Estefan also saw multinational chart action which was especially strong for the Love Affair version. As early as 1968, \"Everlasting Love\" was remade for the country music market by Hank Locklin, who charted at #57. Narvel Felts would make the song a major C&W hit in 1979, reaching #14 on the \"Billboard\" C&W chart; a concurrent remake by Louise Mandrell peaked at #69 C&W. Just prior to the release of Jamie Cullum's 2004 version, Buzz Cason theorized on his composition's appeal: \"It's an uplifting song, with a real positive feeling, and", + "score": 0.69189453125 + }, + { + "id": "14142625", + "title": "Now and Forever (Carole King song)", + "text": "the movie. Therefore, Penny had a new opening of the movie written and filmed and put King's song in the beginning. The original version of \"Now and Forever\" was recorded in 1992 and originally appears on the soundtrack from the movie. In 1993, Carole King released an album, \"Colour of Your Dreams\", and put the song on that album. It is the same version as the recording on the soundtrack. In 2005 Carole King released her live \"The Living Room Tour\" album. \"Now and Forever\" is track four on this album. On January 12, 2006, Dana Reeve, wife of Christopher", + "score": 0.69189453125 + }, + { + "id": "15327838", + "title": "Love Affair (band)", + "text": "Love Affair (band) Love Affair was a London-based pop and soul group formed in 1966. The group had several \"UK Singles Chart\" Top 10 hits, including the number one success, \"Everlasting Love\". Love Affair's first single, \"She Smiled Sweetly\", written by Mick Jagger and Keith Richards, released on Decca Records flopped, but the band reached the top of the UK Singles Chart in January 1968 with \"Everlasting Love\". By this time the group had relocated to CBS Records. The song was first recorded by Robert Knight, whose version had reached No. 13 in the \"Billboard\" Hot 100 chart in the", + "score": 0.69189453125 + }, + { + "id": "10674533", + "title": "Forever, for Always, for Luther Volume II", + "text": "2006 followup on his own Rendezvous label. Dave Koz played on all the featured Luther Vandross tracks, which were recorded by various smooth jazz artists. Forever, for Always, for Luther Volume II Forever, for Always, for Luther Volume II, released on November 21, 2006 by Rendezvous Entertainment, is a smooth jazz various artists tribute album, with ten popular songs written by Luther Vandross. The album was produced by Rex Rideout and Bud Harner, as a followup to their earlier GRP Records tribute album, \"Forever, For Always, For Luther\". Rideout had co-authored songs and contributed arrangements and played keyboards on Luther's", + "score": 0.69140625 + }, + { + "id": "18416653", + "title": "Live Forever (Magnus Carlsson song)", + "text": "charted at Trackslistan. During Melodifestivalen 2012, the song was part of the pause event \"Tredje chansen\". Live Forever (Magnus Carlsson song) \"Live Forever\" is a song written by Thomas Th\u00f6rnholm, Michael Clauss and Danne Attlerud, and performed by Magnus Carlsson at Melodifestivalen 2007. Participating in the semifinal in \u00d6rnsk\u00f6ldsvik on 17 February 2007, it ended up 5th, which meant it was knocked out. It also appeared on his 2007 album Live Forever \u2013 The Album. However the song, which on 5 March 2007 was released as a single, became a major hit in Sweden following Melodifestivalen. It entered Svensktoppen on", + "score": 0.69140625 + }, + { + "id": "17863075", + "title": "Aaron Barker", + "text": "Aaron Barker Aaron Barker (born March 5, 1953, in San Antonio, Texas) is an American singer-songwriter. Barker has written number one songs for George Strait (\"Baby Blue\", \"Love Without End, Amen\", \"Easy Come, Easy Go\") and Lonestar (\"What About Now\"). His songs have also been recorded by Doug Supernaw, Clay Walker, Neal McCoy, Aaron Tippin and others. Barker turned \"Love Without End, Amen\" into a book in 2002. He was inducted into the Texas Heritage Songwriters' Hall of Fame in 2007. Barker's debut album, \"The Taste of Freedom\", was released by Atlantic Records in August 1992. The title track peaked", + "score": 0.69140625 + }, + { + "id": "7997386", + "title": "Together Forever (song)", + "text": "Together Forever (song) \"Together Forever\" is a song recorded by Rick Astley, which reached number one on the \"Billboard\" Hot 100 on 18 June 1988. It was Astley's second and final U.S. chart-topper. It reached number 2 in Britain, being denied the top spot by \"Neighbours\" star and fellow Stock Aitken Waterman artist Kylie Minogue with her debut single \"I Should Be So Lucky\". It uses a similar chord structure and melody to \"Never Gonna Give You Up\" (as with most songs produced by Stock Aitken Waterman at the time). The song is also featured as a demo track on", + "score": 0.69091796875 + }, + { + "id": "13185697", + "title": "After Forever (song)", + "text": "Sabbath Black Box Set\" refutes the album jacket credit and gives credit to this song (along with \"Orchid\" and \"Embryo\") to all four band members in keeping with their wishes to remain a democratic band. At the time, some viewed Black Sabbath as Satanists (which the band had consistently denied) due to their dark sound, image and lyrics. \"After Forever\" was released as a single along with \"Fairies Wear Boots\" in 1971. \"Rolling Stone\" reviewer Lester Bangs criticized the Christian theme of \"After Forever\" as too obvious, but welcomed the arrangement. After Forever (song) \"After Forever\" is a song by", + "score": 0.69091796875 + }, + { + "id": "7085679", + "title": "Always & Forever (Randy Travis album)", + "text": "Always & Forever (Randy Travis album) Always & Forever is the second studio album by country music singer Randy Travis. It was released on April 4, 1987 by Warner Bros. Records. Released from this album were the singles \"Too Gone Too Long\", \"I Won't Need You Anymore (Always and Forever)\", \"Forever and Ever, Amen\" and \"I Told You So\", all of which reached Number One on the \"Billboard\" Hot Country Songs charts. It is comedian Jimmy Pardo's second-favorite album of 1987, just behind Don Dixon's Romeo at Julliard. The track \"What'll You Do About Me\" has been covered by several", + "score": 0.6904296875 + }, + { + "id": "13676243", + "title": "Always and Forever (Heatwave song)", + "text": "time of the single release of \"Always and Forever\" that he knew Heatwave's music would stand the test of time. This pop standard is emblematic of the Heatwave fusion of influences - R&B, teen romance, and both European and American flavors of pop.\" AllMusic reviewer Craig Lytle states that the song \"was and continues to be an ageless piece. Johnnie Wilder's vocal exhibition throughout the vamp is breathtaking.\" R&B/soul singer Luther Vandross released his cover of \"Always and Forever\" as the second single from his album, \"Songs\" (1994). His recording earned him a Grammy Award nomination in the category Best", + "score": 0.6904296875 + }, + { + "id": "15327844", + "title": "Love Affair (band)", + "text": "CD of the soundtrack contained Jamie Cullum's cover version, instead of the Love Affair version used in the film. Cullum's version is played over the end credits. Love Affair (band) Love Affair was a London-based pop and soul group formed in 1966. The group had several \"UK Singles Chart\" Top 10 hits, including the number one success, \"Everlasting Love\". Love Affair's first single, \"She Smiled Sweetly\", written by Mick Jagger and Keith Richards, released on Decca Records flopped, but the band reached the top of the UK Singles Chart in January 1968 with \"Everlasting Love\". By this time the group", + "score": 0.6904296875 + }, + { + "id": "11754336", + "title": "Forever (Chris Brown song)", + "text": "Forever (Chris Brown song) \"Forever\" is a song by American recording artist Chris Brown from \"Exclusive: Forever Edition\", a repackaged edition of his second studio album \"Exclusive\". Brown co-wrote the song with Andre Merritt, Rob Allen, Brian Kennedy, and Jamal \"Polow da Don\" Jones; the latter two are also the producers. Initially created to be used for Ableton Live practice, \"Forever\" was selected to be released as the first single from Brown's repackaged second studio album but overall it's the fifth single from the album. It was first released for digital download on November 2, 2007. The song reached number", + "score": 0.68994140625 + } + ], + "answer": "\"Forever and Ever, Amen\" is a song released in 1987 written by Paul Overstreet and Don Schlitz, and recorded by American country music artist Randy Travis. Paul Overstreet is from Mississippi and Don Schlitz is from North Carolina." + }, + { + "qa_pairs": [ + { + "context": "The character was originally voiced by Arleen Sorkin in the DC animated universe. Since then, she has later starred in her own animated series, with her voice provided by Kaley Cuoco. In the \"Birds of Prey\" television series, she was portrayed by actress Mia Sara. In the Fox series \"Gotham\" a character known as Ecco, portrayed by Francesca Root-Dodson and bearing all the characteristics of Harley Quinn, was introduced in the fourth season. The character made her live-action feature film debut in the 2016 film \"Suicide Squad\", portrayed by Margot Robbie. Robbie will reprise the role in \"Birds of Prey\" (2020) and \"The Suicide Squad\" (2021).", + "question": "Who acted as harley quinn in the 2016 suicide squad?", + "short_answers": [ + "Margot Robbie" + ], + "wikipage": "Harley Quinn" + }, + { + "context": "No context provided", + "question": "Who acted as harley quinn in the Suicide Squad: Hell to Pay?", + "short_answers": [ + "Tara Strong" + ], + "wikipage": null + }, + { + "context": "The film's mid-credit scene leads to the 2017 film \"Justice League\". After the release and financial success of \"Suicide Squad\", Warner Bros. and DC Films announced multiple films being developed featuring Margot Robbie reprising her role as Harley Quinn, including: \"Suicide Squad 2\", \"Gotham City Sirens\", \"Birds of Prey\", and an untitled film centered around Quinn and the Joker. Various sources report that the studios plan on featuring the anti-heroine in a trilogy of films for the character's first story-arc.", + "question": "Who acted as harley quinn in suicide squad 2?", + "short_answers": [ + "Margot Robbie" + ], + "wikipage": "Suicide Squad (film)" + } + ], + "wikipages": [ + { + "title": "Suicide Squad (film)", + "url": "https://en.wikipedia.org/wiki/Suicide%20Squad%20%28film%29" + }, + { + "title": "The Suicide Squad (film)", + "url": "https://en.wikipedia.org/wiki/The%20Suicide%20Squad%20%28film%29" + }, + { + "title": "Harley Quinn", + "url": "https://en.wikipedia.org/wiki/Harley%20Quinn" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Dr. Harleen Frances Quinzel, later known as Harley Quinn, is a fictional character in the DC Extended Universe, based on the character of the same name from DC Comics. Portrayed by actress Margot Robbie, she first appears in film in Suicide Squad, playing a major role, and also stars in Birds of Prey. ", + "wikipage": "Harley Quinn (DC Extended Universe)" + }, + { + "content": "Suicide Squad is a 2016 American superhero film based on the DC Comics supervillain team of the same name.", + "wikipage": "Suicide Squad (film)" + }, + { + "content": "The Suicide Squad is a 2021 American superhero film based on DC Comics featuring the team Suicide Squad.", + "wikipage": "The Suicide Squad (film)" + }, + { + "content": "Suicide Squad: Hell to Pay is a 2018 American adult animated superhero film produced by Warner Bros. Animation and distributed by Warner Bros. Home Entertainment...The voice cast includes Christian Slater as Deadshot, Tara Strong as Harley Quinn and Vanessa Williams as Amanda Waller. ", + "wikipage": "Suicide Squad: Hell to Pay" + } + ], + "long_answer": "In the 2016 American superhero film Suicide Squad, fictional character Harley Quinn is portrayed by actress Margot Robbie. This character role is however voiced by Tara Strong in the 2018 adult animated superhero film Suicide Squad: Hell to Pay. In the most recent 2021 Suicide Squad film, Margot Robbie reprising her role as Harley Quinn. " + }, + { + "knowledge": [ + { + "content": "Harley Quinn (Dr. Harleen Frances Quinzel) is a character appearing in American comic books published by DC Comics.", + "wikipage": "Harley Quinn" + } + ], + "long_answer": "Harley Quinn (Dr. Harleen Frances Quinzel) is a character appearing in American comic books published by DC Comics. The character made her live-action feature film debut in the 2016 film \"Suicide Squad\", portrayed by Margot Robbie. Robbie will reprise the role in \"Birds of Prey\" (2020) and \"The Suicide Squad\" (2021). Tara Strong played Harley Quinn in Suicide Squad: Hell to Pay." + } + ], + "sample_id": "-8636176444481722834", + "question": "Who acted as harley quinn in suicide squad?", + "docs": [ + { + "id": "2090013", + "title": "Harley Quinn", + "text": "actress Margot Robbie portrays Harleen Quinzel / Harley Quinn in the DC Extended Universe, debuting in the 2016 film \"Suicide Squad\". Flashbacks reveal that Harleen Quinzel fell in love with the Joker while serving as his psychiatrist at Arkham Asylum. After she freed him, the Joker proceeded to electrocute her and convince her to fall into the chemical bath that created him, thus bleaching her skin and transforming her into his lover Harley Quinn. Harley assists the Joker in killing Batman's partner, Robin, before being imprisoned and blackmailed into joining Amanda Waller's government task force composed of captured supervillains. At", + "score": 0.7734375, + "summary": "Margot Robbie acted as Harley Quinn in Suicide Squad.", + "extraction": "Margot Robbie portrayed Harleen Quinzel / Harley Quinn in the 2016 film \"Suicide Squad\"." + }, + { + "id": "2089964", + "title": "Harley Quinn", + "text": "Suicide Squad. The character was originally voiced by Arleen Sorkin in the DC animated universe. Since then, she has also been voiced by Hynden Walch and Tara Strong in either DC Animated Showcases or in various video games. In the \"Birds of Prey\" television series, she was portrayed by actress Mia Sara. The character made her live-action feature film debut in the 2016 film \"Suicide Squad\", portrayed by Margot Robbie. Harley Quinn first appeared in the DC Animated Universe's \"\" episode \"Joker's Favor\", as what was originally supposed to be the animated equivalent of a walk-on role; a number of", + "score": 0.7666015625, + "summary": "Margot Robbie portrayed Harley Quinn in the 2016 film \"Suicide Squad\".", + "extraction": "Harley Quinn was portrayed by Margot Robbie in the 2016 film \"Suicide Squad\"." + }, + { + "id": "2882716", + "title": "Suicide Squad", + "text": "Will Smith as Deadshot, Jared Leto as Joker, Margot Robbie as Harley Quinn, Joel Kinnaman as Rick Flag, and Viola Davis as Amanda Waller. A sequel, \"Suicide Squad 2\" is in the works with James Gunn writing the script, with the intention of also serving as director. Also appearing, Jai Courtney steps in as Captain Boomerang, Jay Hernandez portrays El Diablo, and Adewale Akinnuoye-Agbaje takes on the role of Killer Croc. Cara Delevingne is in the role of Enchantress, Karen Fukuhara portrays Katana, and Adam Beach fills the role of Slipknot. The film also stars Ike Barinholtz as Security Officer", + "score": 0.7587890625, + "summary": "Margot Robbie acted as Harley Quinn in Suicide Squad.", + "extraction": "Margot Robbie acted as Harley Quinn in Suicide Squad." + }, + { + "id": "18795431", + "title": "DC Extended Universe", + "text": "signed on as screenwriter. By April 2018, Warner Bros. selected Cathy Yan as director, with Margot Robbie, Sue Kroll, and Bryan Unkless serving as producers for the project. Robbie will reprise her role as Harleen Quinzel / Harley Quinn from \"Suicide Squad\". The film is expected to be the first theatrical R-rated installment in the franchise and will have a smaller budget than most of the other films. In addition to Robbie's starring role, the team roster will also include Mary Elizabeth Winstead, Jurnee Smollett-Bell, Rosie Perez, and Ella Jay Basco as Huntress, Black Canary, Renee Montoya, and Cassandra Cain,", + "score": 0.7568359375, + "summary": "Margot Robbie acted as Harley Quinn in Suicide Squad.", + "extraction": "Margot Robbie played the role of Harleen Quinzel / Harley Quinn in \"Suicide Squad\"." + }, + { + "id": "12626971", + "title": "Margot Robbie", + "text": "film was released on 1 July. Robbie's third 2016 role was Harley Quinn in Warner Bros.' DC Comics supervillain film \"Suicide Squad\", as part of an ensemble cast that includes Will Smith, Jared Leto, Viola Davis and Joel Kinnaman. Principal photography commenced on 13 April 2015, and the film was released on 5 August 2016. Robbie hosted the season 42 premiere of \"Saturday Night Live\" on 1 October 2016, with musical guest The Weeknd. She was scheduled to voice a character in the DreamWorks Animation \"Larrikins\", before the project was cancelled. In 2017, Robbie starred alongside Domhnall Gleeson in \"Goodbye", + "score": 0.7568359375, + "summary": "Margot Robbie played Harley Quinn in Suicide Squad.", + "extraction": "Margot Robbie acted as Harley Quinn in Suicide Squad." + }, + { + "id": "12626975", + "title": "Margot Robbie", + "text": "co-star Leonardo DiCaprio and Brad Pitt. Robbie is scheduled to reprise her role as Harleen Quinzel / Harley Quinn from \"Suicide Squad\" in various projects including \"Birds of Prey (And the Fantabulous Emancipation of One Harley Quinn)\", \"Gotham City Sirens\", \"Suicide Squad 2\", and an untitled Joker/Harley Quinn film. Robbie will also serve as co-producer on each of the films, excluding \"Suicide Squad 2\". \"Birds of Prey (and the Fantabulous Emancipation of One Harley Quinn)\" is scheduled to begin production in late 2018. Robbie will star alongside Matthias Schoenaerts in the WWII thriller film \"Ruin\", directed by Justin Kurzel. Robbie", + "score": 0.73876953125, + "summary": "Margot Robbie acted as Harley Quinn in Suicide Squad and will reprise the role in various upcoming projects including Birds of Prey, Gotham City Sirens, Suicide Squad 2, and an untitled Joker/Harley Quinn film. She will also serve as co-producer on each film, except for Suicide Squad 2.", + "extraction": "Margot Robbie acted as Harley Quinn in \"Suicide Squad\"." + }, + { + "id": "2090014", + "title": "Harley Quinn", + "text": "the end of the film, the Joker breaks into Belle Reve Prison to free Harley, and they are reunited. The film received negative reviews, but critics praised Margot Robbie's performance, with many citing it as the main highlight. Paul Dini, the creator of Harley Quinn, said that Robbie \"nailed\" the character. Warner Bros. is currently working on a movie focused on the DC Comics female villains \"Gotham City Sirens\" and Robbie is set to reprise her role, as well as produce this film, as part of a first look deal. Robbie is also set for a Harley Quinn/Joker film, \"Suicide", + "score": 0.73486328125, + "summary": "Margot Robbie acted as Harley Quinn in Suicide Squad and is set to reprise her role in future films.", + "extraction": "Margot Robbie acted as Harley Quinn in Suicide Squad." + }, + { + "id": "18795415", + "title": "DC Extended Universe", + "text": "Dan Lin producing and Justin Marks writing the script. In October 2014, \"Suicide Squad\" was announced by Warner Bros., with David Ayer confirmed as director. In December, it was revealed that Ayer would also be writing the screenplay. The main cast included Will Smith as Deadshot, Margot Robbie as Harley Quinn, Jared Leto as the Joker, Jai Courtney as Captain Boomerang, Jay Hernandez as El Diablo, Adewale Akinnuoye-Agbaje as Killer Croc, Karen Fukuhara as Katana, Cara Delevingne as Enchantress, Viola Davis as Amanda Waller, and Joel Kinnaman as Rick Flag. Tom Hardy was originally cast as Rick Flag, but dropped", + "score": 0.73388671875, + "summary": "Margot Robbie acted as Harley Quinn in Suicide Squad.", + "extraction": "Margot Robbie acted as Harley Quinn in Suicide Squad." + }, + { + "id": "20532170", + "title": "Suicide Squad: Hell to Pay", + "text": "Suicide Squad: Hell to Pay Suicide Squad: Hell to Pay is a 2018 American animated superhero film produced by Warner Bros. Animation and distributed by Warner Bros. Home Entertainment. The film is directed by Sam Liu, with scripting by Alan Burnett. It is the 31st film in the DC Universe Animated Original Movies series and a part of the DC Animated Movie Universe. The voice cast includes Christian Slater as Deadshot, Tara Strong as Harley Quinn and Vanessa Williams as Amanda Waller. The film was released digitally on March 27, 2018 and released on DVD and Blu-ray on April 10,", + "score": 0.732421875, + "summary": "Tara Strong acted as Harley Quinn in Suicide Squad: Hell to Pay.", + "extraction": "Tara Strong acted as Harley Quinn in Suicide Squad." + }, + { + "id": "13375308", + "title": "Gotham City Sirens", + "text": "City Sirens\" artist Guillem March, Harley Quinn was now a member of the revamped \"Suicide Squad\" series, and Poison Ivy is featured in the new \"Birds of Prey\". It was announced in December 2016 that Warner Bros. is developing a spin-off film adaptation of \"Suicide Squad\" based on \"Gotham City Sirens\". The film is being fast-tracked into production, and will be a part of the DC Extended Universe. Margot Robbie will reprise her role as Harley Quinn and will executive produce the film. \"Suicide Squad\" director David Ayer will return to direct the film, while Geneva Dworet-Robertson has been hired", + "score": 0.7314453125, + "summary": "Margot Robbie acted as Harley Quinn in Suicide Squad and will reprise her role in the upcoming spin-off film \"Gotham City Sirens\".", + "extraction": "Margot Robbie will reprise her role as Harley Quinn." + }, + { + "id": "18294742", + "title": "Suicide Squad (film)", + "text": "Suicide Squad (film) Suicide Squad is a 2016 American superhero film based on the DC Comics supervillain team of the same name, distributed by Warner Bros. Pictures. It is the third installment in the DC Extended Universe (DCEU). The film is written and directed by David Ayer and stars an ensemble cast featuring Will Smith, Jared Leto, Margot Robbie, Joel Kinnaman, Viola Davis, Jai Courtney, Jay Hernandez, Adewale Akinnuoye-Agbaje, Ike Barinholtz, Scott Eastwood, and Cara Delevingne. In \"Suicide Squad\", a secret government agency led by Amanda Waller recruits imprisoned supervillains to execute dangerous black ops missions and save the world", + "score": 0.70849609375, + "summary": "Margot Robbie acted as Harley Quinn in Suicide Squad.", + "extraction": "Margot Robbie acted as Harley Quinn in Suicide Squad." + }, + { + "id": "18294789", + "title": "Suicide Squad (film)", + "text": "on Floyd Lawton / Deadshot, which will star Smith. In August 2017, another film focusing on the Joker and Harley Quinn entered development with Glenn Ficarra and John Requa in final negotiations to be the co-writer/co-director team handling the project. Suicide Squad (film) Suicide Squad is a 2016 American superhero film based on the DC Comics supervillain team of the same name, distributed by Warner Bros. Pictures. It is the third installment in the DC Extended Universe (DCEU). The film is written and directed by David Ayer and stars an ensemble cast featuring Will Smith, Jared Leto, Margot Robbie, Joel", + "score": 0.70703125, + "summary": "Margot Robbie acted as Harley Quinn in Suicide Squad.", + "extraction": "Margot Robbie acted as Harley Quinn in Suicide Squad." + }, + { + "id": "18294783", + "title": "Suicide Squad (film)", + "text": "featuring Batman ever made. However, it is gleefully nihilistic, and it takes a different approach to what has become a fairly familiar story form at this point, right at the moment when it feels like superhero movies either have to evolve or die.\" Brian Truitt from \"USA Today\" wrote, \"Compared to its ilk, \"Suicide Squad\" is an excellently quirky, proudly raised middle finger to the staid superhero-movie establishment.\" Margot Robbie's performance as Harley Quinn was better received, with many critics eager to see more of the character in future films. In January 2017, David Ayer later said he wished he", + "score": 0.70703125, + "summary": "Margot Robbie acted as Harley Quinn in Suicide Squad.", + "extraction": "Margot Robbie acted as Harley Quinn in Suicide Squad." + }, + { + "id": "19316625", + "title": "Meghan Strange", + "text": "a Princess\". On a 2010 episode of \"\" she provided the voice for the villain Harley Quinn. Strange would also appear in a 2013 episode of the thriller series \"Criminal Minds\" as Catherine Hatchitt. Meghan Strange Meghan Strange is an American actress and voice actress. She is best known for her roles as Ruby from \"The Land Before Time\" television series and Robin from \"Sofia the First\". She also voiced the character Harley Quinn on \"\" and has appeared in a number of short films and children's TV shows. Strange began her acting career as a member of a chorus", + "score": 0.7060546875, + "summary": "Meghan Strange voiced Harley Quinn in an episode of an unknown show, but there is no mention of her involvement in Suicide Squad.", + "extraction": "Meghan Strange acted as Harley Quinn on \"\"." + }, + { + "id": "2090010", + "title": "Harley Quinn", + "text": "of \"Suicide Squad\" shows Harley Quinn as an unpredictable and dangerous inmate at Belle Reve Penitentiary, attacking the facility's security forces when given the opportunity. Harley Quinn becomes the leader of the Suicide Squad in issue #20, following Rick Flag's apparent death. The members of the team under Harley's leadership include Captain Boomerang, Deadshot, the Enchantress, Katana and Killer Croc. With the help of her friend Poison Ivy, who is toxic by nature and did not want to poison Harley with her natural toxins, Harley Quinn is immune to various, though not all, toxins and heals quickly from minor wounds.", + "score": 0.70556640625, + "summary": "Margot Robbie acted as Harley Quinn in Suicide Squad.", + "extraction": "Margot Robbie acted as Harley Quinn in Suicide Squad." + }, + { + "id": "2882702", + "title": "Suicide Squad", + "text": "that the serum will permanently kill anyone to whom it is administered; Waller is implied to be one such subject. During the Forever Evil crossover event, the Crime Syndicate of America emerges as the new threat which the Suicide Squad must avert. After the destruction of Belle Reve and the release of its inmates, Waller recruits Deadshot to a new Suicide Squad team. He, in turn, recruits Harley Quinn. Amanda Waller later reviews to James Gordon Jr. that the current Suicide Squad is but one version of the Task Force; she calls out Task Force Y to assist in battling", + "score": 0.70361328125, + "summary": "Harley Quinn is recruited by Deadshot in the Suicide Squad team led by Amanda Waller. No information is given about who acted as Harley Quinn in the Suicide Squad movie.", + "extraction": "Harley Quinn was recruited by Deadshot to a new Suicide Squad team, as mentioned in the passage." + }, + { + "id": "12137408", + "title": "Joker in other media", + "text": "and his men rescue Harley during the task force's mission in Midway City. The chopper is shot down, however, and Harley falls out while the Joker seemingly perishes in the explosion, prompting Quinn to rejoin the task force. After the \"Suicide Squad\" defeat the Enchantress, the Joker, who survived the crash, breaks into Belle Reve Prison with his gang to free Harley from her cell, and the pair reunite as the movie ends. Critics praised Jared Leto's performance despite his character's negligible screen time. Mark Hamill, the voice of the Joker in various DC projects, said that he \"loved\" Leto's", + "score": 0.70361328125, + "summary": "Margot Robbie acted as Harley Quinn in Suicide Squad.", + "extraction": "Margot Robbie acted as Harley Quinn in Suicide Squad." + }, + { + "id": "3857037", + "title": "Sherilyn Fenn", + "text": "of the restaurant where Joshua Jackson works. Fenn was afterwards cast as Harley Quinn in The WB's \"Birds of Prey\", but was replaced by Mia Sara before the series began. Fenn starred in the original pilot episode, but dropped out, due to scheduling conflicts, as the show's creators realized that the character Harley Quinn would need to be a bigger part of the show. She also played a manipulative woman in a season-four episode of \"\" versus both Christopher Meloni and Mariska Hargitay, and appeared in \"Watching Ellie\". Fenn played a crime boss in the 2002 film \"Swindle\" alongside Tom", + "score": 0.70263671875, + "summary": "Irrelevant.", + "extraction": "Mia Sara replaced Sherilyn Fenn as Harley Quinn in \"Birds of Prey\"." + }, + { + "id": "17343732", + "title": "Forever Evil", + "text": "the outside. Stargirl was the only one able to break free of her prison, which gave Manhunter the opportunity to contact Steve Trevor on the outside, to learn that they needed to find Wonder Woman. Following the prison break at Belle Reve, Amanda Waller contacts Deadshot and asks him to get the Suicide Squad back together, and he is able to recruit Harley Quinn back to the team. Waller gets to a secret area in Belle Reve, where she instructs Deadshot and Harley to go to the Rocky Mountains to intercept a weapon. Before doing so, Deadshot and Harley recruit", + "score": 0.70263671875, + "summary": "Harley Quinn was recruited back to the Suicide Squad by Deadshot in the document \"Forever Evil\". No further information is provided about the actor who played Harley Quinn in the movie \"Suicide Squad\".", + "extraction": "irrelevant." + }, + { + "id": "17901473", + "title": "Batman: Assault on Arkham", + "text": "focuses primarily on the Suicide Squad, particularly Batman villains Deadshot and Harley Quinn with Batman in a supporting role. In the film, a Suicide Squad of six criminals is dispatched by Amanda Waller to break into Arkham Asylum, where they must contend with the asylum's inmates and Batman as they attempt to complete their mission. The film stars Kevin Conroy as Batman / Bruce Wayne (reprising his role as Batman from the DC animated universe, among other numerous DC properties, including the \"Arkham\" series), Neal McDonough as Deadshot / Floyd Lawton, Hynden Walch as Harley Quinn / Dr. Harleen Quinzel", + "score": 0.70263671875, + "summary": "Hynden Walch acted as Harley Quinn in Batman: Assault on Arkham.", + "extraction": "Hynden Walch acted as Harley Quinn in Suicide Squad." + }, + { + "id": "2882700", + "title": "Suicide Squad", + "text": "a botched government mission forces her to execute an injured teammate, Amanda Waller sets out to assemble an expendable field team, prompting the formation of a new Suicide Squad. Waller forces dozens of Belle Reve's death row inmates into a series of rigorous tests and torture scenarios to evaluate their loyalty and value as potential Squad members. The finalists\u2014notably including Deadshot, King Shark, and Harley Quinn\u2014are outfitted with micro-bomb implants, and inducted into the Squad. The Suicide Squad's missions typically involve the elimination or retrieval of high-value targets. At one point, the team must track down an AWOL Harley Quinn;", + "score": 0.7001953125 + }, + { + "id": "20119030", + "title": "Stacey Roy", + "text": "worked with YouTubers IFHT both in acting and producing capacities. The videos include How to be a DJ, How to be a Filmmaker and Bad Ways to Get Rid of Your Girlfriend. She also worked with YouTubers Film Riot shooting behind the scenes for a series of DJI commercials. Later in 2015, Roy played Harley Quinn in the Leo Award nominated fan film Nightwing: The Darkest Knight directed by Matthew Campbell. Her work with the character was praised. In 2016, Roy began to switch from YouTube to Twitch. She launched several shows on the channel such as The Nerdy Bartender", + "score": 0.69921875 + }, + { + "id": "2089988", + "title": "Harley Quinn", + "text": "responsible for the Joker's imprisonment. Captured by the Black Canary, she is forcibly inducted into the Suicide Squad by Amanda Waller. However, when she discovers that the Joker is rumored to be dead, it takes a further toll to her already-addled mind, and betraying the Suicide Squad, she puts their safety and secrecy at risk by turning herself into the Gotham Police Department in a plot to gain access to the skinned face of the Joker. Her plan apparently pays off and she manages to recover the face, though in a further psychotic episode, Harley captures and ties up Deadshot", + "score": 0.69921875 + }, + { + "id": "12626960", + "title": "Margot Robbie", + "text": "series \"Pan Am\" (2011\u20132012). In 2013, she had a supporting role in the romantic comedy \"About Time\", and made her breakthrough later that year, by co-starring in Martin Scorsese's biographical black comedy \"The Wolf of Wall Street\". Robbie launched a production company, named LuckyChap Entertainment in 2014. Her profile continued to grow with leading roles in the romantic drama \"Focus\" (2015), as Jane Porter Clayton in the action-adventure film \"The Legend of Tarzan\" (2016), and as Harleen Quinzel/Harley Quinn in the superhero film \"Suicide Squad\" (2016). Robbie received critical acclaim in 2017 for her portrayal of the disgraced figure skater", + "score": 0.69677734375 + }, + { + "id": "12137406", + "title": "Joker in other media", + "text": "DC Extended Universe. Originally set to appear in Zack Snyder's \"\", the character was ultimately cut and only referenced in the film. Jared Leto debuts as the Joker in David Ayer's 2016 film \"Suicide Squad\". Flashbacks reveal that the Joker manipulated psychiatrist Dr. Harleen Quinzel into falling in love with him during his time as her patient at Arkham Asylum. He eventually managed to convince Dr. Quinzel to free him, and he electrocuted her before taking her to the Ace Chemicals plant. Quinzel then voluntarily fell into the solution that created her lover, bleaching her skin and completing her transformation", + "score": 0.6943359375 + }, + { + "id": "10066671", + "title": "Harley Quinn Smith", + "text": "Harley Quinn Smith Harley Quinn Smith (born June 26, 1999) is an American actress. Smith has appeared in the film \"Tusk\" and its spin-off \"Yoga Hosers\", both written and directed by her father, Kevin Smith. Smith was born in Red Bank, New Jersey, the daughter of filmmaker Kevin Smith and actress Jennifer Schwalbach Smith. She was named after the Batman villain Harley Quinn. She is good friends with and frequent co-star of Lily-Rose Depp, daughter of actor Johnny Depp and Vanessa Paradis, and actress Aparna Brielle. Smith made her acting debut in her father's film \"Jay and Silent Bob Strike", + "score": 0.6943359375 + }, + { + "id": "11643730", + "title": "DC Universe Animated Original Movies", + "text": "consisted of Kevin Michael Richardson as Floronic Man, John DiMaggio as Swamp Thing, and Bruce Timm as Booster Gold. A film based on the \"Elseworlds\" story \"Gotham by Gaslight\". This film is the first Suicide Squad story in the DC Animated Movie Universe continuity. Although \"Batman: Assault on Arkham\" previously featured the Suicide Squad, that film is set in the \"\" video game universe. The slated voice cast includes Christian Slater as Deadshot, Tara Strong as Harley Quinn, Vanessa Williams as Amanda Waller, Billy Brown as Bronze Tiger, Liam McIntyre as Captain Boomerang, Kristin Bauer van Straten as Killer Frost,", + "score": 0.6904296875 + }, + { + "id": "7156213", + "title": "David Ayer", + "text": "their roles and Ayer directing and writing the script. On December 13, 2016, Ayer was brought on board to direct the spin-off of \"Suicide Squad\", titled \"Gotham City Sirens\", starring Margot Robbie reprising her role of Harley Quinn. In June 2018, it was announced Ayer would direct \"The Tax Collector\", from a screenplay he wrote, starring Shia LaBeouf, Bobby Soto, Chelsea Rendon, and Cinthya Carmona. David Ayer David Ayer (born January 18, 1968) is an American film director, producer and screenwriter. He is best known for being the writer of \"Training Day\" (2001) and co-writer of \"The Fast and the", + "score": 0.685546875 + }, + { + "id": "19316623", + "title": "Meghan Strange", + "text": "Meghan Strange Meghan Strange is an American actress and voice actress. She is best known for her roles as Ruby from \"The Land Before Time\" television series and Robin from \"Sofia the First\". She also voiced the character Harley Quinn on \"\" and has appeared in a number of short films and children's TV shows. Strange began her acting career as a member of a chorus line in the 1994 Woody Allen film \"Bullets Over Broadway\". She would later make an appearance as the character Marcy on a January 1999 episode of the soap opera \"As the World Turns\", as", + "score": 0.6845703125 + }, + { + "id": "11643715", + "title": "DC Universe Animated Original Movies", + "text": "as the \"\" video game franchise. Kevin Conroy returned to voice Batman with the other voices including Troy Baker as Joker, Neal McDonough as Deadshot, Hynden Walch as Harley Quinn, Giancarlo Esposito as Black Spider, Matthew Gray Gubler as Riddler, and C. C. H. Pounder reprising her role as Amanda Waller from both \"Justice League Unlimited\" and \"\". Jay Oliva and Ethan Spalding directed a script by Heath Carson, writer of \"Justice League: War\". The film was released digitally on July 29, 2014, and given a physical release on August 12, 2014. The back cover of \"Batman: Assault on Arkham\"", + "score": 0.68408203125 + }, + { + "id": "10338628", + "title": "Batman in film", + "text": "and the Joker will appear in the film portrayed respectively by Will Smith, Margot Robbie, Adewale Akinnuoye-Agbaje and Jared Leto. Batman appears in brief flashbacks where he is involved in the capture of Deadshot and Harley Quinn, rescuing Harley from a submerged car after it crashed during a chase and she was abandoned by the Joker, and apprehending Deadshot after an anonymous tip led him to the assassin as Deadshot was Christmas-shopping with his daughter. Batman's history with Killer Croc is also briefly referenced. At the film's conclusion, Amanda Waller\u2014who appears to know that Bruce Wayne is Batman\u2014provides Bruce with", + "score": 0.68115234375 + }, + { + "id": "2991890", + "title": "Black Canary", + "text": "with Margot Robbie, Sue Kroll, and Bryan Unkless serving as producers for the project. Robbie will reprise her role as Harleen Quinzel / Harley Quinn, with the film being the first theatrical R-rated installment in the franchise and will be made with a significantly smaller budget than some of the other films. The team roster will reportedly include Quinzel, Black Canary, Huntress, Cassandra Cain, and Renee Montoya. Jurnee Smollett-Bell will portray Black Canary in the film. Production will commence on January 15, 2019 in Los Angeles for a February 7, 2020 release date. Jennifer Hale and Grey DeLisle reprise the", + "score": 0.68115234375 + }, + { + "id": "3857979", + "title": "Batman Beyond: Return of the Joker", + "text": "the Joker, also voiced Jordan Pryce, a red herring character, in the film, in order to deceive the public about the new Joker's true identity. Tara Strong, who voiced Barbara Gordon/Batgirl, was first credited as Tara Charendoff, her maiden name. For the scene of the old Harley Quinn, Bruce Timm originally wanted to cast an old actress for the role, but at the end, he decided to maintain Arleen Sorkin in the role. In the early drafts of the film's script, Joker's sidekick Harley Quinn was originally set to be killed in the flashback sequence. However, a short scene near", + "score": 0.6806640625 + }, + { + "id": "20601105", + "title": "Harley Quinn (TV series)", + "text": "would also serve as an executive producer for the series through her production company Yes, Norman Productions. Alongside the series order announcement, it was reported that the producers of the series were expected to approach Margot Robbie, who portrays the character in the DC Extended Universe, to reprise the role. Other characters expected to be featured in the series included the Joker, Poison Ivy, Sy Borgman, Doctor Psycho, Malice Vundabar, King Shark, and Clayface. On October 3, 2018, it was announced that Cuoco would voice Harley Quinn and Lake Bell would voice Poison Ivy. Additional voice actors in the series", + "score": 0.6796875 + }, + { + "id": "18294784", + "title": "Suicide Squad (film)", + "text": "had done certain things differently in the film including story elements, as well as giving more screen time to the Joker. \"Suicide Squad\" was nominated for various awards, winning several. The film was nominated for three Grammy Awards as well as one Critics' Choice Movie Awards (winning one), seven People's Choice Awards (winning one) and received multiple Teen Choice Awards nominations, including \"Choice AnTEENcipated Movie\", \"Choice Movie Actor: AnTEENcipated\" for Will Smith and Scott Eastwood, and \"Choice Movie Actress: AnTEENcipated\" for Margot Robbie and Cara Delevingne. It won in both the former and latter categories. The film won an Academy", + "score": 0.6796875 + }, + { + "id": "9878557", + "title": "Melissa Rauch", + "text": "Sundance Film Festival. \"Variety\" said, \"Rauch, who co-wrote the screenplay with her husband Winston, has never carried a film before. But she delivers the best breakthrough comedic performance by an actress since Melissa McCarthy in \"Bridesmaids\".\" Sony Pictures Classics acquired the film in September 2015. In 2017, Rauch voiced Harley Quinn in the animated film \"Batman and Harley Quinn\" and she voiced Light Thief in Light Riders from Blaze and the Monster Machines. Rauch is married to writer Winston Rauch (n\u00e9 Beigel), who collaborated with her on \"The Miss Education of Jenna Bush\" and other projects. Rauch announced that she", + "score": 0.6787109375 + }, + { + "id": "2882699", + "title": "Suicide Squad", + "text": "the Secret Six's mysterious benefactor. A new \"Suicide Squad\" title, written by Adam Glass with art by Federico Dallocchio and Ransom Getty, launched in September 2011 as part of The New 52 (a reboot of the DC Comics universe). Amanda Waller once again directs a crew of black ops agents on covert government missions, with Deadshot serving as the field team's leader. The ongoing series is notable as serving as something of a showpiece for \"Batman\" villain Harley Quinn, and it has crossed over with other New 52 titles, including \"Resurrection Man\", \"Grifter\", and \"Justice League of America's Vibe\". After", + "score": 0.67626953125 + }, + { + "id": "2090015", + "title": "Harley Quinn", + "text": "Squad 2\" and \"Birds of Prey (and the Fantabulous Emancipation of One Harley Quinn)\". The \"\" version of Harley makes a cameo appearance in the 2018 film \"Ready Player One\". This version of Quinn appears in The Distracted Globe nightclub sequence. Harley Quinn appears in the \"\" franchise. Arleen Sorkin initially reprises her role in the first game, whereas Tara Strong assumes the role for the remainder of the series. Harley Quinn has been interpreted as having dependent personality disorder as well as showing typically villainous antisocial behavior. Kate Roddy describes Harley Quinn as an \"ambitious career woman who gives", + "score": 0.67431640625 + }, + { + "id": "2090007", + "title": "Harley Quinn", + "text": "its titles under the \"DC Universe\" name, using the continuity established from DC Rebirth. Within the DC Universe, Harley Quinn is featured in a bimonthly third volume of her eponymous series, starting with \"Harley Quinn\" vol. 3 #1 (October 2016). Harley Quinn has a recurring role in the comic book title \"Suicide Squad\", which debuted its fifth volume with \"Suicide Squad\" vol. 5 #1 (October 2016). Following the events of \"DC Rebirth\", Harley Quinn sports two new outfits following in \"DC Universe'. She wears tight blue-and-red shorts, a ripped white tee shirt, a satin jacket, fingerless gloves, net stockings and", + "score": 0.6728515625 + }, + { + "id": "16909686", + "title": "Batman: Death of the Family", + "text": "in \"Batman\" #14), and then attempts to dump her in a chemical bath. Harley manages to escape but the Joker attacks her with rabid hyenas and then incapacitates her, before chaining her up in a room filled with skeletons, some dressed similarly to Harley; Joker states that she is not the first Harley or the last. Harley bites open her own wrists and uses the blood as lubricant to remove her chains and escape back to the Suicide Squad. When Joker learns of her escape, he states that she might yet become his Harley. The Teen Titans travel to Gotham", + "score": 0.671875 + }, + { + "id": "13375309", + "title": "Gotham City Sirens", + "text": "to write the screenplay. Ayer confirmed the team's lineup as Harleen Quinzel / Harley Quinn, Selina Kyle / Catwoman and Pamela Isley / Poison Ivy, via his social media page. Production was originally reported to begin summer of 2017, but following leadership adjustments in DC Films, the project has been put on hold in favor of another film featuring Harley Quinn, \"Birds of Prey\". In August 2017, it was confirmed that Jared Leto would reprise his role as The Joker. The fourth season of \"Gotham\" features its own take on the Sirens, and consists of a younger Selina Kyle, as", + "score": 0.6708984375 + }, + { + "id": "19688098", + "title": "DC Animated Movie Universe", + "text": "take on the mercenary, Slade Wilson / Deathstroke, and a terrorist cult led by Brother Blood. The film was released April 4, 2017 and is based on the comic book \"The Judas Contract\" by Marv Wolfman and George Perez. Amanda Waller recruits a team of criminals known as Task Force X which consists of Floyd Lawton / Deadshot, Harleen Quinzel / Harley Quinn, George Harkness / Captain Boomerang, Ben Turner / Bronze Tiger, Sameer Park / Copperhead and Crystal Frost / Killer Frost to retrieve a mystical object while they are confronted by other villainous masterminds who are also after", + "score": 0.67041015625 + }, + { + "id": "17310635", + "title": "Batman: Arkham", + "text": "Troy Baker as Joker. It was released on August 12, 2014. The film is a sequel to \"Arkham Origins\" and takes place about two years before \"Arkham Asylum\". While the film features Batman (who is on a hot pursuit across Gotham to stop the Joker from detonating a dirty bomb which will destroy most of the city), the film primarily focuses on the Suicide Squad (consisting of Deadshot, Harley Quinn, Captain Boomerang, Killer Frost, Black Spider and King Shark), who are sent by Amanda Waller to break through Arkham Asylum and recover a classified file stolen by the Riddler. A", + "score": 0.669921875 + }, + { + "id": "2991115", + "title": "Birds of Prey (comics)", + "text": "was signed on to pen the screenplay adaptation for \"Birds of Prey\", an ensemble film of DC Comics' heroines and villainesses set in the DC Extended Universe. Margot Robbie will reprise her role as Harley Quinn from \"Suicide Squad\" and co-produce the film. Robbie will be joined by Jurnee Smollett-Bell, Mary Elizabeth Winstead and Rosie Perez portraying Black Canary, Huntress, and Renee Montoya / The Question, respectively. In April 2018, Warner Bros. picked Cathy Yan to direct the film. The film will begin principal photography on January 15, 2019 with a February 7, 2020 release date. In August 2018, Black", + "score": 0.66845703125 + }, + { + "id": "17901475", + "title": "Batman: Assault on Arkham", + "text": "Harley Quinn, KGBeast, Killer Frost, and King Shark for the Suicide Squad. Their mission is to break into Arkham and recover a thumbdrive in the Riddler's cane. While in Waller's employ, Riddler copied information on the squad to make it public knowledge. She forces compliance by threatening to detonate nano-bombs implanted in their necks. KGBeast, who believes it's a bluff, walks out on Waller and is killed as an example to the others. The six are sent to Gotham City, where Penguin has been hired by Waller to give them arms, equipment, and a place to stay, although he is", + "score": 0.66748046875 + }, + { + "id": "6008533", + "title": "Hynden Walch", + "text": "Hynden Walch Heidi Hynden Walch (born February 1, 1971, in Davenport, Iowa) is an American actress, voice actress, writer, and singer. She is best known for voicing Princess Bubblegum in \"Adventure Time\" and Starfire in \"Teen Titans\" and \"Teen Titans Go!\" On television she voiced Penny Sanchez on the Nickelodeon show \"ChalkZone\", Elsie on the Disney Channel show \"Stanley\", Ace in \"Justice League\" and \"Justice League Unlimited\", Harley Quinn in \"The Batman\" and in anime, she has voiced Amy Stapleton in \"IGPX\", Emiri Kimidori in \"The Melancholy of Haruhi Suzumiya\", Yutaka Kobayakawa in \"Lucky Star\" and Nia Teppelin in \"Tengen", + "score": 0.66455078125 + }, + { + "id": "2882712", + "title": "Suicide Squad", + "text": "and Lyla Michaels. John Diggle was also a temporary member of the team, but left at the end of the episode; Harley Quinn was locked in her room and not called for duty, but is a member. Shrapnel is apparently killed by Waller as a result of him abandoning the mission. Diggle releases the team again in the season 2 finale \"Unthinkable\" to help him save Starling City from being bombed to stop Slade Wilson's army. In \"Draw Back Your Bow\" Oliver hands over Carrie Cutter / Cupid to Waller for the Suicide Squad to put her skills to use,", + "score": 0.6640625 + }, + { + "id": "18901570", + "title": "Karen Fukuhara", + "text": "Queen and Alexis in the pilot for the Cartoon Network series \"Craig of the Creek\". She also has a lead role in \"She-Ra and the Princesses of Power\" as Glimmer, Princess of Bright Moon, who is also She-Ra and Bow's best friend. Karen Fukuhara Karen Fukuhara (born February 10, 1992) is an American actress. She is known for her role of Katana in the 2016 DC superhero film \"Suicide Squad\", as well as voicing the character Glimmer in the critically-acclaimed Netflix series \"She-Ra and the Princesses of Power\". Fukuhara was born in Los Angeles, California. While attending UCLA, she continued", + "score": 0.66259765625 + }, + { + "id": "17674416", + "title": "Juliana Harkavy", + "text": "Juliana Harkavy Juliana Jay Harkavy (born January 1, 1985) is an American actress. She is known for portraying Rebecca in \"Dolphin Tale\", Jessie in \"To Write Love on her Arms\", and Alisha in the television series \"The Walking Dead\". Her roles include a starring role in the horror film \"Last Shift\", and a reprise of her role as Rebecca in \"Dolphin Tale 2\". She is currently a series regular on The CW superhero series \"Arrow\", portraying Dinah Drake / Black Canary. Harkavy was born in New York City on January 1, 1985. She is the daughter of Berta Carela and", + "score": 0.66162109375 + }, + { + "id": "15457244", + "title": "Glenn Ficarra", + "text": "Stupid, Love\" starring Steve Carell, Ryan Gosling, Emma Stone and Julianne Moore, again directed with Requa, released in July 2011. With Requa and Charlie Gogolak he has formed the production company Zaftig Films. The pair also directed \"Focus\", starring Will Smith and Margot Robbie, and \"Whiskey Tango Foxtrot\", starring Tina Fey and Robbie. As of August 2017, Ficarra and Requa are in final negotiations to co-direct and co-write a film featuring Harley Quinn and The Joker set in the DC Extended Universe with Margot Robbie and Jared Leto reprising their roles. Glenn Ficarra Glenn Ficarra (born May 27, 1971) is", + "score": 0.66064453125 + }, + { + "id": "2089962", + "title": "Harley Quinn", + "text": "Harley Quinn Harley Quinn (full name: Dr. Harleen Frances Quinzel, PhD) is a fictional character appearing in American comic books published by DC Comics. The character was created by Paul Dini and Bruce Timm, and first appeared in \"\" in September 1992. She later appeared in DC Comics's Batman comic books, with the character's first comic book appearance in \"The Batman Adventures\" #12 (September 1993). Harley Quinn is a frequent accomplice and lover of the Joker, whom she met while working as a psychologist at Gotham City's Arkham Asylum, where the Joker was a patient. Her name is a play", + "score": 0.66015625 + }, + { + "id": "18901568", + "title": "Karen Fukuhara", + "text": "Karen Fukuhara Karen Fukuhara (born February 10, 1992) is an American actress. She is known for her role of Katana in the 2016 DC superhero film \"Suicide Squad\", as well as voicing the character Glimmer in the critically-acclaimed Netflix series \"She-Ra and the Princesses of Power\". Fukuhara was born in Los Angeles, California. While attending UCLA, she continued to work on numerous shows on NHK in Japan, most notably those on the Disney Channel as a member of Movie Surfers. She was also involved in the a cappella group, Medleys, during her college career. Fukuhara graduated from University of California,", + "score": 0.65869140625 + }, + { + "id": "18294754", + "title": "Suicide Squad (film)", + "text": "Flag, Joker, Harley Quinn, Captain Boomerang, and Enchantress, respectively. The studio was also considering Viola Davis, Octavia Spencer, and Oprah Winfrey for the role of Amanda Waller. Following the announcement of the cast, comic book writer John Ostrander (creator of the modern incarnation of the Suicide Squad) talked with \"Comic Book Resources\" about the casting, saying, \"I have no problem with the casting... what I am really impressed by with all of the casting is that they are getting some very good actors to play these parts.\" In January 2015, Davis expressed interest in playing Amanda Waller during an interview,", + "score": 0.6572265625 + }, + { + "id": "2882656", + "title": "Suicide Squad", + "text": "King Shark feature prominently in this version of the Squad. This series concluded in 2014, with issue #30. \"New Suicide Squad\" was launched in July 2014. Written by Sean Ryan with art by Jeremy Roberts, the new series continues to feature Deadshot and Harley Quinn, with Deathstroke, Black Manta, and Joker's Daughter added to the mix. The original Suicide Squad appeared in six issues of \"The Brave and the Bold\". Although this early incarnation of the team (created by writer Robert Kanigher and artist Ross Andru) did not have the espionage trappings of later Squads, it laid much of the", + "score": 0.6572265625 + }, + { + "id": "2882703", + "title": "Suicide Squad", + "text": "the Crime Syndicate. Notable team members from \"Suicide Squad\" (vol. 4) include: This 2014 relaunch, from writer Sean Ryan and artist Jeremy Roberts, sees Deadshot and Harley Quinn teaming up with new Squad members Black Manta, Joker's Daughter, the Reverse Flash and Deathstroke. Notable team members from \"New Suicide Squad\" include: Using the end of the New 52 initiative as a launching point, DC Comics began a second relaunch of its entire line of titles called DC Rebirth in 2016. \"Suicide Squad\" (vol. 5) #1 (August 2016) was the debut bimonthly relaunch of the team's comic book title which consisted", + "score": 0.65625 + }, + { + "id": "18294788", + "title": "Suicide Squad (film)", + "text": "Harley Quinn, with Robbie serving as executive producer and Christina Hodson serving as the screenwriter for the film. That film was announced as \"Birds of Prey (And the Fantabulous Emancipation of One Harley Quinn)\" on November 20, 2018. In December 2016, it was announced that Ayer will return to the franchise as director and producer of \"Gotham City Sirens\", a film based on the comic book team of the same name, consisting of Harley Quinn, Selina Kyle / Catwoman and Pamela Isley / Poison Ivy. In December 2016, it was also reported that the studio is developing a film focusing", + "score": 0.65380859375 + }, + { + "id": "12137407", + "title": "Joker in other media", + "text": "into Harley Quinn. According to Ayer, at some point, the Joker killed the Gotham City vigilante Batman's partner, Robin, with Harley's help. Quinn was ultimately apprehended and forced into joining Amanda Waller's government task force composed of captured supervillains. In the present day narrative, the Joker attempts to extract Harley from the task force. He tortures one of Waller's security officers for the location of the facility where the nano explosives used as leverage over the criminals are manufactured, and threatens an A.R.G.U.S. scientist there to disable the bomb implanted in Harley's neck. After commandeering a military helicopter, the Joker", + "score": 0.65380859375 + }, + { + "id": "7710461", + "title": "Atom (Ray Palmer)", + "text": "a Kryptonite shard, Atom proceeds to knock out Superman using the shard. After getting Superman back to his prison room, the Atom is tasked to get inside Harley Quinn's head to disable the explosive's blue wire on her head and locate where Ra'as Al-Ghul's League of Assassins and impostor Batman's Suicide Squads are in South America. In the perfect timing during the raid of Batman's Insurgency on the enemies' base where Atom saved Harley, Wildcat arrived for Atom and Harley to save the kids who were kidnapped by Ra's and impostor Batman's groups during Black Canary and alternate universe Green", + "score": 0.6533203125 + }, + { + "id": "3253709", + "title": "Katana (comics)", + "text": "his personal black ops team, handling riskier missions. In the 2010s, DC began to feature the character much more extensively in media adaptations of its comic books, including a recurring role in the animated series \"\" and then a starring role in the series \"Beware the Batman\". The character was adapted for live action in 2014, portrayed by Rila Fukushima during the third and fourth seasons of \"Arrow\". The character made her feature film debut in the 2016 film \"Suicide Squad\", portrayed by actress Karen Fukuhara, which is part of the DC Extended Universe. The character has also been featured", + "score": 0.6533203125 + }, + { + "id": "18294761", + "title": "Suicide Squad (film)", + "text": "Squad\" held a panel at the 2015 San Diego Comic-Con International, with stars Smith, Robbie, Courtney, Davis, and Kinnaman amongst those who appeared. A trailer intended to be exclusive to the event premiered, but was leaked online, with Warner Bros. responding by stating they would not release an official version. However, the following day, Warner Bros. released an official version, stating: \"Warner Bros. Pictures and our anti-piracy team have worked tirelessly over the last 48 hours to contain the \"Suicide Squad\" footage that was pirated from Hall H on Saturday. We have been unable to achieve that goal. Today we", + "score": 0.65283203125 + }, + { + "id": "7820627", + "title": "Joker's Favor", + "text": "Joker's Favor \"Joker's Favor\" is the seventh episode of \"\". It was directed by Boyd Kirkland and written by Paul Dini, and first aired on September 11, 1992. The episode is significant in that it features the first ever appearance of the Joker's sidekick and love interest Harley Quinn, who would go on to be incorporated into the Batman comic book series and eventually become a popular character in her own right. Batman himself only appears briefly in the episode. Charlie Collins, a mild-mannered Gotham City accountant, is coming home from a bad day at work when he curses at", + "score": 0.65234375 + }, + { + "id": "7103321", + "title": "Enchantress (DC Comics)", + "text": "access to her magic - in several \"Suicide Squad\" issues, June was shown performing magical feats herself such as banishing a demon. In the Suicide Squad movie, she is shown to be capable of resurrecting dead characters, as evidenced when Harley Quinn asks her to bring back her 'pudding' (The Joker), who was earlier killed in a helicopter crash. The man indeed comes back at the movie's epilogue and frees her from prison. In the alternate timeline of the 2011 \"Flashpoint\" storyline, the Enchantress is a member of the Secret Seven. It is revealed she is a traitor when she", + "score": 0.65234375 + }, + { + "id": "7103294", + "title": "Enchantress (DC Comics)", + "text": "Enchantress (DC Comics) The Enchantress is a fictional supervillain appearing in American comic books published by DC Comics. Created by Bob Haney and Howard Purcell, the character made her first appearance in \"Strange Adventures\" #187 (April 1966). The character, whose real name is June Moone, has periodically been depicted as an antihero. She appears in the fifth volume of the \"Suicide Squad\" comic series, in which she is a recurring member of the team and a romantic interest of Killer Croc. The Enchantress is portrayed by Cara Delevingne in the 2016 film \"Suicide Squad\", which is part of the DC", + "score": 0.65185546875 + }, + { + "id": "20601103", + "title": "Harley Quinn (TV series)", + "text": "Harley Quinn (TV series) Harley Quinn is an upcoming American adult animation web television series based on the Harley Quinn character created by Paul Dini and Bruce Timm that is set to premiere in 2019 on DC Universe. The series is set to be written and executive produced by Justin Halpern, Patrick Schumacker, and Dean Lorey and will follow the misadventures of the Joker's psychotic ex-girlfriend and partner-in-crime, Harley Quinn, and her best friend, Poison Ivy. \"Harley Quinn\" follows Harley Quinn's adventures after she breaks up with the Joker, including receiving help from Poison Ivy and others to become a", + "score": 0.6513671875 + }, + { + "id": "52779", + "title": "Batman & Robin (film)", + "text": "date was announced. Titled \"Batman Unchained\", Protosevich's script had the Scarecrow as the main villain. Through the use of his fear toxin, he resurrects the Joker as a hallucination in Batman's mind. Harley Quinn appeared as a supporting character, written as the Joker's daughter. George Clooney, Chris O'Donnell, and Alicia Silverstone were set to reprise the roles of Batman, Robin, and Batgirl. It was also hoped that Jack Nicholson would reprise the role of the Joker. However, following the poor critical reception of \"Batman & Robin\", Clooney vowed never to reprise his role. Warner Bros. decided to consider a live-action", + "score": 0.6513671875 + }, + { + "id": "9190468", + "title": "Robin in other media", + "text": "ten years before the movie by a younger Joker, and the scene illustrated the sacrifices Bruce Wayne endured to be the vigilante and his willingness to face his past mistakes. Snyder later claimed that the Robin that was killed by the Joker was actually Dick Grayson, though that may not be canon anymore. In \"Suicide Squad\", it is revealed Harley Quinn was an accomplice to Robin's murder, something that wasn't present in the \"\" (1988) storyline as Quinn was not yet created. Director David Ayer later clarified that the Joker was indeed the person who killed Robin. In 2017, a", + "score": 0.6513671875 + }, + { + "id": "18294746", + "title": "Suicide Squad (film)", + "text": "Moone, an archaeologist possessed by a demonic witch known as the \"Enchantress\". She quickly turns on Waller, deciding to eradicate humankind with a mystical weapon for imprisoning her. She besieges Midway City by transforming its populace into a horde of monsters, and summons her brother Incubus to assist her. Waller then deploys the squad to extract a high-profile mark from Midway, which is reported to be under a terrorist attack. Joining them is Katana, a Japanese swordswoman. Harley's homicidal lover Joker finds out about her predicament and tortures Belle Reve security officer Griggs into leading him to the facility where", + "score": 0.65087890625 + }, + { + "id": "20299959", + "title": "Joi Harris", + "text": "was catapulted into the Shaw Tower. She had been doubling for actress Zazie Beetz, playing Domino in \"Deadpool 2\", and died on the scene. This marked the second death of a stunt performer in North America in 2017. \"Deadpool 2\" was dedicated to Harris. Joi Harris Sequana Joi Harris (December 11, 1976 \u2013 August 14, 2017) was an American motorcycle road racer and stuntwoman. She was the first African American woman licensed as a motorcycle road racer, racing professionally since 2014, while beginning motorcycling in 2009. She was killed while filming a motorcycle stunt, doubling as \"Domino\" on the set", + "score": 0.650390625 + }, + { + "id": "2882651", + "title": "Suicide Squad", + "text": "to the dangerous nature of their missions. The team is based out of Belle Reve Penitentiary under the directorship of Amanda Waller. Various incarnations of the Suicide Squad have existed throughout the years as depicted in several self-titled comic book series, from its origins in the Silver Age, to its modern-day Post-\"Crisis\" reimagining, to the current version that was introduced in the 2016 \"DC Rebirth\" continuity reboot. The current incarnation of the team appears in the fifth volume of the \"Suicide Squad\" comic series, and the recurring members include Captain Boomerang, Deadshot, Enchantress, Harley Quinn, Katana and Killer Croc. The", + "score": 0.64990234375 + }, + { + "id": "3507228", + "title": "Deadshot", + "text": "They each fire at him, but he is saved by The Flash, who rushed him to safety while the Squad appears to recognize him. Set in a near alternate future of the New 52, Lawton is imprisoned in an underground Belle Reeve missing his shooting arm. He, and the future Black Manta and Harley Quinn are broken out by Amanda Waller, who informs them that they were imprisoned and forgotten as the government found a way to clone super villains and Suicide Squad members in Texas. After Harley and Manta are killed by Joker clones, Deadshot allows Waller time by", + "score": 0.6494140625 + }, + { + "id": "15936064", + "title": "Temptation: Confessions of a Marriage Counselor", + "text": "Realizing his mistake, Brice dances and sings in a cowboy outfit for her. The two make up. Janice sends Judith to New Orleans with Harley to finalize a deal with shareholders, telling her to flirt with Harley, but also to be careful. Judith's co-worker, Ava (Kim Kardashian), gives Judith a makeover. In New Orleans, Judith and Harley complete the business deal and go dancing and sightseeing. On the way home, Harley seduces Judith and they have sex in his private jet. He takes her home and meets Judith's mother, Miss Sarah (Ella Joyce). Unhappy with Brice's inattentiveness, Judith sneaks out", + "score": 0.6494140625 + }, + { + "id": "2882717", + "title": "Suicide Squad", + "text": "Griggs, Scott Eastwood as Lieutenant GQ Edwards, Raymond Olubowale, and Jim Parrack as Jonny Frost. Ben Affleck reprises his role as Batman from \"\". On July 13, 2015, Warner Bros released the official Suicide Squad Comic-Con sizzle reel via YouTube. During the film, Waller provisionally contacts various team members to use them to oppose future threats after Superman's death in \"\". The Official Suicide Squad movie game, on iOS and Android devices, was released in August 2016 as part of the movie promotion campaign. Suicide Squad The Suicide Squad is the name of a fictional supervillain team appearing in American", + "score": 0.6494140625 + }, + { + "id": "6686622", + "title": "Belle Reve", + "text": "fool the prisoners into thinking Batman was on the scene. During the \"Day of Judgement\" storyline (1999), one of the many portals to Hell opened near the prison. Plastic Man and some of the prisoners worked together in containing the situation. Volume five of \"Suicide Squad\" shows members of the team operating out of Belle Reve, including Harley Quinn, Captain Boomerang, Deadshot, Enchantress, Katana, and Killer Croc. In the DC Comics Elseworlds limited series and graphic novel \"Kingdom Come\", Belle Reve is destroyed by Genosyde, killing all its occupants. Belle Reve appears in \"Flashpoint\". Heat Wave is imprisoned at the", + "score": 0.64892578125 + }, + { + "id": "11671124", + "title": "Zombies! Zombies! Zombies!", + "text": "antidote from the laboratory. The male lead Chris, played by Sean Harriman, was on the same mission alongside Dallas and managed to inject himself with the zombie antidote that they found in the lab. Eventually, Chris falls in love with her. The third stripper is Chris' sister Harley, played by Playboy playmate Hollie Winnard. She is a single mom of a little daughter and they stay with Chris and their grandmother. This was Harley's very first night at the club, where she plays a nervous rookie and she performs a quick but funny tease. During the beginning of the film", + "score": 0.6484375 + }, + { + "id": "4829992", + "title": "Luke McDonnell", + "text": "and became the regular artist on \"Justice League of America\" with issue #245 (Dec. 1985). He drew the title through its final storyline (#258\u2013261) which was written by J. M. DeMatteis. McDonnell was one of the contributors to the \"DC Challenge\" limited series and then moved over to the \"Suicide Squad \" series written by John Ostrander. \"Suicide Squad\" #23 (Jan. 1989) written by Ostrander and Kim Yale and drawn by McDonnell, featured Barbara Gordon, the former Batgirl, making her debut as Oracle. The Ostrander, Yale, and McDonnell team produced a \"Deadshot\" limited series as well. In 1995, McDonnell drew", + "score": 0.6484375 + }, + { + "id": "17129645", + "title": "Black Canary in other media", + "text": "project. Robbie will reprise her role as Harleen Quinzel / Harley Quinn, with the film being the first theatrical R-rated installment in the franchise and will be made with a significantly smaller budget than some of the other films. The team roster will reportedly include Quinzel, Black Canary, Huntress, Cassandra Cain, and Renee Montoya. Jurnee Smollett-Bell will portray Black Canary in the film. Production will commence on January 15, 2019 in Los Angeles. Black Canary makes a cameo in a flashback in \"\". Both versions of the Black Canary make very brief appearances in \"\", the original appearing as a", + "score": 0.6474609375 + }, + { + "id": "18294748", + "title": "Suicide Squad (film)", + "text": "extraction, but the arriving helicopter has been hijacked by the Joker and his men, who open fire on the squad. Harley's bomb is disarmed by Dr. Van Criss, leaving Flag unable to execute her and allows her to climb aboard the helicopter. Waller's men subsequently shoot down the helicopter, and Harley falls out while the Joker is presumed dead, after which Harley rejoins the squad. Alerted to Waller's whereabouts, Enchantress' minions arrive and kidnap her. Deadshot finds Waller's confidential files and learns the truth about Enchantress, Flag then being forced to confess the truth. This causes the squad members to", + "score": 0.646484375 + }, + { + "id": "4723886", + "title": "Harley Jane Kozak", + "text": "Harley Jane Kozak Harley Jane Kozak (born January 28, 1957) is an American actress and author. She made her film debut in the horror film \"The House on Sorority Row\" (1982), and had a recurring role as Mary Duvall on the soap opera \"Santa Barbara\" between 1985 and 1989. She later had supporting parts in \"Clean and Sober\" (1988) and \"When Harry Met Sally...\" (1989), before starring in the major studio films \"Parenthood\" (1989) and \"Arachnophobia\" (1990). Kozak continued to act in film throughout the remainder of the 1990s and into the 2000s, but turned her focus to writing. She", + "score": 0.646484375 + }, + { + "id": "10066672", + "title": "Harley Quinn Smith", + "text": "Back\", by portraying the elder Smith's usual character, Silent Bob, as a child. In 2004, she had an uncredited cameo as Tracy Colelli in the drama film \"Jersey Girl\" and two years later in the comedy film \"Clerks II\". In 2014, she had a small role in the thriller film \"Tusk\", a role she reprised in 2016's \"Yoga Hosers\". In January 2016, it was announced that Smith will play her father's character's daughter in the half-hour comedy \"Hollyweed\". In 2017, Smith was cast as Lindsay in \"All These Small Moments\", which premiered at the 2018 Tribeca Film Festival. Harley Quinn", + "score": 0.646484375 + }, + { + "id": "12137409", + "title": "Joker in other media", + "text": "take on the character. Although many scenes featuring the Joker were omitted from the theatrical release, some of this unused footage did make it into the extended cut. Leto also appeared as the Joker in the music video \"Purple Lamborghini\", by Skrillex and Rick Ross, from the film's soundtrack. Jared Leto is set to reprise his role in multiple upcoming DCEU instalments, including \"Suicide Squad 2\", \"Gotham City Sirens\", an as-of-yet untitled film centred on the Joker and Harley Quinn, and a solo film focused on the character with the studio's intent being that the film will \"pave the way\"", + "score": 0.64599609375 + }, + { + "id": "16318190", + "title": "Jai Courtney", + "text": "on the Pinch Hitter song \"All of a Sudden\" from their debut album, \"When Friends Die in Accidents\". In March 2015, Courtney signed on to play Captain Boomerang in the DC Comics film \"Suicide Squad\", alongside Will Smith, Jared Leto and Margot Robbie. Filming began in April 2015 and the film was released in August 2016. As of November 2012, Courtney lives in Los Angeles, California. Courtney previously dated Gemma Pranita from 2006 until 2013. He was also in a relationship with Mecki Dent from 2016 to 2018. Jai Courtney Jai Stephen Courtney (; born 15 March 1986) is an", + "score": 0.6455078125 + }, + { + "id": "18294753", + "title": "Suicide Squad (film)", + "text": "write the film in September 2014. He later described the film to \"Empire Online\" as \"\"Dirty Dozen\" with supervillains\". Ayer had six weeks to write the screenplay, given the release date was already set. In October 2014, Warner Bros. had initially offered Ryan Gosling, Tom Hardy, Margot Robbie, and Will Smith roles in the film. In November, TheWrap revealed that Jared Leto was in talks for the role of Joker, which Gosling was originally sought for. The main cast was announced by Warner Brothers in December 2014 with Smith, Hardy, Leto, Robbie, Jai Courtney, and Cara Delevingne as Deadshot, Rick", + "score": 0.6455078125 + }, + { + "id": "6372239", + "title": "Arleen Sorkin", + "text": "role on the soap for the fourth time on February 24, 2006. She returned to \"Days\" for a limited run beginning on May 5, 2010. She provided inspiration and does the voice of the animated character Harley Quinn, the Joker's sidekick and lover, created by Paul Dini, a college friend of Sorkin's who created Harley for the DC Comics TV series \"\". Harley went on to appear in DC comic books and in further animated TV series including \"The New Batman Adventures\", \"Static Shock\", and \"Justice League\", as well as \"Gotham Girls\", an internet cartoon series. Sorkin has also voiced", + "score": 0.64501953125 + }, + { + "id": "3044333", + "title": "Jim Lee", + "text": "the storyline, and that a break from drawing Batman, and having resumed work on that character with \"Europa\", Lee was anxious to return to that book. In 2016, Lee was the main artist on the one-shot \"Harley Quinn and the Suicide Squad April Fool\u2019s Special\" drawing pages 1\u201310, 21-30; with artist Sean Galloway drawing pages 11\u201320. That same year, Lee and writer Rob Williams collaborated on a new \"Suicide Squad\" series as part of the DC Rebirth relaunch. In March 2018, Lee and writer James Tynion IV launched the series \"The Immortal Men\" as part of DC's \"Dark Matter\" (also", + "score": 0.6435546875 + }, + { + "id": "5571918", + "title": "Batman: Vengeance", + "text": "does not pay up soon, implying that Mary has high financial access. After Mary is abducted by Joker's gang for the second time, Batman traces her location, using a tracker he previously gave to her, to a partially demolished Gotham bridge, where he comes face-to-face with the Joker once more. As the Joker seems to throw Mary's son off the remains of the bridge, the Dark Knight saves the boy before it's revealed to be a dummy, and Mary reveals herself to be the Joker's companion Harley Quinn; Toby was never real and the abduction was merely a farce to", + "score": 0.64306640625 + }, + { + "id": "5510305", + "title": "Secret Six (comics)", + "text": "member of the group. While Catman meets with the Mad Hatter, Doctor Psycho orchestrates a series of attacks designed to wipe out the Six. Hatter is literally kicked off the team by Rag Doll, who says that one eccentric fop in the group is enough. His replacement is Harley Quinn, who later quits. In \"Birds of Prey\" issues #104\u2013108, the Secret Six face off against Oracle's Birds of Prey in Russia for the soul of Tora (Ice). After Harley Quinn quit the team, they disbanded. Subsequently, in \"Birds of Prey\" #109, Knockout was attacked and killed by the same assassin", + "score": 0.642578125 + }, + { + "id": "18294752", + "title": "Suicide Squad (film)", + "text": "Jonny Frost, and Common appears as Monster T, the Joker's henchmen. David Harbour portrays government official Dexter Tolliver, Alex Meraz portrays Navy SEAL Gomez, and Matt Baram portrays Dr. Van Criss, a scientist at Wayne Enterprises' branch Van Criss Laboratories. Shailyn Pierre-Dixon plays Zoe Lawton, Deadshot's daughter, and Corina Calderon plays Grace Santana, Diablo's wife. David Ayer, writer and director of the film, makes a cameo appearance as a Belle Reve officer. The film was announced in 2009 with Dan Lin as producer, Stephen Gilchrist as co-producer and Justin Marks as the screenwriter. David Ayer signed on to direct and", + "score": 0.64208984375 + }, + { + "id": "20601106", + "title": "Harley Quinn (TV series)", + "text": "include Alan Tudyk as Joker, Ron Funches, J. B. Smoove, Jason Alexander, Wanda Sykes, Giancarlo Esposito, Natalie Morales, Jim Rash, Diedrich Bader as Batman (reprising his role from \"\"), Tony Hale, and Christopher Meloni as James Gordon. Shortly after, Rahul Kohli revealed he would voice Scarecrow in the series. \"Harley Quinn\" has tentatively been scheduled by DC Universe to be released from mid-October 2019 through early 2020. On October 3, 2018, ahead of the annual New York Comic Con, a teaser trailer featuring Harley Quinn, Poison Ivy, and Batman was released. Harley Quinn (TV series) Harley Quinn is an upcoming", + "score": 0.64208984375 + }, + { + "id": "7103314", + "title": "Enchantress (DC Comics)", + "text": "again. The Enchantress serves as a member of the Suicide Squad and during the Black Vault story arc, they retrieve an alien item that serves as a portal to the Phantom Zone. However, once they bring it back to Belle Reve Penatentiary, it causes all the inmates to go into a killing frenzy except Harley Quinn, Amanda Waller, Killer Croc, and Rick Flagg. June Moone lets the Enchantress out who also remains unaffected due to being a magical entity. She manages to get Harley Quinn to the Vault but is incapacitated by Zod when he sucks the air out of", + "score": 0.64208984375 + }, + { + "id": "20117282", + "title": "Batman and Harley Quinn", + "text": "movie stating \"Bruce Timm returns to his Batman: The Animated Series roots.\" DC has listed the film as a Batman: the Animated Series movie on their website and on the back of the trade collection of the movies tie-in comics stated \"Head back to the universe of Batman: The Animated Series in Batman and Harley Quinn\" The film received mixed reviews from critics with many praising the animation, the voice performances of Conroy and Lester, and throwbacks to the animated series, but criticizing the script and Rauch's performance as Harley Quinn. The film has a 56% on Rotten Tomatoes with", + "score": 0.64208984375 + }, + { + "id": "2882664", + "title": "Suicide Squad", + "text": "and the group (sans Jordan) dies in the explosion. In the \"DC Comics Bombshells\" continuity, the World War II-era Suicide Squad is led by Francine Charles and consists of Killer Croc, Enchantress, Rose Wilson, and Barbara Gordon (who in this setting is a vampire). In the final issue of the comic, it is revealed that after the end of the war, this Suicide Squad became a \"Dark Justice League\" defending the world against magical threats. The first volume of \"Suicide Squad\", written by modern Squad creator John Ostrander, launched in May 1987, shortly after the team was introduced in the", + "score": 0.6416015625 + }, + { + "id": "2882713", + "title": "Suicide Squad", + "text": "having taken pity on her. In \"The Brave and the Bold\" it is revealed that Digger Harkness was once a member of the Suicide Squad but his last mission became a failure and Michaels ordered the mission and him to be terminated, which proved to be unsuccessful. The team appears in the episode \"Suicidal Tendencies\" with Deadshot and Cupid, when both of them accompany Diggle and Lyla to rescue a senator from a hostage situation. The storyline depicts Deadshot sacrificing himself to save the other three when it is revealed that the senator set up the attack to stage his", + "score": 0.64111328125 + }, + { + "id": "4309466", + "title": "Jay Hernandez", + "text": "Jay Hernandez Javier Manuel Hernandez Jr. (born February 20, 1978) is an American actor and fashion model. After making his television debut in NBC's \"Hang Time\", Hernandez made his film debut opposite Kirsten Dunst in the romantic drama \"Crazy/Beautiful\" (2001). He has since starred in numerous films, including \"Friday Night Lights\" (2004), \"Hostel\" (2005), \"Bad Moms\" (2016), and as Chato Santana / El Diablo in \"Suicide Squad\" (2016). Javier Manuel Hernandez was born on February 20, 1978, in Montebello, California, the son of Isis (n\u00e9e Maldonado), a secretary and accountant, and Javier Hernandez Sr., a mechanic, both of whom are", + "score": 0.640625 + }, + { + "id": "2089967", + "title": "Harley Quinn", + "text": "the Year. \"The New Batman Adventures\" series adapted \"Mad Love\" as the episode of the same name in 1999. It was the second \"animated style\" comic book adapted for the series, with the other being \"Holiday Knights\". Harleen Quinzel becomes fascinated with the Joker while working at Arkham Asylum and volunteers to help treat him. She falls hopelessly in love with the Joker during their sessions and she helps him escape from the asylum more than once. When Batman returns a badly injured Joker to Arkham, she dons a jester costume to become Harley Quinn, the Joker's sidekick. The Joker", + "score": 0.64013671875 + }, + { + "id": "5754177", + "title": "Ellie Harvie", + "text": "Ellie Harvie Ellie Anne Harvie (born April 7, 1965) is a Canadian actress who portrayed Morticia on \"The New Addams Family\". Later, she starred as Dr. Lindsey Novak in \"Stargate SG-1\" and \"Stargate Atlantis\". Harvie was the youngest of five children born into a U.S. Air Force family. They eventually settled in Prince Albert, Saskatchewan. Harvie later attended the University of Manitoba, where she earned a degree in political studies. After graduating, Harvie moved to Vancouver with her family in 1987, where she took up a two-year course at the Vancouver Playhouse Theatre School. Her love of stand-up comedy and", + "score": 0.64013671875 + }, + { + "id": "14100949", + "title": "Batman: Arkham City", + "text": "of characters from the history of \"Batman\" comics. Returning characters from \"Arkham Asylum\" include Batman (Kevin Conroy), the Joker (Mark Hamill)\u2014in what Hamill stated would be his final time voicing the character; (he subsequently reprised the role in \"Arkham City\" successor \"\")\u2014Warden-turned-Mayor Quincy Sharp (Tom Kane), police Commissioner James Gordon (David Kaye), and reporter Jack Ryder (James Horan). Returning villains include the Riddler (Wally Wingert), Victor Zsasz (Danny Jacobs), Bane (Fred Tatasciore), and Poison Ivy (Tasia Valenza). Joker's sidekick Harley Quinn also returns, voiced by Tara Strong, who replaces Arleen Sorkin. Batman's supporting cast introduces Catwoman (Grey DeLisle), Robin (Troy", + "score": 0.64013671875 + }, + { + "id": "6553427", + "title": "Punch and Jewelee", + "text": "Squad members. He is referred to by the name \"Clyde Phillips.\" Jewelee makes an appearance at Harley Quinn's sleepover party in issue 3 of Harley Quinn's comic book series. She talks about Punch, her baby, and the Suicide Squad to Poison Ivy and Harley. In the post-\"Flashpoint\" continuity, Jewelee is introduced as an inmate in Arkham Asylum, having been in a near-catatonic state since Punch disappeared two years ago. When Batman and Commissioner Gordon arrive to recruit Jewelee as part of Batman's new Suicide Squad, it's revealed that Punch had actually captured Gordon and stolen his identity. Batman reveals that", + "score": 0.6396484375 + }, + { + "id": "2089979", + "title": "Harley Quinn", + "text": "\"One Year Later\" continuity, Harley Quinn is an inmate at Arkham, glimpsed briefly upon in \"Detective Comics\" #823 (Nov. 2006). Harley next appeared in \"Batman\" #663 (April 2007), in which she helps the Joker with a plan to kill all his former henchmen, unaware that the \"punch line\" to the scheme is her own death. Upon realizing this, she shoots him in the shoulder. Harley resurfaces in \"Detective Comics\" #831 (June 2007), written by Paul Dini. Harley has spent the last year applying for parole, only to see her request systematically rejected by Bruce Wayne, the layman member of Arkham's", + "score": 0.6396484375 + }, + { + "id": "16909689", + "title": "Batman: Death of the Family", + "text": "which served as the main plot between Batman and the Joker; \"Batgirl\" (#13-16); \"Batman and Robin\" (#15-16) which focused on Batman's son Damian Wayne, the current Robin; \"Catwoman\" (#13-14); \"Detective Comics\" (#15-16) which focused on Batman; \"Nightwing\" (#15-16); and \"Suicide Squad\" (#14-15), which focused on Joker's sometimes girlfriend Harley Quinn. The arc also included a crossover story in \"Red Hood and the Outlaws\" (#15-16) and \"Teen Titans\" (#15-16), which focused on both the former Robin, Jason Todd, and Red Robin, starting story threads in one series that were then concluded in the other. The story began with issues #13 of", + "score": 0.6396484375 + }, + { + "id": "2089998", + "title": "Harley Quinn", + "text": "\"Harley Quinn\" #12 and then chronicles their journey to return to Earth. Harley has broken up with the Joker and has a romantic relationship with Poison Ivy. The ongoing series has continued, with no apparent connection to \"Suicide Squad\" other than her new hairstyle, dyed for her by one of the tenants in her Brooklyn apartment and a few guest shots from characters like Killer Croc and Deadshot. Harley has once again met up with Power Girl and even her new sidekick Terra. She has faced down multiple villains from the Penguin to the corrupt mayor of New York and", + "score": 0.63916015625 + } + ], + "answer": "Harley Quinn (Dr. Harleen Frances Quinzel) is a character appearing in American comic books published by DC Comics. The character made her live-action feature film debut in the 2016 film \"Suicide Squad\", portrayed by Margot Robbie. Robbie will reprise the role in \"Birds of Prey\" (2020) and \"The Suicide Squad\" (2021). Tara Strong played Harley Quinn in Suicide Squad: Hell to Pay." + }, + { + "qa_pairs": [ + { + "context": "Filming for the series began in April 2017 in Manchester and Marsden.", + "question": "Where was the British in the dark tv series filmed?", + "short_answers": [ + "Manchester", + "Marsden" + ], + "wikipage": "In the Dark (British TV series)" + }, + { + "context": "No context provided", + "question": "Where was the American in the dark tv series filmed?", + "short_answers": [ + "Toronto, Ontario", + "Toronto, Ontario, Canada", + "Toronto" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Dark (TV series)", + "url": "https://en.wikipedia.org/wiki/Dark%20%28TV%20series%29" + }, + { + "title": "In the Dark (American TV series)", + "url": "https://en.wikipedia.org/wiki/In%20the%20Dark%20%28American%20TV%20series%29" + }, + { + "title": "In the Dark (British TV series)", + "url": "https://en.wikipedia.org/wiki/In%20the%20Dark%20%28British%20TV%20series%29" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Filming on the pilot began on March 12, 2018,[22] in Toronto, Ontario, Canada;[23] and wrapped on March 28.[22] Principal photography on season 1 began on August 8, 2018, and ended on December 21, 2018.[24] Principal photography for the second season began on August 19, 2019 and ended on January 24, 2020 in Toronto and Cambridge,[25] Ontario, Canada.[26] Filming for the series' third season began on November 2, 2020 and concluded on April 21, 2021.[27]", + "wikipage": "In the Dark (American TV series)" + }, + { + "content": "In the Dark is a four-part British crime drama that premiered on BBC One from 11 July to 1 August 2017...Filming for the series began in April 2017 in Manchester and Marsden.[", + "wikipage": "In the Dark (British TV series)" + } + ], + "long_answer": "The American version of the crime drama television series Dark tv was filmed in Toronto and Cambridge in Ontario, Canada. The British In the Dark tv series was filmed in April 2017 in Manchester and Marsden. " + }, + { + "knowledge": [ + { + "content": "In the Dark is a four-part British crime drama that premiered on BBC One from 11 July to 1 August 2017.", + "wikipage": "In the Dark (British TV series)" + }, + { + "content": "Manchester (/\u02c8m\u00e6nt\u0283\u026ast\u0259r, -t\u0283\u025bs-/)[5][6] is a city and metropolitan borough in Greater Manchester, England.", + "wikipage": "Manchester" + }, + { + "content": "Marsden is a large village in the Metropolitan Borough of Kirklees, West Yorkshire, England.", + "wikipage": "Marsden, West Yorkshire" + }, + { + "content": "In the Dark is an American crime drama television series, created by Corinne Kingsbury for The CW, which debuted as a mid-season entry during the 2018\u201319 television season.", + "wikipage": "In the Dark (American TV series)" + }, + { + "content": "Toronto (/t\u0259\u02c8r\u0252nto\u028a/ (About this soundlisten)) is the capital city of the Canadian province of Ontario.", + "wikipage": "Toronto" + } + ], + "long_answer": "There were several television series named In the Dark. Filming for the British series, a four-part British crime drama that premiered on BBC One in 2017, took place in Marsden and Manchester in England. Filming for the American crime drama series created for The CW took place in Toronto in the Canadian province of Ontario." + } + ], + "sample_id": "-2873644080731615948", + "question": "Where was in the dark tv series filmed?", + "docs": [ + { + "id": "20238822", + "title": "In the Dark (UK TV series)", + "text": "of kidnapping two young girls. In the second two-parter, a heavily pregnant Helen is pulled into the dark side of urban Manchester as she deals with an unexpected tragedy. Filming for the series began in April 2017 in Manchester and Marsden. \"The Daily Telegraph\"s Michael Hogan gave the first episode three stars out of five, noting that: \"\"In the Dark\" did show promise and could yet come good. It was taut and tensely atmospheric with an intriguing premise which found its heroine caught in the middle between police and prime suspect.\" Reviewing the first episode, \"The Guardian\"s Sam Wollaston concluded", + "score": 0.806640625, + "summary": "The TV series \"In the Dark\" was filmed in Manchester and Marsden, starting in April 2017.", + "extraction": "Filming for the \"In the Dark\" TV series began in April 2017 in Manchester and Marsden." + }, + { + "id": "2613948", + "title": "Dark Season", + "text": "a second episode. When Tony Robinson decided to take a break from producing \"Maid Marian and Her Merry Men\", a slot opened up in the Children's BBC schedules for late 1991 and Home decided to use \"Dark Season\" to fill it, commissioning Davies to write the remaining episodes of the serial. The series was filmed in Mytchett in Surrey, in Farnborough Hants (Woburn Avenue) and the long-closed Robert Haining Secondary School, in the summer of 1991. Studio material was shot at the BBC's Ealing Studios. Transmitted at 4.35 pm on Thursdays from 14 November to 19 December 1991, each episode", + "score": 0.75830078125, + "summary": "The TV series \"Dark Season\" was filmed in Mytchett in Surrey, Farnborough Hants, and Robert Haining Secondary School in 1991, with studio material shot at the BBC's Ealing Studios.", + "extraction": "The \"Dark Season\" TV series was filmed in Mytchett in Surrey, in Farnborough Hants (Woburn Avenue) and the long-closed Robert Haining Secondary School, in the summer of 1991." + }, + { + "id": "20238821", + "title": "In the Dark (UK TV series)", + "text": "In the Dark (UK TV series) In the Dark is a four-part British crime drama that premiered on BBC One from 11 July to 1 August 2017. The series is an adaptation of the Mark Billingham novels, \"Time of Death\" and \"In The Dark\". It is written by Danny Brocklehurst and stars MyAnna Buring as detective Helen Weeks. \"In the Dark\" consists of two separate two-part stories centring around detective Helen Weeks. In the first two-parter, Helen finds out that she is pregnant and becomes involved in a case in which the husband of her childhood best friend is accused", + "score": 0.75439453125, + "summary": "The TV series \"In the Dark\" was filmed in the UK.", + "extraction": "\"In the Dark\" TV series is a British crime drama that premiered on BBC One from 11 July to 1 August 2017. However, there is no information about where it was filmed in the given passage." + }, + { + "id": "18039302", + "title": "Fallen (2016 film)", + "text": "the director Scott Hicks began the search of the set, the chosen place was the European country of Hungary; Approximately 2 km from the capital of Hungary was the place chosen to begin the recordings, but were different places where Dark was recorded, the first was Tura Castle, would be the main enclosure that would conform to Sword & Cross, together with the castle Wenckheim-kast\u00e9ly (Szabadk\u00edgy\u00f3s) also located in Hungary, the library would be another enclosure apart where they were filmed, the three buildings formed the reformatory. Subsequently, filming date had been established at the beginning of September, but was", + "score": 0.74609375, + "summary": "The TV series \"Dark\" was filmed in Hungary, including Tura Castle and Wenckheim-kast\u00e9ly.", + "extraction": "The TV series \"Dark\" was filmed in Tura Castle and Wenckheim-kast\u00e9ly, both located in Hungary, along with a library that served as another filming location." + }, + { + "id": "12569666", + "title": "Dark of Night", + "text": "Dark of Night Dark of Night is an American dramatic anthology series which aired on the now-defunct DuMont Television Network. It aired Fridays at 8:30pm EST from October 3, 1952, to May 1, 1953. The series starred mostly unknown actors. In it, the character known as \"The Stranger\" traveled to a different site each week in order to solve a crime. Each episode was filmed at a different location in the New York City area. According to Brooks and Marsh (1984), locations included a Coca-Cola bottling plant, Brentano's book store in Manhattan, a castle in New Jersey, and the American", + "score": 0.7451171875, + "summary": "Irrelevant.", + "extraction": "The \"Dark of Night\" TV series was filmed at different locations in the New York City area. However, there is no information about the TV series named \"Dark\" in the passage." + }, + { + "id": "20238823", + "title": "In the Dark (UK TV series)", + "text": "that: \"\"In The Dark\" is by no means a trope-free zone...But once you have accepted that, it's a crisp opener (of four) \u2013 pacy, thoughtful and skilfully constructed, with multiple strands I am eager to see twisted together again.\" In the Dark (UK TV series) In the Dark is a four-part British crime drama that premiered on BBC One from 11 July to 1 August 2017. The series is an adaptation of the Mark Billingham novels, \"Time of Death\" and \"In The Dark\". It is written by Danny Brocklehurst and stars MyAnna Buring as detective Helen Weeks. \"In the Dark\"", + "score": 0.74365234375, + "summary": "The TV series \"In the Dark\" is a four-part British crime drama that premiered on BBC One from 11 July to 1 August 2017. However, there is no information provided about where the series was filmed.", + "extraction": "The \"In the Dark\" TV series was filmed in an undisclosed location, the passage does not provide information on where it was filmed. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "16771414", + "title": "Strike Back (TV series)", + "text": "the series, as he felt it could replicate anywhere in the world. The first series was largely filmed in the Gauteng province, including its capital, Johannesburg. Local crew members were used to collaborate with the British crew. Starting with \"Project Dawn\", Cape Town was largely used as a filming location, with other episodes filmed in Durban and Springbok, Northern Cape. Before filming \"Project Dawn\", the production crew were scouting other filming locations throughout Europe, South America and the United States. The series would additionally be shot in Budapest, Hungary. Some other scenes were also shot in the UK. The first", + "score": 0.7412109375, + "summary": "The document discusses the filming locations of the Strike Back TV series, which were mainly in Gauteng, Cape Town, Durban, Springbok, Budapest, and the UK. It does not mention anything about the TV series In the Dark. Therefore, the answer is irrelevant.", + "extraction": "The \"Dark\" TV series is irrelevant to the given passage, therefore there is no useful span to extract." + }, + { + "id": "11984950", + "title": "Australian science fiction television", + "text": "the independent science fiction series, \"Damon Dark\", about a government agent who investigates UFO reports and hunts alien invaders, which has gone on to become a webseries for YouTube. The forthcoming television version of \"Star Wars\" will be a Lucasfilm production shot in Sydney. Other shows like \"Time Trax\", \"Roar\", and \"\" were filmed in Australia, but used mostly US crew and actors. Australian science fiction television Science fiction television has been produced in Australia since the 1960s, as a homegrown response to imported overseas US and British shows. Artransa Park productions made a number of programmes in collaboration with", + "score": 0.74072265625, + "summary": "Irrelevant.", + "extraction": "\"Irrelevant\"" + }, + { + "id": "20654118", + "title": "In the Dark (U.S. TV series)", + "text": "In the Dark (U.S. TV series) In the Dark is an upcoming American television drama series, created by Corinne Kingsbury for The CW, to debut as a mid-season entry during the upcoming 2018\u201319 season. On January 30, 2018, The CW ordered the show to pilot, with Michael Showalter set to direct. In May 2018, the show received a series order. A flawed and irreverent blind woman is the only witness to the murder of her drug-dealing friend. After the police dismiss her story, she sets out with her dog, Pretzel, to find the killer while also managing her colorful dating", + "score": 0.73974609375, + "summary": "The document is irrelevant as it does not provide any information regarding where the TV series \"In the Dark\" was filmed.", + "extraction": "irrelevant" + }, + { + "id": "7698390", + "title": "The Dark Island", + "text": "The Dark Island The Dark Island is a six-part British television miniseries, produced by Gerard Glaister for the BBC. It premi\u00e8red on 8 July 1962. It was later adapted for radio, which was transmitted in 1969. It was set on the Outer Hebridean island of Benbecula, though the majority of the series was filmed on South Uist. The plot involves the discovery of a mysterious torpedo found on the shore of Benbecula. A Naval team descends on the area to deal with the torpedo accompanied by Nicolson, an intrigued security officer. Further investigation of the torpedo reveals an international spy", + "score": 0.7392578125, + "summary": "The Dark Island TV series was set on the Outer Hebridean island of Benbecula but filmed on South Uist.", + "extraction": "The majority of the series was filmed on South Uist." + }, + { + "id": "3504946", + "title": "Edge of Darkness", + "text": "in episode three, \u201cBurden of Proof\u201d, the ghost of Emma urges Craven, as he undergoes a breakdown, to be strong, like a tree. Shooting on \"Edge of Darkness\" began on 9 July 1984 and ran for five months until 5 December 1984. Location filming took place in London (including the Barbican Arts Centre, BBC Television Centre and the Hilton International Kensington), Yorkshire (including the headquarters of the West Yorkshire Police in Bradford, the Middleton Railway, the headquarters of Systime Computers (now the O2 building) in Leeds where Craven hacks into the MI5 computer and at Westwood Cottage, Ilkley (for Craven's", + "score": 0.73828125, + "summary": "Irrelevant.", + "extraction": "Location filming for \"Edge of Darkness\" took place in London, including the Barbican Arts Centre, BBC Television Centre, and the Hilton International Kensington, and in Yorkshire, including the headquarters of the West Yorkshire Police in Bradford, the Middleton Railway, the headquarters of Systime Computers (now the O2 building) in Leeds, and at Westwood Cottage, Ilkley." + }, + { + "id": "12569667", + "title": "Dark of Night", + "text": "Red Cross Blood Bank. Though most episodes of DuMont series were eventually destroyed, the UCLA Film and Television Archive has one episode of \"Dark of Night\". Dark of Night Dark of Night is an American dramatic anthology series which aired on the now-defunct DuMont Television Network. It aired Fridays at 8:30pm EST from October 3, 1952, to May 1, 1953. The series starred mostly unknown actors. In it, the character known as \"The Stranger\" traveled to a different site each week in order to solve a crime. Each episode was filmed at a different location in the New York City", + "score": 0.73681640625, + "summary": "The document is irrelevant to the question of interest.", + "extraction": "Each episode was filmed at a different location in the New York City." + }, + { + "id": "15643446", + "title": "In the Dark (Dev song)", + "text": "is, in a really interesting way, and we pulled it off, I think.\" The video was filmed in Los Angeles, California in late-April 2011, just before Dev joined Usher as the opening act for his OMG Tour. Dev took more control over the \"In the Dark\" video than previous video shoots as she used to let the director \"take a little bit of control\" when she was inexperienced in the process. In an interview with Idolator, Dev elaborated on the video's concept, stating that she wanted a dark feel similar to Tim Burton's \"Alice in Wonderland\": \"I wanted the video", + "score": 0.734375, + "summary": "The \"In the Dark\" music video was filmed in Los Angeles, California in late-April 2011.", + "extraction": "The \"In the Dark\" TV series is not mentioned in the passage. Therefore, the extracted span is \"irrelevant\"." + }, + { + "id": "5733307", + "title": "House of Dark Shadows", + "text": "was finally given the greenlight at MGM by company president James Aubrey in 1970. Curtis decided to use the original Barnabas storyline as the basis for the film, but with a modified conclusion. The film was shot in six weeks for a budget of $750,000. Principal shooting took place at several historic locations, including the Lyndhurst Estate in Tarrytown, New York, where the production had to work around the scheduled public tours of the house. Additional footage was shot at nearby Sleepy Hollow Cemetery; parts of the locals appeared on the \"Dark Shadows\" series as well. Some interior scenes were", + "score": 0.734375, + "summary": "The document mentions that House of Dark Shadows was shot in six weeks for a budget of $750,000. It was filmed at several historic locations, including the Lyndhurst Estate in Tarrytown, New York, and Sleepy Hollow Cemetery. Therefore, the answer to \"Where was in the dark tv series filmed?\" is irrelevant.", + "extraction": "The passage is irrelevant to the question \"Where was in the dark tv series filmed?\" as it talks about a film that was shot in several historic locations, but does not mention the TV series." + }, + { + "id": "1424798", + "title": "Dark Shadows", + "text": "\u2076
\u2077
\u2078
\u2079 Both theatrical films, \"House of Dark Shadows\" (1970) and \"Night of Dark Shadows\" (1971), were shot primarily on location at the Lyndhurst estate in Tarrytown, New York. For the TV series, Essex, Connecticut was the locale used for the town of Collinsport. Among the locations sited there are the Collinsport Wharf, Main Street, and the Evans Cottage. The Griswold Inn in Essex was used for the Collinsport Inn, and the town post office was used for the Collinsport Police Station. The Collinwood stand-in mansion used for the TV series is the Carey Mansion", + "score": 0.734375, + "summary": "The TV series \"Dark Shadows\" was filmed in Essex, Connecticut.", + "extraction": "The TV series \"Dark Shadows\" was filmed in Essex, Connecticut." + }, + { + "id": "1424799", + "title": "Dark Shadows", + "text": "in Newport, Rhode Island, until August 2009 used by Salve Regina University. The exteriors for the \"Old House\" (original Collinwood mansion) were filmed at Spratt Mansion, which was also located on the Lyndhurst estate; this mansion was destroyed by fire in 1969. The Lockwood-Mathews Mansion in South Norwalk, Connecticut, was also used for some scenes in \"House of Dark Shadows\". Some outdoors shots for the series were filmed in the famous Sleepy Hollow Cemetery, not far from the Lyndhurst Mansion. All of the interiors of the TV series were shot on sound stages at various ABC-owned studios in Manhattan, New", + "score": 0.73193359375, + "summary": "The \"Old House\" exteriors for the Dark TV series were filmed at Spratt Mansion on the Lyndhurst estate, which was destroyed by fire in 1969. Some scenes in \"House of Dark Shadows\" were filmed at Lockwood-Mathews Mansion in South Norwalk. All interiors were shot on sound stages in Manhattan. Sleepy Hollow Cemetery was used for some outdoor shots.", + "extraction": "The interiors of the TV series were shot on sound stages at various ABC-owned studios in Manhattan, New York. The passage does not provide information about where \"Dark\" TV series was filmed." + }, + { + "id": "3316869", + "title": "The D\u00e6mons", + "text": "second week \u2013 causing filming to be delayed. Some episode one scenes were filmed at night \u2013 a rarity for the show, although some of these scenes were filmed during daylight with a dark filter put over the camera lens. Other dark indoor scenes were filmed in a disused aircraft hangar at Bridge Farm, Ramsbury. Filming for the serial caused great excitement in Aldbourne, with a lot of the village residents appearing as extras, as well as the Headington Quarry Morris dancers performing a routine in episode four. The cast included David Simeon who himself was from Wiltshire where the", + "score": 0.73046875, + "summary": "Irrelevant.", + "extraction": "Scenes from episode one of the \"The D\u00e6mons\" TV series were filmed at night, with some of them being filmed during daylight with a dark filter over the camera lens. Other dark indoor scenes were filmed in a disused aircraft hangar at Bridge Farm, Ramsbury." + }, + { + "id": "9956403", + "title": "Gridlock (Doctor Who)", + "text": "around to get as many angles as possible. Davies preferred action sequences that moved up and down, a scale that is not seen much on television. The Temple of Peace in Cardiff was the location for the Darkened Temple, as well as the TV Studio with news reporter Sally Calypso. The production team spent two days filming there, on 18 and 19 September 2006. The undercity where the Doctor and Martha arrive was filmed at the Cardiff Bay maltings and the Ely Papermill, which were designed to look in disrepair. The artificial rain proved difficult in some shots, as the", + "score": 0.72802734375, + "summary": "Irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "12145853", + "title": "Dr. Simon Locke", + "text": "filmed in the village of Kleinburg, Ontario and the surrounding area, as well as at and around the Valley Halla Estate on the Toronto Zoo grounds. Season two was shot strictly in Toronto, Ontario. One episode from season 1 was shot at the old Markham, Ontario water tower in a story involving a mute boy who dangerously climbs the tower. Other season 1 scenes were shot at Highland Creek in Scarborough, Ontario, and at the old ski hill on Twyn Rivers Road in Pickering, Ontario. \"The Complete Directory to Prime Time Network TV Shows\", by Tim Brooks and Earle Marsh", + "score": 0.7275390625, + "summary": "The document does not contain information about the TV series \"In the Dark\". It is irrelevant.", + "extraction": "The TV series \"in the dark\" is not mentioned in the given passage, therefore the answer is \"irrelevant\"." + }, + { + "id": "17283719", + "title": "Out of the Dark (2014 film)", + "text": "and Javier Gull\u00f3n. The film is a Spanish-Colombian co-production. \"Out of the Dark\" is Colombia-based Dynamo's first English-language production. Participant Media fully financed the production, which has a budget of under after subsidies and tax breaks from the production companies' countries. Filming began in Bogota, Colombia in late April 2013. By July 2013, the film entered post-production. In November 2013, Exclusive Media acquired international rights to sell \"Out of the Dark\". The film premiered at Germany's Fantasy Filmfest on , 2014. Vertical Entertainment released the film in a limited theatrical screening on February 27, 2015 the United States. Rotten Tomatoes,", + "score": 0.72705078125, + "summary": "The document is irrelevant to the question.", + "extraction": "Filming began in Bogota, Colombia in late April 2013." + }, + { + "id": "11234837", + "title": "Dark Shadows (1991 TV series)", + "text": "at similar points through a much different route.\" According to Curtis, he co-wrote and directed the first five episodes himself, \"to get it off in the style I wanted.\" However, Curtis received co-writing credit on only two completed episodes. The revival series was produced by MGM Television, whose parent company had produced the two earlier theatrical films (now owned by Warner Bros./Turner Entertainment). A majority of the series was filmed at the Greystone Park and Mansion in Beverly Hills, California, and some period wardrobe from the 1988 film \"Dangerous Liaisons\" was used. \"Dark Shadows\" premiered as a four-hour miniseries event", + "score": 0.72607421875 + }, + { + "id": "12655521", + "title": "The Dark Defender", + "text": "murder weapon\". When he visited comic book artist Tone Rodriguez to draw and render the poster of The Dark Defender, comic book writer Dan Wickline was also at Rodriguez's studio, and so Schlattmann arranged for the two to have cameo appearances in the episode. The episode was filmed in Los Angeles, California though set in Miami, Florida. \"The Dark Defender\" was praised by critics and Schlattmann was nominated for Writers Guild of America Award for his script. The episode was also submitted as \"Dexter\"s sample episode to determine the nominees for Outstanding Drama Series at the 60th Primetime Emmy Awards;", + "score": 0.7255859375 + }, + { + "id": "17615536", + "title": "The Tunnel (TV series)", + "text": "actors all bring a whole new level of interest in it\". The budget of the series is estimated to be \u00a315 million. Filming began in February 2013 and concluded in August 2013, with location shooting largely taken place in Kent and northern France. Filming in Kent was based in Discovery Park in Sandwich and was supported by the Kent Film Office. A former Pfizer facility was used as a number of sets, including the Calais police station and Elise's apartment. The series was filmed throughout five districts: Canterbury, Dover, Folkestone and Hythe, Swale and Thanet. Several prominent locales were featured,", + "score": 0.724609375 + }, + { + "id": "13168963", + "title": "Whispers in the Dark (film)", + "text": "suggesting it is her new lover/patient. Allison Field, Nicholas J. Giangiulio, Sondra James, David Kramer, Philip Levy, Karen Longwell, Art Malik, Dominic Marcus, William Timoney, and Lisa Vidal appear as voices. Principal photography began on October 21, 1991. Filming took place in and around Manhattan, New York. The place for Ann Decker's apartment was filmed at 500 5th Avenue in Manhattan. The lake house at the end was filmed at Nantucket, Massachusetts. Due to severe cold weather in Massachusetts at the time, some of the filming of the water front scenes was done in Sebastian, Florida. Production was completed on", + "score": 0.7236328125 + }, + { + "id": "20654122", + "title": "In the Dark (U.S. TV series)", + "text": "patience with his daughter, no matter how wildly and irresponsibly she behaves. On March 12, 2018, Austin Nichols was cast in the final series regular role as Dean, who is described as a salt-of-the-earth cop who is called in to investigate Murphy's claims because he has a blind daughter. On July 13, 2018, Rich Sommer was cast as Dean, replacing Nichols who was in the original pilot. Filming for the series will take place in Toronto, Ontario, Canada. Production on the pilot started on March 12, 2018, and wrapped up on March 28. In the Dark (U.S. TV series) In", + "score": 0.7236328125 + }, + { + "id": "13918811", + "title": "Pavor Nocturnus (Sanctuary)", + "text": "felt was not suitable for children. Also because of this, and the inclusion of an \"assault\" of a naked woman, considered taboo by the producers, Kindler did not want to include those scenes in any future episodes. The majority of the episode was filmed in black-and-white. Half of it was filmed using green screen, while the other half was filmed using practical sets in Studio One at The Bridge Studios in Burnaby, British Columbia. One of the sets included the dilapidated city streets. The production crew purposely \"destroyed\" the street set, by placing several wrecked cars and emptied several bags", + "score": 0.7216796875 + }, + { + "id": "13914922", + "title": "30 Days of Night: Dark Days", + "text": "film was shot in Vancouver, British Columbia. The film premiered on July 23, 2010 as part of the 2010 San Diego Comic-Con with the completed cast. The film was released direct to DVD and Blu-ray Disc in the United States on October 5, 2010 and includes an audio commentary, a featurette on the making of the film and exclusive wallpapers for the PlayStation 3. Dread Central gave the film three out of five stating, \"It's dark, disturbing and nihilistic, and one hell of a ride.\" Fangoria gave the film one and a half stars out of four stating, \"Rather than", + "score": 0.720703125 + }, + { + "id": "18485321", + "title": "The Long Bright Dark", + "text": "striking paradox. \"There's a contradictory nature to the place and a sort of sinister quality underneath it all,\" the native Louisianan noted. \"Everything lives under layers of concealment. The woods are thick and dark and impenetrable. On the other hand you have the beauty of it all from a distance.\" \"The Long Bright Dark\" and subsequent episodes were shot in 35 mm film, and principal photography for the season consumed 100 consecutive days. The crew filmed exterior shots at a remote sugarcane field outside of Erath, Louisiana which, because it was partially burned, inspired a \"moody and atmospheric\" backdrop for", + "score": 0.71875 + }, + { + "id": "5562882", + "title": "Dark City (1950 film)", + "text": "Plaza Hotel and the Valley Vista Motel on Ventura Blvd. in the San Fernando Valley, California. In addition, background shots were filmed in Las Vegas, Nevada and Chicago, Illinois. When the film was released, film critic for \"The New York Times\", Bosley Crowther, applauded the work of newcomer Charlton Heston but panned the film, writing: In 2004, film critic Dennis Schwartz gave the film a mixed review, writing: Dark City (1950 film) Dark City is a 1950 American film noir crime film directed by William Dieterle starring Charlton Heston in his screen debut, and produced by Hal B. Wallis. The", + "score": 0.71826171875 + }, + { + "id": "7514711", + "title": "North & South (TV serial)", + "text": "producer Kate Bartlett and casting director Jill Trevellick, they still had to see many other possible Thorntons. Three weeks after casting had begun, Trevellick decided to recapitulate the first auditions, realising that Armitage was \"perfect\". Filming took place from the end of April 2004 until July 2004. Gaskell's fictional town of Milton, Darkshire, was loosely based on Manchester, but the producers decided to shoot many of the town scenes in Edinburgh, which maintains more of its visual and architectural heritage from the industrial Victorian era. Keighley in West Yorkshire became one of the main locations, the cotton mill's exteriors were", + "score": 0.71630859375 + }, + { + "id": "17968984", + "title": "Daredevil (TV series)", + "text": "references to Murdock's boxing history such as a punching bag and boxing ring were cut from the final sequence. The final sequence was animated to a temp track\u2014\"an old piece of 90s trip hop\"\u2014before John Paesano's music for the sequence was completed. Filming for the series takes place in New York City, in areas of Brooklyn and Long Island City that still look like the old Hell's Kitchen, in addition to sound stage work. The production has an eight-day-per-episode shooting schedule. On the feel of the show, DeKnight stated, \"We're going for a gritty, 1970s' New York feel for the", + "score": 0.71630859375 + }, + { + "id": "20614719", + "title": "In Darkness (2018 film)", + "text": "Kensington. Other filming locations included Brompton Cemetery, Ealing Hospital, the Thames Embankment, New Zealand House and the National Gallery. In February 2018, Vertical Entertainment acquired US distribution rights to the film. The film was released direct-to-video on 25 May 2018 in the United States. In the United Kingdom, the film was released on 6 July 2018 by Shear Entertainment. In the United Kingdom, the film grossed \u00a31,550 in its opening week from 10 theaters. On Rotten Tomatoes, the film has an approval rating of 45% based on reviews from 22 critics, with an average rating of 4.8/10. On Metacritic, it", + "score": 0.71533203125 + }, + { + "id": "3316868", + "title": "The D\u00e6mons", + "text": "show a number of times again, but still listed \"The D\u00e6mons\" as his favourite, saying it was \"a damn good script\". Much of the serial was filmed on location in Aldbourne, Wiltshire. The location shoot was awarded two weeks' filming, more than double the usual amount at the time, leading to a lot of the finished story being set outside, rather than in studio. Membury airfield in Berkshire and Bridge Farm, Ramsbury, were also used briefly as locations. Filming began on 19 April 1971 and saw pleasant, sunny weather for the first week, leading to sudden overnight snow in the", + "score": 0.71533203125 + }, + { + "id": "10312575", + "title": "Candles in the Dark", + "text": "was shot between August and September 1993 on location with an Estonian crew most of whom did not speak English. According to the \"Los Angeles Times\", this was the first non-Estonian film to be shot in Estonia. Maximilian Schell looked back on production and the crew: \"They would say 'yes' to everything. Sometimes it would fit and sometimes it wouldn't. Our time was very short with the sound and music, all of the coordination. It was a lot to do in such a short period of time.\" The version aired on the Family Channel was not Schell's final cut. He", + "score": 0.71435546875 + }, + { + "id": "10782767", + "title": "Stark (miniseries)", + "text": "states: Victoria and South Australia. Desert scenes, which make up much of the later episodes, were filmed in and around Coober Pedy. \"Stark\" was first aired by the ABC in Australia over two nights on 11 and 12 August (the first and second episodes were edited together into one movie-length episode; the third episode aired as the second and final episode in Australia). The series did not air in the United Kingdom until it appeared on BBC2 on Wednesday nights from 8\u201322 December. The main changes from the plot of the novel were the extent of the Stark Consipiracy's plan,", + "score": 0.7138671875 + }, + { + "id": "2265416", + "title": "Are You Afraid of the Dark?", + "text": "Are You Afraid of the Dark? Are You Afraid of the Dark? is a Canadian horror fantasy-themed anthology television series that was on YTV. It aired from 1992 to 1996, and for a second run from 1999 to 2000. The original series was created by D.J. MacHale and Ned Kandel and was picked up by Nickelodeon in 1991. MacHale, Kandel, and Nickelodeon teamed up with the Canadian company Cinar, and as a part of the deal the show was filmed in Richmond, British Columbia and in the Greater Montreal area of Quebec, including their suburbs. The series premiered with the", + "score": 0.71337890625 + }, + { + "id": "19961520", + "title": "The Dark Light (film)", + "text": "The Dark Light (film) The Dark Light is a 1951 British thriller film directed by Vernon Sewell and starring Albert Lieven, David Greene, Norman Macowan. It was filmed at a rented country estate in Gilston and on location around Portsmouth. The crew of a lighthouse take in what they assume to be the survivors of a shipwreck, but who turn out to be criminals on the run after a bank robbery. The \"Radio Times\" called it \"dismal,\" writing, \"'Quota quickie' veteran Vernon Sewell gets matters off to a promising start as a desperate gang of bank robbers are rescued from", + "score": 0.71240234375 + }, + { + "id": "1424800", + "title": "Dark Shadows", + "text": "York City. The early episodes were shot at ABC Studio Two at 24 West 67th Street, and the rest of the episodes were shot at the smaller ABC Studio 16 located on West 53rd Street. Working within the constraints of the live-to-tape format\u2014with almost every scene done in one take\u2014\"Dark Shadows\" displayed an unusually inventive use of costume, make-up and, in particular, special effects. Both time travel and ghosts allowed characters killed in earlier sequences to return, often in period clothing. S\u00e9ances held in the old mansion were often visited by ghostly apparitions of quivering ectoplasm. Dream sequences included colorful", + "score": 0.71240234375 + }, + { + "id": "10864306", + "title": "Dark Ages (TV series)", + "text": "audience, so Nygate was replaced by Rob Grant, better known for writing \"Red Dwarf\" for BBC Two. Grant's new scripts for \"Dark Ages\" were described by Judd as being more suited for a BBC Two audience, and Grant was required to alter them accordingly. Though a lot of scenes featuring computer-generated effects were required, \"Dark Ages\" still had a regular sitcom budget of no more than \u00a3200,000. Location filming of the village was done for a week at West Stow Anglo-Saxon village in Suffolk. Production then moved into a studio for five weeks between April and May 1999 to film", + "score": 0.71240234375 + }, + { + "id": "5074791", + "title": "Pie in the Sky (TV series)", + "text": "investigation in Bracknell - the 3M Building can be seen out of the window. The 'Thin Blue Line' Conference takes place at Oakley Court, adjoining Bray Studios. Henry confronts a supposedly dead criminal at Windsor Racecourse and is later shown hurrying to the Japanese Reception across Marlow Bridge. In episode 5 of the 1st series, \"A Shot in the Dark\", the deceased works at White Waltham Airfield while his home is a cottage in Waltham St Lawrence both in East Berkshire. In episode 1 of the 2nd series, \"Hard Cheese\", the 'Laxton Grange Hotel' was filmed at Oakley Court, adjoining", + "score": 0.7119140625 + }, + { + "id": "18736609", + "title": "Daredevil (season 1)", + "text": "in a pair of old jeans and a t-shirt.\" In February 2014, Marvel announced that \"Daredevil\" would be filmed in New York City. In April 2014, Quesada reiterated this, stating that the show would be filming in areas of Brooklyn and Long Island City that still look like the old Hell\u2019s Kitchen, in addition to sound stage work. Loeb said that \"Daredevil\" would begin filming in July 2014, and DeKnight confirmed that filming had started that month. It filmed under the working title \"Bluff\", on a $56 million budget. The production received $14.3 million under the New York Film &", + "score": 0.7119140625 + }, + { + "id": "14929083", + "title": "Series 8, Episode 1 (Spooks)", + "text": "were filmed on location in Dei\u00e0, a coastal village in the island of Majorca. Previously working on a film using the same location, producer Chris Fry chose the village because he felt it was the closest to the UK the crew can get to mimic the hot, Mediterranean feel of Cyprus. Because filming abroad tend to be costly for a BBC budget, the producers kept costs down as much as possible by using a limited crew with some local help. Much of the original script was to take place inside a house, but because there were no gaffers responsible for", + "score": 0.71142578125 + }, + { + "id": "18131436", + "title": "Things Which Have Never Yet Been Done", + "text": "They decided to find a smaller role for Alexandre and eventually settled on the part of Alexis. The scenes in the Hendrixes' garage were filmed on a set; the set replicated the real garage of a house in Markham, Ontario which had been used for filming in the show's first season. The set was built above the ground so that it could be excavated with a jackhammer on film. Bridgepoint Health Centre stood in as the clinic where Kira underwent bone marrow extraction, and was also used for exterior shots of the Dyad Institute. Scenes at Cosima's laboratory were filmed", + "score": 0.71142578125 + }, + { + "id": "2730958", + "title": "The Colour Out of Space", + "text": "Charles P. Mitchell referred to the film as faithful to the author's original work, but Mitchell claimed that \"[t]he last twenty minutes of the film are so disjointed that they virtually ruin the entire film\". The 2008 film \"Colour from the Dark\", directed by Ivan Zuccon, is an adaptation set in Italy. The film stars Michael Segal, Debbie Rochon, Marysia Kay, Gerry Shanahan, and Eleanor James. Bloody Disgusting praised the film, stating Zuccon \"managed to do the famous writer\u2019s twisted tale of unseen terror a really fair share of justice by capturing the bleak, grotesque and utterly frightening atmosphere of", + "score": 0.71044921875 + }, + { + "id": "13798252", + "title": "Into the Darkness (film)", + "text": "the film's official sites. The first cast promotional image featuring the main four was released on September 8, 2009. The promotional poster for the trailer is rumored to be released a week before the debut of the trailer. \"Into the Darkness\" is scheduled to begin shooting in October 2010 in Georgia with a slated 2011 release date. Filming will also take place in Middle Tennessee. The production companies, \"Moser Productions\" and \"Chain Gang Films\", is rumored to use the same locations as the trailer in addition to some new ones. Tentative locations include: Great Smoky Mountains National Park in East", + "score": 0.71044921875 + }, + { + "id": "570444", + "title": "Dark Angel (2000 TV series)", + "text": "second season. The budget for episodes in season two was $1.3 million each. After the intended director of the final episode did not work out, Cameron decided to step in and fill the position. He did this partially for the experience but also to show the network the potential for a third season. It was his first experience directing a TV drama. The producers were initially told a third season had been approved, but two days later Fox informed them that the series had been cancelled. \"Dark Angel\" was set in Seattle, and filmed in Vancouver, British Columbia, at Lions", + "score": 0.71044921875 + }, + { + "id": "961552", + "title": "In the Heat of the Night (TV series)", + "text": "mental disorders, dysfunctional families, suicide, poverty, homophobia, and drunk driving. The first season was filmed in Hammond, Louisiana. This locale was selected by executive producer Juanita Bartlett to represent the small southern town of Sparta, Mississippi. Actually, the producers had difficulty finding filming locations that were usable, because other, more modern structures were close enough to be picked up in the images. Eight episodes were filmed\u2014the two-hour pilot movie and six regular one-hour episodes. The series premiered on March 6, 1988, with the season finale airing May 3, 1988. Many conflicts arose between Juanita Bartlett and series star Carroll O'Connor", + "score": 0.71044921875 + }, + { + "id": "17615539", + "title": "The Tunnel (TV series)", + "text": "France. The production filmed for 85 days in Kent between April and July 2015, with a further 50 days in the county for pre- and post-production, spending an estimated \u00a31.5 million. The Kent filming locations included Eurotunnel, Folkestone Harbour, Discovery Park, Deal (including the pier), Folkestone, Dover (including the port and Dover Castle), Westwood Industrial Estate Margate, Ramsgate, The Barn in Upstreet, St Martin\u2019s Hospital, and Knowlton Court. For series three, filming locations in East Kent included Reculver, Botany Bay, Ramsgate Royal Harbour and Port of Dover. \"The Tunnel\" had a world premiere on 7 October 2013 in France at", + "score": 0.70947265625 + }, + { + "id": "19086353", + "title": "Outsiders (U.S. TV series)", + "text": "Paul Giamatti for Sony Pictures Television and Tribune Studios. WGN America announced a 13-episode straight-to-series order in August 2014. Production began in the Pittsburgh metropolitan area on May 5, 2015 and ran through September. Mountaintop exteriors were filmed in Henry Kaufmann Family Park in Monroeville, Pennsylvania, while interiors were constructed at 31st Street Studios in the Strip District. Scenes in Blackburg, Kentucky, the fictional town at the base of the mountain, were filmed in Millvale. WGN America renewed the series for a second season. Production resumed in mid-2016 using the same locations around Pittsburgh. On review aggregator Metacritic, \"Outsiders\"", + "score": 0.708984375 + }, + { + "id": "8370188", + "title": "Darkness Falls (The X-Files)", + "text": "location and help save money, but bad weather plagued production, and it was one of the toughest episodes of the season for the crew. The episode was shot on location in Lynn Valley, British Columbia, in the Lower Seymour Conservation Reserve, known as the Seymour Demonstration Forest. The atmosphere amongst many of the crew had grown quite tense towards the end of the shooting schedule, and it culminated in a heated argument between director Joe Napolitano and first assistant director Vladimir Steffof, after which Napolitano did not appear on location again. \"Darkness Falls\" was the last episode of the series", + "score": 0.708984375 + }, + { + "id": "12360625", + "title": "Edge of Darkness (2010 film)", + "text": "up shop for filming in western Massachusetts, with 180 staff staying in Northampton hotels. They shot in various locations in the Pioneer Valley, including Tully O'Reilly's Pub, the Northampton Athletic Club, and an older part of the Hampshire County Courthouse, all in Northampton. Also, Sugarloaf Mountain was shut down for a few days while they rented it out. They also filmed at the Notch Visitor Center, Rt. 116, Amherst. The film takes place in America, unlike the television series, which was based in England. \"The idea was to transfer the story to a different time and place rather than just", + "score": 0.70849609375 + }, + { + "id": "4659463", + "title": "Dark Blood", + "text": "a sheriff - but despite the crime, the couple are told to leave immediately in their car. Boy's friends set the cabin ablaze as a funeral pyre. Harry and Buffy drive along out of the desert disoriented, exhausted and silent. They hold hands and Harry asks Buffy, \"Are you O.K.?\", Buffy replies, \"No.\" as she glances back at the fire's glow. The couple fall silent again. \"Dark Blood\" consisted of roughly five weeks of on location shooting in Torrey, Utah and was scheduled to complete three weeks of filming interior scenes in Los Angeles, California on a sound stage. Parts", + "score": 0.70849609375 + }, + { + "id": "12275137", + "title": "Trinity (UK TV series)", + "text": "Building appears in the exterior shots as well as in some interior shots as the fictional Trinity College. Some interior scenes were also filmed in the Great Hall of Dulwich College in Dulwich, London. Several of the exterior scenes were also filmed at Painshill Park, a renowned 18th Century landscape garden in Cobham, Surrey. The show aired weekly on Sundays at 10pm on ITV2 between 20 September 2009 and 8 November 2009, with a repeat showing on the same channel on Wednesdays at 9pm. The drama was originally planned to air at the start of the year but was delayed", + "score": 0.7080078125 + }, + { + "id": "7698393", + "title": "The Dark Island", + "text": "sets of lyrics were published in 1963. As of 2009, no episodes of \"The Dark Island\" have survived in the BBC archives; they were most likely wiped in the 1970s. The entire 1969 radio series however does still exist, and can be found at various internet sources, usually under the banner \"Old Time Radio\". The Dark Island The Dark Island is a six-part British television miniseries, produced by Gerard Glaister for the BBC. It premi\u00e8red on 8 July 1962. It was later adapted for radio, which was transmitted in 1969. It was set on the Outer Hebridean island of Benbecula,", + "score": 0.7080078125 + }, + { + "id": "1925556", + "title": "Survivors (1975 TV series)", + "text": "Callow Hill Farm, near Monmouth (but again just within Herefordshire), as \"Whitecross\". The \"Lights of London\" episodes featured Hanwell railway station, The Oval, and other locations in London, while the Waterloo & City line and the Camden Town deep-level shelter were used to represent parts of the London Underground. The Monmouthshire and Brecon Canal and village of Skenfrith also made appearances. During series 3, production occasionally moved further afield to Suffolk, Derbyshire, and Wiltshire, with the last episode filmed in the Scottish Highlands. Extensive use was made of the Severn Valley Railway. There are a great number of technical and", + "score": 0.7080078125 + }, + { + "id": "14743092", + "title": "The Light in the Dark", + "text": "the chalice. \"The Light in the Dark\" was filmed in New York and at the Paragon studio in Fort Lee, New Jersey. A review of \"The Light in the Dark\" in \"Moving Picture World\" noted: \"In introducing the new process of color photography, Associated First National has made doubly secure an offering that from the standpoint of material and treatment promises to give wide satisfaction ... Lon Chaney has the type of role in which he has proven exceptionally skillful. His is a real sympathetic contribution.\" The \"Variety\" review said, \"If its story possessed half the merit of its technical", + "score": 0.70751953125 + }, + { + "id": "3575440", + "title": "War of the Worlds (TV series)", + "text": "not until the late 1980s that a series was finally realized, this time by television producer Greg Strangis. The show was a part of the boom of first-run syndicated television series being produced at the time. It was later shown in reruns on the Sci Fi Channel. The series was filmed in Toronto, Ontario, Canada. According to the series, rather than being killed outright by germs at the end of the 1953 film, the aliens had all slipped into a state of suspended animation. Their bodies were stored away in toxic waste drums and shipped to various disposal sites within", + "score": 0.70703125 + }, + { + "id": "18475119", + "title": "Dark Ascension (film)", + "text": "help of St. Paul. Unfortunately for them, the gates separating heaven and hell have been broken, leaving the world of angels and demons in ruins. Soon, they are tasked with putting things right to avert a war between God\u2019s celestial hosts and Satan\u2019s devilish army. The film was shot at Pinewood Studios in London. It was announced on June 18, 2015 that Paul Blackthorne would be joining the cast, starring as Willis. Dark Ascension (film) Dark Ascension is a 2017 action/fantasy film directed by Gene Fallaize, executive produced by Scott Spiegel, and starring Tara Reid, Brian Blessed, Nathan Jones, Paul", + "score": 0.70654296875 + }, + { + "id": "9734612", + "title": "Thou Shalt Not Kill (Spooks)", + "text": "as Christine Dale; the producers were sufficiently impressed with her performance that she would later return as Dale in the second series. Principal photography took place in November and December 2001. The majority of filming was done with a long lens, which proved difficult as many filming location were short on space. 40 to 50 cuts were made in the first 10 minutes of the episode to quickly introduce the main characters. Filming took part almost entirely in London; some London locations doubled as Liverpool locations, including the hospital, which was filmed in Covent Garden. The hospital scenes were first", + "score": 0.70654296875 + }, + { + "id": "8116929", + "title": "The Dark Half (film)", + "text": "collect evil souls that were not allowed to live. Thad and Liz are spared, and they, along with Pangborn, watch as the sparrows disappear into the night. The movie was filmed in part at Washington & Jefferson College, near Pittsburgh, Pennsylvania. Notable in the film are the chapel in the Old Main, seen at the beginning of the film as Beaumont's classroom, and the office of the college chaplain, used as Beaumont's office. Members of the faculty and student body served as extras in the film. The residence featured in the film is a home located on Maple Avenue in", + "score": 0.70654296875 + }, + { + "id": "9872161", + "title": "Quality television", + "text": "faded out of existence more and more with television dramas now being filmed in Los Angeles, California. However the essence and format of these dramas continued in the form of filmed anthology dramas such as \"Alfred Hitchcock Presents\" and \"The Twilight Zone\". With anthology series now being filmed in Los Angeles, these shows were broadcast for 39 weeks with a hiatus in the summer. The 1960s and 1970s gave rise to two complex narrative formats which would come to dominate the American television landscape decades later. The primetime serial (radio and television) with \"Peyton Place\" based on the Grace Metalious", + "score": 0.70654296875 + }, + { + "id": "9397741", + "title": "Dracula: The Series", + "text": "included Stratford and Shaw festival veteran Jonathan Welsh, well known television and film actors Kim Coates (from \"Prison Break\") and Barry Morse (from \"The Fugitive\" and \"\"), Chas Lawther, Kirsten Kieferle (from \"\"), and Marina Anderson-Carradine, best known for managing (and then marrying) actor David Carradine. The series was filmed in Luxembourg, and produced by Phil Bedard and Larry Lalonde, best known for their work on \"John Woo's Once a Thief\" and \"\". Dracula: The Series Dracula: The Series is a syndicated series about Count Dracula, and was broadcast from September 29, 1990 to May 11, 1991. Count Dracula is", + "score": 0.70654296875 + }, + { + "id": "18329904", + "title": "12 Monkeys (TV series)", + "text": "Additional filming for the first season took place in the Republic of Macedonia, standing in for Chechnya, and the Dominican Republic, masquerading as Haiti. During the second season, production filmed for roughly 10 days in Budapest. Filming in Prague took place for about three weeks for the third season. The reason for moving to Europe was to benefit from the different flair and to use the older architecture for 1950s stand-ins. Production returned to Prague for the fourth season. Standing sets used in the series were changed constantly to reflect both older and newer versions of the locales and also", + "score": 0.7060546875 + }, + { + "id": "3048087", + "title": "The Others (TV series)", + "text": "wife Kristen Cloke played the significant role of Allison/The Woman in the episodes \"The Ones That Lie in Wait\" and \"Life Is for the Living\". The series was filmed at Paramount Studios, with the exception of the pilot episode, which was filmed in Vancouver, British Columbia, Canada. The series aired on Five in the UK, and on Nine in Australia. The Others (TV series) The Others is an American television series created by John Brancato and Michael Ferris, and produced by Delusional Films, NBC Studios, and DreamWorks Television. It ran for thirteen 40-minute episodes from February 5, 2000, to June", + "score": 0.70556640625 + }, + { + "id": "10346652", + "title": "Murdoch Mysteries", + "text": "two were filmed at the Toronto Film Studios facility on Eastern Avenue in Toronto. However, that facility was closed at the end of 2008, forcing the third season to be filmed elsewhere in Toronto, in the area near Kipling Subway to the west of the city. For seasons one, two and three, filming locations included the Galt district of Cambridge, Ontario. Sidewalks and driveways were covered in earth, and in season one the Dobbie Mansion was used for about a week of indoor filming. Parts of the opening episode of season three were filmed in Bristol in England. Shaftesbury Films", + "score": 0.705078125 + }, + { + "id": "5422202", + "title": "Night and Day (TV series)", + "text": "one of the most historic areas of Greenwich. Other locations in Greenwich included the Cutty Sark, the Old Greenwich Hospital and the park. 'St Vincents Halfway House' was actually in the borough of Tower Hamlets. Interior shots were filmed at the Three Mills Studios in Bow. \"Night and Day\" was nominated for ten awards at the British Soap Awards 2002, beating established rivals such as \"Hollyoaks\" and \"Emmerdale\". It won one award, 'Hero of the year' (chosen by a panel of judges) for the character of Sam giving up football to look after his orphaned siblings.finished filming on 17 May", + "score": 0.705078125 + }, + { + "id": "7528185", + "title": "Darkroom (TV series)", + "text": "Darkroom (TV series) Darkroom is an American television thriller anthology series produced by Universal Television which aired on ABC from November 27, 1981 to January 15, 1982. As an anthology horror/thriller series it was similar in style to Rod Serling's \"Night Gallery.\" Each 60-minute episode featured two or more stories of varying length with a new story and a new cast, but each of the episode wraparound segments was hosted by James Coburn. Among the performers who appeared on the series were Esther Rolle, Helen Hunt, Claude Akins, Richard Anderson, Lawrence Hilton-Jacobs, Carole Cook, David Carradine, Billy Crystal, Pat Buttram,", + "score": 0.7041015625 + }, + { + "id": "19055602", + "title": "Alone (TV series)", + "text": "series was filmed in Khonin Nuga near the city of Z\u00fc\u00fcnkharaa, Selenge aimag. \"Khonin Nuga\" is a valley located close to the Khentii Mountains of Northern Mongolia, one of the country's unique and still largely untouched places. Alone (TV series) Alone is an American reality television series on History. The first, second and fourth seasons were filmed on northern Vancouver Island, British Columbia, and the third near Nahuel Huapi National Park in Patagonia, Argentina. It follows the self-documented daily struggles of 10 individuals (7 paired teams in season 4) as they survive in the wilderness for as long as possible", + "score": 0.7041015625 + }, + { + "id": "16753533", + "title": "A Dark Truth", + "text": "anti-government reporter and nutcase. She tells him about the tape and asks again about what happened. He dismisses her concerns and tells her to go to lunch and do fund raisers and bad marriages. He tells her to go home. Doug, an assistant, enters the office and tells Bruce that the secret will be kept but that Morgan is a problem. Filming started in October 2011 and took place on location in Canada, shooting in North Bay, Ontario, Sudbury and Toronto. The film was also shot in the Dominican Republic. The film received negative reviews. On Rotten Tomatoes, \"A Dark", + "score": 0.7041015625 + }, + { + "id": "18331290", + "title": "A Dark Reflection", + "text": "and a series of cover-ups dating back decades. The film involves an air traffic controller who is suspended following a serious in-flight incident. When his journalist wife Helen Eastman (Georgina Sutcliffe) starts to ask questions, she uncovers a disturbing succession of cover-ups dating back to 1954. Pre-production of the film started in January 2013 with filming commencing in June 2013 in West Sussex, England. Principal photography for \"A Dark Reflection\" initially lasted 40 days. It was filmed in Techniscope format using Fuji 35mm film by Director of Photography Nicholas Eriksson. All of the filming was done on location in England", + "score": 0.70361328125 + }, + { + "id": "15705156", + "title": "Anthony Scott Burns", + "text": "Productions announced it had hired Burns to direct a thriller/sci-fi feature entitled \"Dark Matter\", written by Hugh Sterbakov. Filming began in November 2011 in Canada. As of 2012, Burns was based in Toronto. In 2012, he was the visual effects supervisor for \"The Last Will and Testament of Rosalind Leigh\", and that September he released the trailer for \"Epoch\", a short film constructed from footage for a music video. In 2013, he also continued to do commercial shorts and trailers for his then unreleased short narrative film \"Manifold\" were released in September 2013. A \"tech-noir narrative\" and starring Stephen McHattie", + "score": 0.70361328125 + }, + { + "id": "17283713", + "title": "Out of the Dark (2014 film)", + "text": "Out of the Dark (2014 film) Out of the Dark (Spanish: \"Aguas rojas\") is a 2014 English-language supernatural thriller film starring Julia Stiles and Scott Speedman. The independent Spanish-Colombian co-production is directed by Llu\u00eds Qu\u00edlez based on a screenplay by Alex Pastor, David Pastor, and Javier Gull\u00f3n. Filming took place in Colombia between April 2013 and July 2013, after which it entered post-production. The film premiered at Germany's Fantasy Filmfest on , 2014. In 1992, Dr Contreras Sr. prepares to abandon a finca in Santa Clara, Colombia. He attempts to burn a number of files, stashing them in the dumbwaiter", + "score": 0.703125 + }, + { + "id": "13008313", + "title": "A Ghost Story for Christmas", + "text": "the film in for about 8,000 pounds.\" Unusually for a BBC television drama of the 1970s, each instalment was filmed entirely on location using 16 mm film. As a result, the cameraman John McGlashan, who filmed the first five adaptations, was able to make use of night shoots and dark, shadowy interiors, which would not have been possible with the then-standard video-based studio interiors. The filming of the adaptations took place at a variety of locations, although East Anglia, where M. R. James set many of his stories, was the location for early instalments. \"The Stalls of Barchester\" was filmed", + "score": 0.703125 + }, + { + "id": "10369121", + "title": "The Woman in Black (1989 film)", + "text": "at Stanlake Park in Berkshire, using the causeway to Osea Island, near Goldhanger in Essex, and the local salt marshes, whilst scenes to represent Crythin Gifford were filmed at the National Trust village of Lacock, near Chippenham, Wiltshire. The external funeral scene was filmed in Sarratt, Hertfordshire. The film was first broadcast in the United Kingdom on ITV on Christmas Eve 1989, with the only repeat being on Channel 4 at Christmas 1994. Overall the TV adaptation stayed reasonably faithful to the original novel, although some of the changes angered the author Susan Hill (for example, the sex of the", + "score": 0.703125 + }, + { + "id": "14142546", + "title": "The Apparition", + "text": "Dark Castle Entertainment. On January 26, 2010, \"Friday the 13th\" actress Julianna Guill was cast in the role of Lydia. \"Harry Potter\" star Tom Felton was cast on February 8, and was joined one week later by Sebastian Stan and Luke Pasqualino. Filming began on February 26, 2010 in Berlin, Germany, with other scenes being shot in Los Angeles. On March 25, Greene shot some scenes in the Anaverde neighborhood of Palmdale, California. The project marked Lincoln's directorial debut. Silver produced with Andrew Rona and Alex Heineman. The film was released on August 24, 2012, in 810 theaters. The film", + "score": 0.703125 + }, + { + "id": "16757405", + "title": "Watching the Dark (novel)", + "text": "investigation progresses they uncover a link with a cold case that takes them to Tallinn, Estonia to unearth the truth. Watching the Dark (novel) Watching the Dark is the 20th novel by Canadian detective fiction writer Peter Robinson in the Inspector Banks series, published in August 2012. DCI Alan Banks is back, and this time he is investigating the murder of one of his own. Respected Officer DI Bill Quinn has been shot through the heart by a bolt from a crossbow while convalescing at the St. Peter's Police Treatment Centre, and the initial investigation uncovers compromising photos with a", + "score": 0.70263671875 + }, + { + "id": "17394098", + "title": "Penny Dreadful (TV series)", + "text": "was announced as director for the first two episodes. The remaining episodes of the first season were directed by Dearbhla Walsh, Coky Giedroyc, and James Hawes. In March 2013, it was announced that the series would be filmed in the United Kingdom; eyeing the new UK tax credit for high-end TV productions that offers a 25% rebate. However, it was reported in August that production would instead take place in Bray's Ardmore Studios and other locations around Dublin, Ireland, because of the country's section 481 tax incentives. Filming began on October 7 and lasted 5 months. Reports indicate that the", + "score": 0.70166015625 + }, + { + "id": "20682953", + "title": "The Colour of Darkness", + "text": "a WhatsApp recording. Former Australian senator Derryn Hinch was recruited to play a politician in the film. To find a location which gave the feel of real Indian village during the 60s, producers Lorraine and Girish scouted locations for 6 months before settling down to shot in the inner rural area of Kheda district(Gujarat, India). They were looking for a place with no electricity pole and water connection as they didn\u2019t exist in Tundel of 1965. The caste system still exists and is so deep-rooted in India that when they went to Hariyana village of Gujarat, Kheda to shoot, the", + "score": 0.70166015625 + }, + { + "id": "14984591", + "title": "Fear in the Night (1972 film)", + "text": "on location in Aldenham, Hertfordshire. The scenes featuring the lakeshore (including the scene where Judy Geeson's character encounters Joan Collins') were shot at Aldenham Country Park around the Aldenham Reservoir. Bhaktivedanta Manor was used for the location of the boys' school. Additional filming took place at Elstree Studios in Hertfordshire. \"Fear in the Night\" was released in the United Kingdom on 9 July 1972, shown as a double bill with \"Straight on Till Morning\", another Hammer film with similar themes. The films were shown in cinemas as a double feature titled \"Women in Fear.\" Executive Michael Carreras at Hammer studios", + "score": 0.70166015625 + }, + { + "id": "3989813", + "title": "Deepwater Black", + "text": "to save their race. The trilogy was adapted as the Sci Fi Channel's first original television series in 1997 under the name \"Mission Genesis\". In the United Kingdom and in Canada, where the show was co-produced by the YTV Network, the series retained the original title, \"Deepwater Black\". Only one season of 13 episodes was made, and involved a relatively small cast and heavy use of CGI. Soon after production ended, lead actress Nicole de Boer joined the cast of \"\" and lead actor Gordon Michael Woolvett joined the cast of \"Andromeda\". The series was filmed in Toronto, Ontario, Canada.", + "score": 0.70166015625 + }, + { + "id": "5980950", + "title": "30 Days of Night", + "text": "film was directed by David Slade and stars Hollywood actors Josh Hartnett and Melissa George. It was released on October 19, 2007, and was filmed at Henderson Valley Studios in Auckland, New Zealand. A sequel to the film was released in October 2010. \"30 Days of Night: Dark Days\" was directed by Ben Ketai and stars Kiele Sanchez as Stella Oleson. An ongoing series of \"30 Days of Night\" novels is being published by IDW Publishing and Pocket Books. They include a novelization of the film. 30 Days of Night 30 Days of Night is a three-issue horror comic book", + "score": 0.701171875 + }, + { + "id": "11834836", + "title": "Nick Basile", + "text": "psychological thriller DARK. The movie is set in New York City during the 2003 blackout. It stars Whitney Able, Alexandra Breckenridge, Brendan Sexton III, Michael Eklund and the rapper Redman. The movie is produced by Minerva Pictures in association with Renfield Productions. Famed Gremlins director Joe Dante serves as Executive Producer. The film held its world premiere at the 22nd Annual Oldenburg International Film Festival. His acting credits include roles in the Off-Broadway production of \"Tony n' Tina's Wedding\", H.P. Lovecraft (\"LoveCracked! The Movie\") and has appeared in Shakespeare's \"Much Ado About Nothing\" at the Gene Frankel Theatre in NYC.", + "score": 0.701171875 + }, + { + "id": "10818365", + "title": "A Woman of Substance (miniseries)", + "text": "being published whilst Taylor-Bradford was working for a newspaper in New York and was interviewing Baker (who worked predominantly as an actress at that time) for an article about interior design. After the novel was published, Baker contacted Taylor-Bradford to obtain the television rights, remortgaging her house in order to do so. The series was largely filmed in Yorkshire in the north of England, and locations include Brimham Rocks where Emma first meets Blackie on the moors; Richmond for most of the Armley, and the main shop-front of the Emma Harte Emporium in London. The original Armley store was a", + "score": 0.7001953125 + }, + { + "id": "14322717", + "title": "The Legend of the Hidden City", + "text": "tests and riches, made friends with the inhabitants of the city. The series was produced by Dandelion Distribution Ltd, Wehmeyer Productions, SABC (Series 1 only) and Six Street Studios. It was filmed on location and at Johannesburg and Knysna. A compilation of episodes from the first series was later released on DVD as a film called \"The Lost City\". 26 half hour episodes. 13 half hour episodes The Legend of the Hidden City The Legend of the Hidden City was a South African action adventure series, directed by David Lister, which was broadcast by SABC and SABC2 between 1996 and", + "score": 0.7001953125 + }, + { + "id": "10761669", + "title": "The Battle at Shadow Ridge", + "text": "Jacobson house were filmed at The Woodbury Mansion on Woodbury Road in Altadena, California. Hatem, who lives nearby in Pasadena, says he still drives by the house quite frequently. Much of the show ended up being filmed in Altadena, and Hatem says a lot of TV shows and movies film there because \"it's one of the few places in California that looks like somewhere else - there's not a lot of beaches and palm trees and not a lot of traffic, and a lot of older houses [with] a lot of different architectural styles\". Graziano referred to Altadena as \"Anytown,", + "score": 0.7001953125 + }, + { + "id": "9014001", + "title": "Man in the Dark", + "text": "rushed a current project into production and completed it in 11 days. Although Warner Brothers touted \"House of Wax\" as \"the first feature produced by a major studio in 3-D\", \"Man in the Dark\" actually premiered two days earlier. The amusement park setting was filmed at Ocean Park in Santa Monica. When the film was released, Bosley Crowther, film critic for \"The New York Times\", panned the film. He wrote, \"Columbia's first stereoscopic film\u2014a conspicuously low-grade melodrama ... called \"Man in the Dark\", ... must be viewed through polaroid glasses to be seen for any effect whatsoever, is a thoroughly", + "score": 0.7001953125 + }, + { + "id": "7393898", + "title": "Highlander (film)", + "text": "\"prize\". When Connor finally kills the Knight, he feels a sharp burning pain. The viewer is then not told if he remains immortal. The budget was put up by Thorn EMI. When brought to Russell Mulcahy, the title was \"The Dark Knight\". Filming began in April 1985 with on location shooting in Scotland in May and returning to London in June and ended July after a two-week shoot in New York City. It took place in Scotland, England, and New York City. Director Russell Mulcahy filmed it using music video techniques including fast cutting and pacy music. Director of photography", + "score": 0.69921875 + }, + { + "id": "11393354", + "title": "Dark of the Sun", + "text": "1960, the film's screenplay is set during the Simba Rebellion of 1964\u201365, when mercenaries were recruited by the Congolese government to fight a leftist insurgency. Rod Taylor claimed he rewrote a fair amount of the script himself, including helping devise a new ending. Most of the film was shot on location in Jamaica using the country's railway system, taking advantage of a working steam train as well as safety and cost-effectiveness. Interiors were completed at MGM British Studios, Borehamwood near London. At the same time, MGM was filming Graham Greene's \"The Comedians\" (1967) in Africa, though the original took place", + "score": 0.69921875 + }, + { + "id": "17694465", + "title": "Still Open All Hours", + "text": "Doncaster from 12 September 2016. Lynda Baron could not reprise her role as Nurse Gladys Emmanuel as the filming dates clashed with Baron's current contract with \"EastEnders\". David Jason announced that a fourth series would be filmed in 2017. Filming began in September 2017 with David Jason seen on location in Doncaster with co-star Tim Healy. The series began airing on 28 December 2017. Interior scenes were recorded at Pinewood Studios in front of a live-studio-audience on 7, 14, and 21 October and on the 4, 11, 18, and 24 November 2016. In early 2017 a fourth series was commissioned", + "score": 0.69921875 + }, + { + "id": "16716840", + "title": "Through the Dark (1924 film)", + "text": "Through the Dark (1924 film) Through the Dark is a 1924 American silent mystery/crime drama film directed by George W. Hill, and starring Colleen Moore and Forrest Stanley as the popular detective character Boston Blackie. The film's scenario, written by Frances Marion, is based on the short story \"The Daughter of Mother McGinn\" by Jack Boyle. Produced by William Randolph Hearst's Cosmopolitan Productionss and distributed through Goldwyn Pictures, the film was banned by the British Board of Film Censors upon its release for its depiction of unspecified \"taboo\" subject matter. An incomplete print of \"Through the Dark\" is preserved at", + "score": 0.69873046875 + }, + { + "id": "19093631", + "title": "From Darkness", + "text": "From Darkness From Darkness is a British psychological crime drama that premiered on BBC One on October 4, 2015. The series stars Anne-Marie Duff as former police officer Claire Church. A total of four episodes were broadcast. The series was both critically and commercially panned, leading to the likeliness of a second season materializing being very slim. A DVD of the complete series was released on November 9, 2015. Internationally, the series premiered in Australia on November 1, 2015, on BBC First. Claire Church (Anne-Marie Duff), a former police officer who moves away to the remote Western Isles in an", + "score": 0.69873046875 + }, + { + "id": "1630403", + "title": "To the Manor Born", + "text": "fact about one mile away and called West Lodge. A false gatepost was installed to help the illusion that the two are close together. The 2007 special was, like the original series, filmed on location in Cricket St Thomas in Somerset. This filming took place for about a week starting on 28 October 2007. The studio footage was filmed in front of a live audience at Pinewood Studios in Buckinghamshire on 25 November 2007. All the episodes were directed by Gareth Gwenlan, who also produced the original series. The 2007 special was co-produced by Gwenlan and Justin Davies. During the", + "score": 0.6982421875 + }, + { + "id": "15973828", + "title": "In Darkness (2011 film)", + "text": "In Darkness (2011 film) In Darkness () is a 2011 Polish drama film written by David F. Shamoon and directed by Agnieszka Holland. It was nominated for Best Foreign Language Film at the 84th Academy Awards. Based on true events during German occupation of Poland, the film tells about Leopold Socha, a sewer worker in the Polish city of Lw\u00f3w. He used his knowledge of the city's sewer system to shelter a group of Jews who had escaped from the Lw\u00f3w Ghetto during the Holocaust in Poland. \"In Darkness\" is a dramatization of a rescue of Jewish refugees during World", + "score": 0.6982421875 + }, + { + "id": "19961521", + "title": "The Dark Light (film)", + "text": "the stormy sea by a lighthouse crew. By tossing away the dramatic possibilities of the claustrophobic setting, however, he is unable to sustain more than a modicum of tension as the crew begin scheming to keep the swag for themselves, rather than let justice take its course.\" The Dark Light (film) The Dark Light is a 1951 British thriller film directed by Vernon Sewell and starring Albert Lieven, David Greene, Norman Macowan. It was filmed at a rented country estate in Gilston and on location around Portsmouth. The crew of a lighthouse take in what they assume to be the", + "score": 0.6982421875 + }, + { + "id": "16716841", + "title": "Through the Dark (1924 film)", + "text": "the Library of Congress. Through the Dark (1924 film) Through the Dark is a 1924 American silent mystery/crime drama film directed by George W. Hill, and starring Colleen Moore and Forrest Stanley as the popular detective character Boston Blackie. The film's scenario, written by Frances Marion, is based on the short story \"The Daughter of Mother McGinn\" by Jack Boyle. Produced by William Randolph Hearst's Cosmopolitan Productionss and distributed through Goldwyn Pictures, the film was banned by the British Board of Film Censors upon its release for its depiction of unspecified \"taboo\" subject matter. An incomplete print of \"Through the", + "score": 0.6982421875 + }, + { + "id": "18582537", + "title": "Instinct (Orphan Black)", + "text": "threatens them with a gun before relenting and introducing Sarah to another lookalike named Cosima. \"Instinct\" was filmed in a block with the series' first episode, \"Natural Selection\", under the direction of \"Orphan Black\" co-creator John Fawcett. It was filmed in Canada, although it is never made clear where in North America the show takes place. The episode refers to the fictional suburb of Bailey Downs, where Alison is said to live, which is a homage to the setting of the 2000 Canadian horror film \"Ginger Snaps\", which was directed by Fawcett. One of the filming locations used for the", + "score": 0.6982421875 + }, + { + "id": "12655530", + "title": "The Dark Defender", + "text": "Los Angeles' Wilmington neighborhood, in spite of the show's Miami setting. The episode opens in a coffee bar at Coral Cove Marina, which was filmed at Leeward Bay's floating diner, the Chowder Barge. One of the empty barns at Long Beach, California's Shoreline Village was set up as the comic book store. Doakes and LaGuerta discuss the homicide case while standing on the Shoreline Village boardwalk, and the Village car park was used to film Doakes and LaGuerta's stake out. Eric Goldman of IGN called \"The Dark Defender\" \"a very satisfying episode of the show\" and thought that \"so far", + "score": 0.69775390625 + }, + { + "id": "7669946", + "title": "Dark Intruder", + "text": "Dark Intruder Dark Intruder is a 1965 horror film made for TV that was released theatrically, and starring Leslie Nielsen, Mark Richman and Judi Meredith. The film is set in San Francisco in 1890 concerning playboy sleuth and occult expert Brett Kingsford (Nielsen). This atmospheric black-and-white film is only 59 minutes long, was directed by Harvey Hart, and was the pilot for a failed television series called \"The Black Cloak\" and was written by Barr\u00e9 Lyndon. \"The Black Cloak\" was to be produced by Alfred Hitchcock's television company, Shamley Productions, which also produced \"The Alfred Hitchcock Hour\" and \"Thriller\". When", + "score": 0.69775390625 + }, + { + "id": "16874814", + "title": "A Place to Call Home (TV series)", + "text": "as the backdrop for Inverness. Ash Park is actually Camelot, a heritage-listed property located at Kirkham, on the outskirts of Camden. Sydney, the capital city of New South Wales, is a third location where major events occur, but most city scenes are filmed indoors, aside from some establishing shots such as historic footage of the Sydney Harbour Bridge. Filming for the first season began on 9 July 2012 and concluded on 12 December 2012. Season one was shot on a Sony F65 camera, the first Australian television production to do so. In June 2013, Erin McWhirter of \"TV Week\" announced", + "score": 0.69775390625 + }, + { + "id": "17283722", + "title": "Out of the Dark (2014 film)", + "text": "1.5/5 stars and called it a boring film with a lackluster conclusion. Out of the Dark (2014 film) Out of the Dark (Spanish: \"Aguas rojas\") is a 2014 English-language supernatural thriller film starring Julia Stiles and Scott Speedman. The independent Spanish-Colombian co-production is directed by Llu\u00eds Qu\u00edlez based on a screenplay by Alex Pastor, David Pastor, and Javier Gull\u00f3n. Filming took place in Colombia between April 2013 and July 2013, after which it entered post-production. The film premiered at Germany's Fantasy Filmfest on , 2014. In 1992, Dr Contreras Sr. prepares to abandon a finca in Santa Clara, Colombia. He", + "score": 0.69775390625 + } + ], + "answer": "There were several television series named In the Dark. Filming for the British series, a four-part British crime drama that premiered on BBC One in 2017, took place in Marsden and Manchester in England. Filming for the American crime drama series created for The CW took place in Toronto in the Canadian province of Ontario." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who is playing parvati role in mahadev serial 2014?", + "short_answers": [ + "Suhasi Goradia Dhami", + "Suhasi Dhami" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who is playing parvati role in mahadev serial 2013?", + "short_answers": [ + "Pooja Bose", + "Puja Banerjee" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who is playing parvati role in mahadev serial 2012?", + "short_answers": [ + "Sonarika Bhadoria" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Sonarika Bhadoria", + "url": "https://en.wikipedia.org/wiki/Sonarika%20Bhadoria" + }, + { + "title": "Devon Ke Dev...Mahadev", + "url": "https://en.wikipedia.org/wiki/Devon%20Ke%20Dev...Mahadev" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Sonarika Bhadoria (born 3 December 1992) is an Indian actress. She is known for her portrayal of Goddess Parvati / Adi Shakti in Devon Ke Dev...Mahadev, Mrinal in Prithvi Vallabh - Itihaas Bhi, Rahasya Bhi and Anarkali in Dastaan-E-Mohabbat Salim Anarkali.", + "wikipage": "Sonarika Bhadoria" + }, + { + "content": "Sonarika Bhadoria was replaced by Puja Bannerjee as Parvati in July 2013. However, in June 2014 Bannerjee quit citing health issues and was replaced by Suhasi Dhami. ", + "wikipage": "Devon Ke Dev...Mahadev" + }, + { + "content": "Devon Ke Dev... Mahadev (English: Lord of the Lords... Mahadev), often abbreviated as DKDM, was a spiritual series based on the Hindu god, Lord Shiva, also known as Mahadev.", + "wikipage": "Devon Ke Dev...Mahadev" + }, + { + "content": "Parvati (Sanskrit: \u092a\u093e\u0930\u094d\u0935\u0924\u0940, IAST: P\u0101rvat\u012b), Uma (Sanskrit: \u0909\u092e\u093e, IAST: Um\u0101) or Gauri (Sanskrit: \u0917\u094c\u0930\u0940, IAST: Gaur\u012b) is the Hindu goddess of fertility, love, beauty, harmony, marriage, children, and devotion; as well as of divine strength and power.", + "wikipage": "Parvati" + } + ], + "long_answer": "In the spiritual series based on the Hindu god, known as Mahadev, the Hindu goddess of fertility Parvati is portrayed by Indian actress Sonarika Bhadoria in 2012. In 2013, she is played by Puja Bannerjee, who's later replaced by Suhasi Dhami in June 2014." + }, + { + "knowledge": [ + { + "content": "Devon Ke Dev... Mahadev (English: Lord of the Lords... Mahadev), often abbreviated as DKDM, was a spiritual series based on the Hindu god, Lord Shiva, also known as Mahadev.[1]", + "wikipage": "Devon Ke Dev...Mahadev" + }, + { + "content": "Puja Banerjee (born 6 February 1987), sometimes credited as Pooja Bose,[2][3][6][4] is an Indian actress.[6][7]", + "wikipage": "Puja Banerjee" + }, + { + "content": "Suhasi Goradia Dhami is an Indian actress and model.[2]", + "wikipage": "Suhasi Dhami" + }, + { + "content": "Sonarika Bhadoria (born 3 December 1992) is an Indian actress.", + "wikipage": "Sonarika Bhadoria" + }, + { + "content": "She is known for her portrayal of Goddess Parvati / Adi Shakti in Devon Ke Dev...Mahadev, Mrinal in Prithvi Vallabh - Itihaas Bhi, Rahasya Bhi and Anarkali in Dastaan-E-Mohabbat Salim Anarkali.[1][2]", + "wikipage": "Sonarika Bhadoria" + } + ], + "long_answer": "Devon Ke Dev... Mahadev, often abbreviated as DKDM, was a spiritual series based on the Hindu god, Lord Shiva, also known as Mahadev. Indian actress Sonarika Bhadoria is known for her 2012 portrayal of Goddess Parvati in this series. In 2013, Indian actress Puja Banerjee played the role of Parvati. In 2014, Indian actress and model Suhasi Goradia Dhami played the role of Parvati." + } + ], + "sample_id": "6446590656957262079", + "question": "Who is playing parvati role in mahadev serial?", + "docs": [ + { + "id": "17316139", + "title": "Pooja Sharma", + "text": "Love Stories\". In 2013, she portrayed the role of Draupadi in Star Plus's \"Mahabharat\". In 2017, Sharma played the role of Mahakali/Parvati in Colors TV's \"Mahakali \u2014 Anth Hi Aarambh Hai\". Sharma was listed 17th in \"Times of India\"'s Top 20 Most Desirable Women on Indian Television 2017. Pooja Sharma Pooja Sharma is an Indian model and actress known for the role of Draupadi in Star Plus's \"Mahabharat\" and as Parvati/Mahakali in Colors TV's \"Mahakali \u2014 Anth Hi Aarambh Hai\". Sharma was born and raised in Delhi. During her college days, she was selected for a sports-based talk show in", + "score": 0.81884765625, + "summary": "Pooja Sharma played the role of Parvati/Mahakali in Colors TV's \"Mahakali \u2014 Anth Hi Aarambh Hai\".", + "extraction": "Pooja Sharma is playing the role of Parvati/Mahakali in Colors TV's \"Mahakali \u2014 Anth Hi Aarambh Hai\"." + }, + { + "id": "20199541", + "title": "Mahakali \u2014 Anth Hi Aarambh Hai", + "text": "Shiva Purana and Linga Purana, that have to do with the evolution of the sweet and submissive Parvati into the wild and untamed Mahakali. Pooja Sharma plays the role of the titular characters, Parvati and Mahakali. Saurabh Raj Jain effortlessly essays the role of Lord Shiva, Kanan Malhotra as Lord Vishnu, Nikita Sharma as Goddess Laxmi, Meghan Jadhav as Kartikey and Krish Chauhan as Lord Ganesh. The show's plot revolves around the much adored tale of Goddess Parvati , the wife of Lord Shiva and sister of Lord Vishnu , and her alter-ego, Mahakali . Adi Parashakti / Mahakali ,", + "score": 0.79443359375, + "summary": "Pooja Sharma plays the role of Parvati and Mahakali in Mahakali - Anth Hi Aarambh Hai.", + "extraction": "Pooja Sharma plays the role of the titular characters, Parvati and Mahakali. Therefore, Pooja Sharma is playing the role of Parvati in the Mahadev serial." + }, + { + "id": "16198875", + "title": "Sonarika Bhadoria", + "text": "Mera\", which aired on Life OK in 2011. Before that she was to play the lead role in Rajan Shahi's untitled serial, but this never happened. After \"Tum Dena Saath Mera\" she was cast in the show \"Devon Ke Dev...Mahadev\" as Parvati. She received immense fame and popularity for the portrayal of Goddess Parvati/Adishakti as well as Durga and Mahakali. In 2018, she played the role of Mrinal in Sony TV's \"Prithvi Vallabh.\" Currently, she is playing the role of Anarkali in Colors TV's \"Dastaan-E-Mohabbat: Salim Anarkali\". In 2015, Bhadoria made her debut in Telugu cinema as the female lead", + "score": 0.7861328125, + "summary": "Sonarika Bhadoria played the role of Parvati in the TV show \"Devon Ke Dev...Mahadev\".", + "extraction": "Sonarika Bhadoria is playing the role of Parvati in \"Devon Ke Dev...Mahadev\" serial." + }, + { + "id": "17963823", + "title": "Maha Parva", + "text": "Maha Parva Maha Parava, also spelled Mahaparva is a T.V. serial in Kannada directed by actor-director T. N. Seetharam and telecast during 2013-14. It has a large audience throughout Karnataka and telecast during prime time between 9.30 p.m. and 10.00 p.m. from Monday to Friday. The director T.N.Seetharam plays a role of advocate and other actors in the T.V.Serial include Sundarraj, Srinivasa Prabhu, Sudha Belawadi, Rashmi, Shashank Purushotham, Shruti raghunanda, Chandan Shankar G. K. Govinda Rao etc. The plot of the serial revolves around a traditional Indian family engaged in manufacturing of Ayurvedic medicines and other parallel stories on underworld", + "score": 0.78369140625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "17316138", + "title": "Pooja Sharma", + "text": "Pooja Sharma Pooja Sharma is an Indian model and actress known for the role of Draupadi in Star Plus's \"Mahabharat\" and as Parvati/Mahakali in Colors TV's \"Mahakali \u2014 Anth Hi Aarambh Hai\". Sharma was born and raised in Delhi. During her college days, she was selected for a sports-based talk show in Doordarshan India. After some anchoring auditions for \"Zoom\", she was selected. She starred in some TVCs and was a part of ramp walks. In 2006, she was among the top 10 finalists in Femina Miss India. In 2012, Sharma made her acting debut with Star Plus's \"Teri Meri", + "score": 0.78125, + "summary": "Pooja Sharma played the role of Parvati/Mahakali in Colors TV's \"Mahakali \u2014 Anth Hi Aarambh Hai\".", + "extraction": "Pooja Sharma is playing the role of Parvati/Mahakali in Colors TV's \"Mahakali \u2014 Anth Hi Aarambh Hai\"." + }, + { + "id": "20777014", + "title": "Om Namah Shivay (2018 TV series)", + "text": "several lesser known myths and legends around him. The show begins with the buildup to the epic battle between Shiva and Jalandhara as has been mentioned in the Shiva Puran. The storytelling is complemented by the expertise of the renowned mythology consultant \u2013 Nrisingha Prasad Bhaduri and eminent artist Rupchand Kundu has been roped in creative visualization of the show-universe. Mahadev is played by Gaurav Mondal while Neha Amandeep plays Sati and Sriparna Roy portrays the character of Parvati. The story follows Shiva, the Protector and the Destroyer, the Peaceful and the Fierce. Shiva is portrayed as a family man", + "score": 0.77978515625, + "summary": "Neha Amandeep is playing the role of Sati and Sriparna Roy is portraying the character of Parvati in the 2018 TV series Om Namah Shivay.", + "extraction": "Sriparna Roy portrays the character of Parvati." + }, + { + "id": "17963824", + "title": "Maha Parva", + "text": "dons, political activities are also part of the plot. CSP, the criminal lawyer, a popular role played by the director himself, helps the family in legal suits. Maha Parva Maha Parava, also spelled Mahaparva is a T.V. serial in Kannada directed by actor-director T. N. Seetharam and telecast during 2013-14. It has a large audience throughout Karnataka and telecast during prime time between 9.30 p.m. and 10.00 p.m. from Monday to Friday. The director T.N.Seetharam plays a role of advocate and other actors in the T.V.Serial include Sundarraj, Srinivasa Prabhu, Sudha Belawadi, Rashmi, Shashank Purushotham, Shruti raghunanda, Chandan Shankar G.", + "score": 0.77734375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "20118019", + "title": "Poove Poochudava (TV series)", + "text": "her first serial. She was previously best known as a \"Dance Jodi Dance\" contestant. Dinesh Gopalsamy, who had previously appeared in Vijay TV series \"Pirivom Santhippom\" and \"Mahan\", was selected to portray the lead male role of Shiva. Actress Uma Padmanabhan was selected to the role of Gothavari and Yuvarani for the important role of Subatra. Actress Krithika Laddu was cast to play the role of Meenakshi, and Madhan Pandian for the role of Sundhar. On 22 March 2017, the first promo of the show's title song was released by Zee Tamil on Facebook, YouTube and Zee Official Website Page.", + "score": 0.76708984375, + "summary": "Irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "15651534", + "title": "Manini Mishra", + "text": "popular TV serial \"Sanjivani\". Manini Mishra was first recognized for playing Pari Kapadia, the best friend of villain Mallika, in the TV serial \"Jassi Jaissi Koi Nahin\". Mishra played Aunt Chanchal in the TV series \"Ghar Ki Lakshmi Betiyaan\". In 2005, she had a part in \"The Great Indian Comedy Show\" of Star One, and was also in the reality show \"Nach Baliye\" with her husband. Manini Mishra played Ragini in SAB TV's serial \"Twinkle Beauty Parlour\", and also appeared in the popular show \"Remix.\" Mishra has also appeared as Dr Sonali Barwe, a forensic expert, in the detective series", + "score": 0.74755859375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "17063334", + "title": "Chhavi Pandey", + "text": "Pandey played the role of Smita in \"Teri Meri Love Stories\" on Star Plus. In 2015, she portrayed the lead role of Darpan in serial Bandhan. Later in 2016 she appeared in the show \"Silsila Pyaar Ka\" on Star Plus. In 2017 she appeared on suspense thriller \"Kaal Bhairav Rahasya\" that aired on Star Bharat as Main Female Lead Antagonist. In late 2018, She was offered the Role of Queen Padmini in Vikram Betaal Ki Rahasya Gatha, but later on she denied the role. Now, She is playing lead role in Ladies Special Season 2 as Prarthna Kashyap. Her performance", + "score": 0.74365234375, + "summary": "Irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "19502449", + "title": "Mansi Sharma", + "text": "essayed the role of Ambalika in Swastik Productions historical saga Mahabharat which aired on Star Plus. She is engaged to Yuvraj Hans. Mansi Sharma Mansi Sharma is an Indian television actor and model. She is best known for her role as Ambalika in the Historical TV show \"Mahabharat\". She hails from Jammu where she used to work for a theatre group. She was part of the show Aasman Se Aage and earlier was seen as Indrani in Life OK's \"Devon Ke Dev...Mahadev\". Initially she wanted to become an army officer but later found herself evolving more as an actor. She", + "score": 0.74267578125, + "summary": "Mansi Sharma played the role of Indrani in the TV show \"Devon Ke Dev...Mahadev\" but there is no mention of her playing the role of Parvati.", + "extraction": "Mansi Sharma played the role of Indrani in Life OK's \"Devon Ke Dev...Mahadev\"." + }, + { + "id": "18185972", + "title": "Rachana Parulkar", + "text": "V TV show \"\". Parulkar gained popularity with her lead role as Kalpana Vithhal Jadhav(Kalpi)/Kalpana Raghav Singhania in Ek Mutthi Aasmaan (TV series) on Zee TV. She was well noticed for her portrayal of a lower middle class educated girl trying to make space in corporate world.Her dusky looks and expressive eyes added to her girl next door looks and instantly connected with the audience. Her romantic on screen chemistry with her co actor won her the place among romantic actresses on Indian television.She was nominated for Zee Gold Awards for her role as Kalpi. Rachana Parulkar was also seen", + "score": 0.7412109375, + "summary": "Rachana Parulkar is mentioned in the document, but it does not answer the question of who is playing the Parvati role in Mahadev serial. Therefore, the answer is irrelevant.", + "extraction": "Rachana Parulkar is irrelevant to the question \"Who is playing Parvati role in Mahadev serial?\" as there is no mention of the Mahadev serial or the character Parvati in the given passage." + }, + { + "id": "20418578", + "title": "Pallavi Pradhan", + "text": "\"Kaanch na Sambandh\", \"Haarkh padudi hansa\", and \"Jantar mantar\". She played a comic role in the SAB TV show \"Sajan Re Jhooth Mat Bolo\" as Usha Aunty. She played a role in Marathi TV show named \"Lagori-Maitri Returns\" which aired on STAR Pravah in 2014. Pradhan appeared in the recent show \"Bahu Hamari Rajni Kant\" as Surili Kant. Currently she is playing the main antagonist role of Uttara Devi Rawat in \"Jiji\" \"Maa\" on Star Bharat. Pallavi Pradhan Pallavi Pradhan is an Indian television and film actress. She has done several TV shows and is known for her roles in", + "score": 0.7412109375, + "summary": "irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "20817357", + "title": "Meghana Lokesh", + "text": "was her theatre guru. She started her Television career with supporting role in Kannada television soap opera Devi, which aired on Zee Kannada. Meghana's first lead role was in Kannada Television Series Pavitra Bandhana, where she played the role of Pavitra. Following this, She also worked in other Kannada TV Series named Purushottama, which aired on Zee Kannada. Her big breakthrough was with the Telugu hit series \"Sasirekha Parinayam\" which screened on Star Maa from 2013 to 2016. She also acted in the feature film \"Idhi Ma Prema Katha\" opposite Anchor Ravi, which received mixed reviews. In 2017, she acted", + "score": 0.740234375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "18568272", + "title": "Aditi Vasudev", + "text": "Aditi Vasudev Aditi Vasudev is an Indian film actress, known for her roles in the comedy-drama film \"Do Dooni Chaar\" (2010) and the comedy film \"Sulemani Keeda\" (2014). She has made her TV debut in the serial \"Meri Aawaaz Hi Pehchaan Hain\" in February 2016, with her role as the young Ketaki, along with Amrita Rao, who also made her TV debut in the same serial playing the role of Kalyani, the elder sister of Ketaki. The TV serial is telecast on &TV channel. Vasudev quit college straight after school and moved to Mumbai with the intention of joining the", + "score": 0.73974609375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "18305992", + "title": "Asambhav (Marathi TV series)", + "text": "good understanding among themselves. Prathamesh behaves in a strange fashion and sketches all the visions Shubra has although no one tells him anything. Later on it is revealed that Prathamesh is a re-incarnation of Goda(Indumati's younger sister), a timid but good maid who used to work at the Wada when Parvati existed. It is also revealed that Adinath is in fact the reincarnation of Mahadev Shastri (Parvati's husband, Dinanath's elder brother) and hence fate brought Shubhra and Adinath (past life's Parvati and Mahadev) together under mystical circumstances and got them married as strangers. Adinath's sister Priya Shastri (Sharvari Patankar) has", + "score": 0.73974609375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "18305994", + "title": "Asambhav (Marathi TV series)", + "text": "parallel Sulekha consults a lady by the name Tanishka (Manjusha Godse-Datar) to learn the art of mind control and hypnosis more profoundly. Dr. Samant is shown to be the reincarnation of Shrirang Ranade(Mahadev's Best friend). Both Sulekha and Shubra dive into their past birth and the story unfolds that Parvati and Mahdev were once a happy couple but did not have any children and Parvati was a staunch believer of Lord Shri Krishna and plans to name her children after the names of Krishna (which unfortunately never happens). Dinanath Shstri hence fulfills her wish with his own children (Hence the", + "score": 0.7392578125, + "summary": "Irrelevant.", + "extraction": "irrelevant. The passage does not mention anything about Mahadev serial or the role of Parvati." + }, + { + "id": "12910950", + "title": "Paava Mannippu", + "text": "new title \"Paava Mannippu\". M. S. Solaimalai wrote the dialogues. While attending the marriage ceremony of Sivaji Ganesan's brother V. C. Shanmugam, Bhimsingh approached Ganesan himself about taking on the lead role as he felt that the film would not work with Chandrababu as the protagonist. Chandrababu concurred and agreed with Bhimsingh's choice of Ganesan for the lead role. Ganesan agreed to take the role after being impressed with the script. Actress Devika was chosen to play Ganesan's love interest, Mary, for which she accepted a salary of 4,500. M. R. Radha played the role of Aalavandhar, the diamond merchant.", + "score": 0.73779296875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "19522463", + "title": "Rachitha Mahalakshmi", + "text": "was telecasted in Star Suvarna. Rachitha became popular and successful after playing the lead role, as Meenatchi, in Saravanan Meenatchi, which aired in Star Vijay. Since then, she is also recognized as Meenatchi. Rachitha Mahalakshmi Rachitha Mahalakshmi (born 24 April 1986) an Indian film and television actress. She made her television debut in \"Mega Mandara\" Kannada serial and a Malayalam serial. She played the lead role in \"Saravanan Meenatchi Season 2\" and played the lead role in \"Saravanan Meenatchi Season 3\" and \"Geethanjali\" in Star Vijay and Star Suvarna, respectively. Rachitha was born in Bangalore. Rachitha is fluent in Tamil,", + "score": 0.73583984375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "15253691", + "title": "Suhasi Dhami", + "text": "In the same year, she participated as a contestant in \"Nach Baliye 5\" alongside her husband Jaisheel Dhami, where she finished as the second runner up of the show. In June 2014, she joined the mythological series \"Devon Ke Dev...Mahadev\" on Life OK as Goddess Parvati alongside Mohit Raina. After taking a 3 year break from TV, she returned to acting in late 2017, when she landed the lead role of Vedika Mathur on Zee TV's new show Aap Ke Aa Jane Se opposite actor Karan Jotwani. In June 2018, she featured in an episode of Piya Albela. Suhasi is", + "score": 0.73583984375, + "summary": "Suhasi Dhami played the role of Parvati in the mythological series \"Devon Ke Dev...Mahadev\" alongside Mohit Raina.", + "extraction": "Suhasi Dhami is playing the Parvati role in the Mahadev serial." + }, + { + "id": "13810731", + "title": "Pallavi Purohit", + "text": "Pallavi quit the show after signing up for a lead role opposite Mammootty in V. K. Prakash directed Malayalam movie \"Silence\". Simultaneously, she also worked in a Subhash Ghai directed movie \"Kaanchi\". Thereafter, in 2014, she acted as one of the three lead heroines opposite Mohanlal in \"B. Unnikrishnan\" directed movie \"Mr. Fraud\". She played Goddess Lakshmi in the Kannada show 'Hara Hara Mahadev' which was a remake of 'Devon ke dev: Mahadev'. Pallavi Purohit Pallavi Purohit is an Indian actress from Mumbai who has appeared in several TV shows since 2006, television commercials and Hindi and Malayalam movies. Her", + "score": 0.73583984375 + }, + { + "id": "15097807", + "title": "Ivan Megharoopan", + "text": "clarifies. The audition for the casting was held at Kochi in October. The protagonist of the film is K. P. Madhavan Nair, a character which obviously reflects P. Kunhiraman Nair. Prakash Bare, who played the lead role in the award-winning feature \"Sufi Paranja Katha\", was chosen to play Madhavan Nair. Bare also produced the film under the banner of Silicon Media. Padmapriya and Anu play the leading ladies while a few new faces play the other important female roles. Jagathy Sreekumar and Chembil Ashokan also act in notable roles. O. N. V. Kurup and Kavalam Narayana Panicker have written the", + "score": 0.7353515625 + }, + { + "id": "12465166", + "title": "Pallavi Subhash", + "text": "it did badly and was pulled off air. She also played Rukmini in the mythological series \"Mahabharat\". She was earlier supposed to play the role of Princess Amba in the series, but had to opt out of it because her prior commitments clashed with the shoot of the show. Her portrayal as the primary wife of Shri Krishna in the serial; made her receive rave reviews from critics and it added to her fame and popularity. She is currently portraying Dharma/Subhadrangi in the historical series \"Chakravartin Ashoka Samrat\". Her role is of Ashoka's mother and Bindusara's second wife. There is", + "score": 0.73388671875 + }, + { + "id": "6538637", + "title": "Mita Vashisht", + "text": "played a key role in Ekta Kapoor's \"Kahani Ghar Ghar ki\". The portrayal of Trishna took the serial to new TRP heights, beating the sister rival serial Kyonki Saas Bhi Kabhi Bahu Thi for the first time in six years of its running.She played the role of the principal on the show \"Suvreen Guggal\" on Channel V India and Akbar's evil stepmom in the serial, \"Jodha Akbar\" on Zee TV. She was highly appreciated by the audience for her negative portrayal of Jethi Maa from TV Series \"Kaala Teeka\". Music videos and Singing Mita Vashisht Mita Vasisht (born 2 November", + "score": 0.73388671875 + }, + { + "id": "18185973", + "title": "Rachana Parulkar", + "text": "as Maharani Ajabde , the beloved wife of Maharana Pratap in Bharat Ka Veer Putra \u2013 Maharana Pratap. . She won her first award as Ajabde at the Lion's Gold Awards 2016 for favorite Jodi along with Sharad Malhotra as Pratap. Rachana Parulkar ranked at 29 position in Top 50 Sexiest Asian Women poll in the year 2014 conducted by the UK newspaper \"Eastern Eye\" and media journalist Asjad Nazir . She maintained to hold a rank at 40 position in Top 50 Sexiest Asian Women poll in the year 2015 too. She also ranked in Top 3 in UK", + "score": 0.73291015625 + }, + { + "id": "9195185", + "title": "Parvati Khan", + "text": "Parvati Khan Parvati Khan ( Maharaj) is a pop singer and model, who sang the song \"Jimmy Jimmy Aaja\" in the 1982 Bollywood hit movie \"Disco Dancer\", which won a \"Gold Disc\" award. Later, she also sang \"Khula Tala Chod Aayi\" after having won a nationwide talent contest in Trinidad and Tobago. Parvati Khan (n\u00e9e Maharaj) was born in Trinidad and Tobago. At the age of 12 she had won a TV Talent Contest in Trinidad and Tobago. Later she studied in England to be a nurse. She's married to the Bollywood director and cinematographer Nadeem Khan son of Dr", + "score": 0.73291015625 + }, + { + "id": "13749983", + "title": "Vaishnavi Mahant", + "text": "Vaishnavi Mahant Vaishnavi Mahant / Macdonald is an Indian film and TV actress who is best known for playing Geeta Vishwas in Mukesh Khanna's television series \"Shaktimaan\", telecasted on Doordarshan. She has acted in various Bollywood films such as \"Bambai Ka Babu\", opposite Saif Ali Khan, \"Ladlaa\" and Barsaat Ki Raat (1998). She is also known for playing Shilpa Sharma in \"Miley Jab Hum Tum\", Shail in the Zee TV show \"Sapne Suhane Ladakpan Ke\" and Leela Taneja in the television series \"Tashan-E-Ishq\". Her father is a Vaishnav Hindu (the reason she took the screen name Vaishnavi), while her mother", + "score": 0.732421875 + }, + { + "id": "16980100", + "title": "Priya Marathe", + "text": "Jyoti Malhotra. She also worked in a Marathi serial Tu tithe Mi\" in a negative role of Priya Mohite. Priya Marathe married her longtime friend, actor Shantanu Moghe, son of actor Shrikant Moghe, on April 24, 2012. In February 2017, She Joined the Cast Of Star Plus's Popular Show Saath Nibhaana Saathiya. She played the role of Bhavani in the show, an evil natured woman who have killed her husband. Priya Marathe Priya Marathe is an Indian actress. She is best known for her roles as Varsha in the television series Pavitra Rishta and as Bhavani Rathod On \"Saath Nibhaana", + "score": 0.73193359375 + }, + { + "id": "16692053", + "title": "Kaksparsh", + "text": "from the original and Vaidehi Parshurami will be playing the older Uma. Milind Soman is reported to play Swamy's friend and Adinath Kothare will play Mahadev's character which was originally played by Abhijit Kelkar. Murali Sharma will be seen portraying a negative character. The veteran Bollywood actress Tanuja will be portraying the role of widowed aunt, played by Savita Malpekar in the original. The music will be composed by Ilaiyaraaja with Mategoankar and Vibhavari Apte Joshi rendering their first Tamil song. Adinath Kothare's wife Urmila Kanitkar will be doing a guest appearance. The film won several awards on release. Kaksparsh", + "score": 0.73193359375 + }, + { + "id": "17233011", + "title": "Pariva Pranati", + "text": "Pariva Pranati Pariva Pranati () is an Indian actress who mainly appears in Hindi soap operas. She has acted in movies like \"Talaash\", \"Vaada Raha\", \"With Love, Delhi\". Most recently, she was playing the role of Amrita in the series \"Hamari Sister Didi\". Pariva was born in Patna in a Bihari family. Her father is an Air Force Officer. She is an alumnus of Air Force Golden Jubilee Institute and Lady Shree Ram College in Delhi. Pariva now resides in Mumbai. Pariva married actor and wildlife photographer Puneet Sachdev at a private ceremony in Gwalior on Valentine's Day (14 February", + "score": 0.7294921875 + }, + { + "id": "4365804", + "title": "Mahadevi", + "text": "Mahadevi In Hinduism, Mahadevi (Sanskrit: Mah\u0101dev\u012b, Devanagari: \u092e\u0939\u093e\u0926\u0947\u0935\u0940) or \"Great Goddess\" is the goddess or \"Devi\" that is the sum of all other \"devis\" \u2013 an all-encompassing female deity as the consort or complement to an all-encompassing male deity (\"Deva\") or the Ultimate Reality (Brahman) in Shaktism. Mahadevi is the wife of Mahadeva who is Lord Shiva. Since Parvati is the wife of Lord Shiva, Mahadevi is Parvati. She is often identified with a specific goddess, the most common being Parvati, Durga, Adi Parashakti, Kali or Mahakali. Adi Parashakti or Mahadevi, the Supreme power, is called Durga Shakti as per", + "score": 0.728515625 + }, + { + "id": "16980099", + "title": "Priya Marathe", + "text": "Priya Marathe Priya Marathe is an Indian actress. She is best known for her roles as Varsha in the television series Pavitra Rishta and as Bhavani Rathod On \"Saath Nibhaana Saathiya\" . Priya Marathe made her television debut with Ya Sukhano Ya and eventually went on to appear in several other Marathi series including Char Divas Sasuche. Her first Hindi series appearance was in Kasamh Se where she played Vidya Bali, and eventually appeared in a season of Comedy Circus . She played Varsha in the TV series \"Pavitra Rishta\". She also appeared briefly in Bade Achhe Lagte Hain as", + "score": 0.7275390625 + }, + { + "id": "7588063", + "title": "Rohini Hattangadi", + "text": "in \"Intehaan\" and the unlettered and harassed Sakkubai in \"Hindustani\". Hattangadi played lead roles in the Marathi serials \"Char Divas Sasuche\" and \"Vahinisaheb\" and on ETV Marathi and Zee Marathi, respectively.She has played a parallel lead role in Marathi serial \"Honar Sun Me Hya Gharchi\" on Zee Marathi. She played the lead role in a series on politics in India, where she played the leader of a major political party.In Hindi, She played the role of an actress in \"Ghar Ki Lakshmi Betiyann\" as Gayatri Baa. Over the years, she has been seen in a number of TV serials including", + "score": 0.7275390625 + }, + { + "id": "17779515", + "title": "Parakh Madan", + "text": "Parakh Madan Parakh Madan is an Indian film and television actress who appeared in Hindi films such as \"Dev.D\" (2009) and \"Jai Santoshi Maa\" (2006). She is the wife of Maj. Adhiraj Singh. She started her television career with the television series \"Saathii Re\" (2006-2007), where she played the female lead. Subsequently she worked in \"Burey Bhi Hum Bhale Bhi Hum\" (2009) (Star Plus), she worked in crime show Monica Mogre(2009), \"Sapne Suhane Ladakpan Ke\" (2014-2015) and \"Piya Ka Ghar\" (Sahara One). In 2013, she left the cast of \"Ek Boond Ishq\", and later joined the cast of \"Savdhaan India\"", + "score": 0.7275390625 + }, + { + "id": "19887368", + "title": "Manjal Prasadam", + "text": "Manjal Prasadam Manjal Prasadam is an Indian mythological television series which launched on Flowers Television by 28 November 2016 Model turned Actress \"Ann Mathews\" essays the main protagonist of the series along with renowned Bharathanatiyam dancer Kalamandalam Radhika playing the role of Nagamadathamma and Kalyani Nair portrays the role of Renuka.Nithin P Joseph essays the role of a herpetologist. Renowned Malayalam film producer turned actor Sudeep Karat has played a vital role. The series concluded on 3 February 2017 with 50 episodes. It won the \"Best Second television serial\" at Kerala State Television Awards 2018. Manjal Prasadam serial tells story", + "score": 0.72607421875 + }, + { + "id": "14338190", + "title": "Mann Kee Awaaz Pratigya", + "text": "Parvati Sehgal who played Komal's role in the show was originally approached for Arushi's role but got rejected because of look test but later got selected for Komal's role when she was approached for the second time. Nirbhay Wadhwa popular for his role as Lord Hanuman in Sankatmochan Mahabali Hanuman did a small role of a goon in the show this was during his struggling days after that he got his break through Star Plus Magnum Opus Mahabharat where he played the character of Dushasana. Falaq Naaz was originally signed to play an uneducated village girl Shakun in the show", + "score": 0.7255859375 + }, + { + "id": "13749986", + "title": "Vaishnavi Mahant", + "text": "mother in the Sony Entertainment Television serial \"Bhaskar Bharti\". She also appeared in \"Karmyudh\" on Doordarshan in the role of Inspector Shivangi Chauhan. She is married to Leslie Macdonald and has a daughter Margaret Macdonald. Vaishnavi Mahant Vaishnavi Mahant / Macdonald is an Indian film and TV actress who is best known for playing Geeta Vishwas in Mukesh Khanna's television series \"Shaktimaan\", telecasted on Doordarshan. She has acted in various Bollywood films such as \"Bambai Ka Babu\", opposite Saif Ali Khan, \"Ladlaa\" and Barsaat Ki Raat (1998). She is also known for playing Shilpa Sharma in \"Miley Jab Hum Tum\",", + "score": 0.72509765625 + }, + { + "id": "7478669", + "title": "Anju Mahendru", + "text": "\"Geet Hui Sabse Parayi\". she also played the role of Jeevika, Maanvi, and Daboo's daadi in \"Ek Hazaaron Mein Meri Behna Hai\". She is seen as Sujatha in Star Plus' \"Ye Hai Mohabbatein\". Currently, she is seen as Gayatri Singh, the grandmother of the female lead, Anami, in \"Rishton Ka Chakravyuh\" on Star Plus. Anju Mahendru Anju Mahendru (born 11 January 1946) is an Indian actress. She is best known as Reeva in \"Kahiin To Hoga\" and Kamini Gupta in \"Kasautii Zindagii Kay\". Mahendru was briefly engaged to cricket player Gary Sobers. Mahendru had a long relationship with actor Rajesh", + "score": 0.724609375 + }, + { + "id": "19879930", + "title": "Premi Viswanath", + "text": "few television shows on Malayalam channels\u2014mainly Flowers' \"Kuttikalavara\" programme. It is a famous and leading show on Flowers (TV series) channel. She is a relative of actor Jayasurya. She has completed two Tamil films. Premi Viswanath Premi Viswanath (born 2 December 1991) is an Indian television actress from Kerala. She is better known for her role as \"Karthika/Karthu\" in the soap opera \"Karuthamuthu\" which premiered on Asianet channel. Currently Premi is seen essaying the lead role in Telugu television series titled \"Karthika Deepam\" on Star Maa. Premi was born to Mr. Vishwanath and Mrs. Kanchana Vishwanath. Wife of T S", + "score": 0.7236328125 + }, + { + "id": "17442730", + "title": "Parvathi Menon", + "text": "Parvathi Menon Parvathi is a Malayalam film actress and dubbing artist.She played Lady Tarkov, a Russian gangster, in the movie \"Double Barrel\" which was directed by Lijo Jose Pellissery and Salim Ahamed's Pathemari. Parvathi started her career as a radio programme producer. For years she did a show in radio where celebrities are interviewed. She was approached by Lijo Jose Pellissery for his next movie \"Double Barrel\". She was offered a full-length character named Lady Tarkov. The character is that of a Russian mobster and she was paired opposite Sherrin Varghese. As a part of getting into the role, she", + "score": 0.7236328125 + }, + { + "id": "20241311", + "title": "Rimpi Das", + "text": "Hindi television career in BIG Magic's popular Hindi serial \"Akbar Birbal\", where she played the role of Anarkali along with well known Hindi television actors like Kiku Sharda, Vishal Kotian and Delnaaz Irani. Then she was roped to play the female lead role of Noor Jahan in another Big Magic serial \"Hazir Jawab Birbal\" with the likes Saurabh Raj Jain, Gaurav Khanna, Ashish Sharma and Madirakshi Mundle. She has also portrayed the supporting role of Parvati in Indian epic series \"Siya Ke Ram\" along with Rohit Bakshi in Star Plus and currently appearing in another Indian epic television series of", + "score": 0.7236328125 + }, + { + "id": "18447224", + "title": "Agni Paravai", + "text": "Agni Paravai Agni Paravai () () is a 2013-2014 Indian-Tamil language soap opera that aired on Puthuyugam TV from 4 November 2013 to 16 May 2014 on Monday through Friday at 8:30PM IST. The show starring by Simran, Madhumila, Manush, Dr. Sharmila and Directed by Kavithabharathi, based on a true story. The show last aired on 16 May 2014 and ended with 134 episodes. It also aired in Malaysia Tamil Channel on Astro Vaanavil. Simran plays the role of Madhavi, who is a professor in a reputed college and is of forty years age. She is a widower and goes", + "score": 0.7236328125 + }, + { + "id": "17233012", + "title": "Pariva Pranati", + "text": "2014). Pariva Pranati Pariva Pranati () is an Indian actress who mainly appears in Hindi soap operas. She has acted in movies like \"Talaash\", \"Vaada Raha\", \"With Love, Delhi\". Most recently, she was playing the role of Amrita in the series \"Hamari Sister Didi\". Pariva was born in Patna in a Bihari family. Her father is an Air Force Officer. She is an alumnus of Air Force Golden Jubilee Institute and Lady Shree Ram College in Delhi. Pariva now resides in Mumbai. Pariva married actor and wildlife photographer Puneet Sachdev at a private ceremony in Gwalior on Valentine's Day (14", + "score": 0.7216796875 + }, + { + "id": "20199545", + "title": "Mahakali \u2014 Anth Hi Aarambh Hai", + "text": "as the Kailash-Parivar together face multiple social challenges and deconstruct many primitive standards for women. Other Shakta deities featured in the show as Parvati's incarnations are Durga, Tara, Tripura Sundari, Bagalamukhi, Chinnamasta, Dhumavati, Matangi, Shitala, Satakshi, Kamakhya and Brahmari. The Goddesses Lakshmi and Saraswati too often make appearances as Vaishnavi and Brahmani. In total, 95 episodes have been produced and broadcast. Mahakali \u2014 Anth Hi Aarambh Hai Mahakali - Anth Hi Aarambh Hai (English: \"Mahakali - The end marks the beginning\") is a Hindi mythological television show, that aired on Colors TV. The main protagonist of the show is the", + "score": 0.7216796875 + }, + { + "id": "16578614", + "title": "Devoleena Bhattacharjee", + "text": "overnight as the female lead Gopi Modi in Star Plus's drama \"Saath Nibhaana Saathiya\" after Giaa Manek, who previously played the role, was ousted from the series. In 2014 and again in 2016, she contemplated on quitting the show due to the frequent time leaps. Nevertheless, she continued to be a part of the show and in June 2017, Devoleena completed five successful years of playing the protagonist. In the same month, she underwent a backbone surgery for an injury that took place on the sets of the show in 2013. The show ended on 23 July 2017 after doing", + "score": 0.72119140625 + }, + { + "id": "20325646", + "title": "Azhagiya Tamil Magal", + "text": "she later comes to know is her half sister. Poongkodi goes through various tiffs. Meanwhile, there is a love triangle between Deepika, Jeeva (Puvi Arasu) and Poongkodi. How will her life change after this truth is revealed and how it affects the entire family forms the crux of the story. This is a village romance love story, that airs on Zee Tamil. New actress Sheela Rajkumar was selected to portray the lead role, Later Sathya Sai was replaced role of Poongkodi, Lakshmi Vanthachu and Dancing Khilladies winner Puvi Arasu landed in the lead role as Jeeva opposite. Both Puvi Arasu", + "score": 0.720703125 + }, + { + "id": "19303665", + "title": "Simran Pareenja", + "text": "Simran Pareenja Simran Pareenja is an Indian television and film actress known for her role of Bhoomi in the television series \"Bhagyalaxmi\". She appears in the role of Kaali in the serial \"Kaala Teeka\" on Zee TV. She made her tollywood debut opposite Nikhil Siddharth with the movie \"Kirrak Party\", directed by Sharan Koppishetty and received positive response from critics for her role. Pareenja made her television debut as supporting character \"Rajni\" in the Star Plus comedy-drama show \"Tu Mera Hero\". She then went on to appear in her first lead role as Bhoomi Prajapati in \"Bhagyalaxmi\". The show ended", + "score": 0.720703125 + }, + { + "id": "2838283", + "title": "Hema Malini", + "text": "Gopalakrishnan. She has played a number of dance roles including Narasimha and Rama in Tulasidas's \"Ramcharitmanas\". In 2007, she performed in Mysuru on the eve of Dussera, where she played the roles of Sati, Parvati and Durga. Malini owns the Natya Vihar Kalakendra dance school. Malini has appeared in television serials such as \"Jai Mata Ki\" (2000), directed by Puneet Issar. She played the role of goddess Durga. Other television series appearances include \"Kamini Damini\" on Sahara One where she played twin sisters and \"Noopur\" which Malini directed and in which she played a Bharatanatyam dancer. Malini was the editor", + "score": 0.7197265625 + }, + { + "id": "19795792", + "title": "Meghna Vincent", + "text": "serials which ended in 992 episodes. From 1 February 2014 she started playing the lead role Amrutha in the serial Chandanamazha in Asianet but after marriage in May 2017 she opted out of the later serial .Both the above serials are remake of Saath nibhana sathiya, a Hindi serial. She has a main role on ATMA' s serial \"Mamangam\".. Currently she is acting in her second Tamil TV serial \"Ponmagal Vanthal\" as the lead role. Meghna Vincent Meghna Vincent is a South Indian television actress and an accomplished Bharatanatyam dancer. Meghna is well known for the main female lead characters", + "score": 0.7197265625 + }, + { + "id": "9303550", + "title": "Varsha Usgaonkar", + "text": "Roopmati (Snake Queen) in 1994 TV serial \"Chandrakanta\". She has appeared in the Marathi shows \"Aakash Zep\" and \"Eka Mekansathi\", and she has also acted in the Hindi television serials \"Alvida Darling\", \"Tanha\" and \"Anhonee\". One of her most prominent performance is from the TV Serial \"Jhansi Ki Rani\" in the 1990s on Doordarshan, where she played the lead character of Rani Lakshmibai. Usgaonkar has also sung in a Konkani music album \"Roop Tujem Laita Pixem\", with Ulhas Buyao. Varsha is a Konkani. She is the daughter of Goa's former Deputy Speaker A. K. S. Usgaonkar. She has two sisters,", + "score": 0.71923828125 + }, + { + "id": "12214728", + "title": "Parul Chauhan", + "text": "Parul Chauhan Parul Chauhan Thakkar is an Indian television model and Indian Television actress who played Ragini in the serial \"Bidaai\". She has also participated in the Sony TV dance show Jhalak Dikhhla Jaa with choreographer Deepak. She was nominated in the Indian Television Academy awards in 2009. She replaced Shalini Chandran as the lead in the television series \"Rishton Se Badi Pratha\". Parul is currently seen as Swarna Goenka in Yeh Rishta Kya Kehlata Hai Chauhan started her career playing the lead role of Ragini Ranvir Rajvansh in the show \"Sapna Babul Ka...Bidaai\" from 2007 to 2010. In 2009,", + "score": 0.71923828125 + }, + { + "id": "19522462", + "title": "Rachitha Mahalakshmi", + "text": "Rachitha Mahalakshmi Rachitha Mahalakshmi (born 24 April 1986) an Indian film and television actress. She made her television debut in \"Mega Mandara\" Kannada serial and a Malayalam serial. She played the lead role in \"Saravanan Meenatchi Season 2\" and played the lead role in \"Saravanan Meenatchi Season 3\" and \"Geethanjali\" in Star Vijay and Star Suvarna, respectively. Rachitha was born in Bangalore. Rachitha is fluent in Tamil, Kannada, Telugu, Hindi, Malayalam and English. She is married to Dinesh Gopalasamy from Srivilliputhur (\u0bb8\u0bcd\u0bb0\u0bc0\u0bb5\u0bbf\u0bb2\u0bcd\u0bb2\u0bbf\u0baa\u0bc1\u0ba4\u0bcd\u0ba4\u0bc2\u0bb0\u0bcd) who acted as her pair in the serial Pirivom Santhipom. Rachitha made her debut in Mega Mandala, which", + "score": 0.71875 + }, + { + "id": "17779516", + "title": "Parakh Madan", + "text": "(Life OK). Parakh Madan Parakh Madan is an Indian film and television actress who appeared in Hindi films such as \"Dev.D\" (2009) and \"Jai Santoshi Maa\" (2006). She is the wife of Maj. Adhiraj Singh. She started her television career with the television series \"Saathii Re\" (2006-2007), where she played the female lead. Subsequently she worked in \"Burey Bhi Hum Bhale Bhi Hum\" (2009) (Star Plus), she worked in crime show Monica Mogre(2009), \"Sapne Suhane Ladakpan Ke\" (2014-2015) and \"Piya Ka Ghar\" (Sahara One). In 2013, she left the cast of \"Ek Boond Ishq\", and later joined the cast of", + "score": 0.7177734375 + }, + { + "id": "15193346", + "title": "Goddess Maheshwari", + "text": "Goddess Maheshwari Goddess Maheshwari is another name of Hindu goddess Parvati, the wife of lord Shiva. She is also the presiding deity of Dumal community of Western Orissa. There was a powerful demon called Durgam, who had acquired all the four Vedas from Lord Brahma after pleasing him. In fact, Lord Brahma had given a boon that no one will be able to defeat him during wars. Durgam became very powerful and started harassing kings and sanyasis. As a result of this adharma it did not rain for one hundred years. Therefore, there was drought and people were starving. The", + "score": 0.7177734375 + }, + { + "id": "11068325", + "title": "Sadak", + "text": "the antagonist. Maharani (Sadashiv Amrapurkar) is an evil madam running a brothel that employs many girls like Pooja (Pooja Bhatt) and Chanda (Neelima Azeem). Ravi (Sanjay Dutt), a taxi driver, meets Pooja before she is bought by Maharani, and his friend Gotya (Deepak Tijori) is in love with Chanda. Ravi witnessed his sister Roopa (Soni Razdan) plunge to her death after being diagnosed with a sexually transmitted disease. She had eloped with her lover who sold her off at a brothel and forced her to become a prostitute. This violent incident has left Ravi traumatised and scarred for life, as", + "score": 0.7177734375 + }, + { + "id": "20199540", + "title": "Mahakali \u2014 Anth Hi Aarambh Hai", + "text": "Mahakali \u2014 Anth Hi Aarambh Hai Mahakali - Anth Hi Aarambh Hai (English: \"Mahakali - The end marks the beginning\") is a Hindi mythological television show, that aired on Colors TV. The main protagonist of the show is the Hindu Goddess Parvati and her alter ego, Mahakali. The show's plot is loosely based on the events of the Hindu Scriptutre Devi Mahatmyam, with the writers creatively fleshing out emotions, drama and interconnected storylines to establish a continuity set within the Hindu mythological universe. Mahakali\u2019s plot also adapts stories from other famous Shakta and Shaiva texts like the Kalika Purana, Devi-Bhagavata,", + "score": 0.71728515625 + }, + { + "id": "8265278", + "title": "Parvati Melton", + "text": "Parvati Melton Parvathi Melton is an American actress and former model of partial Indian descent. She mainly works in the Telugu film industry. She appeared in several Telugu and Malayalam movies. She acted with Raja in the film \"Vennela\", which turned out to be a success. She acted in the super hit Malayalam film \"Hallo\" with South Indian star Mohanlal. She again shot to fame with item song \"\"Poovai Poovai\"\" in Telugu movie \"Dookudu\" opposite Mahesh Babu. Parvathi was born in New Jersey to a German father Sham Melton and an Indian Punjabi mother Darika Preet. She has one younger", + "score": 0.71728515625 + }, + { + "id": "17480145", + "title": "Avneet Kaur", + "text": "2012 with Life OK's \"Meri Maa\" where she played the role of Jhilmil. Thereafter, she was seen in SAB TV's comedy series \"Tedhe Hain Par Tere Mere Hain\". She then participated in the Colors TV's celebrity dance reality show \"Jhalak Dikhhla Jaa\", where she was a contestant with Darsheel Safary. She was eliminated in August. Later, Kaur was featured in Life OK's \"Savitri\", where she played the role of Rajkumari Damyanti. In August 2013, Kaur played the role of Paaki in Zee TV's \"Ek Mutthi Aasmaan\". She also appeared in ZeeQ's news bulletin titled, \"The Weekly Rap\". Kaur has featured", + "score": 0.71728515625 + }, + { + "id": "20080657", + "title": "Pankhuri Awasthy", + "text": "Pankhuri Awasthy Pankhuri Awasthy is an Indian television actress. She is best known for her role as Razia Sultana in \"Razia Sultan (TV series)\" And as Draupadi in Suryaputra Karn Awasthy made her debut as Saima in Yeh Hai Aashiqui. She next played a major role as Seher in MTV Fanaah Season 2. After that she played the role of Razia Sultan in &TV's historical drama \"Razia Sultan\". She also appeared as Draupadi in mythological drama \"Suryaputra Karn\" which was aired on Sony TV. She played the lead role of Amla in Star Plus's show \"Kya Qusoor Hai Amala Ka?\",", + "score": 0.716796875 + }, + { + "id": "20080659", + "title": "Pankhuri Awasthy", + "text": "Hai Aashiqui. Pankhuri Awasthy also played a major role as Seher in MTV Fanaah Season 2. After that, she played the role of Razia Sultan in &TV\u2019s historical drama Razia Sultan. She also comes as Draupadi in mythological drama Suryaputra Karn. She played the lead role of Amla in Star Plus\u2019s show Kya Qusoor Hai Amala Ka?, which is an Indian adaptation of famous Turkish show Fatmag\u00fcl\u2019\u00fcn Su\u00e7u Ne?. In 2018, she tied the knot with Gautam Rode. Pankhuri Awasthy Pankhuri Awasthy is an Indian television actress. She is best known for her role as Razia Sultana in \"Razia Sultan", + "score": 0.716796875 + }, + { + "id": "14481663", + "title": "Kashi \u2013 Ab Na Rahe Tera Kagaz Kora", + "text": "Shaurya and Kashi to get married. Mangat Ram (Sunil Chauhan) is the elder brother of Parbatram and he pulls a cycle rickshaw to earn his living. He is a simple man who is influenced by his wife and is jealous of Parbatram as he earns more than him which arises some misunderstanding between them. He loves Kashi very much and takes care of Ishwari. Jai Devi (Diksha Thakur) is the wife of Mangat Ram. She is a very clever woman and always tell curse words to Parbat and his family. She is a self-proclaimed ruler of the house and makes", + "score": 0.7158203125 + }, + { + "id": "19180642", + "title": "Adhiparasakthi", + "text": "Adhiparasakthi Adhiparasakthi () is a Tamil mythology devotional soap opera that aired on Raj TV and aired every Friday at 8:00PM IST. The story of this series had depicted the worship of Goddess. In this series, the role of Supreme Goddess was taken up and played by the famous actress Sukanya. The show producer by Meediya Plus Grijaswami and Chandrakantha, N.J. Arivazhagan and C. Loganathan were the assistant directors of this series. Sri Hari and K.R.S. Kumar were the associate directors. The direction of this devotional series was carried out by Gopi Bheem Singh. The show ended with 41 episodes.", + "score": 0.7158203125 + }, + { + "id": "19939366", + "title": "Priyanka Purohit", + "text": "Priyanka Purohit Priyanka Purohit is an Indian television actress. She is known for her appearance on MTV's \"Splitsvilla 7\" and her portrayal of Poorva Deshmukh in Colors TV's \"Krishnadasi\". Currently, she is playing the role of Bhumi in Zee TV's \"Aap Ke Aa Jane Se\". Purohit started off her career in 2014 with MTV's \"Splitsvilla 7\". She went on to play Gauri in \"Yeh Dil Sun Raha Hai,\" Pinky in \"Bandhan\" and Pallavi in \"Kalash\". In 2016, she portrayed the role of Poorva Deshmukh in Colors TV's \"Krishnadasi\". In 2017, she joined Zee TV's \"Sanyukt\" where she played the role", + "score": 0.7158203125 + }, + { + "id": "19303666", + "title": "Simran Pareenja", + "text": "in January 2016 after a 220-long episode run. She then played mainrole as Kali in \"Kaala Teeka\". Simran Pareenja Simran Pareenja is an Indian television and film actress known for her role of Bhoomi in the television series \"Bhagyalaxmi\". She appears in the role of Kaali in the serial \"Kaala Teeka\" on Zee TV. She made her tollywood debut opposite Nikhil Siddharth with the movie \"Kirrak Party\", directed by Sharan Koppishetty and received positive response from critics for her role. Pareenja made her television debut as supporting character \"Rajni\" in the Star Plus comedy-drama show \"Tu Mera Hero\". She then", + "score": 0.7158203125 + }, + { + "id": "971286", + "title": "Parvati", + "text": "Parvati Parvati (Sanskrit: \u092a\u093e\u0930\u094d\u0935\u0924\u0940, IAST: P\u0101rvat\u012b) or Gauri (IAST: Gauri) is the Hindu goddess of fertility, love, beauty, marriage, children, and devotion; as well as of divine strength and power. Known by many other names, she is the gentle and nurturing aspect of the Hindu goddess Adi Parashakti and one of the central deities of the Goddess-oriented Shakta sect. She is the Mother goddess in Hinduism, and has many attributes and aspects. Each of her aspects is expressed with a different name, giving her over 100 names in regional Hindu stories of India. Along with Lakshmi and Saraswati, she forms", + "score": 0.7158203125 + }, + { + "id": "20697252", + "title": "Andarmahal", + "text": "after more than a decade. Koneenica, who was last seen in the role of \"Megh\" in the ETV Bangla serial, \"\"Kokhono Megh Kokhono Brishti\"\" (opposite Badshah Moitra) and as \"Brishti\" in Zee Bangla's serial \"\"Raat Bhor Brishti\"\" (opposite Saswata Chatterjee), plays the lead role of \"\"Parameshwari\"\", an ordinary girl with an extraordinary talent of music, who fights through all odds to establish herself as an ideal daughter-in-law and lovable mother to Juju, her husband's daughter from previous marriage. The show, written by Leena Gangopadhyay, focuses on the journey of Parameshwari, an average housewife who struggles through the rules and regulations", + "score": 0.71533203125 + }, + { + "id": "17485954", + "title": "Shweta Munshi", + "text": "Shweta Munshi Shweta Munshi is an Indian television actress. She made her debut as a lead actress in TV series \u201cKyunki Jeena Isse Ka Naam Hai\u201d which was aired on Doordarshan Channel. She became popular for her work as an actress in daily soap Maayke Se Bandhi Dor in which she played the leading role of \"Avni Patil\" which was aired on Star Plus. Previously, she played the role of Arpita in the most famous Zee TV show, Punar Vivah. She also appeared in Zee TV show Bandhan as Aditya Redij\u2019s wife Prabha. Shweta Munshi was born in Indore, MP,", + "score": 0.71533203125 + }, + { + "id": "20598913", + "title": "Ponmagal Vanthal", + "text": "The story is about Rohini (Meghna Vincent/Ayesha) who loves her family and is ready to give up anything to make them happy. Director Nambiraja abused Ayesha (the latter who earlier played the role of Rohini) in the shooting spot. The problem became further and both director and producer voluntarily sacked her from playing the lead role in the serial. The series was released on 26 February 2018 alongside Avalum Naanum on Vijay TV and Vijay TV HD. The series was also broadcast internationally on the channel's international distribution. Ponmagal Vanthal Ponmagal Vanthal (', ') is a 2018 Tamil Language family", + "score": 0.71533203125 + }, + { + "id": "12924763", + "title": "Yogi (2009 film)", + "text": "other actor was ready to enact the character of Yogeshwaran. He then was looking for an actress to take up the lead female role. Initially looking for a 13-year-old schoolgirl to play that role as per the original script, he had to drop the idea as he couldn't find any suitable actress for that role and hence changed the script. Priyamani, who played the lead female character of \"Muththazhagu\" in Ameer's previous venture, \"Paruthiveeran\", that won her much accolades, fame and the National Film Award, and who, according to Ameer, was the first choice, was approached to play the role", + "score": 0.71484375 + }, + { + "id": "16532925", + "title": "Madha Gaja Raja", + "text": "with the new version having Vishal portray only a single character, with two leading actresses instead of one. Disappointed with this development, Karthika Nair left the project stating that the role of the lead actress had been significantly diminished as result of the change of story. Taapsee Pannu signed on to replace Karthika, but soon afterwards left the project citing date clashes with her commitments for the promotional activity of her Hindi film. Varalaxmi Sarathkumar was consequently drafted in after working producers Gemini Film Circuit during their previous venture \"Podaa Podi\" (2012), while Anjali was selected for the main leading", + "score": 0.71484375 + }, + { + "id": "17483029", + "title": "Mahima Makwana", + "text": "\"Mohe Rang De\" on Colors TV. In 2009 she played the role of Gudiya/Gauri in the Colors TV show \"Balika Vadhu\", and she also appeared in \"CID\", \"Aahat\", \"Miley Jab Hum Tum\" and \"Jhansi Ki Rani\". Her breakthrough came in 2011 when she was the lead in Imagine TV's \"Sawaare Sabke Sapne... Preeto\". She then played the lead in the popular Zee TV's soap opera \"Sapne Suhane Ladakpan Ke\". Mahima said in an interview that reaching this point in her career was not easy and that she had participated in more than 500 auditions prior to \"Sapne Suhane Ladakpan Ke\".", + "score": 0.71435546875 + }, + { + "id": "12660015", + "title": "Pooja Bose", + "text": "Pooja Bose Pooja Bose also credited as Puja Banerjee is an Indian television actress. She is well known for playing Vrinda in the popular show \"Tujh Sang Preet Lagai Sajna\", which aired on Star Plus. She was a contestant on \"Jhalak Dikhhla Jaa\" in 2014 and \"Comedy Nights Bachao\" in 2015. She is currently seen in \"Dev - TV series\". After starting her television career with \"Kahaani Hamaaray Mahaabhaarat Ki\", Bose was seen in the romantic show \"Tujh Sang Preet Lagai Sajna\", in which she played the role of a simple Punjabi girl, Vrinda. She has also acted in a", + "score": 0.71435546875 + }, + { + "id": "19879929", + "title": "Premi Viswanath", + "text": "break all conventional concepts in Malayalam television history and Karthu become a talk in Malayali households. Asianet. Viswanath is a Malayalam television actress who plays the female lead in the Karuthamuthu serial (\"Karthika a.k.a Karthu\") which is produced by Bros Creations. This serial airs on the Asianet channel from Monday through Saturday. The serial started in 2013. Viswanath won the best female actress (new face) 2014 Asianet Film Awards night at karuthamuthu serial. And another serial moonumani its one of the popular serial on going Flowers (TV series) channel. The name of the character is Mayilamma. Premi Vishwanath hosted a", + "score": 0.71435546875 + }, + { + "id": "16112740", + "title": "Vaishnavi Dhanraj", + "text": "Vaishnavi Dhanraj Vaishnavi Dhanraj (born 25 August 1988) is an Indian television actress. She is best known for her portrayal of Nirbhaya in \"Satyagraha\" on Aaj Tak, Sub-Inspector Tasha in Sony TV's \"CID\" and Mahi Arora in Colors TV's \"Bepannaah\". These roles won rave reviews from critics, and launched her stardom. In 2011, Vaishnavi wrote several blogs for \"The Times of India\" as part of the publication's series of celebrity blogs. Currently she is playing the role of Mahi Arora in Colors TV's \"Bepannaah\". Vaishnavi was born in Nagpur and did her schooling from Blind Relief Association's Mundle High School.", + "score": 0.71435546875 + }, + { + "id": "20374710", + "title": "Shweta Sinha", + "text": "Shweta Sinha Shweta Sinha is an Indian actress and model, popularly knows as \"Pari\" for her role in the TV serial \"Sasural Simar Ka\" on Colors TV which she has been a part of since more than six years. She plays the role of Pari Bharadwaj which is a grey comic character. She has also worked in many popular Indian TV shows like \"Maniben.com\" on SAB TV, T\"aarak Mehta Ka Ooltah Chashmah\" on SAB TV, \"Mata Ki Chowki\" on Sahara One, \"CID\" episodic on Sony Entertainment Television, \"Jaankhilavan Jasoos\" on SAB TV, and \"Maayke Se Bandhi Dor\" on Star Plus.", + "score": 0.71435546875 + }, + { + "id": "15982853", + "title": "Aditi Sharma", + "text": "Pizza, Colgate, Fair & Lovely, Parachute Oil, Bank of India, Stayfree, Tanishq, Moov, Britannia, Reliance and Tata Venture. Since 2018 Sharma is playing the role of single mother Mauli in Colors TV Silsila Badalte Rishton Ka. Aditi Sharma Aditi Sharma (born 24 August 1983) is an Indian actress who has appeared in Hindi and Punjabi films. She has acted in Hindi films like \"Mausam\" and \"Ladies vs Ricky Bahl\", and in Punjabi films like \"Angrej \", \"Subedar Joginder Singh\". In December 2015, she made her television debut with &TV's \"Gangaa\". Currently, she is playing the role of Mauli in Colors", + "score": 0.7138671875 + }, + { + "id": "16578617", + "title": "Devoleena Bhattacharjee", + "text": "the show. However, they settled their differences after a few months. In October 2016, Devoleena accused actress Utkarsha Naik, who played the role of Pramila in the same show of kidnapping her dog 'Jugnu' from the sets. She could not find her pet anywhere and for that reason she filed a complaint against her to PETA. She said, Devoleena Bhattacharjee Devoleena Bhattacharjee (born 22 August 1990) is an Indian television actress and a trained Bharatanatyam dancer. She gained popularity with the role of Gopi Modi in Star Plus's drama \"Saath Nibhaana Saathiya\". She is one of the highest-paid actresses in", + "score": 0.7138671875 + }, + { + "id": "12331156", + "title": "Mahadhevi", + "text": "Mahadhevi Mahadevi (Savithri) is a princess, whose father, the king, is defeated in battle. Despite this he is invited by the rival king to stay with him as his honoured guest. The victorious king has an adopted daughter (M. N. Rajam) and a son (\u2018Master\u2019 Murali). His senior commander, Karunakaran (P. S. Veerappa) is attracted to Mahadevi, but she rejects him. Thereby she earns his wrath. Karunakaran hatches various evil plans to get her, but in the meantime, Mahadevi falls in love with the other commander, Vallavan (MGR). Karunakaran tries to kidnap Mahadevi with the help of his sidekick (Chandrababu),", + "score": 0.7138671875 + }, + { + "id": "17063336", + "title": "Aarti Puri", + "text": "Aarti Puri Aarthi Puri, also known as \"Arthi Puri\", (born 8 January) is an Indian television & movie actress and model. Noted roles include the character of Trishna from show \"Madhubala - Ek Ishq Ek Junoon\". and movies like \"Deswa\". Puri started her career with regional cinema and then moved on to small screen.She is a model and has also done many movies and 100+ plus Punjabi videos as model as well. She was cast to play the parallel lead in the show \"Madhubala - Ek Ishq Ek Junoon\". alongside Drashti Dhami, who plays the lead in the show. Khich", + "score": 0.71337890625 + }, + { + "id": "16828544", + "title": "Aashka Goradia", + "text": "Bachchan with five other television actresses. In 2012, she participated as a contestant in the sixth season of \"Bigg Boss\", the Indian version of original UK show \"Big Brother\". She entered the \"Bigg Boss\" house on 6 October 2012 and got evicted on 28 December 2012 (on the 83rd day of the show). From 2013 to 2015, she played the role of Maharani Dheer Bai Bhatiyani in the television series \"Bharat Ka Veer Putra \u2013 Maharana Pratap\", telecast on Sony TV. In August 2015, she was playing the evil fairy Mahavinashini on Sab TV's \"Baal Veer\". In 2016 season 1", + "score": 0.71337890625 + }, + { + "id": "6178911", + "title": "Kannathil Muthamittal", + "text": "and the Mani Ratnam production, \"Dumm Dumm Dumm\". For the role of Indira, Mani Ratnam considered casting either Rani Mukerji, Soundarya or relative newcomer Bhumika Chawla, before finalising Simran to portray the character. Madhavan and Simran thus shot for two films simultaneously together, as they had also been cast in K. Balachandar's \"Paarthale Paravasam\" as a married couple. Nandita Das was also roped in for the film, making her debut in Tamil films, and in a later interview mentioned that the team shot for nearly thirteen hours a day. P. S. Keerthana, the second daughter of actors Parthiban and Seetha,", + "score": 0.71337890625 + }, + { + "id": "20159870", + "title": "Manesha Chatarji", + "text": "is a 2009 Bollywood sport and crime film directed by debutante Ravi Kapoor. It stars Ravi Kapoor and Manesha Chatarji in lead roles. After a break, Manesha Chatarji joined the cast of \"Sakthi\", a Tamil soap opera on Sun TV. This serial was later remade as a Hindi serial named \"Dil Se Di Dua... Saubhagyavati Bhava?\". The show ran from June 2014 to March 2015 with 205 episodes. In 2015, Manesha Chatarji signed two movies, the Telugu film \"Udyanavanam 2\" and the Tamil film \"Tea Kadai Bench\". In 2016, she signed on for two more Telugu movies, \"Anthuleni Prema\" and", + "score": 0.712890625 + }, + { + "id": "15773933", + "title": "Bharati Achrekar", + "text": "Bharati Achrekar Bharati Achrekar is a veteran and renowned Marathi and Hindi theatre, film and television actress who has also performed many memorable television and film roles. She has been a part of several films in Indian cinema and was celebrated as Mrs Wagle from the popular doordarshan show,\"Wagle ki Duniya\". She played the role of Sumit's mother in the Indian hit comedy \"Sumit Sambhal Lega\" in 2015. She was doing a television adaptation, \"Sumit Sambhal Lega\" as Dolly (Sumit's mother) on Star Plus. She is the daughter of renowned singer Manik Varma. Her sisters are the versatile Marathi actress", + "score": 0.712890625 + }, + { + "id": "16125188", + "title": "Puthiya Paravai", + "text": "was cast as the male lead. Both the female leads \u2013 B. Saroja Devi and Sowcar Janaki \u2013 were cast in roles different from what they were earlier proposed for. According to Ganesan's eldest son Ramkumar, \"Sivaji always thought of Sowcar Janaki as classy and sophisticated,\" which was why he cast her as a \"modern woman\" in \"Puthiya Paravai\". \"Before that Sowcar had only acted in homely roles\". Mirasi, who made a cameo appearance as Gopal's father, was initially not convinced about Janaki acting in the film. But after seeing her performance in the song \"Paartha Gnaabagam Illaiyo\", Mirasi decided", + "score": 0.71240234375 + }, + { + "id": "11269103", + "title": "Rajeshwari Sachdev", + "text": "and harassed from different aspects of crime. The TV show touched upon various crimes that women face in their daily lives from rape to acid attack to dowry to kidnapping etc. Together with her team of activists Madhavi exposes the criminals in front of the law and send them behind bars in each episode. The show was highly acclaimed and has been regarded one of the best crime shows on Indian Television. Sachdev received a lot of praise for her role. She is currently playing the role of Mamta Noon in Sony TV's romantic drama series \"Dil Hi Toh Hai\".", + "score": 0.71240234375 + }, + { + "id": "17345895", + "title": "Kaaviya Thalaivan (2014 film)", + "text": "and stage many plays where Gomathi often plays \"Sthripart\" - the female role and Kali plays \"sidepart\"- supporting characters. While Vadivambal (Vedhicka) joins as the female member in the group, soon falls in love with Kali, while Gomathi falls for Vadivu, however, Kali loves Rangamma (Anaika Soti), the princess of the zameen. Bhairava (Ponvannan) who is another student of Swami is a popular \"Rajapart\" - performing main title characters of a stage play. He becomes headstrong over his acting capabilities and does not attend the rehearsals for which he gets scoldings from Swami. After a quarrel, he leaves the troupe", + "score": 0.71240234375 + }, + { + "id": "19708090", + "title": "Mukunda Murari", + "text": "in the original version. Later the title was altered as the makers sound the earlier one was quite a common name. To bring the uniqueness to the title, it was renamed to \"Mukunda Murari\". After having roped in Upendra and Sudeep to play the protagonist roles, the makers were on the search for the female lead and approached actress Prema hoping to bring her back to the screen after a long hiatus. Later Priyanka Upendra's name was also considered for this role. However, actress Nikita Thukral was finalized to play the wife role to Upendra. Further, actresses names such as", + "score": 0.71142578125 + }, + { + "id": "20248044", + "title": "Sher-e-Punjab: Maharaja Ranjit Singh", + "text": "than 150 auditions. His simplicity and innocence charmed us entirely. The other actors are Tunisha Sharma playing the role of Ranjit Singh\u2019s wife, Mehtab Kaur, Shaleen Bhanot as Ranjit Singh\u2019s father, Maha Singh, Sneha Wagh as Ranjit Singh\u2019s mother, Raj Kaur, Sonia Singh as Mehtab\u2019s mother, Sada Kaur and Rumi Khan as Mehtab\u2019s father, Gurbaksh.\" On bagging the lead role, Damanpreet said, \"I have read about Maharaja Ranjit Singh ji in school. I am in ninth class right now. It's an honour for me to portray him on national television.\" Damanpreet has been trained in horse-riding, sword-fighting and martial arts", + "score": 0.71142578125 + }, + { + "id": "20125602", + "title": "Yaaradi Nee Mohini (TV series)", + "text": "family. Series is a horror love story produced by S. Sabreesh Kumar of Monk Studios that airs on Zee Tamil. Thirumathi Selvam and Maanada Mayilada fame Sanjeev was selected to portray the lead role as Mutharasan. Sanjeev made his comeback after Karai Serial. In May he left the Show. Later Shreekumar was replaced role of Mutharasan in Episode: 271. Actress Nachathira landed as lead opposite Vennila in the show, are making their debuts with the series. Chaitra was selected to portray the second leading role and main antagonist as swetha, Fathima Babu entered the show as the main antagonist as", + "score": 0.71142578125 + }, + { + "id": "20255022", + "title": "Kalyana Parisu (TV series)", + "text": "love story. Gayathri (B.R Neha), Subbulakshmi (Shruthi) and Renukha (Akila) are good friends, but their friendship does not last long. Surya is married to both Subbulakshmi and Gayathri, due to unexpected circumstances. How life turns chaotic for all three is the story. Season 1 is a family story produced by Vision Time which airs on Sun TV. Kannada TV actress Neha Gowda was selected to portray the lead role of Gayathri. Sridevi was chosen after her great performances in many shows on Tamil television. Later Sruthi Shanmuga Priya replaced the role of Subbulakshmi in Episode 1080. R. Vipu makes her", + "score": 0.71142578125 + }, + { + "id": "4329087", + "title": "Dadasaheb Phalke", + "text": "Raghunathrao Gokhle, to allow two of their actresses to act in the film. Durgabai Kamat was cast as Parvati and her daughter Kamlabai Gokhale as Mohini and became first women to act in the Indian cinema. The film was long and was released on 2 January 1914 at the Olympia Theatre, Mumbai. A short comedy film \"Pithache Panje\" (\"Paws of Flour\") was released as a \"side attraction\" with the film. Phalke made his third film \"Satyavan Savitri\" based on the legends of Satyavan and Savitri. The film was long and was screened on 6 June 1914. Both the films were", + "score": 0.7109375 + }, + { + "id": "20047400", + "title": "Mahalakshmi (TV series)", + "text": "Mahalakshmi (TV series) Mahalakshmi () is a 2017 Indian-Tamil Language Family soap opera starring Kavya Shastry, Vallab, Anjali Rao and Lokesh. It replaced \"Nijangal\" and it broadcast on Sun TV on Monday to Saturday from 6 March 2017 at 12:30PM (IST). It was produced by Vision Time India Pvt Ltd and directed by Shan Karthik and M.K.Arunthavaraja. It is a story about of Mahalakshmi (Kavya Shastry) who takes a crucial step just before her engagement with her uncle's son. She files a sexual harassment case against Aravind (Vallab), a widower with a baby daughter, which creates havoc in her life.", + "score": 0.7109375 + }, + { + "id": "9874975", + "title": "Mrinal Kulkarni", + "text": "Mrinal Kulkarni Mrinal Dev-Kulkarni is a film and soap opera actress and director in India known for her role in popular Hindi language TV serial \"Son Pari\". She has acted in both Marathi and Hindi TV serials and films. She was born in a Marathi brahmin family in Pune. Her parents are Vijay Dev and Veena Dev. She has a Master's degree in Linguistics from Pune University. Mrinal was 16 when she made her debut in the role of Peshawe Madhavrao's wife Ramabai Peshawe in the Marathi TV serial \"Swami\". This gave her a popularity. Ravindra Mankani played the role", + "score": 0.71044921875 + }, + { + "id": "8265280", + "title": "Parvati Melton", + "text": "entrepreneur Shamsu Lalani in 2013 and left the film industry. Parvati Melton Parvathi Melton is an American actress and former model of partial Indian descent. She mainly works in the Telugu film industry. She appeared in several Telugu and Malayalam movies. She acted with Raja in the film \"Vennela\", which turned out to be a success. She acted in the super hit Malayalam film \"Hallo\" with South Indian star Mohanlal. She again shot to fame with item song \"\"Poovai Poovai\"\" in Telugu movie \"Dookudu\" opposite Mahesh Babu. Parvathi was born in New Jersey to a German father Sham Melton and", + "score": 0.7099609375 + }, + { + "id": "17801818", + "title": "Kanishka Soni", + "text": "dresses. She has played various roles in Tv shows as such CID, Crime Patrol and Shapath. Soni played the role of \"Saraswati Devi\" and \"Mata Parvati\" in an air show \"Sankatmorchan Hanumaan\" on DD National. She has appeared in various live show events with singers Anup Jalota and Ram shankar. She has also sung songs for DD National Show \"Sankatmorchan Hanumaan\" and for music composer Nikhil Kamath. Soni has signed to act in the show MTV Webbed-Cyber Abuse (Season 2) hosted by Kritika Kamra on MTV along with Do Dil Ek Jaan co-actor Nikita Sharma by Balaji Telefilms and is", + "score": 0.7099609375 + }, + { + "id": "17483027", + "title": "Mahima Makwana", + "text": "Mahima Makwana Mahima Makwana (born 5 August 1999) is an Indian television actress who started her career with the role of Gauri in \"Balika Vadhu\", followed by playing the younger sister Sonu in \"Sawaare Sabke Sapne... Preeto\". She is known for her role of Rachna in Zee TV's programme \"Sapne Suhane Ladakpan Ke\". and Anami in Star Plus's soap opera \"Rishton Ka Chakravyuh\". Her other notable works include Imagine TV's show \"Sawaare Sabke Sapne... Preeto\" as \"sonu dhillon\" and &TV's show \"Adhuri Kahaani Hamari\" as \"Manasvini/radhika\". In 2017 she made a debut into Telugu film \"Venkatapuram\" opposite Rahul Haridas. Makwana", + "score": 0.7099609375 + }, + { + "id": "18560740", + "title": "Sri Madvirata Parvam", + "text": "Sri Madvirata Parvam Sri Madvirata Parvam is a 1979 Telugu Mythological film, produced and directed by N. T. Rama Rao under his Ramakrishna Cine Studios banner. It stars N. T. Rama Rao, Vanisri, Nandamuri Balakrishna in the lead roles and music composed by Susarla Dakshina Murthy. The film is based on \"Virata Parva\" from epic \"Mahabharata\" in which NTR has performed five pivotal roles in the film after his blockbuster success of \"Daana Veera Soora Karna\" (1977), in which he had done three different roles. The film begins Pandavas completing their 12 years of forest life and starting their 13-year", + "score": 0.7099609375 + }, + { + "id": "17187981", + "title": "Parul Yadav", + "text": "daily soap-opera \"Bhagyavidhaata\", which has aired on Colors since 2009. This was soon followed by the comedy reality show \"Comedy Ka Maha Muqabala\" on Star Plus, where she was a participant representing the team Raveena Ke Mohre. In 2011, she made her Kannada film debut in Shivarajkumar's movie \"Bhandhu Balaga\" as his sister-in-law. Later, she acted in \"Govindaya Namaha\", which went on to become one of the highest-grossing films of that year. She played the role of Mumtaz, a Muslim girl falling in love with Govinda, played by Komal Kumar. Her portrayal won her a SIIMA Best Debutant award (2013)", + "score": 0.70947265625 + }, + { + "id": "16198877", + "title": "Sonarika Bhadoria", + "text": "actress Anjali in a special role. Bhadoria's debut Tamil movie \"Indrajith\", opposite Gautham Karthik, is in post-production. In 2018, she was listed in \"Times of India\"'s Top 20 Most Desirable Women on Indian Television. Sonarika Bhadoria Sonarika Bhadoria is an Indian actress known for her works in television and Telugu cinema. She is known for her portrayal of Goddess Parvati/Adi Shakti in \"Devon Ke Dev...Mahadev\" and Mrinal in \"Prithvi Vallabh.\" Currently she is portraying the role of Anarkali in Colors TV's \"Dastaan-E-Mohabbat: Salim Anarkali\". Bhadoria is a Rajput. Her father is in the construction business, and her mother is a", + "score": 0.70947265625 + }, + { + "id": "9471484", + "title": "Sakshi Tanwar", + "text": "a five-star hotel. In college, she was the secretary and president of the dramatic society. After graduation, while preparing for the entrance tests to the administrative services and mass communications, she gave an audition for the national broadcaster Doordarshan's film songs based program \"Albela Sur Mela\" in 1998; she was selected as the presenter. After her television debut in 1998 with \"Albela Sur Mela\", Tanwar gained fame for her role of Parvati Agarwal in the soap opera, \"Kahaani Ghar Ghar Kii\". Between 2011 and 2014, she played Priya Kapoor, opposite Ram Kapoor, in \"Bade Achhe Lagte Hain\". In December 2012,", + "score": 0.708984375 + } + ], + "answer": "Devon Ke Dev... Mahadev, often abbreviated as DKDM, was a spiritual series based on the Hindu god, Lord Shiva, also known as Mahadev. Indian actress Sonarika Bhadoria is known for her 2012 portrayal of Goddess Parvati in this series. In 2013, Indian actress Puja Banerjee played the role of Parvati. In 2014, Indian actress and model Suhasi Goradia Dhami played the role of Parvati." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "What did modern conservatives in the 1980s want to reduce with respect to political ideology?", + "short_answers": [ + "Soviet communism in Latin America, Africa and worldwide" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "What did modern conservatives in the 1980s want to reduce with respect to economic policy?", + "short_answers": [ + "marginal income tax rate on the wealthiest Americans" + ], + "wikipage": null + }, + { + "context": "Upon taking office, Reagan argued that the United States faced a dire crisis, and that the best way to address this crisis was through conservative reforms. His major policy priorities were increasing military spending, cutting taxes, reducing federal spending, and restricting federal regulations. Reagan believed that reducing the role of the government would lead to increased economic growth, which in turn would lead to higher revenues that would help pay down the national debt. Working with Congressman Jack Kemp, the Reagan administration introduced a major tax cut bill that won the support of enough Republicans and conservative Democrats to pass both houses of Congress. In August 1981, Reagan signed the Economic Recovery Tax Act of 1981, which enacted a 27% across-the-board federal income tax cut over three years, as well as a separate bill that reduced federal spending, especially in anti-poverty programs.", + "question": "What did modern conservatives in the 1980s want to reduce in government outlays?", + "short_answers": [ + "federal spending, especially in anti-poverty programs" + ], + "wikipage": "Reagan Era" + } + ], + "wikipages": [ + { + "title": "Reagan Era", + "url": "https://en.wikipedia.org/wiki/Reagan%20Era" + }, + { + "title": "Timeline of modern American conservatism", + "url": "https://en.wikipedia.org/wiki/Timeline%20of%20modern%20American%20conservatism" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "In the 1980s, modern conservatives wanted to reduce federal spending, specifically in anti-poverty programs. They wanted to reduce the marginal income tax rate on the wealthiest Americans and reduce the spread of Soviet communism in Latin America, Africa and worldwide. " + }, + { + "knowledge": [ + { + "content": "In the 1980s, President Ronald Reagan rejuvenated the conservative Republican ideology, with tax cuts, greatly increased defense spending, deregulation, a policy of rolling back communism, a greatly strengthened military and appeals to family values and conservative Judeo-Christian morality.", + "wikipage": "Timeline of modern American conservatism" + } + ], + "long_answer": "In the 1980s, President Ronald Reagan rejuvenated the conservative Republican ideology, with tax cuts, greatly increased defense spending, deregulation, a policy of rolling back communism, a greatly strengthened military and appeals to family values and conservative Judeo-Christian morality. Modern conservatives wanted to reduce Soviet communism in Latin America, Africa and worldwide. They wanted a marginal income tax rate on the wealthiest Americans, and they wanted to reduce federal spending, especially in anti-poverty programs." + } + ], + "sample_id": "-4465070934230250382", + "question": "What did modern conservatives in the 1980s want to reduce?", + "docs": [ + { + "id": "5621223", + "title": "Conservatism in the United States", + "text": "politician claim that free markets are \"simply more productive\" or \"simply the right thing to do\" but a combination of both. This blurring is very much a product of the merging of the classical liberal and modern conservative positions under the \"umbrella\" of the conservative movement. The archetypal free-market conservative administrations of the late 20th century\u2014the Margaret Thatcher government in Britain and the Ronald Reagan administration in the U.S.\u2014both held the unfettered operation of the market to be the cornerstone of contemporary modern conservatism. To that end, Thatcher privatized industries and public housing and Reagan cut the maximum capital gains", + "score": 0.73828125, + "summary": "Modern conservatives in the 1980s, such as the Reagan administration, wanted to reduce the maximum capital gains.", + "extraction": "The modern conservatives in the 1980s wanted to reduce the maximum capital gains, which was cut by the Reagan administration." + }, + { + "id": "15960128", + "title": "Timeline of modern American conservatism", + "text": "Timeline of modern American conservatism This timeline of modern American conservatism lists important events, developments, and occurrences which have significantly affected conservatism in the United States. With the decline of the conservative wing of the Democratic Party after 1960, the movement is most closely associated with the Republican Party (GOP). Economic conservatives favor less government regulation, lower taxes, and weaker labor unions, while social conservatives focus on moral issues and neoconservatives focus on democracy worldwide. Conservatives generally distrust the United Nations (UN) and Europe and, apart from the libertarian wing, favor a strong military and give enthusiastic support to Israel.", + "score": 0.73779296875, + "summary": "Modern conservatives in the 1980s wanted to reduce government regulation, lower taxes, and weaken labor unions.", + "extraction": "Economic conservatives in the 1980s wanted to reduce government regulation, lower taxes, and weaken labor unions." + }, + { + "id": "16683520", + "title": "Fares Fair", + "text": "Callaghan lost the United Kingdom general election, to be replaced by a Conservative government under the leadership of Margaret Thatcher. The 1979 Conservative manifesto had stated that \"Any future government which sets out honestly to reduce inflation and taxation will have to make substantial economies, and there should be no doubt about our intention to do so.\" The party had also stated that it did not want to implement unpopular spending cuts to the National Health Service, social security and defence, and so the funding cuts instead fell primarily on housing, education and social services, programmes which were primarily provided", + "score": 0.73583984375, + "summary": "In the 1980s, modern conservatives wanted to reduce funding for housing, education, and social services.", + "extraction": "The passage is irrelevant as it does not provide any information on what modern conservatives in the 1980s wanted to reduce." + }, + { + "id": "9517828", + "title": "Liberalism in the United States", + "text": "led to the eventual election of Ronald Reagan in 1980. The intellectual foundations of this conservative resurgence included the works of free-market economists Milton Friedman and the Chicago School of Economics, who argued against central economic planning (with the notable exception of the Federal Reserve), regulation of business, and Keynesian economics. Deregulation began in the mid-1970s and had broad support from both liberals and conservatives. Reagan successfully lowered marginal tax rates, most notably for those at the top of the income distribution, while his Social Security reforms raised taxes on the middle and bottom of the income distribution, leaving their", + "score": 0.73046875, + "summary": "Modern conservatives in the 1980s wanted to reduce central economic planning, regulation of business, and Keynesian economics. They achieved this through deregulation and lowering marginal tax rates, particularly for those at the top of the income distribution, while raising taxes on the middle and bottom of the income distribution.", + "extraction": "Modern conservatives in the 1980s wanted to reduce central economic planning, regulation of business, and Keynesian economics." + }, + { + "id": "5621230", + "title": "Conservatism in the United States", + "text": "continued deregulation, a policy of rollback of Communism (rather than just containing it), and appeals to family values and conservative morality. The 1980s and beyond became known as the \"Reagan Era.\" Typically, conservative politicians and spokesmen in the 21st century proclaim their devotion to Reagan's ideals and policies on most social, economic and foreign policy issues. Other modern conservative beliefs include skepticism of the theory of man-made global warming and opposition to government action to combat it, which conservatives contend would do severe economic damage, and ultimately more harm than good even if one accepts the premise that human activity", + "score": 0.73046875, + "summary": "Modern conservatives in the 1980s wanted to reduce government regulation and rollback communism.", + "extraction": "The modern conservatives in the 1980s wanted to reduce government regulation." + }, + { + "id": "15946244", + "title": "Welfare dependency", + "text": "poor had made into a lifestyle rather than a safety net. The federal government had been urging single-parent mothers with children to take on paid work in an effort to reduce welfare rolls since the introduction of the WIN Program in 1967, but in the 1980s this emphasis became central to welfare policy. Emphasis turned toward personal responsibility and the attainment of self-sufficiency through work. Conservative views of welfare dependency, coming from the perspective of classical economics, argued that individual behaviors and the policies that reward them lead to the entrenchment of poverty. Lawrence M. Mead's 1986 book \"Beyond Entitlement:", + "score": 0.7265625, + "summary": "In the 1980s, modern conservatives wanted to reduce welfare dependency by emphasizing personal responsibility and self-sufficiency through work. Lawrence M. Mead's book \"Beyond Entitlement\" discusses conservative views on welfare dependency.", + "extraction": "In the 1980s, modern conservatives wanted to reduce welfare rolls and emphasized personal responsibility and self-sufficiency through work in order to combat welfare dependency." + }, + { + "id": "5621261", + "title": "Conservatism in the United States", + "text": "the New Deal era (1933\u201338) and the Great Society (1964\u201366). Historian Julian Zelizer, however, argues that \"The coherence of conservatism has been exaggerated. The movement was as fragile as the New Deal coalition that it replaced...Policy change has thus proved to be much more difficult than conservatives hoped for.\" Zelizer does find four areas where conservatives did make major changes: retrenchment of domestic programs, lowering taxes, deregulation, and opposition to labor unions. He concludes, \"The fact is that liberalism survived the rise of conservatism.\" American conservatives typically promote American exceptionalism, the idea that the United States is inherently different from", + "score": 0.7255859375, + "summary": "Conservatives in the 1980s wanted to reduce domestic programs, taxes, regulations, and labor unions.", + "extraction": "The modern conservatives in the 1980s wanted to reduce domestic programs, taxes, regulations, and labor unions." + }, + { + "id": "14816013", + "title": "Great Compression", + "text": "\"impersonal forces\", such as technological change and globalization, but also to political and policy changes that affected institutions (e.g., unions) and norms (e.g., acceptable executive pay). Krugman argues that the rise of \"movement conservatism\"\u2014a \"highly cohesive set of interlocking institutions that brought Ronald Reagan and Newt Gingrich to power\"\u2014beginning in the late 1970s and early 1980s brought lower taxes on the rich and significant holes in the social safety net. The relative power of unions declined significantly along with union membership, and executive pay rose considerably relative to average worker pay. The reversal of the great compression has been called", + "score": 0.724609375, + "summary": "Modern conservatives in the 1980s wanted to reduce taxes on the rich and cut holes in the social safety net, according to the rise of \"movement conservatism\" beginning in the late 1970s and early 1980s.", + "extraction": "Modern conservatives in the 1980s wanted to reduce taxes on the rich and significant holes in the social safety net." + }, + { + "id": "439649", + "title": "Conservative Party (UK)", + "text": "1970s. The Conservatives were conciliatory towards unions, but they did privatise the steel and road haulage industries in 1953. During the Conservatives' thirteen-year tenure in office, pensions went up by 49% in real terms, sickness and unemployment benefits by 76% in real terms, and supplementary benefits by 46% in real terms. However, family allowances fell by 15% in real terms during that period. The Conservatives were re-elected in 1955 and 1959 with larger majorities. Conservative Prime Ministers Churchill, Sir Anthony Eden, Harold Macmillan and Sir Alec Douglas-Home promoted relatively liberal trade regulations and less state involvement throughout the 1950s and", + "score": 0.7197265625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "661402", + "title": "Tax Reform Act of 1986", + "text": "designed to be tax-revenue neutral because Reagan stated that he would veto any bill that was not. Revenue neutrality was achieved by offsetting tax cuts for individuals by eliminating $60 billion annually in tax loopholes and shifting $24 billion of the tax burden from individuals to corporations by eliminating the investment tax credit, slowing depreciation of assets, and enacting a stiff alternative minimum tax on corporations. The top tax rate for individuals for tax year 1987 was lowered from 50% to 38.5%. Many lower level tax brackets were consolidated, and the upper income level of the bottom rate (married filing", + "score": 0.716796875, + "summary": "In 1986, conservatives wanted to reduce tax loopholes, shift some of the tax burden from individuals to corporations, and lower the top tax rate for individuals from 50% to 38.5%. The Tax Reform Act of 1986 achieved revenue neutrality by eliminating $60 billion in tax loopholes and enacting a stiff alternative minimum tax on corporations.", + "extraction": "Modern conservatives in the 1980s wanted to reduce tax loopholes and shift the tax burden from individuals to corporations, which was achieved through the Tax Reform Act of 1986." + }, + { + "id": "5621224", + "title": "Conservatism in the United States", + "text": "tax from 28% to 20%, though in his second term he agreed to raise it back up to 28%. Reagan also cut individual income tax rates, lowering the maximum rate from 70% to 28%. He wanted to increase defense spending and achieved that; liberal Democrats blocked his efforts to cut domestic spending. Reagan did not control the rapid increase in federal government spending, or reduce the deficit, but his record looks better when expressed as a percent of the gross domestic product. Federal revenues as a percent of the GDP fell from 19.6% in 1981 when Reagan took office to", + "score": 0.71630859375, + "summary": "Modern conservatives in the 1980s, led by Reagan, wanted to reduce taxes, including the individual income tax rate from 70% to 28%. They also aimed to increase defense spending, but faced opposition from liberal Democrats in their efforts to cut domestic spending. However, Reagan did not effectively reduce the deficit or control the increase in federal government spending.", + "extraction": "Modern conservatives in the 1980s wanted to reduce taxes, including individual income tax rates, which were lowered from 70% to 28% by Reagan." + }, + { + "id": "18443534", + "title": "History of conservatism in the United States", + "text": "he decisively won the Cold War. In defining conservatism, Reagan said: \"If you analyze it I believe the very heart and soul of conservatism is libertarianism. I think conservatism is really a misnomer just as liberalism is a misnomer for the liberals\u2014if we were back in the days of the Revolution, so-called conservatives today would be the Liberals and the liberals would be the Tories. The basis of conservatism is a desire for less government interference or less centralized authority or more individual freedom and this is a pretty general description also of what libertarianism is.\" Reagan's views on government", + "score": 0.71630859375, + "summary": "In the 1980s, modern conservatives, as represented by Reagan, wanted to reduce government interference and centralized authority in order to increase individual freedom.", + "extraction": "Modern conservatives in the 1980s wanted to reduce government interference or less centralized authority or more individual freedom." + }, + { + "id": "11481146", + "title": "Movement conservatism", + "text": "in major northern manufacturing industries, many southern and western states had significantly less union presence and many business leaders wanted them to remain that way. In the late 1960s and 1970s, movement conservatives persuaded wealthy individuals and businesses to establish a conservative intellectual and political infrastructure. This includes think tanks that resemble academic institutions but publish studies supporting conservative and libertarian arguments. The American Enterprise Institute was founded in 1943, but was expanded dramatically with new funding in 1971. The Heritage Foundation was created in 1973 and the Cato Institute was founded in 1974. According to Krugman, movement conservatives drove", + "score": 0.71630859375, + "summary": "Movement conservatives in the 1980s wanted to reduce union presence in major northern manufacturing industries, but this is not explicitly stated in the document.", + "extraction": "Modern conservatives in the 1980s wanted to reduce union presence in major northern manufacturing industries." + }, + { + "id": "8968157", + "title": "Sixth Party System", + "text": "associations being reduced. The federal fuel tax and Federal Insurance Contributions Act tax were both increased, and the Tax Reform Act of 1986, while reducing income taxes on upper-income individuals, increased taxes on lower-income individuals, capital gains, and corporate income. Regulation of firearms was increased and a federal standard for regulations on Indian gaming was created. Annual federal spending increased from about $1.6 trillion in 1981 to about $2.1 trillion in 1988. Increased federal spending, coupled with major taxation legislation that reduced tax revenue, caused the federal government's public debt to increase from 31.9% of gross domestic product (GDP) in", + "score": 0.7138671875, + "summary": "Modern conservatives in the 1980s wanted to reduce associations, but the document also mentions increased federal spending and taxes, as well as increased regulation on firearms and Indian gaming.", + "extraction": "The modern conservatives in the 1980s wanted to reduce federal spending, but the passage does not provide evidence for this. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "15628529", + "title": "Social conservatism in the United States", + "text": "man\" or Moral majority. After the tumultuous period of political and cultural changes in the 1960s\u201370s, Reagan's moderate traditionalism appeared as a source of needed stability for many Americans. 1990s Major conservative welfare reform took place in the 1990s. In 1996 the Personal Responsibility and Work Opportunity Reconciliation Act (PRWORA) was passed narrowing the benefits of welfare recipients and encouraging work. Temporary Assistance for Needy Families (TANF) also came into effect during this period, limiting the time benefits can be received. 2000s Social conservatives again became powerful in American politics in 2001 with the election of socially conservative President George", + "score": 0.71337890625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "15960131", + "title": "Timeline of modern American conservatism", + "text": "back communism (rather than just containing it), a greatly strengthened military, and appeals to family values and conservative Judeo-Christian morality. His impact has led historians to call the 1980s the \"Reagan Era\". The Reagan model remains the conservative standard for social, economic and foreign policy issues. In recent years social issues such as abortion, gun control, and gay marriage have become important. Since 2009 the Tea Party Movement has energized conservatives at the local level against the policies made by the presidency of Barack Obama, leading to a Republican landslide in 2010 and again in 2014, eventually culminating in the", + "score": 0.712890625, + "summary": "In the 1980s, modern conservatives, led by Reagan, aimed to strengthen the military, combat communism, and promote family values and conservative morality. However, the document does not mention any specific reductions.", + "extraction": "The modern conservatives in the 1980s wanted to reduce communism, strengthen the military, and promote family values and conservative Judeo-Christian morality." + }, + { + "id": "18443532", + "title": "History of conservatism in the United States", + "text": "took control of the Senate for the first time since 1954, and conservative principles dominated Reagan's economic and foreign policies, with supply side economics and strict opposition to Soviet Communism defining the Administration's philosophy. Reagan's ideas were largely espoused and supported by the conservative Heritage Foundation, which grew dramatically in its influence during the Reagan years, extended to a second term by the 1984 presidential election, as Reagan and his senior aides looked to Heritage for policy guidance. An icon of the American conservative movement, Reagan is credited by his supporters with transforming the politics of the United States, galvanizing", + "score": 0.712890625, + "summary": "Modern conservatives in the 1980s wanted to reduce the size of government and promote supply-side economics, as well as oppose Soviet Communism.", + "extraction": "Modern conservatives in the 1980s wanted to reduce taxes and government spending, which was in line with Reagan's economic policy of supply side economics." + }, + { + "id": "418652", + "title": "Tory", + "text": "in 1983) eventually came to adopt many policies from the Margaret Thatcher and Ronald Reagan governments. As Mulroney took the Progressive Conservative Party further in this direction, with policy initiatives in the areas of deregulation, privatization, free-trade and a consumption tax called the Goods and services tax (GST), many traditionally-minded Tories became concerned that a political and cultural schism was occurring within the party. The 1986 creation of the Reform Party of Canada attracted some of the neo-liberals and social conservatives away from the Tory party and as some of the neoconservative policies of the Mulroney government proved unpopular, some", + "score": 0.71240234375, + "summary": "Modern conservatives in the 1980s wanted to reduce regulation, privatize, introduce free-trade, and implement a consumption tax called the Goods and Services Tax (GST).", + "extraction": "Modern conservatives in the 1980s wanted to reduce regulation, promote privatization, free-trade and introduce a consumption tax called the Goods and services tax (GST)." + }, + { + "id": "86351", + "title": "Conservatism", + "text": "On average, American conservatives desire tougher foreign policies than liberals do. Economic liberalism, deregulation and social conservatism are main principles of the Republican Party. Most recently, the Tea Party movement, founded in 2009, has proven a large outlet for populist American conservative ideas. Their stated goals include rigorous adherence to the U.S. Constitution, lower taxes and opposition to a growing role for the federal government in health care. Electorally, it was considered a key force in Republicans reclaiming control of the U.S. House of Representatives in 2010. This is a broad checklist of modern conservatism in seven countries. Following the", + "score": 0.71142578125, + "summary": "Irrelevant.", + "extraction": "Lower taxes and a growing role for the federal government in health care." + }, + { + "id": "14157304", + "title": "Steven F. Hayward", + "text": "Reagan from most intellectual conservatives in recent American history. He stated that Reagan's foreign policy and domestic policy should be thought of as two sides of the same coherent worldview. He has referred to Reagan as, on net, more of a tax cutter despite having enacted both tax increases and decreases because the marginal tax brackets shrunk. He praised Reagan for trying to reduce the size of the federal government, cutting certain social welfare programs, moving other programs to state control, expanding the U.S. military, advocating Constitutional originalism, and making disarmament pledges with the Soviet Union. He criticized Reagan for", + "score": 0.70947265625, + "summary": "Relevant information not found in the document.", + "extraction": "Modern conservatives in the 1980s wanted to reduce the size of the federal government and cut certain social welfare programs." + }, + { + "id": "5901496", + "title": "Conservatism in Canada", + "text": "During the government of Brian Mulroney (1984\u20131993), government spending on social programs was cut, taxes for individuals and businesses were reduced (but a new national tax appeared for nearly all goods and services), government intervention in the economy was significantly reduced, a free trade agreement was concluded with the United States, and Crown Corporations such as Teleglobe, Petro-Canada and Air Canada (some created by previous Conservative governments) were sold to both domestic and foreign private buyers (privatized). However, due to the failure of the Mulroney government to balance the budget and service debt, the federal debt continued to rise. It", + "score": 0.708984375 + }, + { + "id": "86350", + "title": "Conservatism", + "text": "these divergent strands, stressing the need for unity to prevent the spread of \"Godless communism\", which Reagan later labeled an \"evil empire\". During the Reagan administration, conservatives also supported the so-called \"Reagan Doctrine\" under which the U.S. as part of a Cold War strategy provided military and other support to guerrilla insurgencies that were fighting governments identified as socialist or communist. The Reagan administration also adopted Neoliberalism and trickle-down economics, as well as Reaganomics, which made for economic growth in the 1980s, fueled by trillion dollar deficits. Other modern conservative positions include opposition to big government and opposition to environmentalism.", + "score": 0.70849609375 + }, + { + "id": "1965458", + "title": "History of the United States (1980\u20131991)", + "text": "result of excessive taxation, which \"crowded out\" money away from private investors and thus stifled economic growth. The solution, they argued, was to cut taxes across the board, particularly in the upper income brackets, in order to encourage private investment. They also aimed to reduce government spending on welfare and social services geared toward the poorer sectors of society which had built up during the 1960s. The public, particularly the middle class in the Sun Belt region, agreed with Reagan's proposals, and voted for him in 1980. Critics charged that Reagan was insensitive to the plight of the poor, and", + "score": 0.70751953125 + }, + { + "id": "432952", + "title": "Politics of the United Kingdom", + "text": "Conservative policies, turning the Conservative Party into an economically liberal party. At the 1979 general election, she defeated James Callaghan's Labour government following the Winter of Discontent. For all of the 1980s and most of the 1990s, Conservative governments under Thatcher and her successor John Major pursued policies of privatisation, anti-trade-unionism, and, for a time, monetarism, now known collectively as Thatcherism. The Labour Party elected left-winger Michael Foot as their leader in 1980, and he responded to dissatisfaction within the Labour Party by pursuing a number of radical policies developed by its grassroots members. In 1981, several centrist and right-leaning", + "score": 0.70751953125 + }, + { + "id": "355746", + "title": "Reaganomics", + "text": "cutting useless programs, scaling down the government work force, maintaining low interest rates, and keeping a watchful inflation hedge on the monetary supply was Ronald Reagan's formula for a successful economic turnaround. Milton Friedman stated, \"Reaganomics had four simple principles: Lower marginal tax rates, less regulation, restrained government spending, noninflationary monetary policy. Though Reagan did not achieve all of his goals, he made good progress.\" The Tax Reform Act of 1986 and its impact on the alternative minimum tax (AMT) reduced nominal rates on the wealthy and eliminated tax deductions, while raising tax rates on lower-income individuals. The across the", + "score": 0.70654296875 + }, + { + "id": "1965465", + "title": "History of the United States (1980\u20131991)", + "text": "mixture of rival programs to satisfy all his conservative constituencies (monetarists, cold warriors, middle-class swing voters, and the affluent). Monetarists were placated by tight controls of the money supply; cold warriors, especially neoconservatives like Kirkpatrick, won large increases in the defense budget; wealthy taxpayers won sweeping three-year tax rate reductions on both individual (marginal rates would eventually come down to 50% from 70%) and corporate taxes; and the middle class saw that its pensions and entitlements would not be targeted. Reagan declared spending cuts for the Social Security budget, which accounted for almost half of government spending, off limits due", + "score": 0.7060546875 + }, + { + "id": "439749", + "title": "Conservative Party (UK)", + "text": "it perhaps stemming from an extension of the cohesion principle to the international level, though others are strongly against the EU (such as Sir Peter Tapsell). The second main grouping in the Conservative Party is the \"free-market wing\" of economic liberals who achieved dominance after the election of Margaret Thatcher as party leader in 1975. Their goal was to reduce the role of the government in the economy and to this end they supported cuts in direct taxation, the privatisation of nationalised industries and a reduction in the size and scope of the welfare state. Supporters of the \"free-market wing\"", + "score": 0.7060546875 + }, + { + "id": "18443514", + "title": "History of conservatism in the United States", + "text": "highly divisive issue in the 1970s. Nixon had introduced a policy of d\u00e9tente in the Cold War, but it was strongly challenged by Reagan and the conservative movement. Reagan saw the Soviet Union as an implacable enemy that had to be defeated, not compromised with. A new element emerged in Iran, with the overthrow of a pro-American government, and the emergence of the stream the hostile ayatollahs. Radical students seized the American Embassy, and held American diplomats hostage for over a year, underscoring the weaknesses of the foreign policy of Jimmy Carter. The economic scene was in doldrums, with soaring", + "score": 0.70556640625 + }, + { + "id": "294618", + "title": "Neil Kinnock", + "text": "be able to run the governing Conservatives close, but Margaret Thatcher did not let Labour's makeover go unchallenged. The Conservatives' 1986 conference was well-managed, and effectively relaunched the Conservatives as a party of radical free-market economic liberalism. Labour suffered from a persistent image of extremism, especially as Kinnock's campaign to root out Militant dragged on as figures on the hard left of the party tried to stop its progress. Opinion polls showed that voters favoured retaining the United Kingdom's nuclear weapons, (Labour's policy, supported by Kinnock, was of unilateral nuclear disarmament), and believed that the Conservatives would be better than", + "score": 0.70361328125 + }, + { + "id": "6172612", + "title": "Conservatism in North America", + "text": "electoral success and other times been a source of internal conflict. Modern conservatism saw its first national political success with the 1964 nomination of Barry Goldwater, a U.S. Senator from Arizona and author of \"The Conscience of a Conservative\" (1960), as the Republican candidate for president. In 1980, the conservative movement was able to attract disaffected Southern Whites (who were formerly Democrats), neoconservatives (former Cold War liberal Democrats), and evangelical Christians, to nominate and elect the Republican candidate Ronald Reagan, a conservative, as president. The 1980s and beyond is known as the Reagan Era, a conservative decade. Today's conservatives regard", + "score": 0.7021484375 + }, + { + "id": "5921459", + "title": "Conservative government, 1957\u20131964", + "text": "comfortably won the 1959 general election, increasing their majority in the House of Commons, following a campaign slogan \"Life's better with the Conservatives\". This centred on the consistently low unemployment, strong economy and rising standard of living that much of the British population was enjoying in the late 1950s. However, a series of economic measures in the early 1960s caused the popularity of the Conservative Party to decline. Macmillan tried to remedy this by a major cabinet reshuffle in July 1962. Seven cabinet members were sacked in what became nicknamed the \"Night of the Long Knives\". Notably, the emerging Reginald", + "score": 0.701171875 + }, + { + "id": "5328536", + "title": "History of the Conservative Party (UK)", + "text": "global prestige. Apart from rationing, which was ended, most of the welfare state enacted by Labour were accepted by the Conservatives and became part of the \"post war consensus\", which lasted until the 1970s. The Conservatives were conciliatory toward unions, but they did de-nationalize the steel and road haulage industries in 1953. The Party won in 1955 and 1959 by ever larger mandates. Conservative prime ministers Churchill, Anthony Eden, Harold Macmillan and Sir Alec Douglas-Home promoted relatively liberal trade regulations and less state involvement throughout the 1950s and early 1960s. They oversaw a period of economic prosperity, with Macmillan proclaiming", + "score": 0.70068359375 + }, + { + "id": "18443535", + "title": "History of conservatism in the United States", + "text": "were influenced by Thomas Jefferson, especially his hostility to strong central governments. \"We're still Jefferson's children,\" he declared in 1987. He also stated, \"Freedom is not created by Government, nor is it a gift from those in political power. It is, in fact, secured, more than anything else, by limitations placed on those in Government\". Likewise he greatly admired and often quoted Abraham Lincoln. Supply side economics dominated the Reagan Era. During his eight years in office the national debt more than doubled, from $907 billion in 1980 to $2.6 trillion in 1988, and consumer prices rose by more than", + "score": 0.69970703125 + }, + { + "id": "5621229", + "title": "Conservatism in the United States", + "text": "that all men are subject to equal laws of morality. He held that in society all men have a right to equal laws and equal treatment from the government. However, he added, \"no two men are perfectly equal in person, property, understanding, activity, and virtue.\" Peter Viereck concluded: President Ronald Reagan set the conservative standard in the 1980s; in the 2010s, the Republican leaders typically claim fealty to it. For example, most of the Republican candidates in 2012 \"claimed to be standard bearers of Reagan's ideological legacy.\" Reagan solidified conservative Republican strength with tax cuts, a greatly increased military budget,", + "score": 0.69970703125 + }, + { + "id": "439650", + "title": "Conservative Party (UK)", + "text": "early-1960s. The Suez Crisis of 1956 was a humiliating defeat for Prime Minister Eden, but his successor, Macmillan, minimised the damage and focused attention on domestic issues and prosperity. Macmillan boasted during the 1959 general election that Britain had \"never had it so good\". In 1958, Geoffrey Howe co-authored the report \"A Giant's Strength\" published by the Inns of Court Conservative Association. The report argued that the unions had become too powerful and that their legal privileges ought to be curtailed. Iain Macleod discouraged the authors from publicising the report. Macmillan believed that trade union votes had contributed towards the", + "score": 0.69873046875 + }, + { + "id": "15628528", + "title": "Social conservatism in the United States", + "text": "rights, the economic changes in the United States, and the overall changes in culture in this period. Some scholars refer to social conservatism and renewed conservative grassroots activism as a reaction to the counterculture and cultural upheaval of the 1960s\u20131970s. A notable event regarding social policy in the 1970s was the passage of Roe v. Wade in 1973 which recognized a legal right to Abortion. 1980s Ronald Reagan, a prominent and well-supported conservative republican, exemplifies the rise of conservatives in mainstream politics. Reagan appealed to conservatives who felt marginalized by the growing liberalization of American culture, calling on \"the forgotten", + "score": 0.6982421875 + }, + { + "id": "432988", + "title": "Economy of the United Kingdom", + "text": "a vote of no confidence in March 1979. This triggered the general election on 3 May 1979 which resulted in Margaret Thatcher's Conservative Party forming a new government. A new period of neo-liberal economics began with this election. During the 1980s, many state-owned industries and utilities were privatised, taxes cut, trade union reforms passed and markets deregulated. GDP fell by 5.9% initially, but growth subsequently returned and rose to an annual rate of 5% at its peak in 1988, one of the highest rates of any country in Europe. Thatcher's modernisation of the economy was far from trouble-free; her battle", + "score": 0.6982421875 + }, + { + "id": "1965350", + "title": "History of the United States (1964\u20131980)", + "text": "strong support to conservatism. The triumphal issue for liberalism was the achievement of civil rights legislation in the 1960s, which won over the black population created a new black electorate in the South. However, it alienated many working-class ethnic whites, and open the door for conservative white Southerners to move into the Republican Party. In foreign policy, The war in Vietnam was a highly divisive issue in the 1970s. Nixon had introduced a policy of detente in the Cold War, but it was strongly challenged by Reagan and the conservative movement. Reagan saw the Soviet Union as an implacable enemy", + "score": 0.6982421875 + }, + { + "id": "18443494", + "title": "History of conservatism in the United States", + "text": "promoted \"Modern Republicanism,\" involving limited government, balanced budgets, and curbing government spending. Although taking a firm anti-Communist position, he and Secretary of State John Foster Dulles didn't push for rollback and continued the Truman administration's policy of containment. He cut defense spending by shifting the national strategy from reliance on expensive army divisions to cheap nuclear weapons. Although he made efforts to eliminate expensive supports for farm prices, he was ultimately unsuccessful, but he met success in reducing the role of the federal government by returning offshore oil reserves to the states. Eisenhower kept the regulatory and welfare policies of", + "score": 0.69775390625 + }, + { + "id": "14879577", + "title": "Unemployment in the United States", + "text": "solutions based on Keynesian economics, which argues for additional government spending when the private sector is unable or unwilling to support sufficient levels of economic growth. Conservatives typically argue for free market solutions, with less government restriction of the private sector. Conservatives tend to oppose stimulus spending or bailouts, letting the free market determine success and failure. Typical proposals involve deregulation and income tax rate reduction. Conservatives historically have opposed labor unions and encouraged free trade agreements. Fiscal conservatives express concern that higher budget deficits and debt damage confidence, reducing investment and spending. Conservatives argue for policies that reduce or", + "score": 0.69677734375 + }, + { + "id": "7880225", + "title": "Modern liberalism in the United States", + "text": "Americans\". For example, Reagan's then-Secretary of the Interior, James G. Watt said \"I never use the words Republicans and Democrats. It's liberals and Americans.\" Reagan warned the United States of modern secularists who condoned abortion, excused teenage sexuality, opposed school prayer, and attenuated traditional American values. His conviction that there existed a single proper personal behavior, religious worldview, economic system, and proper attitude toward nations and peoples not supporting US interests worldwide, is credited by comparative literature scholar Betty Jean Craige with polarizing America. Reagan persuaded a large portion of the public to dismiss any sincere analyses of his administration's", + "score": 0.6962890625 + }, + { + "id": "16444206", + "title": "Minority ownership of media outlets in the United States", + "text": "consolidate newspaper and television ownership. In the 1980s and early 1990s there was general pressure to reduce government regulation and increase market forces.There was also growing pressure to have the FCC use bandwidth and the licensing of radio, television and other devices as a source of revenue for the people of the United States. In 1993, the U.S. Congress authorized the FCC to grant licenses to auction bandwidth. The potential monetization of this limited resource by large corporations made it extremely valuable. To be able to compete for bandwidth brought even more pressure for large corporations to try to consolidate.", + "score": 0.69580078125 + }, + { + "id": "11825603", + "title": "Radical Reform Group", + "text": "of classical, free-market liberals and was drifting to the right. Under the influence of economic Liberals such as Oliver Smedley and Arthur Seldon who helped establish the Institute of Economic Affairs, the think tank which was to later become an engine of Thatcherism, the Liberal ship was coming loose from the New Liberal anchors it had adopted from the 1890s and reinforced in the 1920s with the Lloyd George, Keynes and Beveridge inspired coloured books. In 1948 the Liberal Party Assembly called for a drastic reduction in government expenditure and for a committee to be set up to recommend severe", + "score": 0.69580078125 + }, + { + "id": "11842552", + "title": "History of the Labour Party (UK)", + "text": "adopted, with expenditure cuts and limits on wage increases. In 1975, for instance, an austerity budget was introduced that reduced public spending for 1977\u201378 by \u00a3900 million, at the expense of about 200,000 jobs. To reduce high levels of inflation, various income policies were implemented that reduced the real earnings of most workers, with a 1980 Fabian study by Paul Ormerod noting that the attainment of lower inflation doesn\u2019t correspond with a rise in real incomes, as it would take two years (according to the economic models of the Treasury, the National Institute and the London Business School) that workers", + "score": 0.69482421875 + }, + { + "id": "2970354", + "title": "United Kingdom corporation tax", + "text": "40% in 1971. In 1973, alongside the introduction of advance corporation tax (ACT), Conservative chancellor Anthony Barber created a main rate of 52%, together with a smaller companies' rate of 42%. This apparent increase was negated by the fact that under the ACT scheme, dividends were no longer subject to income tax. The 1979 Conservative Budget of Geoffrey Howe cut the small companies' rate to 40%, followed by a further cut in the 1982 Budget to 38%. The Budgets of 1983\u20131988 saw sharp cuts in both main and small companies' rates, falling to 35% and 25% respectively. Budgets between 1988", + "score": 0.69482421875 + }, + { + "id": "86305", + "title": "Conservatism", + "text": "tension between traditional aristocratic conservatism and the wealthy business class. In 1834, Tory Prime Minister Robert Peel issued the Tamworth Manifesto in which he pledged to endorse moderate political reform. This marked the beginning of the transformation of British conservatism from High Tory reactionism towards a more modern form based on \"conservation\". The party became known as the Conservative Party as a result, a name it has retained to this day. However, Peel would also be the root of a split in the party between the traditional Tories (led by the Earl of Derby and Benjamin Disraeli) and the \"Peelites\"", + "score": 0.69482421875 + }, + { + "id": "357262", + "title": "Economy of South Korea", + "text": "became a serious problem by the 1970s and remained a problem, despite government efforts to raise farm income and improve rural living standards. In the early 1980s, in order to control inflation, a conservative monetary policy and tight fiscal measures were adopted. Growth of the money supply was reduced from the 30 percent level of the 1970s to 15 percent. Seoul even froze its budget for a short while. Government intervention in the economy was greatly reduced and policies on imports and foreign investment were liberalized to promote competition. To reduce the imbalance between rural and urban sectors, Seoul expanded", + "score": 0.69482421875 + }, + { + "id": "18443501", + "title": "History of conservatism in the United States", + "text": "probably in the world.\" Friedman advocated for greater reliance on the marketplace in lectures, weekly columns, books, and on television. According to Friedman, Americans should be \"Free to Choose\". He convinced many conservatives that the practice of military drafting was inefficient and unfair; consequently, Nixon ended it in 1973. Nine Chicago School economists won the Nobel prize for economics. Their views about deregulation and fiscal policy became widely accepted, following the crisis in the 1970s. However, Friedman's \"monetarism\" did not fare as well, with current monetary practice targeting inflation, not the money supply. As an academic economist, Ben Bernanke developed", + "score": 0.6943359375 + }, + { + "id": "12261513", + "title": "Hawke\u2013Keating Government", + "text": "a Jobs, Education and Training Program (JET) for sole parents was launched, comprising a package of measures aimed at liberalising income tests measures, ensuring access to child care, and upgrading the skills of single parents. This reform (which haws introduced with the intention of combating high levels of poverty amongst single parents) helped to enable many single parents to take on part-time work and increase their earnings. Between 1986 and 1996, according to one estimate, the percentage of single parents receiving 90% or more of their income from benefits fell from 47% to less than 36%. Other important social security", + "score": 0.69384765625 + }, + { + "id": "2075475", + "title": "Conservative Party of Canada", + "text": "1982. This led to a huge landslide victory for the Progressive Conservative Party. Progressive Conservatives abandoned protectionism which the party had held strongly to in the past and which had aggravated westerners and businesses and fully espoused free trade with the United States and integrating Canada into a globalized economy. This was accomplished with the signing of the Canada-United States Free Trade Agreement (FTA) of 1989 and much of the key implementation process of the North American Free Trade Agreement (NAFTA), which added Mexico to the Canada-U.S. free trade zone. In the late 1980s and 1990s, federal conservative politics became", + "score": 0.69384765625 + }, + { + "id": "250416", + "title": "Mormons", + "text": "became more conservative, attempting to regain their status as a \"peculiar people\". Though the 1960s and 1970s brought changes such as Women's Liberation and the civil rights movement, Mormon leaders were alarmed by the erosion of traditional values, the sexual revolution, the widespread use of recreational drugs, moral relativism, and other forces they saw as damaging to the family. Partly to counter this, Mormons put an even greater emphasis on family life, religious education, and missionary work, becoming more conservative in the process. As a result, Mormons today are probably less integrated with mainstream society than they were in the", + "score": 0.693359375 + }, + { + "id": "11481147", + "title": "Movement conservatism", + "text": "America's shift to the political right in the 1970s and 1980s and \"empowered businesses to confront and, to a large extent, crush the union movement, with huge consequences for both [increasing] wage inequality and the political balance of power.\" Union representation nationally in the U.S. declined from over 30% in the 1950s to 12% by the early 2000s. Fareed Zakaria stated in November 2016 in describing a book about conservative Alan Greenspan: \"It's also a vivid portrait of the American establishment as it moved right from the 1970's to the 1980s and 1990s.\" Scholars have traced the political role of", + "score": 0.693359375 + }, + { + "id": "15235698", + "title": "History of taxation in the United Kingdom", + "text": "indirect taxation, reduced personal income tax rates during the 1980s. In the first budget after her election victory in 1979, the top rate was reduced from 83% to 60% and the basic rate from 33% to 30%. The basic rate was also cut for three successive budgets \u2013 to 29% in the 1986 budget, 27% in 1987 and to 25% in 1988. The top rate of income tax was cut to 40% in the 1988 budget. The investment income surcharge was abolished in 1985. Under the government of John Major the basic rate was reduced in stages to 23% by", + "score": 0.693359375 + }, + { + "id": "6172611", + "title": "Conservatism in North America", + "text": "of world history. Although there has always been a conservative tradition in America, the modern American conservative movement began during the 1950s. Russell Kirk popularized conservatism in 1953; published \"The Conservative Mind\". Two years later, in 1955, William F. Buckley Jr. founded \"National Review\", a conservative magazine that included traditionalists, such as Kirk, along with libertarians and anti-communists. This bringing together of separate ideologies under a conservative umbrella was known as fusionism. The term was invented by Frank Meyer. Politically, the conservative movement in the U.S. has often been a coalition of various groups, which has sometimes contributed to its", + "score": 0.69287109375 + }, + { + "id": "7828044", + "title": "Early 1980s recession", + "text": "latter being formed by the Liberal Party and the Social Democratic Party in 1981. However, an economic recovery, combined with the Falklands War, led to the Thatcher-led Conservative Party winning 42.4% of votes for a parliamentary majority in the general election in 1983. The early 1980s recession in the United States began in July 1981 and ended in November 1982. One cause was the Federal Reserve's contractionary monetary policy, which sought to rein in the high inflation. In the wake of the 1973 oil crisis and the 1979 energy crisis, stagflation began to afflict the economy. Unemployment had risen from", + "score": 0.6923828125 + }, + { + "id": "1965448", + "title": "History of the United States (1980\u20131991)", + "text": "tax base was shrinking. New York City barely averted bankruptcy in 1975; it was rescued using state and federal money, along with strict state control of its budget. Meanwhile, conservatives, based in the suburbs, the rural areas, and the Sunbelt railed against what they identified as the failures of liberal social programs, as well as their enormous expenses. This was a potent theme in the 1980 presidential race and the 1994 mid-term elections, when the Republicans captured the House of Representatives after 40 years of Democratic control. The liberal leaders of the 1960s, characteristic of the era of the Great", + "score": 0.6923828125 + }, + { + "id": "15960138", + "title": "Timeline of modern American conservatism", + "text": "the National Endowment for the Humanities and the National Endowment for the Arts, and create the Environmental Protection Agency (EPA). The decade is marked by the rise of the Christian right and the Reagan Revolution. A priority of Reagan's administration is the rollback of Soviet communism in Latin America, Africa and worldwide. Reagan bases his economic policy, dubbed \"Reaganomics\", on supply-side economics. Conservative think tanks 1990\u201397 mobilize to challenge the legitimacy of global warming as a social problem. They challenge the scientific evidence, argue that global warming will have benefits, and warn that proposed solutions would do more harm than", + "score": 0.69140625 + }, + { + "id": "18443468", + "title": "History of conservatism in the United States", + "text": "American past. In the wake of the Bolshevik Revolution and the subsequent rise of the USSR, both major American political parties became strongly anti-Communist. Within the U.S., the far Left split and an American Communist Party emerged in the 1920s. Conservatives denounced Communist ideals as a subversion of American values and maintained relentless opposition to Communist principles until the collapse of the Soviet Union in 1991. Conservatives were especially sensitive to the perception of Communist elements trying to change national policies and values in the U.S. government, the media, and academia. Conservatives enthusiastically supported anti-Communist agencies such as the FBI,", + "score": 0.69091796875 + }, + { + "id": "7116869", + "title": "Jobbik", + "text": "as a primary goal anymore but puts focus on the elimination of social tensions and controversies as well as on the fight against the growing corruption in the public sphere and administration. In summer of 2016 G\u00e1bor Vona, the president of Jobbik, declared a new style of politics, called \"modern conservativism\" with the aim to exceed the pointless debates between the right- and the left-wing and to induct cooperation among Hungarians with different political backgrounds. According to Vona, the goal of \"modern conservativism\" is, beyond politics, to build a society that can, by its proactivity, be a basis for a", + "score": 0.69091796875 + }, + { + "id": "14064800", + "title": "Rate-capping rebellion", + "text": "the proceeds of the precept to the authority which had set it. The Conservative Party came to power in 1979 committed to reducing public spending, and reducing spending by local authorities was part of this desire from the start. As early as November 1979 the Environment Secretary Michael Heseltine announced his intention to take powers to curb overspending local authorities. From the financial year 1980\u201381, councils which were deemed to be overspending had their central government grants reduced; in 1981\u201382, a system known as 'targets and penalties' was introduced. However, the election of many more Labour councillors and Labour councils", + "score": 0.69091796875 + }, + { + "id": "355718", + "title": "Reaganomics", + "text": "the tax rate cuts would more than cover any increases in federal debt, was influenced by a theoretical taxation model based on the elasticity of tax rates, known as the Laffer curve. Arthur Laffer's model predicts that excessive tax rates actually reduce potential tax revenues, by lowering the incentive to produce; the model also predicts that insufficient tax rates (rates below the optimum level for a given economy) lead directly to a reduction in tax revenues. Reagan lifted remaining domestic petroleum price and allocation controls on January 28, 1981, and lowered the oil windfall profits tax in August 1981. He", + "score": 0.69091796875 + }, + { + "id": "11835992", + "title": "Race in the United States criminal justice system", + "text": "Drugs: supply-reduction and demand-reduction. Supply-reduction strategies typically involved limiting access to drug sources and employing harsher penalties for drug possession and distribution. Demand-reduction strategies included drug use treatment and prevention. The Reagan administration favored supply-reduction strategies and focused their efforts on the seizure of illegal substances and prosecution of individuals caught in possession of these substances. The controversy surrounding The War on Drugs is still widely debated by the academic community. In March 2016, former Nixon domestic policy chief John Ehrlichman told a writer for Harper's magazine that \"the Nixon campaign in 1968, and the Nixon White House after that,", + "score": 0.69091796875 + }, + { + "id": "1965469", + "title": "History of the United States (1980\u20131991)", + "text": "Director David Stockman, an ardent fiscal conservative, wrote, \"I knew the Reagan Revolution was impossible--it was a metaphor with no anchor in political and economic reality.\" Unemployment reached a peak of 11% in late 1982, after which recovery began. A factor in the recovery from the worst periods of 1982-83 was the radical drop in oil prices due to increased production levels of the mid-1980s, which ended inflationary pressures on fuel prices. The virtual collapse of the OPEC cartel enabled the administration to alter its tight money policies, to the consternation of conservative monetarist economists, who began pressing for a", + "score": 0.6904296875 + }, + { + "id": "16043312", + "title": "Economic history of the United Kingdom", + "text": "policy was emphasised instead of industrial policy; consequent deindustrialisation and structural unemployment was more or less accepted. Thatcher's battles with the unions culminated in the Miners' Strike of 1984. The Government applied monetarist policies to reduce inflation, and reduced public spending. Deflationary measures were implemented against the backdrop of the recession of 1980/81. Inflation was at its worst at over 20% in 1980, but by 1982-83 it had subsided to less than 10% and continued to subside until stabilizing at around 4% in the autumn of 1987. With the recession of 1980/81, unemployment passed 2 million in the autumn of", + "score": 0.68994140625 + }, + { + "id": "414225", + "title": "Taxation in the United States", + "text": "significantly during the Johnson, Nixon, and Reagan presidencies. Significant tax cuts for corporations and all individuals were enacted during the second Bush presidency. In 1986, Congress adopted, with little modification, a major expansion of the income tax portion of the IRS Code proposed in 1985 by the U.S. Treasury Department under President Reagan. The thousand-page Tax Reform Act of 1986 significantly lowered tax rates, adopted sweeping expansions of international rules, eliminated the lower individual tax rate for capital gains, added significant inventory accounting rules, and made substantial other expansions of the law. Federal income tax rates have been modified frequently.", + "score": 0.68994140625 + }, + { + "id": "14676687", + "title": "Supply reduction", + "text": "the retail price of cocaine in the US in 2007 was less than half the price in 1984, despite massive investments by the US government in supply reduction strategies. Some analysts have argued that the abject failure of supply reduction in the US actually contributed to a significant and lasting reduction in crime and violence beginning in the 1990s, when cocaine prices hit record lows. In contrast, a systematic review documents moderate and growing evidence that retail greater availability is associated with greater relapse to smoked tobacco. Supply reduction Supply reduction is one approach to social problems such as drug", + "score": 0.68994140625 + }, + { + "id": "15912141", + "title": "Conservatism in the United Kingdom", + "text": "a cross-party consensus. This was known as Butskellism, after the almost identical Keynesian policies of Rab Butler on behalf of the Conservatives, and Hugh Gaitskell for Labour. However, in the 1980s, under the leadership of Margaret Thatcher, and the influence of Keith Joseph, there was a dramatic shift in the ideological direction of British conservatism, with a movement towards free-market economic policies and neoliberalism (commonly referred to as \"Thatcherism\"). As one commentator explains, \"The privatisation of state owned industries, unthinkable before, became commonplace [during Thatcher's government] and has now been imitated all over the world.\" Thatcher was described as \"a", + "score": 0.68994140625 + }, + { + "id": "14207708", + "title": "Reagan Era", + "text": "1950s. Upon taking office, Reagan argued that the United States faced a dire crisis, and that the best way to address this crisis was through conservative reforms. His major policy priorities were increasing military spending, cutting taxes, reducing federal spending, and restricting federal regulations. Reagan believed that reducing the role of the government would lead to increased economic growth, which in turn would lead to higher revenues that would help pay down the national debt. Working with Congressman Jack Kemp, the Reagan administration introduced a major tax cut bill that won the support of enough Republicans and conservative Democrats to", + "score": 0.68994140625 + }, + { + "id": "876612", + "title": "Thatcherism", + "text": "monetarism have been abandoned\". Thatcherism is also associated with supply-side economics. Whereas Keynesian economics holds that the government should stimulate economic growth by increasing demand through increased credit and public spending, supply-side economists argue that the government should instead intervene only to create a free market by lowering taxes, privatising state industries and increasing restraints on trade unionism. Reduction in the power of the trades unions was made gradually, unlike the approach of the Edward Heath government and the greatest single confrontation with the unions was the National Union of Mineworkers (NUM) strike of 1984\u20131985, in which the miners' union", + "score": 0.689453125 + }, + { + "id": "5621211", + "title": "Conservatism in the United States", + "text": "multiculturalism. Nationwide most factions, except some libertarians, support a unilateral foreign policy, and a strong military. The conservative movement of the 1950s attempted to bring together these divergent strands, stressing the need for unity to prevent the spread of \"godless communism.\" William F. Buckley Jr., in the first issue of his magazine \"National Review\" in 1955, explained the standards of his magazine and helped make explicit the beliefs of American conservatives: According to Peter Viereck, American conservatism is distinctive because it was not tied to a monarchy, landed aristocracy, established church, or military elite. Instead American conservatives were firmly rooted", + "score": 0.689453125 + }, + { + "id": "15946246", + "title": "Welfare dependency", + "text": "\"Losing Ground\" was also highly influential in the welfare reforms of the 1990s. In 1983, Bane & Ellwood found that one-third of single-parent mothers exited poverty through work, indicating that it was possible for employment to form a route out of reliance on welfare even for this particular group. Overall, four in five exits from poverty could be explained by an increase in earnings, according to their data. The idea of combining welfare reform with work programs in order to reduce long-term dependency received bipartisan support during the 1980s, culminating in the signing of the Family Support Act in 1988.", + "score": 0.689453125 + }, + { + "id": "355742", + "title": "Reaganomics", + "text": "government's share of GDP increased 0.2 percentage points under Reagan, while it decreased 1.5 percentage points during the preceding eight years. The number of federal civilian employees increased 4.2% during Reagan's eight years, compared to 6.5% during the preceding eight years. As a candidate, Reagan asserted he would shrink government by abolishing the Cabinet-level departments of energy and education. He abolished neither, but elevated veterans affairs from independent agency status to Cabinet-level department status. Continuing a trend that began in the 1970s, income inequality grew and accelerated in the 1980s. \"The Economist\" wrote in 2006: \"After the 1973 oil shocks,", + "score": 0.68896484375 + }, + { + "id": "16449436", + "title": "Economic liberalization in the post\u2013World War II era", + "text": "likely to be described as conservative economics rather than liberal; in the sense of this article, liberalize refers to an economic system involving few regulations) the American economy. These policies are often described as Reaganomics, and are often associated with supply-side economics (the notion that, in order to lower prices and cultivate economic prosperity, policies should appeal to producers rather than consumers). During Reagan's tenure, GDP grew at an annual rate of 2.7% per year. Per capita GDP in real terms was $31,877 in 1989 a rise of 24% from the $25,640 in 1981. Unemployment dropped from its high in", + "score": 0.6884765625 + }, + { + "id": "13958607", + "title": "American Feud: A History of Conservatives and Liberals", + "text": "grew after World War II, as it opposed the expanding role of the federal government. The political and intellectual history of modern liberalism and modern conservatism are presented in the revised 2017 edition leading up to the election of Donald Trump. Modern conservatism became a national political movement through the failed 1964 presidential candidacy of Republican Senator Barry Goldwater, and modern liberalism reached a peak but began to decline with the perceived failure of the Great Society programs and the prolonged Vietnam War under president Lyndon Johnson. The opinions of scholars, authors, historians, and partisan activists from left, right and", + "score": 0.6884765625 + }, + { + "id": "5163872", + "title": "Pandora's Box (TV series)", + "text": "by injecting capital was doing more harm than good by driving up inflation. In 1979, Margaret Thatcher came to power and began to implement these new economic theories to drive down inflation by cutting government spending and raising interest rates, thus tightening the money supply. However, this failed to end inflation straight away, and caused widespread job loss and industrial decline. By the early 1980s, unemployment had risen to 2.5 million, British industrial output had declined by 1/6, and large-scale riots had begun to break out in Britain. The Conservative Government decided to abandon the Monetarist project and lowered interest", + "score": 0.68798828125 + }, + { + "id": "770386", + "title": "Parliament Acts 1911 and 1949", + "text": "so-called \"People's Budget\" of 1909. In this Budget, the Chancellor of the Exchequer David Lloyd George proposed the introduction of a land tax based on the ideas of the American tax reformer Henry George. This new tax would have had a major effect on large landowners, and was opposed by the Conservative opposition, many of whom were large landowners themselves. The Conservatives believed that money should be raised through the introduction of tariffs on imports, which they claimed would help British industry. Contrary to British constitutional convention, the Conservatives used their large majority in the Lords to vote down the", + "score": 0.68798828125 + }, + { + "id": "15960136", + "title": "Timeline of modern American conservatism", + "text": "among working class whites with the liberalism of the Democratic Party. In the mid-1960s the GOP debates race and civil rights intensely. Republican liberals, led by Nelson Rockefeller, argue for a strong federal role because it was morally right and politically advantageous. Conservatives call for a more limited federal presence and discount the possibility of significant black voter support. Nixon avoids race issues in 1968. Historians Meg Jacobs and Julian Zelizer argue that the 1970s were characterized by \"a vast shift toward social and political conservatism,\" as well as a sharp decline in the proportion of voters who identified with", + "score": 0.68798828125 + }, + { + "id": "18443536", + "title": "History of conservatism in the United States", + "text": "50%. But despite cuts in income tax rates, federal income tax revenues grew from $244 billion in 1980 to $467 billion in 1990. The real median family income, which had declined during the previous administration, grew by about ten percent under Reagan. The period from 1981 to 1989 was among the most prosperous in American history, with 17 million new jobs created. The 1980s also saw the founding of \"The Washington Times\", a newspaper influential in the conservative movement. Reagan was said to have read the paper every morning, and the paper had close ties to multiple Republican administrations. In", + "score": 0.68798828125 + }, + { + "id": "2075456", + "title": "Conservative Party of Canada", + "text": "1980, when he was defeated by the Liberal Party after the 1980 federal election. In 1984, the Progressive Conservatives won with Brian Mulroney becoming Prime Minister. Mulroney was Prime Minister from 1984 to 1993, and his government was marked by free trade agreements and economic liberalization. The party suffered a near complete loss after the 1993 federal election, thanks to a splintering of the right-wing; the Conservatives' other predecessor, the Reform Party, led by Preston Manning placed in third, leaving the Progressive Conservatives in fifth. A similar result occurred in 1997, and in 2000, when the Reform Party became the", + "score": 0.6875 + }, + { + "id": "18103919", + "title": "Amyas Morse", + "text": "the Government might rely to deliver efficiencies. All expenditure must be made by parliamentary votes and therefore totally demands a record of the method and manner in which the money is spent. Modern Conservatism has required more contracting-out of public services and the use of digital \"transformational models\" to convert all services to internet transmission. Commercial contracting would include impact on flagship projects such as the \"Northern Powerhouse\" by linking local to central government through private industry's management processes. Morse has challenged government thinking on the extent to which cuts fails to take proper account of risk management. One controversial", + "score": 0.6875 + }, + { + "id": "15606921", + "title": "Mandate for Leadership", + "text": "a conservative direction, focusing on management and administration. The report \"presented an explicit plan for reshaping public discourse on civil rights issues\". To that end, it recommended the Justice Department \"halt its affirmative action policies to remedy past discrimination against women and other minorities.\" Specific suggestions related to spending included raising the defense budget by $20 billion in fiscal year 1981 and increasing it by an average of $35 billion over the next five years; establishing urban \u201centerprise zones\u201d to encourage businesses to move into the nation\u2019s inner cities; reducing personal income tax rates by 10 percent across the board;", + "score": 0.6865234375 + }, + { + "id": "18443537", + "title": "History of conservatism in the United States", + "text": "1987, after the end of the fairness doctrine, conservative talk radio began to grow in significance, saving many AM radio stations. TIME stated there has been an identity crisis in U.S. conservatism growing since the end of the Cold War and the Presidency of Ronald Reagan. Supporters of classical liberalism\u2014distinct from modern liberalism\u2014tend to identify as \"conservatives,\" and in the 21st century, classical liberalism remains a major force within the Republican Party and the larger conservative movement. In the 21st Century, only in the United States is classical liberalism a significant political ideology. After the end of the Reagan administration", + "score": 0.68603515625 + }, + { + "id": "18443525", + "title": "History of conservatism in the United States", + "text": "following decades, conservative policies once considered outside the political mainstream\u2014such as abolishing welfare, privatizing Social Security, deregulating banking, embracing preemptive war, and teaching creationism in schools\u2014were taken seriously and sometimes passed into law due in part to the work of the Hoover Institution, the Heritage Foundation, the Cato Institute, the Hudson Institute, the American Enterprise Institute, and various smaller tanks. Complaining that mainstream academia was hostile to conservatives, several foundations became especially active in funding conservative policy research, notably the Adolph Coors Foundation, the Bradley Foundation, the Koch family foundations, the Scaife Foundations, and (until it closed in 2005), the", + "score": 0.685546875 + }, + { + "id": "7828040", + "title": "Early 1980s recession", + "text": "in 1970 and just over 300,000 in 1964. Thatcher set about controlling inflation with monetarist policies and changing trade union legislation in an attempt to reduce the strikes of public-sector workers. Thatcher's battle against inflation raised the exchange rate, resulting in the closure of many factories, shipyards and coal pits because imports were cheaper. Inflation fell below 10% by the turn of 1982, having peaked at 22% in 1980, and by spring 1983, it had fallen to a 15-year low of 4%. Strikes were also at their lowest level since the early 1950s, and wage growth rose to 3.8% by", + "score": 0.685546875 + }, + { + "id": "1715717", + "title": "Conservative Monday Club", + "text": "fierce attack on the EU. In September 1972, the club held a \"Halt Immigration Now!\" public meeting in Westminster Central Hall, opposite Parliament, at which the speakers Ronald Bell, QC, MP, John Biggs-Davison, MP, Harold Soref, MP, and John Heydon Stokes, MP, (all club members) called on the government to halt all immigration, repeal the Race Relations Act, not the separate Commonwealth Immigrants Act 1968, and start a full repatriation scheme. A resolution was drafted, approved by the meeting, and delivered to the Prime Minister, Edward Heath, who replied that \"the government had no intention of repealing the Race Relations", + "score": 0.68505859375 + }, + { + "id": "4530034", + "title": "Kansas Republican Party", + "text": "use of government power to improve public morality favoring, for instance, strict prohibition, banning cigarettes, and restricting dancing. They tried to use government power to improve public health by implementing modern scientific techniques. Last, they adopted scientific management techniques from business to modernize government to make it more efficient and effective. A third group of Republicans were grassroots organizations that focused on contemporary social issues like prohibition, Carrie Nation and her hatchet attacks on saloons were emblematic of this group, or woman's suffrage. In 1912, with the support of all parts of the Republican Party, and partially as a way", + "score": 0.68505859375 + }, + { + "id": "1162033", + "title": "One-nation conservatism", + "text": "contended that Keynesian economics and welfarism had damaged the economy and society. The Winter of Discontent of 1978\u201379 was portrayed by the New Right as illustrative of the overextension of the state. Figures such as Margaret Thatcher believed that to reverse the national decline, it was necessary to revive old values of individualism and challenge the dependency culture created by the welfare state. The Conservative Party's 2010 general election manifesto contained a section on \"One World Conservatism\" \u2013 a commitment to spend 0.7% of national income on well-targeted aid \u2013 and David Cameron, the Leader of the Conservative Party and", + "score": 0.68505859375 + }, + { + "id": "2587578", + "title": "Young Americans for Freedom", + "text": "founded or in which they played an important contributing role: Since its founding, YAF continuously identified itself as \"conservative\". However, the term \"conservative\" has changed in meaning over several generations. Before World War II, most American conservatives were non-interventionist. But as the Cold War began to dominate American foreign policy, the old conservatism disintegrated. After Robert A. Taft was defeated for the Republican nomination in 1952, non-interventionist conservatism mostly vanished. In the 1950s, a new kind of conservatism arose. This new ideology was formulated in large part by the newspaper \"Human Events\", the magazine \"National Review\", and its editor William", + "score": 0.6845703125 + }, + { + "id": "8083412", + "title": "We Gotta Get out of This Place (book)", + "text": "to encapsulate and articulate resistance and opposition\u201d\u201d. According to Grossberg, however, the new conservatives try to regulate the \u201cpossibilities of pleasure and identity as the basis opposition and to dismantle the cultural and political field constructed in the 1960s\". Professor Michael Gardiner writes, \"According to Grossberg, the major consequence of this is that politics in present-day America has become curiously depoliticized. Strictly economic or ideological arguments in favour of the conservative agenda have been replaced by appeals to mood, passion, sentimentality, and so on.\" Gardiner's review continues: \"Yet, at the same time, daily life is repoliticized: the new conservatism seeks", + "score": 0.6845703125 + }, + { + "id": "232380", + "title": "Trade union", + "text": "introduced mandatory price and wage controls. Under the new law, wages increases were monitored and those ruled to be unacceptably high were rolled back by the government. Pressures on unions continued into the 1980s and '90s. Private sector unions faced plant closures in many manufacturing industries and demands to reduce wages and increase productivity. Public sector unions came under attack by federal and provincial governments as they attempted to reduce spending, reduce taxes and balance budgets. Legislation was introduced in many jurisdictions reversing union collective bargaining rights, and many jobs were lost to contractors. Prominent domestic unions in Canada include", + "score": 0.6845703125 + }, + { + "id": "125903", + "title": "Education reform", + "text": "of education in the United States\", below) (Tyack and Cuban, pp. 17\u201326) These reforms have since become heavily entrenched, and many today who identify themselves as progressives are opposed to many of them, while conservative education reform during the Cold War embraced them as a framework for strengthening traditional curriculum and standards. In more recent times, groups such as the think tank Reform's education division, and S.E.R. have attempted to pressure the government of the U.K. into more modernist educational reform, though this has met with limited success. From the 1950s to the 1970s, many of the proposed and implemented", + "score": 0.6845703125 + }, + { + "id": "15628526", + "title": "Social conservatism in the United States", + "text": "in public schools. They prefer abstinence-only sex education, as opposed to comprehensive sex education. This view stems from strong beliefs in parental authority and strict moral values. 1960s This time period saw a surge in grassroots conservative activism in response to the successes of liberal politics in changing American culture. Democrats continued to put forward increasingly liberal policy ideas that ran counter to the beliefs of many conservative Americans, such as the New Deal, which mobilized them to protect their interests. Conservatives supported radical conservative candidates such as Barry Goldwater in the 1964 Republican primary. A rise of the \"Radical", + "score": 0.6845703125 + }, + { + "id": "15960140", + "title": "Timeline of modern American conservatism", + "text": "consensus that liberalism was the dominant ethos. Instead it argues conservatism dominated American politics since the 1920s, with the brief exceptions of the New Deal era (1933\u201336) and the Great Society (1963\u201366). However Historian Julian Zelizer argues that \"liberalism survived the rise of conservatism.\" 2017 Timeline of modern American conservatism This timeline of modern American conservatism lists important events, developments, and occurrences which have significantly affected conservatism in the United States. With the decline of the conservative wing of the Democratic Party after 1960, the movement is most closely associated with the Republican Party (GOP). Economic conservatives favor less government", + "score": 0.6845703125 + }, + { + "id": "11732110", + "title": "Domestic policy of the Ronald Reagan administration", + "text": "enforcement bill into law in 1986; it granted $1.7 billion to fight drugs, and ensured a mandatory minimum penalty for drug offenses. The bill was criticized for promoting significant racial disparities in the prison population, however, because of the differences in sentencing for crack versus powder cocaine. Critics also charged that the administration's policies did little to actually reduce the availability of drugs or crime on the street, while resulting in a great financial and human cost for American society. Supporters argued that the numbers for adolescent drug users declined during Reagan's years in office. As a part of the", + "score": 0.68408203125 + }, + { + "id": "13325875", + "title": "Western conservatism", + "text": "Western conservatism Western conservatism generally refers to a political orientation prevalent in the Western United States that some might otherwise call libertarian conservatism, Jeffersonian conservatism, or in some circles classical liberalism, typified by politicians like Barry Goldwater, Ronald Reagan, Ron and Rand Paul and Rick Perry. It has been described as a soft-libertarian ideology that focuses on economic rather than social issues, one which strongly embraces individual freedom and opposes an expanded role for government. Western conservatives differ from purist libertarians in that most tend to be pro-life, believing abortion to be more of a state and not federal issue;", + "score": 0.68408203125 + }, + { + "id": "5080453", + "title": "Centre-right politics", + "text": "in Eastern Europe after the end of the Marxist-Leninist regimes in the late 1980s and early 1990s. After the collapse of communism in Eastern Europe, a variety of centre-right political parties have emerged there, including many that support neoliberalism. In the United States, President Ronald Reagan (1981\u20131989) adopted many policies stemming from Milton Friedman's economic theories, including principles from the Chicago school of economics and monetarism. While social conservatives and the rise of the Christian Right contributed greatly to forming the Reagan Coalition, the President also had the support of right-wing economic neoliberals. Using Friedman's neoliberal theories, the Reagan administration", + "score": 0.68408203125 + }, + { + "id": "2555027", + "title": "1906 United Kingdom general election", + "text": "issue of 'Chinese Slavery', which was the use of Chinese-indentured labour in South Africa. This became controversial among the Conservative Party's middle-class supporters, who saw it as unethical, while the working class also objected to the practice, as white emigration to South Africa could have created jobs for the unemployed in Britain. Protestant Nonconformists were angered when Conservatives pushed through the Education Act 1902, which integrated denominational schools into the state system and provided for their support from taxes. The local school boards that they largely controlled were abolished and replaced by county governments that were usually controlled by Anglicans.", + "score": 0.68408203125 + }, + { + "id": "1162024", + "title": "One-nation conservatism", + "text": "1868 and 1880, during which the British parliament legislated major social reforms. Towards the end of the 19th century, the UK Conservative Party moved away from paternalism in favour of free-market capitalism, but fears of extremism during the interwar period caused the revival of one-nation conservatism. The Conservative party continued to espouse the philosophy throughout the post-war consensus from 1945, influencing the decision to maintain Clement Attlee's Labour government's Keynesian intervention in the economy, forming a welfare state and the National Health Service. Later years saw the rise of the New Right, which attributed the country's social and economic troubles", + "score": 0.68408203125 + }, + { + "id": "4530091", + "title": "Kansas Republican Party", + "text": "from each district selected by the state committee chair. The new conservative wave was a result of two distinct political agendas that merged into one force. The first force was fiscal conservatism, which opposed what was seen as a state government grown too large, that taxed, spent, and borrowed too much. It first appeared in 1987 in the form of the \"Republican Reform Caucus\" a group of 12 legislators pushing for fiscal restraint. The second force, was the pro-life movement. In 1991, the pro-life movement showed its political power in Kansas during the \"Summer of Mercy\" when daily blockades of", + "score": 0.68408203125 + }, + { + "id": "18443493", + "title": "History of conservatism in the United States", + "text": "in the government, and some of the Left at the time were indeed covering up those communist networks. Examining postwar conservative intellectual history, Kim Phillips-Fein writes: As shown by General Dwight D. Eisenhower's defeat of Senator Robert A. Taft for the GOP nomination in 1952, isolationism had weakened the Old Right. Eisenhower then won the 1952 election by crusading against what he called Truman's failures: \"Korea, Communism and Corruption.\" Eisenhower quickly ended the Korean War, which most conservatives by then opposed; and adopted a conservative fiscal policy while cooperating with Taft, who became the Senate Majority Leader. As President, Eisenhower", + "score": 0.68408203125 + } + ], + "answer": "In the 1980s, President Ronald Reagan rejuvenated the conservative Republican ideology, with tax cuts, greatly increased defense spending, deregulation, a policy of rolling back communism, a greatly strengthened military and appeals to family values and conservative Judeo-Christian morality. Modern conservatives wanted to reduce Soviet communism in Latin America, Africa and worldwide. They wanted a marginal income tax rate on the wealthiest Americans, and they wanted to reduce federal spending, especially in anti-poverty programs." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "What does FIFA stand for?", + "short_answers": [ + "F\u00e9d\u00e9ration Internationale de Football Association" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "How many member countries are in the FIFA?", + "short_answers": [ + "211" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who is fifa?", + "short_answers": [ + "International Federation of Association Football", + "F\u00e9d\u00e9ration Internationale de Football Association" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "how many member countries does FIFA have?", + "short_answers": [ + "211" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "List of FIFA country codes", + "url": "https://en.wikipedia.org/wiki/List%20of%20FIFA%20country%20codes" + }, + { + "title": "FIFA", + "url": "https://en.wikipedia.org/wiki/FIFA" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "IFA (/\u02c8fi\u02d0f\u0259/ French: F\u00e9d\u00e9ration Internationale de Football Association, English: International Federation of Association Football) is a non-profit organization that describes itself as an international governing body of association football, Futsal, and beach football. It is the highest governing body of association football...Headquartered in Z\u00fcrich, Switzerland, its membership now comprises 211 national associations. ", + "wikipage": "FIFA" + } + ], + "long_answer": "The International Federation of Association Football also known as F\u00e9d\u00e9ration Internationale de Football Association or simply FIFA, is the highest governing body of association football and numbers 211 member countries worldwide." + }, + { + "knowledge": [ + { + "content": "FIFA (/\u02c8fi\u02d0f\u0259/ French: F\u00e9d\u00e9ration Internationale de Football Association, English: International Federation of Association Football) is a non-profit organization that describes itself as an international governing body of association football, futsal, and beach football.", + "wikipage": "FIFA" + }, + { + "content": "Besides its worldwide institutions, there are six confederations recognized by FIFA which oversee the game in the different continents and regions of the world.", + "wikipage": "FIFA Six confederations and 211 national associations" + }, + { + "content": "In total, FIFA recognizes 211 national associations and their associated men's national teams as well as 129 women's national teams; see the list of national football teams and their respective country codes.", + "wikipage": "FIFA Six confederations and 211 national associations" + } + ], + "long_answer": "FIFA, the F\u00e9d\u00e9ration Internationale de Football Association or the International Federation of Association Football, is a non-profit organization that describes itself as an international governing body of association football, futsal, and beach football. Besides its worldwide institutions, there are six confederations recognized by FIFA which oversee the game in the different continents and regions of the world. In total, FIFA recognizes 211 national associations and their associated men's national teams as well as 129 women's national teams." + } + ], + "sample_id": "506938807337302957", + "question": "Who is fifa and how many member countries do they have?", + "docs": [ + { + "id": "139999", + "title": "FIFA", + "text": "recognised by FIFA which oversee the game in the different continents and regions of the world. National associations, and not the continental confederations, are members of FIFA. The continental confederations are provided for in FIFA's statutes, and membership of a confederation is a prerequisite to FIFA membership. In total, FIFA recognises 211 national associations and their associated men's national teams as well as 129 women's national teams; see the list of national football teams and their respective country codes. FIFA has more member states than the UN as FIFA recognises 23 non-sovereign entities as distinct nations, such as the four", + "score": 0.74755859375, + "summary": "FIFA is an organization that oversees football in different regions of the world. There are 211 national associations and 129 women's national teams recognized by FIFA. Membership of a confederation is a prerequisite to FIFA membership. FIFA recognizes 23 non-sovereign entities as distinct nations.", + "extraction": "\"FIFA recognises 211 national associations and their associated men's national teams as well as 129 women's national teams.\"" + }, + { + "id": "139987", + "title": "FIFA", + "text": "FIFA The F\u00e9d\u00e9ration Internationale de Football Association (FIFA ; French for 'International Federation of Association Football') is an organization which describes itself as an international governing body of association football, f\u00fatsal, and beach soccer. FIFA is responsible for the organization of football's major international tournaments, notably the World Cup which commenced in 1930 and the Women's World Cup which commenced in 1991. FIFA was founded in 1904 to oversee international competition among the national associations of Belgium, Denmark, France, Germany, the Netherlands, Spain, Sweden, and Switzerland. Headquartered in Z\u00fcrich, its membership now comprises 211 national associations. Member countries must each", + "score": 0.744140625, + "summary": "FIFA is the international governing body of association football, f\u00fatsal, and beach soccer. It was founded in 1904 and is responsible for organizing major international tournaments such as the World Cup and Women's World Cup. It currently has 211 member countries.", + "extraction": "FIFA is the F\u00e9d\u00e9ration Internationale de Football Association and it has 211 member countries." + }, + { + "id": "18120333", + "title": "European nations at the FIFA World Cup", + "text": "European nations at the FIFA World Cup Association football is the most popular sport in nearly every European country, and UEFA is one of the six confederations of world football's governing body FIFA. UEFA contains 55 national association members, some of which partially or entirely located in Asia. A total of 33 of the current members of UEFA have competed at the men's FIFA World Cup, while the defunct East Germany qualified once. The team ranking in each tournament is according to FIFA. The rankings, apart from the top four positions (top two in 1930), are not a result of", + "score": 0.7421875, + "summary": "FIFA is the governing body of world football, and UEFA is one of its six confederations. UEFA has 55 national association members, 33 of which have competed in the men's FIFA World Cup. East Germany also qualified once.", + "extraction": "UEFA is one of the six confederations of world football's governing body FIFA. FIFA has 55 national association members in UEFA, some of which are partially or entirely located in Asia. 33 of the current members of UEFA have competed at the men's FIFA World Cup." + }, + { + "id": "18120335", + "title": "European nations at the FIFA World Cup", + "text": "has had at least one team appearing for the first time. This table shows the national associations in alphabetical order per year. 22 of the 55 active FIFA and UEFA members have never qualified for the final tournament. European nations at the FIFA World Cup Association football is the most popular sport in nearly every European country, and UEFA is one of the six confederations of world football's governing body FIFA. UEFA contains 55 national association members, some of which partially or entirely located in Asia. A total of 33 of the current members of UEFA have competed at the", + "score": 0.732421875, + "summary": "UEFA is one of the six confederations of FIFA, and contains 55 national association members, some of which are partially or entirely located in Asia. 22 of the 55 active FIFA and UEFA members have never qualified for the final tournament.", + "extraction": "\"UEFA is one of the six confederations of world football's governing body FIFA. UEFA contains 55 national association members.\" The extracted span answers that FIFA is the governing body of world football and UEFA is one of its six confederations, which has 55 national association members." + }, + { + "id": "10915542", + "title": "2018 FIFA World Cup", + "text": "the controversy, the FA refused to accept Eckert's absolving of Russia from blame, with Greg Dyke calling for a re-examination of the affair and David Bernstein calling for a boycott of the World Cup. For the first time in the history of the FIFA World Cup, all eligible nations \u2013 the 209 FIFA member associations minus automatically qualified hosts Russia \u2013 applied to enter the qualifying process. Zimbabwe and Indonesia were later disqualified before playing their first matches, while Gibraltar and Kosovo, who joined FIFA on 13 May 2016 after the qualifying draw but before European qualifying had begun, also", + "score": 0.732421875, + "summary": "FIFA is an organization with 209 member associations, minus automatically qualified hosts Russia, that applied to enter the qualifying process for the 2018 World Cup.", + "extraction": "FIFA is an organization with 209 member countries, all of which applied to enter the 2018 World Cup qualifying process, except for automatically qualified hosts Russia." + }, + { + "id": "4368749", + "title": "History of FIFA", + "text": "Secretaries since its foundation in 1904: History of FIFA FIFA (F\u00e9d\u00e9ration Internationale de Football Association) is the international governing body of association football, futsal and beach soccer. It is one of the world's oldest and largest NGOs, being founded on 21 May 1904. It has since expanded to include 209 member associations. The first official match between representatives of two nations was conducted by Shubh Krishna Singh between England and Scotland in 1872 at Hamilton Crescent, Partick, Glasgow, finishing in a 0\u20130 draw. The following year at The Oval, England enjoyed a 4\u20132 victory over the travelling Scots. This was", + "score": 0.71484375, + "summary": "FIFA is the international governing body of football, futsal, and beach soccer. It was founded on 21 May 1904 and has 209 member associations.", + "extraction": "\"FIFA (F\u00e9d\u00e9ration Internationale de Football Association) is the international governing body of association football, futsal and beach soccer. It has since expanded to include 209 member associations.\"" + }, + { + "id": "2933621", + "title": "Joa\u0303o Havelange", + "text": "as FIFA President in 1994. As in 1974, Havelange embarked on an intense lobbying mission, with the aim of securing votes from the Confederation of African Football (CAF), Asian Football Confederation (AFC) and the Central American, North American and Caribbean Football Confederation (CONCACAF). The loyalty of these \"third world\" football federations was rewarded by the expansion of the World Cup from 24 to 32 teams for the 1998 FIFA World Cup. As a result of the expansion and allocation of places, tension grew between the governing body of European football (UEFA) and the FIFA leadership. As Brazilian Minister for Sports,", + "score": 0.7109375, + "summary": "FIFA is mentioned in the document, but there is no information on how many member countries they have. The document is irrelevant to the question.", + "extraction": "\"FIFA is the governing body of world football and has several member countries. However, the given passage does not provide the exact number of member countries, so the answer to the question \"how many member countries does FIFA have?\" is \"irrelevant\"." + }, + { + "id": "139991", + "title": "FIFA", + "text": "single body to oversee association football became apparent at the beginning of the 20th century with the increasing popularity of international fixtures. The F\u00e9d\u00e9ration Internationale de Football Association (FIFA) was founded in the rear of the headquarters of the Union des Soci\u00e9t\u00e9s Fran\u00e7aises de Sports Athl\u00e9tiques (USFSA) at the Rue Saint Honor\u00e9 229 in Paris on 21 May 1904. The French name and acronym are used even outside French-speaking countries. The founding members were the national associations of Belgium, Denmark, France, the Netherlands, Spain (represented by the then-Madrid Football Club; the Royal Spanish Football Federation was not created until 1913),", + "score": 0.7109375, + "summary": "FIFA is the F\u00e9d\u00e9ration Internationale de Football Association founded in Paris on May 21, 1904. The founding members were the national associations of Belgium, Denmark, France, the Netherlands, and Spain.", + "extraction": "FIFA is the F\u00e9d\u00e9ration Internationale de Football Association. They have founding members that include the national associations of Belgium, Denmark, France, the Netherlands, and Spain. The exact number of member countries is not mentioned in the given passage." + }, + { + "id": "4368728", + "title": "History of FIFA", + "text": "History of FIFA FIFA (F\u00e9d\u00e9ration Internationale de Football Association) is the international governing body of association football, futsal and beach soccer. It is one of the world's oldest and largest NGOs, being founded on 21 May 1904. It has since expanded to include 209 member associations. The first official match between representatives of two nations was conducted by Shubh Krishna Singh between England and Scotland in 1872 at Hamilton Crescent, Partick, Glasgow, finishing in a 0\u20130 draw. The following year at The Oval, England enjoyed a 4\u20132 victory over the travelling Scots. This was followed by the creation of the", + "score": 0.70947265625, + "summary": "FIFA is the international governing body of association football, futsal and beach soccer. It was founded on 21 May 1904 and has 209 member associations.", + "extraction": "\"FIFA (F\u00e9d\u00e9ration Internationale de Football Association) is the international governing body of association football, futsal and beach soccer. It has since expanded to include 209 member associations.\" \n\nThe answer to the question is that FIFA is the international governing body of association football, futsal, and beach soccer. It has 209 member associations." + }, + { + "id": "15120957", + "title": "2018 FIFA World Cup qualification", + "text": "2018 FIFA World Cup qualification The 2018 FIFA World Cup qualification process was a series of tournaments organised by the six FIFA confederations to decide 31 of the 32 teams which would play in the 2018 FIFA World Cup, with Russia qualifying automatically as hosts. All 210 remaining FIFA member associations were eligible to enter the qualifying process, and for the first time in World Cup history, all eligible national teams registered for the preliminary competition, but Zimbabwe and Indonesia were disqualified before playing their first matches. Bhutan, South Sudan, Gibraltar and Kosovo made their FIFA World Cup qualification debuts.", + "score": 0.70703125, + "summary": "FIFA is a global football organization with 210 member countries. The organization organized a series of tournaments to decide 31 of 32 teams which would play in the 2018 FIFA World Cup, Russia qualified automatically as hosts.", + "extraction": "\"FIFA\" is the international governing body of association football, futsal and beach soccer. They have 210 member countries eligible to enter the qualifying process for the FIFA World Cup." + }, + { + "id": "15649966", + "title": "FIFA Congress", + "text": "FIFA Congress The FIFA Congress is the supreme legislative body of the International Federation of Association Football (French: F\u00e9d\u00e9ration Internationale de Football Association), commonly known by the acronym FIFA . FIFA is the international governing body of :association football, futsal and beach soccer. The congress may be ordinary or extraordinary. An ordinary congress meets every year, an extraordinary congress may be convened by the FIFA Council (formerly Executive Committee) at any time with the support of one fifth of the members of FIFA. Each of the 211 members of FIFA has one vote in the congress. The members of FIFA", + "score": 0.705078125, + "summary": "FIFA is the International Federation of Association Football and is the governing body of association football, futsal and beach soccer. It has 211 member countries and holds an ordinary congress every year. An extraordinary congress may be convened by the FIFA Council with the support of one fifth of the members of FIFA.", + "extraction": "FIFA is the International Federation of Association Football and has 211 member countries." + }, + { + "id": "139994", + "title": "FIFA", + "text": "Football Museum at Urbis in Manchester, England. The first World Cup was held in 1930 in Montevideo, Uruguay. FIFA is headquartered in Z\u00fcrich, and is an association established under the law of Switzerland. FIFA's supreme body is the FIFA Congress, an assembly made up of representatives from each affiliated member association. Each national football association has one vote, regardless of its size or footballing strength. The Congress assembles in ordinary session once every year, and extraordinary sessions have been held once a year since 1998. The congress makes decisions relating to FIFA's governing statutes and their method of implementation and", + "score": 0.70263671875, + "summary": "FIFA is an association established under the law of Switzerland and headquartered in Z\u00fcrich. Its supreme body is the FIFA Congress, made up of representatives from each affiliated member association. Each national football association has one vote, regardless of its size or footballing strength. It has been holding ordinary sessions once every year and extraordinary sessions once a year since 1998. The first World Cup was held in 1930 in Montevideo, Uruguay. The document does not mention how many member countries FIFA", + "extraction": "\"FIFA is an association established under the law of Switzerland. FIFA's supreme body is the FIFA Congress, an assembly made up of representatives from each affiliated member association.\" \n\nThere are no coreference issues in the extracted span. To answer the question, FIFA is an association established under the law of Switzerland and they have multiple member countries, with each national football association having one vote in the FIFA Congress. However, the passage does not provide information on how many member countries FIFA has." + }, + { + "id": "1846113", + "title": "Fe\u0301de\u0301ration Internationale de l'Automobile", + "text": "F\u00e9d\u00e9ration Internationale de l'Automobile The F\u00e9d\u00e9ration Internationale de l'Automobile (FIA, English: International Automobile Federation) is an association established on 20 June 1904 to represent the interests of motoring organisations and motor car users. To the general public, the FIA is mostly known as the governing body for many auto racing events. The FIA also promotes road safety around the world. Headquartered at 8 Place de la Concorde, Paris, the FIA consists of 246 member organisations in 145 countries worldwide. Its current president is Jean Todt. The FIA is generally known by its French name or initials, even in non-French-speaking countries,", + "score": 0.701171875, + "summary": "The document is irrelevant to the question of interest.", + "extraction": "The passage is irrelevant to the question as it talks about the F\u00e9d\u00e9ration Internationale de l'Automobile (FIA) and not FIFA." + }, + { + "id": "13706207", + "title": "2014 FIFA World Cup qualification", + "text": "2014 FIFA World Cup qualification The 2014 FIFA World Cup qualification was a series of tournaments organised by the six FIFA confederations. The 2014 FIFA World Cup featured 32 teams, with one place reserved for the host nation, Brazil. The remaining 31 places were determined by a qualification process, in which the other 207 teams, from the six FIFA confederations, competed. Most of the successful teams were determined within these confederations, with a limited number of inter-confederation play-offs occurring at the end of the process. Bhutan, Brunei, Guam and Mauritania did not enter, and South Sudan joined FIFA after the", + "score": 0.701171875, + "summary": "FIFA is an organization that organized the 2014 FIFA World Cup qualification process for 207 teams from six confederations. The World Cup featured 32 teams, including the host nation Brazil. The number of member countries is not mentioned.", + "extraction": "FIFA is an international football organization with six confederations. The organization has 207 member countries and 32 teams participated in the 2014 FIFA World Cup, one of which was reserved for the host nation, Brazil." + }, + { + "id": "139988", + "title": "FIFA", + "text": "also be members of one of the six regional confederations into which the world is divided: Africa, Asia, Europe, North & Central America and the Caribbean, Oceania, and South America. Although FIFA does not control the rules of football, that being the responsibility of the International Football Association Board, it is responsible for both the organization of a number of tournaments and their promotion, which generate revenue from sponsorship. In 2017, FIFA had revenues of over US$734 million, for a net loss of $189 million, and had cash reserves of over US$930 million. Reports by investigative journalists have linked FIFA", + "score": 0.7001953125, + "summary": "FIFA is an organization responsible for organizing and promoting football tournaments. There are six regional confederations that member countries can be a part of. In 2017, FIFA had revenues of over US$734 million and had cash reserves of over US$930 million. It is irrelevant how many member countries they have.", + "extraction": "\"FIFA is an organization responsible for the organization of a number of tournaments and their promotion, which generate revenue from sponsorship. They have over 200 member countries that are also members of one of the six regional confederations into which the world is divided: Africa, Asia, Europe, North & Central America and the Caribbean, Oceania, and South America.\"" + }, + { + "id": "4368738", + "title": "History of FIFA", + "text": "He increased the number of teams in the World Cup to 24 for the 1982 World Cup and then to 32 at the 1998 World Cup. He also brought Israel into the international game (affiliated to UEFA) and saw FIFA spread across the globe, with small nations such as Guam, Lesotho and Montserrat joining. The next president, Sepp Blatter, maintained this policy; he promised the 2010 World Cup to Africa, for example. He oversaw a federation that was a massive corporate body and whose actions have global economic and political impact. In 2006, after the game between Switzerland and South", + "score": 0.7001953125, + "summary": "FIFA is a federation that oversees international soccer. It has many member countries, including small nations such as Guam, Lesotho, and Montserrat, but the exact number is not specified.", + "extraction": "FIFA is a federation that has spread across the globe and currently has member countries such as Israel, Guam, Lesotho, and Montserrat. However, the exact number of member countries is not mentioned in the given passage." + }, + { + "id": "18548378", + "title": "2018 FIFA World Cup qualification (UEFA)", + "text": "Russia, which qualified automatically as hosts, all remaining 52 FIFA-affiliated national teams from UEFA at the registration deadline of January 2015 entered qualification. Gibraltar, despite being a UEFA member since 2013, was not a FIFA member at the time of the registration deadline, and thus was not eligible to enter qualification for the FIFA World Cup. They appealed to the Court of Arbitration for Sport to challenge FIFA's refusal to grant membership in order to enter World Cup qualifying. In May 2016, the CAS found in Gibraltar's favour and ordered that FIFA put Gibraltar forward for FIFA membership, which would", + "score": 0.69873046875, + "summary": "FIFA is an organization that oversees international soccer tournaments. They have 52 member countries in UEFA for the 2018 World Cup qualification, with Russia qualifying as hosts. Gibraltar, a UEFA member since 2013, was not eligible for qualification due to not being a FIFA member at the time.", + "extraction": "FIFA is an organization that has 52 member countries from UEFA." + }, + { + "id": "6722015", + "title": "National team appearances in the FIFA World Cup", + "text": "National team appearances in the FIFA World Cup The FIFA World Cup is an international association football competition contested by the senior men's national teams of the members of the International Federation of Association Football (FIFA, F\u00e9d\u00e9ration Internationale de Football Association). The championship has been awarded every four years since the inaugural tournament in 1930, with the exception of 1942 and 1946 when it was not held due to the Second World War. The competition originally featured 16 teams, and later 24, before settling on its current format of 32 teams starting with the 1998 tournament. Teams initially compete in", + "score": 0.6982421875, + "summary": "FIFA is the International Federation of Association Football, and they have member countries who participate in the FIFA World Cup every four years. The competition originally featured 16 teams and has since increased to 32 teams.", + "extraction": "\"FIFA, F\u00e9d\u00e9ration Internationale de Football Association\" is an international association football competition that is contested by the senior men's national teams of the members of the International Federation of Association Football. The number of member countries is not specified in the given passage." + }, + { + "id": "7074776", + "title": "FIFA 100", + "text": "FIFA 100 The FIFA 100 is a list of the world-renowned Brazilian striker Pel\u00e9's choice of the \"greatest living footballers\". Unveiled on 4 March 2004 at a gala ceremony in London, England, the FIFA 100 marked part of the celebrations of the 100th anniversary of the foundation of the F\u00e9d\u00e9ration Internationale de Football Association (FIFA), the international governing body of football. The figure 100 refers to the 100th anniversary of FIFA and not the number of players listed, which is actually 125; Pel\u00e9 had been asked to select 50 active players and 50 retired players, for a total of 100", + "score": 0.69775390625, + "summary": "The document is irrelevant to the question.", + "extraction": "FIFA is the F\u00e9d\u00e9ration Internationale de Football Association, the international governing body of football. The number of member countries they have is not mentioned in the given passage, so the answer to the question is \"irrelevant\"." + }, + { + "id": "11794866", + "title": "International Ice Hockey Federation", + "text": "of the century. The federation has 56 full members: Australia, Austria, Azerbaijan, Belarus, Belgium, Bosnia and Herzegovina, Bulgaria, Canada, China, Chinese Taipei, Croatia, the Czech Republic, Denmark, Estonia, Finland, France, Georgia, Germany, Great Britain, Hong Kong, Hungary, Iceland, India, Ireland, Israel, Italy, Japan, Kazakhstan, North Korea, South Korea, Kuwait, Latvia, Lithuania, Luxembourg, Mexico, Mongolia, Netherlands, New Zealand, Norway, Poland, Qatar, Romania, Russia, Serbia, Slovakia, Slovenia, South Africa, Spain, Sweden, Switzerland, Thailand, Turkey, Turkmenistan, Ukraine, the United Arab Emirates, and the United States. Full members have a national body dedicated to the sport, and participate annually in the international championships. Only", + "score": 0.69580078125, + "summary": "FIFA is irrelevant to this document, which is about the International Ice Hockey Federation (IIHF) and its 56 full member countries.", + "extraction": "FIFA is irrelevant to the given passage." + }, + { + "id": "8094224", + "title": "2010 FIFA World Cup qualification", + "text": "scored over 852 matches, scoring on average 2.74 per match. At the close of entries on 15 March 2007, 204 football associations had entered the preliminary competition: 203 out of the 207 FIFA members at that time (including the host nation, South Africa, as the qualification procedure in Africa also acted as the qualification for the 2010 African Cup of Nations) and the Montenegro team, which later became FIFA's 208th member. The final number of teams entered breaks the previous record of 199 entrants set during the 2002 FIFA World Cup. Four FIFA members (all from the AFC) failed to", + "score": 0.6953125 + }, + { + "id": "2848472", + "title": "Gibraltar Football Association", + "text": "UK Home Nations (England, Northern Ireland, Scotland and Wales), the Faroe Islands, Hong Kong, Macau, Puerto Rico, Chinese Taipei, Tahiti and New Caledonia. French Guiana, Martinique, Guadeloupe and Saint Martin each have national teams which, despite not being FIFA members, are allowed to compete at the CONCACAF confederation level. FIFA has also accepted members from other British overseas territories who compete in FIFA World Cup qualification tournaments despite not being sovereign states, including Anguilla, Bermuda, British Virgin Islands, Cayman Islands, Montserrat and Turks and Caicos Islands. The GFA appealed to the world's highest sporting court, the Court of Arbitration for", + "score": 0.6953125 + }, + { + "id": "5281496", + "title": "2006 FIFA World Cup qualification", + "text": "2006 FIFA World Cup qualification The 2006 FIFA World Cup qualification competition was a series of tournaments organised by the six FIFA confederations. Each confederation \u2014 the AFC (Asia), CAF (Africa), CONCACAF (North, Central America and Caribbean), CONMEBOL (South America), OFC (Oceania), and UEFA (Europe) \u2014 was allocated a certain number of the 32 places at the tournament. A total of 197 teams entered the qualification process for the 2006 FIFA World Cup, for the first time ever, the defending champion (Brazil) did not qualify automatically. The hosts (Germany) retained their automatic spot. In 1934, the defending champions (Uruguay) declined", + "score": 0.69482421875 + }, + { + "id": "5865803", + "title": "1998 FIFA World Cup qualification", + "text": "1998 FIFA World Cup qualification The 1998 FIFA World Cup qualification competition was a series of tournaments organised by the six FIFA confederations. Each confederation \u2014 the AFC (Asia), CAF (Africa), CONCACAF (North, Central America and Caribbean), CONMEBOL (South America), OFC (Oceania), and UEFA (Europe) \u2014 was allocated a certain number of the 32 places at the tournament. A total of 174 teams entered the 1998 FIFA World Cup qualification rounds, competing for a total of 32 spots in the final tournament. The 1998 FIFA World Cup featured 32 teams, with two places reserved for France and Brazil as host", + "score": 0.69384765625 + }, + { + "id": "138052", + "title": "Association football", + "text": "had forfeited a game or had been forfeited against would be awarded a technical loss or win. The recognised international governing body of football (and associated games, such as futsal and beach soccer) is FIFA. The FIFA headquarters are located in Z\u00fcrich, Switzerland. Six regional confederations are associated with FIFA; these are: National associations oversee football within individual countries. These are generally synonymous with sovereign states, (for example: the F\u00e9d\u00e9ration Camerounaise de Football in Cameroon) but also include a smaller number of associations responsible for sub-national entities or autonomous regions (for example the Scottish Football Association in Scotland). 209 national", + "score": 0.69384765625 + }, + { + "id": "6835410", + "title": "Vatican City national football team", + "text": "Nauru, Palau, Tuvalu, and the United Kingdom (though the UK's four \"home countries\" (England, Scotland, Wales and Northern Ireland) have individual FIFA teams each of which is also a member of the IFAB). In May 2014, Domenico Ruggerio, president of the national football association, stated that \"I prefer to be amateur...To join FIFA, at that level, will be like a business\" after stating \"The important message of friendship and love is demonstrated by the sport \u2014 the real sport, not the business that is in football these days...It is not just important to win a match; it is how you", + "score": 0.69287109375 + }, + { + "id": "12050002", + "title": "2022 FIFA World Cup", + "text": "area is Switzerland, host of the 1954 FIFA World Cup, which is more than three times as large as Qatar and only needed to host 16 teams instead of the current 32. On 12 April 2018, CONMEBOL requested that FIFA expand the 2022 FIFA World Cup from 32 to 48 teams, four years before the 2026 FIFA World Cup as initially planned. FIFA President Gianni Infantino expressed willingness to consider the request. However, the FIFA congress rejected the request shortly before the beginning of the 2018 FIFA World Cup. Infantino said the global football governing body would not discuss the", + "score": 0.6923828125 + }, + { + "id": "6020526", + "title": "FIFPro", + "text": "FIFPro The F\u00e9d\u00e9ration Internationale des Associations de Footballeurs Professionnels (English \u2013 International Federation of Professional Footballers), generally referred to as FIFPro, is the worldwide representative organisation for 65,000 professional footballers. FIFPro, with its global headquarters in Hoofddorp, Netherlands, is made up of 63 national players' associations. In addition, there are five candidate members and eight observers. On 15 December 1965, representatives of the French, Scottish, English, Italian and Dutch players' associations met in Paris, with the objective of setting up an international federation for footballers. In the second half of June 1966, the first FIFPro congress took place in London,", + "score": 0.69189453125 + }, + { + "id": "139995", + "title": "FIFA", + "text": "application. Only the Congress can pass changes to FIFA's statutes. The congress approves the annual report, and decides on the acceptance of new national associations and holds elections. Congress elects the President of FIFA, its general secretary, and the other members of the FIFA Council in the year following the FIFA World Cup. FIFA Council \u2014 formerly called the FIFA Executive Committee and chaired by the president \u2014 is the main decision-making body of the organisation in the intervals of congress. The council is composed of 37 people: the president; 8 vice presidents; and 28 members from the confederations, with", + "score": 0.69140625 + }, + { + "id": "139996", + "title": "FIFA", + "text": "at least of them being a woman. The Executive Committee is the body that decides which country will host the World Cup. The president and the general secretary are the main office holders of FIFA, and are in charge of its daily administration, carried out by the general secretariat, with its staff of approximately 280 members. Gianni Infantino is the current president, elected on 26 February 2016 at an extraordinary FIFA Congress session after former president Sepp Blatter was suspended pending a corruption investigation. FIFA's worldwide organisational structure also consists of several other bodies, under the authority of the FIFA", + "score": 0.69091796875 + }, + { + "id": "4368730", + "title": "History of FIFA", + "text": "to go it alone and 'FIFA' was born in Paris, uniting the Football governing bodies of France, Belgium, Denmark, Netherlands, Spain, Sweden, and Switzerland on 21 May 1904. Germany also joined the federation on the same day by Telegram but is not considered a founding member. The initial statutes of FIFA stated that: These statutes came into effect on 1 September 1905, decided by the founding members and Germany. The first FIFA Congress was held on 23 May 1904 \u2013 Robert Gu\u00e9rin was elected President, Victor E. Schneider of Switzerland and Carl Anton Wilhelm Hirschmann of the Netherlands were made", + "score": 0.69091796875 + }, + { + "id": "8953512", + "title": "Non-FIFA international football", + "text": "sovereign states (Federated States of Micronesia, Kiribati, Marshall Islands, Monaco, Nauru, Palau, Tuvalu, and the Vatican City) are not affiliated to FIFA. Kiribati and Tuvalu are Associate Members of Oceania Football Confederation. The following nations have national teams that have played matches outside FIFA: Nauru, Federated States of Micronesia, Palau, Monaco, and the Vatican City. At present, Marshall Islands doesn't have any football team. The United Kingdom is represented in FIFA through its four constituent countries \u2013 England, Wales, Scotland and Northern Ireland. A second category encompasses regions of larger nations which have a history of autonomy. They may have", + "score": 0.6904296875 + }, + { + "id": "145457", + "title": "FIFA World Cup", + "text": "as a dress rehearsal for the upcoming World Cup. It is contested by the winners of each of the six FIFA confederation championships, along with the FIFA World Cup champion and the host country. FIFA also organises international tournaments for youth football (FIFA U-20 World Cup, FIFA U-17 World Cup, FIFA U-20 Women's World Cup, FIFA U-17 Women's World Cup), club football (FIFA Club World Cup), and football variants such as futsal (FIFA Futsal World Cup) and beach soccer (FIFA Beach Soccer World Cup). The latter three do not have a women's version, although a FIFA Women's Club World Cup", + "score": 0.68994140625 + }, + { + "id": "145437", + "title": "FIFA World Cup", + "text": "two titles each; and England and Spain with one title each. The World Cup is the most prestigious association football tournament in the world, as well as the most widely viewed and followed sporting event in the world, exceeding even the Olympic Games; the cumulative viewership of all matches of the 2006 World Cup was estimated to be 26.29 billion with an estimated 715.1 million people watching the final match, a ninth of the entire population of the planet. 17 countries have hosted the World Cup. Brazil, France, Italy, Germany and Mexico have each hosted twice, while Uruguay, Switzerland, Sweden,", + "score": 0.689453125 + }, + { + "id": "2933617", + "title": "Joa\u0303o Havelange", + "text": "and provided a model for global sporting federations. Nally stated that: The sale of television rights increased greatly under Havelange's leadership. In 1987 the European rights to the next three FIFA World Cups were sold for $440 million, the non-United States rights for the three tournaments from 1998 sold for $2.2 billion. Under Havelange's presidency the FIFA World Cup expanded from 16 to 32 teams, with Havelange overseeing six world cups during his time in office. The FIFA U-17 World Cup, FIFA U-20 World Cup, FIFA Confederations Cup and FIFA Women's World Cup were all introduced under his tenure. The", + "score": 0.68896484375 + }, + { + "id": "8094223", + "title": "2010 FIFA World Cup qualification", + "text": "2010 FIFA World Cup qualification The 2010 FIFA World Cup qualification competition was a series of tournaments organised by the six FIFA confederations. Each confederation \u2014 the AFC (Asia), CAF (Africa), CONCACAF (North, Central America and Caribbean), CONMEBOL (South America), OFC (Oceania), and UEFA (Europe) \u2014 was allocated a certain number of the 32 places at the tournament. A total of 205 teams entered the qualification competition, with South Africa, as the host, qualifying for the World Cup automatically. The first qualification matches were played on 25 August 2007 and qualification concluded on 18 November 2009. Overall, 2341 goals were", + "score": 0.6884765625 + }, + { + "id": "7074779", + "title": "FIFA 100", + "text": "of the \"FIFA 100\" greatest living footballers as nominated by Pel\u00e9. FIFA 100 The FIFA 100 is a list of the world-renowned Brazilian striker Pel\u00e9's choice of the \"greatest living footballers\". Unveiled on 4 March 2004 at a gala ceremony in London, England, the FIFA 100 marked part of the celebrations of the 100th anniversary of the foundation of the F\u00e9d\u00e9ration Internationale de Football Association (FIFA), the international governing body of football. The figure 100 refers to the 100th anniversary of FIFA and not the number of players listed, which is actually 125; Pel\u00e9 had been asked to select 50", + "score": 0.6884765625 + }, + { + "id": "145449", + "title": "FIFA World Cup", + "text": "in 2014. Nevertheless, European and South American teams continue to dominate, e.g., the quarter-finalists in 1994, 1998, 2006 and 2018 were all from Europe or South America and so were the finalists of all tournaments so far. Two hundred teams entered the 2002 FIFA World Cup qualification rounds; 198 nations attempted to qualify for the 2006 FIFA World Cup, while a record 204 countries entered qualification for the 2010 FIFA World Cup. In October 2013, Sepp Blatter spoke of guaranteeing the Caribbean Football Union's region a position in the World Cup. In the edition of 25 October 2013 of the", + "score": 0.6875 + }, + { + "id": "17241049", + "title": "Bonaire national football team", + "text": "associations of internationally recognised independent countries to become members, as well as entities \"which [have] not yet gained independence\" provided the \"association in the country on which it is dependent\" authorizes membership. The requirements of independence or \"gaining independence\" did not apply to 17 out of the 18 members of FIFA that are not fully independent states, including all 10 Caribbean members, as they entered before the rules were changed. Although the KNVB supports the BFF with training courses, infrastructure, and with goal projects, no express authorization of such a move for Bonaire is reported. Any association seeking affiliation to", + "score": 0.68603515625 + }, + { + "id": "3140626", + "title": "2014 FIFA World Cup", + "text": "failed to qualify for the first time since 1994. This was also the first World Cup for 32 years that did not feature a representative from the Nordic countries. The highest ranked team not to qualify was Ukraine (ranked 16th), while the lowest ranked team that did qualify was Australia (ranked 62nd). The 32 participating teams were drawn into eight groups. In preparation for this, the teams were organised into four pots with the seven highest-ranked teams joining host nation Brazil in the seeded pot. As with the previous tournaments, FIFA aimed to create groups which maximised geographic separation and", + "score": 0.685546875 + }, + { + "id": "13688564", + "title": "Football", + "text": "increasing popularity of international fixtures. The English Football Association had chaired many discussions on setting up an international body, but was perceived as making no progress. It fell to associations from seven other European countries: France, Belgium, Denmark, Netherlands, Spain, Sweden, and Switzerland, to form an international association. The \"F\u00e9d\u00e9ration Internationale de Football Association\" (FIFA) was founded in Paris on May 21, 1904. Its first president was Robert Gu\u00e9rin. The French name and acronym has remained, even outside French-speaking countries. Rugby league rules diverged significantly from rugby union in 1906, with the reduction of the team from 15 to 13", + "score": 0.6845703125 + }, + { + "id": "15120960", + "title": "2018 FIFA World Cup qualification", + "text": "However, FIFA general secretary J\u00e9r\u00f4me Valcke said that expansion in 2018 would be \"unlikely\", while Russian sports minister Vitaly Mutko said that the country was \"preparing on the basis that 32 teams will be taking part.\" Expansion was ultimately delayed until 10 January 2017, when the FIFA Council voted unanimously to expand to 48 teams starting in the 2026 FIFA World Cup. While all FIFA members entered the tournament, not all competed. Zimbabwe were expelled from the competition on 12 March 2015 for their failure to pay former coach Jos\u00e9 Claudinei a severance fee and Indonesia were excluded from the", + "score": 0.68408203125 + }, + { + "id": "6781286", + "title": "FIFA World Cup qualification", + "text": "FIFA World Cup qualification The FIFA World Cup qualification is the process that a national association football team goes through to qualify for the FIFA World Cup finals. The FIFA World Cup is the largest international team sport competition in the world with a qualification process required to reduce the large field of countries from 211 to just 32 for the World Cup finals. Qualifying tournaments are held within the six FIFA continental zones (Africa, Asia, North and Central America and Caribbean, South America, Oceania, Europe), and are organized by their respective confederations. For each tournament, FIFA decides beforehand the", + "score": 0.68310546875 + }, + { + "id": "141137", + "title": "FIDE", + "text": "present 185 member federations of FIDE. The list fluctuates, as new nations join and sometimes national federations collapse or are unable to pay their dues. The states are: Afghanistan, Albania, Algeria, Andorra, Angola, Argentina, Armenia, Australia, Austria, Azerbaijan, Bahamas, Bahrain, Bangladesh, Barbados, Belarus, Belgium, Belize, Bolivia, Bosnia and Herzegovina, Botswana, Brazil, Brunei Darussalam, Bulgaria, Burundi, Cambodia, Canada, Chile, China, Colombia, Costa Rica, C\u00f4te d'Ivoire, Croatia, Cuba, Cyprus, Czech Republic, Denmark, Dominican Republic, Ecuador, Egypt, El Salvador, Estonia, Ethiopia, Fiji, Finland, France, Georgia, Germany, Ghana, Greece, Guatemala, Haiti, Honduras, Hungary, Iceland, India, Indonesia, Iran, Iraq, Ireland, Israel, Italy, Jamaica, Japan, Jordan,", + "score": 0.68310546875 + }, + { + "id": "442299", + "title": "UEFA", + "text": "UEFA The Union of European Football Associations (UEFA ; ; ) is the administrative body for association football in Europe, although several member states are primarily or entirely located in Asia. It is one of six continental confederations of world football's governing body FIFA. UEFA consists of 55 national association members. UEFA represents the national football associations of Europe, runs nation and club competitions including the UEFA European Championship, UEFA Nations League, UEFA Champions League, UEFA Europa League, and UEFA Super Cup, and controls the prize money, regulations, and media rights to those competitions. Henri Delaunay was the first general", + "score": 0.6826171875 + }, + { + "id": "7963385", + "title": "International Fiscal Association", + "text": "Each subsequent report presented at each congress consists of a country-by-country report on the international tax topics chosen. Membership of IFA is around 12,500, representing 116 countries, 70 of which have individual IFA Branches that conduct their own events in addition to feeding to the broader IFA Central based at the headquarters. Membership includes an array of individuals who play a role in fiscal policy work and development such as academics, tax practitioners, and government officials. Along with the increasing internationalization of the world's economies, international tax issues have become more numerous and of greater importance. IFA has played a", + "score": 0.6826171875 + }, + { + "id": "138053", + "title": "Association football", + "text": "associations are affiliated both with FIFA and with their respective continental confederations. While FIFA is responsible for arranging competitions and most rules related to international competition, the actual Laws of the Game are set by the International Football Association Board, where each of the UK Associations has one vote, while FIFA collectively has four votes. The major international competition in football is the World Cup, organised by FIFA. This competition takes place every four years since 1930 with the exception of 1942 and 1946 tournaments, which were cancelled due to World War II. Approximately 190\u2013200 national teams compete in qualifying", + "score": 0.68212890625 + }, + { + "id": "5724096", + "title": "2002 FIFA World Cup qualification", + "text": "2002 FIFA World Cup qualification The 2002 FIFA World Cup qualification competition was a series of tournaments organised by the six FIFA confederations. Each confederation \u2014 the AFC (Asia), CAF (Africa), CONCACAF (North, Central America and Caribbean), CONMEBOL (South America), OFC (Oceania), and UEFA (Europe) \u2014 was allocated a certain number of the 32 places at the tournament. 199 teams entered the tournament qualification rounds, competing for 32 spots in the final tournament. South Korea and Japan, as the co-hosts, and France, as the defending champions, qualified automatically, leaving 29 spots open for competition. \"12 of the 32 teams subsequently", + "score": 0.6806640625 + }, + { + "id": "442314", + "title": "UEFA", + "text": "revenue comparison. All figures in Euros. \"Source is the Deloitte 2015 annual report, which uses 2013\u201314 figures.\" Legend Notes Legend President Vice-presidents Members General secretary Deputy general secretary Head of club competitions Head of national compettitions Honorary president UEFA The Union of European Football Associations (UEFA ; ; ) is the administrative body for association football in Europe, although several member states are primarily or entirely located in Asia. It is one of six continental confederations of world football's governing body FIFA. UEFA consists of 55 national association members. UEFA represents the national football associations of Europe, runs nation and", + "score": 0.6796875 + }, + { + "id": "5289246", + "title": "Rugby League European Federation", + "text": "rugby league in Lebanon and had led the RLEF's development drive in the Mediterranean and Middle East regions as Director of Development for the Euro-Med region. Currently eleven nations are full members of the federation; there are also ten associate members and sixteen official observers. Full members are entitled to a greater proportion of voting rights and to become members of the Rugby League International Federation. In order to become an associate member, a nation must meet the following criteria: The RLEF stipulates that continued associate and full membership of the federation is subject to a check every two years", + "score": 0.67919921875 + }, + { + "id": "8014395", + "title": "Gibraltar national football team", + "text": "guest nation Gibraltar after Northern Ireland decided not to take part. Though Gibraltar eventually finished bottom of the group, they pushed tournament winners England C close. After becoming a member of UEFA (see below), the GFA aimed to become a full FIFA member in time to participate in 2018 FIFA World Cup qualification. On 26 September 2014, it was announced that Gibraltar's application for FIFA membership was denied, with president Sepp Blatter stating that Gibraltar is ineligible because it is not an independent country. This was despite FIFA at the time including 22 members that are not independent countries, including", + "score": 0.677734375 + }, + { + "id": "15649969", + "title": "FIFA Congress", + "text": "the Acting FIFA President, Issa Hayatou was in charge of FIFA. FIFA Congress The FIFA Congress is the supreme legislative body of the International Federation of Association Football (French: F\u00e9d\u00e9ration Internationale de Football Association), commonly known by the acronym FIFA . FIFA is the international governing body of :association football, futsal and beach soccer. The congress may be ordinary or extraordinary. An ordinary congress meets every year, an extraordinary congress may be convened by the FIFA Council (formerly Executive Committee) at any time with the support of one fifth of the members of FIFA. Each of the 211 members of", + "score": 0.67724609375 + }, + { + "id": "5438104", + "title": "2018 and 2022 FIFA World Cup bids", + "text": "ballot system was used to determine the tournament host. All eligible members of the FIFA Executive Committee had one vote. The candidate country that received the fewest votes in each round was eliminated until a single candidate was chosen by the majority. In the event of a tied vote, FIFA President Sepp Blatter would have had the deciding vote. There are twenty-four members on the Committee, but two of those were suspended due to accusations of selling votes. Eleven bids were submitted in March 2009 covering thirteen nations, with two joint bids: Belgium-Netherlands and Portugal-Spain. Mexico also submitted a bid,", + "score": 0.67724609375 + }, + { + "id": "5724101", + "title": "2002 FIFA World Cup qualification", + "text": "a qualifying match. The European section acted as qualifiers for the 2002 FIFA World Cup, for national teams which are members of the Union of European Football Associations (UEFA). Apart from France, who qualified automatically as holders, a total of thirteen and half slots in the final tournament were available for UEFA teams. The 50 teams were divided into nine groups, five groups of six teams and four groups of five teams. The teams played against each other on a home-and-away basis. The group winners would qualify. Among the runners-up, the runner-up of Group 2 was drawn randomly to advance", + "score": 0.67724609375 + }, + { + "id": "20994708", + "title": "World Leagues Forum", + "text": "FIFA Congress. The WLF initially comprised 24 member football leagues, but has since expanded to 40 leagues and holds annual meetings that are hosted by members. The group has voiced its opposition to FIFA president Gianni Infantino's plan to expand the FIFA Club World Cup and implement a global club league. , the WLF has 38 member leagues and associations from four continental confederations. The World Leagues Forum is governed by a Steering Committee composed of representatives and executives from top member leagues. Its current chairman is Christian Seifert, the CEO of the Deutsche Fu\u00dfball Liga. Its two vice chairmen", + "score": 0.6767578125 + }, + { + "id": "14156491", + "title": "International Federation of Inventors' Associations", + "text": "than 88 countries, and around 100 member organizations in total. The IFIA has a General Assembly, that includes an Executive Committee and elects the IFIA President. IFIA has observer status (Special Category - Technology) at the United Nations Conference on Trade and Development; observer status at the World Intellectual Property Organization (WIPO); has United Nations Industrial Development Organization's (UNIDO) consultative status; is a member of the Standing Advisory Committee before the European Patent Office (SACEPO); and is included among the Assembly of Professional Society in European Alliance for Innovation (EAI). The IFIA is run according to the following mandatory objectives:", + "score": 0.6767578125 + }, + { + "id": "14154183", + "title": "Cricket", + "text": "Full Members) and T20I lists. The International Cricket Council (ICC), which has its headquarters in Dubai, is the global governing body of cricket. It was founded as the Imperial Cricket Conference in 1909 by representatives from England, Australia and South Africa, renamed the International Cricket Conference in 1965, and took up its current name in 1989. The ICC in 2017 has 105 member nations, twelve of which hold full membership and can play Test cricket. The ICC is responsible for the organisation and governance of cricket's major international tournaments, notably the men's and women's versions of the Cricket World Cup.", + "score": 0.6767578125 + }, + { + "id": "4555706", + "title": "United Kingdom national football team", + "text": "or \"Home Nations\". Representative international matches between England and Scotland were played as far back as 1872, and the Home Nations formed the International Football Association Board (IFAB) in 1886 to co-ordinate matches between their teams. FIFA was formed by non-British associations in 1904, and by 1913 the Home Nations were in FIFA and FIFA was on the IFAB. In 1921, around the time of the partition of Ireland, the Football Association of Ireland (FAI) split from the IFA and disputed its authority. In 1923, an agreement between the IFAB and FIFA meant the FAI would represent the Irish Free", + "score": 0.6767578125 + }, + { + "id": "5166566", + "title": "International Hockey Federation", + "text": "Hungary, Spain and Switzerland. In 1982, the FIH merged with the International Federation of Women's Hockey Associations (IFWHA), which had been founded in 1927 by Australia, Denmark, England, Ireland, Scotland, South Africa, the United States and Wales. The organisation is based in Lausanne, Switzerland since 2005, having moved from Brussels, Belgium. In total, there are 138 member associations within the five confederations recognised by FIH. This includes Great Britain which is recognised as an adherent member of FIH, the team was represented at the Olympics and the Champions Trophy. England, Scotland and Wales are also represented by separate teams in", + "score": 0.6767578125 + }, + { + "id": "4803373", + "title": "International Korfball Federation", + "text": "stable local organization and structure in all the affiliated countries. The IKF has 69 members at the moment. They are divided over five continental confederations for Europe, Asia, Americas, Africa and Oceanian. In 2018 the latest member to join was Thailand. The IKF has had six presidents until now. All six have been from the Netherlands. The Council of the IKF consists of a President, a Secretary General, a Senior Vice-President, three other members of the Executive Committee and up to five Continental Vice-Presidents. International Korfball Federation The International Korfball Federation (IKF) is the governing body of korfball. IKF is", + "score": 0.6767578125 + }, + { + "id": "2964823", + "title": "International Tennis Federation", + "text": "are 211 national associations affiliated with the ITF, of which 148 are voting members and 63 are associate members. The criteria for allocating votes (1, 3, 5, 7, 9, or 12) to each voting member are: performance in ITF team competitions; professional (ATP/WTA), junior, and wheelchair rankings of individuals; track record in organizing international tournaments; and contribution to ITF infrastructure. For example, France garners 12 votes, Canada has 9, Egypt has 5, Pakistan has 3, and Botswana has 1 vote. Regional associations were created in July 1975 as six \"supra-national associations\" (Europe, Asia, Africa, North America, South America, and Australia)", + "score": 0.67626953125 + }, + { + "id": "14329329", + "title": "FIFA Council", + "text": "structure, and more power. It is led by the President of FIFA. It has also been announced that the Secretary General will now report to the council, and will work with a Chief Compliance Officer, who monitors the organisation in their work. All existing members of the committee remained in role until their respective positions faced re-election at their respective confederations. The new members of the FIFA Council came into force on 30 September 2016. There is a total of 37 new members on the council. It came into force before the 2016 Ordinary FIFA congress. The new council will", + "score": 0.67626953125 + }, + { + "id": "2113763", + "title": "FINA", + "text": "on 19 July 1908 in the Manchester Hotel in London, UK at the end of the 1908 Summer Olympics by the Belgian, British, Danish, Finnish, French, German, Hungarian and Swedish Swimming Federations. Number of national federations by year: At the June 2017, FINA Bureau meeting, Bhutan became the 208th national federation of FINA. and on November 30, 2017, Anguilla became the 209th national federation of FINA Members are grouped by continent, and there are 5 continental associations of which they can choose to be a member: The FINA membership meets every four years, usually coinciding with the World Championships. There", + "score": 0.67578125 + }, + { + "id": "4803372", + "title": "International Korfball Federation", + "text": "The IKF aims to spread korfball around the globe and increase the level of play in the affiliated countries. The IKF has currently 67 member countries. It provides the affiliated countries via five Continental Confederations (Africa, Americas, Asia, Europe and Oceania) with financial, material and structural support to achieve the goals. It has established a network of contacts in many countries and is constantly expanding this network. IKF actively promotes the game by transferring knowledge internationally by exchange programs and inviting selected korfball players, coaches and administrators to its training courses in order to assist in the creation of a", + "score": 0.67529296875 + }, + { + "id": "14533615", + "title": "Qatar 2022 FIFA World Cup bid", + "text": "as an opportunity to bridge the gap between the Arab World and the West. On 17 November 2010, Qatar hosted a friendly match between Brazil and Argentina. This was one of 47 international exhibition games held throughout the world on this day. President of FIFA Sepp Blatter endorsed the idea of having a World Cup in the Arab World, saying in April 2010: \"The Arabic world deserves a World Cup. They have 22 countries and have not had any opportunity to organize the tournament\". Blatter also praised Qatar's progress: \"When I was first in Qatar there were 400,000 people here", + "score": 0.6748046875 + }, + { + "id": "15119821", + "title": "2015 FIFA Women's World Cup", + "text": "has never qualified for a Women's World Cup. There is also ongoing political and economic instability in the country. The selected host, Canada, had previously hosted FIFA tournaments including the 1987 FIFA U-16 World Championship, 2002 FIFA U-19 Women's World Championship, the 2007 FIFA U-20 World Cup, which set an attendance record for that tournament, and most recently the 2014 FIFA U-20 Women's World Cup. For 2015, the number of qualifying teams grew from 16 to 24 and scheduled matches increased from 32 to 52. On 11 June 2012, FIFA announced a change to the allocation of the qualifying berths", + "score": 0.6748046875 + }, + { + "id": "17626291", + "title": "United States at the FIFA World Cup", + "text": "is an international football competition contested by the men's national teams of the members of \"F\u00e9d\u00e9ration Internationale de Football Association\" (FIFA), the sport's global governing body. The championship has been awarded every four years since the first tournament in 1930, except in 1942 and 1946, due to World War II. The current format of the World Cup involves 32 teams competing for the title, at venues within the host nation (or nations) over a period of about a month. The World Cup finals is the most widely viewed sporting event in the world, with an estimated 715 million people watching", + "score": 0.673828125 + }, + { + "id": "139992", + "title": "FIFA", + "text": "Sweden and Switzerland. Also, that same day, the German Football Association (DFB) declared its intention of affiliating through a telegram. The first president of FIFA was Robert Gu\u00e9rin. Gu\u00e9rin was replaced in 1906 by Daniel Burley Woolfall from England, by then a member of the association. The first tournament FIFA staged, the association football competition for the 1908 Olympics in London was more successful than its Olympic predecessors, despite the presence of professional footballers, contrary to the founding principles of FIFA. Membership of FIFA expanded beyond Europe with the application of South Africa in 1909, Argentina in 1912, Canada and", + "score": 0.673828125 + }, + { + "id": "292751", + "title": "Netball", + "text": "of July 2012, the IFNA has 49 full and 24 associate national members in five regions. Each region has an IFNA regional federation. The IFNA is affiliated with the General Association of International Sports Federations, the International World Games Association and the Association of IOC Recognised International Sports Federations. It is also a signatory to the World Anti-Doping Code. Netball is a popular participant sport in countries of the Commonwealth of Nations. Non-Commonwealth entities with full IFNA membership include Switzerland, Taiwan, Thailand, Argentina, Bermuda, the Cayman Islands and the United States, along with former Commonwealth members Zimbabwe, Ireland and Hong", + "score": 0.67333984375 + }, + { + "id": "6781290", + "title": "FIFA World Cup qualification", + "text": "and 1966, this does not indicate an exclusion of those continents by FIFA, but rather that no country from those continents made an entry to the aforementioned Cups. It should be noted that a large part of Africa was under European colonial rule for the majority of the 20th century. Consequently, only three African countries were affiliated to FIFA in 1954: Egypt (since 1923), Sudan (since 1948) and Ethiopia (since 1952). Egypt entered the 1934, 1938 and 1954 Cups, but not the 1930 or 1950 Cups, while Sudan and Ethiopia did not enter the Cup until 1958. Though an African", + "score": 0.6728515625 + }, + { + "id": "5085841", + "title": "FIFA Beach Soccer World Cup", + "text": "the 2015 World Cup, 45 countries have participated over the 19 competitions. However, only one country has participated in all World Cups, which is Brazil. European teams have dominated in appearances by continent, since 14 of the 45 countries have been from Europe, at least double than that of any other. Before qualification began, many of the same nations were invited back year on year. This meant that once qualification was introduced in 2006, giving all nations in that confederation a chance to earn a berth at the finals, there was an initial influx of new nations making their debut,", + "score": 0.6728515625 + }, + { + "id": "3140622", + "title": "2014 FIFA World Cup", + "text": "of 64 matches were played in 12 venues located in as many host cities across Brazil. For the first time at a World Cup finals, match officials used goal-line technology, as well as vanishing spray for free kicks. FIFA Fan Fests in each host city gathered a total of 5 million people, and the country received 1 million visitors from 202 countries. Every World Cup-winning team since the first tournament in 1930 \u2013 Argentina, Brazil, England, France, Germany, Italy, Spain and Uruguay \u2013 qualified for this tournament. Spain, the title holders, were eliminated at the group stage, along with England", + "score": 0.671875 + }, + { + "id": "5865798", + "title": "1998 FIFA World Cup qualification (UEFA)", + "text": "1998 FIFA World Cup qualification (UEFA) Listed below are the dates and results for the 1998 FIFA World Cup qualification rounds for the European zone (UEFA). A total of 50 UEFA teams entered the competition; Andorra, which joined FIFA and UEFA in November 1996 while the qualifiers were underway, could not enter. The European zone was allocated 15 places (out of 32) in the final tournament. France, the hosts, qualified automatically, leaving 14 spots open for competition between 49 teams. The 49 teams were divided into nine groups, four groups of six teams and five groups of five teams. The", + "score": 0.671875 + }, + { + "id": "7649803", + "title": "History of association football", + "text": "international body, but was perceived as making no progress. It fell to seven other European countries to band together to form this association. FIFA (F\u00e9d\u00e9ration Internationale de Football Association) was founded in Paris on 21 May 1904 - the French name and acronym persist to this day, even outside French-speaking countries. Its first president was Robert Gu\u00e9rin. FIFA presided over its first international competition in 1906, however it met with little approval or success. This, in combination with economic factors, led to the swift replacement of Gu\u00e9rin with Daniel Burley Woolfall from England, which had become a member association by", + "score": 0.6708984375 + }, + { + "id": "6020533", + "title": "FIFPro", + "text": "October 2013. The board members are: In 1998, for the first time in FIFPro history, a board member was elected by the General Assembly. Founded on December 15, 1965, FIFPro has 63 full members (including 1 special member), 5 candidate members and 8 observers. Upon graduation to the next level, new members sign an affiliation agreement that promotes loyalty, integrity and fairness as well as principles of good governance, including open and transparent communications, democratic processes, checks and balances, solidarity and corporate social responsibility. Each year since 2005, FIFPro invited all professional men's footballers in the world to compose the", + "score": 0.67041015625 + }, + { + "id": "2350019", + "title": "International Cricket Council", + "text": "International Cricket Council The International Cricket Council (ICC) is the global governing body of cricket. It was founded as the Imperial Cricket Conference in 1909 by representatives from Australia, England and South Africa. It was renamed as the International Cricket Conference in 1965, and took up its current name in 1989. The ICC has 105 members: 12 Full Members that play Test matches and 93 Associate Members. The ICC is responsible for the organisation and governance of cricket's major international tournaments, most notably the Cricket World Cup. It also appoints the umpires and referees that officiate at all sanctioned Test", + "score": 0.669921875 + }, + { + "id": "1966973", + "title": "Oceania Football Confederation", + "text": "result being Australia making the final of the 1997 Confederations Cup. OFC is made up of 11 full member associations and 3 associate members. Those three are associate members of the OFC, but are not FIFA members. Israel entered OFC World Cup qualification in 1986 and 1990 due to political reasons, though it never became a formal OFC member. Several sovereign states or dependencies in Oceania have national teams with no affiliation. All play infrequently and may have been inactive for several years. There are also some which do not have a national team. Sovereign states and dependencies with territory", + "score": 0.669921875 + }, + { + "id": "6507539", + "title": "1982 FIFA World Cup qualification (UEFA)", + "text": "1982 FIFA World Cup qualification (UEFA) Listed below are the dates and results for the 1982 FIFA World Cup qualification rounds for the European zone (UEFA). For an overview of the qualification rounds, see the article \"1982 FIFA World Cup qualification\". A total of 33 UEFA teams entered the competition. Moreover, Israel were also assigned to the European zone despite not being a UEFA member. The European zone was allocated 14 places (out of 24) in the final tournament. Spain, the hosts, qualified automatically, leaving 13 spots open for competition between 33 teams. The 33 teams were divided into 7", + "score": 0.66943359375 + }, + { + "id": "17626463", + "title": "Saudi Arabia at the FIFA World Cup", + "text": "parts, the qualification phase and the final phase (officially called the \"World Cup Finals\"). The qualification phase, which currently take place over the three years preceding the Finals, is used to determine which teams qualify for the Finals. The current format of the Finals involves 32 teams competing for the title, at venues within the host nation (or nations) over a period of about a month. The World Cup Finals is the most widely viewed sporting event in the world, with an estimated 715.1 million people watching the 2006 tournament final. Saudi Arabia have played in five FIFA World Cup", + "score": 0.66943359375 + }, + { + "id": "5668198", + "title": "1958 FIFA World Cup qualification", + "text": "1958 FIFA World Cup qualification A total of 55 teams entered the 1958 FIFA World Cup qualification rounds, competing for a total of 16 spots in the final tournament. Sweden as the hosts and West Germany, as the defending champions, qualified automatically, leaving 14 spots open for competition. The qualification rounds for the four previous World Cups were very confusing, with controversial rules and many withdrawals. From this tournament onwards, FIFA decided to divide the teams into several continental zones, assign a pre-determined number of places in the final tournament to each zone, and delegate the organization of the qualifying", + "score": 0.6689453125 + }, + { + "id": "145463", + "title": "FIFA World Cup", + "text": "zone and the fifth-placed team from the Asian zone entered a play-off for a spot in the 2010 World Cup. From the 1938 World Cup onwards, host nations receive automatic qualification to the final tournament. This right was also granted to the defending champions between 1938 and 2002, but was withdrawn from the 2006 FIFA World Cup onward, requiring the champions to qualify. Brazil, winners in 2002, were the first defending champions to play qualifying matches. The current final tournament has been used since 1998 and features 32 national teams competing over the course of a month in the host", + "score": 0.6689453125 + }, + { + "id": "6781308", + "title": "FIFA World Cup qualification", + "text": "the \"home\" team for one of the legs \u2013 which may determine which side advances under the away goals rule, as occurred in CONCACAF qualification in 2010. FIFA World Cup qualification The FIFA World Cup qualification is the process that a national association football team goes through to qualify for the FIFA World Cup finals. The FIFA World Cup is the largest international team sport competition in the world with a qualification process required to reduce the large field of countries from 211 to just 32 for the World Cup finals. Qualifying tournaments are held within the six FIFA continental", + "score": 0.66845703125 + }, + { + "id": "4407194", + "title": "Structural adjustment", + "text": "as well as options that lend to countries in times of crises such as natural disasters or conflicts. The IMF is supported solely by its member states, while the World Bank funds its loans with a mix of member contributions and corporate bonds. Currently there are 185 Members of the IMF (As Of February 2007) and 184 members of the World Bank. Members are assigned a quota to be reevaluated and paid on a rotating schedule. The assessed quota is based upon the donor country's portion of the world economy. One of the critiques of SAPs is that the highest", + "score": 0.66845703125 + }, + { + "id": "10364318", + "title": "2010 FIFA World Cup qualification (CAF)", + "text": "2010 FIFA World Cup qualification (CAF) The Confederation of African Football (CAF) section of the 2010 FIFA World Cup qualification saw teams compete for five berths in the final tournament in South Africa. The qualification stage doubled as the qualification stage for the 2010 African Cup of Nations, with fifteen teams qualifying for the finals held in Angola. In total, 53 nations participated; however, due to the presence of the two tournaments' respective hosts, 52 teams were involved in each competition. South Africa qualified automatically as host for the World Cup, and Angola qualified as host for the African Cup", + "score": 0.66796875 + }, + { + "id": "11794865", + "title": "International Ice Hockey Federation", + "text": "anniversary in 2008. As part of the celebrations, the 2008 World Championship was held in Canada for the first time (the tournament was co-hosted by the cities of Halifax and Quebec City). The number of members continues to grow. Chile (2000), Bosnia and Herzegovina (2001), Liechtenstein (2001), Macedonia (2001), the United Arab Emirates (2001), Macau (2005), Malaysia (2006), Moldova (2008), Georgia (2009), Kuwait (2009; had originally joined in 1985, but was expelled in 1992), Morocco (2010), Kyrgyzstan (2011), Jamaica (2012), Qatar (2012), Oman (2014), Turkmenistan (2015), Indonesia (2016), Nepal (2016), and the Philippines (2016) all have joined since the turn", + "score": 0.66796875 + }, + { + "id": "6089473", + "title": "Federation of International Sports Table Football", + "text": "ad-interim An independent department for disciplinary (legal) issues. Details for Sports table football playing rules are found here Sports table football. There are 27 FISTF Member Nations and others are not yet FISTF members. Several countries are in development. in South America, the countries play also the Button Football and Sectorball codes and have a Confederation. Chile is development phase. The historical relevance of the sport, game and hobby of Sports Table Football/Soccer (aka Newfooty/Subbuteo), from the first day in 1925 till this day. Mentioned are main upcoming anniversaries in the timeline. FISTF, ETF and FISA Hall of Fame winners", + "score": 0.66796875 + }, + { + "id": "7649804", + "title": "History of association football", + "text": "that point. The next tournament staged the football competition for the 1908 Olympics in London was more successful, despite the presence of professional footballers, contrary to the founding principles of FIFA. Membership of FIFA expanded beyond Europe with the application of South Africa in 1909, Argentina in 1912 and the United States in 1913. FIFA however floundered during World War I with many players sent off to war and the possibility of travel for international fixtures severely limited. Post-war, following the death of Woolfall, the organisation fell into the hands of Alexander Bartholomew. The organisation had a new leader though", + "score": 0.66748046875 + }, + { + "id": "7570975", + "title": "History of the FIFA World Cup", + "text": "History of the FIFA World Cup The FIFA World Cup was first held in 1930, when FIFA, the world's football governing body, decided to stage an international men\u2019s football tournament under the era of FIFA president Jules Rimet who put this idea into place. The inaugural edition, held in 1930, was contested as a final tournament of only thirteen teams invited by the organization. Since then, the World Cup has experienced successive expansions and format remodeling, with its current 32-team final tournament preceded by a two-year qualifying process, involving over 200 teams from around the world. The first official international", + "score": 0.6669921875 + }, + { + "id": "5811919", + "title": "1990 FIFA World Cup qualification", + "text": "1990 FIFA World Cup qualification The qualification competition for the 1990 FIFA World Cup was a series of tournaments organised by the six FIFA confederations. Each confederation \u2014 the Asian Football Confederation (AFC), Confederation of African Football (CAF), CONCACAF (North America), CONMEBOL (South America), Oceania Football Confederation (OFC), and UEFA (Europe) \u2014 was allocated a certain number of the 24 places at the tournament. A total of 116 teams entered the competition, with Italy, as the host, and Argentina, as the holders, qualifying for the final tournament automatically. The first qualification match was played on 17 April 1988 and qualification", + "score": 0.6669921875 + }, + { + "id": "5693575", + "title": "2011 FIFA Women's World Cup", + "text": "Cup, FIFA president Sepp Blatter had campaigned for the idea to increase the number of teams, although this proposal was not unquestioned. In particular the 11\u20130 victory of over in the opening game of the 2007 tournament had caused a debate over whether there were 24 national teams on a comparable level. In October 2008, the FIFA Executive Committee announced a change to the allocation of the qualifying berths for its continental confederations. Asia was granted 3 automatic berths instead of 2.5 for the finals (although in 2007 the host nation was an additional qualifier from Asia). Europe\u2019s allocation was", + "score": 0.6669921875 + }, + { + "id": "9458803", + "title": "David Gill (executive)", + "text": "in 2022. Gill, along with a number of other European football executives, called for Blatter to resign and not to stand for a fifth term in 2015. Gill said Blatter's behavior was \"totally unacceptable\". In May 2013, David Gill was elected to the UEFA Executive Committee at the 2013 UEFA Congress in London, where 53 member associations voted for candidates to fill eight seats. In March 2015, Gill was elected as Britain's FIFA Vice-President, replacing Northern Ireland's Jim Boyce, sitting on the FIFA Council for a 4-year term. Following the indictments in the United States of nine high-ranking FIFA officials", + "score": 0.6669921875 + }, + { + "id": "5832751", + "title": "1994 FIFA World Cup qualification", + "text": "1994 FIFA World Cup qualification The 1994 FIFA World Cup qualification was a series of tournaments organised by the six FIFA confederations. The 1994 FIFA World Cup featured 24 teams with one place reserved for the host nation, United States, and one place for the defending champions, Germany. The remaining 22 places were determined by a qualification process, in which 147 teams, from the six FIFA confederations, competed. Most of the successful teams were determined within these confederations, with a limited number of inter-confederation play-offs occurring at the end of the process. Thirteen teams withdrew: Liechtenstein, Cuba, Gambia, Burkina Faso,", + "score": 0.6669921875 + }, + { + "id": "5654706", + "title": "1954 FIFA World Cup qualification", + "text": "1954 FIFA World Cup qualification A total of 37 teams entered the 1954 FIFA World Cup qualification rounds, competing for a total of 16 spots in the final tournament. Switzerland, as the hosts, and Uruguay, as the defending champions, qualified automatically, leaving 14 spots open for competition. 37 teams were divided into 13 groups, based on geographical considerations, as follows: A total of 33 teams played at least one qualifying match. A total of 57 qualifying matches were played, and 208 goals were scored (an average of 3.65 per match). Listed below are the dates and results of the qualification", + "score": 0.66650390625 + }, + { + "id": "14620617", + "title": "2013 FIFA Beach Soccer World Cup", + "text": "FIFA Confederations Cup tournament in Brazil. Tu'e Popo' by Sabrina was the official song of Tahiti 2013, and the video features the island rhythms of the host country and the city of Papeete. FIFA chose 24 officials to referee the matches at the World Cup. From the 24 referees, at least one referee represents each confederation; four from the AFC, three from CAF, five from CONMEBOL, three from CONCACAF, one from the OFC and eight from UEFA, with all 24 officials being from different countries. The referees were revealed in July, 2013. The final draw was held on 5 June", + "score": 0.66650390625 + }, + { + "id": "6132971", + "title": "International Softball Federation", + "text": "country. There are members from every continent in the world, except Antarctica. The national governing body for softball in each of the countries listed below is considered to be a member of the ISF. There are 18 member countries. There are 33 countries and dependent territories. There are 22 member countries and dependent territories. There are 39 countries and dependent territories. There are 12 member countries and dependent territories. International Softball Federation The International Softball Federation is the international governing body for the sport of softball with its world headquarters and training centre at Plant City, Florida. The ISF is", + "score": 0.666015625 + }, + { + "id": "4368732", + "title": "History of FIFA", + "text": "and it was the Football Association which organized the football tournaments at the 1908 and 1912 Olympic Games, both won by Great Britain. In 1909 South Africa (the first non-European member) joined, and Argentina and Chile followed in 1912. The United States and Canada entered just before World War I in 1913. International football was rare during World War One and FIFA nearly collapsed after Woolfall's death in 1918; It was Hirschmann, almost acting alone, who kept FIFA alive, and in 1919 convened an assembly in Brussels. However, the British associations (representing England, Ireland, Scotland and Wales) withdrew in protest", + "score": 0.666015625 + }, + { + "id": "20193142", + "title": "2018 FIFA World Cup squads", + "text": "\u2013 is the oldest in the tournament's history. League systems with 20 or more players represented are listed. In all, World Cup squad members play for clubs in 57 countries, and play in 54 national league systems, as the league systems of England and France include clubs from Wales and Monaco respectively, and one league system covers both the United States and Canada. Clubs with 10 or more players represented are listed. Coaches in bold represent their own country. 2018 FIFA World Cup squads The 2018 FIFA World Cup was an international football tournament held in Russia from 14 June", + "score": 0.666015625 + }, + { + "id": "12802576", + "title": "History of CAF", + "text": "the executive office of the African Football Confederation met on November 17, 2008, in Douala, Cameroon. The committee endorsed the candidatures for the forthcoming elections on the Executive Committee of CAF and FIFA to be held during the Congress in February 2009 in Lagos, Nigeria. Mr. Issa Hayatou, will go through the elections unopposed. Today, CAF has 55 members, two members more than African Union as regard to R\u00e9union and Zanzibar the CAF's associate members, unlike Western Sahara who is a member of the African Union but not of CAF. In 2007, CAF celebrated its 50-year anniversary through organising a", + "score": 0.66552734375 + }, + { + "id": "2764533", + "title": "CONMEBOL", + "text": "Venezuela in 1952. Guyana, Suriname, and the French overseas department of French Guiana, while geographically in South America, are not part of CONMEBOL. Consisting of a French territory, a former British territory, and a former Dutch territory, they are part of the Confederation of North, Central American and Caribbean Association Football (CONCACAF), mainly due to historical, cultural, and sporting reasons. With ten member nations, CONMEBOL is the smallest and the only fully continental land-based FIFA confederation (no insular countries or associates from different continents). The main competition for men's national teams is the Copa Am\u00e9rica, started in 1916. CONMEBOL also", + "score": 0.66552734375 + }, + { + "id": "4224885", + "title": "FIFA Club World Cup", + "text": "renamed the \"FIFA Club World Championship\". In 2006, the tournament took its current name. As required by the regulations, a representative from FIFA present the winner of the World Cup with the FIFA Club World Cup trophy and with a FIFA World Champions certificate. The current format of the tournament involves seven teams competing for the title at venues within the host nation over a period of about two weeks; the winners of that year's AFC Champions League (Asia), CAF Champions League (Africa), CONCACAF Champions League (North America), Copa Libertadores (South America), OFC Champions League (Oceania) and UEFA Champions League", + "score": 0.66552734375 + } + ], + "answer": "FIFA, the F\u00e9d\u00e9ration Internationale de Football Association or the International Federation of Association Football, is a non-profit organization that describes itself as an international governing body of association football, futsal, and beach football. Besides its worldwide institutions, there are six confederations recognized by FIFA which oversee the game in the different continents and regions of the world. In total, FIFA recognizes 211 national associations and their associated men's national teams as well as 129 women's national teams." + }, + { + "qa_pairs": [ + { + "context": "The 1993\u201394 season was a successful one for Rangers fans, as Mike Keenan led the Rangers to their first Stanley Cup championship in 54 years. Two years prior, they picked up center Mark Messier, a part of the Edmonton Oilers' Cup-winning teams. Other ex-Oilers on the Rangers included Adam Graves, Kevin Lowe, Jeff Beukeboom, Esa Tikkanen, Craig MacTavish and Glenn Anderson. Graves set a team record with 52 goals, breaking the prior record of 50 held by Vic Hadfield. The Rangers clinched the Presidents' Trophy by finishing with the best record in the NHL at 52\u201324\u20138, setting a franchise record with 112 points earned.", + "question": "Which Stanley Cup was the new york rangers last win of the stanley cup?", + "short_answers": [ + "1993\u201394", + "1994 Stanley Cup Finals" + ], + "wikipage": "New York Rangers" + }, + { + "context": "No context provided", + "question": "On what date did the new york rangers last win the stanley cup?", + "short_answers": [ + "June 14 1994" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When did the new york rangers last win the stanley cup in the 1990s?", + "short_answers": [ + "1993\u201394 NHL season." + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When did the new york rangers last win the stanley cup in the 1940s?", + "short_answers": [ + "1939\u201340 NHL season." + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When did the new york rangers last win the stanley cup in the 1920s?", + "short_answers": [ + "1927\u201328 NHL season." + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "New York Rangers", + "url": "https://en.wikipedia.org/wiki/New%20York%20Rangers" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The New York Rangers are a professional ice hockey team based in New York City. ", + "wikipage": null + } + ], + "long_answer": "The New York Rangers professional ice hockey team has won a number of Stanley Cup championships, dating back to the 1920s when they won the 1927-28 NHL seasons' championship match. In the 1940s, they won the 1939-40 NHL seasons' championship. They also went on to win the 1993-94 NHL seasons' championship match played on June 14 1994." + }, + { + "knowledge": [ + { + "content": "The New York Rangers are a professional ice hockey team based in New York City.", + "wikipage": "New York Rangers" + } + ], + "long_answer": "The New York Rangers are a professional ice hockey team based in New York City. The 1993\u201394 season was a successful one for Rangers fans, as Mike Keenan led the Rangers to their first Stanley Cup championship in 54 years on June 14 1994. The New York Rangers won the Stanley Cup in the 1927\u201328 NHL season. The also won the Stanley Cup in the 1939\u201340 NHL season. They have not won the Stanley Cup since the 1993\u201394 NHL season." + } + ], + "sample_id": "8583207657424207460", + "question": "When did the new york rangers last win the stanley cup?", + "docs": [ + { + "id": "11929614", + "title": "1994 Stanley Cup playoffs", + "text": "were making their tenth appearance in the Finals and first since losing to Montreal in . The Rangers last won the Stanley Cup in 1940. With the Rangers having 112 points against Vancouver's 85, the 27 point difference was the largest point differential between two teams in a Stanley Cup Final since 1982 when 41 points separated the New York Islanders (118) and Vancouver (77). In a back and forth series that went the maximum, one lengthy drought ended and another began. The Rangers won the Stanley Cup their fourth title in franchise history, and first since , while the", + "score": 0.80078125, + "summary": "The New York Rangers last won the Stanley Cup in 1994.", + "extraction": "The Rangers last won the Stanley Cup in 1940." + }, + { + "id": "10600618", + "title": "1979 Stanley Cup Finals", + "text": "1979 Stanley Cup Finals The 1979 Stanley Cup Finals was the championship series of the National Hockey League's (NHL) 1978\u201379 season, and the culmination of the 1979 Stanley Cup playoffs. It was contested between the New York Rangers and the defending champion Montreal Canadiens, making their fourth straight appearance. It was New York's first appearance in the Finals since . The Canadiens would win the best-of-seven series, four games to one, to win their fourth consecutive Stanley Cup championship. This was the last Stanley Cup Final until 2013 where both teams were from the Original Six, and the first of", + "score": 0.78662109375, + "summary": "The New York Rangers last appeared in the Stanley Cup Finals in 1979, but they did not win. The Montreal Canadiens won the championship.", + "extraction": "The passage is not helpful for answering the question \"When did the New York Rangers last win the Stanley Cup?\". It only mentions the 1979 Stanley Cup Finals where the Rangers lost to the Canadiens." + }, + { + "id": "13018795", + "title": "1979 Stanley Cup playoffs", + "text": "playoffs are listed here.\" Prior to 2013, this was the last time two Original Six clubs met in the finals. Both teams would next appear in the Stanley Cup Finals: Canadiens winning in , Rangers winning in . 1979 Stanley Cup playoffs The 1979 Stanley Cup playoffs, the championship of the National Hockey League (NHL) began on April 10, after the conclusion of the 1978\u201379 NHL season. The playoffs concluded on May 21 with the champion Montreal Canadiens defeating the New York Rangers 4\u20131 to win the Final series four games to one and win the Stanley Cup. Three Original", + "score": 0.7763671875, + "summary": "The New York Rangers last won the Stanley Cup in an unspecified year after the 1979 playoffs, according to an article discussing the championship series.", + "extraction": "The New York Rangers last won the Stanley Cup in 1994. Therefore, the passage is irrelevant to the question." + }, + { + "id": "6217011", + "title": "Curse of 1940", + "text": "Curse of 1940 The Curse of 1940, also called Dutton's Curse, was a superstitious explanation for why the National Hockey League (NHL)'s New York Rangers did not win the league's championship trophy, the Stanley Cup, from 1940 through 1994. The Rangers began play in the season and won a division title in their first season of existence and a Stanley Cup against the Montreal Maroons in their second. They would win two more Cups in and , defeating the Toronto Maple Leafs both times. During the season, the mortgage on the Rangers' home arena, the third Madison Square Garden (built", + "score": 0.77490234375, + "summary": "The New York Rangers last won the Stanley Cup in 1994.", + "extraction": "1994." + }, + { + "id": "13018794", + "title": "1979 Stanley Cup playoffs", + "text": "1979 Stanley Cup playoffs The 1979 Stanley Cup playoffs, the championship of the National Hockey League (NHL) began on April 10, after the conclusion of the 1978\u201379 NHL season. The playoffs concluded on May 21 with the champion Montreal Canadiens defeating the New York Rangers 4\u20131 to win the Final series four games to one and win the Stanley Cup. Three Original Six teams made the semifinals which would not happen again until the 2014 Conference Finals. The twelve teams that qualified for the playoffs are ranked 1\u201312 based on regular season points. \"Note: Only teams that qualified for the", + "score": 0.771484375, + "summary": "The New York Rangers last won the Stanley Cup in 1994. The document is irrelevant as it discusses the 1979 Stanley Cup playoffs where the Canadiens defeated the Rangers.", + "extraction": "The New York Rangers last won the Stanley Cup in the 1993\u20131994 NHL season, and the given passage is irrelevant to answer this question." + }, + { + "id": "14822084", + "title": "Islanders\u2013Rangers rivalry", + "text": "to 1984; the Islanders won each series by margins of 4\u20130, 4\u20132, 4\u20132 and 3\u20132 en route to 4 finals and 3 Stanley Cups (in addition to their win to make it 4 championships and 5 finals in a row). In the 1990s, the teams met twice, with the Rangers winning 4\u20131 in 1990, and sweeping the Islanders 4\u20130 in 1994, en route to winning their first Stanley Cup since 1940. The 1994 first-round playoff series is the most recent meeting between the two teams in the playoffs. The Rangers' fanbase generally comes from the city's five boroughs, Westchester, Fairfield,", + "score": 0.771484375, + "summary": "The Rangers won their most recent Stanley Cup in 1994.", + "extraction": "The New York Rangers won their most recent Stanley Cup in 1994." + }, + { + "id": "17334334", + "title": "2014 Stanley Cup Finals", + "text": "the Kings had met in the post-season - this also being the most recent NHL season where it was possible for any two teams to meet in any round of the postseason. In 1981 the Rangers eliminated the Kings during the first round of the playoffs. This was New York's 11th appearance in the Stanley Cup Finals, and they were seeking their fifth Cup championship overall and their first one since , 20 years earlier. Since their win in 1994, their only other post-season highlights were reaching the Conference Finals in 1997 and 2012. The Rangers entered the season after", + "score": 0.76806640625, + "summary": "The document mentions that the New York Rangers won their most recent Stanley Cup championship 20 years earlier, but does not specify the year.", + "extraction": "New York's last Stanley Cup championship was 20 years earlier, implying that they last won it in 1994." + }, + { + "id": "8590291", + "title": "History of the New York Rangers", + "text": "History of the New York Rangers The history of the New York Rangers hockey team began in 1926 when the National Hockey League (NHL) granted a franchise to Tex Rickard, the founder of the team. The Rangers experienced early success, winning the Stanley Cup in only their second season of existence, and would go on to win two more in the next 12 years. After their Stanley Cup win in 1940, the Rangers then suffered through one of the longest championship droughts in NHL history, which became known as the Curse of 1940. The 54-year drought ended with a Stanley", + "score": 0.765625, + "summary": "The New York Rangers last won the Stanley Cup in 1994.", + "extraction": "The New York Rangers last won the Stanley Cup in 1994." + }, + { + "id": "12781621", + "title": "1973\u201374 New York Rangers season", + "text": "1973\u201374 New York Rangers season The 1973\u201374 New York Rangers season was the 48th season for the team in the National Hockey League (NHL). The Rangers compiled 94 points during the regular season and finished third in the East Division. The team made the Stanley Cup playoffs, where New York defeated the Montreal Canadiens 4\u20132 in the quarter-finals. The Rangers then lost in a seven-game semi-finals series to the Philadelphia Flyers, who went on to win the Stanley Cup that season. Key: Win Loss Denotes player spent time with another team before joining Rangers. Stats reflect time with Rangers only.", + "score": 0.76416015625, + "summary": "The New York Rangers last made it to the Stanley Cup playoffs in the 1973-74 season, but lost in the semi-finals to the Philadelphia Flyers.", + "extraction": "The passage is irrelevant." + }, + { + "id": "17334328", + "title": "2014 Stanley Cup playoffs", + "text": "meeting for these two teams, with the Rangers having won both of their previous playoff series against the Kings. Their most recent meeting was in the preliminary round of the 1981 playoffs, a best-of-five series which the Rangers won 3\u20131, as well as the first major professional sports championship final between New York City and Los Angeles since the Dodgers beat the Yankees in the 1981 World Series in a strike-shortened season. While the Kings won their franchise's first Stanley Cup in , the Rangers had not won a Stanley Cup since . The Kings and Rangers split this year's", + "score": 0.76416015625, + "summary": "The document mentions that the New York Rangers had not won a Stanley Cup since an unspecified year, making it irrelevant to the question.", + "extraction": "The extracted span is \"the Rangers had not won a Stanley Cup since\"." + }, + { + "id": "6217021", + "title": "Curse of 1940", + "text": "playoffs for the first time and defeated the Rangers. The two teams squared off again in 1979, a series the Rangers won. They went on to lose the Cup Finals to the Montreal Canadiens, who won their fourth Stanley Cup in a row. The Islanders won the Stanley Cup for the first time in , beginning their own streak of four consecutive championships; their title capped off their 11th season and the team surpassed the then-57-year-old Rangers for total Cups won. During the Islanders' second Cup run, in , the Islanders swept the Rangers in the second round. During that", + "score": 0.763671875, + "summary": "The document is irrelevant to the question.", + "extraction": "The passage is irrelevant to the question as it does not provide any information about when the New York Rangers last won the Stanley Cup." + }, + { + "id": "12770804", + "title": "1927\u201328 New York Rangers season", + "text": "1927\u201328 New York Rangers season The 1927\u201328 New York Rangers season was the second season for the team in the National Hockey League. In the regular season, the Rangers finished in second place in the American Division with a 19\u201316\u20139 record and qualified for the Stanley Cup playoffs. In a pair of two-game total goals series, New York defeated the Pittsburgh Pirates and Boston Bruins to advance to the Stanley Cup Finals, where they faced the Montreal Maroons. The Rangers defeated the Maroons 3\u20132 to win their first Stanley Cup. The circus knocked the Rangers out of Madison Square Garden,", + "score": 0.76318359375, + "summary": "The New York Rangers won their first Stanley Cup in the 1927-28 season.", + "extraction": "The New York Rangers won their last Stanley Cup in the 1927-28 season." + }, + { + "id": "6217020", + "title": "Curse of 1940", + "text": "were far more developed in their junior hockey programs than those further from the Canada\u2013US border, including the Rangers. The Rangers struggled for several years after World War II; after their 1950 Finals appearance they only made the playoffs six times in 17 seasons. In 1972, they reached the Stanley Cup Finals for the first time in 22 years, but lost to the Boston Bruins, who were led by Bobby Orr and Phil Esposito. The next season began with the founding of an expansion team playing on Long Island, the New York Islanders. In 1975, the Islanders qualified for the", + "score": 0.76025390625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about when the New York Rangers last won the Stanley Cup." + }, + { + "id": "20343782", + "title": "History of the New York Islanders", + "text": "lost only three playoff games en route to defeating the Minnesota North Stars in five games to win the Stanley Cup. Butch Goring won the Conn Smythe Trophy. During their semi-final sweep of the Rangers, Islander fans began taunting the Rangers with a chant of \"1940!\" \u2013 referring to the Rangers' last Stanley Cup win in (the Rangers would not win the cup again until 1994). Fans in other NHL cities soon picked up the chant. In 1981\u201382 the Islanders won a then-record 15 straight games en route to a franchise-record 118 points, while Mike Bossy set a scoring record", + "score": 0.759765625, + "summary": "Irrelevant.", + "extraction": "The passage is irrelevant to the question as it talks about the history and achievements of the New York Islanders and does not mention when the New York Rangers last won the Stanley Cup." + }, + { + "id": "13293024", + "title": "Madison Square Garden (1925)", + "text": "operations in 1942 due to World War II. In the meantime, the Rangers had usurped the Americans' commercial success with their own success on the ice, winning three Stanley Cups between 1928 and 1940. The refusal of the Garden's management to allow the resurrection of the Americans after the war was one of the popular theories underlying the Curse of 1940, which supposedly prevented the Rangers from winning the Stanley Cup again until 1994. Another alleged cause of \"The Curse\" stemmed from then-manager Kilpatrick burning the Garden's mortgage papers in the bowl of the Stanley Cup, as receipts from the", + "score": 0.7587890625, + "summary": "The New York Rangers last won the Stanley Cup in 1994.", + "extraction": "The Rangers won the Stanley Cup three times between 1928 and 1940." + }, + { + "id": "11045778", + "title": "1950 Stanley Cup Finals", + "text": "game of the playoffs. As Stanley Cup runner-up, the Rangers would be awarded the O'Brien Cup, the last team to win the trophy, at one time the National Hockey Association championship trophy, which was retired after the season. 1950 Stanley Cup Finals The 1950 Stanley Cup Finals was contested by the New York Rangers and the Detroit Red Wings. It was the Rangers' first appearance in the Final since their Stanley Cup victory in 1940. The Red Wings would win the series 4\u20133 to mark their franchise's fourth Cup win, and first since 1943. This was the last Stanley Cup", + "score": 0.75732421875, + "summary": "The New York Rangers last won the Stanley Cup in 1940. The 1950 Stanley Cup Finals saw them lose to the Detroit Red Wings.", + "extraction": "The New York Rangers last won the Stanley Cup in 1940. The given passage is irrelevant for answering the question about the Rangers' most recent Stanley Cup victory." + }, + { + "id": "17334333", + "title": "2014 Stanley Cup Finals", + "text": "of 26 playoff games was the longest of any Stanley Cup\u2013winning team in history. Los Angeles had home ice advantage in the series, as the Kings finished with a better regular season record than the Rangers. The series started on June 4 and ended on June 13 with the Kings winning their second Stanley Cup in three seasons. It was the first meeting between teams from New York City and Los Angeles for a major professional sports championship since the Yankees and the Dodgers played in the 1981 World Series. Coincidentally, 1981 was also the last time the Rangers and", + "score": 0.7568359375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "758235", + "title": "New York Rangers", + "text": "6, the Rangers won in overtime, taking the series four games to two to earn their third Stanley Cup. However, the Rangers collapsed by the mid-1940s, losing games by as much as 15\u20130 and having one goaltender post a 6.20 goals against average (GAA). They missed the playoffs for five consecutive seasons before they earned the fourth and final playoff spot in 1948. They lost in the first round and missed the playoffs again in 1948\u201349 season. In the 1950 Stanley Cup finals, the Rangers were forced to play all of their games on the road (home games in Toronto)", + "score": 0.755859375, + "summary": "The New York Rangers won their third Stanley Cup in an overtime victory, but then experienced a slump in the mid-1940s. They last won the Stanley Cup in an unspecified year.", + "extraction": "The passage is irrelevant as it does not provide any information about when the New York Rangers last won the Stanley Cup." + }, + { + "id": "10377159", + "title": "1928 Stanley Cup Finals", + "text": "member of his family to win the Stanley Cup, after his brother George won it four times with Ottawa, and his brothers Billy and Bobby had won it with Montreal in 1924. 1928 Stanley Cup Finals The 1928 Stanley Cup Finals was played by the New York Rangers and the Montreal Maroons. It was the first appearance by the Rangers in the Finals and was their first victory of the Stanley Cup in only their second season. This was the second Stanley Cup victory by an American team, the first being the Seattle Metropolitans in the 1917 Stanley Cup Finals.", + "score": 0.755859375, + "summary": "1928 was the year the New York Rangers won the Stanley Cup for the first time.", + "extraction": "The passage is irrelevant to the question as it does not mention when the New York Rangers last won the Stanley Cup." + }, + { + "id": "12417023", + "title": "History of the National Hockey League (1992\u2013present)", + "text": "Thrashers became the second franchise known as the Winnipeg Jets (2011). The Coyotes would later rebrand themselves as the Arizona Coyotes following the 2013\u201314 season. In 1993, the Montreal Canadiens celebrated the Stanley Cup's 100th anniversary with their 24th championship. They remain the last Canadian team to capture the trophy. The 1994 New York Rangers broke the Curse of 1940, winning their first title in 54 years. The renaissance of the Original Six would continue as the Detroit Red Wings (Stanley Cup winners in , , and ), Chicago Blackhawks (winners in , and ) and Boston Bruins (winners in", + "score": 0.755859375, + "summary": "The New York Rangers last won the Stanley Cup in 1994, breaking a 54-year drought.", + "extraction": "The 1994 New York Rangers broke the Curse of 1940, winning their first title in 54 years." + }, + { + "id": "13080527", + "title": "1981 Stanley Cup playoffs", + "text": "where the Rangers won in six games. The teams split this year's four-game regular season series. This was the first and to date only playoff series between these two teams. The teams split this year's four-game regular season series. 1981 Stanley Cup playoffs The 1981 Stanley Cup playoffs, the championship of the National Hockey League (NHL) began on April 8, after the conclusion of the 1980\u201381 NHL season. The playoffs concluded on May 21 with the champion New York Islanders defeating the Minnesota North Stars 5\u20131 to win the Final series four games to one and win the Stanley Cup.", + "score": 0.75537109375 + }, + { + "id": "9136177", + "title": "1994 Stanley Cup Finals", + "text": "1994 Stanley Cup Finals The 1994 Stanley Cup Finals was the championship series of the National Hockey League's (NHL) 1993\u201394 season, and the culmination of the 1994 Stanley Cup playoffs. It was contested between the Eastern Conference champion New York Rangers and Western Conference champion Vancouver Canucks. The Canucks were making the club's second Final appearance, their first coming during their Cinderella run of , and the Rangers were making their tenth appearance, their first since . The Rangers ended their record 54-year championship drought with a victory in game seven to claim the long-awaited Stanley Cup. It was the", + "score": 0.7548828125 + }, + { + "id": "758227", + "title": "New York Rangers", + "text": "of teams referred to as the Original Six, along with the Boston Bruins, Chicago Blackhawks, Detroit Red Wings, Montreal Canadiens and Toronto Maple Leafs. The Rangers were the first NHL franchise in the United States to win the Stanley Cup, which they have done four times, most recently in 1993\u201394. George Lewis \"Tex\" Rickard, president of Madison Square Garden, was awarded an NHL franchise for the 1926\u201327 season to compete with the now-defunct New York Americans, who had begun play at the Garden the previous season. The Americans (also known as the \"Amerks\") proved to be an even greater success", + "score": 0.75439453125 + }, + { + "id": "758230", + "title": "New York Rangers", + "text": "Times Square, that the Rangers obtained their now-famous nickname \"The Broadway Blueshirts.\" On December 13, 1929, the New York Rangers became the first team in the NHL to travel by plane when they hired the Curtiss-Wright Corporation to fly them to Toronto for a game against the Toronto Maple Leafs, which they lost 7\u20136. In only their second season, the Rangers won the Stanley Cup, defeating the Montreal Maroons three games to two. One of the most memorable stories that emerged from the finals involved Patrick playing in goal at the age of 44. At the time, teams were not", + "score": 0.75390625 + }, + { + "id": "14822096", + "title": "Islanders\u2013Rangers rivalry", + "text": "rounds and won the Cup for the 3rd straight year. The teams met in the Division Finals yet again in the 1982-83 season. The Islanders took a 2\u20130 series lead by winning two home games, but then the Rangers tied the series at 2 by winning their home games. The Islanders won Games 5 and 6 to move on to beat the Bruins and then sweep the Edmonton Oilers to claim their 4th straight Stanley Cup. In the 1983-84 season, the teams fought in the Division Semifinals. The Islanders took Game 1, but the Rangers won Games 2 and 3", + "score": 0.74951171875 + }, + { + "id": "10600581", + "title": "1982 Stanley Cup Finals", + "text": "1982 Stanley Cup Finals The 1982 Stanley Cup Finals was the championship series of the National Hockey League's (NHL) 1981\u201382 season, and the culmination of the 1982 Stanley Cup playoffs. It was played between the Vancouver Canucks in their first Finals appearance and the defending champion New York Islanders, in their third Finals appearance. The Islanders won the best-of-seven series, four games to none, to win their third consecutive and overall Stanley Cup championship. This is also the most recent time that a Stanley Cup Champion has won three in a row and the first, and so far only, time", + "score": 0.74951171875 + }, + { + "id": "14822099", + "title": "Islanders\u2013Rangers rivalry", + "text": "two teams met in the playoff during the 1993-94 season in the Conference Quarterfinals. The Rangers swept the Islanders; outscoring them 22\u20133, and then beat the Capitals, Devils, and Canucks to win their first Stanley Cup since 1940. That was the Islanders last playoff appearance of the decade. The Rangers gained Wayne Gretzky who helped them back to the Conference Finals in 1997, but they would be eliminated by Philadelphia. The rivalry ceased a little bit in the 2000s. The Islanders made only 4 playoff appearances. The Rangers missed the playoffs 8 straight years (including the 2004\u201305 lockout), prior to", + "score": 0.74951171875 + }, + { + "id": "14479004", + "title": "2011 Stanley Cup playoffs", + "text": "won that game by a score of 3\u20131. This was Vancouver's third appearance in the Stanley Cup Finals; in both of their previous appearances, they lost to a team from New York. In 1982, they were swept by the Islanders. In 1994, they lost to the Rangers in seven games. This was Boston's first appearance in the Finals since their five-game loss to the Edmonton Oilers in 1990. Boston last won the Stanley Cup in 1972, when they defeated the New York Rangers in six games. In a back-and-forth series, the Bruins triumphed in seven games. This series was marked", + "score": 0.7490234375 + }, + { + "id": "11929602", + "title": "1994 Stanley Cup playoffs", + "text": "1994 Stanley Cup playoffs The 1994 Stanley Cup playoffs, the championship of the National Hockey League (NHL), began after the conclusion of the 1993\u201394 NHL season. The sixteen teams that qualified, eight from each conference, played best-of-seven game series for conference quarterfinals, semifinals and championships; and then the conference champions played a best-of-seven series for the Stanley Cup. The playoffs ended when the New York Rangers defeated the Vancouver Canucks in the seventh game of the 1994 Stanley Cup Finals. For the first time since joining the NHL, all four former WHA teams (Edmonton, Hartford, Quebec, and Winnipeg) failed to", + "score": 0.74853515625 + }, + { + "id": "12770928", + "title": "1931\u201332 New York Rangers season", + "text": "1931\u201332 New York Rangers season The 1931\u201332 New York Rangers season was the sixth season for the team in the National Hockey League. In the regular season, the Rangers won the American Division with a 23\u201317\u20138 record. New York qualified for the Stanley Cup playoffs, where the Rangers defeated the Montreal Canadiens 3\u20131 to reach the Stanley Cup Finals for the third time in franchise history. In the Cup Finals, New York lost to the Toronto Maple Leafs, three games to none. The Toronto Maple Leafs swept the best-of-five series against the New York Rangers three games to none. The", + "score": 0.748046875 + }, + { + "id": "11360879", + "title": "1932\u201333 New York Rangers season", + "text": "1932\u201333 New York Rangers season The 1932\u201333 New York Rangers season was the seventh season for the team in the National Hockey League. In the regular season, the Rangers finished third in the American Division with a 23\u201317\u20138 record. New York qualified for the Stanley Cup playoffs, where the Rangers defeated the Montreal Canadiens 8\u20135 in the quarter-finals and the Detroit Red Wings 6\u20133 in the semi-finals to reach the Stanley Cup Finals for the fourth time in franchise history. In the Cup Finals, New York defeated the Toronto Maple Leafs, three games to one to win the second Stanley", + "score": 0.748046875 + }, + { + "id": "11077435", + "title": "1993\u201394 New York Rangers season", + "text": "of the series to send the Rangers to the Finals. The series-winning goal prompted the famous call of \"Matteau, Matteau, Matteau!\" by Rangers radio announcer Howie Rose. The Rangers won their first Stanley Cup in 54 years, dating back to , beating the Vancouver Canucks in seven games. The Rangers winning this Stanley Cup drew 4.957 million viewers to the CBC, making it the highest-rated single CBC Sports program in history until the 10.6 million viewers for the men's ice hockey gold medal game between Canada and the United States at the 2002 Winter Olympics, when Canada won its first", + "score": 0.748046875 + }, + { + "id": "8590312", + "title": "History of the New York Rangers", + "text": "by Gulf+Western, which was renamed to Paramount Communications in 1989, and sold to Viacom in 1994. Viacom then sold the team to ITT Corporation and Cablevision, and several years later, ITT sold their ownership stake to Cablevision, who still owns the team today The 1993\u201394 season was a successful one for Rangers fans, as Mike Keenan led the Rangers to their first Stanley Cup championship in 54 years. Two years prior, they acquired center Mark Messier, who was a part of the Edmonton Oilers' Stanley Cup-winning teams. Adam Graves, who also came from the Oilers, joined the Rangers as well.", + "score": 0.748046875 + }, + { + "id": "11938458", + "title": "1949\u201350 New York Rangers season", + "text": "1949\u201350 New York Rangers season The 1949\u201350 New York Rangers season saw the Rangers finish in fourth place in the National Hockey League (NHL) with a record of 28 wins, 31 losses, and 11 ties for 67 points. They upset the Montreal Canadiens in five games in the Semi-finals before losing a close seven-game Stanley Cup Finals to the Detroit Red Wings. The team reached double-overtime of the seventh game of the Finals before Detroit's Pete Babando scored to give the Red Wings the Cup. Also of note during this season was that the Rangers were forced to use Maple", + "score": 0.74609375 + }, + { + "id": "14822094", + "title": "Islanders\u2013Rangers rivalry", + "text": "at the Garden. The teams squared off again in the 1978\u201379 season, but this time in the Semifinals. The Rangers took Game 1 on the road, but the Islanders tied the series with an OT win. The Rangers took Game 3 at home, but once again, the Islanders tied the series with another OT win. The Rangers won Games 5 and 6 to end the Islanders' season, but lost to Montreal in the Stanley Cup Finals. The two clubs would battle once again in the Semifinals of the 1980-81 postseason. The Islanders won the Stanley Cup the previous year, and", + "score": 0.74609375 + }, + { + "id": "19224280", + "title": "Capitals\u2013Rangers rivalry", + "text": "took Games 1 and 3 2\u20131 and 6\u20130 respectively. The Capitals took the next three games to defeat the Rangers in six games, but the Capitals lost against the eventual Stanley Cup-winning Pittsburgh Penguins. In 1992, both teams made the playoffs with the top two regular season records, but both lost to the Pittsburgh Penguins who won another Stanley Cup that year. In 1994, the two would meet for the last time until 2009. The Rangers won the President's Trophy that year and swept the Islanders in the first round while the Capitals defeated the Penguins in six games. The", + "score": 0.74609375 + }, + { + "id": "11360880", + "title": "1932\u201333 New York Rangers season", + "text": "Cup in New York Rangers history. The Rangers, led by brothers Bill and Bun Cook on the right and left wings, respectively, and Frank Boucher at center, would defeat the Toronto Maple Leafs in the 1932\u201333 best-of-five finals, three games to one, to win their second Stanley Cup, exacting revenge on the Leafs' \"Kid line\" of Busher Jackson, Joe Primeau, and Charlie Conacher. After game one, the Rangers would vacate Madison Square Garden for the circus. Bill Cook would become the first player to score a Cup-winning goal in overtime. Rookie goalie Andy Aitkenhead would post the fourth shutout by", + "score": 0.74560546875 + }, + { + "id": "15136364", + "title": "1983 Stanley Cup playoffs", + "text": "1983 Stanley Cup playoffs The 1983 Stanley Cup playoffs, the championship of the National Hockey League (NHL) began on April 5, after the conclusion of the 1982\u201383 NHL season. The playoffs concluded on May 17 with the champion New York Islanders defeating the Edmonton Oilers 4\u20130 to win the Final series four games to none and win the Stanley Cup for the fourth consecutive season. The 1983 Playoffs marked the first time that seven NHL teams based in Canada (Montreal, Toronto, Vancouver, Edmonton, Quebec, Winnipeg, and Calgary) all qualified for the playoffs in the same season. Since the 1967\u201368 expansion,", + "score": 0.744140625 + }, + { + "id": "11237320", + "title": "1939\u201340 New York Rangers season", + "text": "two at home and the Leafs took the next two in Toronto. The circus forced the Rangers to vacate Madison Square Garden after the first two games. The Rangers would score three game-winning goals in overtime, including the Cup winner. Lynn and Murray Patrick played for the Rangers, and became the third and fourth members of the Patrick family to win the Stanley Cup. Bryan Hextall scored in overtime in the final game to give the Rangers their 3rd Stanley Cup and last until . Key: Win Loss Denotes player spent time with another team before joining Rangers. Stats reflect", + "score": 0.744140625 + }, + { + "id": "10281260", + "title": "2003 Stanley Cup Finals", + "text": "last in a series of wins they, along with the Colorado Avalanche and the Detroit Red Wings, established in the era from 1995 to 2003. The three teams won a combined eight of nine Stanley Cups during that time. The Devils won in 1995, followed by the Avalanche in 1996, then the Red Wings in 1997 and 1998. The Dallas Stars win in 1999 would be superseded by the Devils in 2000, Colorado in 2001 and Detroit in 2002. The New Jersey Devils were in the finals for their fourth time (third time in four years) after defeating the Boston", + "score": 0.74365234375 + }, + { + "id": "1948830", + "title": "New York Americans", + "text": "records list the Amerks as having \"retired\" from the league in 1942. The NHL did not expand beyond its remaining six teams until the 1967\u201368 season. Dutton blamed the owners of Madison Square Garden (who also owned the Rangers) for pressuring the NHL to not reinstate the Americans. Dutton was so bitter that he purportedly swore the Rangers would never win a Stanley Cup again in his lifetime. This \"curse\" became reality; the Rangers did not win another Cup until 1994, seven years after his death. The last active New York Americans player was Pat Egan, who retired in 1951.", + "score": 0.74267578125 + }, + { + "id": "6230444", + "title": "1971\u201372 NHL season", + "text": "points. This was the eighth series between these two teams with Boston winning five of the seven previous series. They last met in the 1970 Stanley Cup Quarterfinals which the Bruins won in six games. The Bruins made their twelfth appearance in the Finals; they most recently made the Finals in 1970 where they defeated the St. Louis Blues in four games. This was the New York Rangers eighth Finals appearance and first since 1950 where they lost to the Detroit Red Wings in seven games. Boston won five of the six games in this year's regular season series. Source:", + "score": 0.74267578125 + }, + { + "id": "5292349", + "title": "Clint Smith", + "text": "the Lady Byng Trophy, his first of two in his career. The following season, he helped lead the Rangers to the Stanley Cup championship, defeating the Toronto Maple Leafs in six games (the win was the Rangers' last before their 54-year Cup drought, ending in 1994). Despite winning the Stanley Cup that year, however, Smith's production began to tail off with the Rangers, scoring only 24 points that championship year. Despite improving to 33 points in , Smith ended his 6-year tenure with the Rangers following that season. Joining the Chicago Black Hawks in 1943\u201344, Smith rejuvenated his career playing", + "score": 0.7421875 + }, + { + "id": "11938460", + "title": "1949\u201350 New York Rangers season", + "text": "appearance in the Final since their Stanley Cup victory in 1940. Two games were played in Toronto as the circus had taken over Madison Square Garden in New York. New York's Don Raleigh scored two overtime winners and Detroit's Pete Babando scored the Cup-winning goal in overtime of game seven, the first time ever in which the stanley cup was won in extra frames in game seven. Detroit won the Cup without Gordie Howe, who was injured in the first game of the playoffs. As Stanley Cup runner-up, the Rangers would be awarded the O'Brien Cup, the last team to", + "score": 0.7421875 + }, + { + "id": "17334356", + "title": "2014 Stanley Cup Finals", + "text": "Maple Leafs, 1969\u201370 Montreal Canadiens, 1995\u201396 New Jersey Devils, and the 2006\u201307 Carolina Hurricanes. 2014 Stanley Cup Finals The 2014 Stanley Cup Finals was the championship series of the National Hockey League's (NHL) season, and the culmination of the 2014 Stanley Cup playoffs. The League realigned its divisions prior to the season, and changed the structure of the playoffs, but the championship series remained the same. The Western Conference champion Los Angeles Kings defeated the Eastern Conference champion New York Rangers four games to one to win their second championship in franchise history, marking the first time since 2007 that", + "score": 0.74169921875 + }, + { + "id": "13080502", + "title": "1981 Stanley Cup playoffs", + "text": "1981 Stanley Cup playoffs The 1981 Stanley Cup playoffs, the championship of the National Hockey League (NHL) began on April 8, after the conclusion of the 1980\u201381 NHL season. The playoffs concluded on May 21 with the champion New York Islanders defeating the Minnesota North Stars 5\u20131 to win the Final series four games to one and win the Stanley Cup. In game one of the Edmonton-Montreal series, Wayne Gretzky recorded five assists, at the time this was a single game playoff record. The sixteen teams that qualified for the playoffs are ranked 1\u201316 based on regular season points. The", + "score": 0.74169921875 + }, + { + "id": "8501645", + "title": "Doug Lidster", + "text": "became a reliable presence on the Vancouver blue line until he was traded to the New York Rangers prior to the 1993\u201394 NHL season. There, he moved into more of a depth role, but still helped guide the 1994 Rangers to their first Stanley Cup in 54 years, scoring two goals in the Finals as they defeated the Canucks. After a brief stint with the St. Louis Blues, he was reacquired by the Rangers in 1995\u201396, and played three more seasons on Broadway before signing with the Dallas Stars in early 1999. There he won his second Stanley Cup, before", + "score": 0.74072265625 + }, + { + "id": "10602310", + "title": "1933 Stanley Cup Finals", + "text": "1933 Stanley Cup Finals The 1933 Stanley Cup Finals was played between the New York Rangers and the Toronto Maple Leafs, in a rematch of the 1932 Final. It was the first best-of-four Finals series. The Rangers won the series 3\u20131 to win their second Stanley Cup. Toronto defeated the Boston Bruins 3\u20132 in a best-of-five series to reach the finals. New York defeated the Montreal Canadiens 8\u20145 and Detroit Red Wings 6\u20133 to reach the finals. After game one, the Rangers would vacate Madison Square Garden for the circus. Bill Cook would become the first player to score a", + "score": 0.74072265625 + }, + { + "id": "10600593", + "title": "1981 Stanley Cup Finals", + "text": "1981 Stanley Cup Finals The 1981 Stanley Cup Finals was the championship series of the National Hockey League's (NHL) 1980\u201381 season, and the culmination of the 1981 Stanley Cup playoffs. It was contested by the Minnesota North Stars, making their first Finals appearance, and the defending champion New York Islanders, in their second Finals appearance. The Islanders would win the best-of-seven series, four games to one, to win their second Stanley Cup championship. This would be the last all-American Finals until , when the North Stars faced the Pittsburgh Penguins. Minnesota defeated the Boston Bruins 3\u20130, the Buffalo Sabres 4\u20131", + "score": 0.73974609375 + }, + { + "id": "10381944", + "title": "1929 Stanley Cup Finals", + "text": "1929 Stanley Cup Finals The 1929 Stanley Cup Finals was played by the defending champion New York Rangers and the Boston Bruins. This was the first time in Stanley Cup history that two American-based teams met in the Final. Boston won the series to win its first championship. The playoffs were now between division finishers of each division, rather than a division champion from each division. The Boston Bruins knocked off the Montreal Canadiens, the New York Rangers beat the New York Americans, and the Toronto Maple Leafs beat the Detroit Cougars. The Rangers beat Toronto and then the Bruins", + "score": 0.73974609375 + }, + { + "id": "8590298", + "title": "History of the New York Rangers", + "text": "in the 1928\u201329 finals and a few mediocre seasons in the early 1930s, the Rangers, led by brothers Bill and Bun Cook on the right and left wings, respectively, and Frank Boucher at center, would defeat the Toronto Maple Leafs in the 1932\u201333 best-of-five finals, three games to one, to win their second Stanley Cup, exacting revenge on the Leafs' \"Kid line\" of Busher Jackson, Joe Primeau and Charlie Conacher. The Rangers would spend the rest of the 1930s playing close to .500 hockey until their next Stanley Cup win. Lester Patrick stepped down as head coach and was replaced", + "score": 0.7392578125 + }, + { + "id": "5862778", + "title": "Sam Rosen (sportscaster)", + "text": "been widely popular among Rangers fans and a staple of any Rangers broadcast. However, his most memorable call was in 1994 when the Rangers won the Stanley Cup for the first time in 54 years: \"The waiting is over\u2014the New York Rangers are the Stanley Cup Champions! And this one will last a lifetime!\" Rosen's call is usually the most often-played of that moment. It is still the highest-rated game in MSG Network history. Rosen was recognized before the Rangers-Islanders game on March 21, 2014, for thirty years of service with the MSG Network. They then did a special called", + "score": 0.7392578125 + }, + { + "id": "12770873", + "title": "1928\u201329 New York Rangers season", + "text": "1928\u201329 New York Rangers season The 1928\u201329 New York Rangers season was the third season for the team in the National Hockey League. During the regular season, the Rangers finished in second place in the American Division with a 21\u201313\u201310 record and qualified for the Stanley Cup playoffs. In the postseason, the Rangers won series against the New York Americans and Toronto Maple Leafs to reach the Stanley Cup Finals. where they lost to the Boston Bruins 2\u20130. The playoffs were now between division finishers of each division, rather than a division champion from each division. Key: Win Loss Denotes", + "score": 0.73828125 + }, + { + "id": "11118411", + "title": "1978\u201379 New York Rangers season", + "text": "younger brother of Dave Maloney, a defenceman with the Rangers. Don Maloney would get into 28 games for the Rangers that season. The Rangers faced the defending champion Montreal Canadiens, who were making their fourth straight Stanley Cup Finals appearance. It was the Rangers' first appearance in the finals since the 1972 Stanley Cup Finals. The Canadiens would win the best-of-seven series four games to one, to win their fourth consecutive Stanley Cup. Key: Win Loss Denotes player spent time with another team before joining Rangers. Stats reflect time with Rangers only. Traded mid-season. Stats reflect time with Rangers only.", + "score": 0.73779296875 + }, + { + "id": "758245", + "title": "New York Rangers", + "text": "Viacom in 1994. Viacom then sold the team to ITT Corporation and Cablevision, and a couple of years later, ITT sold their ownership stake to Cablevision, who owned the team until 2010, when they spun off the MSG properties as their own company. The 1993\u201394 season was a successful one for Rangers fans, as Mike Keenan led the Rangers to their first Stanley Cup championship in 54 years. Two years prior, they picked up center Mark Messier, a part of the Edmonton Oilers' Cup-winning teams. Other ex-Oilers on the Rangers included Adam Graves, Kevin Lowe, Jeff Beukeboom, Esa Tikkanen, Craig", + "score": 0.7373046875 + }, + { + "id": "12781622", + "title": "1973\u201374 New York Rangers season", + "text": "Traded mid-season. Stats reflect time with Rangers only. New York's picks at the 1973 NHL Amateur Draft in Montreal, Quebec, Canada. 1973\u201374 New York Rangers season The 1973\u201374 New York Rangers season was the 48th season for the team in the National Hockey League (NHL). The Rangers compiled 94 points during the regular season and finished third in the East Division. The team made the Stanley Cup playoffs, where New York defeated the Montreal Canadiens 4\u20132 in the quarter-finals. The Rangers then lost in a seven-game semi-finals series to the Philadelphia Flyers, who went on to win the Stanley Cup", + "score": 0.73681640625 + }, + { + "id": "6217024", + "title": "Curse of 1940", + "text": "largely because of an injury to their star defenseman Brian Leetch. In the kind of incident many fans ascribe to curses, Leetch arrived at the Garden in a taxi, stepped out, and broke his ankle when he slipped on a patch of ice, a most ironic injury for a hockey player. By , the Rangers had not won the Stanley Cup in 54 years. In that time, championships had been won in the New York area by the Islanders (4), the New York Yankees (14), the New York Mets (2), the New York Giants baseball team (1 prior to the", + "score": 0.736328125 + }, + { + "id": "12770845", + "title": "1936\u201337 New York Rangers season", + "text": "1936\u201337 New York Rangers season The 1936\u201337 New York Rangers season was the 11th season for the team in the National Hockey League. During the regular season, the Rangers posted a third-place finish in the American Division, with a 19\u201320\u20139 record. New York qualified for the Stanley Cup playoffs, where the team defeated the Toronto Maple Leafs and Montreal Maroons to reach the Stanley Cup Finals. In the Cup Finals, the Rangers lost to the Detroit Red Wings, three games to two. On November 16, 1936, Hal Winkler made his NHL debut for the New York Rangers and gained a", + "score": 0.736328125 + }, + { + "id": "9136193", + "title": "1994 Stanley Cup Finals", + "text": "ice hockey gold medal since the 1952 Winter Olympics. Bob Cole, who called both games, said that game seven was one of his most memorable TV games. Bolded years under Finals appearance indicates a year the player won the Stanley Cup. 1994 Stanley Cup Finals The 1994 Stanley Cup Finals was the championship series of the National Hockey League's (NHL) 1993\u201394 season, and the culmination of the 1994 Stanley Cup playoffs. It was contested between the Eastern Conference champion New York Rangers and Western Conference champion Vancouver Canucks. The Canucks were making the club's second Final appearance, their first coming", + "score": 0.73583984375 + }, + { + "id": "2241517", + "title": "Lester Patrick", + "text": "Maroon players to long harmless shots. Patrick saved 18 to 19 shots while allowing one goal in helping the Rangers to an overtime victory. For the next three games, the league gave permission for the Rangers to use Joe Miller from the New York Americans in goal. The Rangers went on to win the Stanley Cup. Patrick also guided the Rangers to another championship in 1933. He resigned as coach in 1939 for his one-time great center Frank Boucher, and Patrick was again a Stanley Cup-winning general manager when Boucher led the Rangers to their last Cup for 54 years", + "score": 0.73583984375 + }, + { + "id": "12877492", + "title": "1982 Stanley Cup playoffs", + "text": "1982 Stanley Cup playoffs The 1982 Stanley Cup playoffs, the championship of the National Hockey League (NHL) began on April 7, after the conclusion of the 1981\u201382 NHL season. The playoffs concluded on May 16 with the champion New York Islanders defeating the Vancouver Canucks 3\u20131 to win the Final series four games to none and win the Stanley Cup. The first round of the 1982 playoffs saw three first-place teams (Edmonton, Minnesota, and Montreal) upset by fourth-place teams, a round which featured what is still the greatest comeback in NHL history: The Kings' 6\u20135 win over Edmonton in game", + "score": 0.73583984375 + }, + { + "id": "20343784", + "title": "History of the New York Islanders", + "text": "managed to hook the puck with his stick and score. Bossy netted the Stanley Cup-winning goal and was awarded the Conn Smythe Trophy. The next year, although the Islanders had won three straight Stanley Cups, more attention was being paid to the upstart Edmonton Oilers, whose young superstar Wayne Gretzky had just shattered existing scoring records. The 1982\u201383 season was thus a battle to decide which was the best team in the NHL. The Oilers had a better regular season, but the Islanders swept them in the Stanley Cup finals to win their fourth straight championship. Billy Smith was named", + "score": 0.73583984375 + }, + { + "id": "10377155", + "title": "1928 Stanley Cup Finals", + "text": "1928 Stanley Cup Finals The 1928 Stanley Cup Finals was played by the New York Rangers and the Montreal Maroons. It was the first appearance by the Rangers in the Finals and was their first victory of the Stanley Cup in only their second season. This was the second Stanley Cup victory by an American team, the first being the Seattle Metropolitans in the 1917 Stanley Cup Finals. The Montreal Maroons defeated the Ottawa Senators in the quarter-finals total-goals series 3\u20131. The Maroons then defeated the Montreal Canadiens in the semi-finals total-goals series 3\u20132 to reach the Finals. The New", + "score": 0.7353515625 + }, + { + "id": "10602311", + "title": "1933 Stanley Cup Finals", + "text": "Cup-winning goal in overtime. Rookie goalie Andy Aitkenhead would post the fourth shutout by a rookie in the finals. 1933 Stanley Cup Finals The 1933 Stanley Cup Finals was played between the New York Rangers and the Toronto Maple Leafs, in a rematch of the 1932 Final. It was the first best-of-four Finals series. The Rangers won the series 3\u20131 to win their second Stanley Cup. Toronto defeated the Boston Bruins 3\u20132 in a best-of-five series to reach the finals. New York defeated the Montreal Canadiens 8\u20145 and Detroit Red Wings 6\u20133 to reach the finals. After game one, the", + "score": 0.734375 + }, + { + "id": "3242498", + "title": "Conn Smythe", + "text": "pay off the rest. On their return trip to Toronto, the Smythes visited Montreal, where Conn bet the $2,500 on a university football game between Toronto and McGill. He then bet the $5,000 he won on the Rangers to defeat the St. Pats in Toronto, winning again, turning the $2,500 into $10,000 in three days. The Rangers won the Stanley Cup in 1928, their second year of existence, largely with the players Smythe had recruited. While the Rangers shot to the top of their division, Smythe's hometown team, the St. Pats, were struggling. J. P. Bickell, a part-owner of the", + "score": 0.734375 + }, + { + "id": "12877496", + "title": "1982 Stanley Cup playoffs", + "text": "Final, the Cinderella run of the Vancouver Canucks came to an end with a four-game sweep by the Islanders, winning their third consecutive Stanley Cup. 1982 Stanley Cup playoffs The 1982 Stanley Cup playoffs, the championship of the National Hockey League (NHL) began on April 7, after the conclusion of the 1981\u201382 NHL season. The playoffs concluded on May 16 with the champion New York Islanders defeating the Vancouver Canucks 3\u20131 to win the Final series four games to none and win the Stanley Cup. The first round of the 1982 playoffs saw three first-place teams (Edmonton, Minnesota, and Montreal)", + "score": 0.7333984375 + }, + { + "id": "5807685", + "title": "1945\u201346 NHL season", + "text": "1945\u201346 NHL season The 1945\u201346 NHL season was the 29th season of the National Hockey League. The Montreal Canadiens won the Stanley Cup, defeating the Boston Bruins for the team's sixth championship. Synchronized red lights to signal goals were made obligatory for all NHL rinks. It was rumoured in the press that Lester Patrick planned to retire as general manager of the New York Rangers. On February 22, 1946, he announced his retirement from the general manager position, however he would stay on as vice president of Madison Square Garden. Veterans came back to their teams this year, as World", + "score": 0.73291015625 + }, + { + "id": "6315632", + "title": "Curse of Muldoon", + "text": "in the Stanley Cup Finals eight times, in 1962, 1965, 1971, 1973, 1992, 2010, 2013 and 2015. Nevertheless, the team did not win the Cup from 1961 until 2010 \u2014 when they defeated the Philadelphia Flyers \u2014 which was the second longest drought of any current NHL team (since this time, they have won the Cup two more times, in 2013 and 2015). The longest is 54 years (1940-1994) by the New York Rangers. The 2009 Stanley Cup Playoffs was the first time since 1996 that the Blackhawks had advanced beyond the first round in the Stanley Cup Playoffs, when", + "score": 0.73291015625 + }, + { + "id": "758131", + "title": "New York Islanders", + "text": "heroics, scoring at 7:11 of the extra frame, on assists by John Tonelli and Lorne Henning, to bring Long Island its first Stanley Cup. This was the most recent Stanley Cup clinching game won in overtime by the home team until the Los Angeles Kings pulled it off in 2014. It was also the Islanders' sixth overtime victory of the playoffs. Bryan Trottier won the Conn Smythe Trophy as the most valuable player in the playoffs. Torrey's strategy of building through the draft turned out very well; nearly all of the major contributors on the 1980 champions were home-grown Islanders", + "score": 0.73193359375 + }, + { + "id": "11077430", + "title": "1993\u201394 New York Rangers season", + "text": "four years as the head coach of the Chicago Blackhawks, where he led the team to the Stanley Cup Finals in his last year. The 1993 Pre-season, the New York Rangers had a record of 7-2-0. The 1993\u201394 season was a magical one for Rangers fans, as Coach Mike Keenan led the Rangers to their first Stanley Cup championship in 54 years. Two years prior, they picked up center Mark Messier, who was an integral part of the Edmonton Oilers' Cup-winning teams. Adam Graves, who also defected from the Oilers, joined the Rangers as well. Other ex-Oilers on the Blueshirts", + "score": 0.73193359375 + }, + { + "id": "5360572", + "title": "1999 Stanley Cup Finals", + "text": "in 2002. In years since, Buffalo fans have often cited this even as the \"No Goal game\". This is the only time Dallas has won the Stanley Cup, while Buffalo has not returned to the Finals since this series. Dallas returned to the Finals in 2000 but lost to the New Jersey Devils. In Canada, the series was televised on CBC. In the United States, this was fifth and final year in which coverage of the Cup Finals was split between Fox and ESPN. Fox aired games one, two, and five; while ESPN had games three, four, and six. Had", + "score": 0.7314453125 + }, + { + "id": "12775998", + "title": "1999\u20132000 New York Rangers season", + "text": "was also fired, bringing an end to his tenure which had seen the Rangers win the Stanley Cup but also fall on hard times. The Rangers failed to qualify for the 2000 Stanley Cup playoffs, missing the playoffs for the third consecutive season. Denotes player spent time with another team before joining Rangers. Stats reflect time with Rangers only. Traded mid-season. Stats reflect time with Rangers only. New York's picks at the 1999 NHL Entry Draft in Boston, Massachusetts, at the FleetCenter. 1999\u20132000 New York Rangers season The 1999\u20132000 New York Rangers season was the 74th season for the team", + "score": 0.7314453125 + }, + { + "id": "14009878", + "title": "Devils\u2013Rangers rivalry", + "text": "deciding Game 7. In Game 7, the Devils' Valeri Zelepukin tied the game with 7.7 seconds left in regulation, but thanks to another Stephane Matteau goal in double overtime, the Rangers won the series and ultimately went on to win the Stanley Cup over the Vancouver Canucks, also in seven games. The first six games were won by the team that lost that respective game in 1992. That trend, however, was reversed when the Rangers won Game 7 in 1994. The Devils recovered from the crushing defeat to the Rangers in 1994 to win the Stanley Cup the following year", + "score": 0.73095703125 + }, + { + "id": "11045776", + "title": "1950 Stanley Cup Finals", + "text": "1950 Stanley Cup Finals The 1950 Stanley Cup Finals was contested by the New York Rangers and the Detroit Red Wings. It was the Rangers' first appearance in the Final since their Stanley Cup victory in 1940. The Red Wings would win the series 4\u20133 to mark their franchise's fourth Cup win, and first since 1943. This was the last Stanley Cup Final to feature a team that did not host any games and also the last to feature neutral site games, which were held in Toronto on account of scheduling conflicts at Madison Square Garden. New York defeated the", + "score": 0.72900390625 + }, + { + "id": "10599801", + "title": "1984 Stanley Cup Finals", + "text": "1984 Stanley Cup Finals The 1984 Stanley Cup Finals was the championship series of the National Hockey League's (NHL) 1983\u201384 season, and the culmination of the 1984 Stanley Cup playoffs. It was contested between the Edmonton Oilers and the defending champion New York Islanders. The upstart Oilers won the best-of-seven series, four games to one, to win their first Stanley Cup, becoming the third post-1967 expansion team and first former World Hockey Association team to win the Cup, and also the first team based west of Chicago to win the Cup since the WCHL's Victoria Cougars became the last non-NHL", + "score": 0.72900390625 + }, + { + "id": "11077428", + "title": "1993\u201394 New York Rangers season", + "text": "1993\u201394 New York Rangers season The 1993\u201394 New York Rangers season was the 68th season for the franchise. The highlight of the season was winning the Stanley Cup and hosting the NHL All-Star Game at Madison Square Garden. The Rangers clinched their second Presidents' Trophy and sixth division title by finishing with the best record in the NHL at 52\u201324\u20138, setting a then-franchise record with 112 points. This marked the last season in which the Rangers were under the control of Paramount Communications. Toward the end of the season, Paramount was taken over by Viacom. Shortly thereafter, Viacom divested itself", + "score": 0.728515625 + }, + { + "id": "10599811", + "title": "1983 Stanley Cup Finals", + "text": "1983 Stanley Cup Finals The 1983 Stanley Cup Finals was the championship series of the National Hockey League's (NHL) 1982\u201383 season, and the culmination of the 1983 Stanley Cup playoffs. It was contested by the Edmonton Oilers in their first-ever Finals appearance and the defending champion New York Islanders, in their fourth consecutive and overall Finals appearance. The Islanders won the best-of-seven series, four games to none, to win their fourth consecutive and overall Stanley Cup championship. It was also the fourth straight Finals of post-1967 expansion teams, and the first involving a former World Hockey Association (WHA) team. This", + "score": 0.728515625 + }, + { + "id": "5697497", + "title": "Neil Smith (ice hockey)", + "text": "the Rangers organization. Over the next three seasons, Smith continued to shape the team through trades and free-agent signings, acquiring several players from the Edmonton Oilers dynasty of the 1980s, such as Kevin Lowe, Adam Graves, Esa Tikkanen, Jeff Beukeboom, Craig McTavish and Glenn Anderson. Messier became one of the most popular athletes in New York, winning the Hart Memorial Trophy in 1992, and the Rangers grew into an elite team. The Rangers won the Presidents Trophy, for the NHL's best regular season record, twice, and, in 1994 won their long-awaited fourth Stanley Cup championship. Neil Smith remains the only", + "score": 0.72802734375 + }, + { + "id": "10600639", + "title": "1972 Stanley Cup Finals", + "text": "1972 Stanley Cup Finals The 1972 Stanley Cup Finals was contested by the Boston Bruins and the New York Rangers. It was the Rangers first appearance in the championship final series since 1950. The Bruins were making their first appearance since their victory in the 1970 Finals. It was the second Boston-New York Final series, the other being the 1929 Finals. The Bruins would win the best-of-seven series four games to two. This was only the second Stanley Cup Final contested by New York in which the Rangers hosted all of their home games. The first such Final, held in", + "score": 0.72705078125 + }, + { + "id": "12254205", + "title": "History of the National Hockey League (1967\u20131992)", + "text": "likes of Billy Smith, Mike Bossy, Denis Potvin, and Bryan Trottier, the Islanders dominated both the regular season and the playoffs. In 1981, Bossy became the first player to score 50 goals in 50 games since Maurice Richard in 1945. In 1982\u201383, the Edmonton Oilers won the regular season championship. The Islanders and Oilers met in the Finals and New York swept Edmonton for their last Stanley Cup. They were the second franchise to win four straight championships, after the Canadiens. The 1984 playoffs would be the site of the infamous Good Friday Massacre between the Quebec Nordiques and the", + "score": 0.72705078125 + }, + { + "id": "17334279", + "title": "2014 Stanley Cup playoffs", + "text": "San Jose Sharks lost to the Los Angeles Kings in game seven of the opening round on April 30, 2014. On May 29, 2014, the New York Rangers became the first team to ever advance past the Conference Finals after playing two seven-game series in the opening two rounds. The Rangers also became the first captainless team to reach the finals since the Chicago Black Hawks in 1973. That same seven-game mark was eclipsed on June 1, 2014, as the Los Angeles Kings became the first team to ever reach the Stanley Cup Finals after having played three consecutive seven-game", + "score": 0.72705078125 + }, + { + "id": "11237319", + "title": "1939\u201340 New York Rangers season", + "text": "Rangers won a critical Game five 2\u20131 in overtime on Muzz Patrick's overtime goal. In Game 6 it would take overtime again as the Rangers won their 3rd Stanley Cup on Bryan Hextall's goal 2:33 into OT. Following the season the Rangers would celebrate buying out their lease at Madison Square Garden by burning the lease in the historic Stanley Cup, a move that would take on greater mystery in coming years. The final series between the Rangers and the Maple Leafs was an exciting one that went back and forth with three overtime games. The Rangers took the first", + "score": 0.7255859375 + }, + { + "id": "8590320", + "title": "History of the New York Rangers", + "text": "Garden, and were captured on film. Leetch became the first American-born player to win the Conn Smythe Trophy, the first non-Canadian to win it, and Keenan avoided being the first coach to lose Game 7 Stanley Cup Finals with two teams. However, this unfortunate fate would befall Babcock in 2009 when the Red Wings lost to the Pittsburgh Penguins, in-state rivals of the Flyers. The Rangers winning this Stanley Cup was the highest-rated single CBC Sports program in history to that point (now that distinction belongs to the men's ice hockey gold medal game between Canada and the United States", + "score": 0.7255859375 + }, + { + "id": "758278", + "title": "New York Rangers", + "text": "Game 5 in Los Angeles. They had another lead in Game 5, but after the game was tied and subsequently sent to overtime, Kings defenseman Alec Martinez scored with 5:17 left in the second overtime period to win the game for Los Angeles, 3\u20132, as well as the Stanley Cup. On June 20, 2014, a week after their season ended, the Rangers bought-out the remaining six years of Brad Richards' contract in order to free up salary cap space. This move left Marc Staal and Dan Girardi as the team's remaining alternate captains. On October 6, 2014, defenseman Ryan McDonagh", + "score": 0.72509765625 + }, + { + "id": "15347284", + "title": "1967 NHL expansion", + "text": "accumulated draft picks and built a strong team that would win two consecutive Stanley Cups in 1991 and 1992. In 2009, the Penguins became the first of the 1967 expansion teams to win three Cups. Then in 2016, Pittsburgh tied the New York Rangers (an Original Six team) and the New York Islanders (a 1972 expansion team) with four Cups. After successfully defending their title the following year, the franchise tied the Edmonton Oilers (at five Cups), with the Oilers joining the league in the 1979 merger with the WHA. The Los Angeles Kings did not make a Stanley Cup", + "score": 0.72509765625 + }, + { + "id": "11016403", + "title": "1940 Stanley Cup Finals", + "text": "back and forth with three overtime games. The Rangers took the first two at home and the Leafs took the next two in Toronto. The circus forced the Rangers to vacate Madison Square Garden after the first two games. The Rangers would score three game-winning goals in overtime including the Cup winner. Lynn and Murray Patrick played for the Rangers to be the third and fourth members of the Patrick family to win the Stanley Cup. 1940 Stanley Cup Finals The 1940 Stanley Cup Finals was a best-of-seven series between the New York Rangers and the Toronto Maple Leafs. New", + "score": 0.72509765625 + }, + { + "id": "5248385", + "title": "Bill Cook", + "text": "the playoffs. Cook recorded 24 points in 1927\u201328, the seventh highest total in the league. The Rangers again qualified for the playoffs, where they defeated the Pittsburgh Pirates, Boston Bruins and Montreal Maroons to win the franchise's first Stanley Cup championship. The Bread Line scored every Rangers goal in the 1928 Stanley Cup Finals. Twenty-three points in 1928\u201329 again placed Cook seventh in the league. The Rangers defeated the New York Americans to reach the 1929 Stanley Cup Finals, but were defeated by the Montreal Canadiens. Cook led the Rangers and finished fourth in league scoring in 1929\u201330 and 1930\u201331", + "score": 0.724609375 + }, + { + "id": "7602895", + "title": "Brian Skrudland", + "text": "captain in franchise history, a title he held for four seasons. Skrudland was with the team until 1997, including Florida's run to the 1996 Stanley Cup Finals, where they lost 4\u20130 to the Colorado Avalanche. He signed with the New York Rangers in the summer of 1997 and played one season with them until he was dealt along with Mike Keane to the Dallas Stars in exchange for Todd Harvey and Bob Errey. Skrudland was instrumental in helping the Stars win the Stanley Cup in 1999. Skrudland retired after the 2000 Stanley Cup finals (which Dallas lost to the New", + "score": 0.724609375 + }, + { + "id": "13079667", + "title": "1984 Stanley Cup playoffs", + "text": "1984 Stanley Cup playoffs The 1984 Stanley Cup playoffs, the championship of the National Hockey League (NHL) began on April 4, after the conclusion of the 1983\u201384 NHL season. The playoffs concluded on May 19 with the Edmonton Oilers defeating the four time defending champion New York Islanders 5\u20132 to win the Stanley Cup Finals four games to one, the franchise's first Stanley Cup. The following teams qualified for the playoffs: Game six of this series is referred to as the Good Friday Massacre. Lanny McDonald scored the overtime winner for Calgary in Game 6. It was a rematch of", + "score": 0.724609375 + }, + { + "id": "12777023", + "title": "1992\u201393 New York Rangers season", + "text": "the Rangers had been shut out in a regular-season game since December 17, 1989, when they lost at home 2\u20130 to the Montreal Canadiens. Prior to their loss to the Flames, the Rangers had gone 236 consecutive regular-season games without being shut out. The Rangers failed to qualify for the 1993 Stanley Cup playoffs, missing the postseason for the first time since 1988. Denotes player spent time with another team before joining Rangers. Stats reflect time with Rangers only. Traded mid-season. Stats reflect time with Rangers only. New York's picks at the 1992 NHL Entry Draft in Montreal, Quebec, Canada", + "score": 0.724609375 + }, + { + "id": "5848450", + "title": "1927\u201328 NHL season", + "text": "1927\u201328 NHL season The 1927\u201328 NHL season was the 11th season of the National Hockey League. Ten teams played 44 games each. The New York Rangers won the Stanley Cup beating the Montreal Maroons, becoming the first United States-based \"NHL\" team to win it. The O'Brien Cup, which used to go to the National Hockey Association (NHA), later the NHL league champion, would now go to the winner of the Canadian Division. The Prince of Wales Trophy, first awarded to the winner of the first game at Madison Square Garden, and later the NHL league champion, would now go to", + "score": 0.72412109375 + }, + { + "id": "9998677", + "title": "2000 Stanley Cup playoffs", + "text": "2000 Stanley Cup playoffs The 2000 Stanley Cup playoffs, the championship of the National Hockey League (NHL), began on April 12, 2000, and concluded on June 10. The 16 teams that qualified, eight from each conference, played best-of-seven series for Conference Quarterfinals, Conference Semifinals and Conference Finals, with each conference champion playing a best-of-seven series in the Stanley Cup Finals for the Stanley Cup. The playoffs ended when the New Jersey Devils defeated the reigning champion Dallas Stars in a six-game series to win their second Stanley Cup title in franchise history. Devils defenseman Scott Stevens was awarded the Conn", + "score": 0.72412109375 + }, + { + "id": "9998673", + "title": "2000 Stanley Cup playoffs", + "text": "2000 Stanley Cup playoffs The 2000 Stanley Cup playoffs, the championship of the National Hockey League (NHL), began on April 12, 2000, and concluded on June 10. The 16 teams that qualified, eight from each conference, played best-of-seven series for Conference Quarterfinals, Conference Semifinals and Conference Finals, with each conference champion playing a best-of-seven series in the Stanley Cup Finals for the Stanley Cup. The playoffs ended when the New Jersey Devils defeated the reigning champion Dallas Stars in a six-game series to win their second Stanley Cup title in franchise history. Devils defenseman Scott Stevens was awarded the Conn", + "score": 0.72412109375 + }, + { + "id": "11936514", + "title": "1971\u201372 New York Rangers season", + "text": "1971\u201372 New York Rangers season The 1971\u201372 New York Rangers season was the 46th season in franchise history. Jean Ratelle, Vic Hadfield, and Rod Gilbert ranked third, fourth and fifth overall in league scoring. The Rangers qualified for the postseason for the sixth consecutive season. The club made its first appearance in the Stanley Cup final since 1950 but lost in six games to the Boston Bruins. Key: Win Loss Denotes player spent time with another team before joining Rangers. Stats reflect time with Rangers only. Traded mid-season. Stats reflect time with Rangers only. New York's picks at the 1971", + "score": 0.7236328125 + }, + { + "id": "14822091", + "title": "Islanders\u2013Rangers rivalry", + "text": "few players to have played for all three teams based in the state of New York). Greg Gilbert won the Stanley Cup with both teams and is the only player to do so with both teams, winning with the Islanders in and and with the Rangers in 1994. In addition, Neil Smith served as general manager of both teams. During the season, there was a moment of peace in the rivalry with both head coaches, Rangers' John Tortorella and Islanders' Scott Gordon winning silver medals as assistant coaches for the U.S. men's ice hockey team during the Vancouver Olympics, under", + "score": 0.7236328125 + }, + { + "id": "8590350", + "title": "History of the New York Rangers", + "text": "then shut-out at home 3\u20130 in Game 3. The Kings outshot the Rangers in Game 4, but the Rangers staved off elimination by winning the game 2\u20131 to force a Game 5 in Los Angeles. They had another lead in Game 5, but after the game was tied and subsequently sent to overtime, Kings defenseman Alec Martinez scored with 5:17 left in the second overtime period to win the game for Los Angeles, 3\u20132, as well as the Stanley Cup. On June 20, 2014, a week after their season ended, the Rangers bought-out the remaining six years of Brad Richards'", + "score": 0.72314453125 + }, + { + "id": "8590349", + "title": "History of the New York Rangers", + "text": "of the 2014 playoffs, New York defeated Philadelphia in seven games, and in the next round, the Rangers rallied from a 3\u20131 series deficit for the first time in their history to defeat Pittsburgh in seven games. They then defeated the Montreal Canadiens in six games to become the Eastern Conference champions, moving on to the Stanley Cup Finals for the first time in 20 years. In the Finals, they faced the Los Angeles Kings, the Western Conference champions and champions in 2012. The Rangers led the first two games by two goals and eventually fell in overtime, and were", + "score": 0.72265625 + }, + { + "id": "4969676", + "title": "1993 Stanley Cup Finals", + "text": "games to one to win the team's 24th Stanley Cup. The year 1993 was the 100th anniversary of the first awarding of the Stanley Cup in 1893, and the first Finals to start in the month of June. The 1993 Canadiens are also the last Stanley Cup championship team to be composed solely of North American-born players. To date, this is the last Stanley Cup finals won by a Canadian team. The series is remembered for Kings defenceman Marty McSorley's penalty late in the third period of game two for using an illegal stick, in what proved to be the", + "score": 0.72265625 + }, + { + "id": "10602397", + "title": "1935 Stanley Cup Finals", + "text": "1935 Stanley Cup Finals The 1935 Stanley Cup Finals was contested by the Montreal Maroons and the Toronto Maple Leafs. The Maroons would win the series 3\u20130 to win their second and final Stanley Cup. The Maroons are the last defunct team to ever win the Cup, as the team would disband three years later. Toronto defeated the Boston Bruins in a best-of-five 3\u20131 to advance to the final. The Maroons had to play a total-goals series; 1\u20130 against Chicago Black Hawks, and win a second two-game total-goals series 5\u20134 against the New York Rangers. Maroons manager-coach Tommy Gorman became", + "score": 0.72265625 + }, + { + "id": "11016402", + "title": "1940 Stanley Cup Finals", + "text": "1940 Stanley Cup Finals The 1940 Stanley Cup Finals was a best-of-seven series between the New York Rangers and the Toronto Maple Leafs. New York would win the series 4\u20132 to win their third Stanley Cup. The Rangers would not win another for 54 years. New York defeated the Boston Bruins in a best-of-seven 4\u20132 to advance to the finals. The Maple Leafs had to play two best-of three series; winning 2\u20130 against the Chicago Black Hawks, and 2\u20130 against the Detroit Red Wings. The final series between the Rangers and the Maple Leafs was an exciting one that went", + "score": 0.72265625 + } + ], + "answer": "The New York Rangers are a professional ice hockey team based in New York City. The 1993\u201394 season was a successful one for Rangers fans, as Mike Keenan led the Rangers to their first Stanley Cup championship in 54 years on June 14 1994. The New York Rangers won the Stanley Cup in the 1927\u201328 NHL season. The also won the Stanley Cup in the 1939\u201340 NHL season. They have not won the Stanley Cup since the 1993\u201394 NHL season." + }, + { + "qa_pairs": [ + { + "context": "Modern roundabouts observe various design rules to increase safety. Compared to stop signs, traffic signals, and earlier forms of roundabouts, modern roundabouts reduce the likelihood and severity of collisions greatly by reducing traffic speeds and minimizing T-bone and head-on collisions. Variations on the basic concept include integration with tram and/or train lines, two-way flow, higher speeds and many others.", + "question": "What is the purpose of a traffic circle in terms of safety?", + "short_answers": [ + "reduce the likelihood and severity of collisions greatly" + ], + "wikipage": "Roundabout" + }, + { + "context": "A roundabout (also called a traffic circle, road circle, rotary, rotunda or island) is a type of circular intersection or junction in which road traffic is permitted to flow in one direction around a central island, and priority is typically given to traffic already in the junction.", + "question": "What is the purpose of a traffic circle in terms of how it establishes a flow of traffic?", + "short_answers": [ + "traffic is permitted to flow in one direction around a central island" + ], + "wikipage": "Roundabout" + }, + { + "context": "No context provided", + "question": "What is the purpose of a traffic circle in terms of environmental benefits?", + "short_answers": [ + "potentially leads to less pollution" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Roundabout", + "url": "https://en.wikipedia.org/wiki/Roundabout" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "A roundabout is a type of round (about) intersection or junction in which road traffic is permitted to flow in one direction around a central island, and priority is typically given to traffic already in the junction.", + "wikipage": "Roundabout" + } + ], + "long_answer": "A roundabout is a type of round (about) intersection or junction in which road traffic is permitted to flow in one direction around a central island, and priority is typically given to traffic already in the junction. In terms of safety, it greatly reduces the likelihood and severity of collisions. It also serves an environmental benefit in that it potentially leads to less pollution." + }, + { + "knowledge": [], + "long_answer": "A traffic circle has multiple purposes. In terms of safety, traffic circles reduce the likelihood and severity of collisions greatly. In terms of environmental benefits, it potentially leads to less pollution. Its purpose in how it establishes a flow of traffic is that traffic is permitted to flow in one direction around a central island." + } + ], + "sample_id": "-8177486160066957979", + "question": "What is the purpose of a traffic circle?", + "docs": [ + { + "id": "1545005", + "title": "Traffic circle", + "text": "Traffic circle A traffic circle is a type of intersection that directs both turning and through traffic onto a one-way circular roadway, usually built for the purposes of traffic calming or aesthetics. Contrary to a roundabout, where entering traffic always yields to traffic already in the circle and merges in directly, the entrances to traffic circles are three-way intersections either controlled by stop signs, traffic signals, or not formally controlled. Colloquially, however, roundabouts are sometimes referred to as circles. In the United States, traffic engineers typically use the term rotary for large scale circular junctions between expressways or controlled-access highways.", + "score": 0.80712890625, + "summary": "A traffic circle directs traffic onto a one-way circular roadway for traffic calming or aesthetics. It is different from a roundabout as the entrances are controlled by stop signs, traffic signals, or not formally controlled. In the US, large scale circular junctions are called rotaries.", + "extraction": "The purpose of a traffic circle is to direct both turning and through traffic onto a one-way circular roadway, usually built for the purposes of traffic calming or aesthetics." + }, + { + "id": "1545009", + "title": "Traffic circle", + "text": "of October 2016, all having been built since 1997 with more planned. Traffic circle A traffic circle is a type of intersection that directs both turning and through traffic onto a one-way circular roadway, usually built for the purposes of traffic calming or aesthetics. Contrary to a roundabout, where entering traffic always yields to traffic already in the circle and merges in directly, the entrances to traffic circles are three-way intersections either controlled by stop signs, traffic signals, or not formally controlled. Colloquially, however, roundabouts are sometimes referred to as circles. In the United States, traffic engineers typically use the", + "score": 0.8046875, + "summary": "A traffic circle is an intersection that directs traffic onto a circular roadway for traffic calming and aesthetics purposes. They have been built since 1997 with more planned.", + "extraction": "\"A traffic circle is a type of intersection that directs both turning and through traffic onto a one-way circular roadway, usually built for the purposes of traffic calming or aesthetics.\"" + }, + { + "id": "696932", + "title": "Roundabout", + "text": "Roundabout A roundabout, (also called a traffic circle, road circle, rotary, rotunda or island), is a type of circular intersection or junction in which road traffic is permitted to flow in one direction around a central island, and priority is given to traffic already on the junction. Modern roundabouts observe various design rules to increase safety. Compared to stop signs, traffic signals, and earlier forms of roundabouts, modern roundabouts reduce the likelihood and severity of collisions by reducing traffic speeds and minimizing T-bone and head-on collisions. Variations on the basic concept include integration with tram and/or train lines, two-way flow,", + "score": 0.7578125, + "summary": "The purpose of a traffic circle, also known as a roundabout, is to allow road traffic to flow in one direction around a central island, while giving priority to traffic already on the junction. Modern roundabouts increase safety by reducing traffic speeds and minimizing collisions.", + "extraction": "The purpose of a traffic circle or roundabout is to provide a circular intersection or junction in which road traffic is permitted to flow in one direction around a central island, and priority is given to traffic already on the junction. Modern roundabouts observe various design rules to increase safety." + }, + { + "id": "696996", + "title": "Roundabout", + "text": "York and several in New Jersey. Others have been converted to signalised intersections, such as the Drum Hill Rotary in Chelmsford, Massachusetts, which is now six lanes wide and controlled by four separate intersections. Roundabout A roundabout, (also called a traffic circle, road circle, rotary, rotunda or island), is a type of circular intersection or junction in which road traffic is permitted to flow in one direction around a central island, and priority is given to traffic already on the junction. Modern roundabouts observe various design rules to increase safety. Compared to stop signs, traffic signals, and earlier forms of", + "score": 0.751953125, + "summary": "A traffic circle, also known as a roundabout, is a circular intersection where traffic flows in one direction around a central island and priority is given to traffic already on the junction. Modern roundabouts follow design rules to increase safety. No specific purpose is mentioned.", + "extraction": "\"A roundabout, (also called a traffic circle, road circle, rotary, rotunda or island), is a type of circular intersection or junction in which road traffic is permitted to flow in one direction around a central island, and priority is given to traffic already on the junction.\"" + }, + { + "id": "696995", + "title": "Roundabout", + "text": "on off-road bicycle trails in Florida, Colorado, Alaska, and Wisconsin. An elevated roundabout is located in Eindhoven, serving pedestrian and bicycle traffic only, above the main conventional roadway intersection. It is known as the Hovenring. Traffic circles are typically larger, operate at higher speeds and often give priority to entering traffic. They may control entering traffic by stop signs or traffic lights. Many older traffic circles allow entry at higher speeds without deflection, or require a stop and a 90-degree turn to enter. Many traffic circles have been converted to modern roundabouts, including the former Kingston traffic circle in New", + "score": 0.74658203125, + "summary": "Irrelevant.", + "extraction": "The purpose of a traffic circle is to control entering traffic by stop signs or traffic lights and to give priority to entering traffic." + }, + { + "id": "13131639", + "title": "Transportation in New Jersey", + "text": "through the intersection and enter a ramp that loops roughly 270 degrees. Jughandles can cause motorist confusion because turning setups are inconsistent among intersections, and such an alignment is unfamiliar to motorists outside of the northeastern United States. In the 1920s and 1930s, traffic circles were built throughout the state because they were viewed as an efficient way to move traffic through three or more intersecting roads. As suburban and rural populations grew, the traffic circles became outdated because increased vehicle speed and traffic volume caused them to be more dangerous. Many traffic circles became notorious for having frequent accidents", + "score": 0.73486328125, + "summary": "In the 1920s and 1930s, traffic circles were built throughout New Jersey as an efficient way to move traffic through three or more intersecting roads. The purpose of traffic circles is to move traffic efficiently.", + "extraction": "Traffic circles were built throughout the state because they were viewed as an efficient way to move traffic through three or more intersecting roads." + }, + { + "id": "696943", + "title": "Roundabout", + "text": "priority over it (Traffic circle), but take it in turns to enter from each. Almost all of Jersey's roundabouts are of this type. In the Philippines, the term \"rotunda\" or \"rotonda\" is used in referring to roundabouts. The fundamental principle of modern roundabouts is that entering drivers give way to traffic within the roundabout without the need for traffic signals. Conversely, traffic circles typically require circling drivers to give way to entering traffic. Generally, exiting directly from an inner lane of a multi-lane roundabout is permitted, given that the intersecting road has as many lanes as the roundabout. By contrast,", + "score": 0.72900390625, + "summary": "The purpose of a traffic circle is to allow entering drivers to give way to traffic within the roundabout without the need for traffic signals.", + "extraction": "The purpose of a traffic circle is that entering drivers give way to traffic within the roundabout without the need for traffic signals." + }, + { + "id": "696940", + "title": "Roundabout", + "text": "and to give way to traffic already on it. Because low speeds are required for traffic entering roundabouts, they are physically designed to slow traffic entering the junction to improve safety, so that the roads typically approach the junction radially; whereas rotaries are frequently designed to try to increase speeds, and thus have roads that enter the traffic circle tangentially. Because of the requirement for low speeds, roundabouts usually are not used on controlled-access highways, but may be used on lower grades of highway such as limited-access roads. When such roads are redesigned to take advantage of roundabouts, traffic speeds", + "score": 0.72509765625, + "summary": "The document discusses the purpose of a traffic circle, which is to slow down traffic entering the junction to improve safety. Roundabouts are not used on controlled-access highways but may be used on lower grades of highways such as limited-access roads.", + "extraction": "The purpose of a traffic circle, also known as a roundabout, is to slow down traffic entering the junction to improve safety." + }, + { + "id": "696974", + "title": "Roundabout", + "text": "Devices. Roundabouts are generally not appropriate for placement on motorway or freeway mainlines because the purpose of such facilities is to provide for uninterrupted traffic flow. However, roundabouts are often used for the junction between the slip roads (ramps in North America) and the intersecting road. A single roundabout, grade separated from the mainlines, may be used to create a roundabout interchange. This type of junction is common in the UK and Ireland. Alternatively, separate roundabouts also may be used at the slip road intersections of a diamond interchange to create what often is referred to as a \"dumbbell interchange\",", + "score": 0.7236328125, + "summary": "Roundabouts are used for junctions between slip roads and intersecting roads, as well as for creating roundabout interchanges and dumbbell interchanges. They are not appropriate for motorway or freeway mainlines as the purpose is to provide for uninterrupted traffic flow.", + "extraction": "Roundabouts are often used for the junction between the slip roads and the intersecting road." + }, + { + "id": "8930529", + "title": "Berlin Circle (traffic circle)", + "text": "highways, three county roads, four local roads and a railway. The circle was constructed at a time when Berlin was largely rural and the land in the area used primarily for agricultural purposes. By 2002 and with increased suburbanization of the area, the circle became notorious for its congestion and traffic accidents, and for flooding caused by the Great Egg Harbor River. New Jersey had been quite fond of traffic circles starting in 1927, when the Airport Circle in Pennsauken Township opened to traffic on July 1, 1927, as the first such traffic rotary in the United States. While the", + "score": 0.7197265625, + "summary": "The Berlin Circle is a traffic circle that was constructed in a rural area of Berlin for the purpose of managing traffic flow. However, due to increased suburbanization, the circle became congested and prone to traffic accidents and flooding. New Jersey was fond of traffic circles and opened the first one, the Airport Circle, in 1927.", + "extraction": "The purpose of a traffic circle is to facilitate traffic flow at intersections." + }, + { + "id": "696933", + "title": "Roundabout", + "text": "higher speeds and many others. Traffic exiting the roundabout comes from one direction, rather than three, simplifying the pedestrian's visual environment. Traffic moves slowly enough to allow visual engagement with pedestrians, encouraging deference towards them. Other benefits include reduced driver confusion associated with perpendicular junctions and reduced queuing associated with traffic lights. They allow U-turns within the normal flow of traffic, which often are not possible at other forms of junction. Moreover, since vehicles on average spend less time idling at roundabouts than at signalled intersections, using a roundabout potentially leads to less pollution. When entering vehicles only need to", + "score": 0.708984375, + "summary": "The purpose of a traffic circle, also known as a roundabout, is to simplify the pedestrian's visual environment, reduce driver confusion, and allow U-turns within the normal flow of traffic. They also potentially lead to less pollution as vehicles spend less time idling compared to signalled intersections.", + "extraction": "The purpose of a traffic circle, or roundabout, is to simplify the pedestrian's visual environment and reduce driver confusion and queuing associated with perpendicular junctions and traffic lights. They also allow for U-turns within the normal flow of traffic and potentially lead to less pollution by reducing the time vehicles spend idling." + }, + { + "id": "696955", + "title": "Roundabout", + "text": "based on lane-based gap-acceptance theory. A recent NCHRP survey of US state transport agencies found that Sidra Intersection is the most widely used software tool in the US for roundabout analysis. Statistically, modern roundabouts are safer for drivers and pedestrians than both traffic circles and traditional intersections. Roundabouts are safer than both traffic circles and junctions\u2014experiencing 39% fewer vehicle collisions, 76% fewer injuries and 90% fewer serious injuries and fatalities (according to a study of a sampling of roundabouts in the United States, when compared with the junctions they replaced). Some larger roundabouts take foot and bicycle traffic through underpasses", + "score": 0.708984375, + "summary": "The purpose of a traffic circle, or roundabout, is to improve safety for drivers and pedestrians compared to traditional intersections and traffic circles. They are analyzed using software such as Sidra Intersection and have been found to experience 39% fewer vehicle collisions, 76% fewer injuries, and 90% fewer serious injuries and fatalities. Some roundabouts also allow foot and bicycle traffic through underpasses.", + "extraction": "The purpose of a traffic circle is irrelevant." + }, + { + "id": "10067152", + "title": "Roundabout interchange", + "text": "interchanges have been signalized to improve throughput and safety, such as the former Drum Hill Rotary (now Drum Hill Square) in Chelmsford, Massachusetts in New England, where such interchanges are unusually common. A divided diamond, in which the minor road is separated into four intersections, rather than two, also acts like a roundabout interchange, but it is more square in shape and, typically, has traffic light control. A roundabout is used as an interchange between Quebec Autoroute 20 and Quebec Autoroute 520 in Montreal, Quebec. The roundaboat is known as the Dorval Circle. Ramps to side streets are added as", + "score": 0.70361328125, + "summary": "The document mentions that a roundabout interchange is used to improve throughput and safety. It gives examples of roundabouts in Chelmsford, Massachusetts and Montreal, Quebec. However, it does not provide a specific purpose for traffic circles.", + "extraction": "The purpose of a traffic circle, also known as a roundabout interchange, is to serve as an interchange between two roads." + }, + { + "id": "696952", + "title": "Roundabout", + "text": "(in countries where traffic drives on the right) further reduce throughput. Roundabouts can reduce delays for pedestrians compared to traffic signals, because pedestrians are able to cross during any safe gap rather than waiting for a signal. During peak flows when large gaps are infrequent, the slower speed of traffic entering and exiting can still allow crossing, despite the smaller gaps. Studies of roundabouts that replaced stop signs and/or traffic signals found that vehicle delays were reduced 13\u201389 percent and the proportion of vehicles that stopped was reduced 14\u201356 percent. Delays on major approaches increased as vehicles slowed to enter", + "score": 0.70166015625, + "summary": "The purpose of a traffic circle, or roundabout, is to reduce vehicle delays and improve pedestrian safety by allowing them to cross during safe gaps rather than waiting for a signal. Studies have shown that roundabouts can reduce vehicle delays by 13-89% and the proportion of vehicles that stop by 14-56%.", + "extraction": "The purpose of a traffic circle is to reduce delays for pedestrians compared to traffic signals, because pedestrians are able to cross during any safe gap rather than waiting for a signal. During peak flows when large gaps are infrequent, the slower speed of traffic entering and exiting can still allow crossing, despite the smaller gaps." + }, + { + "id": "696978", + "title": "Roundabout", + "text": "flow on bridges, which are two viaducts creating a roundabout suspended over the ring road. Signal controlled roundabouts are common in the United Kingdom, Ireland and Spain (mostly the city of Valencia), where they have been introduced in an attempt to alleviate traffic problems at over-capacity roundabout junctions or to prevent some flows of traffic dominating others (around the M50 in Dublin for example). The Cherry Street roundabout in Kowloon, Hong Kong is also one such example. \"Magic roundabouts\" direct traffic in both directions around the central island. They are officially known as \"ring junctions\". The first magic roundabout was", + "score": 0.69970703125, + "summary": "The document briefly mentions traffic circles, also known as roundabouts, and their purpose of alleviating traffic problems at over-capacity junctions or preventing certain flows of traffic from dominating others. One example of this is the Cherry Street roundabout in Kowloon, Hong Kong.", + "extraction": "The purpose of traffic circles, also known as roundabouts, is to alleviate traffic problems at over-capacity roundabout junctions or to prevent some flows of traffic dominating others." + }, + { + "id": "696956", + "title": "Roundabout", + "text": "or alternate routes. Clearwater Beach, Florida's multi-lane roundabout has reduced its previously high cyclist death rate to zero since its construction. At junctions with stop signs or traffic lights, the most serious accidents are right-angle, left-turn or head-on collisions where vehicles move fast and collide at high impact angles, e.g. head-on. Roundabouts virtually eliminate those types of crashes. Instead, most crashes are glancing blows at low angles of impact. An analysis of the New Zealand national crash database for the period 1996\u20132000 shows that 26% of cyclists reported injury crashes happened at roundabouts, compared to 6% at traffic signals and", + "score": 0.69775390625, + "summary": "The purpose of a traffic circle, also known as a roundabout, is to reduce the number of serious accidents, especially right-angle, left-turn, or head-on collisions. The multi-lane roundabout in Clearwater Beach, Florida has reduced its cyclist death rate to zero since its construction. Roundabouts virtually eliminate those types of crashes, and instead, most crashes are glancing blows at low angles of impact.", + "extraction": "The purpose of a traffic circle, or roundabout, is to virtually eliminate serious accidents such as right-angle, left-turn, or head-on collisions that occur at junctions with stop signs or traffic lights. Instead, most crashes that happen at roundabouts are glancing blows at low angles of impact." + }, + { + "id": "696960", + "title": "Roundabout", + "text": "modern roundabouts. Large roundabouts such as those used at motorway junctions typically have two to six lanes and may include traffic lights to regulate flow. Some roundabouts have a divider, or subsidiary deflection island, by means of which is provided a \"free flow\" segregated left (or right) turn lane (for the UK see Design Manual for Roads and Bridges TD 51/03) between traffic moving between two adjacent roads, and traffic within the roundabout, enabling drivers to bypass the roundabout. The term \"gyratory\" (for example, Hanger Lane gyratory) is sometimes used in the United Kingdom for a large circular intersection with", + "score": 0.697265625, + "summary": "The document describes modern roundabouts, which can have two to six lanes and may include traffic lights. Some roundabouts have a divider for a segregated turn lane. The purpose of a traffic circle is not explicitly stated, but it is implied to regulate traffic flow.", + "extraction": "The purpose of a traffic circle is to regulate flow of traffic and provide a \"free flow\" segregated left (or right) turn lane between traffic moving between two adjacent roads, and traffic within the roundabout, enabling drivers to bypass the roundabout." + }, + { + "id": "629581", + "title": "Ring road", + "text": "Ring road A ring road (also known as beltline, beltway, circumferential (high)way, loop or orbital) is a road or a series of connected roads encircling a town, city, or country. The most common purpose of a ring road is to assist in reducing traffic volumes in the urban centre, such as by offering an alternate route around the city for drivers who do not need to stop in the city core. The name \"ring road\" is used for the majority of metropolitan circumferential routes in the European Union, such as the Berliner Ring, the Brussels Ring, the Amsterdam Ring, the", + "score": 0.6962890625, + "summary": "The purpose of a ring road, also known as a traffic circle, is to reduce traffic volumes in urban centers by offering an alternate route around the city for drivers who do not need to stop in the city core.", + "extraction": "The passage is irrelevant as it does not provide any information about the purpose of a traffic circle, but rather describes a ring road." + }, + { + "id": "11701700", + "title": "U.S. Route 41 in Michigan", + "text": "delays\" by the designers of the replacement. A traffic study concluded in 2007 that the intersection would need either the roundabout or a traffic signal with several turning lanes to accommodate the traffic needs in the area. MDOT decided in favor of a two-lane, roundabout retaining the right-turn lanes from the previous intersection layout. These lanes will be used by right-turning traffic to bypass the circle at the center of the intersection. MDOT engineers touted the constant-flowing nature of the design as a benefit to the new intersection, and city planners promoted the enhanced safety aspects of the project. Both", + "score": 0.69482421875, + "summary": "The document is irrelevant to the question.", + "extraction": "The purpose of a traffic circle is to accommodate the traffic needs in an area and provide a constant-flowing, enhanced safety intersection design." + }, + { + "id": "696959", + "title": "Roundabout", + "text": "This issue has led to a conflict in the United States between the vision-impaired and civil engineering communities. One solution is to provide manually-operated pedestrian crossing signals at each entry. This increases construction and operation costs, and requires some way to disrupt traffic long enough for the pedestrian to cross (such as a HAWK beacon) that defeats the purpose of the roundabout. Signalisation also increases delays for most pedestrians during periods of light traffic, since pedestrians need to wait for a signal to change before (legally) crossing. Signalised pedestrian crossings are normally used on large-diameter roundabout interchanges rather than small-diameter", + "score": 0.69384765625, + "summary": "Irrelevant.", + "extraction": "irrelevant. \n\nThe passage talks about conflicts related to roundabouts in the United States, but it does not provide information about the purpose of a traffic circle." + }, + { + "id": "7557277", + "title": "Barney Circle", + "text": "the purpose of building a rail crossing over the Anacostia. This along with reports by the Office of Public Buildings and Grounds (OPB&G) in the 1880-90s that much of the area was under water at high tide, prevented the construction of a circular park as had been planned. By 1903, was constructed as a traffic circle instead, with the name \"Pennsylvania Avenue Circle\", and Pennsylvania Avenue passing through it to the Pennsylvania Avenue Bridge. On August 19, 1911, President William Howard Taft signed S. 306 into law (Public Law No. 33), formally changing the name of the circle to \"Commodore", + "score": 0.6923828125 + }, + { + "id": "12093608", + "title": "Traffic park", + "text": "their parent, who can provide guidance as they circle the park. Typically, traffic parks are scaled-down versions of real street networks, with the lane and street-width proportional to the smaller vehicles. Often they include operating traffic signals and during busy times are even staffed with traffic police. One of the intentions of the traffic park is to improve awareness of traffic safety among school-aged children. Many traffic parks enable children to gain hands-on experience crossing streets and with bicycle or other pedestrian safety challenges in a highly controlled environment devoid of actual motor vehicles. Traffic parks exist throughout Asia, Europe,", + "score": 0.69189453125 + }, + { + "id": "1545006", + "title": "Traffic circle", + "text": "Rotaries typically feature high speeds inside the circle and on the approaches. In New England, traffic circles are generally called rotaries and the traffic that is already driving in the rotary always has the right of way (see roundabout). For examples of where this is specified, in Massachusetts \"Any operator of a vehicle entering a rotary intersection shall yield the right-of-way to any vehicle already in the intersection.\" In Rhode Island entering vehicles \"Yield to vehicles in the roundabout.\" Distinct from roundabouts, traffic circles and rotaries may also have an interior lane that requires traffic on it to change lanes", + "score": 0.69189453125 + }, + { + "id": "7192353", + "title": "Fused grid", + "text": "In practice, in the second half of the 20th century citizens of many American and European cities have protested against the intrusion of through traffic in their neighbourhoods. Its side-effects were unwelcome as being detrimental to peace, tranquility, health, and safety. In response, cities introduced an armoury of controls to ensure that residential districts retained a high standard of life quality. Among these controls were one-way streets, closures, half-closures, traffic circles, and a liberal use of stop signs. These measures being improvised retrofits implied the need for a network pattern in which techniques such as these would be obviated by", + "score": 0.6884765625 + }, + { + "id": "696951", + "title": "Roundabout", + "text": "both individual and queuing delays. Throughput further improves because drivers proceed when traffic is clear without waiting for a signal to change. Roundabouts can increase delays in locations where traffic would otherwise often not be required to stop. For example, at the junction of a high-volume and a low-volume road, traffic on the busier road would stop only when cross traffic was present, otherwise not having to slow for the roundabout. When the volumes on the roadways are relatively equal, a roundabout can reduce delays, because half of the time a full stop would be required. Dedicated left turn signals", + "score": 0.68798828125 + }, + { + "id": "696939", + "title": "Roundabout", + "text": "first modern roundabout in the United States was constructed in Summerlin, Nevada in 1990. This roundabout occasioned dismay from residents, and a local news program said about it, \"Even police agree, [roundabouts] can be confusing at times.\" As of the beginning of the twenty-first century, roundabouts were in widespread use in Europe. For instance, in 2010 France had more than 30,000 roundabouts. A \"modern roundabout\" is a type of looping junction in which road traffic travels in one direction around a central island and priority is given to the circulating flow. Signs usually direct traffic entering the circle to slow", + "score": 0.68701171875 + }, + { + "id": "7190341", + "title": "New York State Route 376", + "text": "decreased congestion and increased traffic flow. The construction of the roundabouts was controversial from the outset. The first two roundabouts were installed by NYSDOT even though both the town and city of Poughkeepsie declared that they were opposed to the roundabouts. Additionally, the roundabouts have drawn much controversy from local residents because they remove a lane of traffic in each direction, reducing Raymond Avenue (NY 376) from a four-lane road to a divided two-lane boulevard and significantly altering pre-existing traffic patterns. A moderate amount of traffic has diverted onto alternate local routes as a result. In response, NYSDOT installed traffic", + "score": 0.68701171875 + }, + { + "id": "1319398", + "title": "Milton Keynes", + "text": "have Local Centres, intended as local retail hubs and most with community facilities as well. Originally intended under the master plan to sit alongside the Grid Roads, the Local Centres were mostly in fact built embedded in the communities. Roundabout junctions were built at intersections because the grid roads were intended to carry large volumes of traffic: this type of junction is efficient at dealing with these volumes. Some major roads are dual carriageway, the others are single carriageway. Along one side of each single carriageway grid road, there is a (grassed) reservation to permit dualling or additional transport infrastructure", + "score": 0.6865234375 + }, + { + "id": "696942", + "title": "Roundabout", + "text": "intersections are called \"rotaries\" and the state enforces that restriction. The term \"traffic circle\" is not used in the United Kingdom, where most circular junctions meet the technical criteria for \"modern roundabouts\". However, in some parts of the English Midlands, such as in Birmingham, roundabouts are commonly called \"islands\", which conflicts with the more generic use of the term \"island\" as a structure to divide traffic flow, and can cause confusion. In the Channel Islands a third type of roundabout, known as \"Filter in Turn\", exists. Here approaching drivers neither yield to traffic on the roundabout, as normal, nor have", + "score": 0.685546875 + }, + { + "id": "5059890", + "title": "Traffic island", + "text": "middle of a road, serving the divider function over a much longer distance. When making left turns, drivers will often drive over painted islands even though it is technically illegal. Some traffic islands may serve as refuge islands for pedestrians. Traffic islands are often used at partially blind intersections on back-streets to prevent cars from cutting a corner with potentially dangerous results, or to prevent some movements totally, for traffic safety or traffic calming reasons. In certain areas of the United Kingdom, particularly in The Midlands, the term \"island\" is often used as a synonym for roundabout. Traffic island A", + "score": 0.68408203125 + }, + { + "id": "696941", + "title": "Roundabout", + "text": "must be reduced via tricks such as curving the approaches. The word \"roundabout\" dates from early 20th century United Kingdom. In U.S. dictionaries the terms \"roundabout\", \"traffic circle\", \"road circle\" and \"rotary\" are synonyms. The U.S. Department of Transportation adopted the term \"modern roundabout\" to distinguish those that require entering drivers to give way to others. This article follows that convention and refers to other types as \"traffic circles\" or \"rotaries\". Many old traffic circles remain in the northeastern US. Some modern roundabouts are elongated to encompass additional streets, but traffic always flows in a loop. In Massachusetts older circular", + "score": 0.68310546875 + }, + { + "id": "8820262", + "title": "Airport Circle (Pennsauken)", + "text": "Airport Industrial Park is to the southeast. Other commercial and industrial establishments surround the circle to the northeast and west. Built in 1925, the Airport Circle is New Jersey's first traffic circle. The circle opened to traffic on July 1, 1927, as the first such traffic rotary in the United States. It is named for the former Camden Central Airport, a small airport that operated in this vicinity between 1929 and 1957. The Airport Circle was later modified to include overhead ramps and traffic lights to move traffic through. The world's first drive-in theater opened June 6, 1933, on Admiral", + "score": 0.681640625 + }, + { + "id": "3204096", + "title": "Arlington Memorial Bridge", + "text": "Constitution Avenue, Independence Avenue, the Rock Creek and Potomac Parkway, and the District of Columbia segment of Interstate 66. A peculiarity of the traffic circle at the southwestern terminus is that traffic already in the circle must yield to traffic entering the circle \u2014 the opposite of the standard rule. During morning rush hour, a portion of the traffic circle is closed to prevent mergers that would otherwise tie up rush hour traffic. The center portion of the bridge is a metal draw span, intended to allow large vessels to pass upriver to Georgetown. However, with the construction of the", + "score": 0.6806640625 + }, + { + "id": "8890470", + "title": "Portsmouth Traffic Circle", + "text": "Portsmouth Traffic Circle The Portsmouth Traffic Circle is a four-point rotary in the city of Portsmouth, New Hampshire. The southern exit of the circle provides access to Interstate 95 north and south, although only northbound I-95 traffic enters here. The eastern and northern exits are part of the U.S. Route 1 Bypass, and the western exit marks the eastern end of U.S. Route 4, as well as the southern terminus of NH Route 16 and the Spaulding Turnpike. Traffic from southbound I-95 also enters the circle here after navigating a circuitous series of ramps from exit 5. Drivers leaving the", + "score": 0.6806640625 + }, + { + "id": "696944", + "title": "Roundabout", + "text": "exiting from an inner lane of a traffic circle is usually not permitted and traffic must first move into the outside lane. Vehicles circulate around the central island in one direction at speeds of . In left-hand traffic countries they circulate clockwise (looking from above); in right-hand traffic, anticlockwise. Multi-lane roundabouts are typically less than in diameter; traffic circles and roundabout interchanges may be considerably larger. Roundabouts are roughly the same size as signalled intersections of the same capacity. Modern roundabouts feature a central island and sometimes pedestrian islands at each entry or exit. The central island may be surrounded", + "score": 0.6796875 + }, + { + "id": "7927520", + "title": "Armdale Rotary", + "text": "since the 1970s has resulted in current traffic levels outstripping the design capacity. The traffic circle had long been a source of irritation and controversy to its users due to the unusual operation rules: prior to 2005 all vehicles had to \"yield and proceed\" while entering and while in the circle. This caused confusion for both visitors to the city as well as many locals, and the roads leading up to the traffic circle were often congested for several hundred metres. For many years, the city assigned a commissionaire to patrol the intersection and assist in traffic direction. In October", + "score": 0.67919921875 + }, + { + "id": "696936", + "title": "Roundabout", + "text": "of the first American roundabouts for both autos and streetcars (trams) in the Hanchett Residence Park in what is now San Jose, California. The first British circular junction was built in Letchworth Garden City in 1909. Its centre originally was intended partly as a traffic island for pedestrians. It was featured in the film \"The World's End\". In the early 20th century, numerous traffic circles were constructed in the United States, particularly in the northeast. Examples include a circle in Atherton, California. Widespread use of the modern roundabout began when the UK's Transport Research Laboratory engineers re-engineered and standardised circular", + "score": 0.67822265625 + }, + { + "id": "696979", + "title": "Roundabout", + "text": "constructed in 1972 in Swindon, Wiltshire, United Kingdom, designed by Frank Blackmore, inventor of the mini-roundabout. The roundabout joins five roads and consists of a two-way road around the central island, with five mini-roundabouts meeting the incoming roads. The name derives from the popular children's television series, \"The Magic Roundabout\", and is considered \"magic\" because traffic flows in both clockwise and anticlockwise directions. This is achieved by surrounding the main island with one smaller roundabout per entry/exit street. This pattern directs traffic in the usual clockwise (in LHT installations) or counter-clockwise (in RHD installations) manner around each mini-roundabout. Exiting the", + "score": 0.67724609375 + }, + { + "id": "696973", + "title": "Roundabout", + "text": "that turbo roundabouts reduce accidents including casualties by some 75% when compared to regular intersections, and by 61% compared to single-lane roundabouts. The same research made it very clear that it is safer for cyclists not to have priority over motor vehicles on the roundabout, than to have it. At least 70 have been built in the Netherlands, while many turbos (or similar, lane splitting designs) can be found in southeast Asia. Multi-lane roundabouts in the United States of America are typically required to be striped with spiral markings, as most states follow the federal Manual on Uniform Traffic Control", + "score": 0.67724609375 + }, + { + "id": "14884879", + "title": "Berenkuil (traffic)", + "text": "Berenkuil (traffic) A berenkuil (a Dutch word meaning a bear pit) is a type of traffic circle found in the Netherlands. In this construction, automotive traffic is directed around a raised outer circle. This leaves a sunken open space in the center of the circle which is used for bicycle paths. Perhaps the first berenkuil, and the one that gives its name to this type of circle, is the one in Utrecht, built in 1944. There are several theories for the origin of its name, including the possibility that an actual bear pit was located there, or that it was", + "score": 0.67626953125 + }, + { + "id": "11315200", + "title": "Restorative practices", + "text": "The circle has a wide variety of purposes: conflict resolution, healing, support, decision making, information exchange and relationship development. Circles offer an alternative to contemporary meeting processes that often rely on hierarchy, win-lose positioning and argument. Circles can be used in any organizational, institutional or community setting. Circle time and morning meetings have been widely used in primary and elementary schools for many years and more recently in secondary schools and higher education. In industry, the quality circle has been employed for decades to engage workers in achieving high manufacturing standards. In 1992 Yukon Circuit Court Judge Barry Stewart pioneered", + "score": 0.67578125 + }, + { + "id": "3074830", + "title": "Cloverleaf interchange", + "text": "cloverleaf interchange is traffic weaving. Cloverleaf interchanges, viewed from overhead or on maps, resemble the leaves of a four-leaf clover or less often a 3-leaf clover. In the United States, cloverleaf interchanges existed long before the interstate system. They were originally created for busier interchanges that the original diamond interchange system could not handle. Their chief advantage was that they were free-flowing and did not require the use of such devices as traffic signals. This not only made them a viable option for interchanges between freeways (where such devices are typically not an option), but they could also be used", + "score": 0.67529296875 + }, + { + "id": "11799225", + "title": "Traffic Circle (Antarctica)", + "text": "Traffic Circle (Antarctica) Traffic Circle is a glacier-filled expanse 500 m high, situated south of Mount Ptolemy and medially on Antarctic Peninsula between Marguerite Bay and Mobiloil Inlet. Hub Nunatak rises from the center of the Traffic Circle. From this position, five glacial troughs radiate like the spokes of a wheel. One connects on the north with Gibbs Glacier and Neny Glacier, leading to Neny Fjord. Another connects on the west with Lammers Glacier and Windy Valley, leading to Mikkelsen Bay. A third, Cole Glacier, trends southwest along Godfrey Upland toward the Wordie Ice Shelf area. The fourth, Weyerhaeuser Glacier,", + "score": 0.67529296875 + }, + { + "id": "5059889", + "title": "Traffic island", + "text": "Traffic island A traffic island is a solid or painted object in a road that channels traffic. It can also be a narrow strip of island between roads that intersect at an acute angle. If the island uses road markings only, without raised kerbs or other physical obstructions, it is called a painted island or (especially in the UK) ghost island. Traffic islands can be used to reduce the speed of cars driving through, or to provide a central refuge to pedestrians crossing the road. When traffic islands are longer, they are instead called traffic medians, a strip in the", + "score": 0.6748046875 + }, + { + "id": "7005962", + "title": "Thomas Circle", + "text": "Thomas Circle Thomas Circle is a traffic circle in Northwest Washington, D.C., in the United States. It is located at the intersection of Massachusetts Avenue NW, Vermont Avenue NW, 14th Street NW, and M Street NW. It is named for George Henry Thomas, a Union Army general in the American Civil War. Thomas Circle was constructed as a traffic circle as part of the original L'Enfant Plan for the District of Columbia. The circle was named for American Civil War General George Henry Thomas. A horse-drawn railway installed around the Circle in the mid-1860s led to development to the north.", + "score": 0.67431640625 + }, + { + "id": "1545007", + "title": "Traffic circle", + "text": "in order to exit the circle. Design criteria include: French architect Eug\u00e8ne H\u00e9nard was designing one-way circular intersections as early as 1877. American architect William Phelps Eno favored small traffic circles. He designed New York City's famous Columbus Circle, which was built in 1905. Other circular intersections were subsequently built in the United States, though many were large diameter 'rotaries' that enabled high speed merge and weave maneuvers. These designs were doomed to failure for two primary reasons: The experience with traffic circles and rotaries in the US was almost entirely negative, characterized by high accident rates and congestion problems.", + "score": 0.673828125 + }, + { + "id": "4718469", + "title": "Somerville Circle", + "text": "considered a traffic circle by the New Jersey Department of Transportation. The Somerville Circle joins U.S. Routes 202 and 206, and New Jersey Route 28. A bridge over the circle allows Route 202 to bypass the intersecting roads. Ever since the bridge was built in the 1990s, the New Jersey Department of Transportation no longer considers the Somerville Circle a traffic circle, but the intersection still contains a 360 degree loop, interrupted on one side with traffic lights. According to the New Jersey Department of Transportation, the circle averages 11,786 vehicles a day. The Somerville Circle is located on the", + "score": 0.673828125 + }, + { + "id": "4718471", + "title": "Somerville Circle", + "text": "bypass towns and called for counties in the state to build and maintain another series of roads for local traffic. Routes 202 and 206 were part of this plan and the design called for them to intersect west of Somerville at New Jersey Route 28. To improve traffic flow the intersection of the roads was turned into a traffic circle. The circle was built in the 1930s by the New Jersey Highway Department. The Somerville Circle was among many others built in New Jersey at the time, because the Highway Department believed that circles were an effective way to move", + "score": 0.67333984375 + }, + { + "id": "12093607", + "title": "Traffic park", + "text": "Traffic park A traffic park or children's traffic park is a park in which children can learn the rules of the road. A traffic park is also called a \"transportation park\" or traffic garden or \"safety village\" depending on locale. Traffic parks are frequently created as an attraction within a larger park. In other cases, they are single-use parks and often small in scale. They can be found in urban as well as rural areas. Children are allowed to use bicycles or pedal-powered cars to navigate the streets and operate according to traffic laws. Sometimes they share a buggy with", + "score": 0.6728515625 + }, + { + "id": "8143362", + "title": "Los Alamitos Circle", + "text": "roundabout by the California Department of Transportation (Caltrans). This was the first such conversion in the United States. Yield signs replaced Stop signs, giving drivers inside the circle the right of way, which increased traffic flow efficiency. PCH (the main thoroughfare) was given an additional entry lane at both north and south bound routes. Also added were widened feeder lanes, and dedicated lanes for traffic traveling only 90 of the 360 degrees of the circle - the equivalent of a right turn at a traditional American traffic light. After the conversion, both the total auto accident and the injury rate", + "score": 0.67236328125 + }, + { + "id": "696950", + "title": "Roundabout", + "text": "roundabout arms perpendicularly, well outside the circle. A pedestrian island allows pedestrians and cyclists to cross one lane at a time. The capacity of a roundabout varies based on entry angle, lane width, and the number of entry and circulating lanes. As with other types of junctions, operational performance depends heavily on the flow volumes from various approaches. A single-lane roundabout can handle approximately 20,000\u201326,000 vehicles per day, while a two-lane design supports 40,000 to 50,000. Under many traffic conditions, a roundabout operates with less delay than signalised or all-way stop approaches. Roundabouts do not stop all entering vehicles, reducing", + "score": 0.67236328125 + }, + { + "id": "3315039", + "title": "M-28 (Michigan highway)", + "text": "a part of the City of Marquette's master plan since 2003. MDOT engineers touted the constant-flowing nature of the design as a benefit to the new intersection, and city planners promoted the enhanced safety aspects of the project. Both parties stated the planned intersection was less expensive than a conventional stop light. Residents have expressed concerns about snow plowing and truck traffic in the intersection. The designers consulted officials of Avon, Colorado, where several roundabouts are situated in a location that averages over of annual snowfall. Designers planned the size of the new intersection to accommodate truck traffic. MDOT has", + "score": 0.67236328125 + }, + { + "id": "3315038", + "title": "M-28 (Michigan highway)", + "text": "through the existing intersection. The previous intersection configuration dated back to the 1960s. It had been labeled as \"dangerous and [causing] significant traffic delays\" by the designers of the replacement. A traffic study concluded in 2007 that the intersection would need either the roundabout or a traffic signal with several turning lanes to accommodate the traffic needs in the area. MDOT decided in favor of a two-lane, roundabout retaining the right-turn lanes from the previous intersection layout. These lanes will be used by right-turning traffic to bypass the circle at the center of the intersection. The upgraded intersection had been", + "score": 0.671875 + }, + { + "id": "696946", + "title": "Roundabout", + "text": "erected at the top of a landscaped mound. Some communities use the island for monuments, the display of large public art or for a fountain. Pedestrians may be prohibited from crossing the circling lane(s). Access to the central island requires an underpass or overpass for safety. Roundabouts have attracted art installations around the world: For larger roundabouts, pedestrian islands at each entry/exit encourage drivers to slow and prepare to enter the circle. They also provide a refuge where pedestrians may pause mid-crossing. Crosswalks at each entry/exit may be located at least one full car length outside the circle. The extra", + "score": 0.671875 + }, + { + "id": "533019", + "title": "Traffic", + "text": "vehicular traffic. In most modern cities, the traffic signal is used to establish the right of way on the busy roads. Its primary purpose is to give each road a duration of time in which its traffic may use the intersection in an organized way. The intervals of time assigned for each road may be adjusted to take into account factors such as difference in volume of traffic, the needs of pedestrians, or other traffic signals. Pedestrian crossings may be located near other traffic control devices; if they are not also regulated in some way, vehicles must give priority to", + "score": 0.67138671875 + }, + { + "id": "17599355", + "title": "Remedios Circle", + "text": "of Manila's nightlife, as well as a popular cruising spot for men who have sex with men. Remedios Circle was originally the Malate Cemetery, built in a manner similar to what is now Paco Park. It was one of two traffic circles built in Manila during the Spanish colonial period, the other being the Carriedo Fountain on Plaza Santa Cruz, although it wasn't originally built to serve as a traffic circle. For much of its history, Malate and the neighboring district of Ermita were largely residential districts home to the Philippine elite, and the area around the circle was similarly", + "score": 0.669921875 + }, + { + "id": "11019507", + "title": "Latham Circle", + "text": "of Transportation the 2003 National Roadway Safety Award. Traffic counts for US 9 in 2002 and 2004 showed over 26,000 cars passing under the Latham Circle daily. Latham Circle's access roads formerly had two Texas U-turns, allowing for traffic on the access roads to cross US 9 to the opposite access road without passing through the circle. Texas U-turns are unusual outside of Texas and extremely rare outside of the Southern United States. The name Latham Circle has since been used in the name of many local businesses, including a shopping mall, soccer team, diner, and taxi service. Latham Circle", + "score": 0.669921875 + }, + { + "id": "4239784", + "title": "Columbus Circle", + "text": "a 1920 book, Eno writes that prior to the implementation of his plan, traffic went around the circle in both directions, causing accidents almost daily. The 1905 plan, which he regarded as temporary, created a counterclockwise traffic pattern with a \"safety zone\" in the center of the circle for cars stopping; however, the circle was too narrow for the normal flow of traffic. Eno also wrote of a permanent plan, with the safety zones on the outside as well as clearly delineated pedestrian crossings. The redesign marked the first true one-way traffic circle to be constructed anywhere, implementing the ideas", + "score": 0.66943359375 + }, + { + "id": "6651737", + "title": "Roundabout Appreciation Society", + "text": "Roundabout Appreciation Society The Roundabout Appreciation Society (UKRAS) is a group of people in the United Kingdom that discuss traffic roundabouts. The main topic of discussion is the architecture of the roundabouts, including their design and safety features. Other topics have included the approaches people take when driving towards and around a roundabout, and the wildlife present on some of the larger junctions. Their aim is to promote safe driving and consideration towards other road users. The society was formed by Kevin Beresford after the success of a calendar that showed photographs of 12 roundabouts in Redditch \u2013 it sold", + "score": 0.6689453125 + }, + { + "id": "696977", + "title": "Roundabout", + "text": "junction between the A200 and the A9 uses a 3-level stacked roundabout. Near Eindhoven (the Leenderheide junction), the junction for the A2 uses a roundabout. An overpass was built for the A67 from Antwerp to Germany. Rotary interchanges operate with traffic circles rather than roundabouts. Rotary interchanges are common in New England, particularly in the state of Massachusetts, but a European example of a rotary interchange may be found in Hinwil, Switzerland. Some bridges on Beijing's Second Ring Road are controlled by traffic lights. While it may appear to defy the logic of roundabouts, it works well to control traffic", + "score": 0.6689453125 + }, + { + "id": "696972", + "title": "Roundabout", + "text": "difficult. According to simulations, a two-lane roundabout with three exits should offer 12\u201320% greater traffic flow than a conventional, three-lane roundabout of the same size. The reason is reduced weaving that makes entering and exiting more predictable. Because there are only ten points of conflict (compared with 8 for a conventional single lane roundabout, or between 32 and 64 with traffic signal control), this design is often safer as well. Research and experiments show that traffic accidents are reduced by 72% on turbo roundabouts compared to multi-lane roundabouts, which have 12 points of conflict. Research at Windesheim University also shows", + "score": 0.66845703125 + }, + { + "id": "8143364", + "title": "Los Alamitos Circle", + "text": "California Department of Transportation (Caltrans). The city provides landscaping and traffic code enforcement, while the state provides road maintenance. In addition to the main traffic circle, there is also an Outer Traffic Circle that is concentric with the main roundabout. The artery Atherton Street ends at the Outer Traffic Circle and does not continue toward the main roundabout Los Alamitos Circle The Los Alamitos Traffic Circle, informally known as the Long Beach Traffic Circle (or just the \"Traffic Circle\", as there is only 1 other high volume traffic circle in Southern California), is a roundabout at the intersection of Lakewood", + "score": 0.66796875 + }, + { + "id": "2101215", + "title": "Airfield traffic pattern", + "text": "in which to circle. Airfield traffic pattern An airfield traffic pattern is a standard path followed by aircraft when taking off or landing while maintaining visual contact with the airfield. At an airport, the pattern (or circuit in the Commonwealth) is a standard path for coordinating air traffic. It differs from \"straight-in approaches\" and \"direct climb-outs\" in that aircraft using a traffic pattern remain close to the airport. Patterns are usually employed at small general aviation (GA) airfields and military airbases. Many large controlled airports avoid the system unless there is GA activity as well as commercial flights. However, some", + "score": 0.66748046875 + }, + { + "id": "3705121", + "title": "Shirlington, Arlington, Virginia", + "text": "that provides access to and from the reversible high-occupancy vehicle (HOV) lanes that run in the center of I-395. Four surface streets intersect with the circle; going counterclockwise (in the direction of traffic) from the north, they are: Traffic generally follows roundabout rules, i.e., traffic inside the circle has the right-of-way and traffic entering the circle must yield. However, there are also traffic lights and stop signs regulating traffic flow and the I-395 off-ramps enter the circle from the interior of the circle, requiring a left merge into the traffic circle. The current circle and traffic arrangement have existed since", + "score": 0.6669921875 + }, + { + "id": "17599359", + "title": "Remedios Circle", + "text": "end: a narrow alleyway in a nearby slum. This alleyway, known internally as the \"chasm\", was in fact custom built for the movie, being built on a vacant lot across from the circle. Remedios Circle Remedios Circle, also known as the Plaza de la Virgen de los Remedios, Remedios Rotonda, and Rotary Circle, is a traffic circle in Malate, Manila in the Philippines, serving as the intersection between Remedios Street, Jorge Bocobo Street and Adriatico Street. The circle and a traversing street are both named after Nuestra Se\u00f1ora de los Remedios (Our Lady of Remedies), the patroness of the nearby", + "score": 0.66650390625 + }, + { + "id": "9991542", + "title": "Little Ferry Circle", + "text": "caused by the redesign and loss of the former circle. Little Ferry Circle The Little Ferry Circle is a traffic circle connecting U.S. Route 46 and Bergen Turnpike in Little Ferry, Bergen County, New Jersey, United States. The circle was originally constructed in 1933. It was largely reconstructed in 1985, enabling vehicles traveling on Route 46 to pass directly through the circle. Further improvements in 1998 which involved condemnation of adjacent properties led to a 73-page court decision. The circle has been a constant site of accidents, with 40-50 accidents there annually from 2004 through 2006. In March 2007, the", + "score": 0.66552734375 + }, + { + "id": "1813147", + "title": "Level of service", + "text": "order, depending on intersection volumes there may be no capacity for lower-ranked movements. The 2000 HCM provides skeleton coverage of modern roundabouts, but does not define LOS: the measure of effectiveness is the quotient of the volume to the capacity. A \"modern roundabout\" in the United States is a roundabout in which traffic inside the circle always has priority. Entering traffic is controlled by a yield sign. Performance of other transportation network elements can also be communicated by LOS. Among them are: The LOS concept was first developed for highways in an era of rapid expansion in the use and", + "score": 0.6650390625 + }, + { + "id": "12093609", + "title": "Traffic park", + "text": "and North America. Traffic parks in Asia and Europe are focused on traffic safety through pedal-powered vehicles. In the United States and Canada they use bicycles as well as electric, motorized vehicles. These North American parks are called \"safety villages\", because of broader emphasis on safety for fire, electrical, food and other educational purposes. In the United Kingdom parks are called \"experiential safety and lifeskills centres,\" with education mainly delivered indoors in life-sized sets. There are 11 in England, two in Scotland, one in Wales and one in Northern Ireland. Here are some of the traffic parks around the world.", + "score": 0.6650390625 + }, + { + "id": "5495434", + "title": "Hawthorne Circle", + "text": "Hawthorne Circle Hawthorne Circle was a notably dangerous traffic circle located in Hawthorne, New York, United States until 1971 when it was replaced with a three-level interchange. The circle once connected two busy highways, the Taconic State Parkway and the Saw Mill River Parkway. It also accessed to the Bronx River Parkway by way a segment of the Taconic Parkway. The Sprain Brook Parkway, whose northern terminus lies just south of the circle, was not completed until 1980, eight years after the circle was converted to an interchange. With over 67,000 cars passing through the area daily, a traffic circle", + "score": 0.6650390625 + }, + { + "id": "3762793", + "title": "Timber circle", + "text": "henges, such as that at Woodhenge and henge enclosures such as those at Durrington Walls. The only excavated examples of timber circles that stood alone from other features are Seahenge and Arminghall in Norfolk and the early phases of The Sanctuary in Wiltshire. They probably served ritual purposes. Animal bone and domestic waste found at many timber circle sites implies some form of temporary habitation and seasonal feasting. They were built on high ground and would have been very conspicuous. Isolated burials have been found at some sites but not enough to suggest a strong funerary purpose. Timber circles have", + "score": 0.6650390625 + }, + { + "id": "8890471", + "title": "Portsmouth Traffic Circle", + "text": "circle to join I-95 can head south towards Massachusetts or north to Maine. The circle also provides motorists with a connection to Kittery, Maine, and originally linked the NH Turnpike to the Maine Turnpike, via US 1 Bypass North. The portion of the Bypass south from the circle leads to US 1 and the seacoast region. US 4 travels west toward Concord, while the Spaulding Turnpike and NH 16 link the seacoast with the lakes region and the White Mountains. According to the NHDOT, the \"length\" of the traffic circle is . When it was built, the circle marked the", + "score": 0.66357421875 + }, + { + "id": "3567675", + "title": "Magic Roundabout (Swindon)", + "text": "five mini-roundabouts and the outer loop. The complex junction offers multiple paths between feeder roads. The outer circle carries traffic in a clockwise direction, like a normal roundabout (in places where traffic drives on the left hand side of the road), and less proficient users may choose to use only the outer circle. The inner circle carries traffic in an anticlockwise direction, and more proficient users may choose to use the alternative paths. Virtually the same overall configuration has been in place for years. When the roundabout complex was first opened, the mini-roundabouts were not permanently marked out and could", + "score": 0.66357421875 + }, + { + "id": "5495435", + "title": "Hawthorne Circle", + "text": "would be even more dangerous today than it was in 1971. For many years after the circle was eliminated, the Hawthorne Interchange was sometimes misleadingly referred to by its former name, especially in radio traffic reports. Hawthorne Circle Hawthorne Circle was a notably dangerous traffic circle located in Hawthorne, New York, United States until 1971 when it was replaced with a three-level interchange. The circle once connected two busy highways, the Taconic State Parkway and the Saw Mill River Parkway. It also accessed to the Bronx River Parkway by way a segment of the Taconic Parkway. The Sprain Brook Parkway,", + "score": 0.6630859375 + }, + { + "id": "8554862", + "title": "South Cross Route", + "text": "not have provided traffic movements in all directions. it is probable that SCR traffic would have been directed onto the A2 or A20 and would not have been able to access the East Cross Route northbound. The purpose of the Balham Loop motorway was to provide a connection between Ringway 1 and the M23 motorway running through south London. Other incoming motorways, such as the M1 and M11, were intended to terminate directly on the innermost Ringway, but the route of the M23 through south London was considerably more difficult than the M1's route through north London and there was", + "score": 0.6630859375 + }, + { + "id": "696975", + "title": "Roundabout", + "text": "which is increasingly common in both Europe and North America due to its reduced need for wide or multiple bridges. An additional use of roundabouts for high-speed junctions is the 3-level stacked roundabout\u2014this is a roundabout interchange where \"both\" of the roadway mainlines are grade separated. In the United Kingdom, the M25/A3, M8/M73 and A1(M)/M18 interchanges are examples of this type. These junctions, however, have less capacity than a full free-flow interchange. A similar design to this is the three-level diamond interchange. Most junctions on Dublin's M50 motorway C-road were built using a standard roundabout interchange. The traffic volume of", + "score": 0.6630859375 + }, + { + "id": "696934", + "title": "Roundabout", + "text": "give way, they do not always perform a full stop; as a result, by keeping a part of their momentum, the engine will produce less work to regain the initial speed, resulting in lower emissions. Research has also shown that slow moving traffic in roundabouts makes less noise than traffic that must stop and start, speed up and brake. Modern roundabouts were first standardised in the UK in 1966 and were found to be a significant improvement over previous traffic circle and rotaries. Since then they have spread and modern roundabouts are commonplace throughout the world. Half of the world's", + "score": 0.66259765625 + }, + { + "id": "696969", + "title": "Roundabout", + "text": "the roundabout, making them much safer for them. In the Netherlands, Belgium, the United Kingdom, Spain, Poland, Hungary, Slovenia, the Czech Republic, and Macedonia a relatively new type of two-lane roundabout designs is emerging, called \"turbo roundabouts\". These designs require motorists to choose their direction before entering the roundabout, thereby eliminating many conflicting paths and choices on the roundabout itself, such that traffic safety is increased, as well as speed and capacity. These designs, seen from above, typically result in a spiralling flow of traffic, giving them the collective name of turbo roundabouts. As a minor drawback turbo roundabouts are", + "score": 0.6611328125 + }, + { + "id": "8091905", + "title": "Modi'in-Maccabim-Re'ut", + "text": "direction lanes. These stubs also serve as the entranceways for the schools and mini-malls, preventing parking traffic from blocking the high-speed, left lanes of the arteries. The right shoulders of most arteries do, however, allow parking, except in the pullouts for bus stops, next to fire hydrants, etc. The city center is a large traffic circle punctuated by traffic lights. On the north side of the circle is the central train station, to the northeast is the Azrieli shopping mall (pictured,) and to the west and south is the Anaba park (also pictured,) which contains a small artificial lake used", + "score": 0.66064453125 + }, + { + "id": "6402089", + "title": "Collector road", + "text": "functions such as schools, churches, and recreational facilities can often be found on collector roads. A collector road usually consists of a mixture of signaled intersections, roundabouts, traffic circles, or stop signs, often in the form of a four\u2011way stop. Two-way stops are generally used at intersections with local streets that favour traffic movement on the collector. In North America, a collector road normally has traffic lights at an intersection with an arterial road, whereas roundabouts and two-way stops are more commonly used in Europe. Speed limits are typically 20\u201135 mph (or 30\u201155 km/h) on collector roads in built-up areas,", + "score": 0.65966796875 + }, + { + "id": "5050078", + "title": "Diverging diamond interchange", + "text": "nonstop traffic flow when relatively sparse traffic. Like the continuous flow intersection, the diverging diamond interchange allows for two-phase operation at all signalized intersections within the interchange. This is a significant improvement in safety, since no long turns (e.g. left turns where traffic drives on the right side of the road) must clear opposing traffic and all movements are discrete, with most controlled by traffic signals. Its at-grade variant can be seen as a two-leg continuous flow intersection. Additionally, the design can improve the efficiency of an interchange, as the lost time for various phases in the cycle can be", + "score": 0.65966796875 + }, + { + "id": "14884880", + "title": "Berenkuil (traffic)", + "text": "named in honor of the British 49th (West Riding) Infantry Division, nicknamed the polar bears, who liberated Utrecht from the Nazis. Berenkuil (traffic) A berenkuil (a Dutch word meaning a bear pit) is a type of traffic circle found in the Netherlands. In this construction, automotive traffic is directed around a raised outer circle. This leaves a sunken open space in the center of the circle which is used for bicycle paths. Perhaps the first berenkuil, and the one that gives its name to this type of circle, is the one in Utrecht, built in 1944. There are several theories", + "score": 0.65966796875 + }, + { + "id": "8820258", + "title": "Airport Circle (Pennsauken)", + "text": "Airport Circle (Pennsauken) The Airport Circle is a traffic circle in Pennsauken Township, New Jersey, United States. It is located at the intersection of Route 38, U.S. Route 30, and U.S. Route 130, close to the Camden border. South of the circle, Route 30 and Route 130 run concurrent until they reach the former Collingswood Circle in Collingswood. The Airport Circle opened in 1927 and is the first of is kind in the United States. It has been modified to include traffic lights and ramps to help move traffic through. The Airport Circle is located in Pennsauken Township in Camden", + "score": 0.65869140625 + }, + { + "id": "8143360", + "title": "Los Alamitos Circle", + "text": "Los Alamitos Circle The Los Alamitos Traffic Circle, informally known as the Long Beach Traffic Circle (or just the \"Traffic Circle\", as there is only 1 other high volume traffic circle in Southern California), is a roundabout at the intersection of Lakewood Boulevard (State Route 19), Pacific Coast Highway (State Route 1/former U.S. Route 101 Alternate) and Los Coyotes Diagonal in Long Beach, California. The intersection was originally constructed as a traffic circle in 1930 and reconstructed as a modern roundabout in 1993. In 1930, German engineer Werner Ruchti was contracted to design the traffic circle, which was to be", + "score": 0.65869140625 + }, + { + "id": "17062354", + "title": "Scalable Urban Traffic Control", + "text": "as when a disaster occurs, traffic may not flow as well as if the signals had never been used. This effect could conceivably delay evacuation or impede the movement of emergency vehicles. The introduction of traffic signals and associated laws may undermine democracy by conditioning citizens to reflexively obey the signal lights. Roundabouts are an alternative to signaling systems. At a roundabout, motor traffic may not have to come to a stop (so that drivers' time and fuel may be saved), and crossing for pedestrians may be easier. Studies of intersections converted to roundabouts have found reductions in the frequency", + "score": 0.658203125 + }, + { + "id": "2621304", + "title": "Speed bump", + "text": "accidents have been shown to decrease with the use of tables. Although not as responsive to emergency vehicles as speed cushions, speed tables cause less of a delay than humps and are typically preferred by fire departments over speed humps. In the UK, vertical deflection in highways for the purpose of traffic calming typically takes one of the following forms: The Department for Transport defines the regulations for the design and use of road humps. Speed bumps in some areas have been removed after protests by local residents. Such protests cite the lack of any consultation as one factor. For", + "score": 0.658203125 + }, + { + "id": "4409358", + "title": "Bollard", + "text": "units below the surface are not damaged. They are primarily used at roundabout intersections within the splitter islands (a raised or painted area on the approach of a roundabout used to separate entering from exiting traffic, deflect and slow entering traffic, and provide a stopping place for pedestrians crossing the road in two stages) and at the ends of pedestrian refuge islands, typically located at mid-block pedestrian crosswalks. Illuminated bollards are also used in Hong Kong, a former British colony. Illuminated bollards are also used to supplement street signs and street lighting to provide a visual cue to approaching drivers", + "score": 0.65771484375 + }, + { + "id": "3691763", + "title": "Traffic cone", + "text": "similar function. Traffic cones are typically used outdoors during road work or other situations requiring traffic redirection or advance warning of hazards or dangers, or the prevention of traffic. Traffic cones are also used to mark where children are playing or to block off an area. For night time use or low-light situations traffic cones are usually fitted with a retroreflective sleeve to increase visibility. On occasion, traffic cones may also be fitted with flashing lights for the same reason. In the US, cones are required by the US Federal Highway Administration's \"Manual on Uniform Traffic Control Devices\" (MUTCD) to", + "score": 0.65771484375 + }, + { + "id": "11293750", + "title": "Seagull intersection", + "text": "out of the side road. Different methods are used to control traffic where two right-turning movements and the through movement meet. Most intersections use traffic lights, while others use give way (yield) and stop signs, and sometimes roundabouts. This design type has been proven to provide sustainable benefits when compared the traditional T-intersection design. By reducing delay through the intersection, automobiles use less fuel on average passing through the intersection, and thus emissions are reduced across the intersection. The savings per vehicle may not seem very significant, but when scaled to account for all automobiles passing through the intersection, the", + "score": 0.6572265625 + }, + { + "id": "533055", + "title": "Traffic", + "text": "The purpose of these restrictions is to make available an additional traffic lane in order to maximize available traffic capacity. Additionally, several cities offer a public telephone service where citizens can arrange rides with others depending on where they live and work. The purpose of these policies is to reduce the number of vehicles on the roads and thus reduce rush-hour traffic intensity. Metered freeways are also a solution for controlling rush hour traffic. In Phoenix, Arizona and Seattle, Washington, among other places, metered on-ramps have been implemented. During rush hour, traffic signals are used with green lights to allow", + "score": 0.65673828125 + }, + { + "id": "8930533", + "title": "Berlin Circle (traffic circle)", + "text": "were also included, as were bike lanes. New basins, box culverts, pipes and inlets were added to improve holding capacity in storms and mitigate flooding at the intersection. Berlin Circle (traffic circle) The Berlin Circle was a traffic circle in Berlin Township, New Jersey, United States located at the intersection of Route 73, Berlin-Cross Keys Road and Walker Avenue, and which also received traffic from nearby U.S. Route 30, and County Route 561. The New Jersey Department of Transportation (NJDOT) began replacement of the circle in August 2006. The project cost $73 million. The circle was replaced with an at-grade", + "score": 0.65576171875 + }, + { + "id": "481342", + "title": "Airport", + "text": "a traffic pattern (often called a \"traffic circuit\" outside the U.S.) is possible. They may help to assure smooth traffic flow between departing and arriving aircraft. There is no technical need within modern commercial aviation for performing this pattern, \"provided there is no queue\". And due to the so-called SLOT-times, the overall traffic planning tend to assure landing queues are avoided. If for instance an aircraft approaches runway 17 (which has a heading of approx. 170 degrees) from the north (coming from 360/0 degrees heading towards 180 degrees), the aircraft will land as fast as possible by just turning 10", + "score": 0.65576171875 + }, + { + "id": "15958137", + "title": "Road traffic control device", + "text": "surface markings are traffic control devices that are applied directly to the road surfaces. They are used to guide and channel traffic by designating lanes and indicating stopping points at intersections. Pavement markings may be permanent or removable. Rumble strips are roughened surfaces that are either embossed or recessed. When a vehicle drives over them, they make a loud rumbling sound and vibration. They can be placed across traffic lanes to alert drivers that they are approaching a potentially hazardous location, such as a work zone or an isolated intersection. They are used along the shoulders or centerlines of highways", + "score": 0.65576171875 + }, + { + "id": "15841173", + "title": "Pune Ring Road", + "text": "Pune Ring Road The passenger and freight traffic in and around the city has been increasing at a rapid pace due to increase in the number of industries, IT hubs and other socio-economic development. Vehicular traffic from highways such as Mumbai-Pune-Solapur & Mumbai-Pune-Satara-Kolhapur highway pass through the city, causing traffic congestion. The purpose of the ring road is to divert the passing-by traffic from outside towards other cities, without letting them enter Pune. It will also provide connectivity to important areas of the city. It is predicted that nearly 10 lakh vehicles will use the ring road to enter, leave", + "score": 0.65576171875 + }, + { + "id": "9383177", + "title": "Kinsale Road Roundabout", + "text": "currently a dual-carriageway with a number of at-grade and grade-separated interchanges located along its length. Recent traffic counts have shown that there are in excess of 85,000 vehicles using the roundabout daily. The straight-through movement between the east and west sides of the South Ring Road was the highest recorded traffic movement at the roundabout and represented approximately 40% of the total traffic using the roundabout. As such, there was an urgent need for grade separation. In the determination of a preferred scheme solution a number of options were developed and evaluated in terms of environmental impact, safety, constructibility, cost,", + "score": 0.65576171875 + }, + { + "id": "11114789", + "title": "Circle Drive", + "text": "Idylwyld Freeway, a connector from Circle Drive into the downtown core. Not including the Idylwyld Freeway, only two interchanges were initially built on the southeast leg: a limited-access one at 14th Street, and a large cloverleaf interchange at the junction of the realigned highways 16 and 11. In lieu of an interchange at 8th Street, a large traffic circle or roundabout was constructed. For close to 15 years, the two sections of Circle Drive sat apart. The next portion of the roadway completed was the northeast quadrant, from College Drive to Warman Road, connecting the two extant sections. This included", + "score": 0.6552734375 + }, + { + "id": "7544361", + "title": "Teen Talwar", + "text": "the middle of the road. This asphalt island is the remnant of a much larger, grassy roundabout that controlled traffic at the intersection of Chartered Accountants Avenue, Bath Island Road and main Khayaban-e-Iqbal Road. As the original roundabout has been replaced with traffic signals, the remaining circular island tends to cause traffic tie-ups. Despite a clean up and restoration of the monument in 2008 (which also reduced the size of the roundabout), another problem has been the persistence of advertising, political banners and flyers that are continually placed on the structure, as the monument rests in a highly visible place", + "score": 0.6552734375 + }, + { + "id": "1582334", + "title": "Traffic calming", + "text": "1930s, traffic calming was based on the idea that residential areas should be protected from through-traffic. Subsequently, it became valued for its ability to improve pedestrian safety and reduce noise and air pollution from traffic. For much of the 20th century, streets were designed by engineers who were charged only with ensuring smooth motor vehicular traffic flow and not with fostering the other functions of streets. Traffic calming initiatives have grown to consider other design functions as well. For example, it has been shown that car traffic severely impairs the social and recreational functions of public streets. The \"Livable Streets\"", + "score": 0.65478515625 + }, + { + "id": "15338383", + "title": "Autosurf", + "text": "use a PHP script that eliminated the need for viewers to manually click a link or image to advance to the next page in the rotation. Traffic exchanges are based on a simple concept: members of a traffic exchange view each other's sites in order to earn credits. Those credits are applied for views in the rotation. The purpose of autosurf traffic exchanges is to increase website traffic. Traffic exchanges have been in existence since the internet became mainstream. They were first used in business-to-business applications, with companies exchanging pageviews of their websites between employees. Autosurf traffic exchanges were created", + "score": 0.654296875 + }, + { + "id": "1582345", + "title": "Traffic calming", + "text": "review found that more evidence is needed to demonstrate its efficacy in low income countries. According to economic commentator and smart growth critic Randal O'Toole, the main goal of traffic calming is to increase traffic congestion for the sake of social engineering. He claims that some traffic calming measures such as reverting one way roads into two-way roads or creating \"bump outs\" have increased motor traffic congestion, resulted in more accidents and increased pedestrian fatalities. According to Florida urban planner Dom Nozzi \"[c]ongestion is a powerful disincentive for sprawl; sprawl that steamrolls outlying ecosystems. With congestion, the sprawl market wither.\"", + "score": 0.654296875 + }, + { + "id": "8930528", + "title": "Berlin Circle (traffic circle)", + "text": "Berlin Circle (traffic circle) The Berlin Circle was a traffic circle in Berlin Township, New Jersey, United States located at the intersection of Route 73, Berlin-Cross Keys Road and Walker Avenue, and which also received traffic from nearby U.S. Route 30, and County Route 561. The New Jersey Department of Transportation (NJDOT) began replacement of the circle in August 2006. The project cost $73 million. The circle was replaced with an at-grade intersection with traffic signals. The project was completed in 2007. The circle was created in 1953 when Route 73 was created, and marked the crossroads of two state", + "score": 0.654296875 + } + ], + "answer": "A traffic circle has multiple purposes. In terms of safety, traffic circles reduce the likelihood and severity of collisions greatly. In terms of environmental benefits, it potentially leads to less pollution. Its purpose in how it establishes a flow of traffic is that traffic is permitted to flow in one direction around a central island." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "In what year will Halley's comet come back around?", + "short_answers": [ + "mid-2061 to 2062" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "How often does Halley's comet come back around?", + "short_answers": [ + "every 75\u201376 years" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When is the period does halley's comet come back around?", + "short_answers": [ + "every 75\u201376 years" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When is the next time does halley's comet come back around?", + "short_answers": [ + "mid-2061 to 2062" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Halley's Comet", + "url": "https://en.wikipedia.org/wiki/Halley%27s%20Comet" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Halley's Comet or Comet Halley, officially designated 1P/Halley,[2] is a short-period comet visible from Earth every 75\u201376 years...Halley last appeared in the inner parts of the Solar System in 1986 and will next appear in mid-2061.", + "wikipage": "Halley's Comet" + } + ], + "long_answer": "Halley's Comet or Comet Halley, officially designated 1P/Halley, is a short-period comet visible from Earth every 75\u201376 years. Comet Halley last appeared in 1986 and will next appear in mid-2061. " + }, + { + "knowledge": [ + { + "content": "Halley's Comet or Comet Halley, officially designated 1P/Halley,[2] is a short-period comet visible from Earth every 75\u201376 years.[2][10][11][12]", + "wikipage": "Halley's Comet" + }, + { + "content": "Halley last appeared in the inner parts of the Solar System in 1986 and will next appear in mid-2061.[14]", + "wikipage": "Halley's Comet" + } + ], + "long_answer": "Halley's Comet or Comet Halley, officially designated 1P/Halley, is a short-period comet visible from Earth every 75\u201376 years. Halley last appeared in the inner parts of the Solar System in 1986 and will come back around in mid-2061 to 2062." + } + ], + "sample_id": "6087617540935009990", + "question": "When does halley's comet come back around?", + "docs": [ + { + "id": "565486", + "title": "Halley's Comet", + "text": "Halley's Comet Halley's Comet or Comet Halley, officially designated 1P/Halley, is a short-period comet visible from Earth every 75\u201376 years. Halley is the only known short-period comet that is regularly visible to the naked eye from Earth, and the only naked-eye comet that might appear twice in a human lifetime. Halley last appeared in the inner parts of the Solar System in 1986 and will next appear in mid-2061. Halley's returns to the inner Solar System have been observed and recorded by astronomers since at least 240 BC. Clear records of the comet's appearances were made by Chinese, Babylonian, and", + "score": 0.7861328125, + "summary": "Halley's Comet appears every 75-76 years and was last visible in 1986. It will next appear in mid-2061.", + "extraction": "Halley last appeared in the inner parts of the Solar System in 1986 and will next appear in mid-2061." + }, + { + "id": "10878166", + "title": "International Halley Watch", + "text": "International Halley Watch Halley's Comet, named after English astronomer Edmund Halley who first demonstrated its periodicity, returns to the vicinity of the Sun and Earth approximately every 76 years. Since comets are believed to be the most primordial objects in the solar system, their study is of great importance to planetary science. At the time of the 1986 return (technically, \"apparition\") of the comet, astronomical telescopes and related instrumentation were vastly more sensitive than for any previous apparition. Consequently, the International Halley Watch (IHW) was organized to stimulate, standardize, collect, and archive observations of the comet. The initial plans were", + "score": 0.767578125, + "summary": "Halley's Comet returns to the vicinity of the Sun and Earth every 76 years. The document mentions the International Halley Watch, which was organized during the comet's 1986 return to stimulate, standardize, collect, and archive observations of the comet.", + "extraction": "Halley's Comet returns to the vicinity of the Sun and Earth approximately every 76 years." + }, + { + "id": "565533", + "title": "Halley's Comet", + "text": "faint trans-Neptunian objects. Astronomers are now able to observe the comet at any point in its orbit. The next predicted perihelion of Halley's Comet is 28 July 2061, when it is expected to be better positioned for observation than during the 1985\u20131986 apparition, as it will be on the same side of the Sun as Earth. It is expected to have an apparent magnitude of \u22120.3, compared with only +2.1 for the 1986 apparition. It has been calculated that on 9 September 2060, Halley will pass within of Jupiter, and then on 20 August 2061 will pass within of Venus.", + "score": 0.76513671875, + "summary": "The next predicted perihelion of Halley's Comet is on July 28, 2061.", + "extraction": "The next predicted perihelion of Halley's Comet is 28 July 2061." + }, + { + "id": "565535", + "title": "Halley's Comet", + "text": "third comet past perihelion in 1986 (1986 III); and it was the ninth comet spotted in 1982 (provisional designation 1982i). The perihelion dates of each apparition are shown. The perihelion dates farther from the present are approximate, mainly because of uncertainties in the modelling of non-gravitational effects. Perihelion dates of 1531 and earlier are in the Julian calendar, while perihelion dates 1607 and after are in the Gregorian calendar. Halley's Comet is visible from Earth every 74\u201379 years. Halley's Comet Halley's Comet or Comet Halley, officially designated 1P/Halley, is a short-period comet visible from Earth every 75\u201376 years. Halley is", + "score": 0.76123046875, + "summary": "Halley's Comet is visible from Earth every 74-79 years, making its next appearance between 2061 and 2062.", + "extraction": "Halley's Comet is visible from Earth every 74-79 years." + }, + { + "id": "17507492", + "title": "Observational history of comets", + "text": "Halley's predicted return date was later refined by a team of three French mathematicians: Alexis Clairaut, Joseph Lalande, and Nicole-Reine Lepaute, who predicted the date of the comet's 1759 perihelion to within one month's accuracy. Halley died before the comet's return; when it returned as predicted, it became known as Halley's Comet (with the latter-day designation of 1P/Halley). The comet next appears in 2061. Among the comets with short enough periods to have been observed several times in the historical record, Halley's Comet is unique in that it is consistently bright enough to be visible to the naked eye while", + "score": 0.75, + "summary": "Halley's Comet next appears in 2061.", + "extraction": "The comet next appears in 2061." + }, + { + "id": "565496", + "title": "Halley's Comet", + "text": "to the retrograde orbit, it has one of the highest velocities relative to the Earth of any object in the Solar System. The 1910 passage was at a relative velocity of 70.56 km/s (157,838 mph or 254,016 km/h). Because its orbit comes close to Earth's in two places, Halley is associated with two meteor showers: the Eta Aquariids in early May, and the Orionids in late October. Halley is the parent body to the Orionids. Observations conducted around the time of Halley's appearance in 1986 suggested that the comet could additionally perturb the Eta Aquariids meteor shower, although it might", + "score": 0.74755859375, + "summary": "Halley's Comet is associated with two meteor showers: the Eta Aquariids in early May and the Orionids in late October. It last appeared in 1986.", + "extraction": "The passage provides useful information about Halley's Comet, but it does not directly answer the question of when it comes back around. Therefore, the extracted span is \"irrelevant\"." + }, + { + "id": "11242256", + "title": "103P/Hartley", + "text": "early November 2010, the comet was visible around midnight without interference from the Moon. Despite its current close passage by Earth's orbit, the comet is not yet a known source of meteor showers. However, that could change. Dust trails from the recent returns of 103P/Hartley 2 move in and out of Earth's orbit, and the 1979-dust trail is expected to hit in 2062 and 2068. After the 2010 perihelion passage, not accounting for nongravitational forces, Hartley 2 is estimated to come back to perihelion around 20 April 2017. Observation by the Spitzer Space Telescope in August 2008 showed the comet", + "score": 0.740234375, + "summary": "Hartley 2 is estimated to come back to perihelion around 20 April 2017.", + "extraction": "Hartley 2 is estimated to come back to perihelion around 20 April 2017." + }, + { + "id": "74394", + "title": "Comet", + "text": "very similar orbital elements, and he was further able to account for the slight differences in their orbits in terms of gravitational perturbation caused by Jupiter and Saturn. Confident that these three apparitions had been three appearances of the same comet, he predicted that it would appear again in 1758\u20139. Halley's predicted return date was later refined by a team of three French mathematicians: Alexis Clairaut, Joseph Lalande, and Nicole-Reine Lepaute, who predicted the date of the comet's 1759 perihelion to within one month's accuracy. When the comet returned as predicted, it became known as Halley's Comet (with the latter-day", + "score": 0.73193359375, + "summary": "Halley's Comet was predicted to return in 1758-9 and its return date was later refined by a team of French mathematicians. Its perihelion was predicted to be in 1759 within one month's accuracy.", + "extraction": "The passage states that Halley predicted the return of the comet in 1758-9, which was later refined by a team of three French mathematicians. The predicted date of the comet's 1759 perihelion was accurate within one month. Therefore, Halley's Comet came back around in 1759." + }, + { + "id": "7071450", + "title": "88P/Howell", + "text": "88P/Howell 88P/Howell is a periodic comet in the solar system. It was discovered on 29 August 1981. In 1975 the comet's perihelion (closest approach to the Sun) was 1.9 AU, But a close approach to Jupiter in 1978 perturbed the perihelion distance closer to the Sun. It last came to perihelion on 6 April 2015; the next occurrence will be in 2020. In 14 September 2031 the comet will pass from Mars. In response to New Frontiers program call for Mission 4, a team from Johns Hopkins University Applied Physics Laboratory (JHUAPL) submitted a mission concept proposal called Comet Rendezvous,", + "score": 0.7275390625, + "summary": "The document is irrelevant to the question of when Halley's Comet comes back around.", + "extraction": "The next occurrence of Halley's comet is in 2020." + }, + { + "id": "565491", + "title": "Halley's Comet", + "text": "Having compiled a list of 24 comet observations, he calculated that the orbital elements of a second comet that had appeared in 1682 were nearly the same as those of two comets that had appeared in 1531 (observed by Petrus Apianus) and 1607 (observed by Johannes Kepler). Halley thus concluded that all three comets were, in fact, the same object returning about every 76 years, a period that has since been found to vary between 74\u201379 years. After a rough estimate of the perturbations the comet would sustain from the gravitational attraction of the planets, he predicted its return for", + "score": 0.7255859375, + "summary": "Halley's comet returns approximately every 76 years, with a variation between 74-79 years. The document does not provide the date of its next return.", + "extraction": "Halley's comet returns about every 74-79 years." + }, + { + "id": "16747262", + "title": "Edmond Halley", + "text": "Professor of Geometry at the University of Oxford, his theological enemies, John Tillotson and Bishop Stillingfleet having died, and received an honorary degree of doctor of laws in 1710. In 1705, applying historical astronomy methods, he published \"Synopsis Astronomia Cometicae\", which stated his belief that the comet sightings of 1456, 1531, 1607, and 1682 were of the same comet, which he predicted would return in 1758. Halley did not live to witness the comet's return, but when it did, the comet became generally known as Halley's Comet. By 1706 Halley had learned Arabic and completed the translation started by Edward", + "score": 0.72412109375, + "summary": "Halley predicted that a comet he believed was seen in 1456, 1531, 1607, and 1682 would return in 1758. The comet is now known as Halley's Comet, but he did not live to witness its return.", + "extraction": "Halley predicted that the comet would return in 1758." + }, + { + "id": "565492", + "title": "Halley's Comet", + "text": "1758. While he had personally observed the comet around perihelion in September 1682, Halley died in 1742 before he could observe its predicted return. Halley's prediction of the comet's return proved to be correct, although it was not seen until 25 December 1758, by Johann Georg Palitzsch, a German farmer and amateur astronomer. It did not pass through its perihelion until 13 March 1759, the attraction of Jupiter and Saturn having caused a retardation of 618 days. This effect was computed prior to its return (with a one-month error to 13 April) by a team of three French mathematicians, Alexis", + "score": 0.72119140625, + "summary": "Halley's Comet was last observed in 1758 and is predicted to return, but the document does not provide information on when it will come back around.", + "extraction": "The comet's predicted return was observed on 25 December 1758 by Johann Georg Palitzsch. It passed through its perihelion on 13 March 1759, which was delayed by 618 days due to the attraction of Jupiter and Saturn." + }, + { + "id": "10878168", + "title": "International Halley Watch", + "text": "Infrared Studies, Large Scale Phenomena, Near-Nucleus Studies, Photometry and Polarimetry, Radio Studies, Spectroscopy and Spectrophotometry, Meteor Studies, and Amateur Observations. The IHW also coordinated with the space missions to the comet, Giotto by the European Space Agency and Vega by the Soviet Union and collaborating countries. The collected data were subsequently published as a digital archive on CD-ROMs. International Halley Watch Halley's Comet, named after English astronomer Edmund Halley who first demonstrated its periodicity, returns to the vicinity of the Sun and Earth approximately every 76 years. Since comets are believed to be the most primordial objects in the solar", + "score": 0.71875, + "summary": "Halley's Comet returns to the vicinity of the Sun and Earth approximately every 76 years, according to the document.", + "extraction": "Halley's Comet, named after English astronomer Edmund Halley who first demonstrated its periodicity, returns to the vicinity of the Sun and Earth approximately every 76 years." + }, + { + "id": "90786", + "title": "Comet Hale\u2013Bopp", + "text": "been its first passage through the inner Solar System. The comet's current orbit is almost perpendicular to the plane of the ecliptic, so further close approaches to planets will be rare. However, in April 1996 the comet passed within 0.77 AU of Jupiter, close enough for its orbit to be measurably affected by the planet's gravity. The comet's orbit was shortened considerably to a period of roughly 2,533 years, and it will next return to the inner Solar System around the year 4385. Its greatest distance from the Sun (aphelion) will be about 370 AU, reduced from about 525 AU.", + "score": 0.7177734375, + "summary": "The document is irrelevant to the question about Halley's comet.", + "extraction": "The passage is irrelevant to the question about Halley's comet as it talks about Comet Hale-Bopp returning in the year 4385." + }, + { + "id": "565527", + "title": "Halley's Comet", + "text": "Mark Twain\" was inspired by the quotation. Halley's 1910 apparition is distinct from the Great Daylight Comet of 1910, which surpassed Halley in brilliance and was actually visible in broad daylight for a short period, approximately four months before Halley made its appearance. Halley's 1986 apparition was the least favourable on record. The comet and Earth were on opposite sides of the Sun in February 1986, creating the worst viewing circumstances for Earth observers for the last 2,000 years. Halley's closest approach was 0.42 AU. Additionally, with increased light pollution from urbanization, many people failed to even see the comet.", + "score": 0.71728515625, + "summary": "Halley's comet appeared in 1910 and 1986, with the latter being the least favorable on record. Its next appearance is not mentioned, so the document is irrelevant.", + "extraction": "Halley's comet comes back around every 76 years, but the passage does not provide a specific date for its return. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "7071451", + "title": "88P/Howell", + "text": "Sample Acquisition, Investigation, and Return (CORSAIR) that would perform a sample return from comet 88P/Howell. 88P/Howell 88P/Howell is a periodic comet in the solar system. It was discovered on 29 August 1981. In 1975 the comet's perihelion (closest approach to the Sun) was 1.9 AU, But a close approach to Jupiter in 1978 perturbed the perihelion distance closer to the Sun. It last came to perihelion on 6 April 2015; the next occurrence will be in 2020. In 14 September 2031 the comet will pass from Mars. In response to New Frontiers program call for Mission 4, a team from", + "score": 0.7158203125, + "summary": "The document mentions that the periodic comet 88P/Howell last came to perihelion on April 6, 2015, and will come again in 2020.", + "extraction": "The next occurrence of Halley's comet will be in 2020." + }, + { + "id": "4157974", + "title": "Nicole-Reine Lepaute", + "text": "18000 vibrations per hour, up to that of 3000 leagues.\" J\u00e9r\u00f4me Lalande recommended her along with the mathematician Alexis Clairault to calculate the predicted return of Halley's Comet, as well as to calculate the attraction of Jupiter and Saturn of the Halley's comet. The team worked on the calculations for more than six months straight, barely stopping for food. In November 1758, the team presented their conclusion that the comet would arrive on 13 April 1759. They were almost correct, as the comet arrived on 13 March 1759. As a result of their calculations, this was the first time scientists", + "score": 0.71142578125, + "summary": "The mathematician Nicole-Reine Lepaute helped calculate the predicted return of Halley's Comet, which arrived on 13 March 1759.", + "extraction": "The team calculated the predicted return of Halley's Comet and concluded that the comet would arrive on 13 April 1759." + }, + { + "id": "565532", + "title": "Halley's Comet", + "text": "would not fly until late 1990 on STS-35. On 12 February 1991, at a distance of from the Sun, Halley displayed an outburst that lasted for several months, releasing a cloud of dust 300,000 km across. The outburst likely started in December 1990, and then the comet brightened from magnitude 24.3 to magnitude 18.9. Halley was most recently observed in 2003 by three of the Very Large Telescopes at Paranal, Chile, when Halley's magnitude was 28.2. The telescopes observed Halley, at the faintest and farthest any comet has ever been imaged, in order to verify a method for finding very", + "score": 0.71142578125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage only mentions observations of Halley's Comet in 1991 and 2003, but does not provide information on when the comet comes back around." + }, + { + "id": "565512", + "title": "Halley's Comet", + "text": "in the \"Book of Han\" by Chinese astronomers of the Han Dynasty who tracked it from August through October. It passed within 0.16 AU of Earth. According to the Roman historian Cassius Dio, a comet appeared suspended over Rome for several days portending the death of Marcus Vipsanius Agrippa in that year. Halley's appearance in 12 BC, only a few years distant from the conventionally assigned date of the birth of Jesus Christ, has led some theologians and astronomers to suggest that it might explain the biblical story of the Star of Bethlehem. There are other explanations for the phenomenon,", + "score": 0.71044921875, + "summary": "Halley's Comet appeared in 12 BC near the time of the birth of Jesus Christ, leading some to suggest it may have been the Star of Bethlehem. However, the document does not provide information on when the comet will appear again, so the answer is \"irrelevant\".", + "extraction": "Halley's Comet does not have a specific return date mentioned in the given passage. Therefore, the extracted span would be \"irrelevant\"." + }, + { + "id": "565515", + "title": "Halley's Comet", + "text": "as 0.03 AU (3.2 million miles; 5.1 million kilometres) from Earth, by far its closest approach. Its tail may have stretched 60 degrees across the sky. It was recorded by astronomers in China, Japan, Germany, the Byzantine Empire, and the Middle East. In 912, Halley is recorded in the \"Annals of Ulster\", which state \"A dark and rainy year. A comet appeared.\" In 1066, the comet was seen in England and thought to be an omen: later that year Harold II of England died at the Battle of Hastings; it was a bad omen for Harold, but a good omen", + "score": 0.70751953125, + "summary": "Halley's Comet has been observed throughout history, but the document does not provide information on when it will come back around.", + "extraction": "Halley's comet does not have a specific date for its return. It is a periodic comet that appears every 75-76 years. It was last visible from Earth in 1986, so it is expected to return around 2061. Therefore, the given passage is irrelevant to answering the question \"When does Halley's comet come back around?\"" + }, + { + "id": "565511", + "title": "Halley's Comet", + "text": "the representation of Tigranes the Great, an Armenian king who is depicted on coins with a crown that features, according to Vahe Gurzadyan and R. Vardanyan, \"a star with a curved tail [that] may represent the passage of Halley's Comet in 87 BC.\" Gurzadyan and Vardanyan argue that \"Tigranes could have seen Halley's Comet when it passed closest to the Sun on August 6 in 87 BC\" as the comet would have been a \"most recordable event\"; for ancient Armenians it could have heralded the New Era of the brilliant King of Kings. The apparition of 12 BC was recorded", + "score": 0.7021484375 + }, + { + "id": "3369344", + "title": "Alan Hale (astronomer)", + "text": "after seeing it move relative to the background stars, concluded that they had been viewing a comet. Bopp then drove back to his home in Glendale, and sent a telegram to the Central Bureau informing them of the comet. On July 23, the IAU issued Circular 6187 to announce the joint discovery of the new comet. Per Hale, calculations indicate that Hale\u2013Bopp likely last appeared on the order of 4000 years ago, but any record of this previous encounter had not yet been positively identified from ancient records. It has also been determined that Hale\u2013Bopp will not return to the", + "score": 0.70166015625 + }, + { + "id": "867197", + "title": "Crab Nebula", + "text": "comet. Messier catalogued it as the first entry in his catalogue of comet-like objects; in 1757, Alexis Clairaut reexamined the calculations of Edmund Halley and predicted the return of Halley's Comet in late 1758. The exact time of the comet's return required the consideration of perturbations to its orbit caused by planets in the Solar System such as Jupiter, which Clairaut and his two colleagues J\u00e9r\u00f4me Lalande and Nicole-Reine Lepaute carried out more precisely than Halley, finding that the comet should appear in the constellation of Taurus. It is in searching in vain for the comet that Charles Messier found", + "score": 0.701171875 + }, + { + "id": "565494", + "title": "Halley's Comet", + "text": "the captains of the ships err.\" Researchers in 1981 attempting to calculate the past orbits of Halley by numerical integration starting from accurate observations in the seventeenth and eighteenth centuries could not produce accurate results further back than 837 due to a close approach to Earth in that year. It was necessary to use ancient Chinese comet observations to constrain their calculations. Halley's orbital period has varied between 74\u201379 years since 240 BC. Its orbit around the Sun is highly elliptical, with an orbital eccentricity of 0.967 (with 0 being a circle and 1 being a parabolic trajectory). The perihelion,", + "score": 0.701171875 + }, + { + "id": "15671986", + "title": "C/2001 OG108", + "text": "C/2001 OG108 C/2001 OG108 (LONEOS) is a Halley-type comet with an orbital period of 48.51 years. It was discovered on 28 July 2001 by the LONEOS telescope at Lowell Observatory. Observations taken in January and February 2002 showed that the \"asteroid\" had developed a small amount of cometary activity as it approached perihelion. It was subsequently reclassified as a comet. The comet came to perihelion (closest approach to the Sun) on 15 March 2002. The next perihelion passage is calculated to be on 6 June 2050. The comet has a rotational period of 2.38 \u00b1 0.02 days (57.12 hr). In", + "score": 0.70068359375 + }, + { + "id": "565529", + "title": "Halley's Comet", + "text": "magnitude 19.6 comet. On 8 November 1985, Stephen Edberg (then serving as the Coordinator for Amateur Observations at NASA's Jet Propulsion Laboratory) and Charles Morris were the first to observe Halley's Comet with the naked eye in its 1986 apparition. Although Halley's Comet's retrograde orbit and high inclination make it difficult to send a space probe to it, the 1986 apparition gave scientists the opportunity to closely study the comet, and several probes were launched to do so. The Soviet Vega 1 started returning images of Halley on 4 March 1986, and the first ever of its nucleus, and made", + "score": 0.7001953125 + }, + { + "id": "20279574", + "title": "Halley (film)", + "text": "an unusual friendship with Luly, the manager of the 24-hour gym where he works as a night guard. About the name of the movie, the director Sebasti\u00e1n Hofmann said in an interview with Vice Mexico that when he started thinking about the story for his film, he had a childhood memory of his grandmother asking him to draw Halley's Comet. That happened in 1986, the last time it passed around the Earth. While writing the script for the film in Yucat\u00e1n, M\u00e9xico, he was walking across a town when he saw a newspaper where he read that there was going", + "score": 0.7001953125 + }, + { + "id": "565501", + "title": "Halley's Comet", + "text": "unpredictable on long timescales. Halley's projected lifetime could be as long as 10 million years. These studies also showed that many physical properties of Halley's Comet dynamics can be approximately described by a simple symplectic map, known as the Kepler map. More recent work suggests that Halley will evaporate, or split in two, within the next few tens of thousands of years, or will be ejected from the Solar System within a few hundred thousand years. Observations by D.W. Hughes suggest that Halley's nucleus has been reduced in mass by 80 to 90% over the last 2,000 to 3,000 revolutions.", + "score": 0.69921875 + }, + { + "id": "7012877", + "title": "52P/Harrington\u2013Abell", + "text": "52P/Harrington\u2013Abell 52P/Harrington\u2013Abell is a periodic comet in the Solar System. It was discovered by Robert G. Harrington and George O. Abell in 1955 on plates from the Palomar Sky Survey taken with the 49-inch Samuel Oschin telescope. It has been seen on every apparition since then. With a period of about seven years, it has been seen close to its perihelia in 1954, 1962, 1969, 1976, 1983, 1991, and 2006. Its orbital period changed from 7.2 to 7.6 years when it passed 0.04 AU from Jupiter in April, 1974. It typically gets no brighter than about magnitude 17. In 1998/1999,", + "score": 0.69921875 + }, + { + "id": "11242255", + "title": "103P/Hartley", + "text": "comet visited by spacecraft, and the second comet visited by the Deep Impact spacecraft, which first visited comet Tempel 1 on 4 July 2005. Comet Hartley 2 is a small Jupiter-family comet having an orbital period of 6.46 years. It was discovered by Malcolm Hartley in 1986 at the Schmidt Telescope Unit, Siding Spring Observatory, Australia. It has the perihelion near the Earth's orbit at 1.05 AU from the Sun. The comet passed within of Earth on 20 October 2010, only eight days before coming to perihelion (closest approach to the Sun) on 28 October 2010. From northern latitudes, during", + "score": 0.69873046875 + }, + { + "id": "14812263", + "title": "Great Comet of 1264", + "text": "in his \"Com\u00e9tographie\" (1783) calls the Great comet of 1264 a \"great and celebrated comet\", calculated the comet's parabolic orbit, which he found bore great resemblance to that of the comet of 1556. The comet of 1264, says Pingr\u00e9, \"is very probably the same as that of 1556; its periodical revolution is about 292 years; and its return may consequently be expected about 1848.\" John Russell Hind in \"On the expected return of the great comet of 1264 and 1556\" says: However, in 1877, Am\u00e9d\u00e9e Guillemin wrote, in part quoting Babinet, Comets sometimes may disappear because of orbital derangement from", + "score": 0.697265625 + }, + { + "id": "2079207", + "title": "Eilmer of Malmesbury", + "text": "knew Eilmer himself when he was an old man. Later scholars, such as the American historian of technology Lynn White, have attempted to estimate Eilmer's date of birth based on a quotation in William's \"Deeds\" in regard to Halley's Comet, which appeared in 1066. The difficulty lies in that William recorded what Eilmer said not to establish his age, but to show that his prophecy was fulfilled later that year when the Normans invaded England. If Eilmer had seen Halley's comet seventy-six years earlier in 989, he could have been born about 984, making him about five or six years", + "score": 0.69677734375 + }, + { + "id": "7995700", + "title": "20D/Westphal", + "text": "20D/Westphal 20D/Westphal was a periodic comet with an orbital period of 61 years. It fits the classical definition of a Halley-type comet with (20 years < period < 200 years). It was originally discovered by the German astronomer J. G. Westphal (G\u00f6ttingen, Germany) on July 24, 1852. It was independently discovered by the American astronomer Christian Heinrich Friedrich Peters (Constantinople) on August 9. The comet was last seen between September 27 and November 26, 1913, first by Pablo T. Delavan (La Plata Astronomical Observatory) and then others. It was predicted to return in 1976 but was never observed, and is", + "score": 0.69677734375 + }, + { + "id": "2996775", + "title": "2002 AA29", + "text": "forced by the Earth on its horseshoe orbit however but can sometimes slip out of this pattern. It is then caught for a while in the neighbourhood of the Earth. This will next happen in about 600 years i.e. in the 26th century. It will then stay within the small gap in the Earth\u2019s orbit which it does not reach in its previous horseshoe orbit, and will be no further than 0.2 astronomical units (30 million km) away from the Earth. There it will slowly circle the Earth almost like a second moon, although it takes one year for a", + "score": 0.6962890625 + }, + { + "id": "11521458", + "title": "35P/Herschel\u2013Rigollet", + "text": "35P/Herschel\u2013Rigollet 35P/Herschel\u2013Rigollet is a periodic comet with an orbital period of 155 years. It fits the classical definition of a Halley-type comet with (20 years < period < 200 years). It was discovered by Caroline Herschel (Slough, United Kingdom) on 1788-12-21. Given that the comet takes 155 years to orbit the Sun, predictions for the next perihelion passage in 2092 vary by about a month. Caroline Herschel first observed the comet on 21 December 1788 and it was observed later that night by her brother William Herschel who described it as looking like a bright nebula and about 5-6 minutes", + "score": 0.6953125 + }, + { + "id": "18294482", + "title": "Great comet", + "text": "millennia include the following: Great comet A great comet is a comet that becomes exceptionally bright. There is no official definition; often the term is attached to comets such as Halley's Comet, which are bright enough to be noticed by casual observers who are not looking for them, and become well known outside the astronomical community. Great comets are rare; on average, only one will appear in a decade. Although comets are officially named after their discoverers, great comets are sometimes also referred to by the year in which they appeared great, using the formulation \"The Great Comet of ...\",", + "score": 0.69482421875 + }, + { + "id": "90784", + "title": "Comet Hale\u2013Bopp", + "text": "detection of the CO-driven coma. Herschel Space Observatory images taken in 2010 suggest comet Hale\u2013Bopp is covered in a fresh frost layer. Hale\u2013Bopp was again detected in December 2010 when it was 30.7 AU away from the Sun, and on August 7, 2012, at a 33.2 AU distance from the Sun. Astronomers expect that the comet will remain observable with large telescopes until perhaps 2020, by which time it will be nearing 30th magnitude. By this time it will become very difficult to distinguish the comet from the large numbers of distant galaxies of similar brightness. The comet likely made", + "score": 0.6943359375 + }, + { + "id": "565534", + "title": "Halley's Comet", + "text": "In 2134, Halley is expected to pass within of Earth. Its apparent magnitude is expected to be \u22122.0. Halley's calculations enabled the comet's earlier appearances to be found in the historical record. The following table sets out the astronomical designations for every apparition of Halley's Comet from 240 BC, the earliest documented widespread sighting. For example, \"1P/1982 U1, 1986 III, 1982i\" indicates that for the perihelion in 1986, Halley was the first period comet known (designated 1P) and this apparition was the first seen in half-month U (the second half of October) in 1982 (giving 1P/1982 U1); it was the", + "score": 0.693359375 + }, + { + "id": "16155045", + "title": "C/2011 W3 (Lovejoy)", + "text": "20 December and completely disappeared. In the event that some portion of the nucleus did survive, the eccentricity and inclination of Comet Lovejoy's orbit avoids significant perturbation from planets, which leaves the possibility that the comet may return for another perihelion. Using an epoch 2050 solution, Comet Lovejoy is estimated to have about a 622-year orbit and a return to perihelion around the year 2633. An elliptical orbit calculated by Sekanina and Chodas in 2012 indicates that Comet Lovejoy is a fragment of an unrecorded sungrazer that reached perihelion around 1329. The fragmentation history suggested by these authors is that", + "score": 0.69287109375 + }, + { + "id": "13218544", + "title": "Halley (song)", + "text": "Earth. This comet only can be seen from Earth every 76 years, and could be seen in 1986, named after the astronomer Edmond Halley. It was succeeded as Turkish representative at the 1987 contest by Seyyal Taner & Grup Lokomotif with \"\u015eark\u0131m Sevgi \u00dcst\u00fcne\". This article was based on information from: Diggiloo net Halley (song) \"Halley\" was the Turkish entrant to the Eurovision Song Contest 1986 in Bergen, Norway. It was sung by Klips ve Onlar in Turkish. On the night of the final, the song performed in the eighth position (following Netherlands's Frizzle Sizzle singing \"Alles heeft ritme\" and", + "score": 0.69189453125 + }, + { + "id": "565497", + "title": "Halley's Comet", + "text": "not be the parent of that shower. Halley is classified as a \"periodic\" or \"short-period comet\"; one with an orbit lasting 200 years or less. This contrasts it with long-period comets, whose orbits last for thousands of years. Periodic comets have an average inclination to the ecliptic of only ten degrees, and an orbital period of just 6.5 years, so Halley's orbit is atypical. Most short-period comets (those with orbital periods shorter than 20 years and inclinations of 20\u201330 degrees or less) are called Jupiter-family comet. Those resembling Halley, with orbital periods of between 20 and 200 years and inclinations", + "score": 0.6904296875 + }, + { + "id": "18614803", + "title": "80P/Peters\u2013Hartley", + "text": "80P/Peters\u2013Hartley 80P/Peters\u2013Hartley is a periodic comet in the Solar System with an orbital period of 8.12 years. It was originally discovered by Christian Heinrich Friedrich Peters of Capodimonte Observatory, Naples, Italy. There was insufficient data to accurately compute the orbit, and the comet was lost for well over a hundred years. It was accidentally rediscovered by Malcolm Hartley at the UK Schmidt Telescope Unit, Siding Spring, Australia on a photographic plate exposed on 11 July 1982. He estimated its brightness at an magnitude of 15. The sighting was confirmed by the Perth Observatory, where M. C. Candy calculated the orbit", + "score": 0.689453125 + }, + { + "id": "2965958", + "title": "26P/Grigg\u2013Skjellerup", + "text": "its approach to Comet Halley, but was unable to obtain images as its camera was destroyed during the Halley rendezvous in 1986. In 1972 the comet was discovered to produce a meteor shower, the Pi Puppids, and its current orbit makes them peak around April 23, for observers in the southern hemisphere, best seen when the comet is near perihelion. The 2002 return (expected perihelion around October 8, 2002) was very unfavorable and no observations were reported. The comet nucleus is estimated to be 2.6 kilometers in diameter. The comet is a type locality for the mineral brownleeite. 26P/Grigg\u2013Skjellerup Comet", + "score": 0.689453125 + }, + { + "id": "15886724", + "title": "C/2011 L4", + "text": "C/2011 L4 had a \"slowdown event\" when it was 3.6 AU from the Sun at a magnitude 5.6. The brightness increase rate decreased and the estimated magnitude at perihelion was predicted as +3.5. Comet Halley would be magnitude \u22121.0 at the same perihelion distance. The same study concluded that C/2011 L4 is very young and belongs to the class of \"baby comets\" (i.e. those with a photometric age of less than 4 comet years). When C/2011 L4 reached perihelion in March 2013, the actual peak magnitude turned out to be around +1, as estimated by various observers all over the", + "score": 0.6884765625 + }, + { + "id": "7012878", + "title": "52P/Harrington\u2013Abell", + "text": "it was unexpectedly bright. When recovered on July 21, 1998, by Alain Maury, he expected it to be about magnitude 21 or 22. Instead, he found it to be thousands of times brighter at magnitude 12.2. The next night, its brightness was estimated by others at magnitude 10.9 to 11.8. It may have had a second outburst about 80 days before perihelion. It finally faded to dimmer than magnitude 12 by the end of March, 1999. At its return in 2006, it returned to normal brightness. 52P/Harrington\u2013Abell 52P/Harrington\u2013Abell is a periodic comet in the Solar System. It was discovered by", + "score": 0.68798828125 + }, + { + "id": "565495", + "title": "Halley's Comet", + "text": "the point in the comet's orbit when it is nearest the Sun, is just 0.6 AU. This is between the orbits of Mercury and Venus. Its aphelion, or farthest distance from the Sun, is 35 AU (roughly the distance of Pluto). Unusual for an object in the Solar System, Halley's orbit is retrograde; it orbits the Sun in the opposite direction to the planets, or, clockwise from above the Sun's north pole. The orbit is inclined by 18\u00b0 to the ecliptic, with much of it lying south of the ecliptic. (Because it is retrograde, the true inclination is 162\u00b0.) Due", + "score": 0.6875 + }, + { + "id": "1273980", + "title": "Comet Hyakutake", + "text": "was lost to naked-eye visibility by the end of May. Its orbital path carried it rapidly into the southern skies, but following perihelion it became much less monitored. The last known observation of the comet took place on November 2. Hyakutake had passed through the inner Solar System approximately 17,000 years ago; gravitational interactions with the gas giants during its 1996 passage stretched its orbit greatly, and barycentric fits to the comet's orbit predict it will not return to the inner Solar System again for approximately 70,000 years. The \"Ulysses\" spacecraft made an unexpected pass through the tail of the", + "score": 0.6875 + }, + { + "id": "11242254", + "title": "103P/Hartley", + "text": "103P/Hartley Comet Hartley 2, designated as 103P/Hartley by the Minor Planet Center, is a small periodic comet with an orbital period of 6.46 years. It was discovered by Malcolm Hartley in 1986 at the Schmidt Telescope Unit, Siding Spring Observatory, Australia. Its diameter is estimated to be . Hartley 2 was the target of a flyby of the Deep Impact spacecraft, as part of the EPOXI mission, on 4 November 2010, which was able to approach within of Hartley 2 as part of its extended mission. Hartley 2 is the smallest comet which has been visited. It is the fifth", + "score": 0.68701171875 + }, + { + "id": "2965957", + "title": "26P/Grigg\u2013Skjellerup", + "text": "that the comet had been observed in 1808 as well, by Jean-Louis Pons. The comet has often suffered the gravitational influence of Jupiter, which has altered its orbit considerably. For instance, its perihelion distance has changed from 0.77 AU in 1725 to 0.89 AU in 1922 to 0.99 AU in 1977 and to 1.12 AU in 1999. Having its recent perihelion so close to Earth's orbit made it an easy target to reach for the Giotto mission (spacecraft) in 1992, whose primary mission was to Comet Halley. Giotto had a closest approach to Grigg\u2013Skjellerup of 200 km, much closer than", + "score": 0.68701171875 + }, + { + "id": "18294475", + "title": "Great comet", + "text": "Great comet A great comet is a comet that becomes exceptionally bright. There is no official definition; often the term is attached to comets such as Halley's Comet, which are bright enough to be noticed by casual observers who are not looking for them, and become well known outside the astronomical community. Great comets are rare; on average, only one will appear in a decade. Although comets are officially named after their discoverers, great comets are sometimes also referred to by the year in which they appeared great, using the formulation \"The Great Comet of ...\", followed by the year.", + "score": 0.6865234375 + }, + { + "id": "4641214", + "title": "Great January Comet of 1910", + "text": "twilight, its noticeably curved tail reaching up to 50 degrees by early February. The year 1910 saw considerable media interest in the predicted return of Halley's Comet, which reached perihelion on April 20. The appearance of the Daylight Comet several months earlier therefore came as something of a surprise, and made an extremely strong impression on an expectant public; when Halley's Comet returned again in 1986, many older people's accounts of having seen it in 1910 clearly referred to the Daylight Comet instead. Owing to a \"telephonic error\", the comet was initially reported as being named Drake's Comet, though once", + "score": 0.685546875 + }, + { + "id": "14868748", + "title": "Bill Haley's New Comets", + "text": "international tours. In 2011, Bill Haley's daughter, Gina Haley, will start working with the New Comets on the remembrance of her father's work, touring with them for the first time internationally. The band's most important event remains November 5, 1989, when the original 1954 Comets went back on stage in Bristol, England, inviting the New Comets to perform together. Impressed by the high musical standard and the authentic presentation of their 'fostersons' (Marshall Lytle: \"I saw Bill and myself on stage 40 years ago!\"), the American musicians officially gave symbolic validation to use their name and deemed them worthy successors", + "score": 0.68505859375 + }, + { + "id": "74406", + "title": "Comet", + "text": "the comet\" in 1910) and Eudora Welty, to whose life Mary Chapin Carpenter dedicated the song \"Halley Came to Jackson\". In times past, bright comets often inspired panic and hysteria in the general population, being thought of as bad omens. More recently, during the passage of Halley's Comet in 1910, the Earth passed through the comet's tail, and erroneous newspaper reports inspired a fear that cyanogen in the tail might poison millions, whereas the appearance of Comet Hale\u2013Bopp in 1997 triggered the mass suicide of the Heaven's Gate cult. In science fiction, the impact of comets has been depicted as", + "score": 0.68505859375 + }, + { + "id": "20279575", + "title": "Halley (film)", + "text": "to be a meteor shower caused by the cosmic dust trail of Halley's Comet. He thought then that it was too much of a coincidence and called the project like the comet. For the director, Halley is also \"a symbol for immortality\" since it has being known since the beginnings of astronomy and it orbits around the Sun every 75 years. Hofmann says \"it is the eternal witness of our history, with its cycles of upswing and decline. The space between each one of its visits is the duration of a human life.\" The film premiered at the Morelia International", + "score": 0.68408203125 + }, + { + "id": "9618567", + "title": "23P/Brorsen\u2013Metcalf", + "text": "23P/Brorsen\u2013Metcalf 23P/Brorsen\u2013Metcalf is a periodic comet with an orbital period of 70 years. It fits the classical definition of a Halley-type comet with (20 years < period < 200 years). It was first discovered by Theodor Brorsen at the Altona Observatory on July 20, 1847, and again by Kaspar Schweizer (Moscow) on August 11, 1847. It was predicted that it would reappear between 1919 and 1922. On August 21, 1919, the comet was recovered by Joel Hastings Metcalf (Camp Idlewild, Vermont, United States) as 8th magnitude. Additional discoveries were made by Edward Barnard (Yerkes Observatory, Wisconsin, United States) on August", + "score": 0.68408203125 + }, + { + "id": "13108031", + "title": "Lost comet", + "text": "(also P/2006 M3), discovered by Edward Emerson Barnard on June 24, 1889, was rediscovered after 116 years in 2006. On July 19, 2006, 177P came within 0.36 AU of the Earth. Comets can be gone but not considered lost, even though they may not be expected back for hundreds or even thousands of years. With more powerful telescopes it has become possible to observe comets for longer periods of time after perihelion. For example, Comet Hale\u2013Bopp was observable with the naked eye about 18 months after its approach in 1997. It is expected to remain observable with large telescopes until", + "score": 0.6826171875 + }, + { + "id": "565509", + "title": "Halley's Comet", + "text": "that retained heat. Together, these observations suggested that Halley was in fact predominantly composed of non-volatile materials, and thus more closely resembled a \"snowy dirtball\" than a \"dirty snowball\". Halley may have been recorded as early as 467 BC, but this is uncertain. A comet was recorded in ancient Greece between 468 and 466 BC; its timing, location, duration, and associated meteor shower all suggest it was Halley. According to Pliny the Elder, that same year a meteorite fell in the town of Aegospotami, in Thrace. He described it as brown in colour and the size of a wagon load.", + "score": 0.6826171875 + }, + { + "id": "11735155", + "title": "Comet McNaught\u2013Russell", + "text": "G1 recorded in AD 574 over a period from April 4 to May 23 by observers in China. This would give the comet a period of 1430 \u00b1 30 years and so making it the longest period comet to be seen on two separate returns. Since the comet was not observed to approach any planets, its orbit should remain largely unchanged on its next return. This would place its next approach to the inner Solar System in the 3400s. Comet McNaught\u2013Russell Comet C/1993 Y1 (McNaught\u2013Russell) is a long (time) period comet that reached a maximum magnitude of 6.5 (just below", + "score": 0.6826171875 + }, + { + "id": "18294481", + "title": "Great comet", + "text": "easily seen. Halley's Comet, for example, is usually very bright when it passes through the inner Solar System every seventy-six years, but during its 1986 apparition, its closest approach to Earth was almost the most distant possible. The comet became visible to the naked eye, but was unspectacular. On the other hand, the intrinsically small and faint Comet Hyakutake (C/1996 B2) appeared very bright and spectacular due to its very close approach to Earth at its nearest during March 1996. Its passage near the Earth was one of the closest cometary approaches on record. Great comets of the past two", + "score": 0.68212890625 + }, + { + "id": "5040470", + "title": "Eta Aquariids", + "text": "Eta Aquariids The Eta Aquariids are a meteor shower associated with Halley%27s Comet. The shower is visible from about April 19 to about May 28 each year with peak activity on or around May 5. Unlike most major annual meteor showers, there is no sharp peak for this shower, but rather a broad maximum with good rates that last approximately one week centered on May 5. The meteors we currently see as members of the Eta Aquariid shower separated from Halley\u2019s Comet hundreds of years ago. The current orbit of Halley\u2019s Comet does not pass close enough to the Earth", + "score": 0.681640625 + }, + { + "id": "7984157", + "title": "13P/Olbers", + "text": "13P/Olbers 13P/Olbers is a periodic comet with an orbital period of 69 years. It fits the classical definition of a Halley-type comet with (20 years < period < 200 years). Heinrich Wilhelm Matthias Olbers (Bremen) discovered the comet on March 6, 1815. Its orbit was first computed by Carl Friedrich Gauss on March 31, Friedrich Bessel calculated an orbital period as 73 years, later as 73.9 years, calculations by other astronomers during that era resulted anywhere between 72 and 77 years. The comet was last detected in 1956. It will next come to perihelion on June 30, 2024. the comet", + "score": 0.68115234375 + }, + { + "id": "7009853", + "title": "56P/Slaughter\u2013Burnham", + "text": "Its next perihelion will be on 18 July 2018. 56P/Slaughter\u2013Burnham 56P/Slaughter\u2013Burnham is a periodic comet in the Solar system with a period of 11.54 years. It was discovered in 1959 by Charles D. Slaughter and Robert Burnham of the Lowell Observatory, Flagstaff, Arizona during a photographic survey. They spotted the comet, with a faint brightness of magnitude 16, on a plate exposed on 10 December 1958. By monitoring its movement over a series of consecutive days, Elizabeth Roemer was able to calculate its orbit, suggesting a perihelion date of 4 August 1958 and an orbital period of 11.18 years. It", + "score": 0.6806640625 + }, + { + "id": "9949907", + "title": "45P/Honda\u2013Mrkos\u2013Pajdus\u030ca\u0301kova\u0301", + "text": "from the nucleus and coma. 45P/Honda\u2013Mrkos\u2013Pajdu\u0161\u00e1kov\u00e1 came to perihelion on December 31, 2016. By February 4, 2017, it was around magnitude 7 and the coma was about 100,000 km across. The comet required binoculars to be seen because of the low surface brightness. The comet passed from Earth on February 11, 2017, which was the same day as a lunar eclipse. The next notable close approach will be in October 2032 when the comet might brighten to magnitude 7. 45P/Honda\u2013Mrkos\u2013Pajdu\u0161\u00e1kov\u00e1 45P/Honda\u2013Mrkos\u2013Pajdu\u0161\u00e1kov\u00e1 is a short-period comet discovered by Minoru Honda December 3, 1948. It is named after Minoru Honda, Anton\u00edn Mrkos,", + "score": 0.6806640625 + }, + { + "id": "11521461", + "title": "35P/Herschel\u2013Rigollet", + "text": "The final calculation of the orbit, by Brian G. Marsden in 1974, used 75 positions from both apparitions of the comet in 1788 and 1939\u201340 in addition to perturbations by planets, and linked the two sightings, with a perihelion date of 1939-08-09 and a period of 155 years. 35P/Herschel\u2013Rigollet 35P/Herschel\u2013Rigollet is a periodic comet with an orbital period of 155 years. It fits the classical definition of a Halley-type comet with (20 years < period < 200 years). It was discovered by Caroline Herschel (Slough, United Kingdom) on 1788-12-21. Given that the comet takes 155 years to orbit the Sun,", + "score": 0.68017578125 + }, + { + "id": "6418933", + "title": "Leland Jensen", + "text": "asked by a UPI reporter Jensen did not express concern that the prediction might not come true, remarking \"There will be a nuclear holocaust some day.\" After the 1980 event, Jensen introduced the idea that the seven-year Tribulation had begun on the date of his prediction of a nuclear holocaust, and thus committed himself to another event happening on the same date in 1987. In 1985 he made the prediction that Halley's Comet would enter Earth's orbit on April 29, 1986, and collide with the Earth exactly one year later. In the interim year, he taught that the comet would", + "score": 0.68017578125 + }, + { + "id": "19940828", + "title": "Historical comet observations in China", + "text": "may have been Halley, but there is insufficient information to be sure. The most accurate records of Halley begin in 12 BC. In 1843 engineer and sinologist \u00c9douard Biot translated Chinese records of comets. Astronomer John Russell Hind observed that past apparitions of Halley back to 12 BC in most cases could be matched to these Chinese records. A computer calculation of the past orbits of Halley using numerical integration could not continue past 837 AD because a very close approach to Earth made calculation of orbits prior to that too inaccurate. The researchers had started with accurate European measurements", + "score": 0.6796875 + }, + { + "id": "565513", + "title": "Halley's Comet", + "text": "such as planetary conjunctions, and there are also records of other comets that appeared closer to the date of Jesus' birth. If, as has been suggested, the reference in the Talmud to \"a star which appears once in seventy years that makes the captains of the ships err\" (see above) refers to Halley's Comet, it may be a reference to the 66 AD appearance, because this passage is attributed to the Rabbi Yehoshua ben Hananiah. This apparition was the only one to occur during ben Hananiah's lifetime. The 141 AD apparition was recorded in Chinese chronicles. It was also recorded", + "score": 0.6787109375 + }, + { + "id": "565528", + "title": "Halley's Comet", + "text": "It was possible to observe it in areas outside of cities with the help of binoculars. Further, the comet appeared brightest when it was almost invisible from the northern hemisphere in March and April. Halley's approach was first detected by astronomers David Jewitt and G. Edward Danielson on 16 October 1982 using the 5.1 m Hale telescope at Mount Palomar and a CCD camera. The first person to visually observe the comet on its 1986 return was amateur astronomer Stephen James O'Meara on 24 January 1985. O'Meara used a home-built 24-inch telescope on top of Mauna Kea to detect the", + "score": 0.67822265625 + }, + { + "id": "565526", + "title": "Halley's Comet", + "text": "on 30 November 1835, exactly two weeks after the comet's perihelion. In his autobiography, published in 1909, he said, I came in with Halley's comet in 1835. It is coming again next year, and I expect to go out with it. It will be the greatest disappointment of my life if I don't go out with Halley's comet. The Almighty has said, no doubt: 'Now here are these two unaccountable freaks; they came in together, they must go out together.' Twain died on 21 April 1910, the day following the comet's subsequent perihelion. The 1985 fantasy film \"The Adventures of", + "score": 0.677734375 + }, + { + "id": "2219146", + "title": "Halley Research Station", + "text": "This is followed by intense activity to unload all supplies before the ship has to leave again; typically, this is done in less than two weeks. The Halley summer season runs from as early as mid-October when the first plane lands, until early March when the ship has left and the last aircraft leaves transiting through Halley and on to Rothera Research Station before heading to South America. Significant dates in the winter are sundown (last day when the Sun can be seen) on April 29th, midwinter on June 21st and sunrise (first day when the Sun rises after winter)", + "score": 0.67724609375 + }, + { + "id": "17507491", + "title": "Observational history of comets", + "text": "occurred between 1337 and 1698. Halley noted that three of these, the comets of 1531, 1607, and 1682, had very similar orbital elements, and he was further able to account for the slight differences in their orbits in terms of gravitational perturbation by Jupiter and Saturn. Confident that these three apparitions had been three appearances of the same comet, he predicted that it would appear again in 1758\u20139. (Earlier, Robert Hooke had identified the comet of 1664 with that of 1618, while Giovanni Domenico Cassini had suspected the identity of the comets of 1577, 1665, and 1680. Both were incorrect.)", + "score": 0.67724609375 + }, + { + "id": "3369345", + "title": "Alan Hale (astronomer)", + "text": "inner solar system until approximately 4385. Comet Hale\u2013Bopp, originally labeled C/1995 O1, and sometimes called \"the Great Comet of 1997\", became one of the most-viewed comets in human history, and the brightest comet seen since Comet West in 1976, appearing 1000 times brighter than Comet Halley did at the same distance. When the comet was at the peak of its brightness, Hale says he was giving talks about the comet in big cities with light-polluted night skies, so he did not get a chance \"to see it all that much when it was really bright.\" Regarding the press conference of", + "score": 0.67724609375 + }, + { + "id": "13708578", + "title": "2009\u201310 GET-ligaen season", + "text": "due to an ongoing redevelopment of their home arena, the municipally owned Halden Ishall, the club were forced to play all their fixtures in September as away games. When an application for use of the arena as of October was denied because the building did not yet meet the fire safety code, the administrator declared on 2 October that the running of the club would have to discontinue. A last-ditch attempt by a group of local investors to save the club could not remedy the fact that Halden Ishall remained unavailable, and Comet folded on 6 October. This was the", + "score": 0.6767578125 + }, + { + "id": "565504", + "title": "Halley's Comet", + "text": "is relatively small: barely 15 kilometres long, 8 kilometres wide and perhaps 8 kilometres thick. Its shape vaguely resembles that of a peanut. Its mass is relatively low (roughly 2.2 kg) and its average density is about 0.6 g/cm, indicating that it is made of a large number of small pieces, held together very loosely, forming a structure known as a rubble pile. Ground-based observations of coma brightness suggested that Halley's rotation period was about 7.4 days. Images taken by the various spacecraft, along with observations of the jets and shell, suggested a period of 52 hours. Given the irregular", + "score": 0.67626953125 + }, + { + "id": "565499", + "title": "Halley's Comet", + "text": "a flat disc of icy debris between 30 AU (Neptune's orbit) and 50 AU from the Sun (in the scattered disc). Another point of origin for the Halley-type comets was proposed in 2008, when a trans-Neptunian object with a retrograde orbit similar to Halley's was discovered, , whose orbit takes it from just outside that of Uranus to twice the distance of Pluto. It may be a member of a new population of small Solar System bodies that serves as the source of Halley-type comets. Halley has probably been in its current orbit for 16,000\u2013200,000 years, although it is not", + "score": 0.67626953125 + }, + { + "id": "565531", + "title": "Halley's Comet", + "text": "Originally International Sun-Earth Explorer 3, the probe was renamed and freed from its Lagrangian point location in Earth's orbit to intercept comets 21P/Giacobini-Zinner and Halley. Two Space Shuttle missions\u2014the ill-fated STS-51-L (ended by the \"Challenger\" disaster) and STS-61-E\u2014were scheduled to observe Halley's Comet from low Earth orbit. STS-51-L carried the Shuttle-Pointed Tool for Astronomy (SPARTAN-203) satellite, also called the Halley's Comet Experiment Deployable (HCED). STS-61-E was a \"Columbia\" mission scheduled for March 1986, carrying the ASTRO-1 platform to study the comet. Due to the suspension of America's manned space program after the \"Challenger\" explosion, the mission was canceled, and ASTRO-1", + "score": 0.67626953125 + }, + { + "id": "2996776", + "title": "2002 AA29", + "text": "circuit. After 45 years it finally switches back into the horseshoe orbit, until it again stays near the Earth for 45 years around the year 3750 and again in 6400. In these phases in which it stays outside its horseshoe orbit it oscillates in the narrow region along the Earth\u2019s orbit where it is caught, moving back and forth in 15 years. Because it is not bound to the Earth like the Moon but is mainly under the gravitational influence of the Sun, it belongs to the bodies called quasi-satellites. This is somewhat analogous to two cars travelling side by", + "score": 0.67626953125 + }, + { + "id": "329179", + "title": "Pope Callixtus III", + "text": "pontificate: According to one story that first appeared in a 1475 posthumous biography and was subsequently embellished and popularized by Pierre-Simon Laplace, Callixtus III excommunicated the 1456 appearance of Halley's Comet, believing it to be an ill omen for the Christian defenders of Belgrade from the besieging armies of the Ottoman Empire. No known primary source supports the authenticity of this account. The 29 June 1456 papal bull of Callixtus III calling for a public prayer for the success of the crusade makes no mention of the comet. By 6 August, when the Turkish siege was broken, the comet had", + "score": 0.67529296875 + }, + { + "id": "6481084", + "title": "Baha\u0301'i\u0301s Under the Provisions of the Covenant", + "text": "attention when on April 26, 1980 he led a group of followers into fallout shelters, expecting an apocalyptic nuclear holocaust. He went on to predict that Halley's Comet would enter earth's orbit on April 29, 1986, and collide with the earth exactly one year later. With Jensen's approval, in the early 1990s his companion Neal Chase made a total of 18 predictions which pertained to small-scale disasters that he claimed would lead step-by-step towards the Apocalypse, as well as dates for a nuclear attack on New York City by middle Eastern terrorists. Balch noted that Chase responded to the 18", + "score": 0.6748046875 + }, + { + "id": "7995701", + "title": "20D/Westphal", + "text": "now considered a lost comet. 20D/Westphal 20D/Westphal was a periodic comet with an orbital period of 61 years. It fits the classical definition of a Halley-type comet with (20 years < period < 200 years). It was originally discovered by the German astronomer J. G. Westphal (G\u00f6ttingen, Germany) on July 24, 1852. It was independently discovered by the American astronomer Christian Heinrich Friedrich Peters (Constantinople) on August 9. The comet was last seen between September 27 and November 26, 1913, first by Pablo T. Delavan (La Plata Astronomical Observatory) and then others. It was predicted to return in 1976 but", + "score": 0.6748046875 + }, + { + "id": "9618568", + "title": "23P/Brorsen\u2013Metcalf", + "text": "22, Michel Giacobini (Paris, France), Ostrovlev (Theodosia, Crimea) and Selavanov (Saint Petersburg). By the end of September 1919 it was confirmed as being the same as Brorsen's comet. 23P/Brorsen\u2013Metcalf 23P/Brorsen\u2013Metcalf is a periodic comet with an orbital period of 70 years. It fits the classical definition of a Halley-type comet with (20 years < period < 200 years). It was first discovered by Theodor Brorsen at the Altona Observatory on July 20, 1847, and again by Kaspar Schweizer (Moscow) on August 11, 1847. It was predicted that it would reappear between 1919 and 1922. On August 21, 1919, the comet", + "score": 0.6748046875 + }, + { + "id": "9356529", + "title": "F. James Rutherford", + "text": "and improvement at the United States Department of Education. In 1981, Rutherford became the executive director of the Education Division at the AAAS, and in 1985, he began work on Project 2061, which coincided with the arrival of Comet Halley to help the schools to foster science literacy among all Americans. Named after the next year of the comet Halley's return, Project 2061's title embodies the symbolism of the long term nature of this reforming effort, ingraining in the populace the patience and persistence that would be necessary to sustain the project over the long haul. Rutherford stepped down as", + "score": 0.67431640625 + }, + { + "id": "16877730", + "title": "51P/Harrington", + "text": "51P/Harrington 51P/Harrington is a periodic comet in the Solar System. It was discovered by Robert George Harrington at Palomar Observatory on 14 August 1953 using the Schmidt telescope. It then had a brightness of magnitude 15. In October 1956 its orbit was affected by the planet Jupiter and on its next return in 1960 the brightness had fallen to magnitude 20. By 1980 it had slightly improved to magnitude 18. It has a period of approximately 7 years. In 1987 and 1994 brightness had significantly increased to magnitude 12. In 1994 Jim Scotti at Kitt Peak Observatory observed that the", + "score": 0.67431640625 + }, + { + "id": "565516", + "title": "Halley's Comet", + "text": "for the man who defeated him, William the Conqueror. The comet is represented on the Bayeux Tapestry and described in the tituli as a star. Surviving accounts from the period describe it as appearing to be four times the size of Venus and shining with a light equal to a quarter of that of the Moon. Halley came within 0.10 AU of Earth at that time. This appearance of the comet is also noted in the \"Anglo-Saxon Chronicle\". Eilmer of Malmesbury may have seen Halley previously in 989, as he wrote of it in 1066: \"You've come, have you? ...", + "score": 0.673828125 + }, + { + "id": "7009852", + "title": "56P/Slaughter\u2013Burnham", + "text": "56P/Slaughter\u2013Burnham 56P/Slaughter\u2013Burnham is a periodic comet in the Solar system with a period of 11.54 years. It was discovered in 1959 by Charles D. Slaughter and Robert Burnham of the Lowell Observatory, Flagstaff, Arizona during a photographic survey. They spotted the comet, with a faint brightness of magnitude 16, on a plate exposed on 10 December 1958. By monitoring its movement over a series of consecutive days, Elizabeth Roemer was able to calculate its orbit, suggesting a perihelion date of 4 August 1958 and an orbital period of 11.18 years. It was subsequently observed in 1970, 1981, 1993 and 2005.", + "score": 0.673828125 + }, + { + "id": "1273974", + "title": "Comet Hyakutake", + "text": "the Sun and had a magnitude of 13.3. When the first calculations of the comet's orbit were made, scientists realized that it was going to pass just 0.1 AU from Earth on 25 March. Only four comets in the previous century had passed closer. Comet Hale\u2013Bopp was already being discussed as a possible \"great comet\"; the astronomical community eventually realised that Hyakutake might also become spectacular because of its close approach. Moreover, Comet Hyakutake's orbit meant that it had last been to the inner Solar System approximately 17,000 years earlier. Because it had probably passed close to the Sun several", + "score": 0.67333984375 + }, + { + "id": "7122132", + "title": "111P/Helin\u2013Roman\u2013Crockett", + "text": "111P/Helin\u2013Roman\u2013Crockett 111P/Helin\u2013Roman\u2013Crockett is a periodic comet in the Solar System. It was discovered by Eleanor and Ron Helin on 5 January 1989 from images obtained on the 3rd and 4th of that month. It is a Jupiter family comet known for extremely close approaches to Jupiter being a Quasi-Hilda comet. During these approaches, it actually orbits Jupiter. The last such approach was in 1976, the next will be in 2071. The Jovian orbits are highly elliptical and subject to intense Solar perturbation at apojove which eventually pulls the comet out of Jovian orbit for the cycle to begin anew. Simulations", + "score": 0.67333984375 + }, + { + "id": "16747255", + "title": "Edmond Halley", + "text": "years 531 and 1106, and presumably heralding the death of Julius Caesar in a like fashion in \u221244 (45 BCE). It is now known to have an orbital period of circa 10,000 years. In 1691, Halley built a diving bell, a device in which the atmosphere was replenished by way of weighted barrels of air sent down from the surface. In a demonstration, Halley and five companions dived to in the River Thames, and remained there for over an hour and a half. Halley's bell was of little use for practical salvage work, as it was very heavy, but he", + "score": 0.67333984375 + }, + { + "id": "565521", + "title": "Halley's Comet", + "text": "1456 was also witnessed in Kashmir and depicted in great detail by \u015ar\u012bvara, a Sanskrit poet and biographer to the Sultans of Kashmir. He read the apparition as a cometary portent of doom foreshadowing the imminent fall of Sultan Zayn al-Abidin (AD 1418/1420\u20131470). After witnessing a bright light in the sky which most historians have identified as Halley's Comet, Zara Yaqob, Emperor of Ethiopia from 1434 to 1468, founded the city of Debre Berhan (tr. City of Light) and made it his capital for the remainder of his reign. Halley's periodic returns have been subject to scientific investigation since the", + "score": 0.6728515625 + }, + { + "id": "629565", + "title": "Bill Haley & His Comets", + "text": "the Comets between gigs and during Haley's retirement. This group rerecorded \"Rock Around the Clock\" for the television series \"Happy Days\". The Comets, featuring musicians who performed with Haley in 1954\u20131955, reunited in 1987 and are still touring the world as of 2007, playing showrooms in the United States and Europe. They have also recorded a half-dozen albums for small labels in Europe and the United States. This version of the group has also been credited as Bill Haley's Original Comets and, in circumstances in which the use of the Comets name is in dispute, A Tribute to Bill Haley", + "score": 0.6728515625 + }, + { + "id": "292998", + "title": "Near-Earth object", + "text": "to the Earth. After the comet's 1992 return, when only the two previous returns in 1862 and 1737 have been identified, orbital calculations showed that the comet would pass very close to Earth during its next return in 2126, with an impact within the range of uncertainty. By 1993, even earlier returns (back to at least 188 AD) have been identified, and the new orbital calculation eliminated the impact risk, predicting the comet to pass Earth in 2126 at a distance of 24 million kilometers. In 3044, the comet is expected to pass Earth at less than 1.6 million kilometers.", + "score": 0.671875 + }, + { + "id": "8769434", + "title": "1024 Hale", + "text": "1024 Hale 1024 Hale, provisional designation , is a carbonaceous background asteroid from the outer regions of the asteroid belt, approximately in diameter. The asteroid was discovered on 2 December 1923, by Belgian\u2013American astronomer George Van Biesbroeck at the Yerkes Observatory in Wisconsin, United States. It was named for American astronomer George Ellery Hale. The dark C-type asteroid may have a rotation period of 16 hours. \"Hale\" is a non-family asteroid from the main belt's background population. It orbits the Sun in the outer asteroid belt at a distance of 2.2\u20133.5 AU once every 4 years and 10 months (1,772", + "score": 0.67138671875 + }, + { + "id": "5562852", + "title": "4P/Faye", + "text": "4P/Faye 4P/Faye (also known as Faye's Comet or Comet Faye) is a periodic Jupiter-family comet discovered in November 1843 by Herv\u00e9 Faye at the Royal Observatory in Paris. It last came to perihelion (closest approach to the Sun) on May 29, 2014, and will next come to perihelion on September 8, 2021. The comet was first observed by Faye on 23 November, but bad weather prevented its confirmation until the 25th. It was so faint that it had already passed perihelion about a month before its discovery, and only a close pass by the Earth had made it bright enough", + "score": 0.6708984375 + }, + { + "id": "649594", + "title": "Louis XV of France", + "text": "Halley's Comet, which was predicted to pass by the earth in 1757, and which was commonly blamed for having caused the flood described in the Bible, with predictions of a new deluge when it returned. The King was a proficient amateur astronomer, who collaborated with the best French astronomers. Biographer Michel Antoine wrote that the King's remark \"was a manner of evoking, with his scientific culture and a good dose of black humor, this sinister year beginning with the assassination attempt by Damiens and ending with the Prussian victory.\" Halley's Comet finally passed the earth in April 1759, and caused", + "score": 0.6708984375 + }, + { + "id": "6418925", + "title": "Leland Jensen", + "text": "attention when on April 26, 1980 he led a group of followers into fallout shelters, expecting an apocalyptic nuclear holocaust. He went on to predict that Halley's Comet would enter earth's orbit on April 29, 1986, and collide with the earth exactly one year later. With Jensen's approval, in the early 1990s his companion Neal Chase made a total of 18 disconfirmed prophecies that pertained to small-scale disasters that he claimed would lead step-by-step towards the Apocalypse, as well as dates for a nuclear attack on New York City by middle Eastern terrorists. Jensen was a third generation Bah\u00e1'\u00ed on", + "score": 0.67041015625 + }, + { + "id": "5040473", + "title": "Eta Aquariids", + "text": "very old ejection from the parent 1P/Halley and are trapped probably in resonances to Jupiter\u2019s orbit (similar to the Orionids observed between 2007 and 2010). The peak ZHR reached 135 \u00b1 16 . Updated information on the expected time and rates of the shower is provided through the annual IMO Meteor Shower Calendar . Eta Aquariids The Eta Aquariids are a meteor shower associated with Halley%27s Comet. The shower is visible from about April 19 to about May 28 each year with peak activity on or around May 5. Unlike most major annual meteor showers, there is no sharp peak", + "score": 0.67041015625 + }, + { + "id": "16030965", + "title": "Comet Swift\u2013Tuttle", + "text": "in 322 BC. In the discovery year of 1862, the comet was as bright as Polaris. The comet made a return appearance in 1992, when it was rediscovered by Japanese astronomer Tsuruhiko Kiuchi and became visible with binoculars. In 2126 it will be a bright naked-eye comet reaching about apparent magnitude 0.7. After the 1862 observations it was thought that the comet would return between 1979 and 1983, but it didn't show up. However, it had been suggested in 1902 that this was the same comet as that observed by Ignatius Kegler on July 3, 1737, and on this basis", + "score": 0.67041015625 + }, + { + "id": "3511626", + "title": "Johann Georg Palitzsch", + "text": "Johann Georg Palitzsch Johann Georg Palitzsch (11 June 1723 \u2013 21 February 1788) was a German astronomer who became famous for recovering Comet 1P/Halley (better known as Halley's Comet) on Christmas Day, 1758. The periodic nature of this comet had been deduced by its namesake Edmond Halley in 1705, but Halley had died before seeing if his prediction would come true. Raised to become a successful farmer under a strict stepfather, Palitzsch secretly studied as much astronomy as he could from the books he could afford. He learned contemporary astronomy from the book \u201cVorhof der Sternwissenschaft\u201d (\u201cThe Forecourt of Astronomy\u201d)", + "score": 0.66943359375 + }, + { + "id": "2678785", + "title": "12P/Pons\u2013Brooks", + "text": "12P/Pons\u2013Brooks 12P/Pons\u2013Brooks is a periodic comet with an orbital period of 71 years. It fits the classical definition of a Halley-type comet with (20 years < period < 200 years). Its next closest approach to Earth is in 2024. As of December 2015 12P/Pons\u2013Brooks has not been identified with any meteor-shower streams. A comet was observed from Korea from 10 April to June 1313 CE. Over in China, \"in the reign of Jin Tsung, the 2nd year of the epoch Hwang King, 3rd moon, day Ting Wei, a comet appeared in the eastern part of S. D. Tsing\". This date", + "score": 0.66943359375 + }, + { + "id": "3511624", + "title": "Johann Georg Palitzsch", + "text": "Johann Georg Palitzsch Johann Georg Palitzsch (11 June 1723 \u2013 21 February 1788) was a German astronomer who became famous for recovering Comet 1P/Halley (better known as Halley's Comet) on Christmas Day, 1758. The periodic nature of this comet had been deduced by its namesake Edmond Halley in 1705, but Halley had died before seeing if his prediction would come true. Raised to become a successful farmer under a strict stepfather, Palitzsch secretly studied as much astronomy as he could from the books he could afford. He learned contemporary astronomy from the book \u201cVorhof der Sternwissenschaft\u201d (\u201cThe Forecourt of Astronomy\u201d)", + "score": 0.66943359375 + } + ], + "answer": "Halley's Comet or Comet Halley, officially designated 1P/Halley, is a short-period comet visible from Earth every 75\u201376 years. Halley last appeared in the inner parts of the Solar System in 1986 and will come back around in mid-2061 to 2062." + }, + { + "qa_pairs": [ + { + "context": "Durant was selected as the second overall pick in the 2007 NBA draft by the Seattle SuperSonics. In his first regular season game, the 19-year-old Durant registered 18 points, five rebounds and three steals against the Denver Nuggets. On November 16, he made the first game-winning shot of his career in a game against the Atlanta Hawks. At the conclusion of the season, he was named the NBA Rookie of the Year following averages of 20.3 points, 4.4 rebounds and 2.4 assists per game. He joined Carmelo Anthony and LeBron James as the only teenagers in league history to average at least 20 points per game over an entire season.", + "question": "To what team did kevin durant go in the nba draft?", + "short_answers": [ + "Seattle SuperSonics", + "Supersonics", + "Seattle" + ], + "wikipage": "Kevin Durant" + }, + { + "context": "Durant was selected as the second overall pick in the 2007 NBA draft by the Seattle SuperSonics. In his first regular season game, the 19-year-old Durant registered 18 points, five rebounds and three steals against the Denver Nuggets. On November 16, he made the first game-winning shot of his career in a game against the Atlanta Hawks. At the conclusion of the season, he was named the NBA Rookie of the Year following averages of 20.3 points, 4.4 rebounds and 2.4 assists per game. He joined Carmelo Anthony and LeBron James as the only teenagers in league history to average at least 20 points per game over an entire season.", + "question": "Where in the draft order did kevin durant go in the nba draft?", + "short_answers": [ + "second overall", + "second" + ], + "wikipage": "Kevin Durant" + }, + { + "context": "Kevin Wayne Durant (born September 29, 1988) is an American professional basketball player for the Brooklyn Nets of the National Basketball Association (NBA). He played one season of college basketball for the University of Texas, and was selected as the second overall pick by the Seattle SuperSonics in the 2007 NBA draft. He played nine seasons with the franchise, which became the Oklahoma City Thunder in 2008, before signing with the Golden State Warriors in 2016, winning back-to-back championships in 2017 and 2018.", + "question": "Where did kevin durant go to college during the nba draft?", + "short_answers": [ + "University of Texas" + ], + "wikipage": "Kevin Durant" + } + ], + "wikipages": [ + { + "title": "Kevin Durant", + "url": "https://en.wikipedia.org/wiki/Kevin%20Durant" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "American professional basketball player Kevin Durant played one season of college basketball for the University of Texas, and was selected as the second overall pick by the Seattle SuperSonics in the 2007 NBA draft." + }, + { + "knowledge": [], + "long_answer": "Kevin Durant is an American professional basketball player for the Brooklyn Nets of the National Basketball Association. He played one season of college basketball for the University of Texas, and was selected as the second overall pick by the Seattle SuperSonics in the 2007 NBA draft. He played nine seasons with the franchise, which became the Oklahoma City Thunder in 2008, before signing with the Golden State Warriors in 2016, winning back-to-back championships in 2017 and 2018." + } + ], + "sample_id": "-3822269585900887053", + "question": "Where did kevin durant go in the nba draft?", + "docs": [ + { + "id": "8175597", + "title": "2007 NBA draft", + "text": "2007 NBA draft The 2007 NBA draft was held on June 28, 2007 at the WaMu Theatre at Madison Square Garden in New York City, New York. It was broadcast on television in 115 countries. In this draft, National Basketball Association (NBA) teams took turns selecting amateur U.S. college basketball players and other eligible players, including international players. Freshman Greg Oden from Ohio State University was drafted first overall by the Portland Trail Blazers, who won the draft lottery. However, he missed the 2007\u201308 season due to microfracture surgery on his right knee during the pre-season. Another freshman, Kevin Durant,", + "score": 0.7626953125, + "summary": "Kevin Durant was drafted in the 2007 NBA draft, but the document does not specify which team selected him.", + "extraction": "Kevin Durant was drafted in the 2007 NBA draft." + }, + { + "id": "8725281", + "title": "Kevin Durant", + "text": "Kevin Durant Kevin Wayne Durant (born September 29, 1988) is an American professional basketball player for the Golden State Warriors of the National Basketball Association (NBA). He played one season of college basketball for the University of Texas, and was selected as the second overall pick by the Seattle SuperSonics in the 2007 NBA draft. He played nine seasons in Oklahoma City before signing with Golden State in 2016, winning back-to-back championships in 2017 and 2018. Durant was a heavily recruited high school prospect who was widely regarded as the second-best player in his class. In college, he won numerous", + "score": 0.75634765625, + "summary": "Kevin Durant was selected as the second overall pick by the Seattle SuperSonics in the 2007 NBA draft.", + "extraction": "Kevin Durant was selected as the second overall pick by the Seattle SuperSonics in the 2007 NBA draft." + }, + { + "id": "8232431", + "title": "2009 NBA draft", + "text": "from University of Connecticut was drafted second by the Memphis Grizzlies. Thabeet became the first player born in Tanzania to be drafted by an NBA team. James Harden was drafted 3rd by the Oklahoma City Thunder. This made him the first player to be drafted by the franchise as the Oklahoma City Thunder whose franchise moved from Seattle to OKC in 2008. The Sacramento Kings drafted Tyreke Evans 4th; he was named 2009\u201310 NBA Rookie of the Year, after he became the fourth NBA player in history to average at least 20 points, 5 rebounds and 5 assists in his", + "score": 0.7451171875, + "summary": "Kevin Durant's draft pick is not mentioned, therefore, the document is irrelevant.", + "extraction": "Kevin Durant's draft pick is not mentioned in the passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "8232426", + "title": "2008 NBA draft", + "text": "when twelve freshmen were drafted, ten of whom were drafted in the first round. Of the players drafted, 29 are forwards, 19 are guards, and 12 are centers. The 2008 NBA Draft was the final time that the Seattle SuperSonics made an NBA Draft appearance, as well as the final time that the Sonics appeared in official media publications. In early July, the franchise relocated to Oklahoma City, Oklahoma, and was renamed the Oklahoma City Thunder. The Thunder made their first NBA Draft appearance in 2009. This draft also marked the first time that an NBA D-League player was drafted.", + "score": 0.744140625, + "summary": "Kevin Durant's draft pick is not mentioned in the document.", + "extraction": "irrelevant" + }, + { + "id": "8283872", + "title": "Devin Durrant", + "text": "Durrant was named District 7 Player of the Year and a consensus All-American. That same year he was selected as a GTE/CoSida Academic All-American for the second time and awarded an NCAA postgraduate scholarship. Durrant was chosen by the Indiana Pacers as the 25th pick in the NBA Draft. He played a season with the Pacers and part of a second season with the Phoenix Suns. He also played professionally in Spain and France. After leaving professional basketball in 1988, Durrant worked as a marketing director with WordPerfect Corporation. He subsequently owned his own real estate investment firm. In 2009,", + "score": 0.7431640625, + "summary": "Kevin Durant is not mentioned in the document, therefore it is irrelevant to the question.", + "extraction": "Kevin Durant is not mentioned in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "438292", + "title": "University of Texas at Austin", + "text": "the Longhorns win the 1983 College World Series. Three-time NBA scoring champion Kevin Durant entered the 2007 NBA Draft and was selected second overall behind Greg Oden, after sweeping National Player of the Year honors, becoming the first freshman to win any of the awards. After becoming the first freshman in school history to lead Texas in scoring and being named the Big 12 Freshman of the Year, Daniel Gibson entered the 2006 NBA draft and was selected in the second round by the Cleveland Cavaliers. In his one year at Texas, golfer Jordan Spieth led the University of Texas", + "score": 0.7412109375, + "summary": "Kevin Durant went second overall in the 2007 NBA Draft.", + "extraction": "Kevin Durant went second overall in the 2007 NBA Draft." + }, + { + "id": "11640795", + "title": "History of the Boston Celtics", + "text": "victory against Tim Duncan). On April 18, the team promoted COO Rich Gotham to President. On May 22, the Celtics were assigned the 5th overall selection in the NBA Draft Lottery, essentially losing their chance of drafting either Greg Oden or Kevin Durant, who both were considered to go 1st and 2nd in the Draft. The 5th pick was the worst-case scenario for the Celtics, who had a 19.9% chance of obtaining the 1st overall selection. However, on June 28, the day of the 2007 NBA draft, the Celtics traded the 5th pick along with Wally Szczerbiak and Delonte West", + "score": 0.7392578125, + "summary": "The Boston Celtics were assigned the 5th overall selection in the NBA Draft Lottery, effectively losing their chance of drafting Kevin Durant.", + "extraction": "Kevin Durant was considered to go 1st and 2nd in the draft, but the Celtics were assigned the 5th overall selection in the NBA Draft Lottery, losing their chance of drafting him." + }, + { + "id": "8175598", + "title": "2007 NBA draft", + "text": "was drafted second overall from the University of Texas by the Seattle SuperSonics, and went on to win the Rookie of the Year Award for the 2007\u201308 season. Oden and Durant became the first freshmen to be selected with the top two picks in the draft. Al Horford, the son of former NBA player Tito Horford, was drafted third by the Atlanta Hawks. Of the three top picks, Durant and Horford were able to enjoy solid All-Star careers, while Oden was beset by numerous microfracture surgeries on both knees that limited him to only 82 games from to . On", + "score": 0.73828125, + "summary": "Kevin Durant was drafted second overall by the Seattle SuperSonics in the 2007 NBA draft from the University of Texas.", + "extraction": "Kevin Durant was drafted second overall from the University of Texas by the Seattle SuperSonics in the 2007 NBA draft." + }, + { + "id": "19485049", + "title": "History of the Oklahoma City Thunder", + "text": "an inaugural season filled with many adjustments, the Thunder hoped to improve during their second season in Oklahoma City. Oklahoma City did not make any major moves in the offseason, other than drafting James Harden from Arizona State University with the third overall pick in the NBA Draft. The Thunder selected Rodrigue Beaubois with the 25th pick in the 2009 draft before immediately trading him to the Dallas Mavericks for the 24th pick, center Byron Mullens from Ohio State University. The team then added veteran center Etan Thomas and guard Kevin Ollie. The last major change to their roster occurred", + "score": 0.7373046875, + "summary": "Kevin Durant's draft pick is not mentioned in the document. Irrelevant.", + "extraction": "Kevin Durant's draft pick location is not mentioned in this passage, so the answer is \"irrelevant\"." + }, + { + "id": "11747051", + "title": "Russell Westbrook", + "text": "Pac-10 Defensive Player of the Year. UCLA advanced to the Final Four during each of Westbrook's seasons with the team. In 2007, they lost to eventual national champion Florida, 76\u201366 and in 2008, they lost 78\u201363 to Memphis. After two years at UCLA, he decided to forgo his final two years and enter the 2008 NBA draft. Westbrook was selected 4th overall in the 2008 NBA draft by the Seattle SuperSonics (which then relocated to Oklahoma City and became the Thunder six days later). He signed with the team on July 5, 2008. On March 2, 2009, Westbrook recorded his", + "score": 0.72998046875, + "summary": "Kevin Durant's whereabouts in the NBA draft are not mentioned in the document.", + "extraction": "Kevin Durant's whereabouts in the NBA draft are not mentioned in this passage. Therefore, the extracted span is \"irrelevant\"." + }, + { + "id": "5340878", + "title": "1995 NBA draft", + "text": "1995 NBA draft The 1995 NBA draft took place on June 28, 1995, at SkyDome in Toronto, Ontario, Canada. It marked the first NBA draft to be held outside the United States and was the first draft for the two Canadian expansion teams, Toronto Raptors and Vancouver Grizzlies. Kevin Garnett, who was taken fifth in this draft, is notable for being the first player in two decades to be selected straight out of high school. Garnett would go on to gather fifteen All Star selections, eight All-NBA selections (four of those being First-Teams), one NBA MVP award, and multiple other", + "score": 0.728515625, + "summary": "Kevin Durant is irrelevant to this document.", + "extraction": "Kevin Durant is not mentioned in the passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "9950897", + "title": "Greg Oden", + "text": "4 blocked shots in a losing effort against the Florida Gators. Oden, alongside Kevin Durant, Arron Afflalo, Alando Tucker and Acie Law were named to the Associated Press All-American Team. Oden and Durant were the first freshmen voted to the All-American First Team since 1990, and the third and fourth overall. Throughout his high school and college career, Oden never lost a home game. On April 20, 2007, Oden announced that he would be entering the 2007 NBA draft. On June 28, 2007, he was selected by the Portland Trail Blazers with the #1 overall pick. To begin his Trail", + "score": 0.728515625, + "summary": "On June 28, 2007, Kevin Durant was not mentioned in the document, but Greg Oden was selected by the Portland Trail Blazers with the #1 overall pick in the 2007 NBA draft.", + "extraction": "Kevin Durant was named to the Associated Press All-American Team alongside Greg Oden. It does not provide the answer to the question \"Where did Kevin Durant go in the NBA draft?\" as it only mentions his recognition in the All-American Team." + }, + { + "id": "5792794", + "title": "Mickae\u0308l Gelabale", + "text": "overall) of the 2005 NBA draft, but opted to stay in the Spanish capital instead of immediately joining the NBA. On July 12, 2006, he signed a two-year contract with the Sonics, joining Johan Petro as the second French player on the team. Stuck on the depth chart behind both Ray Allen and Rashard Lewis (in 2006\u201307) and rookie Kevin Durant (2007\u201308), Gelabale appeared sparingly for the team, tearing his anterior cruciate ligament midway through his second year. On March 29, 2009, he resumed playing, one year after his injury, with the Los Angeles D-Fenders in the NBA D-League. On", + "score": 0.7275390625, + "summary": "Kevin Durant is mentioned as a rookie in the 2007-08 season, but the document does not mention where he went in the NBA draft.", + "extraction": "Kevin Durant went to the Sonics as a rookie in the 2007-08 NBA draft." + }, + { + "id": "9551743", + "title": "Nick Young (basketball)", + "text": "an 87\u201368 rout of the team featuring the National Player of the Year, Kevin Durant, though Durant led both teams in scoring with 30. Following his junior season, as expected, Young announced on April 15, 2007 to the \"Los Angeles Times\" that he would forgo his senior year to turn professional and enter the 2007 NBA Draft, where he was selected with the 16th overall pick by the Washington Wizards. Young was selected 16th overall by the Washington Wizards in the 2007 NBA draft. He started his first career NBA game on December 15, 2007, against the Sacramento Kings. On", + "score": 0.7255859375, + "summary": "Kevin Durant led the National Player of the Year team in scoring with 30 points. However, the document does not provide information on where Kevin Durant went in the NBA draft.", + "extraction": "Kevin Durant was featured in a game where he led both teams in scoring with 30 points. However, the passage does not directly mention where Kevin Durant went in the NBA draft." + }, + { + "id": "8725287", + "title": "Kevin Durant", + "text": "State but were upset in the second round by USC despite a 30-point and 9-rebound performance from Durant. For his outstanding play, Durant was recognized as the unanimous national player of the year, winning the John R. Wooden Award, the Naismith College Player of the Year Award, and all eight other widely recognized honors and awards. This made Durant the first freshman to win any of the national player of the year awards. On April 11, he officially declared for the NBA draft. His #35 jersey was later retired by the Longhorns. Durant was selected as the second overall pick", + "score": 0.72509765625, + "summary": "Kevin Durant was selected as the second overall pick in the NBA draft.", + "extraction": "Durant was selected as the second overall pick." + }, + { + "id": "8725288", + "title": "Kevin Durant", + "text": "in the 2007 NBA draft by the Seattle SuperSonics. In his first regular season game, the 19-year-old Durant registered 18 points, 5 rebounds, and 3 steals against the Denver Nuggets. On November 16, he made the first game-winning shot of his career in a game against the Atlanta Hawks. At the conclusion of the season, he was named the NBA Rookie of the Year behind averages of 20.3 points, 4.4 rebounds, and 2.4 assists per game. He joined Carmelo Anthony and LeBron James as the only teenagers in league history to average at least 20 points per game over an", + "score": 0.72412109375, + "summary": "Kevin Durant was drafted by the Seattle SuperSonics in the 2007 NBA draft.", + "extraction": "Kevin Durant was drafted by the Seattle SuperSonics in the 2007 NBA draft." + }, + { + "id": "8725289", + "title": "Kevin Durant", + "text": "entire season. Following Durant's debut season, the SuperSonics relocated from Seattle to Oklahoma City, becoming the Thunder and switching to new colors \u2013 blue, orange, and yellow. The team also drafted UCLA guard Russell Westbrook, who would form an All-Star combination with Durant in later years. At the 2009 NBA All-Star Weekend, Durant set a Rookie Challenge record with 46 points. By the conclusion of the year, he had raised his scoring average by five points from the prior season to 25.3 points per game, and was considered a strong candidate for the Most Improved Player Award, eventually finishing third", + "score": 0.7236328125, + "summary": "Kevin Durant's draft information is not mentioned in the document. Return \"irrelevant\".", + "extraction": "Kevin Durant was drafted in the NBA, but the passage does not specify which team drafted him. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "8725291", + "title": "Kevin Durant", + "text": "would go on to lose the series in six games, but the team's performance led many analysts to label them as an upcoming title contender. Prior to the start of the 2010\u201311 season, Durant announced via Twitter that he had signed a five-year contract extension with the Thunder worth approximately $86 million. For the second consecutive year, he led the NBA in scoring, averaging 27.7 points a game. Behind his leadership, the Thunder won 55 games and earned the fourth seed in the Western Conference. In the playoffs, Oklahoma City defeated the Denver Nuggets and Memphis Grizzlies en route to", + "score": 0.7158203125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information on where Kevin Durant went in the NBA draft." + }, + { + "id": "16855726", + "title": "Keven McDonald", + "text": "the Seattle SuperSonics (now known as the Oklahoma City Thunder). Keven McDonald Keven McDonald (born June 2, 1956) is an American former basketball player who is best known for his collegiate career at the University of Pennsylvania from 1974 to 1978 with the Penn Quakers men's basketball team. He won the Robert V. Geasey Trophy as a junior and was named the Ivy League Player of the Year as a senior. Following his career at Penn, McDonald was selected in the 1978 NBA Draft by the Seattle SuperSonics as the 42nd overall pick. A native of Bloomfield, New Jersey who", + "score": 0.71533203125, + "summary": "Kevin Durant's NBA draft pick is not mentioned in the document. Irrelevant.", + "extraction": "Seattle SuperSonics (now known as the Oklahoma City Thunder) as the 42nd overall pick in the 1978 NBA Draft." + }, + { + "id": "8419343", + "title": "Kevin Love", + "text": "to a Final Four appearance in the 2008 NCAA Tournament. Love was named a consensus First Team All-American and was voted player of the year in the Pac-12 Conference. He elected to forego his remaining three years of college eligibility and entered the 2008 NBA draft. He was taken fifth overall by the Memphis Grizzlies, and was traded to the Minnesota Timberwolves on draft night for the third overall selection, O. J. Mayo, in an eight-player deal. During the 2010\u201311 season, Love established the longest streak for consecutive games recording double figures in points and rebounds since the ABA\u2013NBA merger.", + "score": 0.71435546875, + "summary": "Kevin Durant is not mentioned in the document, therefore the answer is irrelevant.", + "extraction": "Irrelevant. The passage talks about Kevin Love, not Kevin Durant." + }, + { + "id": "16508241", + "title": "Steven Adams", + "text": "and earned Big East All-Rookie Team honours. He started all 32 games during the 2012\u201313 season and averaged 7.2 points, 6.3 rebounds and 2.0 blocks per game. On 2 April 2013, Adams declared for the NBA draft, forgoing his final three years of college eligibility. On 27 June 2013, Adams was selected with the 12th overall pick in the 2013 NBA draft by the Oklahoma City Thunder, becoming the first New Zealander to be selected in the first round of an NBA draft. He also became the first player out of Pittsburgh to be selected in the first round since", + "score": 0.712890625 + }, + { + "id": "8419350", + "title": "Kevin Love", + "text": "fifth overall by the Memphis Grizzlies, immediately after his teammate at UCLA, Russell Westbrook, who was selected by the Seattle SuperSonics. Following the draft, Love was traded, along with Mike Miller, Brian Cardinal, and Jason Collins to the Minnesota Timberwolves, with the third overall pick O. J. Mayo, Antoine Walker, Marko Jari\u0107 and Greg Buckner going to the Grizzlies. Love went on to play in the 2008 NBA Summer League and led all players in rebounding. In his NBA debut on October 29, Love came off the bench to contribute 12 points and nine rebounds in a 98\u201396 win over", + "score": 0.7119140625 + }, + { + "id": "11768466", + "title": "Seattle SuperSonics", + "text": "the 2005 NBA Finals. This appearance also marked the last time that this incarnation of the SuperSonics would make the playoffs. During the off-season in 2005, head coach Nate McMillan left the Sonics to accept a high-paying position to coach the Portland Trail Blazers. After his departure, the team regressed the following season with a 35\u201347 record. On May 22, 2007, the SuperSonics were awarded the 2nd pick in the 2007 NBA draft, equaling the highest draft position the team has ever held. They selected Kevin Durant from the University of Texas. On June 28, 2007, the SuperSonics traded Ray", + "score": 0.7119140625 + }, + { + "id": "14567382", + "title": "2006 boys high school basketball All-Americans", + "text": "their collegiate eligibility, which in most cases is four years of competition in five years of enrollment. Sherron Collins, Kevin Durant, Wayne Ellington, Spencer Hawes, Tywon Lawson, Greg Oden, Brandan Wright and Thaddeus Young were named to all four lists. Among this group, Durant, Hawes, Lawson and Oden were selected to the first team of both organizations that enumerated their selections. Collins was the only one of these to go undrafted. Oden and Derrick Rose were both NBA Draft overall number-one selections, in 2007 and 2008, respectively. Gerald Henderson, Jr. was the highest selection in the 2009 NBA Draft (12th", + "score": 0.708984375 + }, + { + "id": "10474834", + "title": "2007\u201308 Seattle SuperSonics season", + "text": "Orlando Magic. The other trade the Sonics made during the offseason brought 12-year veteran Kurt Thomas from the Phoenix Suns. The SuperSonics began preparations for the regular season on July 7, kicking off Summer League games in Las Vegas. The team finished with a 2\u20136 overall record, with rookies Kevin Durant and Jeff Green leading the team in scoring in the majority of the matches. At the 2007 Draft Lottery the SuperSonics got the second overall pick behind the Portland Trail Blazers, matching their highest overall selection in franchise history. With their first round pick the SuperSonics selected Kevin Durant", + "score": 0.70849609375 + }, + { + "id": "8725286", + "title": "Kevin Durant", + "text": "was named the Washington Post All-Met Basketball Player of the Year, as well as the Most Valuable Player of the 2006 McDonald's All-American Game. He was widely regarded as the second-best high school prospect of 2006. For the 2006\u201307 college season, Durantwho had grown to averaged 25.8 points, 11.1 rebounds, and 1.3 assists per game for the Texas Longhorns as a student at the University of Texas. The Longhorns finished the year with a 25\u201310 record overall and a 12\u20134 record in conference. Awarded a fourth seed in the NCAA Tournament, Texas won their first round match-up against New Mexico", + "score": 0.70703125 + }, + { + "id": "8725290", + "title": "Kevin Durant", + "text": "in the voting. Durant continued to grow during his first few years in the NBA, finally reaching a height of . During the 2009\u201310 season, Durant was selected to his first NBA All-Star Game. Behind his play, the Thunder improved their record by 27 wins from the previous year and defied expectations to make the playoffs. With a scoring average of 30.1 points per game, he became the youngest NBA scoring champion and was selected to his first All-NBA team. In his playoff debut, he scored 24 points in a Game 1 loss against the Los Angeles Lakers. Oklahoma City", + "score": 0.7060546875 + }, + { + "id": "4960600", + "title": "Kendrick Perkins", + "text": "record, with the only loss being a 66\u201354 setback to Fort Worth Dunbar in the state 4A championship game. After his senior season in 2003, Perkins was selected to the McDonald's All-American Game. Considered a five-star recruit by Rivals.com, Perkins was listed as the No. 3 center and the No. 6 player in the nation in 2003. He had originally committed to Memphis, but opted instead to make the jump to the NBA straight out of high school. The 6'10\" center was drafted in the first round with the 27th pick of the 2003 NBA draft by the Memphis Grizzlies,", + "score": 0.70556640625 + }, + { + "id": "2802836", + "title": "Kevin Garnett", + "text": "basketball was influenced in part by his failure to score well enough on the ACT test to meet NCAA requirements for freshman eligibility. Garnett told \"Student Sports Magazine\" in 1995 that if he had attended college he would have chosen to play college basketball for the University of Maryland. Garnett was drafted with the fifth overall pick in the 1995 NBA draft by the Minnesota Timberwolves, and became the first player to be drafted directly out of high school since 1975. Since joining the NBA for the 1989\u201390 season, the Timberwolves had not won more than 29 games in any", + "score": 0.705078125 + }, + { + "id": "20201062", + "title": "Kevin Hervey", + "text": "Hervey averaged 21.1 points and 8.7 rebounds per game. He was named to the first-team All-Sun Belt team for the second consecutive year. Hervey was chosen with 57th pick in the 2018 NBA Draft by the Oklahoma City Thunder. He became the fourth player from the Universtiy of Texas-Arlington to be selected in an NBA Draft, with the last players being selected in 1982. Hervey averaged 7.2 points, 2.6 rebounds and one assist per game in five summer league games. On October 5, 2018, he was signed by the Thunder's G League affiliate Oklahoma City Blue. Kevin Hervey Kevin Hervey", + "score": 0.70361328125 + }, + { + "id": "15497769", + "title": "Jeremy Lamb", + "text": "the first round of the NCAA Tournament after losing to Iowa State University. Following the 2012 season, Lamb declared for the NBA draft. Lamb was selected with the 12th overall pick in the 2012 NBA draft by the Houston Rockets. On October 27, 2012, Lamb was traded to the Oklahoma City Thunder along with Kevin Martin, two first-round draft picks, and a second-round draft pick, in exchange for James Harden, Cole Aldrich, Lazar Hayward and Daequan Cook. During his rookie season, Lamb had several assignments with the Tulsa 66ers of the NBA Development League. On February 4, 2013, Lamb was", + "score": 0.703125 + }, + { + "id": "12159652", + "title": "Oklahoma City Thunder", + "text": "team's head coach the Thunder won the Northwest Division and clinched the third seed in the Western Conference. The team reached the Western Conference Finals for the fourth time in a span of six seasons, but was eliminated by the Golden State Warriors in seven games, after being up 3\u20131. After the season Kevin Durant left the team in free agency for the Warriors. The move was not well received by the public or NBA analysts, with many comparing the move to LeBron James' 2010 off-season departure from Cleveland to join the Miami Heat. On July 7, he was officially", + "score": 0.70263671875 + }, + { + "id": "16613765", + "title": "2012\u201313 Oklahoma City Thunder season", + "text": "to breeze past the Rockets in six games, to advance to the next round, where they faced the Memphis Grizzlies. The absence of Westbrook, however, affected the Thunder and they would end up losing to the Grizzlies in five games. Going into the draft on June 28, 2012, the Thunder retained only their first-round draft pick, their 2012 second-round selection having been previously traded to the Minnesota Timberwolves during the acquisition of Lazar Hayward. The Thunder used their first-round pick (#28 overall) and only pick to select forward Perry Jones III from Baylor University. Head athletic trainer for the Thunder", + "score": 0.7021484375 + }, + { + "id": "6450315", + "title": "Jeff Capel III", + "text": "Sooner guards went 0-15 from beyond the arc during the first 35 minutes of their Elite 8 game against North Carolina, before finally finishing 2\u201319 in the game. This ultimately led to their demise by the Tar Heels on March 29, losing 60\u201372. Blake Griffin, announced he would forgo his final two years of eligibility to enter the NBA draft. He was drafted #1 overall by the Los Angeles Clippers and was the University of Oklahoma's first #1 draft pick in the NBA. Entering his fourth year, Capel's record at OU was 69\u201333 (0.676) overall, 28\u201320 (0.583) conference, with 2", + "score": 0.7021484375 + }, + { + "id": "9747589", + "title": "Rob Pelinka", + "text": "as a freshman for the Wolverines basketball team in the 2009\u201310 season. Pelinka's clients made news off the court as Boozer filed for divorce and Bryant's former housekeeper filed suit against him in March. At the 2009 NBA draft, he represented third overall selection James Harden. Having represented Wright at the 2007 NBA Draft and Gordon at the 2008 draft, this marked the third consecutive year that Pelinka represented a high first round client. Harden signed with the Oklahoma City Thunder, but terms were not disclosed. For the 2009\u201310 NBA season, Wright's contract is at a team option of $2,000,040,", + "score": 0.701171875 + }, + { + "id": "17245846", + "title": "Dakari Johnson", + "text": "He again appeared in 39 games in 2014\u201315 and averaged slightly higher numbers with 6.4 points and 4.6 rebounds per game. On April 9, 2015, Johnson declared for the NBA draft, forgoing his final two years of college eligibility. He was joined alongside fellow Kentucky teammates in Aaron Harrison, Andrew Harrison, Karl-Anthony Towns, Willie Cauley-Stein, Trey Lyles and Devin Booker. On June 25, 2015, Johnson was selected by the Oklahoma City Thunder with the 48th overall pick in the 2015 NBA draft. He later joined the Thunder for the 2015 NBA Summer League where he averaged 7.6 points and 8.6", + "score": 0.70068359375 + }, + { + "id": "14684324", + "title": "Latavious Williams", + "text": "in the NBA. He also became the second player to be drafted from a D-League team to the NBA, after Mike Taylor in 2008. Shortly after being drafted by the Heat, his draft rights were traded to the Oklahoma City Thunder, the NBA team affiliated with the Tulsa 66ers, in exchange for a future second-round pick. He played for the Thunder in the 2010 Orlando Summer League. He played in all five games, averaging 3.2 points and 2.6 rebounds in 13.0 minutes per game. His best game came during the win against the Philadelphia 76ers when he scored 10 points,", + "score": 0.69970703125 + }, + { + "id": "20098354", + "title": "Mohamed Bamba", + "text": "that was previously held by current Utah Jazz center Rudy Gobert. At a private workout, Bamba reportedly ran faster than most of the NBA, including MVP Russell Westbrook, since he had a 3.04 3/4 court sprint. Bamba refused to work out with the Memphis Grizzlies before the draft, and told them not to draft him. On June 21, 2018, Bamba was selected with the sixth overall pick by the Orlando Magic in the 2018 NBA draft. On July 3, 2018, Bamba officially signed a rookie scale contract with the Magic. Bamba played in his first NBA game during the preseason", + "score": 0.69921875 + }, + { + "id": "5340841", + "title": "1990 NBA draft", + "text": "1990 NBA draft The 1990 NBA draft took place on June 27, 1990, in New York City, New York. One of the standouts of this draft is Basketball Hall of Famer Gary Payton. He became a nine-time All-Star, achieved the NBA Defensive Player of the Year award in 1996, won an NBA Championship with the Miami Heat in 2006, holds many statistical records during his tenure with the now defunct Seattle SuperSonics, and was inducted in the Hall of Fame in 2013. The top pick of the draft was Syracuse's Derrick Coleman who was selected by the New Jersey Nets.", + "score": 0.69921875 + }, + { + "id": "9586406", + "title": "Texas Longhorns men's basketball", + "text": "end at the hands of the USC Trojans in the second round of the 2007 NCAA Tournament. Durant became the No. 2 overall pick in the 2007 NBA draft by the former Seattle SuperSonics, and was the 2014 NBA Most Valuable Player with the Oklahoma City Thunder. In the 2009 NCAA Tournament, Texas earned a No. 7 seed in the East Region. The Longhorns defeated the Minnesota Golden Gophers in the first round by a score of 76\u201362 behind the sharp shooting A.J. Abrams. The Longhorns' season came to a close with a 74\u201369 second-round loss at the hands of", + "score": 0.69921875 + }, + { + "id": "10368714", + "title": "Sam Presti", + "text": "Chandler from the New Orleans Hornets for two backups (Chris Wilcox and Joe Smith), but the trade was later rescinded because Chandler failed his required physical. Coach Brooks was retained and in Presti's third season the plan began to provide much improved results. A strong defense arose with the help of Assistant Coach Ron Adams. Kevin Durant, whom Presti drafted in 2007, became the league's leading scorer and other higher draft picks obtained in the previous weak seasons and a few veterans successfully filled roles and improved the team's record to 50\u201332. The Thunder played the eventual champion Los Angeles", + "score": 0.69873046875 + }, + { + "id": "3326097", + "title": "2003 NBA draft", + "text": "2003 NBA draft The 2003 NBA draft was held on June 26, 2003, at The Theater at Madison Square Garden in New York City, New York. The NBA announced that 41 college and high school players and a record 31 international players had filed as early-entry candidates for the 2003 NBA draft. The Cleveland Cavaliers, who had a 22.50 percent probability of obtaining the first selection, won the NBA draft lottery on May 22, and Cleveland chairman Gordon Gund said afterward his team would select LeBron James. The Detroit Pistons and the Denver Nuggets were second and third respectively. The", + "score": 0.69873046875 + }, + { + "id": "3026967", + "title": "Tim Hardaway", + "text": "Invitational Tournament, in 1987 and 1988, and he played on teams that went to the NCAA Tournaments in 1988 and 1989. At UTEP he won the Frances Pomeroy Naismith Award as the best college player in the nation six feet (1.83 m) tall or under. He was selected as the 14th pick of the first round, in the 1989 NBA draft by the Golden State Warriors. In his rookie season, Hardaway wore number \"5\", as Manute Bol wore Hardaway's \"10\". After Bol left the Warriors, Hardaway inherited it. Hardaway, Mitch Richmond, and Chris Mullin formed \"Run TMC\" (the initials of", + "score": 0.69873046875 + }, + { + "id": "8232430", + "title": "2009 NBA draft", + "text": "2009 NBA draft The 2009 NBA draft was held on June 25, 2009, at the WaMu Theatre at Madison Square Garden in New York City. In this draft, the National Basketball Association (NBA) teams took turns selecting amateur U.S. college basketball players and other eligible players, including international players. The Los Angeles Clippers, who won the draft lottery on May 19, 2009, used their first overall draft pick to draft Blake Griffin from University of Oklahoma. However, he missed the entire 2009\u201310 season due to surgery on his broken left kneecap, which he injured during the pre-season. Tanzanian-born Hasheem Thabeet", + "score": 0.69873046875 + }, + { + "id": "12159644", + "title": "Oklahoma City Thunder", + "text": "all of regulation time in the game. In the 2012 NBA Finals against the Miami Heat, the Thunder won the first game at home but then lost four in a row and lost the series in five games. In the 2012 NBA draft, the Thunder selected Baylor University forward Perry Jones III with the 28th overall pick. The Thunder also signed free agents Hasheem Thabeet and Daniel Orton, and signed guards Andy Rautins and DeAndre Liggins. They re-signed forward Serge Ibaka to a four-year, $48 million extension. After failing to sign James Harden to an extension that was reportedly worth", + "score": 0.697265625 + }, + { + "id": "14684023", + "title": "Magnum Rolle", + "text": "push him around, he was an intense player and would not back down if challenged. Thomas compared Rolle to former LSU teammate Tyrus Thomas. On June 25, Rolle was chosen with the 51st overall pick by the Oklahoma City Thunder. His rights were traded to the Pacers for Ryan Reid, who was the 57th overall pick, along with undisclosed cash considerations. Rolle was the first NBA player drafted out of Louisiana Tech since Paul Millsap was picked by the Utah Jazz with the 47th pick of the 2006 NBA Draft. In addition, he was the first Grand Bahamian selected in", + "score": 0.69677734375 + }, + { + "id": "16074926", + "title": "Mitch McGary", + "text": "draft picks since the 1990 NBA draft. With Burke and Hardaway having been drafted the year before, every player that started in the 2013 NCAA Men's Division I Basketball Championship Game was drafted either in the 2013 or 2014 NBA draft. On July 5, 2014, McGary signed with the Thunder and joined them for the 2014 NBA Summer League. On the first possession of his first NBA Summer League game, McGary issued a halfcourt pass for a lob slam dunk by Jeremy Lamb, highlighting the passing that he is known for. On October 8 during training camp, McGary fractured the", + "score": 0.69677734375 + }, + { + "id": "19559502", + "title": "Terrance Ferguson", + "text": "4.6 points and 1.2 rebounds in 15.2 minutes per game. Following the conclusion of the season, Ferguson returned to the US to begin preparations for the 2017 NBA draft. On June 22, 2017, Ferguson was selected by the Oklahoma City Thunder with the 21st overall pick in the 2017 NBA draft. On July 29, 2017, he signed his rookie scale contract with the Thunder. On November 14, 2017, he was assigned to the Oklahoma City Blue of the NBA G League. He was recalled the next day. On January 3, 2018, in his first career start, Ferguson scored a career-high", + "score": 0.69580078125 + }, + { + "id": "8232425", + "title": "2008 NBA draft", + "text": "the Year Award, making him the first player to be drafted first overall and to win Rookie of the Year since LeBron James in 2003. The Miami Heat used the second pick to draft Michael Beasley from Kansas State University, and the Minnesota Timberwolves used the third pick to draft O. J. Mayo from University of Southern California. With five players taken in the draft, the University of Kansas tied University of Connecticut (2006) and University of Florida (2007) for the record with the most players selected in the first two rounds of an NBA draft. Another record was set", + "score": 0.69580078125 + }, + { + "id": "11684817", + "title": "Patrick O'Bryant", + "text": "to return to college. However, O'Bryant made his declaration official the following month when he hired Andy Miller as his agent. On June 28, 2006, O'Bryant was selected by the Golden State Warriors with the 9th overall pick in the 2006 NBA draft. On September 6, he was diagnosed with a fracture in his right foot. He was placed in an immobilizing boot on the injured foot and missed six weeks of training camp. He played sparingly in the 2006\u201307 season. O'Bryant became the first NBA lottery pick to be sent down to the Bakersfield Jam of the D-League on", + "score": 0.69580078125 + }, + { + "id": "13006215", + "title": "2006\u201307 Missouri Tigers men's basketball team", + "text": "East Player of the Year honors in 2010 and was drafted fourth in the 2010 NBA Draft. Four days later, a heavily favored Texas Longhorns team dominated Missouri in Austin, thanks to 34 points from Kevin Durant. Then, in the midst of another ice storm, Missouri dropped a home game to Kansas State. The Tigers nearly recovered from a 16-point hole in the second half, and trailed by just five points with less than a minute to play. However, with a chance to throw down a monstrous dunk in the open court, junior forward Marshall Brown missed the jam and", + "score": 0.6953125 + }, + { + "id": "13491718", + "title": "2009\u201310 Oklahoma City Thunder season", + "text": "2009\u201310 Oklahoma City Thunder season The 2009\u201310 Oklahoma City Thunder season was the 2nd season of the franchise's existence in Oklahoma City as a member of the National Basketball Association (NBA). With NBA scoring champion Kevin Durant, second-year point guard Russell Westbrook, and forward Jeff Green leading the way, the Thunder made the playoffs as the youngest team in the NBA with the 28th highest total salary in the league. The team became the youngest NBA playoff team (23.19, using data going back to 1952) based on average age weighted by minutes played. The Thunder were then eliminated by the", + "score": 0.6953125 + }, + { + "id": "10472959", + "title": "2007\u201308 Boston Celtics season", + "text": ", and seventeenth in franchise history, the most in NBA history. However, they had a far more difficult path to this championship, playing 26 games, the most any team had ever played in a post-season. On May 22, the Celtics were assigned the 5th overall selection in the NBA Draft Lottery, essentially losing their chance of drafting either Greg Oden or Kevin Durant, who both were considered to go 1st and 2nd in the draft. The 5th pick was the worst-case scenario for the Celtics, who had a 19.9% chance of obtaining the 1st overall selection. However, on June 28,", + "score": 0.69482421875 + }, + { + "id": "8725304", + "title": "Kevin Durant", + "text": "to go with seven rebounds and five assists in a series-clinching win. For the Finals, Durant was the Golden State's top scorer in every game, averaging 35.2 points, 8.4 rebounds, and 5.4 assists while shooting 55.5 percent from the field, 47.4 percent from three-point range, and 92.7 percent from the free throw line. He was subsequently named the Bill Russell NBA Finals Most Valuable Player. After the Finals, Durant declined his $27.7 million player option and became an unrestricted free agent. On July 25, he re-signed with the Warriors for less money than the maximum, which helped the franchise create", + "score": 0.6943359375 + }, + { + "id": "13396573", + "title": "Scott Perry (basketball)", + "text": "two Eastern Conference Championships (2004, 2005) and the 2004 NBA championship. Afterward, Perry served as the assistant general manager for the Seattle SuperSonics for one season (2007\u201308). He was part of the front office staff that drafted Kevin Durant to the Sonics/Thunder in the first round with the second overall pick. He then returned to the Pistons to become vice president of basketball operations from 2008 to 2012. On June 25, 2012, Perry was hired by the Orlando Magic general manager Rob Hennigan to become Hennigan's vice president and assistant general manager. ESPN basketball analyst and former NBA player Chauncey", + "score": 0.69384765625 + }, + { + "id": "12159633", + "title": "Oklahoma City Thunder", + "text": "Seattle. \"Forbes\" also noted an increase in percentage of available tickets sold, from 78 percent in the team's last season in Seattle to 100 percent in 2008\u201309. After an inaugural season filled with many adjustments, the Thunder hoped to improve during their second season in Oklahoma City. Oklahoma City did not make any major moves in the off-season, other than drafting James Harden from Arizona State University with the third overall pick in the NBA Draft. The Thunder selected Rodrigue Beaubois with the 25th pick in the 2009 draft before immediately trading him to the Dallas Mavericks for the 24th", + "score": 0.69384765625 + }, + { + "id": "12159647", + "title": "Oklahoma City Thunder", + "text": "losing four straight games after winning Game 1 at home. In the 2013 NBA draft, the Thunder selected 12th pick Steven Adams, traded for the 26th pick Andre Roberson, and selected 47th pick Grant Jerrett. Kevin Martin's contract expired, and he soon signed with the Timberwolves. In addition to Oklahoma City's off-season movements, they signed free agent Ryan Gomes and re-signed Derek Fisher. The team finished second in the conference to San Antonio with a 59\u201323 record. They met the Memphis Grizzlies for the third time in the playoffs. It also sparked a news article which reportedly called Durant \"Mr.", + "score": 0.6923828125 + }, + { + "id": "20548866", + "title": "Tyler Davis (basketball)", + "text": "SEC play. He led the team in scoring as a junior with 14.9 points per game while finishing second in rebounding behind Robert Williams with 8.9 rebounds per game. Following the season he declared for the NBA draft. After going undrafted in the 2018 NBA draft, Davis joined the Brooklyn Nets for NBA Summer League play. On August 13, 2018, the Oklahoma City Thunder signed Davis to a two-way contract. Davis made his NBA debut on November 28, 2018 against the Cleveland Cavaliers, playing one minute and grabbing a rebound. Davis represented the Puerto Rican national team at the 2017", + "score": 0.69140625 + }, + { + "id": "10240536", + "title": "2011 NBA draft", + "text": "2011 NBA draft The 2011 NBA draft was held on June 23, 2011, at Prudential Center in Newark, New Jersey. The draft started at 7:00 p.m. Eastern Daylight Time (2300 UTC), and was broadcast in the United States on ESPN. In this draft, National Basketball Association (NBA) teams took turns selecting amateur U.S. college basketball players and other eligible players, including international players. The Cleveland Cavaliers had the first pick due to a previous trade they had involving the Los Angeles Clippers, choosing point guard Kyrie Irving of Duke. Of the 60 players drafted, 7 were freshmen, 7 were sophomores,", + "score": 0.69140625 + }, + { + "id": "5461394", + "title": "Monta Ellis", + "text": "paper in 2005. Considered a five-star recruit by Rivals.com, Ellis was listed as the No. 2 shooting guard and the No. 3 player in the nation in 2005. Ellis originally committed to Mississippi State University, but later decided to enter the NBA draft. Ellis was selected by the Golden State Warriors in the second round of the 2005 NBA draft with the 40th overall pick. He scored his first points on December 7, 2005 against the Phoenix Suns on a three-point shot and was inserted into the starting lineup late in the 2005\u201306 NBA season, along with fellow rookie Ike", + "score": 0.69140625 + }, + { + "id": "10258636", + "title": "Patrick Patterson (basketball)", + "text": "option for scoring and rebounding. Patterson also improved his outside shot, shooting about 40% from the 3-point line all season (compared to no 3-pointers made in the previous seasons). During this season, Patterson helped the team win the SEC Tournament and achieve a #1 seed in the NCAA Tournament for the first time since 2004. On April 23, 2010, Patterson entered the 2010 NBA draft; by the time of the draft, he had completed his coursework and earned a degree from UK. On June 24, 2010, Patterson was selected in the NBA draft by the Houston Rockets with the fourteenth", + "score": 0.6904296875 + }, + { + "id": "11037826", + "title": "Serge Ibaka", + "text": "he can be\". Ibaka was selected by the Seattle SuperSonics with the 24th pick in the 2008 NBA draft. He became the first player from the Republic of Congo to be selected in the draft, although the Oklahoma City Thunder (the team that inherited the Sonics' place in the NBA six days after the draft) agreed to keep him in Europe. He then signed a three-year contract with Ricoh Manresa from the ACB League in Spain, keeping the option to leave for the NBA after each season. In the ACB, he averaged 7.1 points, 4.5 rebounds, and 1 block in", + "score": 0.6904296875 + }, + { + "id": "19795145", + "title": "Kevin Knox (basketball)", + "text": "First Team All-SEC. The team turned around their fortunes in time to win the SEC tournament, with Knox totaling 18 points and 7 rebounds in the final against Tennessee. On April 6, 2018, Knox declared for the 2018 NBA draft and hired an agent, foregoing his final three years of college eligibility. On June 21, 2018, Knox was selected with the ninth overall pick by the New York Knicks in the 2018 NBA draft. On July 5, 2018, the New York Knicks announced that they had signed with Knox. On October 17, 2018, Knox made his debut in NBA, coming", + "score": 0.68994140625 + }, + { + "id": "18531030", + "title": "2015 NBA draft", + "text": "2015 NBA draft The 2015 NBA draft was held on June 25, 2015, at Barclays Center in Brooklyn. It was televised nationally in the U.S. by ESPN. National Basketball Association (NBA) teams took turns selecting amateur U.S. college basketball players and other eligible players, including international players. The draft lottery took place on May 19, 2015. The Minnesota Timberwolves won the draft lottery to earn the first overall pick in the draft. It marked the first time in Timberwolves history that they would receive the first overall pick through the lottery. The player selected would also be the third consecutive", + "score": 0.68994140625 + }, + { + "id": "9976381", + "title": "Daequan Cook", + "text": "a one-point loss to the L.A. Clippers. He scored a new career-high of 27 against the Phoenix Suns on March 4, 2009, going 6\u20138 from 3-point range. Cook won the 2009 NBA All-Star Weekend Three-Point Shootout in Phoenix, ending Jason Kapono's two-year winning streak. On June 23, 2010, Cook was traded with the 18th pick in the 2010 Draft to the Oklahoma City Thunder for the 32nd pick in the 2010 Draft. In 2010\u20132011, Cook emerged as a useful bench player for the Thunder, mostly as a three-point specialist. He was a key player in the Thunder's emergence as a", + "score": 0.689453125 + }, + { + "id": "5812883", + "title": "Ruben Patterson", + "text": "mother would have wanted me to play,\" Patterson later explained. Patterson started off his college basketball career in the small town of Independence, Kansas at the Independence Community College. He later transferred to the University of Cincinnati. Patterson was a second-round selection of the 1998 NBA Draft (31st pick overall), chosen by the Los Angeles Lakers. Due to the lock-out season of 1998, he started the season in the Greek league playing with AEK Athens BC where he averaged 12.6 points and 3.6 rebounds in 19 games. He later played for the Lakers, the Seattle SuperSonics, the Portland Trail Blazers,", + "score": 0.68896484375 + }, + { + "id": "19516884", + "title": "2016\u201317 Oklahoma City Thunder season", + "text": "the Thunder\u2019s first season since 2006-07 without Kevin Durant as he had announced he would leave the Thunder and sign with the Golden State Warriors, whom had finished with the best-ever regular season record of 73-9 the season before. The Thunder originally did not have a pick in the 2016 NBA Draft, however made a blockbuster trade the day of the draft, sending Serge Ibaka to the Orlando Magic in exchange for Victor Oladipo, Ersan \u0130lyasova, and the draft rights to the 11th overall pick in the 2016 NBA Draft (Domantas Sabonis). They additionally drafted Daniel Hamilton with the 56th", + "score": 0.6884765625 + }, + { + "id": "20987439", + "title": "Bob Patterson (basketball)", + "text": "senior. He was also the first Tulsa player to be selected as an All-American, earning first-team honors from Look Magazine and a third-team choice by the Newspaper Enterprise Association. After graduating from Tulsa, Patterson was drafted by the Boston Celtics in the fifth round of the 1955 NBA draft. He was the first Hurricane player to be drafted by the NBA. Patterson left Tulsa as the school's all-time leading scorer and rebounder (both marks since eclipsed). He was the first basketball player selected to the school's athletic hall of fame as well as the first to have his jersey retired", + "score": 0.6884765625 + }, + { + "id": "9116454", + "title": "History of the Portland Trail Blazers", + "text": "selected Ohio State center Greg Oden with the No. 1 pick in the draft. Some had speculated that they might choose Kevin Durant instead; Durant was picked at No. 2 by regional rivals the Seattle SuperSonics. Oden suffered a pre-season knee injury requiring microfracture surgery, and missed the entire 2007\u201308 season. Oden's constant battle with injuries and Durant's success resulted in comparisons to the Blazers' selection of Sam Bowie over Michael Jordan in 1984. Despite this, the Trail Blazers had a 13-game winning streak that began in early December, resulting in a 13\u20132 record, an NBA best, for the month", + "score": 0.6884765625 + }, + { + "id": "5384465", + "title": "Joe Smith (basketball)", + "text": "Philadelphia 76ers; he then played for the Minnesota Timberwolves (with a mid-way pitstop for the Detroit Pistons) until 2003. He later played for the Milwaukee Bucks, the Denver Nuggets, the 76ers again, the Chicago Bulls, the Oklahoma City Thunder, the Cleveland Cavaliers, the Atlanta Hawks, the New Jersey Nets, and the Los Angeles Lakers. Smith attended Maury High School and played at the University of Maryland. In the 1995 NBA draft, Smith was selected by the Golden State Warriors as the first overall pick, before fellow power forwards Kevin Garnett, Antonio McDyess and Rasheed Wallace, as well as guard Jerry", + "score": 0.6884765625 + }, + { + "id": "16150882", + "title": "Jerome Dyson", + "text": "the following season and scored 17.7 points and 4.4 assists per game. In March 2010, the Sporting News named Dyson their 2010 Comeback Player of the Year. Dyson went undrafted in the 2010 NBA draft and played with the Cleveland Cavaliers and Oklahoma City Thunder during the 2010 summer league and preseason before being cut. He then signed with the Thunder's NBA Development League affiliate, the Tulsa 66ers. He appeared in 47 games with the 66ers, starting 10. He averaged 15.5 points and 27.3 minutes per game and was the team's leading scorer. Following the season, Dyson was named to", + "score": 0.68798828125 + }, + { + "id": "16406596", + "title": "Kris Dunn", + "text": "draft. Dunn graduated from Providence and received his college degree following the end of the season. According to ESPN, Dunn was listed as the number two point guard and would likely be a top ten pick in the draft. On June 23, 2016, Dunn was selected by the Minnesota Timberwolves with the fifth overall pick in the 2016 NBA draft. On July 7, he signed his rookie scale contract with the Timberwolves and joined the team for the 2016 NBA Summer League. Dunn scored a team-high 27 points in his Summer League debut. He managed just two Summer League games", + "score": 0.68798828125 + }, + { + "id": "3326101", + "title": "2003 NBA draft", + "text": "but have played at least one game in the NBA. Incomplete 2003 NBA draft The 2003 NBA draft was held on June 26, 2003, at The Theater at Madison Square Garden in New York City, New York. The NBA announced that 41 college and high school players and a record 31 international players had filed as early-entry candidates for the 2003 NBA draft. The Cleveland Cavaliers, who had a 22.50 percent probability of obtaining the first selection, won the NBA draft lottery on May 22, and Cleveland chairman Gordon Gund said afterward his team would select LeBron James. The Detroit", + "score": 0.68798828125 + }, + { + "id": "10473144", + "title": "2007\u201308 Philadelphia 76ers season", + "text": "with the Denver Nuggets for Allen Iverson. They used these picks to select guard Daequan Cook from Ohio State and Petteri Koponen from Finland. In the second round the Sixers selected center Kyrylo Fesenko with the 30th overall pick. During the draft, Daequan Cook was traded to the Miami Heat for also recently drafted forward Jason Smith. Petteri Koponen was traded to the Portland Trail Blazers for swingman Derrick Byars. Finally, Kyrylo Fesenko was traded to the Utah Jazz for forward/center Herbert Hill. Philadelphia's selections from the 2007 NBA Draft in New York, New York. The 76ers have been involved", + "score": 0.68798828125 + }, + { + "id": "9191628", + "title": "PG Jaguars", + "text": "Player of the Year and 2007 #2 NBA Draft pick Kevin Durant (Golden State Warriors), 2007 McDonald's All American Game MVP, 2008 Big 12 Player of the Year and 2008 #2 NBA Draft pick Michael Beasley (Heat) and Chris Braswell (Charlotte). Other former PG Jaguars include: Eddie Basden (UNC-Charlotte, Cleveland Cavaliers), Chris McCray (Maryland, Milwaukee Bucks), Bobby Maze (Oklahoma, Tennessee), Tony Durant (Towson), Brice Plebani (Georgetown [football]), and Cortez Davis (Rutgers). PG Jaguars The PG Jaguars were an AAU basketball organization based in Prince George's County, Maryland. While the organization has teams at every age level, the organization is best", + "score": 0.68798828125 + }, + { + "id": "9871131", + "title": "Memphis Tigers men's basketball", + "text": "Team before the Barcelona Olympics. During the 1992\u20131993 season, Hardaway earned Memphis State's first triple-double and then the first back-to-back triple-doubles in wins over Georgia State and Vanderbilt. On February 6, 1993, the school achieved its 1,000th all-time basketball victory in an upset over No. 4 Cincinnati. After the season, Penny Hardaway left for the NBA Draft where he was selected third overall by the Golden State Warriors. He became the most successful NBA player in history to matriculate from the Memphis basketball program. In 1994, Memphis State changed its name to the University of Memphis. In 1995, the Memphis", + "score": 0.6875 + }, + { + "id": "16087633", + "title": "2014 NBA draft", + "text": "2014 NBA draft The 2014 NBA draft was held on June 26, 2014, at Barclays Center in Brooklyn. National Basketball Association (NBA) teams took turns selecting amateur U.S. college basketball players and other eligible players, including international players. The draft lottery took place on May 20, 2014. The Cleveland Cavaliers won the draft lottery to earn the first overall pick in the draft; this is the fourth number-one pick for Cleveland since 2003 and third number-one pick over a four-year span from 2011\u20132014. This draft would also be the first for the reborn Charlotte Hornets, who played as the Bobcats", + "score": 0.6875 + }, + { + "id": "16734172", + "title": "Domantas Sabonis", + "text": "participate in NBA Draft Combine. Instead, he participated in four pre-draft workouts with the Phoenix Suns, Toronto Raptors, Boston Celtics and Utah Jazz. Sabonis was selected 11th overall by the Orlando Magic in the 2016 NBA draft. He was traded to the Oklahoma City Thunder along with Ersan \u0130lyasova and Victor Oladipo for Serge Ibaka on draft night. He did not participate in the 2016 NBA Summer League in order to join the Lithuania men's national basketball team training camp. On August 12, 2016, he signed his rookie scale contract with the Thunder. He made his debut for the Thunder", + "score": 0.6875 + }, + { + "id": "16855721", + "title": "Keven McDonald", + "text": "Keven McDonald Keven McDonald (born June 2, 1956) is an American former basketball player who is best known for his collegiate career at the University of Pennsylvania from 1974 to 1978 with the Penn Quakers men's basketball team. He won the Robert V. Geasey Trophy as a junior and was named the Ivy League Player of the Year as a senior. Following his career at Penn, McDonald was selected in the 1978 NBA Draft by the Seattle SuperSonics as the 42nd overall pick. A native of Bloomfield, New Jersey who graduated from New Jersey's Seton Hall Prep in 1974, McDonald", + "score": 0.6875 + }, + { + "id": "20206997", + "title": "Death Lineup", + "text": "to lose a Finals series after being ahead 3\u20131. During the off-season, Golden State signed former league MVP and four-time scoring champion Kevin Durant to replace Harrison Barnes, who had averaged just five points and made only 5 of 32 shots during the last three losses in the Finals. With Durant leaving the Oklahoma City Thunder, the Warriors' opponents in the 2016 Western Conference Finals, the move was seen as a disruption in the competitive balance of the NBA, and the Warriors instantly became title favorites. The move gave the Death Lineup four players who have averaged at least five", + "score": 0.68701171875 + }, + { + "id": "18688581", + "title": "Cameron Payne", + "text": "was the Ohio Valley Conference Player of the Year after he averaged 20.2 points, 6.0 assists, 3.7 rebounds and 1.9 steals per game. Payne opted to declare for the NBA Draft after his sophomore season. During workouts prior to the NBA draft, Payne broke the ring finger on his non-shooting hand. The injury did not require surgery. On June 25, 2015 Payne was selected by the Oklahoma City Thunder with the 14th overall pick in the 2015 NBA draft. On July 10, 2015, he signed his rookie scale contract with the Thunder. He made his debut for the Thunder on", + "score": 0.68701171875 + }, + { + "id": "18076919", + "title": "2014\u201315 Oklahoma City Thunder season", + "text": "2014\u201315 Oklahoma City Thunder season The 2014\u201315 Oklahoma City Thunder season was the 7th season of the franchise in Oklahoma City and the 48th in the National Basketball Association (NBA). The Thunder would suffer from injuries, mainly to Kevin Durant, who underwent surgery and was shut down for the rest of the season. Despite this, the Thunder remained in playoff contention, but a four-game losing streak at the beginning of April cost them as they finished 45\u201337 with the New Orleans Pelicans and were eliminated on a tie breaker. The Thunder missed the playoffs for the first time since 2009,", + "score": 0.6865234375 + }, + { + "id": "9446696", + "title": "2010 NBA draft", + "text": "2010 NBA draft The 2010 NBA draft was held on June 24, 2010, at the Theatre at Madison Square Garden in New York City, New York. The draft, which started at 7:00 pm Eastern Daylight Time (2300 UTC), was broadcast in the United States on ESPN. In this draft, National Basketball Association (NBA) teams took turns selecting amateur U.S. college basketball players and other eligible players, including international players. This draft set a record with five players being drafted from the same school in the first round. The players were John Wall (first), DeMarcus Cousins (fifth), Patrick Patterson (fourteenth), Eric", + "score": 0.6865234375 + }, + { + "id": "16074894", + "title": "Mitch McGary", + "text": "Mitch McGary Mitchell Neil William \"Mitch\" McGary (born June 6, 1992) is an American former professional basketball player who is currently a bowler. A native of Chesterton, Indiana, McGary declared for the NBA draft after completing his sophomore season for the 2013\u201314 Michigan Wolverines men's basketball team. He was drafted 21st overall by the Oklahoma City Thunder in the 2014 NBA draft. At the time of his National Letter of Intent signing with Michigan Wolverines basketball, ESPN.com and Scout.com ranked McGary as the number two player in the United States high school class of 2012, while Rivals.com ranked him as", + "score": 0.68603515625 + }, + { + "id": "18925797", + "title": "Lemar Durant", + "text": "the 2015 NFL Draft.. Both the Seattle Seahawks and the New York Giants offered him tryouts, but he was eventually signed by the Calgary Stampeders. The CFL Scouting Bureau ranked Durant eighth among the draft class in their final rankings. Durant was selected in the second round of the 2015 CFL Draft by the Calgary Stampeders with the 18th overall pick. After recording 85 yards on five catches in the final pre-season game, Durant remained on the team into the regular season. Durant made his CFL debut on July 18, 2015 against the Winnipeg Blue Bombers, catching one pass for", + "score": 0.68603515625 + }, + { + "id": "18864037", + "title": "2015\u201316 Golden State Warriors season", + "text": "the scoring title, averaging 30.1 points per game and led the league in steals and had the best free throw percentage. He became the seventh player to enter the 50\u201340\u201390 club (he shot 50% for field goals, 45% for three-pointers and 91% for free throws during the entire regular season). The 2015 NBA draft took place on June 25 at Barclays Center in Brooklyn, New York. Golden State chose power forward Kevon Looney with the 30th pick of the first round. On July 27, the Warriors traded David Lee to the Boston Celtics for Gerald Wallace and Chris Babb. Four", + "score": 0.68603515625 + }, + { + "id": "4145160", + "title": "1989 NBA draft", + "text": "1989 NBA draft The 1989 NBA draft took place on June 27, 1989, in New York City, New York, USA. Despite eight of the top ten picks being considered busts, including the first two picks Pervis Ellison and Danny Ferry, the draft did produce a lot of talented players such as Shawn Kemp, Glen Rice, Sean Elliott, Nick Anderson, Dana Barros, Tim Hardaway, Vlade Divac, Cliff Robinson, B. J. Armstrong and Mookie Blaylock, The draft was reduced from three rounds in the previous year to the two-round format still in use. This was also the first draft televised prime time", + "score": 0.68505859375 + }, + { + "id": "9936749", + "title": "Mike Conley Jr.", + "text": "but ended up signing with his father several weeks before the draft. Conley joined fellow Buckeye teammates Greg Oden and Daequan Cook in declaring for the 2007 NBA draft. Conley and Oden were represented by Conley's father who became certified as an agent by the NBA just prior in the year. Conley was drafted by the Memphis Grizzlies with the fourth overall pick after Greg Oden, Kevin Durant, and Al Horford. Conley made his first major appearances in January 2008. Conley's first five career games, he scored 5, 10, 11, 11, and 15 points respectively. He scored a season-high 20", + "score": 0.68505859375 + }, + { + "id": "5340813", + "title": "1980 NBA draft", + "text": "would be eligible for selection. The draft consisted of 10 rounds comprising the selection of 214 players. This draft has the distinction of being the first NBA Draft to be televised. Joe Barry Carroll from Purdue University was selected first overall by the Golden State Warriors. Darrell Griffith from the University of Louisville was selected second by the Utah Jazz. He went on to win the Rookie of the Year Award in his first season. Kevin McHale from the University of Minnesota was selected third by the Boston Celtics. McHale spent his entire 13-year career with the Celtics and won", + "score": 0.6845703125 + }, + { + "id": "16114048", + "title": "Archie Goodwin (basketball)", + "text": "the 2013 NBA draft. He was the second-youngest player to declare for the 2013 draft behind Greece's Giannis Antetokounmpo and the youngest overall American college player. On June 27, 2013, Goodwin was chosen by the Oklahoma City Thunder with the 29th overall pick in the 2013 NBA draft. His rights were then traded to the Golden State Warriors, before finally to the Phoenix Suns, all on draft night. On July 12, 2013, he signed his rookie scale contract with the Suns and joined them for the 2013 NBA Summer League. In his first Summer League game, Goodwin recorded 13 points", + "score": 0.6845703125 + }, + { + "id": "17395104", + "title": "Grant Jerrett", + "text": "City Thunder for cash considerations on draft night. In July 2013, he joined the Thunder for the 2013 NBA Summer League. On November 1, 2013, Jerrett was selected with the first overall pick in the 2013 NBA Development League Draft by the Tulsa 66ers, the Thunder's D-League affiliate team. On April 7, 2014, he signed with the Oklahoma City Thunder for the rest of the 2013\u201314 season. On July 16, 2014, Jerrett re-signed with the Thunder to a multi-year deal. During his sophomore season with the Thunder, he had multiple assignments with the Oklahoma City Blue of the NBA Development", + "score": 0.6845703125 + }, + { + "id": "7249405", + "title": "Glen Davis (basketball)", + "text": "10 free throws before eventually fouling out. On March 20, 2007, Davis held a press conference to announce that he would forgo his senior season at LSU and enter his name into the NBA draft in 2007. On March 20, 2007, it was reported that he had signed with agent John Hamilton of Performance Sports Management to represent him. Davis was drafted by the Seattle SuperSonics with the 35th overall pick in the 2007 NBA draft. The rights to Davis and Ray Allen were traded to the Boston Celtics for Delonte West, Wally Szczerbiak and the rights to the 5th", + "score": 0.6845703125 + }, + { + "id": "16074925", + "title": "Mitch McGary", + "text": "school history marked by a total of 59 wins. McGary signed with sports agent Mark Bartelstein (along with teammate Stauskas). Bartelstein is the father of former Michigan teammate Josh Bartelstein, and agent for former teammate Tim Hardaway, Jr. Due to his continuing rehabilitation for his back, it was unclear whether McGary would attend the NBA Draft Combine. McGary and Bartlestein decided that McGary should not participate in combines at less than 100%. McGary was drafted 21st overall by the Oklahoma City Thunder. With teammates Stauskas and Robinson also being drafted, it marked the first time Michigan had at least three", + "score": 0.68408203125 + }, + { + "id": "17271235", + "title": "Andre\u0301 Roberson", + "text": "averaged 10.9 points and 11.2 rebounds per game. He was named first-team All-Pac-12 and the conference Defensive Player of the Year. At the end of his junior season, Roberson declared his eligibility for the 2013 NBA draft. Roberson was selected with the 26th overall pick in the 2013 NBA draft by the Minnesota Timberwolves, but was later acquired by the Oklahoma City Thunder on draft night. On July 12, he signed with the Thunder after an impressive Summer League performance. During his rookie season, he had multiple assignments with the Tulsa 66ers of the NBA Development League. In July 2014,", + "score": 0.68408203125 + }, + { + "id": "4145161", + "title": "1989 NBA draft", + "text": "on national television. 1989 NBA draft The 1989 NBA draft took place on June 27, 1989, in New York City, New York, USA. Despite eight of the top ten picks being considered busts, including the first two picks Pervis Ellison and Danny Ferry, the draft did produce a lot of talented players such as Shawn Kemp, Glen Rice, Sean Elliott, Nick Anderson, Dana Barros, Tim Hardaway, Vlade Divac, Cliff Robinson, B. J. Armstrong and Mookie Blaylock, The draft was reduced from three rounds in the previous year to the two-round format still in use. This was also the first draft", + "score": 0.68408203125 + }, + { + "id": "16613766", + "title": "2012\u201313 Oklahoma City Thunder season", + "text": "Joe Sharpe was named as one of the medical staff members for USA Basketball's Olympic team in London. In May 2012, Thunder shooting guard James Harden was selected to the 18-man preliminary roster for the USA Olympic basketball team, joining teammates Russell Westbrook and Kevin Durant. On July 7, 2012, all three were announced as members of the final 12-man roster representing the USA in the London Olympic Games. In addition, Thunder forward Serge Ibaka, a naturalized Spanish citizen, was named to Spain's Olympic basketball team for 2012, making four Thunder players represented at the 2012 Olympics. Late on October", + "score": 0.68359375 + }, + { + "id": "17169951", + "title": "2013\u201314 Kentucky Wildcats men's basketball team", + "text": "2013 NBA Draft by the New Orleans Pelicans and traded to the Philadelphia Sixers for in exchange for Jrue Holiday and 42nd pick which was used to select Pierre Jackson. Goodwin was drafted 29th by the Golden State Warriors and traded to the Phoenix Suns in exchange for 30th pick which was used to select Nemanja Nedovic. The earliest preseason predictions were made the day after the 2013 NCAA Men's Division I Basketball Tournament on April 9, before final decisions by college players about declaring for the 2013 NBA Draft and before many high-school players signed a National Letter of", + "score": 0.68359375 + }, + { + "id": "3340951", + "title": "2001 NBA draft", + "text": "were not selected in the draft but have played at least one game in the NBA. 2001 NBA draft The 2001 NBA draft took place on June 27, 2001 in New York City, New York. Kwame Brown became the first high school player to be drafted with the first overall pick in the history of the NBA. The selection of Kwame Brown by the Washington Wizards, over players that have gone on to have more successful NBA careers, has been a source of great criticism, with Brown having been widely labeled one of the worst draft busts in NBA history.", + "score": 0.68310546875 + }, + { + "id": "8725301", + "title": "Kevin Durant", + "text": "for the highest-scoring offense the NBA has seen in decades. He chose life alongside Stephen Curry and Klay Thompson, the greatest shooting backcourt in history, and he chose to go against Andre Iguodala and Draymond Green, two elite defenders, in practices rather than in Western Conference finals games.\" Durant made his debut for the Warriors on October 25 against the San Antonio Spurs, scoring a team-high 27 points in a blowout loss. On November 26, he recorded 28 points, 10 rebounds, five assists, and a career-high six blocked shots in a win over the Minnesota Timberwolves, becoming the first player", + "score": 0.68310546875 + }, + { + "id": "20736965", + "title": "Kevin Huerter", + "text": "hire an agent and remain in the NBA draft, forgoing his final two years of college eligibility on May 30, 2018.. On June 21, 2018, Huerter was selected with the nineteenth overall pick by the Atlanta Hawks in the 2018 NBA draft. On July 1, 2018, Huerter officially signed with the Hawks. Huerter was raised in Clifton Park, New York by his parents Tom and Erin Huerter. He has a brother Thomas Jr. and two sisters Jillian and Meghan. His father Tom led Siena College to its first ever NCAA Tournament in 1989. He helped lead the 14th-seeded Saints to", + "score": 0.6826171875 + } + ], + "answer": "Kevin Durant is an American professional basketball player for the Brooklyn Nets of the National Basketball Association. He played one season of college basketball for the University of Texas, and was selected as the second overall pick by the Seattle SuperSonics in the 2007 NBA draft. He played nine seasons with the franchise, which became the Oklahoma City Thunder in 2008, before signing with the Golden State Warriors in 2016, winning back-to-back championships in 2017 and 2018." + }, + { + "qa_pairs": [ + { + "context": "Swedish actor Mikael Persbrandt portrays Beorn in Peter Jackson's \"\" and in its sequel \".\" In the film, he indicates that his people once lived in the Misty Mountains, but were conquered by the Orcs under Azog, who captured and tortured his people for sport and killed them until only one remained. Beorn eventually escaped, but still carries a chain around his wrist from his imprisonment. In the extended edition, Beorn tells Gandalf of the alliance between the Orcs of Moria and the Necromancer of Dol Guldur, and he also inquires about the nine, who have been seen wandering near the High Fells of Rhudaur. Beorn arrives to the Battle of the Five Armies atop a Great Eagle rather than on foot and does not slay Bolg, who is killed by Legolas in the film adaptation (the Orc commander was also changed to be Azog himself, but Thorin, instead of Beorn, kills Azog in single combat). In the DVD commentary, the production team explained that they normally take great care that characters only speak with accents which were historically present in the British Isles, but they made a major exception for Beorn by letting Persbrandt use his natural Swedish accent. They reasoned that Beorn should logically have a very distinctive and foreign-sounding accent, given that he is the last survivor of an isolated race which had little contact with people from regions such as Gondor or the Shire.", + "question": "Who plays the role of skin changer in Peter Jackson's hobbit?", + "short_answers": [ + "Mikael Persbrandt" + ], + "wikipage": "Beorn" + }, + { + "context": "After Gandalf sends Bilbo to Bard's unit, Bilbo meets Lianna, who tells him he must find Beorn (Michael Gough), a \"skin changer\" currently in the form of a bear, as Beorn is the only one who can defeat Bolg. Bilbo does so, and Beorn kills Bolg. The stunned goblin army rally, but as they do an army of eagles appears on the horizon. At this point, Bilbo is knocked unconscious by a rock. He awakens to find the battle over, with the goblins defeated, whilst men, elves and dwarves have united to face any future dangers. However, Thorin has been mortally wounded. On his deathbed, he apologizes to Bilbo, saying he wishes he had lived his own life more like the Hobbit. As Lake-town begins to rebuild from Smaug's attack, Bilbo takes two small chests of gold and heads back to the Shire, accompanied by Gandalf.", + "question": "Who plays the voice of the skin changer in the hobbit 2003 video game?", + "short_answers": [ + "Michael Gough" + ], + "wikipage": "The Hobbit (2003 video game)" + } + ], + "wikipages": [ + { + "title": "List of Middle-earth characters", + "url": "https://en.wikipedia.org/wiki/List%20of%20Middle-earth%20characters" + }, + { + "title": "List of The Hobbit characters", + "url": "https://en.wikipedia.org/wiki/List%20of%20The%20Hobbit%20characters" + }, + { + "title": "Beorn", + "url": "https://en.wikipedia.org/wiki/Beorn" + }, + { + "title": "The Hobbit (2003 video game)", + "url": "https://en.wikipedia.org/wiki/The%20Hobbit%20%282003%20video%20game%29" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The Hobbit is a film series consisting of three high fantasy adventure films directed by Peter Jackson. The three films are The Hobbit: An Unexpected Journey (2012), The Hobbit: The Desolation of Smaug (2013), and The Hobbit: The Battle of the Five Armies (2014).", + "wikipage": "The Hobbit (film series)" + } + ], + "long_answer": "In Peter Jackson's hobbit film series, Swedish actor Mikael Persbrandt portrays fictional character Beorn. The voice of the skin changer in the hobbit 2003 video game is portrayed by Michael Gough." + }, + { + "knowledge": [ + { + "content": "Beorn is a fictional character created by J. R. R. Tolkien, and part of his Middle-earth legendarium.", + "wikipage": "Beorn" + }, + { + "content": "He appears in The Hobbit as a \"skin-changer\",[T 1] a man who could assume the form of a great black bear.", + "wikipage": "Beorn" + }, + { + "content": "The Swedish actor Mikael Persbrandt portrays Beorn in Peter Jackson's The Hobbit: The Desolation of Smaug and in its sequel The Battle of the Five Armies.[7]", + "wikipage": "Beorn Adaptations" + } + ], + "long_answer": "Beorn is a fictional character created by J. R. R. Tolkien, and part of his Middle-earth legendarium. He appears in The Hobbit as a \"skin-changer\", a man who could assume the form of a great black bear. The Swedish actor Mikael Persbrandt portrays Beorn in Peter Jackson's The Hobbit: The Desolation of Smaug and in its sequel The Battle of the Five Armies. In the 2003 Hobbit video game, Beorn is voiced by Michael Gough." + } + ], + "sample_id": "-8749546022725061810", + "question": "Who plays the skin changer in the hobbit?", + "docs": [ + { + "id": "2570244", + "title": "Thra\u0301in II", + "text": "Hobbit\", Thr\u00e1in is played by Michael Mizrahi, with Thomas Robins playing a younger version of the character. Moreover, in the scenes in Dol Guldur, in the extended cut of \"\", he is portrayed by Antony Sher. In the extended cut of the latter film, it is revealed that Thr\u00e1in was captured by the Orcs during the Battle of Azanulbizar, and that his forefinger was cut off by Azog to claim his family's ring. Thr\u00e1in was held prisoner in Dol Guldur for years before being found by Gandalf, who restored his sanity. Thr\u00e1in tells Gandalf that Smaug and The Necromancer are", + "score": 0.70458984375, + "summary": "Michael Mizrahi and Thomas Robins play Thr\u00e1in II in the Hobbit, while Antony Sher portrays him in the extended cut scenes of Dol Guldur.", + "extraction": "Michael Mizrahi, Thomas Robins, and Antony Sher play Thr\u00e1in II in different scenes of \"The Hobbit\", but the passage does not provide information about who plays the skin changer. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "686442", + "title": "Beorn", + "text": "Beorn Beorn is a fictional character created by J. R. R. Tolkien, and part of his Middle-earth legendarium. He appears in \"The Hobbit\" as a \"skin-changer\", a man who could assume the form of a great black bear. The Man named Beorn lived in a wooden house on his pasture-lands between the Misty Mountains and Mirkwood, to the east of the Anduin. His household included an animal retinue (horses, dogs, sheep, and cows, among others); according to Gandalf, Beorn \"does not eat them; neither does he hunt or eat wild animals\".. He grew large areas of clover for his bees,", + "score": 0.7001953125, + "summary": "Beorn plays the skin changer in \"The Hobbit\" by J.R.R. Tolkien.", + "extraction": "Beorn plays the skin-changer in The Hobbit." + }, + { + "id": "19523420", + "title": "Michael Hobbs (actor)", + "text": "opposite Harriet Thorpe. On film, Hobbs appeared in \"Carry on Columbus\" (1992), \"London Suite\" (1996), \"Fairytale of London Town\" (2010), and \"My Week with Marilyn\" (2011). On stage Hobbs appeared in a UK tour as Mellefont in Congreve\"'s\" restoration comedy \"The Double Dealer\" (1991) opposite Paul Eddington; with the English Shakespeare Company on a European tour as 'Launcelot Gobbo' in \"The Merchant of Venice\" (1994). In 2007 Hobbs played 'Lord Elrond', 'Treebeard', and 'Bill Ferny' in the musical adaptation of \"The Lord of the Rings\", directed by Matthew Warchus at the Theatre Royal, Drury Lane. In 2012 Hobbs played 'Gary", + "score": 0.69970703125, + "summary": "Irrelevant.", + "extraction": "Michael Hobbs played 'Lord Elrond', 'Treebeard', and 'Bill Ferny' in the musical adaptation of \"The Lord of the Rings\" and therefore played the skin changer in the hobbit." + }, + { + "id": "12007899", + "title": "The Hobbit (film series)", + "text": "undisclosed role were further fuelled when Ian McKellen wrote on his blog that Philippa Boyens showed him Cumberbatch's screen test, stating that it was \"electrifying, vocally and facially\". Peter Jackson finally revealed on his Facebook page that Cumberbatch was set to play Smaug. Following this, it was also confirmed that he would be portraying The Necromancer as well. Billy Connolly joined the cast as D\u00e1in II Ironfoot on 9 February 2012. Connolly said of his character \"... this guy will terrify the life out of you. I have a mohawk and tattoos on my head.\" In addition, John Bell plays", + "score": 0.6962890625, + "summary": "Benedict Cumberbatch plays the skin changer in The Hobbit, as confirmed by Peter Jackson on his Facebook page.", + "extraction": "Benedict Cumberbatch plays the skin changer in The Hobbit." + }, + { + "id": "5622009", + "title": "Richard Armitage (actor)", + "text": "Richard Armitage (actor) Richard Crispin Armitage (born 22 August 1971) is an English film, television, theatre and voice actor. He received recognition in the UK with his first leading role as John Thornton in the British television programme \"North & South\" (2004). His role as dwarf prince and leader Thorin Oakenshield in Peter Jackson's film trilogy adaptation of \"The Hobbit\" brought him international recognition. Other notable roles include John Proctor in Ya\u00ebl Farber's stage production of Arthur Miller's \"The Crucible\", Francis Dolarhyde in the American TV series \"Hannibal\", Lucas North in the British TV drama \"Spooks\", John Porter in the", + "score": 0.693359375, + "summary": "Richard Armitage played the skin changer in The Hobbit.", + "extraction": "Richard Armitage plays the skin changer in the hobbit. (Note: There is no mention of Richard Armitage playing a skin changer in The Hobbit. Therefore, the extracted span would be \"irrelevant\".)" + }, + { + "id": "13166111", + "title": "Middle-earth dwarf characters", + "text": "from him. He is portrayed by Mike Mizrahi in Peter Jackson's \"The Hobbit\" film adaptation. Thorin II Oakenshield ( \u2013 2941) was the King of Durin's Folk who led the expedition to destroy Smaug in T.A. 2941 and was slain in the Battle of Five Armies. In Peter Jackson's \"The Hobbit\" film trilogy, Thorin is portrayed by Richard Armitage. D\u00e1in II Ironfoot ( \u2013 3019) was a descendant of Gr\u00f3r and lord of the Dwarves of the Iron Hills. D\u00e1in joined his father's contingent in the Battle of Azanulbizar, at which time he slew Azog. After Thorin's death in the", + "score": 0.68359375, + "summary": "Mike Mizrahi plays the skin changer in The Hobbit.", + "extraction": "Mike Mizrahi portrays the skin changer in Peter Jackson's \"The Hobbit\" film adaptation." + }, + { + "id": "9674923", + "title": "The Hobbit (2003 video game)", + "text": "Gollum (Daran Norris). Gollum makes a deal with Bilbo; they will play a game of riddles. If Gollum wins, he will eat Bilbo, but if Bilbo wins, Gollum will show him the way out. Bilbo wins the game, and Gollum says he must get something before he can lead Bilbo out. He then realizes his ring is gone. Bilbo puts the ring on and discovers it makes its wearer invisible. An infuriated Gollum runs to the exit to try to stop Bilbo leaving, unwittingly leading the invisible Bilbo out. He reunites with the dwarves and Gandalf, but the party are", + "score": 0.68212890625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The skin changer is not mentioned in the given passage." + }, + { + "id": "5763674", + "title": "Bruce Hopkins (actor)", + "text": "teacher) before dedicating himself to the performing arts. He has worked as a professional dancer, theater company actor, television and film actor, voice actor, and radio host. Bruce Hopkins (actor) Raymond Bruce Hopkins (born 25 November 1955) is an actor from New Zealand, most famous for his portrayal of Gamling in \"The Lord of the Rings\" film trilogy by Peter Jackson and for playing the voice of evil alien Choobo on \"Power Rangers Ninja Storm\". He is also the founding director of ActionActors, the worlds first actors specific Temp Employment Agency set up to source work for them to do", + "score": 0.681640625, + "summary": "Bruce Hopkins played Gamling in \"The Lord of the Rings\" film trilogy by Peter Jackson and voiced evil alien Choobo on \"Power Rangers Ninja Storm.\"", + "extraction": "Irrelevant. The passage does not mention anything about the hobbit or a skin changer." + }, + { + "id": "12007898", + "title": "The Hobbit (film series)", + "text": "ether. But I would love to go back to work with Peter Jackson. It would be an honour.\" 19 June 2011, it was revealed that several other cast members had joined the project, including Luke Evans in the role of Bard the Bowman, Evangeline Lilly as Tauriel, Barry Humphries as the Great Goblin and Benedict Cumberbatch as Smaug and The Necromancer. Cumberbatch portrayed both of his roles through motion capture, as did Humphries for his character. The casting of Cumberbatch was prematurely revealed by his \"Sherlock\" co-star Martin Freeman during the BAFTA Television Awards in May 2011. Speculations of his", + "score": 0.6806640625, + "summary": "Benedict Cumberbatch plays the skin changer in The Hobbit film series through motion capture.", + "extraction": "Benedict Cumberbatch plays the skin changer in The Hobbit, and he portrayed his role through motion capture." + }, + { + "id": "8382419", + "title": "Lee Pace", + "text": "Jackson himself, who revealed on his Facebook page that Pace had been his favorite for the part, ever since he saw his performance in \"The Fall\". The character had previously been mentioned in Jackson's \"\", and had previously been portrayed in \"The Hobbit\", voiced by Oscar-nominated director Otto Preminger, and in the 1968 BBC radio series, voiced by the British actor Leonard Fenton. Pace made three trips to New Zealand, and called it a \u201cfantastic experience\u201d. The character appeared in the prologue of \"\" released in December 2012, and had a larger role in \"\" released in December 2013 and", + "score": 0.68017578125, + "summary": "Lee Pace played a character in \"The Hobbit\" movies.", + "extraction": "irrelevant" + }, + { + "id": "16804727", + "title": "Michael Lederer", + "text": "Palo Alto schools, graduating from Henry M. Gunn High School in 1974. At age 12, Lederer joined the American Federation of Television and Radio Artists (AFTRA) to work as a child actor in San Francisco. In 1972 he played Gandalf in a production of The Hobbit at Palo Alto Children's Theatre. The role of Smaug the dragon was played by future best-selling fantasy author Tad Williams. In the mid seventies, Lederer lived in a tipi on a hippie commune called The Land in the Santa Cruz Mountains of California. The community was founded by Joan Baez and her then-husband David", + "score": 0.67626953125, + "summary": "Michael Lederer played Gandalf in a 1972 production of The Hobbit at Palo Alto Children's Theatre.", + "extraction": "Irrelevant. The passage does not provide any information about the skin changer in the hobbit." + }, + { + "id": "3530210", + "title": "Figwit", + "text": "Figwit Figwit is a fan-created name for a then-unnamed Elven escort in Peter Jackson's \"The Lord of the Rings\" film trilogy, played by actor and musician Bret McKenzie of Flight of the Conchords fame. The name Figwit derives from an acronym for \"Frodo is grea...who is THAT?!?\" . The character would later be identified in the film version of \"The Hobbit\", as Lindir, an elf of Rivendell who appeared briefly in J.R.R. Tolkien's novel, \"The Fellowship of the Ring\". Bret McKenzie, half of the musical comedy duo Flight of the Conchords and a Wellington native, first landed a small role", + "score": 0.67626953125, + "summary": "Bret McKenzie plays Lindir, the skin changer in The Hobbit.", + "extraction": "Irrelevant." + }, + { + "id": "730619", + "title": "Radagast", + "text": "(god)|Radegast]] is also the name of a deity in [[Slavic mythology]]. [[File:Radagast the Brown Hobbit promotional photo.jpg|thumb|right|[[Sylvester McCoy]] as Radagast in the \"[[The Hobbit (film series)|Hobbit]]\" film series.]] Radagast is not included in [[Peter Jackson]]'s [[The Lord of the Rings (film series)|\"The Lord of the Rings\" film trilogy]]. Gandalf's escape from Orthanc is instead instigated by a moth that Gandalf uses to convey a message to the Eagles. In Jackson's \"[[The Hobbit: An Unexpected Journey]]\", the character (played by [[Sylvester McCoy]]) is greatly fleshed out, compared to the original book in which he is mentioned only once. He is portrayed", + "score": 0.67578125, + "summary": "Sylvester McCoy plays the character of Radagast in \"The Hobbit\" film series.", + "extraction": "Sylvester McCoy plays the skin changer in the hobbit." + }, + { + "id": "17714420", + "title": "Malcolm Dixon (actor)", + "text": "30 films, including: His main leading role in theater was as Bilbo Baggins in an adaptation of J.R.R. Tolkien's \"The Hobbit\" at the Fortune Theatre in London, England from 1986 to 1989. From 2000 to the present, he is a regular in panto productions of \"Snow White and the Seven Dwarfs\". His other theater roles include: Malcolm Dixon (actor) Malcolm Dixon (born 1953) is an English-born actor best known as Strutter in the 1981 movie \"Time Bandits\". He has had many roles that take advantage of his 4'1\" size, such as Ewoks and dwarfs. Before becoming an actor, Dixon worked", + "score": 0.67578125, + "summary": "Malcolm Dixon played Bilbo Baggins in a theater adaptation of \"The Hobbit\" from 1986 to 1989.", + "extraction": "Malcolm Dixon played the skin changer in The Hobbit." + }, + { + "id": "5763673", + "title": "Bruce Hopkins (actor)", + "text": "Bruce Hopkins (actor) Raymond Bruce Hopkins (born 25 November 1955) is an actor from New Zealand, most famous for his portrayal of Gamling in \"The Lord of the Rings\" film trilogy by Peter Jackson and for playing the voice of evil alien Choobo on \"Power Rangers Ninja Storm\". He is also the founding director of ActionActors, the worlds first actors specific Temp Employment Agency set up to source work for them to do between acting jobs. Hopkins was born in Invercargill, the son of Colleen Marguerite and Bill Hopkins, a crayfisherman. He was a crayfisherman himself (as well as PE", + "score": 0.67529296875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "13166081", + "title": "Middle-earth dwarf characters", + "text": "the Electronic Arts Real-Time Strategy game \"\", and specialized in attacks that would either destroy or disable the opponents' buildings. He is portrayed by Peter Hambleton in Peter Jackson's \"The Hobbit\" film trilogy. In \"\", Gl\u00f3in is shown to be something of a miser who withholds his personal stash of money from the Company's payment to Bard until he first beholds the Lonely Mountain, whereupon he surrenders it all. Peter Hambleton also portrayed an older version of the character in Peter Jackson's \"\" during the meeting in Rivendell. K\u00edli ( \u2013 2941) was one of the twelve companions of Thorin", + "score": 0.673828125, + "summary": "Peter Hambleton plays the skin changer in The Hobbit.", + "extraction": "Peter Hambleton plays the skin changer in the hobbit." + }, + { + "id": "18136487", + "title": "A Man Changes Skin", + "text": "in a fight which kills Komsomol leader Karim (Djakhon Sidmuradov). In 1979, director Boris Kimyagarov shot a film with the same title, where the main roles were played by Igor Kostolevsky, Boris Khmelnitsky, Larisa Udovichenko, Yuri Gorobets, Valentin Nikulin. A Man Changes Skin A Man Changes Skin () is a 1960 Soviet drama film directed by Rafail Perelshtejn. The construction of the Vakhsh Canal is underway which is one of the largest constructions of the first Five-Year Plan. Two Americans come by contract; a grizzled spy Colonel Bailey (Boris Vinogradov), who introduces himself as a harmless traveler by the name", + "score": 0.67333984375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "686426", + "title": "Bard the Bowman", + "text": "Bard was voiced by John Stephenson. Stephenson also voiced the Dwarf Dori and The Great Goblin. In the 1985 Russian television film, Bard (or \"Berd\") was played by Boris Sokolov. In Peter Jackson's \"The Hobbit\" film series, Welsh actor Luke Evans portrays Bard, appearing in the latter two films of the trilogy, \"\" (2013) and \"\" (2014). Evans was cast in June 2011. Bob Strauss of \"Los Angeles Daily News\" felt that Evans' portrayal managed to expand on the character, while Erik Kain of \"Forbes\" felt that his portrayal was \"solid\", but was \"never given quite enough breathing room\". In", + "score": 0.669921875, + "summary": "Luke Evans plays the skin changer Bard in Peter Jackson's \"The Hobbit\" film series.", + "extraction": "Luke Evans portrays the skin changer in the \"The Hobbit\" film series." + }, + { + "id": "13166084", + "title": "Middle-earth dwarf characters", + "text": "tool. Notably when K\u00edli is introduced in \"The Hobbit\", he is carrying a bag of tools. In Peter Jackson's film adaptation of \"The Hobbit\", K\u00edli is portrayed by Aidan Turner. He is the archer of Thorin's company, and is the only Dwarf in the film to not have a full-grown beard, only stubble. In this portrayal, despite their vastly differing backgrounds, he and the elven warrior Tauriel begin to form a bond, as they recognize each other as kindred spirits. During the Battle of Five Armies, he joins Thorin's commando team to take down Azog on Ravenhill, and when Tauriel", + "score": 0.669921875, + "summary": "Aidan Turner plays K\u00edli in Peter Jackson's adaptation of \"The Hobbit\".", + "extraction": "Aidan Turner plays the skin changer in the hobbit. (Answer: irrelevant)" + }, + { + "id": "15019160", + "title": "John Callen", + "text": "John Callen John Callen (born November 4, 1946) is an English-born New Zealand character actor, voiceover artist and director. He is best known for portraying \u00d3in, brother of Gl\u00f3in in the 2012-2014 \"The Hobbit\" film trilogy. Thirteen full-size actors played dwarves in The Hobbit (film series). John Callen's character, \u00d3in is the doctor of the group. \u00d3in's a distant relative of Thorin and uncle to Gimli from \"The Lord of the Rings\". He has performed in movies, including \"The Rainbow Warrior (film) (as Prime Minister) David Lange),\" and TV shows, including \"The Tribe\", and lent his voice to \"Power Rangers", + "score": 0.66943359375, + "summary": "John Callen played \u00d3in, the doctor of the group of dwarves, in the \"The Hobbit\" film trilogy.", + "extraction": "John Callen portrays \u00d3in, the skin changer in the Hobbit." + }, + { + "id": "16768314", + "title": "The Hobbit: An Unexpected Journey", + "text": "features Sylvester McCoy, Barry Humphries and Manu Bennett. \"An Unexpected Journey\" premiered on 28 November 2012 in New Zealand and was released internationally on 12 December 2012. The film grossed over $1.021 billion at the box office, surpassing both \"\" and \"\" nominally, becoming the fourth highest-grossing film of 2012 and the 35th highest-grossing film of all time. Receiving mixed reviews from critics, the film was nominated for three Academy Awards for Best Visual Effects, Best Production Design, and Best Makeup and Hairstyling. It was also nominated for three British Academy Film Awards. Approaching his 111th birthday, the Hobbit Bilbo", + "score": 0.66845703125 + }, + { + "id": "6372898", + "title": "Bret McKenzie", + "text": "latest work has seen him write the lyrics to the 2016 Sainsburys Christmas advert featuring James Corden on vocals. As an actor, he portrayed Lindir in Peter Jackson's \"The Lord of the Rings\" and \"The Hobbit\" film trilogies: in the first he remained unnamed with fans naming him Figwit, a character originally cast as an extra who gained attention thanks to the trilogy's fan community, and in \"The Hobbit\" is credited as Lindir, a small character who originally appears in the book of \"The Fellowship of the Ring\". McKenzie was born in Wellington, New Zealand. He is a former member", + "score": 0.66845703125 + }, + { + "id": "15053209", + "title": "Adam Brown (actor)", + "text": "Jackson was quoted as saying, \"Adam is a wonderfully expressive actor and has a unique screen presence. I look forward to seeing him bring Ori to life.\" Brown is openly gay and lives in London. Adam Brown (actor) Adam Brown (born 29 May 1980) is an English actor and comedian. He is best known for playing the dwarf Ori in Peter Jackson's \"Hobbit\" trilogy and Cremble in \"\". He studied at the John O'Gaunt Community Technology College in his birthplace, Hungerford, Berkshire. Following his time at John O'Gaunt, he trained in Performing Arts at Middlesex University, London, where he met", + "score": 0.66796875 + }, + { + "id": "1857536", + "title": "Barliman Butterbur", + "text": "are cut. Alan Tilvern voiced Butterbur (credited as \"Innkeeper\") in the animated film, while David Weatherley played him in Jackson's epic. Unlike in the book, where Barliman does show a little backbone, he is left cowering in the corner when the Black Riders storm the inn. A character credited as Butterbur, Sr appears briefly during the prologue of Jackson's \"\", portrayed by Richard Whiteside. James Grout played Butterbur in BBC Radio's 1981 serialization of \"The Lord of the Rings\". In the 1993 television miniseries \"Hobitit\" by Finnish broadcaster Yle, Butterbur was portrayed by Mikko Kivinen. Barliman Butterbur Barliman Butterbur is", + "score": 0.66748046875 + }, + { + "id": "12007878", + "title": "The Hobbit (film series)", + "text": "appearing in \"The Hobbit\" films. In early October 2010, it was confirmed by the studio that Martin Freeman had been cast in the role of Bilbo Baggins. It was revealed that he had earlier been approached by the producers to play a role in the films, but was forced to turn it down because of scheduling conflicts with the BBC television series \"Sherlock\". At the time, Freeman was quoted as saying, \"[I]f something could be worked out, that would be great. I did it [turned down the role] with a heavy heart, definitely.\" On his casting, Peter Jackson was quoted", + "score": 0.66748046875 + }, + { + "id": "9992940", + "title": "George Claydon", + "text": "George Claydon George Claydon (4 September 1933 \u2013 4 October 2001) was a British actor notable for his dwarfism. His television roles included that of Photographer George in The Beatles' \"Magical Mystery Tour\", a television film that initially aired on BBC1 on Boxing Day 1967, Ginaarbrik in the 1967 ITV adaptation of \"The Lion, the Witch and the Wardrobe\" (1967) (which he followed by playing Nikabrik many years later in the 1989 BBC adaptation of \"Prince Caspian\"), and the miniseries \"The Last Days of Pompeii\" (1984). His film appearances included the Joan Crawford horror film \"Berserk!\" (1967), as an Oompa", + "score": 0.6669921875 + }, + { + "id": "15053207", + "title": "Adam Brown (actor)", + "text": "Adam Brown (actor) Adam Brown (born 29 May 1980) is an English actor and comedian. He is best known for playing the dwarf Ori in Peter Jackson's \"Hobbit\" trilogy and Cremble in \"\". He studied at the John O'Gaunt Community Technology College in his birthplace, Hungerford, Berkshire. Following his time at John O'Gaunt, he trained in Performing Arts at Middlesex University, London, where he met Clare Plested and helped co-found the British comedy theatre troupe Plested and Brown. He wrote and performed in all seven of their shows: \"Carol Smillie Trashed my Room\", \"The Reconditioned Wife Show\", \"Flamingo Flamingo Flamingo\",", + "score": 0.6669921875 + }, + { + "id": "9291840", + "title": "Michiel Huisman", + "text": "Michiel Huisman Michiel Huisman (; born 18 July 1981) is a Dutch actor, musician, and singer-songwriter, who has acted in both Dutch and English language TV series and films. Huisman played Ellis Jones in the fantasy romance film \"The Age of Adaline\" (2015), Sonny on the television series \"Treme\" (2010\u20132013), Daario Naharis on \"Game of Thrones\" (2014\u20132016) and Steven Crain on \"The Haunting of Hill House\" (2018). He has also played recurring roles on television such as Liam McGuinnis on \"Nashville\" (2012\u20132014) and as Cal Morrison on \"Orphan Black\" (2014\u20132015). Huisman began his career on Dutch television, in the Dutch", + "score": 0.66552734375 + }, + { + "id": "2715207", + "title": "Warwick Davis", + "text": "where Yoda was seen walking. Davis played the role of Professor Filius Flitwick in the \"Harry Potter\" films. Davis played a white-moustached Flitwick in the first two films, and then a black-haired unnamed chorus conductor for the third instalment of the series. In the fourth film, Flitwick is younger looking, with short, brown hair and a trimmed moustache. In addition to playing Flitwick, Davis played the role of the goblin Griphook in \"Harry Potter and the Deathly Hallows \u2013 Part 1\", despite the role being played previously by fellow dwarf actor Verne Troyer. In 2004, Davis played the character \"Plates\"", + "score": 0.66455078125 + }, + { + "id": "8554656", + "title": "The Dresden Files characters", + "text": "look telling Harry flatly, \"No, we won't.\" In \"Skin Game\", Mac is present when Harry and Mab meet with Kringle (another mantle worn by Donar Vadderung, AKA Odin), and discuss the potential for betrayal by Nichodemus. He and Mab exchange pleasant greetings. Mac and his microbrews are featured in the two short stories, \"Heorot\" and \"Last Call.\" Species: Half-vampire (Red Court, deceased) Description: Member of the Fellowship of St. Giles Introduced in the book \"Death Masks\", Martin first comes into contact with Dresden as the partner of Susan Rodriguez in the Fellowship of St. Giles. Described as being highly unmemorable", + "score": 0.66455078125 + }, + { + "id": "18136485", + "title": "A Man Changes Skin", + "text": "A Man Changes Skin A Man Changes Skin () is a 1960 Soviet drama film directed by Rafail Perelshtejn. The construction of the Vakhsh Canal is underway which is one of the largest constructions of the first Five-Year Plan. Two Americans come by contract; a grizzled spy Colonel Bailey (Boris Vinogradov), who introduces himself as a harmless traveler by the name of Mr. Murray, only later to be caught red-handed and unmasked, and Mr. Clark (Sergei Kurilov), who arrives to the canal to \"make money\" and gradually becomes convinced that work and politics are not that different concepts. Not accepting", + "score": 0.6640625 + }, + { + "id": "16750550", + "title": "The Hobbit: The Desolation of Smaug", + "text": "appearance in the film, reprising his role as the man eating a carrot in Bree, his daughter Katie portrays Barliman Butterbur's wife Betsy, Philippa Boyens's daughter Phoebe and scale double Kiran Shah appear as a waitress and a Hobbit in the Prancing Pony, James Nesbitt's daughters Peggy and Mary portray Tilda and Sigrid, the daughters of Bard, Stephen Colbert and his family along with WingNut Films' assistant Norman Kali and producer Zane Weiner appear as Lake-town spies, and editor Jabez Olssen appears as a fishmonger. Brian Sergent (who portrayed the Hobbit Ted Sandyman in the extended edition of Fellowship of", + "score": 0.6640625 + }, + { + "id": "9194822", + "title": "Production design of The Lord of the Rings film series", + "text": "Most extensive was John Rhys-Davies as Gimli, who would spend four-and-a-half hours in the morning to apply Dwarven prosthetics. Gino Acevedo also worked on creating realistic skin tones for the actors, such as Bernard Hill's possessed Th\u00e9oden and a younger Bilbo. Peter(s) King and Owen also led the make-up department in making numerous wigs and creating general dirt on the actors. As well as applying make-up, at the end of the day there was an hour of carefully removing the make-up and prosthetics. As well as the prosthetics, there were also numerous corpses of actors and horses. Weta's first completed", + "score": 0.6640625 + }, + { + "id": "13014724", + "title": "Aidan Turner", + "text": "Aidan Turner Aidan Turner (born 19 June 1983) is an Irish actor. He played the roles of K\u00edli in the three-part fantasy film \"The Hobbit\" and Ross Poldark in the 2015 BBC adaptation of \"The Poldark Novels\" by Winston Graham. Notable television roles include those of Dante Gabriel Rossetti in \"Desperate Romantics\", Ruair\u00ed McGowan in \"The Clinic\", and John Mitchell in the supernatural drama series \"Being Human\". Turner was born at home in Clondalkin, a suburban town of Dublin, Ireland. The family moved later to Walkinstown. Turner attended secondary school at St Mac Dara's Community College in Templeogue before leaving", + "score": 0.66357421875 + }, + { + "id": "12007862", + "title": "The Hobbit (film series)", + "text": "that he thought Ian McShane \"would make the most perfect dwarf\". Frequent del Toro collaborator Doug Jones said that he would love to play the Elvenking Thranduil, but del Toro later stated that he had another role (or roles) in mind for the actor. Del Toro was the one who originally pushed to cast Sylvester McCoy as Radagast the Brown, a choice Peter Jackson later followed. While del Toro initially wanted Ian Holm to reprise the role of Bilbo Baggins, he also said that he \"absolutely\" supported the casting of Martin Freeman as the character, and wanted all other returning", + "score": 0.66357421875 + }, + { + "id": "8382424", + "title": "Lee Pace", + "text": "him in \"The Hobbit\" movies. McKellen's \"outing\" was described in the press as a blunder and an accident on his part as Pace had not come out by then. Pace made no comments about his romantic life until February 2018. He later came out as gay in an interview with \"The New York Times\". Lee Pace Lee Grinner Pace (born March 25, 1979) is an American actor. Pace has been featured in film, stage and television. He starred as Thranduil the Elvenking in \"The Hobbit\" trilogy, and as the protagonist Joe MacMillan for four seasons in AMC's television drama \"Halt", + "score": 0.6630859375 + }, + { + "id": "7441248", + "title": "Andrew Robertt", + "text": "New Zealand\u2019s first five night a week serial \"\u2018Shortland Street\"\u2019 as the sensitive new age guy Steve Mills. He played this role for two years until 1994. After leaving television he immediately returned to theatre. In the mid-nineties he appeared in Shakespeare\u2019s \"\u2018Titus Andronicus\u2019\" as Prince Bassianus and the political Amelius (a composite role); in Middleton and Rowley\u2019s \"\u2018The Changeling\u2019\", as the Changeling; and as Charles J.Guiteau in Stephen Sondheim\u2019s \"\u2018Assassins\u2019\". These were all performed in the classic Watershed Theatre in Auckland. In 1995 he reprised his role as Brad in the \"New Rocky Horror Show\" around New Zealand, and", + "score": 0.6630859375 + }, + { + "id": "6372901", + "title": "Bret McKenzie", + "text": "season premiered on HBO 18 January 2009. McKenzie has appeared in the first and third films in Peter Jackson's \"The Lord of the Rings\" trilogy. His silent role in the first film as Figwit achieved some minor internet fame, which led to Jackson giving him a line in the third film. In April 2011, McKenzie was cast as the elf Lindir for \"The Hobbit\". His father Peter McKenzie played the role of Elendil in \"Lord of the Rings\". Along with Clement, McKenzie was featured as one of 2008's \"100 Sexiest People\" in a special edition of the Australian magazine \"Who\".", + "score": 0.6630859375 + }, + { + "id": "5041966", + "title": "Lawrence Makoare", + "text": "Lawrence Makoare Lawrence Makoare (born 20 November 1968) is a New Zealand M\u0101ori actor. Makoare was a road construction builder who drifted into acting after he accompanied a girlfriend to a drama class and was picked out by the teacher to perform because of his impressive height. He began his career performing as a stuntman. Makoare is best known for his roles in \"The Lord of the Rings\" and \"The Hobbit\" film trilogies. In \"\", he portrayed the Uruk-hai leader Lurtz, and in \"\", he portrayed the Witch-king of Angmar as well as Gothmog, the Orc commander at the Battle", + "score": 0.66259765625 + }, + { + "id": "686613", + "title": "Thorin Oakenshield", + "text": "for the Dwarven characters, set shortly before The Quest for Erebor. In the game the stronghold in the Ered Luin of the refugees from Erebor bears the name \"Thorin's Hall\" in his honour. In the Extended Edition of \"\" (2001) Gandalf briefly mentions Thorin as the one who gave the \"mithril\" shirt to Bilbo as a gift. In the three-film adaptation of \"The Hobbit\" (2012\u20132014), Thorin is portrayed by Richard Armitage. The film adaptation adds to Thorin's quest a personal vendetta against the orc Azog, who murdered Thorin's grandfather, Thr\u00f3r. Thorin and Azog face each other once again following the", + "score": 0.66162109375 + }, + { + "id": "16799279", + "title": "The Hobbit (1985 film)", + "text": "The Hobbit (1985 film) The Hobbit (, full name The Fabulous Journey of Mr. Bilbo Baggins, The Hobbit, Across the Wild Land, Through the Dark Forest, Beyond the Misty Mountains. There and Back Again; ) is a 1985 Soviet low-budget children's film, being a loose adaption of J. R. R. Tolkien's 1937 book \"The Hobbit\" by Vladimir Latyshev. The film featured Zinovy Gerdt as \"the professor\" (a narrator stand-in for Tolkien), Mikhail Danilov as Bilbo Baggins, Anatoly Ravikovich as Thorin Oakenshield and Igor Dmitriev as Gollum. Smaug and the Mirkwood spiders were portrayed by puppets. Missing in this version are", + "score": 0.66162109375 + }, + { + "id": "3745035", + "title": "John Bach", + "text": "as the sinister Harry Sheridan, as magistrate Titus Calavius in \"\" and in an episode of \"Legend of the Seeker\". He has also appeared in several New Zealand films, including \"Utu\", \"Carry Me Back\", \"Goodbye Pork Pie\", \"Pallet on the Floor\", \"Old Scores\" (in which he had a central role), and \"Beyond Reasonable Doubt\". In 2014 he performed as body double for Saruman in place of Christopher Lee, who was unable to fly to New Zealand for principal photography on \"The Hobbit\" film series. Despite being Welsh, Bach's surname is pronounced \"Baitch\", and not as in the Welsh word for", + "score": 0.66162109375 + }, + { + "id": "14267189", + "title": "John Mitchell (Being Human)", + "text": "a few time later. The changing of the actor of Mitchell changed not only the personality of Mitchell, but also of the characters around him. Russell Tovey said in an interview that the George that he played alongside Guy Flanagan (Mitchell - Pilot) and Andrea Riseborough (Annie - Pilot) was different from the George that he played alongside Lenora Crichlow and Aidan Turner, because each actor would respond differently to the character. When Aidan Turner got offered a role in the movie series \"The Hobbit\" as K\u00edli he decided to leave the series. The production team could not contract actors", + "score": 0.66162109375 + }, + { + "id": "8302043", + "title": "Cambio de piel (TV series)", + "text": "Jos\u00e9 Ignacio tries to erase this woman from his mind and heart, the woman he says he hates. Great passion will evolve around this relationship, which will create unexpected and revealing situations for them, as well as for the characters surrounding them. Cambio de piel (TV series) Cambio de Piel (English title:Change of skin) is a Venezuelan telenovela produced by Radio Caracas Televisi\u00f3n in 1998 based on the telenovela \"La dama de rosa\" written by Jos\u00e9 Ignacio Cabrujas in 1986. This version was created by Perla Far\u00edas and lasted for 110 episodes. Daniella Mart\u00ednez and Jos\u00e9 Ignacio Quintana lead radically", + "score": 0.66064453125 + }, + { + "id": "5622026", + "title": "Richard Armitage (actor)", + "text": "in the three-film production of \"The Hobbit\". Principal photography in New Zealand ran from March 2011 to July 2012, broken into three filming blocks with breaks in-between, and pick-ups were shot in the summer of 2013. All three films were released in December, starting with \"\" in 2012, \"\" in 2013 and \"\" in 2014. Armitage thought it was a wonderful opportunity, as he grew up reading the books. Coincidentally, one of his first stage roles was playing an elf in a production of \"The Hobbit\" at the Alex Theatre in Birmingham. He describes the character of Thorin as being", + "score": 0.66064453125 + }, + { + "id": "15139131", + "title": "William Kircher", + "text": "returned to acting in 2006 in the film \"Out of the Blue\" which was based on the true story of the Aramoana massacre. Kircher appeared in the film adaptations of \"The Hobbit\" as the dwarf Bifur. In 2018 he directed Steven Dietz\u2019s play Trust in North Hollywood with Zachary Cowan, Caroline Henry, Elizabeth Izzo, Paul McGee, Caroline Simone O\u2019Brien and Heidi Rhodes. William Kircher William Kircher (born May 23, 1958) is a New Zealand actor. William Kircher first came to prominence in New Zealand television in the police drama series \"Shark in the Park\". Kircher is married to Nicole Chesterman", + "score": 0.66015625 + }, + { + "id": "4150707", + "title": "Doug Jones (actor)", + "text": "Doug Jones (actor) Doug Jones (born May 24, 1960) is an American actor, contortionist, and mime. He is best known for his roles in \"Hellboy\", \"Pan's Labyrinth\", and \"The Shape of Water\". He is known for his multiple collaborations with filmmaker Guillermo del Toro, starring in \"Mimic\", as Abe Sapien in \"Hellboy\" and \"\", the Faun and the Pale Man in \"Pan's Labyrinth\", the ghosts of Edith's Mother and Beatrice Sharpe in \"Crimson Peak\", and the Amphibian Man in \"The Shape of Water\". He has appeared in films such as \"Tank Girl\", \"Hocus Pocus\" and \"The Bye Bye Man\". He", + "score": 0.66015625 + }, + { + "id": "12007900", + "title": "The Hobbit (film series)", + "text": "Bain, Manu Bennett plays Azog, Craig Hall plays Galion, Ben Mitchell plays Narzug, John Rawls plays Yazneg, Stephen Ure plays Fimbul and Grinnah, Kiran Shah plays a goblin scribe, and Stephen Colbert was cast in an undisclosed cameo. Conan Stevens was to play Bolg, but he eventually played a Gundabad Orc, also known as Keeper of Dungeons. Principal photography began on 21 March 2011 in Wellington, New Zealand. Filming took place at Wellington Stone Street Studios, the town of Matamata and at other undisclosed locations around New Zealand. The costumes for each of the Dwarves included six wigs and eight", + "score": 0.65966796875 + }, + { + "id": "4150717", + "title": "Doug Jones (actor)", + "text": "Toro in 2017, this time in a romantic lead role, playing the Amphibian Man in \"The Shape of Water\". Doug Jones (actor) Doug Jones (born May 24, 1960) is an American actor, contortionist, and mime. He is best known for his roles in \"Hellboy\", \"Pan's Labyrinth\", and \"The Shape of Water\". He is known for his multiple collaborations with filmmaker Guillermo del Toro, starring in \"Mimic\", as Abe Sapien in \"Hellboy\" and \"\", the Faun and the Pale Man in \"Pan's Labyrinth\", the ghosts of Edith's Mother and Beatrice Sharpe in \"Crimson Peak\", and the Amphibian Man in \"The Shape", + "score": 0.65966796875 + }, + { + "id": "13132520", + "title": "Peregrin Took", + "text": "the Rings\", Pippin was played by John McAndrew. Jari Pehkonen played Peregrin Took in the 1993 Finnish miniseries \"Hobitit\". In Peter Jackson's \"The Lord of the Rings\" film trilogy, Pippin is played by Scottish actor Billy Boyd. The filmmakers originally planned for Boyd to adopt an English accent for the role, in keeping with the other hobbits; however, Jackson found that Boyd's comic timing was not as keen when he was not using his native accent. Therefore, it was decided to allow Boyd to play the role with a Scottish accent; the decision was justified by the observation that the", + "score": 0.65869140625 + }, + { + "id": "9674926", + "title": "The Hobbit (2003 video game)", + "text": "captain of the town guard, and performs several tasks for him, including finding his Black Arrow, which is said to have special powers. The party then head towards the nearby Lonely Mountain. They find the secret entrance, but Bilbo is dismayed to learn the dwarves have no idea how to kill Smaug. As such, he sneaks into Smaug's lair to try to find a weak spot. Bilbo tricks Smaug (James Horan) into showing him his stomach, which is coated in diamonds, except for one small spot, where his skin is exposed. Bilbo leaves, telling the dwarves of Smaug's vulnerability, and", + "score": 0.65869140625 + }, + { + "id": "16303655", + "title": "Sam Jackson (actor)", + "text": "Sam Jackson (actor) Sam Benjamin Jackson (born 23 September 1993) is an English actor from Wetherby, West Yorkshire, best known for playing Alex Henley in the sixth series of the E4 teen drama \"Skins\". Jackson worked in television during the school-age years, appearing in the Asda commercial and in a number of small roles in shows like \"Heartbeat\". In 2010, he gained main parts in \"Ten Tigers\", a short film directed by Tony Kelly, and in \"Audrey\" where he played the part of Eddie. In 2012, Jackson joined the third generation of the teen drama \"Skins\" during its sixth series,", + "score": 0.65771484375 + }, + { + "id": "5349243", + "title": "Farmer Maggot", + "text": "Maggot's fields. According to Pippin, he and Merry had been stealing from Maggot for some time, though in the book the two are very good friends of Maggot. Maggot himself is not seen, though his scythe is visible over the edge of the fields and he is heard shouting at the young Hobbits. Maggot also appears earlier in the film, played by Cameron Rhodes. He tells the Black Rider, \"There are no Bagginses round here. They are all up in Hobbiton, that way!\" Farmer Maggot and his family have been featured in artwork by notable artists like Pauline Baynes, the", + "score": 0.65771484375 + }, + { + "id": "3603604", + "title": "Peter Woodthorpe", + "text": "Peter Woodthorpe Peter Woodthorpe (25 September 1931 \u2013 12 August 2004) was an English film, television and voice actor who supplied the voice of Gollum in the 1978 Bakshi version of \"The Lord of the Rings\" and BBC's 1981 radio serial. He also provided the voice of Pigsy in the cult series \"Monkey\" and was Max the pathologist in early episodes of \"Inspector Morse\". In the summer of 1955 he played Estragon in the first British production of \"Waiting for Godot\". He had then just finished his second year reading Biochemistry at Magdalene College, Cambridge, and expected to return after", + "score": 0.65771484375 + }, + { + "id": "14120319", + "title": "Dean O'Gorman", + "text": "Dean O'Gorman Dean Lance O'Gorman (born 1 December 1976) is an actor, artist, and photographer from New Zealand. He played the dwarf F\u00edli in the \"Hobbit\" trilogy and the Norse God Bragi/Anders Johnson in the fantasy series \"The Almighty Johnsons\". O'Gorman was born in Auckland, New Zealand, to parents Lance, a landscape painter, and Christine O'Gorman. He has a younger brother, Brett, who is also an actor as well as a comedian. He has Irish and English ancestry; his maternal grandfather was an English paratrooper in WWII. O'Gorman earned a black belt in karate by the age of ten, and", + "score": 0.6572265625 + }, + { + "id": "17109415", + "title": "Daniel Huttlestone", + "text": "Daniel Huttlestone Daniel Richard Huttlestone is an English actor best known for his role as Gavroche in Tom Hooper's \"Les Mis\u00e9rables\" and Jack in the musical film \"Into the Woods\", which both earned him a 2013 and 2015 Young Artist Award nomination as Best Young Supporting Actor in a Feature Film. Daniel started his stage career from the age of 9 landing the role of \"Nipper\" in the 2009 production of \"Oliver!\" at the Theatre Royal Drury Lane, performing on the opening night with Rowan Atkinson, and continuing until it closed in 2011. He went on to perform the role", + "score": 0.6572265625 + }, + { + "id": "3835490", + "title": "Ankh-Morpork Assassins' Guild", + "text": "again in \"Hogfather\". He also appears in \"Night Watch\" as a student bully, and in \"Making Money\" as head of the Assassins' Guild. His first name is unknown, but he is mentioned by the initials D.Downey in the Assassin's Guild Yearbook, when discussing edificeering. In the Sky One adaptation of \"Hogfather\" Downey was played by David Warner. A Klatchian warrior who accompanies the Klatchian envoy Prince Khufurah on a diplomatic journey to Ankh-Morpork in the novel \"Jingo\". He speaks with a heavy accent and has a penchant for chewing on cloves. Following an attempt on the prince's life by an", + "score": 0.6572265625 + }, + { + "id": "6422714", + "title": "The Spiderwick Chronicles (film)", + "text": "He tells Jared about a protective circle that Arthur Spiderwick placed around the house and gives him a stone with a hole through which he can see fairies. A shapeshifting ogre named Mulgarath (Nick Nolte) wants the field guide for himself so he can rule over all fairy-kind. He sends his goblins, led by Redcap (an uncredited Ron Perlman) the pompous Goblin General, to obtain it and they kidnap Simon, mistaking him for Jared. Meanwhile, Jared meets Hogsqueal (Seth Rogen), a hobgoblin, in the forest who gives Jared the ability to see fairies without the aid of the stone by", + "score": 0.6572265625 + }, + { + "id": "730630", + "title": "De\u0301agol", + "text": "a translation of the \"original\" name in the author-invented language of Westron, \"Nahald\", which has the same meaning. D\u00e9agol appears in the prologue to Ralph Bakshi's 1978 animated adaptation of \"\"The Lord of the Rings\". In Peter Jackson's 2001\u20132003 live-action adaptations of \"The Lord of the Rings\", D\u00e9agol is played by New Zealand actor Thomas Robins. His scenes with Andy Serkis (Sm\u00e9agol/Gollum) were originally planned to be in \"\", but were moved to \"\". D\u00e9agol D\u00e9agol is a fictional character in J. R. R. Tolkien's legendarium. His story is related in \"The Fellowship of the Ring\", the first of three", + "score": 0.6572265625 + }, + { + "id": "699992", + "title": "Bilbo Baggins", + "text": "had played Frodo in the BBC radio series 20 years earlier. The movies omit the 17-year gap between Bilbo's 111th birthday and Frodo's departure from the Shire, as a result Bilbo mentions in Rivendell that he was unable to revisit the Lonely Mountain before his retirement. In Peter Jackson's \"The Hobbit\" film series, a prequel to \"The Lord of the Rings\", the young Bilbo is portrayed by Martin Freeman while Ian Holm reprises his role as an older Bilbo in \"\" (2012) and \"\" (2014). The International Astronomical Union names all colles (small hills) on Saturn's moon Titan after characters", + "score": 0.65673828125 + }, + { + "id": "12007883", + "title": "The Hobbit (film series)", + "text": "cast in the role, Hunter said, \"Being cast in \"The Hobbit\" is really exciting and really an honour. I auditioned for the original \"Lord of the Rings\" way back when I signed with my agent in New Zealand. When I saw the films I thought, 'Man, I so want to do \"The Hobbit\".'\" On 1 November 2010, Jackson confirmed that James Nesbitt and Adam Brown had been added to the cast to play Bofur and Ori respectively. It was previously reported that Nesbitt was in negotiations for a part in the film. Jackson was quoted on Nesbitt's casting as saying,", + "score": 0.65673828125 + }, + { + "id": "15019162", + "title": "John Callen", + "text": "performed in and/or directed more than 100 stage plays including performances as Macbeth, Shylock, Polonius and Claudius, and has won best actor and best supporting actor for his theatre work. He has appeared in a number of TV adverts and voiced more than 120 documentaries and thousands of adverts. John Callen John Callen (born November 4, 1946) is an English-born New Zealand character actor, voiceover artist and director. He is best known for portraying \u00d3in, brother of Gl\u00f3in in the 2012-2014 \"The Hobbit\" film trilogy. Thirteen full-size actors played dwarves in The Hobbit (film series). John Callen's character, \u00d3in is", + "score": 0.65625 + }, + { + "id": "3603608", + "title": "Peter Woodthorpe", + "text": "body attacks. Peter Woodthorpe Peter Woodthorpe (25 September 1931 \u2013 12 August 2004) was an English film, television and voice actor who supplied the voice of Gollum in the 1978 Bakshi version of \"The Lord of the Rings\" and BBC's 1981 radio serial. He also provided the voice of Pigsy in the cult series \"Monkey\" and was Max the pathologist in early episodes of \"Inspector Morse\". In the summer of 1955 he played Estragon in the first British production of \"Waiting for Godot\". He had then just finished his second year reading Biochemistry at Magdalene College, Cambridge, and expected to", + "score": 0.65576171875 + }, + { + "id": "4048967", + "title": "Mackenzie Crook", + "text": "January 2009, Crook featured in the second and third episodes of the third series of the E4 hit teen cult drama \"Skins\", which he played psychotic Bristol gangster Johnny White. He appeared in \"Merlin\", for the first episode of the second season, as Cedric, who tried to take Merlin's job as Prince Arthur's manservant. In November 2010 Mackenzie starred in \"A Reluctant Tragic Hero\", a comic play by Anton Chekhov, on the Sky Arts channel, which also starred Johnny Vegas, with whom he also starred in 2004's \"Sex Lives of the Potato Men\" \u2013 a film about the sexual antics", + "score": 0.65576171875 + }, + { + "id": "12007886", + "title": "The Hobbit (film series)", + "text": "in the earlier films.\" McCoy, the former \"Doctor Who\" star, who appeared alongside McKellen in a Royal Shakespeare Company's King Lear, was confirmed to be in negotiations to play a major role as a \"wizard\" in October 2010, leading to speculation he could appear as Radagast the Brown. During the production of \"The Lord of the Rings\" film trilogy, McCoy had been contacted about playing the role of Bilbo and was kept in place as a potential Bilbo for six months before Jackson went with Ian Holm. On the casting of Persbrandt, Jackson was quoted as saying, \"The role of", + "score": 0.65576171875 + }, + { + "id": "12007895", + "title": "The Hobbit (film series)", + "text": "Jackson announced that Dean O'Gorman had been hired for the role of F\u00edli. Jackson stated, \"Dean's a terrific Kiwi actor, who I am thrilled to be working with.\" O'Gorman was a last minute replacement for Rob Kazinsky had originally been cast for the role in October 2010, but left the film on 24 April 2011 \"for personal reasons\". Hugo Weaving's return to the role of Elrond was officially confirmed on 1 May 2011. On 19 May 2011, Stephen Fry and Ryan Gage were confirmed to join the project as Master of Lake-town and Alfrid respectively. Fry spoke of his role,", + "score": 0.65576171875 + }, + { + "id": "14557422", + "title": "Aharon Meskin", + "text": "Ansky. In 1928, he immigrated to Mandate Palestine. During his career on the Hebrew stage, Meskin played many leading roles, including Othello; the Golem; Shylock (in \"The Merchant of Venice\"); Willy Loman in \"Death of a Salesman\"; the black pastor Stephen Kumalo in \"Cry, The Beloved Country\"; Captain Queeg in \"The Caine Mutiny\" and many others. His final performance was in Nisim Aloni's \"The Gypsies of Jaffa\", produced in 1971. Aharon Meskin Aharon Meskin (, 1898\u20131974) was an Israeli stage actor. Aharon Meskin was born in 1898 in Mogilev in the Russian Empire (now in Belarus). His parents were Moshe", + "score": 0.6552734375 + }, + { + "id": "2310164", + "title": "Barry Humphries", + "text": "travelled to New Zealand to perform the role of the Goblin King in the first instalment of Peter Jackson's three-part adaptation of J. R. R. Tolkien's \"The Hobbit\". The first film was released in December 2012, with the other two parts due in December 2013 and December 2014. At the press conference in Wellington, NZ, just before the film's world premiere, Humphries commented: It was thrilling to work on this film and when you see my extraordinary interpretation you realise why I immediately fell into the arms of Jenny Craig, and minor cosmetic surgery. I always thought motion capture was", + "score": 0.6552734375 + }, + { + "id": "12410115", + "title": "William Robbins (actor)", + "text": "he was a thin-man clown, what his own era called a \"lean fool,\" like John Sinklo or John Shank. Robbins also played Carazie the eunuch in Philip Massinger's \"The Renegado\", Clem in Thomas Heywood's \"The Fair Maid of the West\", and the title character, the \"changeling\" Antonio, in Middleton and Rowley's \"The Changeling\". The Queen Henrietta's company was disrupted by a long theatre closure due to bubonic plague in 1636\u201337. Robbins may have been one of the members of the troupe who travelled to Ireland with James Shirley to work at the Werburgh Street Theatre in Dublin in the later", + "score": 0.6552734375 + }, + { + "id": "12770506", + "title": "Gimli (Middle-earth)", + "text": "of the non-hobbit members of the Fellowship. Gimli does not appear in the 1980 animated version of \"The Return of the King\". He is portrayed by Tomi Salmela in the 1993 Finnish miniseries \"Hobitit\". In Peter Jackson's film trilogy (2001\u20132003) Gimli is played by John Rhys-Davies, who portrayed the character as having a Welsh accent. Rhys-Davies happened to be taller than the actors playing the Hobbits, who were only (actor Elijah Wood, playing Frodo Baggins) and (actors Sean Astin, Billy Boyd, and Dominic Monaghan, playing Sam Gamgee, Pippin Took, and Merry Brandybuck) while Rhys-Davies is . Thus in scenes where", + "score": 0.65478515625 + }, + { + "id": "7283977", + "title": "Jeffrey Perry (British actor)", + "text": "Jeffrey Perry (British actor) Jeffrey Harold Perry (13 October 1948 \u2013 4 February 2012) was a British stage and screen actor. Born in Barrow-in-Furness, Lancashire and trained at the Guildhall School of Music and Drama, he worked extensively for the Royal Exchange in Manchester. He may be best known to television audiences as Mr. Tumnus in the 1988 version of \"The Lion, the Witch, and the Wardrobe\", which was part of the BBC's \"Chronicles of Narnia\" TV miniseries. In the 2000s, Perry's work included performances at the Mill at Sonning. In the summer of 2008, he played Mr. Mole in", + "score": 0.65478515625 + }, + { + "id": "1508276", + "title": "John Rhys-Davies", + "text": "John Rhys-Davies John Rhys-Davies (born 5 May 1944) is a British actor, voice actor and producer, known for his portrayal of Gimli in the \"Lord of the Rings\" trilogy and the charismatic excavator Sallah in the \"Indiana Jones\" films. He also played Agent Michael Malone in the 1993 remake of the 1950s television series \"The Untouchables\", Pilot Vasco Rodrigues in the mini-series \"Sh\u014dgun\", Professor Maximillian Arturo in \"Sliders\", King Richard I in \"Robin of Sherwood\", General Leonid Pushkin in the James Bond film \"The Living Daylights\", and Macro in \"I, Claudius\". Additionally, he provided the voices of Cassim in Disney's", + "score": 0.654296875 + }, + { + "id": "4182340", + "title": "Gamling", + "text": "the Deep with Gimli and \u00c9omer. There they defend the narrows before the entrance to the Glittering Caves until dawn, when Gandalf and Erkenbrand arrive with reinforcements, and the Battle of the Hornburg is won. He is not mentioned again, but presumably rides with the Rohirrim to Minas Tirith and fights in the Battle of the Pelennor Fields, or goes with Erkenbrand to protect Edoras. In Peter Jackson\u2019s film adaptations, the character of Gamling is slightly modified: Gamling, as played by New Zealand actor Bruce Hopkins, is portrayed as a middle-aged man. In the movies, he accompanies King Th\u00e9oden and", + "score": 0.654296875 + }, + { + "id": "3530217", + "title": "Figwit", + "text": "Ordesky, Ian McKellen, and other cast members. Booth stated that their film was \"much more irreverent and strange\" compared to other behind-the-scenes documentaries of the film trilogy, which were \"very much driven around the production and the cast and Tolkien\". Figwit Figwit is a fan-created name for a then-unnamed Elven escort in Peter Jackson's \"The Lord of the Rings\" film trilogy, played by actor and musician Bret McKenzie of Flight of the Conchords fame. The name Figwit derives from an acronym for \"Frodo is grea...who is THAT?!?\" . The character would later be identified in the film version of \"The", + "score": 0.654296875 + }, + { + "id": "10824327", + "title": "Merveille Lukeba", + "text": "Merveille Lukeba Merveille Lukeba (born 30 March 1990) is a Congo born, British actor, best known for his role as Thomas Tomone in double BAFTA-winning E4 teen drama \"Skins\". Born in Kinshasa, Zaire, he was raised in Woolwich, southeast London. He can speak fluent French and Lingala. He has played the role of Thomas, a Congolese immigrant to the United Kingdom, in series 3 and 4 of the UK teen drama \"Skins\". He is good friends with AFC Bournemouth footballer, Junior Stanislas, as they attended the same secondary school as well as being in the same year. He supports Charlton", + "score": 0.654296875 + }, + { + "id": "9503158", + "title": "Graham McTavish", + "text": "Graham McTavish Graham James McTavish (born 4 January 1961) is a Scottish film, television and voice actor. He is known for his roles as Dwalin in \"The Hobbit\" film trilogy, Dougal Mackenzie in the Starz series \"Outlander\" and the Saint of Killers in the AMC series \"Preacher\". McTavish was born in Glasgow, Scotland to Alec and Ellen McTavish. Alec was a politically active person, and political discourse was common in the McTavish household. The family left Glasgow when McTavish was a child. During the course of his life, he lived in Canada, England and Scotland before settling in New Zealand.", + "score": 0.65380859375 + }, + { + "id": "8720387", + "title": "The Other Change of Hobbit", + "text": "The Other Change of Hobbit The Other Change of Hobbit (sometimes abbreviated TOCOH) is a science fiction and fantasy bookstore, formerly located in Berkeley, California and then El Cerrito; it no longer has a physical location. It was founded in 1977, the same weekend that \"Star Wars\" opened. It has been the site of numerous author appearances. The founding partners were science fiction fans Dave Nee, Debbie Notkin, and Tom Whitmore. The store is named after the Hobbits from J.R.R. Tolkien's \"The Hobbit\" and \"Lord of the Rings\". The store database has over 20,000 titles. Nee, Notkin, and Whitmore had", + "score": 0.65380859375 + }, + { + "id": "5592492", + "title": "Benedict Cumberbatch", + "text": "the Charles Darwin biographical film \"Creation\" as Darwin's friend Joseph Hooker. In 2010, he appeared in \"The Whistleblower\" as well as \"Four Lions\". He portrayed Peter Guillam, George Smiley's right-hand man, in the 2011 adaptation of the John le Carr\u00e9 novel \"Tinker Tailor Soldier Spy\". The film was directed by Tomas Alfredson and featured Gary Oldman and Colin Firth. Cumberbatch played Major Jamie Stewart in Steven Spielberg's \"War Horse\" in 2011. In 2012, Cumberbatch provided the voice and motion-capture for both Smaug the Dragon and the Necromancer in \"\", the first instalment of \"The Hobbit\" film series based on the", + "score": 0.65380859375 + }, + { + "id": "2770316", + "title": "Troll (Middle-earth)", + "text": "sword and a mace. In \"\" the three stone trolls are similar to the appearance of the mountain trolls of the previous \"Lord of the Rings\" trilogy. On the whole, they are depicted as in Tolkien's book, with minor differences in the plot. Just as in the original, the trolls plan to eat Bilbo and the Dwarves, but turn to stone when exposed to sunlight. The trolls are portrayed through voice and motion capture by three actors who also play dwarves in Thorin's company. Bert is played by Mark Hadlow (Dori), Tom is played William Kircher (Bifur) and William is", + "score": 0.6533203125 + }, + { + "id": "19148153", + "title": "Nick Kellington", + "text": "Bistan, a Rebel Alliance gunner. Nick also appears in 2017's \"\" as Snook Uccorfay, a mole-like playboy in the casino city of Canto Bight In 2018 Kellington played \"Ned\" the Neanderthal in the 2 part documentary series \"Neanderthals : Meet Your Ancestors\", presented by Ella Al-Shamahi and broadcast on BBC4 in May 2018. A VixPix Films production in association with Imaginarium Productions and the BBC. Kellington plays cornet and ukulele in the rock band Ella Guru. Nick Kellington Nicholas Chee Ping \"Nick\" Kellington (born June 11, 1975) is a British actor and musician, best known for his roles in children's", + "score": 0.6533203125 + }, + { + "id": "9591884", + "title": "Joe Dempsie", + "text": "on BBC Two, appearing as a northerner who was presented as a gift from the character Harry was playing to his daughter. Recently he has appeared in the BBC Three series \"The Fades\" (episodes 3 to 6), as John. Joe Dempsie Joseph Maxwell Dempsie (born 22 June 1987) is an English actor, known for the roles of Chris Miles in the E4 teen comedy-drama \"Skins\" (2007\u20132008) and Gendry in \"Game of Thrones\" (2011\u20132013, 2017\u2013present). Dempsie's earlier acting credits include the medical dramas \"Peak Practice\" (2000), \"Doctors\" (2001, 2003), and \"Sweet Medicine\" (2003), as well as the films \"One for the", + "score": 0.65283203125 + }, + { + "id": "8302041", + "title": "Cambio de piel (TV series)", + "text": "Cambio de piel (TV series) Cambio de Piel (English title:Change of skin) is a Venezuelan telenovela produced by Radio Caracas Televisi\u00f3n in 1998 based on the telenovela \"La dama de rosa\" written by Jos\u00e9 Ignacio Cabrujas in 1986. This version was created by Perla Far\u00edas and lasted for 110 episodes. Daniella Mart\u00ednez and Jos\u00e9 Ignacio Quintana lead radically different lives. He is financially solid, competent and married. His marriage is stable with no alarming events in spite of his infidelities. Unfortunately, his wife has not been able to bear children. Daniella is a young, impetuous woman, who is very astute,", + "score": 0.65283203125 + }, + { + "id": "16768344", + "title": "The Hobbit: An Unexpected Journey", + "text": "Hobbit: An Unexpected Journey\" was nominated in the Best Live Action Motion Picture category at the Cinema Audio Society Awards, awarded on 16 February. \"An Unexpected Journey\" led the nominations at the 39th Saturn Awards with nine, more than \"\" which earned eight nominations at the time of its release. These nominations included Best Director (Peter Jackson's eleventh Saturn Award nomination), Best Actor for Martin Freeman, Best Supporting Actor for Ian McKellen (his third nomination for playing Gandalf) and Best Music for Howard Shore. It won Best Production Design for Dan Hennah, Ra Vincent and Simon Bright. \"An Unexpected Journey\"", + "score": 0.65283203125 + }, + { + "id": "12007880", + "title": "The Hobbit (film series)", + "text": "Oakenshield, Graham McTavish as Dwalin, Aidan Turner as K\u00edli, Mark Hadlow as Dori, John Callen as \u00d3in, Stephen Hunter as Bombur and Peter Hambleton as Gl\u00f3in. On the casting of Armitage, Jackson was quoted as saying, \"Richard is one of the most exciting and dynamic actors working on screen today and we know he is going to make an amazing Thorin Oakenshield. We cannot wait to start this adventure with him and feel very lucky that one of the most beloved characters in Middle Earth is in such good hands.\" McTavish was quoted on his casting, \"I think that I", + "score": 0.65234375 + }, + { + "id": "13166088", + "title": "Middle-earth dwarf characters", + "text": "of the fabulous hoard of Erebor. He lived in Erebor for forty-seven years, until he joined Balin's expedition to Moria. There, as recorded in the Book of Mazarbul, he was killed by the Watcher in the Water while trying to escape via Moria's Western Door. In Peter Jackson's movie \"\", \u00d3in is played by John Callen. He wields a staff and uses an ear trumpet. In addition to his skill at lighting fires, \u00d3in is the group's healer. Ori was one of the twelve companions of Thorin and Bilbo on the Quest of Erebor. He was of Durin's House, a", + "score": 0.65185546875 + }, + { + "id": "20639950", + "title": "John Hodgkinson (actor, born 1966)", + "text": "John Hodgkinson (actor, born 1966) John Hodgkinson (born 21 June 1966) is an English actor. He is known predominantly for his stage work with the Royal Shakespeare Company and for his performance as Tom Kettle in \"The Ferryman\", for which he has been nominated as Best Actor in a Supporting Role in the 2018 Laurence Olivier Awards. In 2011, he was named \"The Journal's\" Performing Artist of the Year for the part of Chris Mullin in Michael Chaplin's \"A Walk on Part\" with the Live Theatre Company. Hodgkinson was born in Surbiton, Greater London. He attended the Webber Douglas Academy", + "score": 0.6513671875 + }, + { + "id": "3721540", + "title": "Craig Parker", + "text": "Craig Parker Craig Parker (born 12 November 1970) is a New Zealand actor, known for his roles as Haldir in the films \"\" (2001) and \"\" (2002), Darken Rahl in the television series \"Legend of the Seeker\", St\u00e9phane Narcisse in the CW television series \"Reign\", and Gaius Claudius Glaber in the television series \"Spartacus\". Parker is known for his role as Haldir of L\u00f3rien in \"The Lord of the Rings\" film trilogy, his performance of Bellerophon in \"\", St\u00e9phane Narcisse in the CW television series \"Reign\", and for playing Darken Rahl in \"Legend of the Seeker\". He also serves as", + "score": 0.65087890625 + }, + { + "id": "1485898", + "title": "The Lord of the Rings: The Fellowship of the Ring", + "text": "Fellowship of the Ring\" makes extensive use of digital, practical and make-up special effects throughout. One notable illusion used in almost every scene involved setting a proper scale so that the characters all appear to be the correct height. For example, Elijah Wood is tall in real life, but his character Frodo Baggins is barely four feet in height. A variety of techniques were used to depict the hobbits and Gimli the Dwarf as being of diminutive stature. Fortunately, John-Rhys Davies \u2013 who played Gimli \u2013 happens to be the correct height in proportion to the hobbit actors, so did", + "score": 0.65087890625 + }, + { + "id": "5622025", + "title": "Richard Armitage (actor)", + "text": "series. However, he appeared as a guest star in the first episode to resolve John Porter's fate. It was his role as John Porter that led to his casting in \"\". American casting agents noticed posters of him as John Porter in London. Although unknown to them, they offered him the role of Nazi spy Heinz Kruger because he looked the part. Armitage accepted and shot his scenes in the autumn of 2010, after filming wrapped on \"Spooks\", series 9. The film was released in July 2011. On 21 October 2010, Peter Jackson announced Armitage was cast as Thorin Oakenshield", + "score": 0.65087890625 + }, + { + "id": "13166054", + "title": "Middle-earth dwarf characters", + "text": "days. He was alive and well many years after the Quest, as reported in \"The Fellowship of the Ring\" by Gl\u00f3in to Frodo Baggins, on the eve of the Council of Elrond. In \"The Hobbit\" film series by Peter Jackson Bofur is portrayed by Northern Irish actor James Nesbitt, whose daughters Mary and Peggy also portray Bard's daughters. Bofur's role is greatly expanded in the films, with him having multiple lines of dialogue and character scenes. Nesbitt described the character as being very protective over Bifur and Bombur, who have an injury and eating problem respectively. Since neither Bombur nor", + "score": 0.65087890625 + }, + { + "id": "699990", + "title": "Bilbo Baggins", + "text": "Ralph Bakshi's 1978 animated version of \"The Lord of the Rings\", Bilbo was voiced by Norman Bird. Billy Barty was the model for Bilbo, as well as Frodo and Sam, in the live-action recordings Bakshi used for rotoscoping. The 3000th story to be broadcast in the BBC's long-running children's programme Jackanory was The Hobbit, in 1979. Four narrators told the story, with Bilbo's part being played by Bernard Cribbins In the BBC's 1981 radio serialisation of \"The Lord of the Rings\", Bilbo is played by John Le Mesurier. In the 1993 television miniseries \"Hobitit\" by Finnish broadcaster Yle, Bilbo is", + "score": 0.650390625 + }, + { + "id": "1818533", + "title": "Sylvester McCoy", + "text": "1997, recording new audio for the video game \"\". McCoy began filming for \"The Hobbit\", A three-part adaptation of the book, in 2011. He portrays the wizard Radagast, alongside fellow \"King Lear\" actor Ian McKellen who reprises his role as Gandalf. Although the character of Radagast is only alluded to in \"The Hobbit\", and only a minor character in \"The Lord of the Rings\", the part was expanded for the films. Sylvester has two sons one of whom is Sam Kent-Smith, who was a 3D artist on the \"Doctor Who\" video game \"\". Sylvester McCoy Sylvester McCoy (born Percy James", + "score": 0.650390625 + }, + { + "id": "17329995", + "title": "Under the Skin (2013 film)", + "text": "Highlands at high speeds in bad weather. The logger was played by the owner of a location researched for the film. For the man with disfigurement, Glazer did not want to use prosthetics. To cast the role, the production team contacted the charity Changing Faces, which supports people with facial disfigurements. The role went to Adam Pearson, who has neurofibromatosis and had worked in television productions. Pearson's suggestions about how Johansson's character could lure his character were used in the script. As Glazer wanted the film to feel realistic, most characters were played by non-actors. Many scenes, such as those", + "score": 0.650390625 + }, + { + "id": "2987715", + "title": "Frobisher (Doctor Who)", + "text": "Goddard). These audio adventures take place between the stories \"The World Shapers\" and \"The Age of Chaos\". In the novel \"The Scarlet Empress\", Iris Wildthyme claimed that a shape-changer who assumed the shape of a penguin was once her companion. This could refer to Frobisher, Francine, or someone else entirely. However, like much of everything associated with Wildthyme, this claim may or may not have anything to do with actual events. Not to be confused with the human character of John Frobisher, played by Peter Capaldi in spin-off TV series \"Torchwood\"'s third series. Frobisher (Doctor Who) Frobisher is a fictional", + "score": 0.650390625 + }, + { + "id": "9291847", + "title": "Michiel Huisman", + "text": "Sonny, a Dutch busker who plays keyboards and guitar. He was taught New Orleans piano by Davis Rogan. During his time on \"Treme\", Huisman also played a small supporting role in the apocalyptic action film \"World War Z\" and started recurring as Liam McGuinnis on \"Nashville\". Huisman replaced English actor Ed Skrein in the role of Daario Naharis for the fourth season (2014) of \"Game of Thrones\". Huisman was promoted to series regular for the fifth season (2015) of the series. Huisman also recurred on seasons 2 and 3 of \"Orphan Black\", portraying Cal Morrison, a rugged outdoorsman who crosses", + "score": 0.64990234375 + }, + { + "id": "20816518", + "title": "Kobna Holdbrook-Smith", + "text": "Theatre of Korea, in Seoul. Holdbrook-Smith had his debut at the National Theatre in 2009 and has since starred in four productions there (most notably appearing as Mortimer in \"Edward II)\". In 2015 he played Laertes alongside Benedict Cumberbatch in \"Hamlet\" at the Barbican Theatre, this play was also broadcast live in movie theatres worldwide as part of National Theatre Live. In 2016 Holdbrook-Smith could be seen with Benedict Cumberbatch again, this time in the blockbuster Marvel\u2019s \"Dr Strange\". A year later he played the part of Det. Crispus Allen in DC Comics \"Justice League\". The same year he also", + "score": 0.64990234375 + }, + { + "id": "16768313", + "title": "The Hobbit: An Unexpected Journey", + "text": "The story is set in Middle-earth seventy-seven years before the main events of \"The Lord of the Rings\", and portions of the film are adapted from the appendices to Tolkien's \"The Return of the King\". \"An Unexpected Journey\" tells the tale of Bilbo Baggins (Martin Freeman), who is convinced by the wizard Gandalf (Ian McKellen) to accompany thirteen Dwarves, led by Thorin Oakenshield (Richard Armitage), on a quest to reclaim the Lonely Mountain from the dragon Smaug. The ensemble cast also includes James Nesbitt, Ken Stott, Cate Blanchett, Ian Holm, Christopher Lee, Hugo Weaving, Elijah Wood and Andy Serkis, and", + "score": 0.64990234375 + }, + { + "id": "18188313", + "title": "Gilly (A Song of Ice and Fire)", + "text": "was his own.'\" In another interview, Murray spoke about her fellow castmember John, who plays her lover Sam and also about other castmembers on the show, saying \"I\u2019m really good friends with John, and I also have friends who I was friends with before we started the show. I did Skins with Joe Dempsie. My friend Jacob Anderson plays Grey Worm \u2014 we used to live together. We shared a flat with another actor. I think we were still living together when Jacob got the part, and I was so happy he was going to join.\" Gilly (A Song of", + "score": 0.6494140625 + }, + { + "id": "2715209", + "title": "Warwick Davis", + "text": "he played Nikabrik the Dwarf, adding to his previous involvement in TV adaptations of the \"Chronicles of Narnia\" series. He also appeared as a contestant on the 2007 series of Children in Need reality show Celebrity Scissorhands. Davis starred as a fictional version of himself in \"Life's Too Short\", written by Ricky Gervais and Stephen Merchant, who also starred. In December 2012, Davis returned to New Wimbledon Theatre to reprise his role in \"Snow White and the Seven Dwarfs\". In March 2013, Davis presented an episode of the ITV series \"Perspectives\": \"Warwick Davis \u2013 The Seven Dwarfs of Auschwitz\", in", + "score": 0.6494140625 + }, + { + "id": "12254311", + "title": "Gollum", + "text": "Top 10 lists of \"Motion Capture Performances\" and \"Villains Destroyed by the Power they Sought\". Serkis once again played Gollum in the prequel film \"The Hobbit: An Unexpected Journey\", released in 2012. In the film, Gollum drops the Ring while killing a goblin, rather than having lost the Ring by the time Bilbo finds it. Gollum also appears in \"The Hunt for Gollum\", the independently-produced 2009 prequel to the Jackson films directed by Chris Bouchard. Bouchard's CGI Gollum is directly inspired by Gollum in the Jackson films. In Canada, Gollum was portrayed by Michael Therriault in the three-hour stage production", + "score": 0.6494140625 + } + ], + "answer": "Beorn is a fictional character created by J. R. R. Tolkien, and part of his Middle-earth legendarium. He appears in The Hobbit as a \"skin-changer\", a man who could assume the form of a great black bear. The Swedish actor Mikael Persbrandt portrays Beorn in Peter Jackson's The Hobbit: The Desolation of Smaug and in its sequel The Battle of the Five Armies. In the 2003 Hobbit video game, Beorn is voiced by Michael Gough." + }, + { + "qa_pairs": [ + { + "context": "One episode where Bugs \"lost\" in the hunting was \"Hare Brush\" (1956). Here, Elmer has been committed to an insane asylum because he believes he is a rabbit (though it is also revealed that he is a millionaire and owns a mansion and a yacht). Bugs Bunny enters Fudd's room and Elmer bribes him with carrots, then leaves the way the real rabbit entered. Bugs acts surprisingly (for him) na\u00efve, assuming Elmer just wanted to go outside for a while. Elmer's psychiatrist arrives, and thinking Fudd's delusion has affected his appearance, drugs Bugs and conditions him into believing that he is Elmer Fudd 'after which Bugs starts wearing hunting clothes and acting like Elmer, hunting the rabbit-costumed Fudd, who is in turn acting like Bugs. Their hunt is cut short when Bugs is arrested by a government agent as Elmer Fudd is wanted for tax evasion. After Bugs is hauled away trying to explain that the rabbit is Elmer Fudd, Fudd breaks the fourth wall and tells the audience \"I may be a scwewy wabbit, but I'm not going to Alcatwaz\" as he hops away as if he had planned the whole thing.", + "question": "The hunting guy who tries to kill bugs bunny?", + "short_answers": [ + "Elmer Fudd" + ], + "wikipage": "Elmer Fudd" + }, + { + "context": "No context provided", + "question": "The gun-slinging guy who tries to kill bugs bunny?", + "short_answers": [ + "Renegade Sam", + "Yosemite Sam" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "The guy with unusual speech who tries to kill bugs bunny?", + "short_answers": [ + "Egghead", + "Elmer Fudd", + "Elmer J. Fudd" + ], + "wikipage": null + }, + { + "context": "Yosemite Sam was one of the classic Looney Tunes characters who appeared as faculty members of Acme Looniversity in the 1990s animated series \"Tiny Toon Adventures\". Sam was shown teaching classes in Firearms and Anvilology (the study of falling anvils, a staple joke in the Looney Tunes genre), and was sometimes portrayed as the school principal (though at least one episode identified Bugs Bunny as the principal, and Wile E. Coyote was Dean of Acme Loo). As with all the main Looney Tunes characters, Sam had a student counterpart at Acme Loo in Montana Max. In \"K-Acme TV,\" Yosemite Sam was seen as the judge of \"Toon Court\" (a parody of \"The People's Court\") where he proceeded over a trial where Calamity Coyote issues a complaint against the ACME Corporation for negligence and faulty workmanship. The ACME Corporation's representative Bobbo ACME claims that the devices made by the ACME Corporation work if they are used right as he demonstrates the catapult on Calamity Coyote. Judge Yosemite Sam finds in favor of the ACME Corporation. In the same episode, Yosemite Sam appeared as a prospector in a documentary detailing about the sightings of a furry creature called Bigbutt (a spoof of Bigfoot).", + "question": "The prospector guy who tries to kill bugs bunny?", + "short_answers": [ + "Yosemite Sam" + ], + "wikipage": "Yosemite Sam" + } + ], + "wikipages": [ + { + "title": "Horse Hare", + "url": "https://en.wikipedia.org/wiki/Horse%20Hare" + }, + { + "title": "Elmer Fudd", + "url": "https://en.wikipedia.org/wiki/Elmer%20Fudd" + }, + { + "title": "Stewie Griffin: The Untold Story", + "url": "https://en.wikipedia.org/wiki/Stewie%20Griffin%3A%20The%20Untold%20Story" + }, + { + "title": "Yosemite Sam", + "url": "https://en.wikipedia.org/wiki/Yosemite%20Sam" + }, + { + "title": "Bugs Bunny", + "url": "https://en.wikipedia.org/wiki/Bugs%20Bunny" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Elmer J. Fudd is a fictional cartoon character in the Warner Bros. Looney Tunes/Merrie Melodies series and the archenemy of Bugs Bunny.", + "wikipage": "Elmer Fudd" + }, + { + "content": "His aim is to hunt Bugs, but he usually ends up seriously injuring himself and other antagonizing characters. ", + "wikipage": "Elmer Fudd" + }, + { + "content": "He is an adversary of Bugs Bunny.", + "wikipage": "Yosemite Sam" + }, + { + "content": "An earlier character named Egghead set some of Elmer's aspects before the character's more conspicuous features were set.", + "wikipage": "Elmer Fudd" + } + ], + "long_answer": "Elmer J. Fudd who's also known as Elmer Fudd or Egghead an earlier version of the fictional cartoon character in the Warner Bros. Looney Tunes/Merrie Melodies series and the archenemy of Bugs Bunny. His aim is to hunt Bugs, but he usually ends up seriously injuring himself and other antagonizing characters such as Yosemite Sam, an adversary of Bugs Bunny. " + }, + { + "knowledge": [ + { + "content": "Elmer J. Fudd is a fictional cartoon character in the Warner Bros. Looney Tunes/Merrie Melodies series and the archenemy of Bugs Bunny.", + "wikipage": "Elmer Fudd" + }, + { + "content": "Yosemite Sam is a cartoon character in the Looney Tunes and Merrie Melodies series of short films produced by Warner Bros.", + "wikipage": "Yosemite Sam" + } + ], + "long_answer": "Several guys try to kill Bugs Bunny. The hunting guy with unusual speech who does is Elmer Fudd, who is the archenemy of Bugs Bunny. The gun-slinging prospector guy who does is Yosemite Sam. Both are cartoon characters in the Warner Bros. Looney Tunes and Merrie Melodies series." + } + ], + "sample_id": "-5394508513489703407", + "question": "The guy who tries to kill bugs bunny?", + "docs": [ + { + "id": "8591453", + "title": "Stewie Griffin: The Untold Story", + "text": "West Wing\". \"The A.V. Club\" called it \"uneven but frequently hilarious\". Several reviewers criticised the film for being too long to sustain interest. The episode when broadcast in Canada was subject to a complaint to the Canadian Broadcast Standards Council in 2011. The council ordered that Global Television must apologize to its viewers for not warning them about the violence in a scene where Elmer Fudd kills Bugs Bunny with a rifle during a July 23, 2011 airing of the \"Family Guy\" episode \"Stewie B. Goode\". The Council stated \"The panel finds that the scene was definitely somewhat gruesome and", + "score": 0.74267578125, + "summary": "Irrelevant.", + "extraction": "Elmer Fudd kills Bugs Bunny with a rifle during a July 23, 2011 airing of the \"Family Guy\" episode \"Stewie B. Goode\"." + }, + { + "id": "7762316", + "title": "The Looney Looney Looney Bugs Bunny Movie", + "text": "Sam agrees to this and, as a Roman guard captain, an Arab, and in his usual cowboy guise, attempts to kill Bugs. His attempts are unsuccessful, but when Satan keeps offering him one more chance, Sam refuses, stating Satan should get the rabbit himself and decides to stay. Bugs Bunny explains about cops and robbers, as well as gangster films. In Act 2, there are three cartoons dedicated to the gangster character, Rocky. Immediately after becoming a police detective (with the codename \"Elegant Mess\"), Bugs is captured by Rocky and his gang, who try to drown him. Bugs promptly escapes", + "score": 0.7421875, + "summary": "Sam attempts to kill Bugs Bunny as a Roman guard captain, an Arab, and in his cowboy guise in The Looney Looney Looney Bugs Bunny Movie, but his attempts are unsuccessful.", + "extraction": "Sam, in his various roles as a Roman guard captain, an Arab, and a cowboy, attempts to kill Bugs Bunny, but his attempts are unsuccessful." + }, + { + "id": "605433", + "title": "Bugs Bunny", + "text": "Bugs Bunny Bugs Bunny is an animated cartoon character, created in the late 1930s by Leon Schlesinger Productions (later Warner Bros. Cartoons) and voiced originally by Mel Blanc. Bugs is best known for his starring roles in the \"Looney Tunes\" and \"Merrie Melodies\" series of animated short films, produced by Warner Bros. Though a similar character debuted in the WB cartoon \"Porky's Hare Hunt\" (1938) and appeared in a few subsequent shorts, the definitive character of Bugs is widely credited to have made his debut in director Tex Avery's Oscar-nominated film \"A Wild Hare\" (1940). Bugs is an anthropomorphic gray", + "score": 0.740234375, + "summary": "Bugs Bunny is an animated character created by Leon Schlesinger Productions in the late 1930s, voiced by Mel Blanc. He is best known for his roles in \"Looney Tunes\" and \"Merrie Melodies\" produced by Warner Bros. There is no mention of anyone trying to kill Bugs Bunny, so the answer is irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "809321", + "title": "Duck Amuck", + "text": "a computer instead of a pencil and paper. It is done once again with Daffy tormenting Bugs in the \"New Looney Tunes\" episode \"One Carroter in Search of an Artist\" (for this reason, this version has garnered the alternative name \"Rabbit Rampage II\" among series fans) with the technology updated and the pencil and paintbrush replaced by a digital pen. In issue #94 of the \"Looney Tunes\" comic, Bugs Bunny gets his back at Daffy Duck by making him the victim, in switching various movie roles, from Duck Twacy in \"Who Killed Daffy Duck\",\" a video game character, and a", + "score": 0.7353515625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about any guy trying to kill Bugs Bunny." + }, + { + "id": "605468", + "title": "Bugs Bunny", + "text": "Blowout\", \"Bugs Bunny: Rabbit Rampage\", \"Bugs Bunny in Double Trouble\", \"Looney Tunes B-Ball\", \"Looney Tunes Racing\", \"\", \"Bugs Bunny Lost in Time\", \"Bugs Bunny and Taz Time Busters\", \"\", \"\", \"Scooby Doo and Looney Tunes: Cartoon Universe,\" \"Looney Tunes Dash\" and \"Looney Tunes World of Mayhem\". Bugs Bunny is characterized as being clever and capable of outsmarting anyone who antagonizes him, including Elmer Fudd, Yosemite Sam, Tasmanian Devil, Marvin the Martian, Wile E. Coyote, Gossamer, Witch Hazel, Rocky and Mugsy, The Crusher, Beaky Buzzard, Willoughby the Dog, Count Blood Count, Daffy Duck and a host of others. Bugs almost always", + "score": 0.73388671875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about a guy who tries to kill Bugs Bunny." + }, + { + "id": "8797781", + "title": "Case of the Missing Hare", + "text": "the basket. When Ala Bahma discovers that Bugs has snuck out from behind him while feigning pain, Bugs runs and attempts to jump into his hat but hits it on the barricade. Ala Bahma charges at Bugs to kill him, but Bugs plays a statues game on the magician. Once Ala Bahma gets close enough, Bugs dresses up as a fencer for Ala Bahma to fight him. Bugs escapes to the balcony to heckle Ala Bahma (\"What a performance, D'Artagnan, what a performance!\"). Realizing that he has been tricked again, Ala Bahma uses a shotgun and fires at Bugs. However,", + "score": 0.73193359375, + "summary": "Irrelevant.", + "extraction": "Bugs plays a statues game on the magician. Once Ala Bahma gets close enough, Bugs dresses up as a fencer for Ala Bahma to fight him." + }, + { + "id": "6243079", + "title": "All This and Rabbit Stew", + "text": "hunter's speech and wearing the hunter's clothes, leaving the man with a leaf covering his crotch to ad-lib \"Well, call me Adam.\" Adding further insult to injury, Bugs grabs the leaf during the \"iris out\". The film contains a reference to World War II, when the hunter threatens to Blitzkrieg Bugs. The hunter is identified in his model sheet as \"Tex's Coon\". The hunter fills the role usually associated with Elmer Fudd; this was one of four Bugs Bunny short films of 1941 which have him facing a different hunter each time (the others were \"Hiawatha's Rabbit Hunt\", in which", + "score": 0.73095703125, + "summary": "The document is irrelevant to the question of interest.", + "extraction": "The passage is irrelevant as it does not provide any information about a guy who tries to kill Bugs Bunny." + }, + { + "id": "12247101", + "title": "Elmer Fudd", + "text": "for the DC Universe and was pitted against Batman in the \"Batman/Elmer Fudd Special\". In the story, Elmer is a bounty hunter that originated from the country side before he moved to Gotham to make ends meet. He considered putting the shotgun away for good when he fell in love with Silver St. Cloud, but she was killed by hitman Bugs \"The Bunny\". He goes to a bar called Porky's (which has attendants that are humanoid versions of other famous Looney Tunes stars) to kill Bugs. Bugs confesses to killing Silver, but avoids death by telling Elmer that Bruce Wayne", + "score": 0.72705078125, + "summary": "Elmer Fudd is a character in the DC Universe who appears in \"Batman/Elmer Fudd Special\". He is a bounty hunter who moves to Gotham and falls in love with Silver St. Cloud, who is killed by hitman Bugs \"The Bunny\". Elmer tries to kill Bugs at Porky's bar. Bugs confesses to killing Silver, but the rest of the story is unknown.", + "extraction": "Elmer is a bounty hunter who considered putting the shotgun away after falling in love with Silver St. Cloud. However, hitman Bugs \"The Bunny\" killed Silver, and Elmer goes to a bar called Porky's to kill Bugs." + }, + { + "id": "12247070", + "title": "Elmer Fudd", + "text": "Elmer Fudd Elmer J. Fudd is a fictional cartoon character in the Warner Bros. \"Looney Tunes\"/\"Merrie Melodies\" series, and the \"de facto\" adversary of Bugs Bunny. He has one of the more disputed origins in the Warner Bros. cartoon pantheon (second only to Bugs himself). His aim is to hunt Bugs, but he usually ends up seriously injuring himself and other antagonizing characters. He speaks in an unusual way, replacing his Rs and Ls with Ws, so he always refers to Bugs Bunny as a \"scwewy wabbit\". Elmer's signature catchphrase is, \"Shhh. Be vewy vewy quiet, I'm hunting wabbits\", as", + "score": 0.72705078125, + "summary": "Elmer Fudd is a fictional character in the \"Looney Tunes\" series and is the adversary of Bugs Bunny. He aims to hunt Bugs but usually ends up injuring himself instead. He is known for his speech impediment and catchphrase \"Shhh. Be vewy vewy quiet, I'm hunting wabbits.\"", + "extraction": "Elmer Fudd is the \"de facto\" adversary of Bugs Bunny, and his aim is to hunt Bugs." + }, + { + "id": "4287183", + "title": "Rabbit of Seville", + "text": "Rabbit of Seville Rabbit of Seville is a Warner Bros. \"Looney Tunes\" theatrical cartoon short released in 1950. It was directed by Chuck Jones and written by Michael Maltese. The cartoon, in a plotline reminiscent of \"Stage Door Cartoon\", features Bugs Bunny being chased by Elmer Fudd into the stage door of the Hollywood Bowl, whereupon Bugs tricks Elmer into going onstage, and participating in a break-neck operatic production of their chase punctuated with gags and accompanied by musical arrangements by Carl Stalling, focusing on Rossini's overture to \"The Barber of Seville\". Stalling's arrangement is notable in that the overture's", + "score": 0.7236328125, + "summary": "irrelevant", + "extraction": "irrelevant" + }, + { + "id": "6552155", + "title": "Bugs Bunny's Christmas Carol", + "text": "Bugs Bunny's Christmas Carol Bugs Bunny's Christmas Carol is an eight-minute animated short film produced by Warner Bros. Television and DePatie-Freleng Enterprises and released in 1979 by Warner Bros. as part of the Christmas special, \"Bugs Bunny's Looney Christmas Tales\". The cartoon is an adaptation of the Charles Dickens classic \"A Christmas Carol\", featuring Yosemite Sam as Ebenezer Scrooge and Porky Pig as Bob Cratchit. Bugs Bunny plays Jacob Marley and Fred. Scrooge's dream-journey into his past, present, and future is omitted; instead, Bugs dresses up as a white-robed emissary of Hades to scare Scrooge straight. Scrooge (played by Yosemite", + "score": 0.72265625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "10422697", + "title": "Rabbit Rampage", + "text": "technology updated and the pencil and paintbrush replaced by a digital pen. In issue #94 of the \"Looney Tunes\" comic, Bugs Bunny gets his back at Daffy Duck by making him the victim, in switching various movie roles, from Duck Twacy in \"Who Killed Daffy Duck\",\" a video game character, and a talk show host, and they always wind up with Daffy starring in \"Moby Dick\" (the story's running gag). After this, Bugs comments, \"Eh, dis guy needs a new agent.\" Rabbit Rampage Rabbit Rampage is a 1955 Bugs Bunny Warner Bros. animated cartoon, directed by Chuck Jones which was", + "score": 0.7216796875, + "summary": "Irrelevant. The document is about a comic and a cartoon but does not mention anyone trying to kill Bugs Bunny.", + "extraction": "irrelevant" + }, + { + "id": "4225801", + "title": "Bugs Bunny Gets the Boid", + "text": "out and catch something for dinner. Three take off like jets from an aircraft carrier. One stays behind, his back turned. This is Beaky Buzzard (Killer) who is shy, easily embarrassed, and a little on the slow side. Against his will, his mother kicks him out of the nest with instructions to at least catch a rabbit. Beaky spots Bugs Bunny and, after sneaking around some clouds 'stalking' his prey, soars down to catch him. Bugs makes like an air-traffic controller and \"guides\" Beaky down, purposely causing him to crash. After some heckling and trickery from Bugs, a chase ensues.", + "score": 0.7216796875, + "summary": "The document is irrelevant to the question.", + "extraction": "Beaky Buzzard, who is shy, easily embarrassed, and a little on the slow side, is the one who tries to catch Bugs Bunny." + }, + { + "id": "1618169", + "title": "Yosemite Sam", + "text": "Yosemite Sam Yosemite Sam is an American animated cartoon character in the \"Looney Tunes\" and \"Merrie Melodies\" series of cartoons produced by Warner Bros. Animation. The name is somewhat alliterative and is inspired by Yosemite National Park. Along with Elmer Fudd, he is the de facto archenemy of Bugs Bunny. He is commonly depicted as an extremely aggressive gunslinging prospector, outlaw, pirate, or cowboy with a hair-trigger temper and an intense hatred of rabbits, Bugs particularly. In cartoons with non-Western themes, he uses various aliases, including \"Chilkoot Sam\" (named for the Chilkoot Trail; Sam pronounces it \"Chilli-koot\") in \"14 Carrot", + "score": 0.72021484375, + "summary": "Yosemite Sam is an animated cartoon character in the \"Looney Tunes\" and \"Merrie Melodies\" series who is commonly depicted as an aggressive gunslinging outlaw with a strong hatred for Bugs Bunny, serving as his de facto archenemy.", + "extraction": "Yosemite Sam is commonly depicted as an extremely aggressive gunslinging outlaw or cowboy with a hair-trigger temper and an intense hatred of rabbits, Bugs particularly. Therefore, he is the guy who tries to kill Bugs Bunny." + }, + { + "id": "5360942", + "title": "Bully for Bugs", + "text": "Bully for Bugs Bully for Bugs is a 1953 Warner Bros. Looney Tunes theatrical cartoon short. It was directed by Chuck Jones and written by Michael Maltese. On his way to the Coachella Valley for the \"big carrot festival, therein,\" Bugs Bunny gets lost, and wanders into a bullring in the middle of a bullfight between Toro the Bull and a very scared matador. Bugs looks at his map and famously declares: \"I knew I shoulda taken that left toin at Albukoikee\". As he asks the matador for directions, the matador escapes into the stands, leaving Bugs to fend for", + "score": 0.72021484375, + "summary": "irrelevant", + "extraction": "Irrelevant. The passage does not provide information about a guy who tries to kill Bugs Bunny." + }, + { + "id": "8479128", + "title": "Hare Remover", + "text": "studio. Mad scientist Elmer tries his best to make a \"Jekyll and Hyde potion\", but his experiments always end in failure, causing one of his test animals, a dog, to run out and eat grass. He decides to trap a rabbit (Bugs Bunny) as his next subject. After he traps him, Elmer gives Bugs the potion, again with no success. Elmer has a crying fit until Bugs gives him one of the potions, giving Elmer the same initial looney side effects the other animals had experienced. (Bugs comments to the audience, \"I think Spencer Tracy did it much better. Don't", + "score": 0.72021484375, + "summary": "The document is relevant but does not provide information about the guy who tries to kill Bugs Bunny.", + "extraction": "Bugs Bunny was trapped by Elmer, who attempted to give him a \"Jekyll and Hyde potion\", but the experiment failed. Elmer is not the guy who tries to kill Bugs Bunny, so the answer is irrelevant." + }, + { + "id": "16182101", + "title": "Buddy's Bug Hunt", + "text": "Buddy's Bug Hunt Buddy's Bug Hunt is an American animated short film, released June 22, 1935. It is a \"Looney Tunes\" cartoon, featuring Buddy, the second star of the series. It was supervised by Jack King; musical direction was by Norman Spencer. Young bug-catcher Buddy merrily chases an insect with a net, eventually leading it into his \"Bug House,\" a backyard shack in which he collects and studies bugs. Buddy then removes a happy spider from its web and etherizes it upon a table, so that he might examine it with his microscope. As the spider cries, Buddy dispenses more", + "score": 0.71923828125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "10369926", + "title": "The Bugs Bunny Mystery Special", + "text": "The Bugs Bunny Mystery Special The Bugs Bunny Mystery Special is an animated television special that was broadcast on CBS October 26, 1980. Presented as an Alfred Hitchcock-style whodunit, the plot is modeled after those of \"North by Northwest\" and \"The Fugitive\". Like most Looney Tunes specials of the time, this program consists of clips from classic cartoons with some new original animation holding them together. A criminal known as the Tall, Dark Stranger robs a bank, and Inspector Elmer Fudd mistakenly arrests Bugs Bunny for the crime. Escaping from jail, Bugs sets out to prove his innocence while evading", + "score": 0.71875, + "summary": "The document is irrelevant to the question of interest.", + "extraction": "Irrelevant. The passage does not provide any information about a guy who tries to kill Bugs Bunny." + }, + { + "id": "1618195", + "title": "Yosemite Sam", + "text": "voiced the character one last time in the 1989 TV special \"Bugs Bunny's Wild World of Sports\". Blanc used a voice similar to Yosemite Sam's for Mr. Spacely on \"The Jetsons\". Yosemite Sam Yosemite Sam is an American animated cartoon character in the \"Looney Tunes\" and \"Merrie Melodies\" series of cartoons produced by Warner Bros. Animation. The name is somewhat alliterative and is inspired by Yosemite National Park. Along with Elmer Fudd, he is the de facto archenemy of Bugs Bunny. He is commonly depicted as an extremely aggressive gunslinging prospector, outlaw, pirate, or cowboy with a hair-trigger temper and", + "score": 0.71875, + "summary": "Yosemite Sam is an aggressive character in the Looney Tunes series and the archenemy of Bugs Bunny. However, there is no mention of him trying to kill Bugs Bunny or any relevant information regarding the question.", + "extraction": "Yosemite Sam is the de facto archenemy of Bugs Bunny." + }, + { + "id": "4112347", + "title": "Bugs Bunny Nips the Nips", + "text": "as 'Rs' and who might be rapidly stating the names of Japanese cities whenever he moves. The soldier chases Bugs to a rabbit hole, where the soldier dumps a bomb inside. However, Bugs manages to blow the soldier up with the bomb. When the soldier tries to swing a sword at Bugs, Bugs appears as a Japanese general (presumably Hideki Tojo), but is soon recognized by his trademark carrot eating, prompting the soldier (who says he saw Bugs in the \"Warner Bros. Leon Schlesinger \"Merrie Melodies\" cartoon pictures\", referring to the fact that Bugs was originally exclusive to that series)", + "score": 0.716796875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "12247102", + "title": "Elmer Fudd", + "text": "hired him to do it. Elmer believes Bugs as Bruce was Silver's former lover, and shoots Bruce at a party for vengeance. Batman confronts Elmer in his apartment and defeats the gunman in a fight, where Elmer tells Batman about Silver's death and Bugs. Elmer and Batman return to Porky's and take out most of the crowd before confronting Bugs. The three are shocked to find Silver in the bar herself, where she revealed that she left Bruce and Elmer because of their dangerous lifestyles and had Bugs fake her death. The story ends with all three of the men", + "score": 0.7158203125 + }, + { + "id": "8305514", + "title": "Bonanza Bunny", + "text": "claims to be twice as dangerous. As Jacque goes into confront this stranger, whom we see is Bugs in disguise, he sees Bugs pull out a popgun. Just as Jacque pulls out the cork (\"Ha ha ha ha ha ha, a popgun! Well, Monsieur Tough Guy, I'm gonna pull your cork!\"), the gun blasts him in the face. In a classic Bugs Bunny trick (similar to one he pulled in \"Ballot Box Bunny\"), Bugs then pretends to have a phone call for Jacque from \"Fifi from Montreal\" - with the receiver being a lighted stick of dynamite. Jacque takes the", + "score": 0.71533203125 + }, + { + "id": "14867170", + "title": "Bugs vs. Daffy: Battle of the Music Video Stars", + "text": "Bugs vs. Daffy: Battle of the Music Video Stars Bugs vs. Daffy: Battle of the Music Video Stars is a 1988 animated television special broadcast on CBS on October 21, 1988. The story revolves around two competing television stations that show music videos from classic \"Looney Tunes\" shorts. The stations are hosted by Bugs Bunny (WABBIT) and Daffy Duck (KPUT). It was one of the first specials produced by Warner Bros. where new animation was both traditionally and digitally inked and painted. It can be found in the Adventures section of the \"Space Jam\" 2-disc box set. After the title", + "score": 0.71533203125 + }, + { + "id": "809320", + "title": "Duck Amuck", + "text": "of three animated shorts by Jones to receive this honor (the others are 1957's \"What's Opera, Doc?\" and 1955's \"One Froggy Evening\"). Jones has the distinction of being the only director () with three animated shorts in the registry. The cartoon's plot was essentially replicated in one of Jones' later cartoons, \"Rabbit Rampage\" (1955), in which Bugs Bunny turns out to be the victim of the sadistic animator (Elmer Fudd). A similar plot was also included in the episode \"Duck's Reflucks\" of \"Baby Looney Tunes,\" in which Bugs was the victim, Daffy was the animator, and it was made on", + "score": 0.71533203125 + }, + { + "id": "970934", + "title": "Marvin the Martian", + "text": "to destroy the Earth because, he reasons, \"it obstructs my view of Venus\"; he has been trying to destroy the Earth for more than two millennia, suggesting that members of his species, and possibly Martian creatures in general, have extremely long lifespans. The original reference to \"Uranium Pu-36\" changed to \"Illudium PU-36\" in subsequent cartoons. Marvin is consistently foiled by Bugs Bunny. He has battled for space territory, Planet X, with Daffy Duck, a.k.a. \"Duck Dodgers in the 24\u00bdth Century\". He has appeared in three animated shows on Cartoon Network \u2014 as a 3 year old toddler in \"Baby Looney", + "score": 0.71533203125 + }, + { + "id": "6784201", + "title": "A Corny Concerto", + "text": "Strauss' waltz, Porky Pig and his unnamed hunting dog are in the presumed woods of the title, as Porky, in the role usually reserved for Elmer Fudd's rabbit/duck hunter character, holds up the sign \"I'm hunting that @!!*@ rabbit!!\" (which turns out to be none other than Bugs Bunny) and the dog holds a sign of his own which simply states \"DITTO\". Other than the 1930s incarnation of Porky hunting a Bugs Bunny prototype in Ben \"Bugs\" Hardaway's and Cal Dalton's \"Porky's Hare Hunt\" (1938), this is Porky's sole outing as a \"rabbit hunter\", but since both Porky and Bugs", + "score": 0.71533203125 + }, + { + "id": "7989052", + "title": "Bugs Bunny Rabbit Rampage", + "text": "Bugs Bunny Rabbit Rampage Bugs Bunny Rabbit Rampage is an action video game developed by Viacom New Media (a then-sister company to Nickelodeon, who had broadcast \"Looney Tunes\" cartoons at the time of the game's release) and published by Sunsoft released exclusively for the SNES in 1993 and 1994. The player controls Bugs Bunny as he fights traditional Looney Tunes villains in order to confront the main villain of the story, animator Daffy Duck. The game's title is derived from the 1955 animated short \"Rabbit Rampage\", which follows a similar plot of Bugs at the mercy of an antagonistic animator,", + "score": 0.71484375 + }, + { + "id": "6322735", + "title": "Ben Hardaway", + "text": "yet unnamed, embryonic rabbit was later named in an early model sheet as \"Bugs' Bunny\". A new drawing of a redesigned rabbit had been requested by the story department as described by Virgil Ross, the animator of \"A Wild Hare\" in an interview published in \"Animato\" magazine issue #19. Animator Ben \"Bugs\" Hardaway inadvertently christened him when \"his casual sketch of a proposed rabbit character\" was labeled \"Bugs's Bunny\" by a fellow employee, as described in the \"Encyclop\u00e6dia Britannica\". When Freleng returned to Warner Bros. in 1939, Hardaway was demoted back to storyman, while Tex Avery eventually created his own", + "score": 0.71435546875 + }, + { + "id": "6038772", + "title": "Rabbit Seasoning", + "text": "Fudd then appears and notices the rabbit tracks. He pokes his gun into the hole, threatens to blast Bugs if he does not come out, and then follows through on his threat. Bugs Bunny, however, has been watching from a hole a few feet away and wanders over to Elmer to begin a conversation with him about rabbit season. When Elmer fails to realize that Bugs is a rabbit, Daffy is disgusted by this and emerges from his hiding spot to point out that Bugs is a rabbit, which the latter confirms, asking if Elmer would prefer to shoot him", + "score": 0.7138671875 + }, + { + "id": "4287192", + "title": "Rabbit of Seville", + "text": "uncut and digitally remastered, on disc 1 of \"\", disc 1 of \"The Essential Bugs Bunny\", and on disc 1 of \"\". Rabbit of Seville Rabbit of Seville is a Warner Bros. \"Looney Tunes\" theatrical cartoon short released in 1950. It was directed by Chuck Jones and written by Michael Maltese. The cartoon, in a plotline reminiscent of \"Stage Door Cartoon\", features Bugs Bunny being chased by Elmer Fudd into the stage door of the Hollywood Bowl, whereupon Bugs tricks Elmer into going onstage, and participating in a break-neck operatic production of their chase punctuated with gags and accompanied by", + "score": 0.71337890625 + }, + { + "id": "7315009", + "title": "Bunker Hill Bunny", + "text": "Bunker Hill Bunny Bunker Hill Bunny is a 1949 Warner Brothers Merrie Melodies theatrical cartoon short, released in 1950 and starring Bugs Bunny and Yosemite Sam as a Hessian mercenary in the American Revolution. It was directed by Friz Freleng (I. Freleng) and written by Tedd Pierce. Hawley Pratt and Paul Julian did the layout and backgrounds, while Arthur Davis, Ken Champin, Virgil Ross and Gerry Chiniquy headed the team of animators. Mel Blanc provided voice characterizations, and Carl Stalling created the musical score. Bugs, dressed as an American Minuteman defending a wooden fort against the red-coated Sam von Schamm", + "score": 0.71337890625 + }, + { + "id": "9315128", + "title": "My Bunny Lies over the Sea", + "text": "though this cartoon was the Scotsman's (named Angus MacRory) only theatrical appearance, he also made his second major role in \"\"It's a Plaid, Plaid, Plaid, Plaid World\"\" episode (released on February 3, 1996) in \"The Sylvester and Tweety Mysteries\". The Scotsman appeared briefly in a 1989 TV special, and on a couple of \"Animaniacs\" episodes. He can also be seen in the 1996 hit film, \"Space Jam\", watching the Toon Squad/Michael Jordan basketball game. This cartoon begins as Bugs Bunny once again gets lost when he is tunneling to his vacation spot. He accidentally ends up in Scotland, instead of", + "score": 0.712890625 + }, + { + "id": "4417420", + "title": "Rabbit Fire", + "text": "gun,\" suggesting that Elmer shoot an elephant instead. Just as Elmer is considering it, a huge elephant appears from literally nowhere, threatens Elmer in a Joe Besser voice, and preemptively pounds him into the ground before striding off. Elmer finally loses patience and decides to take out both Bugs \"and\" Daffy. Daffy comes into the scene, disguised as a hunting dog and Bugs comes in as a lady hunter. It appears that the outrage of Elmer hunting for sport rather than for food has united both rabbit and duck against him. Initially, Elmer is smitten by the 'lady' (Bugs gives", + "score": 0.712890625 + }, + { + "id": "8597011", + "title": "Rabbit's Kin", + "text": "Rabbit's Kin Rabbit's Kin is a \"Merrie Melodies\" animated short released on November 15, 1952. It was directed by Robert McKimson and written by Tedd Pierce. The cartoon was animated by Charles McKimson, Herman Cohen, Rod Scribner, Phil DeLara and Keith Darling. The music was scored by Carl Stalling while the layouts and backgrounds were done by Robert Givens and Richard H. Thomas, respectively. Mel Blanc performs the voice of Bugs Bunny and Shorty Rabbit, while Stan Freberg voiced Bugs' new enemy Pete Puma, doing an imitation of the character Frank Fontaine introduced on The Jack Benny Show named John", + "score": 0.71240234375 + }, + { + "id": "6243076", + "title": "All This and Rabbit Stew", + "text": "All This and Rabbit Stew All This and Rabbit Stew is a 1941 \"Merrie Melodies\" series cartoon directed by an uncredited Tex Avery. A black hunter walks over to a rabbit hole where Bugs is eating his carrots. Bugs is led to a trunk where he tricks the hunter into destroying the tree. Bugs distracts the hunter after introducing himself, and digs underground and when the hunter realizes that Bugs has his gun. Bugs has the hunter run far enough so he can go down the rabbit hole. Realizing that he has been had, the hunter uses a toilet plunger", + "score": 0.71240234375 + }, + { + "id": "9314871", + "title": "Beanstalk Bunny", + "text": "Daffy's excitement turns into panic and he runs from the giant Elmer just as Bugs reaches the top. As Elmer closes in on the duo, Bugs reminds Elmer that he is supposed to go after Jack instead of a rabbit and points out that Daffy is Jack. Daffy frantically tries to pass this off as a lie, declaring his name to be Aloysius, and that Bugs is Jack. As the two start to argue about who the real Jack is, Elmer decides to \"open up with a pair of Jacks\" and captures both of them. Inside the castle, Elmer places", + "score": 0.71240234375 + }, + { + "id": "8596313", + "title": "Jack-Wabbit and the Beanstalk", + "text": "out they belong to a dim-witted giant. The giant (Fudd) is incensed at Bugs invading his \"victory garden\" and Bugs spends most of the rest of the film trying to elude the giant. At one point he challenges him to a duel and the giant starts pacing off into the distance and is soon over the horizon. Bugs' self-congratulations (\"You know, I'm so smart, sometimes it almost frightens me\") is short-lived, as the giant comes toward him from the \"other\" horizon. Finally, the giant accidentally falls from his sky-borne realm and crashes into the ground, making a huge giant-shaped hole.", + "score": 0.7119140625 + }, + { + "id": "12093312", + "title": "A Star Is Bored", + "text": "holding a carrot, and stands next to Sam. Daffy gets the worst of it instead of Bugs! Next, Bugs is in a scene where Elmer Fudd is cast in his usual role as trying to hunt Bugs. Bugs is high in a tree and Elmer is supposed to climb it to saw the branch Bugs is sitting on, off (though not all the way through, as Bugs reminds him). However, Daffy has other ideas. He tells Elmer to come closer to him, as he has something to tell him. Lacking a clue to Daffy's actual motive, Elmer shuffles closer to", + "score": 0.7119140625 + }, + { + "id": "10166484", + "title": "Hare-Way to the Stars", + "text": "appears to be a space station. While there, Bugs meets Marvin the Martian who is trying to blow up Earth with the Illudium Q-36 Explosive Space Modulator (in reality a stick of dynamite, it is also the same device he tried to use in his debut short \"Haredevil Hare\", though that Space Modulator was Uranium rather than Illudium) because \"it obstructs [his] view of Venus\". Bugs quietly steals Marvin's explosive and after hearing no explosion, Marvin says one of his trademark lines \"\"Where's the kaboom? There was supposed to be an Earth-shattering kaboom!\"\". Marvin then discovers that the explosive has", + "score": 0.71142578125 + }, + { + "id": "4212835", + "title": "Fresh Hare", + "text": "surprise, Bugs instead turns around at the last moment and hits the real Elmer square in the nose, propelling him backward. After some more hijinks, a weeping Elmer Fudd gives up and labels himself as a \"disgwace to the wegiment\" for his failure to catch the rabbit, at which point Bugs willingly turns himself in. At headquarters, Bugs is blindfolded and sentenced to death by firing squad. As the firing squad lines up to execute Bugs, Elmer tells Bugs that he can make one last wish before he dies, which prompts Bugs to break out into \"Dixie\". The scene then,", + "score": 0.7109375 + }, + { + "id": "12473274", + "title": "Devil's Feud Cake", + "text": "him one more chance. Sam, however, has had enough of these backfired attempts and tells the Head Devil that if he wants Bugs, he can get him \"himself\" and announces that he is \"staying\" in Hell. Sam then rushes away, puts on a devil's suit, comes back, and starts laughing in a maniacal way. Devil's Feud Cake Devil's Feud Cake is a 1963 Warner Bros. \"Merrie Melodies\" animated short featuring Bugs Bunny and Yosemite Sam. Serving as his final appearance in the series, Yosemite Sam is killed off in this short, which relies heavily on recycled footage and animation from", + "score": 0.7109375 + }, + { + "id": "8305511", + "title": "Bonanza Bunny", + "text": "proof, accompanied by \"How Dry I Am\") then comments that Bugs' rock is \"pretty\", to which Bugs pays the man with it while naively saying: \"You like it? Keep it! I'm gonna keep the rest and sell 'em off for souvenirs.\" Nonetheless, Bugs is shot at by a man who identifies himself as Blacque Jacque Shellacque - \"Wanted\" for claim-jumping, pogo-sticking, and square-dance calling. The shot breaks Bugs' glass of carrot juice and Bugs confronts Jacque about how rude he is. Jacque thinks that Bugs is out to get rich and demands the bag of gold. When Bugs refuses to", + "score": 0.71044921875 + }, + { + "id": "4261823", + "title": "Hillbilly Hare", + "text": "Hillbilly Hare Hillbilly Hare is a 1949 produced, 1950 released \"Merrie Melodies\" cartoon starring Bugs Bunny, produced and released by Warner Bros. Pictures. It was directed by Robert McKimson, with a story by Tedd Pierce and musical direction by Carl Stalling. As usual, Bugs is voiced by Mel Blanc, as is Curt Martin; an uncredited Stan Freberg and John T. Smith both voice Punkin'head Martin, and Smith also voices the jukebox square dance caller. Bugs Bunny is vacationing in the Ozarks and stumbles into the territory of two hillbilly brothers, Curt and Punkin'head Martin. The brothers figure Bugs as being", + "score": 0.7099609375 + }, + { + "id": "6949718", + "title": "Herr Meets Hare", + "text": "of G\u00f6ring and escapes (anticipating \"What's Opera, Doc?\" co-starring Elmer Fudd). Eventually, G\u00f6ring gets a hawk to capture Bugs. Bugs, standing next to G\u00f6ring asks, \"Do you think he\u2019ll catch me, doc?\" to which G\u00f6ring replies, \"Do I think he'll catch you? Why, he\u2019ll have you back here before you can say Schicklgruber.\" (Schicklgruber was the original surname of Hitler\u2019s father Alois.) Bugs runs off and jumps into his rabbit hole, but as he falls down the hole, the hawk, which imitates Jimmy Durante, catches Bugs in a bag, capturing him. G\u00f6ring brings the bag to Hitler, who plays solitaire", + "score": 0.7099609375 + }, + { + "id": "7093511", + "title": "Hare Tonic", + "text": "in the Marx Brothers' film, \"Duck Soup\") and his own \"rabbity\" image reflected at him in a mirror that's really just Bugs after the glass has been removed. And when Dr. Killpatient (Bugs) tests Elmer's reflexes, Elmer goes into a familiar Russian kick dance, and Bugs decides to join him in a busby hat and boots. Finally, Elmer sees Bugs' game and chases him out of the house with a shotgun. But Bugs quickly halts the chase and, in an unusually lengthy breaking of the fourth wall, even by Bugs' standards, he convinces Elmer that members of the audience are", + "score": 0.7099609375 + }, + { + "id": "11259201", + "title": "The Grey Hounded Hare", + "text": "in an homage to Spike Jones' \"William Tell Overture.\" Bugs watches as a rabbit lure is led out. Not realizing the rabbit is a mechanical fake, Bugs instantly falls in love with it (\"Wow! What a hunk of feminine pulchritoodee!\"). Upon seeing the dogs being released from their starting boxes, declaring that \"chivalry is \"not\" dead\", Bugs decides to \"rescue\" the lure and jumps into the track, taking down some of the dogs one at a time. During this sequence, the announcer, shocked at what he sees, kills himself off-screen. Bugs eventually teases the dogs enough that they start chasing", + "score": 0.70947265625 + }, + { + "id": "10166473", + "title": "Hare Splitter", + "text": "are! You're that screwy rabbit!\" he shouts, clearly not realizing this description applies just as well to himself). Bugs tries to get Casbah out of hitting him by donning a pair of glasses (\"You wouldn't hit a guy with glasses, would ya?\"), but Casbah still punches him in the face, breaking the glasses and making Bugs realize he's angered Casbah (\"Ya know? I believe he \"would\"\"). Casbah then chases Bugs as he is now on the warpath against Bugs, who manages to escape into Daisy's house and slam the door on Casbah's face. Bugs sees Daisy coming home and runs", + "score": 0.708984375 + }, + { + "id": "11052909", + "title": "Bowery Bugs", + "text": "Bowery Bugs Bowery Bugs is a Bugs Bunny cartoon directed by Arthur Davis , written by Lloyd Turner and Bill Scott, and released in mid-1949 as part of the \"Merrie Melodies\" series. This was the only cartoon animated and released in 1949. It stars Bugs Bunny (voiced by Mel Blanc, who also voices the other men in the pool hall) and Steve Brody (voiced here by Billy Bletcher), who was based on the real-life Brooklyn bookmaker Steve Brodie who claimed to have jumped off the Brooklyn Bridge. Steve Brodie was a native of the Lower East Side. He first came", + "score": 0.708984375 + }, + { + "id": "5227008", + "title": "The Heckling Hare", + "text": "The Heckling Hare The Heckling Hare is a Merrie Melodies cartoon, released on July 5, 1941 and featuring Bugs Bunny and a dopey dog named Willoughby. The cartoon was directed by Tex Avery, written by Michael Maltese, animated by soon-to-be director Bob McKimson, and with musical direction by Carl Stalling. In style that was becoming typical of the Bugs character, he easily outwitted and tormented his antagonist through the short, his only concern being what to do next to the dog. This is the second-to-last Bugs Bunny cartoon directed by Tex Avery to be released. The last, \"All This and", + "score": 0.708984375 + }, + { + "id": "3437169", + "title": "Cecil Turtle", + "text": "this misconception by dressing in a gray rabbit suit and munching on some delicious carrots. The mobsters thus make the shelled Bugs' run a nightmare, ultimately giving the race to Cecil (in an aside to the audience, as the rabbits cheer him, Cecil remarks \"I \"told\" you rabbits aren't very bright!\"). When Bugs removes the chassis and sobbingly reveals that \"he's\" the rabbit, the rabbit gangsters remark, in mock-Bugsy style, \"Ehhh, \"now\" he tells us!\" and commit suicide by shooting themselves with a single bullet that goes through the sides of all of their apparently soft heads. (The final gag", + "score": 0.708984375 + }, + { + "id": "6323161", + "title": "Duck! Rabbit, Duck!", + "text": "declares that he got his \"wabbit stew\". However, Bugs is already prepared for Daffy's trick and attempts to convince Elmer not to shoot him because he is obviously an endangered species-a fricasseeing rabbit (the irony being that fricassee is actually a type of stew) and that Elmer does not have a license to shoot fricasseeing rabbits. This enrages Daffy, who attempts to convince Elmer Fudd that Bugs Bunny is actually trying to fool Elmer and orders Elmer to shoot Bugs, prompting Elmer to regretfully point out that he does not have the proper license. Exasperated, Daffy writes out the proper", + "score": 0.70849609375 + }, + { + "id": "1639030", + "title": "Witch Hazel (Looney Tunes)", + "text": "room to prepare the poisonous concoction, she encourages him to \"Make yourself \"homely\"!\" Bugs Bunny was pitted against Witch Hazel in one final cartoon, \"A Witch's Tangled Hare\" (1959), a parody of \"Macbeth\". This short was directed by Abe Levitow. Rabbit is once again the missing ingredient to Witch Hazel's brew and Bugs happens to be in the area. Meanwhile, a William Shakespeare look-alike observes the action in search of inspiration. In the ending of the short, Bugs finds out that the man is not William Shakespeare, but is actually a man named Sam Crubish. Witch Hazel hears this and", + "score": 0.70849609375 + }, + { + "id": "605485", + "title": "Bugs Bunny", + "text": "drawn beautifully. He has thrilled and made many generations laugh. He is tops.\" Some have noted that comedian Eric Andre is the nearest contemporary comedic equivalent to Bugs. They attribute this to, \"their ability to constantly flip the script on their unwitting counterparts.\" American use of the term \"Nimrod\" to mean \"idiot\" is attributed (in \"Garner's Modern American Usage\") entirely to Bugs's expostulation \"What a Nimrod!\" to describe the inept hunter Elmer Fudd. Bugs Bunny Bugs Bunny is an animated cartoon character, created in the late 1930s by Leon Schlesinger Productions (later Warner Bros. Cartoons) and voiced originally by Mel", + "score": 0.70849609375 + }, + { + "id": "5360943", + "title": "Bully for Bugs", + "text": "himself against Toro. After irritating Bugs and getting a slap for \"steamin' up [his] tail,\" Toro chalks up the points of his horns like a pool cue and rams the rabbit out of the bullring. As he sails into the air, a furious Bugs decides to exact revenge and says his famous line: \"Of course you realize \"this\" means war\". Toro takes his applause for claiming his latest victim (and pushes a bead across a scoring wire, as in billiards), but it is short-lived because Bugs re-enters the bullring in matador garb. Bugs defeats Toro using an anvil hidden behind", + "score": 0.70751953125 + }, + { + "id": "827269", + "title": "What's Opera, Doc?", + "text": "the wabbit! Kill the wabbit! Kill the wabbit!\" Bugs sticks his head out of another rabbit hole, and, appalled, sings his signature line \"What's up, doc?\" to the theme of Siegfried's horn call from the \"Ring Cycle\". He asks Elmer how he will kill the rabbit, then taunts Elmer about his \"spear and magic helmet\". This prompts a display of Elmer-as-Siegfried's \"mighty powers\", set to the overture of \"The Flying Dutchman\", which causes lightning to strike the tree next to Bugs. At that, Bugs flees, Elmer realizes \"That was the wabbit!\", and the chase begins. Suddenly, Elmer stops in his", + "score": 0.70751953125 + }, + { + "id": "7835766", + "title": "Baby Buggy Bunny", + "text": "Baby Buggy Bunny Baby Buggy Bunny is a \"Merrie Melodies\" animated short directed by Chuck Jones and written by Michael Maltese, released in 1954. The story is about a dwarf gangster named \"Babyface\" Finster (based on gangster Baby Face Nelson) who, after a clever bank robbery, loses his ill-gotten gains down Bugs Bunny's rabbit hole, forcing him to don the disguise of an orphan baby to get it back. Baby-Face Finster (a.k.a. Ant Hill Harry), a 35-year-old man who resembles a baby, makes a successful robbery of the Last National Bank by the swift use of stilts, dark clothes, a", + "score": 0.70703125 + }, + { + "id": "13959333", + "title": "Bill of Hare", + "text": "then comes on shore and smells food being cooked. He sees Bugs Bunny under the pier trying to cook a meal in a kettle. Taz promptly throws Bugs into the pot, but hearing singing in the pot, opens it up. Bugs, disguised as an old man, orders Taz to close the door, but when Taz tries to look again, Bugs, disguised as a lady, slaps him and pokes him in the eyes. Angered, Taz rips the shower curtains, placed by Bugs, but once he is in the pot, he hears Bugs begging him to stop drowning him. Bugs (who was", + "score": 0.70703125 + }, + { + "id": "9314889", + "title": "Buckaroo Bugs", + "text": "due to rationing. The short also has Bugs stealing all the carrots from a victory garden, which is another World War II reference. Unlike in most shorts, Bugs Bunny serves as an antagonist. In the cartoon, he plays a carrot thief called the Masked Marauder, whom Brooklyn's \"Red Hot Ryder\" (a parody of Red Ryder) must bring to justice. The cartoon portrays Red Hot Ryder as a dimwit who cannot distinguish Bugs Bunny from the Masked Marauder, his black horse named Horsey with a mind of its own, and his good-natured slowness is consistently mocked: When Bugs Bunny as the", + "score": 0.70654296875 + }, + { + "id": "16182107", + "title": "Buddy's Bug Hunt", + "text": "(or considered) the new star of Warner Bros.'s cartoons. Beans appeared in nine shorts before he was entirely displaced by Porky Pig, to whom the duty of the ending salute would most famously pass. Buddy's Bug Hunt Buddy's Bug Hunt is an American animated short film, released June 22, 1935. It is a \"Looney Tunes\" cartoon, featuring Buddy, the second star of the series. It was supervised by Jack King; musical direction was by Norman Spencer. Young bug-catcher Buddy merrily chases an insect with a net, eventually leading it into his \"Bug House,\" a backyard shack in which he collects", + "score": 0.7060546875 + }, + { + "id": "13920745", + "title": "Napoleon Bunny-Part", + "text": "back \"up\" the staircase screaming in pain. Mugsy then gets the \"point\" again. Napoleon ends up catching Bugs by holding him at gunpoint and orders him into a guillotine. Bugs runs off with Napoleon in pursuit, running down the guillotine platform and then back up and through the guillotine which is still raised. Napoleon follows Bugs but as he runs through the guillotine the blade falls and slices the back of his uniform along with the hair from the back of his head. Napoleon demands an explanation from the hooded executioner, who is revealed to be Bugs himself. Bugs then", + "score": 0.7060546875 + }, + { + "id": "9314872", + "title": "Beanstalk Bunny", + "text": "Bugs and Daffy under a glass cake dome and prepares to grind their bones with a peppercorn grinder to make his bread. However, they manage to escape because Bugs has an ACME glass cutter in his possession. Elmer then chases the two around his castle as they are trying to get away. The chase continues until Bugs manages to trip Elmer, knocking him unconscious. Bugs wants to leave the place, but greedy Daffy decides to stay so he can steal \"those solid gold goodies\" from the giant (\"On account that I am greedy\"). As Bugs runs towards the beanstalk, he", + "score": 0.70556640625 + }, + { + "id": "4576840", + "title": "Tortoise Wins by a Hare", + "text": "line, while other rabbits rush Cecil over the line and to victory. Bugs then bursts out crying, rips off his chassis and reveals that he was the real rabbit. In despair, the rabbit mob replies, \"Ehhh, \"now\" he tells us,\" and kill themselves with a single bullet through all their heads. The animated short contains wartime references. Bugs displays \"A\" and \"C\" ration cards. He claims he has a secret weapon. A Japanese cruiser is mentioned in a newspaper headline. A chorus of turtles sing \"He did it before and he can do it again\". Nichola Dobson mentions the short", + "score": 0.70556640625 + }, + { + "id": "10166437", + "title": "Captain Hareblower", + "text": "with carrots, hears the commotion on the ship and asks Sam \"Ahoy there! What's up doc?\" Sam orders Bugs to surrender the ship. Bugs replies with \"\"Surrender? Never hoid the woid. So you'll have to try and take this ship!\"\" Sam simply responds with a warning shot through Bugs' Napoleonic hat and between his ears, leaving a lump on Bugs' head (\"\"Now, he should know better than that!\"\"). Bugs and Captain Sam battle each other in a fierce duel. Bugs first manages to find and shoot Sam first time (\"\"Blast, ya rabbit! Two can play that game!\"\"), and when Sam", + "score": 0.705078125 + }, + { + "id": "2462930", + "title": "Bugs and Thugs", + "text": "Private Eyeball \u2013 Thugs Thwarted, Arsonists Arrested, Bandits Booked, Counterfeiters Caught, Forgers Found and Chiselers Chiseled.\" \u2022 Mel Blanc as Bugs Bunny, Rocky, Mugsy and Police Officers Bugs and Thugs Bugs and Thugs is a 1954 animated short film in the \"Looney Tunes\" series produced by Warner Bros. Cartoons, Inc. It features Bugs Bunny with Rocky and Mugsy. The film is a semi-remake of \"Racketeer Rabbit\" and was directed by Friz Freleng. Bugs comes out of his hole in a city park, reading the newspaper on his way to his bank, to make a withdrawal from his personal depository of", + "score": 0.705078125 + }, + { + "id": "4287188", + "title": "Rabbit of Seville", + "text": "with a massage with hands and feet, then turning his head into a fruit salad bowl (complete with whipped cream and a cherry on top). Elmer chases Bugs with a razor, but Bugs becomes a snake charmer, actually charming an electric shaver to chase Elmer. Elmer eventually disables the shaver with a shotgun blast and chases Bugs back to the barber's chairs. Bugs and Elmer each get on a chair that they raise to dizzying heights, Elmer shooting at Bugs all the way. Bugs cuts loose a stage sandbag which lands in Elmer's lap, causing the chair to spin back", + "score": 0.70458984375 + }, + { + "id": "11250984", + "title": "Knights Must Fall", + "text": "posterior, causing him to jump and smash into an arch before smashing back into his armor. Bugs unscrews the helmet and remarks \"Look at the new \"Dick Tracy\" character, \"Accordion Head\"!\". Bugs is then chased into a manhole, and before Pantsalot can dive in, Bugs puts the lid on, causing yet another head blow to Pantsalot. Bugs, thinking he has won, prepares to leave (\"\"I guess I'd better go phone Lady Windermere not to expect her spouse home for dinner\"\"), but the knights, led by Pantsalot, reappear in formation to joust together against Bugs. Bugs calls timeout and builds a", + "score": 0.70458984375 + }, + { + "id": "12668674", + "title": "Development of Bugs Bunny", + "text": "Development of Bugs Bunny A prototypical version of Bugs Bunny appeared in four cartoon shorts before making his first official appearance in Tex Avery's \"A Wild Hare\". While this prototype version is commonly referred to as \"Happy Rabbit\", animation historian David Gerstein disputes this, saying that the only usage of the term was from Mel Blanc himself; the name \"Bugs Bunny\" was used as early as August 1939, in the Motion Picture Herald, in a review for the short \"Hare-um Scare-um\". Several published first person accounts, encyclopedic references, and Warner Bros.' own published material describe the inception of the name", + "score": 0.70458984375 + }, + { + "id": "11828920", + "title": "Shishkabugs", + "text": "execution. After a brief scene showing a sign reading \"Cook Wanted,\" Bugs, now the new royal chef, serves the king his hasenpfeffer. The king removes the pot lid and eats a giant carrot, which Bugs is passing off as hasenpfeffer. The king comments, \"If I didn't know this was hasenpfeffer, I'd swear it was carrots.\" Bugs then closes one eye and, breaking the fourth wall, remarks to the audience with an English cockney accent: \"It just goes to show you how a one-eyed Jack ([\"sotto voce\"] rabbit) can beat a king!\" Shishkabugs Shishkabugs is a Warner Bros. \"Looney Tunes\" animated", + "score": 0.7041015625 + }, + { + "id": "11259202", + "title": "The Grey Hounded Hare", + "text": "him out of the track and into a taxi, which speeds off towards the Dog Pound. However, Gnawbone was not fooled and is waiting for Bugs. Bugs then faces off with Gnawbone through trickery, first using a balloon decoy, then using a dynamite stick. Finally, Gnawbone has had it and starts to charge at Bugs \"like a bull\" in attempt to kill the rabbit once and for all, but Bugs plays matador and causes Gnawbone to charge into a fire hydrant, putting the dog out of commission, with a white flag of surrender on his tail. After defeating Gnawbone, now", + "score": 0.7041015625 + }, + { + "id": "7566939", + "title": "Easter Yeggs", + "text": "has broken his arm and three huge thugs (one of them female) rush in, aiming guns at Bugs. Bugs barely escapes the hail of bullets (some of which spell the message \"And stay out\"). When Bugs rushes back to the Easter Bunny telling him he quits, the Easter Bunny gets him to \"try once more\". Unfortunately, the next house is that of Elmer Fudd, the veteran wabbit-hater. Intent on making \"Easter Rabbit Stew\" out of the bunny, Fudd sets up an elaborate welcome and, disguised as a baby, hides his gun in a bassinet and climbs in. Just then Bugs", + "score": 0.70361328125 + }, + { + "id": "6318745", + "title": "False Hare", + "text": "off Big Bad by ringing the bell with a nail and a nickel. When Big Bad tells Bugs to hit the bell, Bugs merely flicks it, so Big Bad comes up to demonstrate himself how to do it. Big Bad gets flattened as a result. Big Bad then tests out his next plan, to signal his nephew, so Big Bad's nephew will fling open a closet door, rigged to close an iron maiden on Bugs. Big Bad beckons Bugs for his club picture, with the iron maiden as a backdrop. Bugs pulls all sorts of poses, so Big Bad comes", + "score": 0.703125 + }, + { + "id": "11644012", + "title": "Bugs' Bonnets", + "text": "quickly digs a hole into the ground and loses his sergeant helmet, which now straddles the rabbit hole. Elmer slips under water for a second, coming up wearing his hunter's hat again. Bugs emerges from burrowing under a game warden hat. Elmer shoots at the sergeant helmet, thinking Bugs is wearing it. Bugs, now a game warden, chastizes Elmer for shooting sergeants out of season. A gust of wind blows both hats away. A pilgrim hat lands on Elmer, who explains: \"I was just shooting turkeys for the first Thanksgiving dinner.\" Meantime, an Indian headdress lands on Bugs, who adopts", + "score": 0.703125 + }, + { + "id": "965489", + "title": "Wile E. Coyote and the Road Runner", + "text": "predator. This is the only Bugs Bunny/Wile E. Coyote short in which the coyote does not speak, and to use the Wile E. Coyote/Road Runner cartoon formula. As usual, Wile E. Coyote ends up falling down a canyon and fails to catch Bugs Bunny, much as the coyote always fails to catch and eat the Road Runner. In a later, made-for-TV short, which had a young Elmer Fudd chasing a young Bugs, Elmer also falls down a canyon. On the way down he is overtaken by Wile E. Coyote who shows a sign telling Elmer to get out of the", + "score": 0.703125 + }, + { + "id": "6691503", + "title": "Rabbit Hood", + "text": "Rabbit Hood Rabbit Hood is a 1949 Bugs Bunny cartoon which parodies the \"Robin Hood\" story. Originally released on December 24, 1949, the short was directed by Chuck Jones and written by Michael Maltese. As usual, Mel Blanc picked up all the voice characterizations. The layouts were done by Robert Gribbroek and the backgrounds by Peter Alvarado. This cartoon is the origin of the infamous \"knighting\" exchange, where Bugs Bunny is dressed up like a king, and proceeds to pound the Sheriff's head with his sceptre while dispensing an oddball title with each strike: There is a wall covered with", + "score": 0.703125 + }, + { + "id": "4417419", + "title": "Rabbit Fire", + "text": "vegetarian and only hunts for the sport of it (although, in previous episodes, it has been stated that he was hunting Bugs for rabbit stew or the like). Outraged, Bugs gets in Elmer's face and claims, \"Oh, yeah? Well, there's other sports besides huntin', ya know!\" Daffy then offers to play tennis (\"Anyone for tennis?\"). Elmer blasts him again, tells Bugs that he is next, and then begins shooting and chases both of them all the way to the rabbit hole, into which both Daffy and Bugs jump. Bugs comes out to accuse Elmer of \"hunting rabbits with an elephant", + "score": 0.703125 + }, + { + "id": "2461971", + "title": "Rocky and Mugsy", + "text": "Rocky and Mugsy Rocky and Mugsy are animated cartoon characters in the Warner Bros. \"Looney Tunes\" and \"Merrie Melodies\" series of cartoons. They were created by Friz Freleng. As an animator, Friz Freleng enjoyed creating new adversaries for Warners' star Bugs Bunny, since he felt that Bugs' other nemeses, such as Beaky Buzzard and Elmer Fudd (who actually appeared in many more Freleng shorts than is commonly realized), were too stupid to give the rabbit any real challenge. Considered revolutionary for almost all of the late 1940s though he might have been, Freleng's own Yosemite Sam had not yet been", + "score": 0.703125 + }, + { + "id": "13920744", + "title": "Napoleon Bunny-Part", + "text": "sends a guard after him. Bugs easily outwits the incompetent guard (who's actually \"Mugsy\", previously seen in \"Bugs and Thugs\") and causes him to hit Napoleon with a bayonet. Mugsy then gets the \"point\" of the bayonet from Napoleon offscreen-and goes howling into the air. Bugs then disguises himself as Josephine and asks Napoleon to dance. Napoleon sees Bugs' tail through the disguise and chases Bugs, who slides down a staircase. The guard sees Bugs and points his bayonet, intending to stab Bugs as he slides down. Bugs hops off of the staircase and Napoleon is stabbed instead offscreen-he comes", + "score": 0.70263671875 + }, + { + "id": "8209336", + "title": "Show Biz Bugs", + "text": "a match). Show Biz Bugs Show Biz Bugs is a 1957 Warner Bros. \"Looney Tunes\" animated short directed by Friz Freleng and featuring Mel Blanc as the voices of Bugs Bunny and Daffy Duck. The basic setting and conflicts of this film were reprised for the linking footage for the television series \"The Bugs Bunny Show\". \"Show Biz Bugs\" was also re-worked as the climax of \"The Looney Looney Looney Bugs Bunny Movie\" (1981). Arriving at the theater where he and Bugs are appearing, Daffy is furious to discover that the rabbit's name on the marquee is above his in", + "score": 0.70263671875 + }, + { + "id": "5360950", + "title": "Bully for Bugs", + "text": "the face gag was reused from \"Rabbit Punch\" five years earlier, which was also directed by Chuck Jones. Bully for Bugs Bully for Bugs is a 1953 Warner Bros. Looney Tunes theatrical cartoon short. It was directed by Chuck Jones and written by Michael Maltese. On his way to the Coachella Valley for the \"big carrot festival, therein,\" Bugs Bunny gets lost, and wanders into a bullring in the middle of a bullfight between Toro the Bull and a very scared matador. Bugs looks at his map and famously declares: \"I knew I shoulda taken that left toin at Albukoikee\".", + "score": 0.7021484375 + }, + { + "id": "7093507", + "title": "Hare Tonic", + "text": "a rabbit) and then begs to see Elmer's rabbit. When Elmer opens his basket and finds it empty (Bugs had quickly climbed out), Bugs pushes his nemesis into his own basket and then sings the tune Elmer had been singing \u2014 but then Elmer realizes he's been tricked, and so he re-reverses the switch. Foreshadowing pranks to come, Bugs tells the audience from inside the basket (\u00e0 la Red Skelton's \"mean widdle kid\"), \"He don't know me vewy well, do he?\" Once at home, Bugs easily secures his escape by distracting Elmer, tricking him into thinking the phone has rung.", + "score": 0.7021484375 + }, + { + "id": "10166470", + "title": "Hare Splitter", + "text": "Hare Splitter Hare Splitter is a 1948 Warner Bros. \"Merrie Melodies\" animated short directed by Friz Freleng. The title is a play on \"hair splitting\", or focusing too much on fine details, reflecting how Bugs (a \"hare\") tries to \"split up\" Casbah and Daisy so Bugs can date her himself. Bugs Bunny and his next door neighbor, Casbah, are preparing to go on a date with Daisy, but a fight for Daisy begins as soon as Casbah and Bugs exit their rabbit holes. Bugs and Casbah both leave their holes with flowers for Daisy. Seeing each other's gifts, they try", + "score": 0.7021484375 + }, + { + "id": "12247082", + "title": "Elmer Fudd", + "text": "entertainer who, looking for a new partner for his act, sees Bugs Bunny (after passing caricatures of many other famous 1940s actors (Al Jolson, Jack Benny, Eddie Cantor, Bing Crosby) who, like Bugs, are also out of work). Elmer and Bugs do a one-joke act cross-country, with Bugs dressed like a pinhead, and when he does not know the answer to a joke, Elmer gives it and hits him with a pie in the face. Bugs begins to tire of this gag and pulls a surprise on Fudd, answering the joke correctly and bopping Elmer with a mallet, which prompts", + "score": 0.7021484375 + }, + { + "id": "10422688", + "title": "Rabbit Rampage", + "text": "who plans on making him look bad. With that said, Bugs is about to get back into his rabbit hole, but the animator erases it, causing Bugs to jump headfirst into the ground. After Bugs stands up, he restates his desire to not work with the animator, who paints a yellow streak on Bugs' back, implying that Bugs is a coward. Bugs then grabs the brush and breaks it in half. Bugs emphatically states that he will report the animator to Warner Bros. and calls the animator \"a menace to society\", while the animator draws a picket sign (\"I won't", + "score": 0.7021484375 + }, + { + "id": "9315129", + "title": "My Bunny Lies over the Sea", + "text": "the La Brea Tar Pits, having once again not \"made that left toin at Albahkoiky!\" and mistakes a Scotsman named Angus MacRory in Highland dress and playing the bagpipes for a lady being attacked by a \"horrible monster\". Bugs Bunny jumps MacRory trying to rescue the \"woman\", and in the process he smashes his bagpipes to pieces. MacRory becomes enraged that his bagpipes have been absolutely ruined and threatens Bugs, who discovers that MacRory is actually a man, to which Bugs responds by pointing out that MacRory can't wear a kilt (mistaking it for a skirt) making it \"indecent\". MacRory", + "score": 0.70166015625 + }, + { + "id": "10369885", + "title": "Bugs Bunny's Easter Special", + "text": "Bugs Bunny's Easter Special Bugs Bunny's Easter Special (also known as \"The Bugs Bunny Easter Special\" and \"Bugs Bunny's Easter Funnies\") is a \"Looney Tunes\" television special featuring a number of Warner Bros. cartoons. It originally debuted on the CBS network on April 7, 1977. The Easter bunny is ill, Granny needs to find a replacement for him and suggests Bugs Bunny. When she reaches the Warner Bros. lot, she finds to her disappointment that Bugs is tied up in filming \"Knighty Knight Bugs\" but offers to work out a solution after filming wraps up. Meanwhile, Daffy Duck, partially overhearing", + "score": 0.701171875 + }, + { + "id": "4417418", + "title": "Rabbit Fire", + "text": "Bugs switched the sign. Elmer, of course, shoots Daffy. After Daffy gets blasted, he goes up to Bugs and says, \"You're desthpicable!\" The two walk away, shedding their costumes as Daffy rants to Bugs how despicable he is. Ignoring Daffy, Bugs then begins to read duck recipes from a cookbook that he pulls from his rabbit hole, and Daffy does the same with a rabbit recipe cookbook that he also pulls from the rabbit hole (though why Bugs would keep a rabbit recipe book in his own home is unknown, and goes unquestioned). Elmer tells them that he is a", + "score": 0.701171875 + }, + { + "id": "4318143", + "title": "Hare Brush", + "text": "to find Bugs waiting for him. Aiming his shotgun in Elmer's face, Bugs yells, \"No wabbit's gonna outsmawt Ewmew J. Fudd!\" But before he can fire, an IRS agent taps Bugs on the shoulder and asks, \"Pardon me, did you say you were Elmer J. Fudd?\" Bugs replies, \"Yes. I am Ewmew J. Fudd, miwwionaiwe. I own a mansion and a yacht.\" Bugs is then arrested, like Al Capone, for non-payment of $300,000 in back taxes. As the T-man hauls him away, Bugs demands in vain to be released, protesting, \"I'm hunting a scwewy wabbit!\" This time, the last line", + "score": 0.701171875 + }, + { + "id": "12863659", + "title": "Barbary Coast Bunny", + "text": "eyebrows. This cartoon is available, uncut, on the \"Stars of Space Jam: Bugs Bunny\" VHS, and on the of the Looney Tunes Golden Collection and second volume of the Looney Tunes Platinum Collection. Barbary Coast Bunny Barbary-Coast Bunny is a 1956 Warner Bros. theatrical cartoon short produced by Edward Selzer. It was directed by Chuck Jones and written by Tedd Pierce. In this story, the villain, Nasty Canasta, steals a large slab of gold from Bugs Bunny who retaliates by later bankrupting the villain's new casino in San Francisco. The title refers to San Francisco's Barbary Coast district. Bugs is", + "score": 0.701171875 + }, + { + "id": "13956154", + "title": "Wild and Woolly Hare", + "text": "led him to a duel, Bugs simply comments on Sam's bad breath. Sam then warns Bugs he will get shot and that he's a sharp shooter. Bugs, however, informs Sam he's a sharp shooter as well. To prove it, he tells Sam a shot he's good at, and fires a bullet that ricochet's off various objects before parting Sam's hair down the middle. After Sam sees the bullet come in, he ducks and tells Bugs he missed, but when Bugs tells him to wait, Sam's hat falls off in half, revealing parted hair. Unimpressed at this skill of sharp shooting,", + "score": 0.701171875 + }, + { + "id": "11186126", + "title": "Invasion of the Bunny Snatchers", + "text": "Invasion of the Bunny Snatchers Invasion of the Bunny Snatchers is a Bugs Bunny short subject directed by Greg Ford and Terry Lennon and released in 1992. The cartoon was intended for theatrical release but eventually aired as part of the television special \"Bugs Bunny's Creature Features\". Its premise is modeled after \"Invasion of the Body Snatchers\", and it is considered subversive, critical of the greed of its production studio Warner Bros., and a lampoon of cheaply-drawn animation. As a flock of unusual-looking carrots fly through space, Bugs Bunny begins telling a story of how the carrots landed on Earth", + "score": 0.70068359375 + }, + { + "id": "827271", + "title": "What's Opera, Doc?", + "text": "Elmer. Bugs yanks Elmer's helmet down over his head and uses it as a chance to escape, discarding his disguise. A crescendo drum roll is playing while Elmer struggles to fix his helmet. When Elmer puts his helmet into the right position, the \"Ride\" overture plays once again and the white gazebo turns red (reflecting Elmer's anger), resolving to himself \"I'll kill the wabbit!\" prompting him to command fierce lightning, \"typhoons, huwwicanes, earthquakes\" and, finally, \"SMOG!!!\" to \"stwike de wabbit!\" while music from \"The Flying Dutchman\" plays in the background. Eventually, the ensuing storm tears apart the mountains where Bugs", + "score": 0.7001953125 + }, + { + "id": "9315087", + "title": "The Abominable Snow Rabbit", + "text": "chases him underground. Eager to see the incident's conclusion, Daffy follows. Later, in Palm Springs, a profusely sweating Hugo, and a disguised Bugs, discuss Hugo's failure to catch Bugs. Hugo believes that he will not be able to see the rabbit again, but Bugs encourages him that \"if he loves you, he will come back.\" When Daffy emerges from the hole, Bugs puts fake rabbit ears on him, causing Hugo to recognize him as a rabbit again. While Daffy is cuddled for the last time, Hugo literally melts due to the intense heat of the environment. Bugs comments, \"He really", + "score": 0.7001953125 + }, + { + "id": "11250983", + "title": "Knights Must Fall", + "text": "to cause the ball recoil and slam Pantsalot in the head. Bugs then tricks Pantsalot into opening his helmet and peeking out so that he can punch Pantsalot's head back in. Pantsalot chases Bugs into a rabbit hole on the field. Bugs comes up from an adjacent hole while Pantsalot looks for him. Bugs hits Pantsalot on the head again, angering Pantsalot, who smashes what he thinks is Bugs in armor. He finds Bugs hiding in \"his\" armor as Bugs evades yet another bat to the head (making Pantsalot strike his own head). Bugs applies a needle to Pantsalot 's", + "score": 0.7001953125 + }, + { + "id": "6949719", + "title": "Herr Meets Hare", + "text": "in front of a map depicting the decline of Fortress Europe. G\u00f6ring identifies the captive in the bag as \"Bugsenheimer Bunny\" (as opposed to \"Weisenheimer\", or \"wise guy\") to \"der F\u00fchrer\". As Herr Hitler talks of the great rewards he\u2019s going to pile upon G\u00f6ring for this act of heroism, he peeks inside the bag and is shocked (\"Ach!! Himmel!\"). G\u00f6ring goes and looks inside the bag as well, to be shocked as well (again, \"Ach!! Himmel!\"). Out of the bag comes Bugs dressed as Joseph Stalin\u2014complete with an enormous pipe and a large moustache\u2014staring back at them. As the", + "score": 0.69970703125 + }, + { + "id": "5645788", + "title": "The Bugs Bunny Birthday Blowout", + "text": "points. He can also land on top of enemies without getting damaged. At the end of most levels, Bugs Bunny has to use his mallet to defeat a Warner Brothers cartoon character such as Foghorn Leghorn, Sylvester, or the Tasmanian Devil. These other Looney Tunes characters are trying to stop Bugs because they are all jealous that Bugs gets all the attention. The gameplay is very similar to \"Super Mario Bros. 2\", another game for NES. Spanish magazine \"Super Juegos\" gave the game 72.6. Brazilian magazine \"VideoGame\" gave the game four out of five stars. French magazine \"Joypad\" gave the", + "score": 0.69970703125 + }, + { + "id": "7096493", + "title": "The Wabbit Who Came to Supper", + "text": "George S. Kaufman Broadway comedy \"The Man Who Came to Dinner\", in which an overbearing house-guest threatens to take over the lives of a small-town family. As Elmer has Bugs Bunny cornered on his hunting trip, Elmer receives a telegram from his Uncle Louie who leaves him $3 million in his will, as long as he doesn't harm any animals, especially rabbits. Elmer changes his tune to one of uncharacteristic niceness and sets Bugs free. Bugs, with characteristic \u00e9lan, takes full advantage of the situation by sneaking into Elmer's house before Elmer returned and making himself at home. As Elmer", + "score": 0.69970703125 + }, + { + "id": "11186132", + "title": "Invasion of the Bunny Snatchers", + "text": "Sam can still be heard in the edited version when all of the Looney Tune \"pods\" are about to be launched into space. The uncut version was later released as part of \"The Essential Bugs Bunny\" DVD set. Invasion of the Bunny Snatchers Invasion of the Bunny Snatchers is a Bugs Bunny short subject directed by Greg Ford and Terry Lennon and released in 1992. The cartoon was intended for theatrical release but eventually aired as part of the television special \"Bugs Bunny's Creature Features\". Its premise is modeled after \"Invasion of the Body Snatchers\", and it is considered subversive,", + "score": 0.69970703125 + }, + { + "id": "2461999", + "title": "Racketeer Rabbit", + "text": "Racketeer Rabbit Racketeer Rabbit is a 1946 animated short film in the \"Looney Tunes\" series produced by Warner Bros. Cartoons, Inc. It stars Bugs Bunny, who duels with a pair of racketeers or gangsters, Rocky and Hugo, forerunners of Rocky and Mugsy who resemble Edward G. Robinson (Rocky, not to be confused with the aforementioned Rocky) and Peter Lorre (Hugo). Directed by Friz Freleng; written by Michael Maltese; animated by Manuel Perez, Virgil Ross, Gerry Chiniquy and Ken Champin; music by Carl Stalling, and voices by Mel Blanc and, uncredited, Dick Nelson (as \"Robinson\"). Bugs Bunny, looking for a place", + "score": 0.69921875 + }, + { + "id": "605482", + "title": "Bugs Bunny", + "text": "with the Bugs Bunny strip include Jack Hamm, Carl Buettner, Phil Evans, Carl Barks (1952), Tom McKimson, Arnold Drake, Frank Hill, Brett Koth, and Shawn Keller. Like Mickey Mouse for Disney, Bugs Bunny has served as the mascot for Warner Bros. and its various divisions. According to \"Guinness World Records\", Bugs has appeared in more films (both short and feature-length) than any other cartoon character, and is the ninth most-portrayed film personality in the world. On December 10, 1985, Bugs became the second cartoon character (after Mickey) to receive a star on the Hollywood Walk of Fame. He also has", + "score": 0.69921875 + }, + { + "id": "1639027", + "title": "Witch Hazel (Looney Tunes)", + "text": "as tea. Bugs removes his mask to drink, sending her into a frenzy and mad dash; a rabbit's clavicle (a bone in the shoulder) is the last ingredient in her witch's brew. Hazel then chases Bugs and soon captures him by tricking him with a carrot. Hazel is about to kill Bugs, but when she looks into his big sad eyes, she cries and says that he reminds her of her pet tarantula, Paul. Bugs then tries to calm her down with a beverage (the Pretty Potion from earlier). Hazel unknowingly drinks the Pretty Potion (it is unknown if Bugs", + "score": 0.69921875 + } + ], + "answer": "Several guys try to kill Bugs Bunny. The hunting guy with unusual speech who does is Elmer Fudd, who is the archenemy of Bugs Bunny. The gun-slinging prospector guy who does is Yosemite Sam. Both are cartoon characters in the Warner Bros. Looney Tunes and Merrie Melodies series." + }, + { + "qa_pairs": [ + { + "context": "As the century progressed, some surgical interventions, including the pneumothorax or plombage technique\u2014collapsing an infected lung to \"rest\" it and allow the lesions to heal\u2014were used to treat tuberculosis. Pneumothorax was not a new technique by any means. In 1696, Giorgio Baglivi reported a general improvement in tuberculosis sufferers after they received sword wounds to the chest. F.H. Ramadge induced the first successful therapeutic pneumothorax in 1834, and reported subsequently the patient was cured. It was in the 20th century, however, that scientists sought to rigorously investigate the effectiveness of such procedures. In 1939, the \"British Journal of Tuberculosis\" published a study by Oli Hjaltested and Kjeld T\u00f6rning on 191 patients undergoing the procedure between 1925 and 1931; in 1951, Roger Mitchell published several articles on the therapeutic outcomes of 557 patients treated between 1930 and 1939 at Trudeau Sanatorium in Saranac Lake. The search for a medicinal cure, however, continued in earnest.", + "question": "Who induced the first successful therapeutic pneumothorax resulting in a cured tuberculosis patient?", + "short_answers": [ + "F.H. Ramadge" + ], + "wikipage": "History of tuberculosis" + }, + { + "context": "In 1944 Albert Schatz, Elizabeth Bugie, and Selman Waksman isolated streptomycin produced by a bacterial strain \"Streptomyces griseus.\" Streptomycin was the first effective antibiotic against \"M. tuberculosis\". This discovery is generally considered the beginning of the modern era of tuberculosis, although the true revolution began some years later, in 1952, with the development of isoniazid, the first oral mycobactericidal drug. The advent of rifampin in the 1970s hastened recovery times, and significantly reduced the number of tuberculosis cases until the 1980s.", + "question": "Who came up with the first effective antibiotic for tuberculosis?", + "short_answers": [ + "Albert Schatz, Elizabeth Bugie, and Selman Waksman" + ], + "wikipage": "History of tuberculosis" + }, + { + "context": "No context provided", + "question": "Who originally tested the first oral mycobactericidal drug on tuberculosis?", + "short_answers": [ + "Walsh McDermott" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who came up with a drug in the 1970s that shortened recovery and reduced cases of tuberculosis?", + "short_answers": [ + "Piero Sensi and Maria Teresa Timbal", + "Sensi, Timbal", + "Lepetit Pharmaceuticals" + ], + "wikipage": null + }, + { + "context": "The first genuine success in immunizing against tuberculosis was developed from attenuated bovine-strain tuberculosis by Albert Calmette and Camille Gu\u00e9rin in 1906. It was called \"BCG\" (\"Bacille Calmette-Gu\u00e9rin\"). The BCG vaccine was first used on humans in 1921 in France, but it was not until after World War II that BCG received widespread acceptance in Great Britain, and Germany. In the early days of the British National Health Service X-ray examination for TB increased dramatically but rates of vaccination were initially very low. In 1953 it was agreed that secondary school pupils should be vaccinated, but by the end of 1954 only 250,000 people had been vaccinated. By 1956 this had risen to 600,000, about half being school children.", + "question": "Who came up with the first vaccine immunizing against tuberculosis?", + "short_answers": [ + "Albert Calmette and Camille Gu\u00e9rin" + ], + "wikipage": "History of tuberculosis" + } + ], + "wikipages": [ + { + "title": "History of tuberculosis", + "url": "https://en.wikipedia.org/wiki/History%20of%20tuberculosis" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Rifamycins were first isolated in 1957 from a fermentation culture of Streptomyces mediterranei at the laboratory of Gruppo Lepetit SpA in Milan by two scientist named Piero Sensi and Maria Teresa Timbal, working with the Israeli scientist Pinhas Margalith. ", + "wikipage": "Rifamycin" + }, + { + "content": "The rifamycins are a group of antibiotics that are synthesized either naturally by the bacterium Amycolatopsis rifamycinica or artificially. ", + "wikipage": "Rifamycin" + }, + { + "content": "Rifamycins are particularly effective against mycobacteria, and are therefore used to treat tuberculosis, leprosy, and mycobacterium avium complex (MAC) infections.", + "wikipage": "Rifamycin" + } + ], + "long_answer": "In the quest to find a cure for tuberculosis, several methods have been developed overtime. The surgical intervention, pneumothorax, which is the collapsing of an infected lung to \"rest\" it and allow the lesions to heal\u2014was used to treat tuberculosis. In 1834, F.H. Ramadge induced the first successful therapeutic pneumothorax, and reported subsequently the patient was cured. Later, in 1906, Albert Calmette and Camille Gu\u00e9rin developed a drug against tuberculosis from attenuated bovine-strain tuberculosis, the first genuine success in immunizing against tuberculosis. In addition, Albert Schatz, Elizabeth Bugie, and Selman Waksman developed Streptomycin, the first effective antibiotic for tuberculosis and the first effective antibiotic against \"M. tuberculosis\". Since then, medical researchers Walsh McDermott made his own contribution when he tested the first oral mycobactericidal drug on tuberculosis. Finally, in 1957, scientist Piero Sensi and Maria Teresa Timbal became the first to isolate Rifamycins, a group of antibiotics that particularly effective against mycobacteria, and are therefore used to treat tuberculosis. " + }, + { + "knowledge": [ + { + "content": "Throughout history, the disease tuberculosis has been variously known as consumption, phthisis, and the White Plague.", + "wikipage": "History of tuberculosis" + } + ], + "long_answer": "Throughout history, the disease tuberculosis has been variously known as consumption, phthisis, and the White Plague. F.H. Ramadge induced the first successful therapeutic pneumothorax in 1834, and reported subsequently the patient was cured. The first genuine success in immunizing against tuberculosis was developed from attenuated bovine-strain tuberculosis by Albert Calmette and Camille Gu\u00e9rin in 1906. In 1944 Albert Schatz, Elizabeth Bugie, and Selman Waksman isolated streptomycin produced by a bacterial strain \"Streptomyces griseus.\" Streptomycin was the first effective antibiotic against \"M. tuberculosis\". The first oral mycobactericidal drug on tuberculosis was tested by Walsh McDermott. In the 1970, Lepetit Pharmaceuticals and Piero Sensi and MarMaria Teresa Timbal came up with a drug that shortened recovery and reduced cases of tuberculosis." + } + ], + "sample_id": "2215574890678862752", + "question": "Who came up with a cure for tuberculosis?", + "docs": [ + { + "id": "417345", + "title": "Tuberculosis", + "text": "similar, which delayed the recognition of infected milk as a source of infection. Later, the risk of transmission from this source was dramatically reduced by the invention of the pasteurization process. Koch announced a glycerine extract of the tubercle bacilli as a \"remedy\" for tuberculosis in 1890, calling it \"tuberculin\". While it was not effective, it was later successfully adapted as a screening test for the presence of pre-symptomatic tuberculosis. The World Tuberculosis Day is marked on 24 March each year, the anniversary of Koch\u2019s original scientific announcement. Albert Calmette and Camille Gu\u00e9rin achieved the first genuine success in immunization", + "score": 0.748046875, + "summary": "Koch announced a remedy for tuberculosis called \"tuberculin\" in 1890, but it was not effective. However, it was later adapted as a screening test for pre-symptomatic tuberculosis. Albert Calmette and Camille Gu\u00e9rin achieved the first genuine success in immunization.", + "extraction": "Koch announced a glycerine extract of the tubercle bacilli as a \"remedy\" for tuberculosis in 1890, calling it \"tuberculin\"." + }, + { + "id": "4440095", + "title": "Tuberculin", + "text": "discovery of the pathogen since it aroused hopes for a cure. Until that time, the only effective remedy for an infectious disease was quinine (for malaria). At the Tenth International Medical Congress held 1890 in Berlin, Koch unexpectedly introduced a cure for tuberculosis, which he called tuberculin. He did not reveal its composition, which is understandable as it was not then customary to patent medicine; Phenazone being the only exception. The public trusted the famous physician and reacted enthusiastically. Koch was awarded the Grand Cross of the Order of the Red Eagle. The social hygienist Alfred Grotjahn described the arrival", + "score": 0.74462890625, + "summary": "Koch introduced a cure for tuberculosis called tuberculin at the Tenth International Medical Congress held in Berlin in 1890.", + "extraction": "Koch unexpectedly introduced a cure for tuberculosis, which he called tuberculin." + }, + { + "id": "17489008", + "title": "Kristaps Helmanis", + "text": "Petersburg in order to create a station, and the second Pasteur station in the Russian Empire administered by Helmanis was founded. At the Pasteur station he not only vaccinated bitten patients, but also tried to create diagnostic serums for tuberculosis, syphilis, smallpox and anthrax. He obtained diagnostic test for tuberculosis and informed Louis Pasteur about his discovery. On the same time Robert Koch at the Tenth International Medical Congress held 1890 in Berlin unexpectedly introduced a cure for tuberculosis, which he called tuberculin. In 1890 Kristaps Helmanis left the army service and joined newly founded Institute of Experimental Medicine in", + "score": 0.73974609375, + "summary": "Kristaps Helmanis created diagnostic serums for tuberculosis at the Pasteur station, and obtained a diagnostic test for tuberculosis. However, Robert Koch introduced a cure for tuberculosis called tuberculin at the Tenth International Medical Congress in 1890. Helmanis later joined the Institute of Experimental Medicine.", + "extraction": "Robert Koch came up with a cure for tuberculosis, but there is no mention of anyone else coming up with a cure in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "20277547", + "title": "Friedrich Weleminsky", + "text": "good review of the voluminous literature accumulated on BCG\". In 1912 Weleminsky, who was then second assistant to Ferdinand Hueppe, the head of the Institute for Hygiene at the German University of Prague, published his discovery of a new treatment for tuberculosis, which he named tuberculomucin (Tbm). It was tested on guinea pigs, with number 1769 being the first to survive due to the treatment in 1909. He also used \"tuberculomucin Weleminsky\" (also spelt \"tuberkulomucin Weleminsky\" and \"tuberkulomuzin Weleminsky\") to treat cattle which he kept at his country retreat, Schloss Thalheim. More than 60 papers were published in German describing", + "score": 0.732421875, + "summary": "Friedrich Weleminsky discovered a new treatment for tuberculosis called tuberculomucin (Tbm) in 1912 while working as the second assistant to Ferdinand Hueppe at the Institute for Hygiene at the German University of Prague. He tested it on guinea pigs, with number 1769 being the first to survive due to the treatment in 1909.", + "extraction": "Friedrich Weleminsky came up with a cure for tuberculosis, which he named tuberculomucin (Tbm), and published his discovery in 1912." + }, + { + "id": "417344", + "title": "Tuberculosis", + "text": "Sch\u00f6nlein. During 1838\u20131845, Dr. John Croghan, the owner of Mammoth Cave, brought a number of people with tuberculosis into the cave in the hope of curing the disease with the constant temperature and purity of the cave air; they died within a year. Hermann Brehmer opened the first TB sanatorium in 1859 in G\u00f6rbersdorf (now Soko\u0142owsko), Silesia. The bacillus causing tuberculosis, \"M. tuberculosis\", was identified and described on 24 March 1882 by Robert Koch. He received the Nobel Prize in physiology or medicine in 1905 for this discovery. Koch did not believe the bovine (cattle) and human tuberculosis diseases were", + "score": 0.7314453125, + "summary": "Robert Koch identified and described the bacillus causing tuberculosis, \"M. tuberculosis\", on 24 March 1882 and received the Nobel Prize in physiology or medicine in 1905 for this discovery.", + "extraction": "Robert Koch came up with a cure for tuberculosis." + }, + { + "id": "12728763", + "title": "History of tuberculosis", + "text": "Pott, an English surgeon, described the vertebral lesions that carry his name. In 1761, Leopold Auenbrugger, an Austrian physician, developed the percussion method of diagnosing tuberculosis, a method rediscovered some years later in 1797 by Jean-Nicolas Corvisart of France. After finding it useful, Corvisart made it readily available to the academic community by translating it into French. William Stark proposed that ordinary lung tubercles could eventually evolve into ulcers and cavities, believing that the different forms of tuberculosis were simply different manifestations of the same disease. Unfortunately, Stark died at the age of thirty (while studying scurvy) and his observations", + "score": 0.72705078125, + "summary": "William Stark proposed that ordinary lung tubercles could eventually evolve into ulcers and cavities, but he did not come up with a cure for tuberculosis.", + "extraction": "William Stark proposed that ordinary lung tubercles could eventually evolve into ulcers and cavities, believing that the different forms of tuberculosis were simply different manifestations of the same disease." + }, + { + "id": "417348", + "title": "Tuberculosis", + "text": "the early 1600s to a peak level in the 1800s, when it caused nearly 25% of all deaths. By the 1950s, mortality in Europe had decreased about 90%. Improvements in sanitation, vaccination, and other public health measures began significantly reducing rates of tuberculosis even before the arrival of streptomycin and other antibiotics, although the disease remained a significant threat. In 1946, the development of the antibiotic streptomycin made effective treatment and cure of TB a reality. Prior to the introduction of this medication, the only treatment was surgical intervention, including the \"pneumothorax technique\", which involved collapsing an infected lung to", + "score": 0.7216796875, + "summary": "In 1946, the antibiotic streptomycin was developed, which made effective treatment and cure of TB a reality. Prior to this, the only treatment was surgical intervention.", + "extraction": "The development of the antibiotic streptomycin made effective treatment and cure of TB a reality." + }, + { + "id": "4347076", + "title": "Camille Gue\u0301rin", + "text": "Camille Gu\u00e9rin Jean-Marie Camille Gu\u00e9rin (22 December 1872 \u2013 9 June 1961) was a French veterinarian, bacteriologist and immunologist who, together with Albert Calmette, developed the Bacillus Calmette-Gu\u00e9rin (BCG), a vaccine for immunization against tuberculosis. Camille Gu\u00e9rin was born in Poitiers to a family of modest means. His father died of tuberculosis in 1882 (as well as his wife, in 1918). He studied veterinary medicine at the Ecole Nationale V\u00e9t\u00e9rinaire d'Alfort from 1892 to 1896, working, while a student, as an assistant to pathologist Edmond Nocard (1850\u20131903). In 1897, he joined the Institut Pasteur de Lille (Lille, France) and started", + "score": 0.72021484375, + "summary": "Camille Gu\u00e9rin, together with Albert Calmette, developed the BCG vaccine for immunization against tuberculosis.", + "extraction": "Camille Gu\u00e9rin, together with Albert Calmette, developed the Bacillus Calmette-Gu\u00e9rin (BCG), a vaccine for immunization against tuberculosis. Therefore, Camille Gu\u00e9rin was involved in coming up with a cure for tuberculosis." + }, + { + "id": "20277551", + "title": "Friedrich Weleminsky", + "text": "Israel, Australia, Sweden and Germany. In 2011, following an approach by Weleminsky\u2019s eldest granddaughter, Dr Charlotte Jones, a retired general practitioner, a team at the University College London's Department of Science and Technology Studies resumed research on \"tuberculomucin Weleminsky\". Friedrich Weleminsky Dr Joseph Friedrich (\"Fritz\") Weleminsky (20 January 1868, Gol\u010d\u016fv Jen\u00edkov1 January 1945, London), was a physician, a scientist and a \"privatdozent\" in Hygiene (now called Microbiology) at the German University, Prague who, in the early 20th century, created an alternative treatment for tuberculosis, \"tuberculomucin Weleminsky\". He was born into a Jewish family on 20 January 1868 at Gol\u010d\u016fv Jen\u00edkov", + "score": 0.71728515625, + "summary": "Friedrich Weleminsky, a physician and scientist, created an alternative treatment for tuberculosis called \"tuberculomucin Weleminsky\" in the early 20th century.", + "extraction": "Friedrich Weleminsky came up with an alternative treatment for tuberculosis called \"tuberculomucin Weleminsky\"." + }, + { + "id": "9080839", + "title": "History of animal testing", + "text": "screens to find antibacterial substances from the soil. Waksman coined the term antibiotic with regards to these substances. Waksman would win the Nobel Prize in Physiology or Medicine in 1952 for his discoveries in antibiotics. Corwin Hinshaw and William Feldman took the streptomycin samples and cured tuberculosis in four guinea pigs with it. Hinshaw followed these studies with human trials that provided a dramatic advance in the ability to stop and reverse the progression of tuberculosis. Mortality from tuberculosis in the UK has diminished from the early 20th century due to better hygiene and improved living standards, but from the", + "score": 0.7158203125, + "summary": "Corwin Hinshaw and William Feldman cured tuberculosis in guinea pigs using streptomycin samples. Hinshaw then conducted human trials that significantly improved the ability to stop and reverse the progression of tuberculosis.", + "extraction": "William Feldman and Corwin Hinshaw cured tuberculosis with streptomycin samples." + }, + { + "id": "12728778", + "title": "History of tuberculosis", + "text": "the cave experience: By late January, early February 1843, two patients were dead and the rest had left. Departing patients died anywhere from three days to three weeks after resurfacing; John Croghan died of tuberculosis at his Louisville residence in 1849. Hermann Brehmer, a German physician, was convinced that tuberculosis arose from the difficulty of the heart to correctly irrigate the lungs. He therefore proposed that regions well above sea level, where the atmospheric pressure was less, would help the heart function more effectively. With the encouragement of explorer Alexander von Humboldt and his teacher J. L. Sch\u00f6nlein, the first", + "score": 0.71533203125, + "summary": "Hermann Brehmer, a German physician, proposed a cure for tuberculosis by advocating for patients to reside in regions with high altitude.", + "extraction": "Hermann Brehmer came up with a cure for tuberculosis by proposing that regions well above sea level, where atmospheric pressure was less, would help the heart function more effectively." + }, + { + "id": "12728777", + "title": "History of tuberculosis", + "text": "he planned to found in Maney. Attacks from numerous medical experts, especially articles in \"The Lancet\", disheartened Bodington and he turned to plans for housing the insane. Around the same time in the United States, in late October and early November 1842, Dr. John Croghan, the owner of Mammoth Cave, brought 15 tuberculosis sufferers into the cave in the hope of curing the disease with the constant temperature and purity of the cave air. Patients were lodged in stone huts, and each was supplied with a slave to bring meals. One patient, A. H. P. Anderson, wrote glowing reviews of", + "score": 0.71337890625, + "summary": "Dr. John Croghan brought 15 tuberculosis sufferers into Mammoth Cave in the United States in late October and early November 1842 in the hope of finding a cure for the disease.", + "extraction": "irrelevant. The passage does not provide information about who came up with a cure for tuberculosis." + }, + { + "id": "4342706", + "title": "Albert Calmette", + "text": "at the time, was a major cause of death. The German microbiologist Robert Koch had discovered, in 1882, that the tubercle bacillus, \"Mycobacterium tuberculosis\", was its pathogenic agent, and Louis Pasteur became interested in it too. In 1906, a veterinarian and immunologist, Camille Gu\u00e9rin, had established that immunity against tuberculosis was associated with the living tubercle bacilli in the blood. Using Pasteur's approach, Calmette investigated how immunity would develop in response to attenuated bovine bacilli injected in animals. This preparation received the name of its two discoverers (\"Bacillum Calmette-Gu\u00e9rin\", or BCG, for short). Attenuation was achieved by cultivating them in", + "score": 0.712890625, + "summary": "Albert Calmette is mentioned in the document, but there is no mention of him coming up with a cure for tuberculosis. Therefore, the answer is \"irrelevant\".", + "extraction": "Camille Gu\u00e9rin and Albert Calmette discovered the cure for tuberculosis, which was named \"Bacillum Calmette-Gu\u00e9rin\" or BCG for short." + }, + { + "id": "20277544", + "title": "Friedrich Weleminsky", + "text": "Friedrich Weleminsky Dr Joseph Friedrich (\"Fritz\") Weleminsky (20 January 1868, Gol\u010d\u016fv Jen\u00edkov1 January 1945, London), was a physician, a scientist and a \"privatdozent\" in Hygiene (now called Microbiology) at the German University, Prague who, in the early 20th century, created an alternative treatment for tuberculosis, \"tuberculomucin Weleminsky\". He was born into a Jewish family on 20 January 1868 at Gol\u010d\u016fv Jen\u00edkov in Bohemia, which was then part of the Austrian Empire and is now in the Czech Republic. His parents were Jacob Weleminsky (1834\u20131905), a general medical practitioner (GP) in Gol\u010d\u016fv Jen\u00edkov, and his wife Bertha (\"n\u00e9e\" Kohn; 1844\u20131914). Friedrich", + "score": 0.71240234375, + "summary": "Friedrich Weleminsky came up with an alternative treatment for tuberculosis called \"tuberculomucin Weleminsky\".", + "extraction": "Friedrich Weleminsky created an alternative treatment for tuberculosis, \"tuberculomucin Weleminsky\"." + }, + { + "id": "4440099", + "title": "Tuberculin", + "text": "with seriously ill patients. But Rudolf Virchow was able to prove after performing autopsies on the corpses that tuberculin did not kill the bacteria, and even activated latent bacteria. Robert Koch was forced to reveal the composition of his secret cure, whereby it turned out that he himself did not precisely know what it contained. It was an extract of tuberculosis pathogens in glycerine, and the presence of the dead pathogens themselves could also be confirmed. Koch asked the Prussian Minister of Culture for time off and went to Egypt, which was interpreted as an attempt to escape from the", + "score": 0.71240234375, + "summary": "Robert Koch came up with a cure for tuberculosis, called tuberculin, which was later proven to not kill the bacteria by Rudolf Virchow. Koch's cure contained an extract of tuberculosis pathogens in glycerine.", + "extraction": "Robert Koch came up with a cure for tuberculosis, which was an extract of tuberculosis pathogens in glycerine." + }, + { + "id": "12728769", + "title": "History of tuberculosis", + "text": "cure might be found. One of the most important physicians dedicated to the study of phthisiology was Ren\u00e9 Laennec, who died from the disease at the age of 45, after contracting tuberculosis while studying contagious patients and infected bodies. Laennec invented the stethoscope which he used to corroborate his auscultatory findings and prove the correspondence between the pulmonary lesions found on the lungs of autopsied tuberculosis patients and the respiratory symptoms seen in living patients. His most important work was \"Trait\u00e9 de l\u2019Auscultaci\u00f3n Mediate\" which detailed his discoveries on the utility of pulmonary auscultation in diagnosing tuberculosis. This book was", + "score": 0.71044921875, + "summary": "Ren\u00e9 Laennec, a physician who died from tuberculosis at 45, made important discoveries in the diagnosis of tuberculosis using pulmonary auscultation. He invented the stethoscope and wrote the book \"Trait\u00e9 de l\u2019Auscultaci\u00f3n Mediate.\"", + "extraction": "Ren\u00e9 Laennec came up with a cure for tuberculosis. (This information is not present in the given passage. Hence, the extracted span is \"irrelevant\".)" + }, + { + "id": "12728787", + "title": "History of tuberculosis", + "text": "Trudeau Sanatorium in Saranac Lake. The search for a medicinal cure, however, continued in earnest. During the Nazi occupation of Poland, SS-Obergruppenf\u00fchrer Wilhelm Koppe organized the execution of more than 30,000 Polish patients suffering from tuberculosis \u2013 little knowing or caring that a cure was nearly at hand. In 1944 Albert Schatz, Elizabeth Bugie, and Selman Waksman isolated streptomycin produced by a bacterial strain \"Streptomyces griseus.\" Streptomycin was the first effective antibiotic against \"M. tuberculosis\". This discovery is generally considered the beginning of the modern era of tuberculosis, although the true revolution began some years later, in 1952, with the", + "score": 0.70947265625, + "summary": "Albert Schatz, Elizabeth Bugie, and Selman Waksman came up with streptomycin, the first effective antibiotic against M. tuberculosis in 1944.", + "extraction": "Albert Schatz, Elizabeth Bugie, and Selman Waksman came up with a cure for tuberculosis by isolating streptomycin in 1944." + }, + { + "id": "4342701", + "title": "Albert Calmette", + "text": "Albert Calmette L\u00e9on Charles Albert Calmette ForMemRS (12 July 1863 \u2013 29 October 1933) was a French physician, bacteriologist and immunologist, and an important officer of the Pasteur Institute. He discovered the Bacillus Calmette-Gu\u00e9rin, an attenuated form of \"Mycobacterium bovis\" used in the BCG vaccine against tuberculosis. He also developed the first antivenom for snake venom, the Calmette's serum. Calmette was born in Nice, France. He wanted to serve in the Navy and be a physician, so in 1881 he joined the School of Naval Physicians at Brest. He started to serve in 1883 in the Naval Medical Corps in", + "score": 0.7060546875, + "summary": "Albert Calmette discovered the Bacillus Calmette-Gu\u00e9rin, an attenuated form of Mycobacterium bovis, which is used in the BCG vaccine against tuberculosis.", + "extraction": "Albert Calmette discovered the Bacillus Calmette-Gu\u00e9rin, an attenuated form of \"Mycobacterium bovis\" used in the BCG vaccine against tuberculosis. Therefore, Albert Calmette came up with a cure for tuberculosis." + }, + { + "id": "5895388", + "title": "Jean Antoine Villemin", + "text": "Jean Antoine Villemin Jean-Antoine Villemin (January 28, 1827 \u2013 October 6, 1892) was a French physician born in Prey, Vosges. In 1865 he demonstrated that tuberculosis was an infectious disease. Villemin was born in the department of Vosges, and studied medicine at the military medical school at Strasbourg, qualifying as an army doctor in 1853. Afterwards he practiced medicine at the military hospital of Val-de-Gr\u00e2ce in Paris. In 1874 he became a member of the French Acad\u00e9mie Nationale de M\u00e9decine, and was its vice-president in 1891. Villemin proved that tuberculosis was an infectious disease by inoculating laboratory rabbits with material", + "score": 0.70458984375, + "summary": "Jean Antoine Villemin demonstrated that tuberculosis was an infectious disease.", + "extraction": "Jean Antoine Villemin came up with a cure for tuberculosis. (The passage states that Villemin demonstrated that tuberculosis was an infectious disease, but it does not mention a cure, so the answer is \"irrelevant\".)" + }, + { + "id": "4342705", + "title": "Albert Calmette", + "text": "first antituberculosis dispensary at Lille, and named it after Emile Roux. In 1904, he founded the \"\"Ligue du Nord contre la Tuberculose\"\" (Northern Antituberculosis League), which still exists today. In 1909, he helped to establish the Institute branch in Algiers (Algeria). In 1918, he accepted the post of assistant director of the Institute in Paris; the following year he was made a member of the Acad\u00e9mie Nationale de M\u00e9decine. Calmette's main scientific work, which was to bring him worldwide fame and his name permanently attached to the history of medicine was the attempt to develop a vaccine against tuberculosis, which,", + "score": 0.703125, + "summary": "Albert Calmette attempted to develop a vaccine against tuberculosis, which brought him worldwide fame and his name permanently attached to the history of medicine.", + "extraction": "Albert Calmette came up with a cure for tuberculosis." + }, + { + "id": "4787284", + "title": "World Tuberculosis Day", + "text": "the day in 1882 when Dr Robert Koch astounded the scientific community by announcing to a small group of scientists at the University of Berlin's Institute of Hygiene that he had discovered the cause of tuberculosis, the TB bacillus. According to Koch\u2019s colleague, Paul Ehrlich, \u201cAt this memorable session, Koch appeared before the public with an announcement which marked a turning-point in the story of a virulent human infectious disease. In clear, simple words Koch explained the aetiology of tuberculosis with convincing force, presenting many of his microscope slides and other pieces of evidence.\u201d At the time of Koch's announcement", + "score": 0.703125 + }, + { + "id": "4485116", + "title": "Clemens von Pirquet", + "text": "injection. He, along with B\u00e9la Schick, coined the word allergy (from the Greek \"allos\" meaning \"other\" and \"ergon\" meaning \"reaction\") to describe this hypersensitivity reaction. Soon after, the observation with smallpox led Pirquet to realize that tuberculin, which Robert Koch isolated from the bacteria that cause tuberculosis in 1890, might lead to a similar type of reaction. Charles Mantoux expanded upon Pirquet's ideas and the Mantoux test, in which tuberculin is injected into the skin, became a diagnostic test for tuberculosis in 1907. In 1909 he declined proposals to take a position at the Pasteur Institute in Paris and to", + "score": 0.70263671875 + }, + { + "id": "12118907", + "title": "Brian O'Brien", + "text": "developed, along with Joseph Slepian, the auto-valve lightning arrester, which is still in use. In 1923 he moved to J. N. Adam Memorial hospital in Perrysburg, N.Y., a tuberculosis sanitarium run by Buffalo's Public Health Department. Prior to the use of antibiotics, the primary treatment for tuberculosis was fresh air and sunshine. There was some evidence that sun tanning did help in the remission of the disease, but Perrysburg\u201440 miles south of Buffalo\u2014had very little sunshine in the winter. Therefore, O'Brien, as a physicist on staff, developed a carbon arcs with cored carbons that very closely matched the solar spectrum.", + "score": 0.70263671875 + }, + { + "id": "17489006", + "title": "Kristaps Helmanis", + "text": "Kristaps Helmanis Kristaps Helmanis (, ; 3 June 1848 \u2013 2 March 1892) was a Latvian vaccinologist and microbiologist. He discovered tuberculin simultaneously with Robert Koch and mallein together with Oto Kalni\u0146\u0161 (1891). Helmanis was born on 3 June 1848 in T\u0113rvete (then \"Hofzumberge\", Courland Governorate), received education at the parish school and Jelgava Real School (\"Jelgavas re\u0101lskola\"). He studied veterinary medicine at the Dorpat Veterinary Institute (\"Kaiserliche Veterinair-Institut zu Dorpat\", 1873\u20141877) and received a gold medal for his work \u201cOn Development of Spermatozoids of Vertebrates\u201d. After graduation he stayed at the institute for a degree of master of science", + "score": 0.701171875 + }, + { + "id": "12728740", + "title": "History of tuberculosis", + "text": "Toxic drugs do not bring a cure; short needles cannot seize [the disease]. Wang Bing's commentary explains that \"fu\" \u5e9c \"palace\" stands for \"xiong\" \u80f8 \"chest\", and \"huai\" \"destroy\" implies \"injure the palace and seize the disease\". The \"Huangdi Neijing\" compiler Yang Shangshan notes, \"The [disease] proposed here very much resembles tuberculosis ... Hence [the text] states: poisonous drugs bring no cure; it cannot be seized with short needles.\" The (c. 200\u2013250 CE) \"Shennong Bencaojing\" pharmacopeia, attributed to the legendary inventor of agriculture Shennong \"Divine Farmer\", also refers to tuberculosis The \"Zhouhou beiji fang\" \u8098\u540e\u5907\u6025\u65b9 \"Handbook of Prescriptions for Emergencies\",", + "score": 0.70068359375 + }, + { + "id": "173527", + "title": "Robert Koch", + "text": "pigs. Through these experiments, he found that his experiments with tuberculosis satisfied all four of his postulates. In 1882, he published his findings on tuberculosis, in which he reported the causative agent of the disease to be the slow-growing \"Mycobacterium tuberculosis\". Later, Koch's attempt at developing a drug to treat tuberculosis, tuberculin, led to a scandalous failure: he did not divulge the exact composition, and the claimed treatment success did not materialize; the substance is today used for tuberculosis diagnosis. Koch and his relationship to Paul Ehrlich, who developed a mechanism to diagnose TB, were portrayed in the 1940 movie", + "score": 0.70068359375 + }, + { + "id": "12728762", + "title": "History of tuberculosis", + "text": "the flower of his youth, can [sic] dye without a touch of consumption.\" In 1720, Benjamin Marten proposed in \"A New Theory of Consumptions more Especially of Phthisis or Consumption of the Lungs\" that the cause of tuberculosis was some type of \"animalcula\"\u2014microscopic living beings that are able to survive in a new body (similar to the ones described by Anton van Leeuwenhoek in 1695). The theory was roundly rejected and it took another 162 years before Robert Koch demonstrated it to be true. In 1768, Robert Whytt gave the first clinical description of tuberculosis meningitis and in 1779, Percivall", + "score": 0.70068359375 + }, + { + "id": "4440096", + "title": "Tuberculin", + "text": "of tuberculin in Greifswald: \u201cFinally the great day also arrived for Greifswald on which the Clinic for Internal Medicine was to carry out the first inoculations with tuberculin. It was celebrated like the laying of a foundation stone or the unveiling of a monument. Doctors, nurses and patients dressed in snowy white and the director garbed in a black frock coat stood out against a background of laurel trees: ceremonial address by the internist, execution of the vaccination on selected patients, a thunderous cheer for Robert Koch!\u201c Koch attempted to make money from his discovery, which was held against him", + "score": 0.70068359375 + }, + { + "id": "4342709", + "title": "Albert Calmette", + "text": "1 to the future residential Thu Thiem area in district 2. In Cambodia, a major hospital was named after him, Calmette Hospital. Albert Calmette L\u00e9on Charles Albert Calmette ForMemRS (12 July 1863 \u2013 29 October 1933) was a French physician, bacteriologist and immunologist, and an important officer of the Pasteur Institute. He discovered the Bacillus Calmette-Gu\u00e9rin, an attenuated form of \"Mycobacterium bovis\" used in the BCG vaccine against tuberculosis. He also developed the first antivenom for snake venom, the Calmette's serum. Calmette was born in Nice, France. He wanted to serve in the Navy and be a physician, so in", + "score": 0.7001953125 + }, + { + "id": "19425353", + "title": "Eraclie Sterian", + "text": "also claimed to have cured thousands of \"ephebes\" with iodine syrup and injections of cacodylic acid. He used similar treatments for impotence, where he also recommended electroconvulsive therapy. His range of interests extended over those years. His topical brochures dealt with life extension treatments, as well as with balneotherapy (at B\u0103ile Govora and on the Black Sea Littoral). His proposal that baths could cure tuberculosis was detailed in another 1908 pamphlet, \"Omul oceanic\" (\"The Oceanic Man\"). Also that year, he attended a congress of thalassotherapy in Opatija. First stated in 1909, his claim that he could cure tuberculosis with physiotherapy", + "score": 0.7001953125 + }, + { + "id": "9833267", + "title": "Ame\u0301de\u0301e Borrel", + "text": "Am\u00e9d\u00e9e Borrel Am\u00e9d\u00e9e Marie Vincent Borrel (1 August 1867 \u2013 14 September 1936) was a French physician and microbiologist born in Cazouls-l\u00e8s-B\u00e9ziers, H\u00e9rault. Borrel studied natural sciences and medicine at the University of Montpellier, where he earned his degree in 1890. From 1892 to 1895, Borrel worked in the laboratory of Ilya Ilyich Metchnikoff (1845\u20131916) at the Pasteur Institute in Paris. Here he performed research of tuberculosis, and with Alexandre Yersin (1863\u20131943) and L\u00e9on Charles Albert Calmette (1863\u20131933), he worked on a vaccine against bubonic plague. With Yersin and Calmette, he co-published the treatise \"Le microbe de la peste \u00e0", + "score": 0.69970703125 + }, + { + "id": "4319520", + "title": "Waldemar Haffkine", + "text": "Waldemar Haffkine Sir Waldemar Mordechai Wolff Haffkine (; 15 March 1860 \u2013 26 October 1930) was a bacteriologist from the Russian Empire whose career was blighted in Russia because he refused to convert from Judaism to Russian Orthodox Christianity. He emigrated and worked at the Pasteur Institute in Paris, where he developed an anti-cholera vaccine that he tried out successfully in India. He is recognized as the first microbiologist who developed and used vaccines against cholera and bubonic plague. He tested the vaccines on himself. Lord Joseph Lister named him \"a saviour of humanity\". He was knighted in Queen Victoria's", + "score": 0.69873046875 + }, + { + "id": "20560647", + "title": "Hilda Clark (doctor)", + "text": "about 1897 to 1900, before studying medicine at Birmingham University and the Royal Free Hospital, London where she graduated M.B. and B.S. in 1908. Clark specialised in the treatment of pulmonary tuberculosis. She was instrumental in administering the TB vaccine, tuberculin, developed by Dr W. Camac-Wilkinson. She opened and ran two tuberculin dispensaries, the first at her home town of Street in Somerset, the second, by appointment as Medical Officer of the Portsmouth Municipal Tuberculin Dispensary in 1911. In 1910 she successfully treated her sister, Alice Clark, a suffragist who was suffering from tuberculosis. Clark gave a paper on \"Tuberculosis", + "score": 0.6982421875 + }, + { + "id": "417343", + "title": "Tuberculosis", + "text": "present in the Americas from about 100 AD. Before the Industrial Revolution, folklore often associated tuberculosis with vampires. When one member of a family died from it, the other infected members would lose their health slowly. People believed this was caused by the original person with TB draining the life from the other family members. Although the pulmonary form associated with tubercles was established as a pathology by Richard Morton in 1689, due to the variety of its symptoms, TB was not identified as a single disease until the 1820s. It was not named \"tuberculosis\" until 1839, by J. L.", + "score": 0.697265625 + }, + { + "id": "17744130", + "title": "Arthur Lewis Piper", + "text": "Arthur Lewis Piper Dr. Arthur Lewis Piper (31 December 1883 \u2013 1983) was a medical missionary in the Belgian Congo, supported by the Detroit Epworth League. He worked for the Mission Conference of the Methodist Episcopal Church in the most remote mission station near Kapanga in the Belgian Congo. Dr. Piper helped the Lunda tribe battle malaria, sleeping sickness, and leprosy, among many other diseases. In 1925, he encouraged use of tryparsamide to cure sleeping sickness. The drug was developed by Walter Abraham Jacobs, Michael Heidelberger, Louise Pearce, and Wade Hampton Brown of the Rockefeller Foundation and tested in the", + "score": 0.69580078125 + }, + { + "id": "16141978", + "title": "Rufus Cole", + "text": "Rufus Cole Rufus Cole (April 30, 1872 \u2013 April 20, 1966) was an American medical doctor and the first director of the Rockefeller University Hospital. Under his leadership significant advances in treatment of bacterial pneumonia and later against tuberculosis were made. In 1912 Cole and Alphonse Dochez developed a serum against Type 1 pneumococcus and also developed a method for testing whether an infection is caused by this or some other type of the bacterium. \"The New York Times\" in its obituary for Cole called him \"a pioneer in clinical medicine\" and \"an authority on lobar pneumonia\". \"The New York", + "score": 0.6953125 + }, + { + "id": "6559154", + "title": "Jaume Ferran i Clua", + "text": "Jaume Ferran i Clua Jaume Ferran i Clua (Corbera d'Ebre, 1851 \u2013 Barcelona 1929) was a Spanish bacteriologist and sanitarian, contemporary of Koch, and said by his fellows to have made some of the discoveries attributed to Koch. As early as 1885, he wrote on immunization against cholera. In 1893, his work on this subject was translated into French with the title \"L'Inoculation pr\u00e9ventive contre le Cholera\". Tuberculosis is another disease in which Ferran was always deeply interested. Some of his ideas on the transmission and virulence of tuberculosis are revolutionary. He died in 1929 and was buried in Montju\u00efc", + "score": 0.6943359375 + }, + { + "id": "15674193", + "title": "Koch\u2013Pasteur rivalry", + "text": "to open one in Australia. In 1882, Koch reported identification of the \"tubercle bacillus\" as the cause of tuberculosis, cementing germ theory. Koch took his research into a new direction\u2014applied research\u2014to develop a tuberculosis treatment and use the profits to found his own research institute, autonomous from government. In 1890 Koch introduced the intended drug, tuberculin, but it soon proved ineffective, and accounts of deaths followed in new press. Amid Koch's reluctance to disclose tuberculin's formula, Koch's reputation sustained damage, but Koch retained lasting acclaim and received the 1905 Nobel Prize in Physiology or Medicine \"for his investigations and discoveries", + "score": 0.6943359375 + }, + { + "id": "309085", + "title": "Paul Ehrlich", + "text": "Paul Ehrlich Paul Ehrlich (; 14 March 1854 \u2013 20 August 1915) was a Nobel prize-winning German-Jewish physician and scientist who worked in the fields of hematology, immunology, and antimicrobial chemotherapy. He is credited with finding a cure for syphilis in 1909. He invented the precursor technique to Gram staining bacteria. The methods he developed for staining tissue made it possible to distinguish between different types of blood cells, which led to the capability to diagnose numerous blood diseases. His laboratory discovered arsphenamine (Salvarsan), the first effective medicinal treatment for syphilis, thereby initiating and also naming the concept of chemotherapy.", + "score": 0.6943359375 + }, + { + "id": "2382794", + "title": "Mycobacterium tuberculosis", + "text": "bacillus\". Tuberculosis has existed throughout history, but the name has changed frequently over time. In 1720, though, the history of tuberculosis started to take shape into what is known of it today; as the physician Benjamin Marten described in his \"A Theory of Consumption\", tuberculosis may be caused by small living creatures transmitted through the air to other patients. The BCG vaccine, which was derived from \"M. bovis,\" has had limited success in preventing tuberculosis. Mycobacterium tuberculosis Mycobacterium tuberculosis is a species of pathogenic bacteria in the family Mycobacteriaceae and the causative agent of tuberculosis. First discovered in 1882 by", + "score": 0.693359375 + }, + { + "id": "12728773", + "title": "History of tuberculosis", + "text": "time the causal agent of the disease: \"Mycobacterium tuberculosis\", or Koch's bacillus. When he began his investigation, Koch knew of the work of Villemin and others who had continued his experiments like Julius Conheim and Carl Salmosen. He also had access to the \"pthisis ward\" at the Berlin Charit\u00e9 Hospital. Before he confronted the problem of tuberculosis, he worked with the disease caused by anthrax and had discovered the causal agent to be \"Bacillus anthracis\". During this investigation he became friends with Ferdinand Cohn, the director of the Institute of Vegetable Physiology. Together they worked to develop methods of culturing", + "score": 0.69287109375 + }, + { + "id": "12728775", + "title": "History of tuberculosis", + "text": "the bacteria and observed that they died while exhibiting symptoms of tuberculosis, proving that the bacillus, which he named \"tuberculosis bacillus\", was in fact the cause of tuberculosis. He made his result public at the Physiological Society of Berlin on 24 March 1882, in a famous lecture entitled \"\u00dcber Tuberculose\", which was published three weeks later. Since 1882, 24 March has been known as World Tuberculosis Day. On 20 April 1882, Koch presented an article entitled \"Die \u00c4tiologie der Tuberculose\" in which he demonstrated that \"Mycobacterium\" was the single cause of tuberculosis in all of its forms. In 1890 Koch", + "score": 0.69287109375 + }, + { + "id": "12728784", + "title": "History of tuberculosis", + "text": "to the United States and Canada in 1907\u20131908 to help the National Tuberculosis Association (later called the American Lung Association). In the United States, concern about the spread of tuberculosis played a role in the movement to prohibit public spitting except into spittoons. The first genuine success in immunizing against tuberculosis was developed from attenuated bovine-strain tuberculosis by Albert Calmette and Camille Gu\u00e9rin in 1906. It was called \"BCG\" (\"Bacille Calmette-Gu\u00e9rin\"). The BCG vaccine was first used on humans in 1921 in France, but it was not until after World War II that BCG received widespread acceptance in Great Britain,", + "score": 0.69287109375 + }, + { + "id": "12728786", + "title": "History of tuberculosis", + "text": "In 1696, Giorgio Baglivi reported a general improvement in tuberculosis sufferers after they received sword wounds to the chest. F.H. Ramadge induced the first successful therapeutic pneumothorax in 1834, and reported subsequently the patient was cured. It was in the 20th century, however, that scientists sought to rigorously investigate the effectiveness of such procedures. In 1939, the \"British Journal of Tuberculosis\" published a study by Oli Hjaltested and Kjeld T\u00f6rning on 191 patients undergoing the procedure between 1925 and 1931; in 1951, Roger Mitchell published several articles on the therapeutic outcomes of 557 patients treated between 1930 and 1939 at", + "score": 0.6923828125 + }, + { + "id": "6561352", + "title": "Johann Lukas Scho\u0308nlein", + "text": "vasculitis. He also discovered the parasitic cause of ringworm or favus (\"Trichophyton sch\u00f6nleinii\"). J. L. Sch\u00f6nlein is also attributed with naming the disease tuberculosis in 1839. Prior to Sch\u00f6nlein's designation, tuberculosis had been called \"consumption\". Johann Lukas Sch\u00f6nlein Johann Lukas Sch\u00f6nlein (30 November 1793 \u2013 23 January 1864) was a German naturalist, and professor of medicine, born in Bamberg. He studied medicine at Landshut, Jena, G\u00f6ttingen, and W\u00fcrzburg. After teaching at W\u00fcrzburg and Zurich, he was called to Berlin in 1839, where he taught therapeutics and pathology. He served as physician to Frederick William IV. He was one of the", + "score": 0.6923828125 + }, + { + "id": "6340712", + "title": "Stamen Grigorov", + "text": "original variety can be produced only in Bulgaria and in some neighboring regions on the Balkan peninsula. In other natural climatic conditions the bacteria quickly degenerate, lose their qualities and die. Apart from the discovery of \"Lactobacillus bulgaricus\", Dr. Grigorov made a major contribution to the creation of an anti-tuberculosis vaccine. On 20 December 1906, in Paris in issue No. 104 of the \u201cLa Presse M\u00e9dicale\u201d medical journal, was published his scientific report \u201cThe Anti-tuberculosis vaccine\u201d, which informed the scientific community about the results of his research into the application of penicillin fungi for the treatment of tuberculosis. After the", + "score": 0.69189453125 + }, + { + "id": "1616574", + "title": "Tuskegee syphilis experiment", + "text": "was lost. Raymond A. Vonderlehr was appointed on-site director of the research program and developed the policies that shaped the long-term follow-up section of the project. His method of gaining the \"consent\" of the subjects for spinal taps (to look for signs of neurosyphilis) was by portraying this diagnostic test as a \"special free treatment\". Participants were not told their diagnosis. Vonderlehr retired as head of the venereal disease section in 1943, shortly after the antibiotic penicillin had first been shown to be a cure for syphilis. Several African American health workers and educators associated with Tuskegee Institute helped the", + "score": 0.69189453125 + }, + { + "id": "16871526", + "title": "Arthur Nicolaier", + "text": "it illegal for Jews to be civil servants. He committed suicide in 1942 when he learned that he was about to be deported to the Theresienstadt concentration camp. As an assistant to Carl Fl\u00fcgge in G\u00f6ttingen, Nicolaier discovered Clostridium tetani, the bacterium that causes tetanus, in 1884. He was the first to use hexamethylentetramin (Urotropin) for treating urinary infections. Arthur Nicolaier Arthur Nicolaier (4 February 1862 in Cosel/Ko\u017ale - 28 August 1942 in Berlin) was a German Jewish internist. Most famous for his work on discovering a cure for tetanus which was an extremely fatal disease if it wasn't treated", + "score": 0.69140625 + }, + { + "id": "4455003", + "title": "Francisella tularensis", + "text": "disease. Later, Bacterium Tularense became known as \"Francisella tularensis\", in honor of the discovery by Dr. Francis. Four subspecies (biovars) of \"F. tularensis\" have been classified. In 1938, Soviet bacteriologist Vladimir Dorofeev (1911\u20131988) and his team were able to recreate the infection cycle of the pathogen in humans and his team was the first in the world to create measures in protection against the deadly infectious agent. 1947, Dorofeev was able to independently isolate the pathogen that Dr. Francis discovered in 1922, hence, it is commonly known as \"Francisella Dorofeev\" in former Soviet countries. \"F. tularensis\" has been reported in", + "score": 0.6904296875 + }, + { + "id": "43103", + "title": "BCG vaccine", + "text": "between bovine tuberculosis and cowpox: it was hypothesized that infection with bovine tuberculosis might protect against infection with human tuberculosis. In the late 19th century, clinical trials using \"M. bovis\" were conducted in Italy with disastrous results, because \"M. bovis\" was found to be just as virulent as \"M. tuberculosis\". Albert Calmette, a French physician and bacteriologist, and his assistant and later colleague, Camille Gu\u00e9rin, a veterinarian, were working at the Institut Pasteur de Lille (Lille, France) in 1908. Their work included subculturing virulent strains of the tuberculosis bacillus and testing different culture media. They noted a glycerin-bile-potato mixture grew", + "score": 0.6904296875 + }, + { + "id": "10689775", + "title": "Irving Selikoff", + "text": "Irving Selikoff Dr. Irving J. Selikoff (1915 in New York City \u2013 May 20, 1992 in Ridgewood, New Jersey) was a medical researcher who in the 1960s established a link between the inhalation of asbestos particles and lung-related ailments. His work is largely responsible for the regulation of asbestos today. He also co-discovered a treatment for tuberculosis. Irving J. Selikoff was born in Brooklyn in 1915. He graduated from Columbia University in 1935 and attended Royal Colleges Scotland for his medical degree, graduating in 1941. He later interned in Newark, New Jersey, and joined the Mount Sinai Medical Center as", + "score": 0.68994140625 + }, + { + "id": "16811322", + "title": "Tom Douglas Spies", + "text": "Tom Douglas Spies Dr. Tom Douglas Spies (September 21, 1902 in Ravenna, Texas \u2013 February 28, 1960 in New York, NY) was a distinguished American physician and medical educator. Dr. Spies was an authority in the study of nutritional diseases. In the 1930s, he contributed significantly to finding a cure for pellagra, a nutritional disease that once afflicted millions in the American South. Later, he also made a large contribution to finding cure for tropical sprue. For his efforts in elimination of pellagra, \"Time\" Magazine named him as 1938 \"Man of the Year\" in comprehensive science. Member of Phi Beta", + "score": 0.68994140625 + }, + { + "id": "14474430", + "title": "Scarlet fever serum", + "text": "fever germ and developed a serum. Dr. A. Raymond Dochez (1882 \u2013 June 30, 1964), a native of San Francisco, California, is credited with discovering a serum cure for scarlet fever at New York-Presbyterian Hospital, while he was a researcher there in 1924. His antitoxin was developed following six years of study. In Chicago, husband and wife Gladys and George Frederick Dick also developed an antitoxin and test for scarlet fever in 1924. A Romanian scientist, Prince Cantacuzene, said that scarlet fever was far from conquered in July 1930. His own experiments with streptococcus led him to believe that scarlet", + "score": 0.689453125 + }, + { + "id": "4440102", + "title": "Tuberculin", + "text": "von Pirquet further developed tuberculin as a testing agent for diagnosing tuberculosis, but this was his own achievement, independent of any of Robert Koch\u2019s ideas. The company Meister Lucius & Br\u00fcning AG (later Hoechst AG) in Frankfurt/H\u00f6chst purchased the large leftover stocks of tuberculin and the company later began production under the leadership of Koch\u2019s student Arnold Libbertz. Tuberculin Tuberculin, also known as purified protein derivative, is a combination of proteins that are used in the diagnosis of tuberculosis. This use is referred to as the tuberculin skin test and is recommended only for those at high risk. Injection is", + "score": 0.689453125 + }, + { + "id": "11234916", + "title": "Cure Cottages of Saranac Lake", + "text": "day resting on special day beds or reclining chairs. In 1887, when Robert Louis Stevenson came to Saranac Lake for treatment of what was then thought to be tuberculosis and stayed at what is now known as Stevenson Cottage, the town's fame grew substantially, and the arrival of the railroads, the New York Central and the Delaware and Hudson, in the village greatly eased access to the area. The discovery that tuberculosis was contagious further contributed to Saranac Lake's importance as a cure center, as many other venues in the Adirondacks began to turn \"consumptives\" away. As a result, the", + "score": 0.689453125 + }, + { + "id": "17525953", + "title": "German Respiratory Society", + "text": "at congresses of the German Society of Internal Medicine (DGIM), the discovery of the bacillus that caused tuberculosis (Mycobacterium tuberculosis) by Robert Koch in 1882, the popularization of the sanatorium movement in Germany by Peter Dettweiler from 1892 onwards and the foundation of the predecessor of the DZK (1895) were milestones in the fight against the disease. The key principle was not so much the promotion of specialized research activities as an interdisciplinary approach to \"gather together the knowledge of tuberculosis scattered and hidden in all the different disciplines\". The official celebration of the founding of the DTG took place", + "score": 0.68896484375 + }, + { + "id": "7120443", + "title": "Florence B. Seibert", + "text": "tuberculin as a protein. Seibert spent a number of years developing methods for separating and purifying the protein from \"Mycobacterium tuberculosis\", obtaining purified protein derivative (PPD) and enabling the creation of a reliable test for tuberculosis. Her first publication on the purification of tuberculin appeared in 1934. Some sources credit her with successfully isolating the tuberculosis protein molecule during 1937\u201338, when she visited the University of Uppsala, Sweden, as a Guggenheim fellow to work with Nobel-prize winning protein scientist Theodor Svedberg. She developed methods for purifying a crystalline tuberculin derivative using filters of porous clay and nitric-acid treated cotton. In", + "score": 0.68896484375 + }, + { + "id": "10978019", + "title": "Trudeau Institute", + "text": "tuberculosis. In 1873 Dr. Trudeau himself was diagnosed with tuberculosis. Following the conventional thinking of the time, his physicians and friends urged a change of climate. He went to live in the Adirondack Mountains, initially at Paul Smith's Hotel, spending as much time as possible outdoors, and subsequently regained his health. In 1876, he moved to Saranac Lake and established a medical practice. In 1882, Dr. Trudeau read about German physician Hermann Brehmer's success treating tuberculosis with a systematic rest cure in cold, clear mountain air. Following this example, Dr. Trudeau founded the Adirondack Cottage Sanitarium for the treatment of", + "score": 0.6884765625 + }, + { + "id": "7649714", + "title": "Richard Morton (physician)", + "text": "Richard Morton (physician) Richard Morton (1637\u20131698) was an English physician who was the first to state that tubercles were always present in the tuberculosis disease of the lungs. In Morton's time, this wasting disease was termed consumption, or by its Greek name of phthisis. Recognition of the many possible symptoms of this infection belonging to a single disease was not until the 1820s and it was J.L. Sch\u00f6nlein in 1839 who introduced the term \"tuberculosis\". He was born in Worcestershire, England and, having trained at Oxford's Magdalen Hall, elected to enter the Church, becoming Vicar of Kinver in Staffordshire. With", + "score": 0.6884765625 + }, + { + "id": "7122460", + "title": "Haffkine Institute", + "text": "the microbiologist who first developed and used vaccines against cholera and bubonic plague. In October 1896, an epidemic of bubonic plague struck Bombay (now Mumbai) and the government asked Haffkine to help. He embarked upon the development of a vaccine in a makeshift laboratory in a corridor of Grant Medical College. In three months of persistent work (one of his assistants experienced a nervous breakdown, two others quit), a form of vaccine was ready for human trials. On 10 January 1897, Haffkine tested it on himself. The vaccines that Haffkine prepared had remarkable results. Sans Pareil was once the official", + "score": 0.6884765625 + }, + { + "id": "3397441", + "title": "George Miller Sternberg", + "text": "George Miller Sternberg Brigadier General George Miller Sternberg (June 8, 1838 \u2013 November 3, 1915) was a U.S. Army physician who is considered the first U.S. bacteriologist, having written \"Manual of Bacteriology\" (1892). After he survived typhoid and yellow fever, Sternberg documented the cause of malaria (1881), discovered the cause of lobar pneumonia (1881), and confirmed the roles of the bacilli of tuberculosis and typhoid fever (1886). As the 18th U.S. Army Surgeon General, from 1893 to 1902, Sternberg led commissions to control typhoid and yellow fever, along with his subordinate Major Walter Reed. Sternberg also oversaw the establishment of", + "score": 0.6884765625 + }, + { + "id": "7485076", + "title": "History of penicillin", + "text": "of a \"Penicillium glaucum\" mold, even curing infected guinea pigs of typhoid. He published a dissertation in 1897 but it was ignored by the Institut Pasteur. Duchesne was himself using a discovery made earlier by Arab stable boys, who used molds to cure sores on horses. He did not claim that the mold contained any antibacterial substance, only that the mold somehow protected the animals. The penicillin isolated by Fleming does not cure typhoid and so it remains unknown which substance might have responsible for Duchesne's cure. In Belgium in 1920, Andre Gratia and Sara Dath observed a fungal contamination", + "score": 0.6884765625 + }, + { + "id": "14274158", + "title": "Samuel Gibson Dixon", + "text": "attended medical school at both King's College London and Pettenkofer's Laboratory of Hygiene in Munich. His work in tuberculosis prevention is what brought him the most recognition. He is now regarded as the first researcher to induce immune response to tuberculosis in guinea pigs\u2014a precursor to the development of an effective treatment for the infection in humans. A tuberculosis facility in Mont Alto, Pennsylvania being named after him. Samuel Gibson Dixon Samuel Gibson Dixon (March 28, 1851 - February 26, 1918) was an American bacteriologist who made important contributions to the treatment and prevention of tuberculosis in the late 19th", + "score": 0.68798828125 + }, + { + "id": "12728776", + "title": "History of tuberculosis", + "text": "developed tuberculin, a purified protein derivative of the bacteria. It proved to be an ineffective means of immunization but in 1908, Charles Mantoux found it was an effective intradermic test for diagnosing tuberculosis. The advancement of scientific understanding of tuberculosis, and its contagious nature created the need for institutions to house sufferers. The first proposal for a tuberculosis facility was made in paper by George Bodington entitled \"An essay on the treatment and cure of pulmonary consumption, on principles natural, rational and successful\" in 1840. In this paper, he proposed a dietary, rest, and medical care program for a hospital", + "score": 0.6875 + }, + { + "id": "10932313", + "title": "Pedro Cuatrecasas", + "text": "Pedro Cuatrecasas Pedro Cuatrecasas (born 27 September 1936) is an American biochemist and an Adjunct Professor of Pharmacology & Medicine at the University of California San Diego. Pedro Cuatrecasas was born in 1936 in Madrid, Spain. He completed his A.B. from Washington University in St. Louis in 1958. He completed his M.D. from Washington University in 1962. Pedro Cuatrecasas is known for the invention and development of affinity chromatography, a process utilized within the Aethlon HemopurifierTM. He was involved in the discovery, development and marketing registration of more than forty medicines. Some of those medicines include: zidovudine (AZT, AIDS), acyclovir", + "score": 0.6875 + }, + { + "id": "12728771", + "title": "History of tuberculosis", + "text": "in the Two Sexes\". Another good friend and co-worker of Laennec, Gaspard Laurent Bayle, published an article in 1810 entitled \"Recherches sur la Pthisie Pulmonaire\", in which he divided pthisis into six types: tubercular phthisis, glandular phthisis, ulcerous phthisis, phthisis with melanosis, calculous phthisis, and cancerous phthisis. He based his findings on more than 900 autopsies. In 1869, Jean Antoine Villemin demonstrated that the disease was indeed contagious, conducting an experiment in which tuberculous matter from human cadavers was injected into laboratory rabbits, which then became infected. On 24 March 1882, Robert Koch revealed the disease was caused by an", + "score": 0.68701171875 + }, + { + "id": "5063404", + "title": "Thomas Beddoes", + "text": "copies are reported to have been sold. Beddoes addressed tuberculosis, seeking treatments for the disease. He had a clinic in Bristol from 1793 to 1799 and later began the Pneumatic Institution to test various gases for the treatment of tuberculosis. The institution was later changed to a general hospital. Between 1793 and 1799 Beddoes had a clinic at Hope Square, Hotwells in Bristol where he treated patients with tuberculosis. On the principle that butchers seemed to suffer less from tuberculosis than others, he kept cows in a byre alongside the building and encouraged them to breathe on his patients. This", + "score": 0.6865234375 + }, + { + "id": "10978020", + "title": "Trudeau Institute", + "text": "tuberculosis with the support of several wealthy businessmen. In 1894, after a fire destroyed his small laboratory, Dr. Trudeau built the Saranac Laboratory for the Study of Tuberculosis, the first laboratory in the United States dedicated to the study of tuberculosis. He subsequently dedicated his life to pursuing a cure for tuberculosis and was elected the first president of the National Association for the Study and Prevention of Tuberculosis, the predecessor of the American Lung Association. He died in 1915 at age 67. Following Dr. Trudeau\u2019s death, the sanitarium\u2019s name was changed to the Trudeau Sanatorium, and a foundation and", + "score": 0.6865234375 + }, + { + "id": "12151953", + "title": "Charles B. Towns", + "text": "cofounder of Alcoholics Anonymous (AA), was admitted to Towns Hospital three times between 1933 and 1934. On his third and last stay he showed signs of delirium tremens and was treated with the Belladonna Cure. He thought this would help his alcoholism but he inevitably drank within 3 months of leaving the hospital after \"successfully\" completing the Belladonna Cure. It was only after meeting a member of the Oxford, Ebby Thacher, who is later discussed, and undergoing the Oxford Group's \"soul surgery\", did he experience a \"white light experience\" or a spiritual awakening. After that experience, he never drank again.", + "score": 0.6865234375 + }, + { + "id": "5251041", + "title": "Albert Schatz (scientist)", + "text": "outside his lab. He named the antibiotic derived from these bacteria \"streptomycin.\" Toxicity tests, animal trials, and early clinical trials, for which Schatz produced the streptomycin, were conducted by Mayo Clinic, and by 1944, large clinical trials conducted by Merck in the UK and USA had proven streptomycin's effectiveness against TB, bubonic plague, cholera, typhoid fever, and other penicillin-resistant diseases. After leaving Rutgers in 1946, Schatz worked at Brooklyn College, and the National Agricultural College in Doylestown, Pennsylvania. He was a professor at the University of Chile from 1962 to 65, professor of education at Washington University from 1965 to", + "score": 0.6865234375 + }, + { + "id": "3397453", + "title": "George Miller Sternberg", + "text": "and Corrado Tommasi-Crudeli. His report (1881) declared that the \"Bacillus malariae\" had no part in the causation of malaria. The same year\u2014simultaneously with Louis Pasteur\u2014he announced the discovery of the pneumococcus, eventually recognized as the pathogenic agent of lobar pneumonia. He was the first in the United States to demonstrate the \"Plasmodium\" organism as cause of malaria (1885) and to confirm the causitive roles of the bacilli of tuberculosis and typhoid fever (1886). He was the first scientist to produce photomicrographs of the tubercule bacillus. He was also the earliest American pioneer in the related field of disinfection in which", + "score": 0.6865234375 + }, + { + "id": "3251149", + "title": "Charles Nicolle", + "text": "Nicolle surmised that he could make a simple vaccine by crushing up the lice and mixing it with blood serum from recovered patients. He first tried this vaccine on himself, and when he stayed healthy he tried it on a few children (because of their better immune systems), who developed typhus but recovered. He did not succeed in his effort to develop a practical vaccine. The next step would be taken by Rudolf Weigl in 1930. Charles Nicolle Charles Jules Henry Nicolle (21 September 1866 Rouen \u2013 28 February 1936 Tunis) was a French bacteriologist who received the Nobel Prize", + "score": 0.68603515625 + }, + { + "id": "1669833", + "title": "Streptomycin", + "text": "treatment of numerous infectious diseases. Streptomycin was the first antibiotic cure for tuberculosis (TB). In 1952 Waksman was the recipient of the Nobel Prize in Physiology or Medicine in recognition \"for his discovery of streptomycin, the first antibiotic active against tuberculosis\". Waksman was later accused of playing down the role of Schatz who did the work under his supervision. The Rutgers team reported streptomycin in the medical literature in January 1944. Within months they began working with William Feldman and H. Corwin Hinshaw of the Mayo Clinic with hopes of starting a human clinical trial of streptomycin in tuberculosis. The", + "score": 0.68603515625 + }, + { + "id": "13532839", + "title": "Alfred Soko\u0142owski", + "text": "Alfred Soko\u0142owski Alfred Marcin Soko\u0142owski (born 11 November 1849 - 8 March 1924) was a Polish pulmonologist and professor of the University of Warsaw. He specialised in the field of Phthisiatry (study of tuberculosis) and he was one of the pioneers of modern treatment to diseases of the respiratory system. In 1908 founded the \"Towarzystwo Przeciwgru\u017alicze\". He contributed to the spread of medical knowledge about the disease, and he opened a treatment clinic in Zakopane. From 1880 until his death he worked in the editorial \"Gazeta Lekarska\" (Doctor's Newspaper) and his expert knowledge of tuberculosis produced many high quality journals", + "score": 0.68603515625 + }, + { + "id": "11240348", + "title": "Hermann Brehmer", + "text": "Hermann Brehmer Hermann Brehmer (14 August 1826 \u2013 28 December 1889) was a German physician who established the first German sanatorium for the systematic open-air treatment of tuberculosis. Brehmer was born in Kurtsch (Kurcz\u00f3wa) near Strehlen (Strzelin), Prussian Silesia. He studied mathematics, astronomy, and natural science at the University of Breslau (Wroc\u0142aw) from 1847 to 1850. Having gone to Berlin to work at an herbarium in 1850, he abandoned natural science and dedicated himself to medicine at the University of Berlin, receiving his doctorate in 1853. Alternately, as a botany student in Silesia, Brehmer was diagnosed with tuberculosis and told", + "score": 0.68603515625 + }, + { + "id": "12728760", + "title": "History of tuberculosis", + "text": "contracted without either direct contact or fomes, but was unsure of the process by which the disease propagated across distances. Paracelsus advanced the belief that tuberculosis was caused by a failure of an internal organ to accomplish its alchemical duties. When this occurred in the lungs, stony precipitates would develop causing tuberculosis in what he called the \"tartaric\" process. Franciscus Sylvius began differentiating between the various forms of tuberculosis (pulmonary, ganglion). He was the first person to recognize that the skin ulcers caused by scrofula resembled tubercles seen in phthisis, noting that \"phthisis is the scrofula of the lung\" in", + "score": 0.68603515625 + }, + { + "id": "5251040", + "title": "Albert Schatz (scientist)", + "text": "conscripted, and worked as a bacteriologist at a military hospital in Florida until he was discharged due to back problems. On his return to Waksman's lab in 1943, Schatz offered to take on the search for an antibiotic effective against the tubercle bacillus (the bacterium that causes TB) and Gram-negative bacteria responsible for other penicillin-resistant diseases. Within three and a half months, he had identified two related strains of bacteria in the phylum Actinomycetes which stopped the growth of tubercle bacillus and several Gram-negative bacteria. One strain came from a mouth swab from a healthy chicken, the other from soil", + "score": 0.685546875 + }, + { + "id": "8812644", + "title": "Clemens Maria Franz von Bo\u0308nninghausen", + "text": "of M\u00fcnster. He also led the constitutional commission of experts in the investigation of the nun Anne Catherine Emmerick. They concluded that her wounds were mechanically inflicted and not supernatural. However, her beatification in 2004 by Paus Johannes Paulus II was based on a supernatural origin. In 1827, B\u00f6nninghausen contracted tuberculosis, followed by an intractable lung disease. Certain that he was about to die, he began writing farewell letters to his friends. One of them, friend and fellow botanist Carl Ernst August Weihe, urged him to use the herb Pulsatilla, believed to be the cure of his ailment. Von B\u00f6nninghausen", + "score": 0.685546875 + }, + { + "id": "9521365", + "title": "Thomas Peter Anderson Stuart", + "text": "Wright and Professor Henry George Chapman. When Stuart's chair was divided in 1890 he retained physiology, and Wilson was appointed to the new professorship of anatomy. In 1890, while on a visit to Europe, Stuart was asked by the government to go to Berlin and report on Dr Robert Koch's method of treating tuberculosis. The resulting report was an extremely able piece of work. Stuart could not regard the lymph as a successful curative agent, but he recognized that a great field of research had been opened up, which would probably lead to very valuable work being done not only", + "score": 0.685546875 + }, + { + "id": "3276615", + "title": "Alexandre Yersin", + "text": "Alexandre Yersin Alexandre Emile Jean Yersin (22 September 1863 \u2013 1 March 1943) was a Swiss and naturalized French physician and bacteriologist. He is remembered as the discoverer of the bacillus responsible for the bubonic plague or pest, which was later named in his honour (\"Yersinia pestis\"). Yersin was born in 1863 in Aubonne, Canton of Vaud, Switzerland, to a family originally from France. From 1883 to 1884, Yersin studied medicine at Lausanne, Switzerland; and then at Marburg, Germany and Paris (1884\u20131886). In 1886, he entered Louis Pasteur's research laboratory at the \u00c9cole Normale Sup\u00e9rieure, by invitation of Emile Roux,", + "score": 0.685546875 + }, + { + "id": "4787285", + "title": "World Tuberculosis Day", + "text": "in Berlin, TB was raging through Europe and the Americas, causing the death of one out of every seven people. Koch's discovery opened the way toward diagnosing and curing tuberculosis. In 1982, on the one-hundredth anniversary of Robert Koch's presentation, the International Union Against Tuberculosis and Lung Disease (IUATLD) proposed that 24 March be proclaimed an official World TB Day. This was part of a year-long centennial effort by the IUATLD and the World Health Organization under the theme \u201cDefeat TB: Now and Forever.\u201d World TB Day was not officially recognized as an annual occurrence by WHO's World Health Assembly", + "score": 0.68505859375 + }, + { + "id": "93513", + "title": "Cholera", + "text": "the 1900s. This eliminated the threat of cholera epidemics from the major developed cities in the world. In 1883, Robert Koch identified \"V. cholerae\" with a microscope as the bacillus causing the disease. Robert Allan Phillips, working at the US Naval Medical Research Unit Two in Southeast Asia, evaluated the pathophysiology of the disease using modern laboratory chemistry techniques and developed a protocol for rehydration. His research led the Lasker Foundation to award him its prize in 1967. More recently, in 2002, Alam, \"et al.\", studied stool samples from patients at the International Centre for Diarrhoeal Disease in Dhaka, Bangladesh.", + "score": 0.68505859375 + }, + { + "id": "18105434", + "title": "Corrado Tommasi-Crudeli", + "text": "in 1881. The bacillus theory was eventually proved wrong by the experimental demonstration of the mosquito-malaria theory in 1898. Corrado Tommasi-Crudeli Corrado Tommasi-Crudeli (31 January 1834 to 31 May 1900) was an Italian physician known for his works in pathology and hygiene. He studied for his medical degree at the University of Pisa. He was trained in pathology under the German pathologist Rudolf Virchow. He worked in medical services at Florence, Palermo, and Rome. He was Chair of Pathology at the Sapienza University of Rome. He was known to the public for his service during cholera outbreak and in establishing", + "score": 0.68505859375 + }, + { + "id": "19301733", + "title": "Robert William Philip", + "text": "Robert William Philip Sir Robert William Philip (29 December 1857 \u2013 25 January 1939) was a Scottish physician and pioneer in the treatment and control of tuberculosis. Philip was born in Govan on the 29 December 1857, the son of Margaret Josephine Robertson (1822-1908) and Reverend George Philip DD (1819-1904), the minister of the Free Church of Scotland in Govan. In 1866 the family relocated to Edinburgh, living at 48 Blacket Place. He was thereafter educated at the Royal High School in Edinburgh, going on to study medicine at the University of Edinburgh, graduating with a MB CM in 1882", + "score": 0.6845703125 + }, + { + "id": "16694717", + "title": "Joseph J. Katz", + "text": "industry. While working in Detroit after receiving his bachelor's degree, Katz and several colleagues rented a room in a Detroit office building and used it as a laboratory. They carried out independent research from 1932 through 1939, trying to cure tuberculosis by finding a substance that could dissolve the fatty outer coating of the TB bacillus so that it would be vulnerable to being destroyed by a drug. He and a Detroit colleague published two papers on studies with the bacterium Mycobacterium smegmatis, a fast-growing and non-pathogenic bacillus with similar physical properties to the tuberculosis bacillus. Unemployed in summer 1939,", + "score": 0.6845703125 + }, + { + "id": "20357228", + "title": "Agnes McDonald", + "text": "scrofula that affected the region. Her medical knowledge and services were crucial to the treatment of children and families during this time. In the 1870s she travelled to Wellington where she was able to acquire a medical chest paid for by the government so that she could use her medical knowledge to treat children and families in her region. Through treating scrofula she was able to find a cure for the fatal variants of the disease in the form of iodine. Although she became well known for her remedies not all her patients were willing. She actively sought out sufferers", + "score": 0.6845703125 + }, + { + "id": "8536798", + "title": "Edward Livingston Trudeau", + "text": "Edward Livingston Trudeau Edward Livingston Trudeau (5 October 1848 \u2013 15 November 1915) was an American physician who established the Adirondack Cottage Sanitarium at Saranac Lake for treatment of tuberculosis. Dr. Trudeau also established the Saranac Laboratory for the Study of Tuberculosis, the first laboratory in the United States dedicated to the study of tuberculosis. He was a public health pioneer who helped to establish principles for disease prevention and control. Named for statesman Edward Livingston, Trudeau was born in New York City to a family of physicians, the son of Cephise (\"n\u00e9e\" Berger) and James de Berty Trudeau, who", + "score": 0.6845703125 + }, + { + "id": "8858765", + "title": "Tuberculosis in human culture", + "text": "the start of the play; his mental anguish forms a substantial part of the drama. \"Chopin and The Nightingale\" is a dramatic reading with music in six acts by Cecilia and Jens Jorgensen for narrator, two sopranos and piano. It enacts the true-life romance of the composer Frederic Chopin, who had the disease, and \"the Swedish nightingale\"\u2014the singer Jenny Lind. 19th century Russian literature frequently made use of characters with tuberculosis. Fyodor Dostoevsky used the theme of the consumptive nihilist repeatedly, with Katerina Ivanovna in \"Crime and Punishment\"; Kirillov in \"The Possessed\", and both Ippolit and Marie in \"The Idiot.\"", + "score": 0.68408203125 + }, + { + "id": "15358553", + "title": "Merck & Co.", + "text": "marketed under the trade name Mevacor. Streptomycin, discovered during a Merck-funded research program in Selman Waksman's laboratory at Rutgers University in 1943, became the first effective treatment for tuberculosis. At the time of its discovery, sanitoriums for the isolation of tuberculosis-infected people were a ubiquitous feature of cities in developed countries, with 50% dying within 5 years of admission. Although Merck's agreement with Rutgers gave it exclusive rights to streptomycin, at Wakman's request the company renegotiated the agreement, returning the rights to the university in exchange for a royalty. The university then set up non-exclusive licenses with seven companies to", + "score": 0.68359375 + }, + { + "id": "11658940", + "title": "Peter Buxtun", + "text": "Peter Buxtun Peter Buxtun (sometimes referred to as Peter Buxton; born 1937 in Prague) is a former employee of the United States Public Health Service who became known as the whistleblower responsible for ending the Tuskegee syphilis experiment. Buxtun, then a 27-year-old social worker and epidemiologist in San Francisco, was hired by the Public Health Service in December 1965 to interview patients with sexually transmitted diseases; in the course of his duties, he learned of the Tuskegee Experiment from co-workers. He later said\u2014\"I didn't want to believe it. This was the Public Health Service. We didn't do things like that.\"", + "score": 0.68359375 + }, + { + "id": "8747468", + "title": "Frederick Twort", + "text": "with the tubercle bacillus, a species that was culturable. Twort wrote, \"It appeared highly probable that these two organisms would require the same chemical substances for building up their protoplasm, which could be elaborated from the ordinary media only by the tubercle bacillus.\" Twort therefore incorporated dead tubercle bacilli in the growth medium and succeeded in culturing leprosy. The essential substance supplied by the tubercle bacillus that was missing from the medium turned out to be vitamin K. Twort's experiment is important as a demonstration of an organism growing only when supplied with a substance elaborated by another. This is", + "score": 0.68310546875 + }, + { + "id": "10965244", + "title": "Gaspard Laurent Bayle", + "text": "and phthisis with melanosis. His best known written effort was the 1810 \"Recherches sur la phthisie pulmonaire\" (Research of pulmonary tuberculosis). He also penned a treatise on cancerous diseases that was published posthumously (1833) by his nephew, Antoine Laurent Bayle. Gaspard Laurent Bayle Gaspard Laurent Bayle (18 August 1774, Le Vernet, Alpes-de-Haute-Provence \u2013 1816) was a French physician. He studied medicine under Jean-Nicolas Corvisart (1755\u20131821), and was a colleague to Ren\u00e9 Laennec (1781\u20131826). Beginning in 1805 he practiced medicine at the H\u00f4pital de la Charit\u00e9 in Paris. He was an uncle to physician Antoine Laurent Bayle (1799\u20131859). Bayle is remembered", + "score": 0.68310546875 + }, + { + "id": "18627341", + "title": "Herbert Durham", + "text": "Demonstrator in Histology from 1884\u201389, then House Surgeon at Guy's Hospital, London from 1889-95. From 1895-96 he worked at the Hygiene Institute, Vienna where he was associated with Professor Max von Gruber in the discovery of agglutination of bacteria. In 1897 he developed an agglutination reaction for diagnosis of typhoid fever, which then was called the Grubler-Durham reaction, subsequently known as the Widal reaction; and also created \"Durham tubes\" for measuring the amount of gas produced in the bacterial colonies, which are still used universally in microbiology laboratories. From 1896-98 he was a working Member of Tsetse Fly Disease Committee", + "score": 0.68310546875 + }, + { + "id": "8748835", + "title": "Casimir Davaine", + "text": "demonstrated that the bacillus could be directly transmitted from one animal to another. He was able to identify the causative organism, but was unaware of its true etiology. Later on, German microbiologist Robert Koch investigated the etiology of \"Bacillus anthracis\", and discovered its ability to produce \"resting spores\" that could stay alive in the soil for a long period of time to serve as a future source of infection. Casimir Davaine is also credited for pioneer work in the study of septicemia (blood poisoning). Casimir Davaine Casimir Davaine (19 March 1812 \u2013 14 October 1882) was a French physician known", + "score": 0.6826171875 + }, + { + "id": "2078582", + "title": "Walter Fauntroy", + "text": "former African-American Democratic congressman, the Reverend Floyd Flake, he joined with U.S. Representative Walter Jones (R-NC) to support the Houses of Worship Freedom of Speech Restoration Act (H.R. 235), which would have allowed tax-exempt religious institutions to engage more directly in current politics. Robust and athletic through most of his life, Fauntroy was diagnosed with tuberculosis in 1993, treated, and cured. He took his condition public to demystify the illness and to assure those who might be afflicted by it that they could be cured. He and his wife, Dorothy, also adopted an abandoned baby whom they named Melissa Alice.", + "score": 0.6826171875 + }, + { + "id": "5054622", + "title": "Curare", + "text": "artificial respiration with a bellows through a tracheostomy. Waterton is also credited with bringing curare to Europe. Robert Hermann Schomburgk, who was a trained botanist, identified the vine as one of the genus \"Strychnos\" and gave it the now accepted name \"Strychnos toxifera\". George Harley (1829\u20131896) showed in 1850 that curare (\"wourali\") was effective for the treatment of tetanus and strychnine poisoning. In 1857, Claude Bernard (1813\u20131878) published the results of his experiments in which he demonstrated that the mechanism of action of curare was a result of interference in the conduction of nerve impulses from the motor nerve to", + "score": 0.6826171875 + }, + { + "id": "19834144", + "title": "Eduard Mu\u0308ller (internist)", + "text": "he relocated to the University of Marburg as an associate professor and director of the medical polyclinic. In 1921 he attained a full professorship. With bacteriologist Georg Jochmann, he developed the \"M\u00fcller-Jochmann test\", a method of differentiating between tuberculous and non-tuberculous pus. Eduard M\u00fcller (internist) Eduard M\u00fcller (4 January 1876, in Annweiler am Trifels \u2013 30 December 1928, in Marburg) was a German internist and neurologist. He studied medicine at several German universities, receiving his doctorate from the University of Erlangen in 1898. Following graduation, he spent two years as an assistant at the psychiatric clinic in Freiburg under Hermann", + "score": 0.6826171875 + }, + { + "id": "20726308", + "title": "Frederick Miller (paediatrician)", + "text": "in Child Health. One of Miller's main contributions, was the study of Tuberculosis. When Miller started his paediatric career in 1934, Tuberculosis was a major scourge of the childhood, particularly in the poor in the north of England. A child in Newcastle, indeed anywhere in the UK, who was diagnosed with TB faced a grim outlook. Millers working life covered a period of dramatic success, including discoveries, like the use of Streptomycin and changes to nutrition and general improvements to the health of the populace at large. Miller's achievements in this area were not inconsiderable, and by 1963, TB in", + "score": 0.6826171875 + }, + { + "id": "430543", + "title": "Typhoid fever", + "text": "to the healthy through their consumption of contaminated water. He proposed strict isolation or quarantine as a method for containing such outbreaks in the future. The medical and scientific communities did not identify the role of microorganisms in infectious disease until the work of Robert Koch and Louis Pasteur. In 1880, Karl Joseph Eberth described a bacillus that he suspected was the cause of typhoid. In 1884, pathologist Georg Theodor August Gaffky (1850\u20131918) confirmed Eberth's findings, and the organism was given names such as Eberth's bacillus, \"Eberthella\" Typhi, and Gaffky-Eberth bacillus. Today, the bacillus that causes typhoid fever goes by", + "score": 0.68212890625 + }, + { + "id": "3983312", + "title": "Filippo Pacini", + "text": "death, despite additional publications in 1865, 1866, 1871, 1876, and 1880 which identified the cause of the disease's lethality, and even proposed some effective treatments. John Snow, who disproved the miasma theory, and Robert Koch, were widely and erroneously credited with the discovery of the bacillum 30 years later. Pacini's work was repeatedly published and readily available to the international scientific community via the English translation published in The British and Foreign Medico-chirurgical Review, Volume 38, July 1866. When Koch, a much more widely respected scientist who had previously identified the tuberculosis bacillus, presented his findings to the Cholera Commission", + "score": 0.68212890625 + } + ], + "answer": "Throughout history, the disease tuberculosis has been variously known as consumption, phthisis, and the White Plague. F.H. Ramadge induced the first successful therapeutic pneumothorax in 1834, and reported subsequently the patient was cured. The first genuine success in immunizing against tuberculosis was developed from attenuated bovine-strain tuberculosis by Albert Calmette and Camille Gu\u00e9rin in 1906. In 1944 Albert Schatz, Elizabeth Bugie, and Selman Waksman isolated streptomycin produced by a bacterial strain \"Streptomyces griseus.\" Streptomycin was the first effective antibiotic against \"M. tuberculosis\". The first oral mycobactericidal drug on tuberculosis was tested by Walsh McDermott. In the 1970, Lepetit Pharmaceuticals and Piero Sensi and MarMaria Teresa Timbal came up with a drug that shortened recovery and reduced cases of tuberculosis." + }, + { + "qa_pairs": [ + { + "context": "Chief architect Jordi Fauli announced in October 2015 that construction is 70 percent complete and has entered its final phase of raising six immense steeples. The steeples and most of the church's structure are to be completed by 2026, the centennial of Gaud\u00ed's death; as of a 2017 estimate, decorative elements should be complete by 2030 or 2032. Visitor entrance fees of \u20ac15 to \u20ac20 finance the annual construction budget of \u20ac25million.", + "question": "When will they finish building the steeples and most of the structure of sagrada familia?", + "short_answers": [ + "2026" + ], + "wikipage": "Sagrada Fam\u00edlia" + }, + { + "context": "Chief architect Jordi Fauli announced in October 2015 that construction is 70 percent complete and has entered its final phase of raising six immense steeples. The steeples and most of the church's structure are to be completed by 2026, the centennial of Gaud\u00ed's death; as of a 2017 estimate, decorative elements should be complete by 2030 or 2032. Visitor entrance fees of \u20ac15 to \u20ac20 finance the annual construction budget of \u20ac25million.", + "question": "When will they finish building the decorative elements of sagrada familia?", + "short_answers": [ + "2030 or 2032" + ], + "wikipage": "Sagrada Fam\u00edlia" + }, + { + "context": "Chief architect Jordi Fauli announced in October 2015 that construction is 70 percent complete and has entered its final phase of raising six immense steeples. The steeples and most of the church's structure are to be completed by 2026, the centennial of Gaud\u00ed's death; as of a 2017 estimate, decorative elements should be complete by 2030 or 2032. Visitor entrance fees of \u20ac15 to \u20ac20 finance the annual construction budget of \u20ac25million.", + "question": "When will the steeples and most of the churches structures of the Sagrada Familia be completed?", + "short_answers": [ + "by 2026" + ], + "wikipage": "Sagrada Fam\u00edlia" + }, + { + "context": "Chief architect Jordi Fauli announced in October 2015 that construction is 70 percent complete and has entered its final phase of raising six immense steeples. The steeples and most of the church's structure are to be completed by 2026, the centennial of Gaud\u00ed's death; as of a 2017 estimate, decorative elements should be complete by 2030 or 2032. Visitor entrance fees of \u20ac15 to \u20ac20 finance the annual construction budget of \u20ac25million.", + "question": "When will the decorative elements of the Sagrada Familia be completed?", + "short_answers": [ + "2030 or 2032" + ], + "wikipage": "Sagrada Fam\u00edlia" + } + ], + "wikipages": [ + { + "title": "Sagrada Fam\u00edlia", + "url": "https://en.wikipedia.org/wiki/Sagrada%20Fam%C3%ADlia" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The Bas\u00edlica de la Sagrada Fam\u00edlia (Catalan: [b\u0259\u02c8zilik\u0259 \u00f0\u0259 l\u0259 s\u0259\u02c8\u0263\u027ea\u00f0\u0259 f\u0259\u02c8milj\u0259]; Spanish: Bas\u00edlica de la Sagrada Familia; 'Basilica of the Holy Family'),[4] also known as the Sagrada Fam\u00edlia, is a large unfinished Roman Catholic minor basilica in the Eixample district of Barcelona, Catalonia, Spain.", + "wikipage": "Sagrada Fam\u00edlia" + } + ], + "long_answer": "In October 2015, construction of the large unfinished Roman Catholic minor basilica in the Eixample district of Barcelona, Spain, the sagrada familia was reported to be 70% complete. The steeples and most of the church's structure are to be completed by 2026. While the decorative elements are expected to be completed by 2030 or 2032." + }, + { + "knowledge": [ + { + "content": "The Bas\u00edlica de la Sagrada Fam\u00edlia (Catalan: [b\u0259\u02c8zilik\u0259 \u00f0\u0259 l\u0259 s\u0259\u02c8\u0263\u027ea\u00f0\u0259 f\u0259\u02c8milj\u0259]; Spanish: Bas\u00edlica de la Sagrada Familia; 'Basilica of the Holy Family'),[4] also known as the Sagrada Fam\u00edlia, is a large unfinished Roman Catholic minor basilica in the Eixample district of Barcelona, Catalonia, Spain. Designed by the Spanish architect Antoni Gaud\u00ed (1852\u20131926), his work on the building is part of a UNESCO World Heritage Site.[5]", + "wikipage": "Sagrada Fam\u00edlia" + } + ], + "long_answer": "The Sagrada Fam\u00edlia, is a large unfinished Roman Catholic minor basilica in the Eixample district of Barcelona, Catalonia, Spain. Designed by the Spanish architect Antoni Gaud\u00ed (1852\u20131926), his work on the building is part of a UNESCO World Heritage Site. The steeples and most of the church's structure are to be completed by 2026, the centennial of Gaud\u00ed's death; as of a 2017 estimate, decorative elements should be complete by 2030 or 2032." + } + ], + "sample_id": "-4164200591720577085", + "question": "When will they finish building the sagrada familia?", + "docs": [ + { + "id": "699492", + "title": "Sagrada Fami\u0301lia", + "text": "Sagrada Fam\u00edlia The (; ; ) is a large unfinished Roman Catholic church in Barcelona, designed by Catalan architect Antoni Gaud\u00ed (1852\u20131926). Gaud\u00ed's work on the building is part of a UNESCO World Heritage Site, and in November 2010 Pope Benedict XVI consecrated and proclaimed it a minor basilica, as distinct from a cathedral, which must be the seat of a bishop. In 1882, construction of Sagrada Fam\u00edlia started under architect Francisco de Paula del Villar. In 1883, when Villar resigned, Gaud\u00ed took over as chief architect, transforming the project with his architectural and engineering style, combining Gothic and curvilinear", + "score": 0.7763671875, + "summary": "irrelevant", + "extraction": "The Sagrada Familia is a large unfinished Roman Catholic church in Barcelona. There is no information in the passage about when it will be finished, so the answer is \"irrelevant\"." + }, + { + "id": "699493", + "title": "Sagrada Fami\u0301lia", + "text": "Art Nouveau forms. Gaud\u00ed devoted the remainder of his life to the project, and he is buried in the crypt. At the time of his death at age 73 in 1926, when he was run down by a streetcar, less than a quarter of the project was complete. Relying solely on private donations, Sagrada Familia's construction progressed slowly and was interrupted by the Spanish Civil War, only to resume intermittent progress in the 1950s. Since commencing construction in 1882, advancements in technologies such as computer aided design and computerised numerical control (CNC) have enabled faster progress and construction passed the", + "score": 0.77490234375, + "summary": "Construction of Sagrada Familia began in 1882 and is still ongoing. The project was interrupted by the Spanish Civil War and has progressed intermittently since. No specific completion date is mentioned.", + "extraction": "irrelevant" + }, + { + "id": "699534", + "title": "Sagrada Fami\u0301lia", + "text": "is now used to pay for the work, and private donations are accepted through the Friends of the Sagrada Fam\u00edlia. The construction budget for 2009 was \u20ac18 million. In October 2018, Sagrada Fam\u00edlia trustees agreed to pay \u20ac36 million in payments to the city authorities, to land a building permit after 136 years of construction. Most of the funds would be directed to improve the access between the church and Barcelona's metro system. Sagrada Fam\u00edlia The (; ; ) is a large unfinished Roman Catholic church in Barcelona, designed by Catalan architect Antoni Gaud\u00ed (1852\u20131926). Gaud\u00ed's work on the building", + "score": 0.76953125, + "summary": "In October 2018, Sagrada Fam\u00edlia trustees agreed to pay \u20ac36 million in payments to the city authorities for a building permit. However, there is no information in the text about when the construction of the Sagrada Familia will be finished.", + "extraction": "irrelevant" + }, + { + "id": "8485433", + "title": "Unfinished building", + "text": "is Antoni Gaud\u00ed's Sagrada Fam\u00edlia in Barcelona, a church that has been under construction since 1882, and that is now expected to be complete in 2026. There are numerous unfinished buildings that remain partially constructed in countries around the world, some of which can be used in their incomplete state but with others remaining as a mere shell. Some projects are intentionally left with an unfinished appearance, particularly the follies of the late 16th to 18th century. Some buildings are in a cycle of near-perpetual construction, with work lasting for decades or even centuries. Antoni Gaud\u00ed's Sagrada Fam\u00edlia in Barcelona,", + "score": 0.75244140625, + "summary": "The Sagrada Familia in Barcelona has been under construction since 1882 and is expected to be complete in 2026.", + "extraction": "The Sagrada Familia is expected to be complete in 2026." + }, + { + "id": "699499", + "title": "Sagrada Fami\u0301lia", + "text": "on the crossing and supporting structure for the main tower of Jesus Christ as well as the southern enclosure of the central nave, which will become the Glory fa\u00e7ade. The church shares its site with the Sagrada Fam\u00edlia Schools building, a school originally designed by Gaud\u00ed in 1909 for the children of the construction workers. Relocated in 2002 from the eastern corner of the site to the southern corner, the building now houses an exhibition. Chief architect Jordi Fauli announced in October 2015 that construction is 70 percent complete and has entered its final phase of raising six immense towers.", + "score": 0.75048828125, + "summary": "Irrelevant.", + "extraction": "Construction is 70 percent complete and has entered its final phase of raising six immense towers. However, there is no information about when they will finish building the Sagrada Fam\u00edlia." + }, + { + "id": "10454147", + "title": "Sagrada Fami\u0301lia (Barcelona Metro)", + "text": "Sagrada Fam\u00edlia (Barcelona Metro) Sagrada Fam\u00edlia is a metro station in Barcelona Metro network. It is named after the famous, and adjacent, Bas\u00edlica i Temple Expiatori de la Sagrada Fam\u00edlia, a church first designed by architect Antoni Gaud\u00ed and still under construction. It is served by TMB-operated Barcelona Metro lines L2 and L5. The station takes the form of two separate sections linked by a corridor within the paid area of the station complex. Both sections also have their own street entrances: The L5 section of the station was the first to open, with the opening, in 1970, of the", + "score": 0.74609375, + "summary": "The document is irrelevant to the question of when the Sagrada Familia will be finished.", + "extraction": "The Bas\u00edlica i Temple Expiatori de la Sagrada Fam\u00edlia, a church first designed by architect Antoni Gaud\u00ed and still under construction." + }, + { + "id": "699494", + "title": "Sagrada Fami\u0301lia", + "text": "midpoint in 2010. However, some of the project's greatest challenges remain, including the construction of ten more spires, each symbolising an important Biblical figure in the New Testament. It is anticipated that the building can be completed by 2026\u2014the centenary of Gaud\u00ed's death. The basilica has a long history of dividing the citizens of Barcelona: over the initial possibility it might compete with Barcelona's cathedral, over Gaud\u00ed's design itself, over the possibility that work after Gaud\u00ed's death disregarded his design, and the 2007 proposal to build an underground tunnel of Spain's high-speed rail link to France which could disturb its", + "score": 0.74462890625, + "summary": "It is anticipated that the Sagrada Familia can be completed by 2026, the centenary of Gaudi's death.", + "extraction": "The building is anticipated to be completed by 2026, which is the centenary of Gaud\u00ed's death." + }, + { + "id": "20763073", + "title": "Templo de la Sagrada Familia, Cusco", + "text": "Templo de la Sagrada Familia, Cusco The Templo de la Sagrada Familia (Temple of the Holy Family) also called Templo de Jes\u00fas, Mar\u00eda y Jos\u00e9, is a Renaissance church located in the city of Cusco, Cusco Region, Peru. This building was designed by Francisco Becerra. On September 13, 1723, the first stone was placed to begin the construction of the Templo de la Sagrada Familia by order of Bishop Gabriel de Arregui following the design of Francisco Becerra. After the death of the architect in charge of the work, it was re-started in 1733 and was completed on September 3,", + "score": 0.74267578125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "15545270", + "title": "Antoni Gaudi\u0301", + "text": "of 2011. Artists such as Lloren\u00e7 and Joan Matamala, Carles Mani, Jaume Busquets, Joaquim Ros i Bofarull, Etsuro Sotoo and Josep Maria Subirachs (creator of the Passion facade) have worked on the sculptural decoration. Completion is not expected until at least 2026. During the last years of his life, apart from his devotion to the Sagrada Fam\u00edlia, Gaud\u00ed participated only in minor projects, which were not completed: in 1916, on the death of his friend bishop Josep Torras i Bages, he designed a monument in his honour, which he wanted to place in front of the Passion facade of the", + "score": 0.73486328125, + "summary": "Completion of the Sagrada Familia is not expected until at least 2026.", + "extraction": "Completion is not expected until at least 2026." + }, + { + "id": "699500", + "title": "Sagrada Fami\u0301lia", + "text": "The towers and most of the church's structure are to be completed by 2026, the centennial of Gaud\u00ed's death; decorative elements should be complete by 2030 or 2032. Visitor entrance fees of 15\u201320 euros finance the annual construction budget of 25million euros . Computer-aided design technology has been used to accelerate construction of the building. Current technology allows stone to be shaped off-site by a CNC milling machine, whereas in the 20th century the stone was carved by hand. In 2008, some renowned Catalan architects advocated halting construction, to respect Gaud\u00ed's original designs, which although they were not exhaustive and", + "score": 0.73291015625, + "summary": "The towers and most of the church's structure of Sagrada Familia are to be completed by 2026, and decorative elements should be complete by 2030 or 2032.", + "extraction": "The towers and most of the church's structure are to be completed by 2026, the centennial of Gaud\u00ed's death; decorative elements should be complete by 2030 or 2032." + }, + { + "id": "10454148", + "title": "Sagrada Fami\u0301lia (Barcelona Metro)", + "text": "line between Diagonal and Sagrera. The L2 section followed in 1995, with the opening of the line between Sant Antoni and this station. Sagrada Fam\u00edlia (Barcelona Metro) Sagrada Fam\u00edlia is a metro station in Barcelona Metro network. It is named after the famous, and adjacent, Bas\u00edlica i Temple Expiatori de la Sagrada Fam\u00edlia, a church first designed by architect Antoni Gaud\u00ed and still under construction. It is served by TMB-operated Barcelona Metro lines L2 and L5. The station takes the form of two separate sections linked by a corridor within the paid area of the station complex. Both sections also", + "score": 0.72998046875, + "summary": "The document is irrelevant to the question.", + "extraction": "The Bas\u00edlica i Temple Expiatori de la Sagrada Fam\u00edlia is still under construction, so it is unclear when they will finish building it." + }, + { + "id": "9943159", + "title": "Barcelona Metro line 2", + "text": "original line II from Sagrada Fam\u00edlia station to Poble Sec station, with expected completion in 1971. However, poor planning resulted in significant difficulties in the tunnel's construction. In 1970, it was decided to redirect the original Line II westward and rename it L5, concurrently abandoning the construction of Line II's Gaud\u00ed station near the present-day Sagrada Fam\u00edlia station. Construction of the tunnel from Sagrada Fam\u00edlia station to Sant Antoni halted in 1973. The project was restarted in 1991, which included reconstructing and remodeling stations and tunnels. The reconstruction was completed in 1995, and the following year L2 was extended to", + "score": 0.7294921875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about the construction of a metro line and its difficulties, but it does not provide any information about the completion date of the Sagrada Familia building." + }, + { + "id": "699519", + "title": "Sagrada Fami\u0301lia", + "text": "contains a magic square based on the magic square in the 1514 print Melencolia I. The square is rotated and one number in each row and column is reduced by one so the rows and columns add up to 33 instead of the standard 34 for a 4x4 magic square. The largest and most striking of the fa\u00e7ades will be the Glory Fa\u00e7ade, on which construction began in 2002. It will be the principal fa\u00e7ade and will offer access to the central nave. Dedicated to the Celestial Glory of Jesus, it represents the road to God: Death, Final Judgment, and", + "score": 0.72802734375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not contain information about when the Sagrada Familia will be finished." + }, + { + "id": "699501", + "title": "Sagrada Fami\u0301lia", + "text": "were partially destroyed, have been partially reconstructed in recent years. Since 2013, AVE high-speed trains have passed near the Sagrada Fam\u00edlia through an underground tunnel that runs beneath the centre of Barcelona. The tunnel's construction, which began on 26 March 2010, was controversial. The Ministry of Public Works of Spain (\"Ministerio de Fomento\") claimed the project posed no risk to the church. Sagrada Fam\u00edlia engineers and architects disagreed, saying there was no guarantee that the tunnel would not affect the stability of the building. The Board of the Sagrada Fam\u00edlia (\"Patronat de la Sagrada Fam\u00edlia\") and the neighborhood association \"AVE", + "score": 0.7265625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the completion date of the Sagrada Familia." + }, + { + "id": "2792882", + "title": "AVE", + "text": "and other parties argued that the tunnel would damage the church, whose construction is still in progress. In this discussion about different routes, the one now built is also called the \"Proven\u00e7a tunnel\" because part of its route passes under this street. The tunnel boring machine \"Barcino\" passed the Sagrada Fam\u00edlia in October 2010, and reached its final destination a few months later. Rail traffic is planned to start in 2012, initially without stops at the La Sagrera station, which is expected to be completed in 2016. In March 2012, railway equipment was installed, with a special elastic isolation of", + "score": 0.72119140625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "8450250", + "title": "Unfinished creative work", + "text": "prevision is that the building will be finished in 2026. Today, even with portions of the basilica incomplete, it is still the most popular tourist destination in Barcelona with 1.5 million visitors every year. Gaud\u00ed spent 40 years of his life overseeing the project and is buried in the crypt. Also in Barcelona, construction on the Barcelona Cathedral started in 1298, but its dome and central tower only was finished in 1913, 615 years later. Germany's Cologne Cathedral took even longer to complete, from 1248 to 1880, a total of 632 years. It is not only buildings that have failed", + "score": 0.71533203125, + "summary": "The Sagrada Familia is predicted to be finished in 2026.", + "extraction": "The building will be finished in 2026." + }, + { + "id": "8450249", + "title": "Unfinished creative work", + "text": "shift in the politics of a country. Work on the Palace of Soviets, a project to construct the world's largest building in Moscow, was halted when the city was attacked during World War II. Some buildings are in a cycle of near-perpetual construction, with work lasting for decades or even centuries. Antoni Gaud\u00ed's Sagrada Fam\u00edlia in Barcelona has been under construction for around 120 years, having started in 1882. Work was delayed by the Spanish Civil War, during which part of the original models were destroyed. After the restoration of these models, the works are still in progress and the", + "score": 0.71435546875, + "summary": "Antoni Gaud\u00ed's Sagrada Fam\u00edlia in Barcelona has been under construction for around 120 years, having started in 1882. However, there is no information on when it will be finished.", + "extraction": "The Sagrada Fam\u00edlia in Barcelona has been under construction for around 120 years, having started in 1882." + }, + { + "id": "8485434", + "title": "Unfinished building", + "text": "Spain, has been under construction for around 120 years, having started in the 1880s. Work was delayed by the Spanish Civil War, during which the original models and parts of the building itself were destroyed. Today, even with portions of the basilica incomplete, it is still the most popular tourist destination in Barcelona with 1.5 million visitors every year. Gaud\u00ed spent 40 years of his life overseeing the project and is buried in the crypt. Germany's Cologne Cathedral took even longer to complete; construction started in 1248 and finished in 1880, a total of 632 years. Buildings that were never", + "score": 0.71240234375, + "summary": "irrelevant", + "extraction": "The Sagrada Familia has been under construction for around 120 years and is still incomplete, so there is no certain date for when it will be finished." + }, + { + "id": "18846478", + "title": "Sagrada Familia School", + "text": "Sagrada Familia School Sagrada Familia School is in Elda, Spain. Nowadays, it is a mixed and privately run school subsidized by the state, comprising every level of education up to Sixth Form (Bachillerato). The institution was founded by the Catholic School Parents\u2019 Association in 1963, during the first three years of existence it was run by priests of the Roman Catholic Diocese of Orihuela-Alicante. The Company of Jesus Church took charge of Sagrada Familia School at the beginning of the school year 1966-1967. When the Company of Jesus Church did this, the main building was not finished yet, and it", + "score": 0.7080078125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the construction or completion date of the Sagrada Familia Basilica, which is likely the intended reference for the question." + }, + { + "id": "699502", + "title": "Sagrada Fami\u0301lia", + "text": "pel Litoral\" (AVE by the Coast) had led a campaign against this route for the AVE, without success. In October 2010, the tunnel boring machine reached the church underground under the location of the building's principal fa\u00e7ade. Service through the tunnel was inaugurated on 8 January 2013. Track in the tunnel makes use of a system by Edilon Sedra in which the rails are embedded in an elastic material to dampen vibrations. No damage to the Sagrada Fam\u00edlia has been reported to date. The main nave was covered and an organ installed in mid-2010, allowing the still-unfinished building to be", + "score": 0.70556640625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The given passage does not provide any information about when the Sagrada Familia will be finished." + }, + { + "id": "699497", + "title": "Sagrada Fami\u0301lia", + "text": "client is not in a hurry.\" When Gaud\u00ed died in 1926, the basilica was between 15 and 25 percent complete. After Gaud\u00ed's death, work continued under the direction of Dom\u00e8nec Sugra\u00f1es i Gras until interrupted by the Spanish Civil War in 1936. Parts of the unfinished basilica and Gaud\u00ed's models and workshop were destroyed during the war by Catalan anarchists. The present design is based on reconstructed versions of the plans that were burned in a fire as well as on modern adaptations. Since 1940 the architects Francesc Quintana, Isidre Puig Boada, Llu\u00eds Bonet i Gari and Francesc Cardoner have", + "score": 0.70458984375 + }, + { + "id": "699511", + "title": "Sagrada Fami\u0301lia", + "text": "on which construction began in 2002, will be the largest and most monumental of the three and will represent one's ascension to God. It will also depict various scenes such as Hell, Purgatory, and will include elements such as the Seven deadly sins and the Seven heavenly virtues. Constructed between 1894 and 1930, the Nativity fa\u00e7ade was the first fa\u00e7ade to be completed. Dedicated to the birth of Jesus, it is decorated with scenes reminiscent of elements of life. Characteristic of Gaud\u00ed's naturalistic style, the sculptures are ornately arranged and decorated with scenes and images from nature, each a symbol", + "score": 0.697265625 + }, + { + "id": "699496", + "title": "Sagrada Fami\u0301lia", + "text": "Loreto. The apse crypt of the church, funded by donations, was begun 19 March 1882, on the festival of St. Joseph, to the design of the architect Francisco de Paula del Villar, whose plan was for a Gothic revival church of a standard form. The apse crypt was completed before Villar's resignation on 18 March 1883, when Gaud\u00ed assumed responsibility for its design, which he changed radically. Antoni Gaud\u00ed began work on the church in 1883 but was not appointed Architect Director until 1884. On the subject of the extremely long construction period, Gaud\u00ed is said to have remarked: \"My", + "score": 0.697265625 + }, + { + "id": "18647136", + "title": "A.D. Sagrada Familia", + "text": "A.D. Sagrada Familia Asociaci\u00f3n Deportiva Sagrada Familia is a Costa Rican football club, currently playing in the Tercera Divisi\u00f3n. They are based in a southern suburb of Costa Rica's capital San Jos\u00e9. Founded in April 1967, they won promotion to the Segunda Divisi\u00f3n in 1975 and to Primera Divisi\u00f3n in 1981. They played their first match in the top flight on 28 February 1982 against San Carlos. They spent a total of 6 seasons in the Primera Divisi\u00f3n. They played their last season in the top tier in 1994\u201395. In the 2010/11 season, they were named Municipal Sagrada Familia, after", + "score": 0.69580078125 + }, + { + "id": "18156544", + "title": "Sagrada Fami\u0301lia Schools", + "text": "Sagrada Fam\u00edlia Schools The Sagrada Fam\u00edlia Schools (, ) building was constructed in 1909 by the modern Spanish architect Antoni Gaud\u00ed near the site of the Basilica and Expiatory Church of the Sagrada Fam\u00edlia. It was a small school building for the children of the workers building the Sagrada Familia although other children of the neighborhood attended, especially from the underprivileged classes. The building has a rectangular footprint of by , and contains three classrooms, a hall, and a chapel, with lavatories in an addition to the building. The construction was done with a brick facade, in three overlapping layers,", + "score": 0.69287109375 + }, + { + "id": "18846481", + "title": "Sagrada Familia School", + "text": "Sixth Form (Bachillerato). In Nursery and the first three years of Primary, the school has already three lines since the year 2010-2011 and is expected to become a three-line center in the coming years. Sagrada Familia School Sagrada Familia School is in Elda, Spain. Nowadays, it is a mixed and privately run school subsidized by the state, comprising every level of education up to Sixth Form (Bachillerato). The institution was founded by the Catholic School Parents\u2019 Association in 1963, during the first three years of existence it was run by priests of the Roman Catholic Diocese of Orihuela-Alicante. The Company", + "score": 0.6923828125 + }, + { + "id": "18156548", + "title": "Sagrada Fami\u0301lia Schools", + "text": "the site, between Sardenya and Mallorca Streets. Sagrada Fam\u00edlia Schools The Sagrada Fam\u00edlia Schools (, ) building was constructed in 1909 by the modern Spanish architect Antoni Gaud\u00ed near the site of the Basilica and Expiatory Church of the Sagrada Fam\u00edlia. It was a small school building for the children of the workers building the Sagrada Familia although other children of the neighborhood attended, especially from the underprivileged classes. The building has a rectangular footprint of by , and contains three classrooms, a hall, and a chapel, with lavatories in an addition to the building. The construction was done with", + "score": 0.69091796875 + }, + { + "id": "15545153", + "title": "Antoni Gaudi\u0301", + "text": "to build a Barcelona church called Bas\u00edlica i Temple Expiatori de la Sagrada Fam\u00edlia (Basilica and Expiatory Church of the Holy Family, or Sagrada Fam\u00edlia). Gaud\u00ed completely changed the initial design and imbued it with his own distinctive style. From 1915 until his death he devoted himself entirely to this project. Given the number of commissions he began receiving, he had to rely on his team to work on multiple projects simultaneously. His team consisted of professionals from all fields of construction. Several of the architects who worked under him became prominent in the field later on, such as Josep", + "score": 0.6904296875 + }, + { + "id": "8570414", + "title": "Sagrada Familia, Chile", + "text": "Sagrada Familia, Chile Sagrada Familia (Spanish meaning \"Holy Family\") is a Chilean town and commune in Curic\u00f3 Province, Maule Region. According to the 2002 census of the National Statistics Institute, Sagrada Familia spans an area of and has 17,519 inhabitants (9,108 men and 8,411 women). Of these, 5,080 (29%) lived in urban areas and 12,439 (71%) in rural areas. The population grew by 3.7% (625 persons) between the 1992 and 2002 censuses. As a commune, Sagrada Familia is a third-level administrative division of Chile administered by a municipal council, headed by an alcalde who is directly elected every four years.", + "score": 0.68994140625 + }, + { + "id": "50991", + "title": "Barcelona", + "text": "\"modernista\" architecture (related to the movement known as Art Nouveau in the rest of Europe) developed between 1885 and 1950 and left an important legacy in Barcelona. Several of these buildings are World Heritage Sites. Especially remarkable is the work of architect Antoni Gaud\u00ed, which can be seen throughout the city. His best-known work is the immense but still unfinished church of the Sagrada Fam\u00edlia, which has been under construction since 1882 and is still financed by private donations. , completion is planned for 2026. Barcelona was also home to Mies van der Rohe's Barcelona Pavilion. Designed in 1929 for", + "score": 0.68896484375 + }, + { + "id": "10527658", + "title": "Culture of Barcelona", + "text": "of architect Antoni Gaud\u00ed, which can be seen throughout the city. His best known work is the immense but still unfinished church of the Sagrada Fam\u00edlia, which has been under construction since 1882, and is still financed by private donations: as of 2007, completion is planned for 2026. Other examples of his work are the Palau G\u00fcell, the Park G\u00fcell, the Casa Mil\u00e0 (La Pedrera) and the Casa Batll\u00f3. Many turn-of-the-century buildings were constructed in the context of the huge widening of the city which came with the construction of Eixample and the incorporation of other municipalities into a larger", + "score": 0.68896484375 + }, + { + "id": "15545269", + "title": "Antoni Gaudi\u0301", + "text": "in the apse, and the Baptism and Penitence chapels at the west end; also, it will be surrounded by a cloister designed for processions and to isolate the building from the exterior. Gaud\u00ed used highly symbolic content in the Sagrada Fam\u00edlia, both in architecture and sculpture, dedicating each part of the church to a religious theme. During Gaud\u00ed's life only the crypt, apse and part of the Nativity facade were completed. Upon his death his assistant Dom\u00e8nec Sugra\u00f1es took over the construction; thereafter it was directed by various architects. Jordi Bonet i Armengol assumed responsibility in 1987 and continued as", + "score": 0.68896484375 + }, + { + "id": "699526", + "title": "Sagrada Fami\u0301lia", + "text": "several additional organs will be installed at various points within the building. These instruments will be playable separately (from their own individual consoles) and simultaneously (from a single mobile console), yielding an organ of some 8000 pipes when completed. The towers on the Nativity fa\u00e7ade are crowned with geometrically shaped tops that are reminiscent of Cubism (they were finished around 1930), and the intricate decoration is contemporary to the style of Art Nouveau, but Gaud\u00ed's unique style drew primarily from nature, not other artists or architects, and resists categorization. Gaud\u00ed used hyperboloid structures in later designs of the Sagrada Fam\u00edlia", + "score": 0.68701171875 + }, + { + "id": "699510", + "title": "Sagrada Fami\u0301lia", + "text": "the West, and the Glory fa\u00e7ade to the South (yet to be completed). The Nativity Fa\u00e7ade was built before work was interrupted in 1935 and bears the most direct Gaud\u00ed influence. The Passion fa\u00e7ade was built according to the design that Gaudi created in 1917. The construction began in 1954, and the towers, built over the elliptical plan, were finished in 1976. It is especially striking for its spare, gaunt, tormented characters, including emaciated figures of Christ being scourged at the pillar; and Christ on the Cross. These controversial designs are the work of Josep Maria Subirachs. The Glory fa\u00e7ade,", + "score": 0.6845703125 + }, + { + "id": "15405027", + "title": "Francisco de Paula del Villar y Lozano", + "text": "Sagrada Fam\u00edlia. Villar planned a Neo-Gothic design, of which only the crypt was built. He abandoned the project in 1883 as a result of disagreements with Joan Martorell, the architect advising Josep Maria Bocabella, president of the Associaci\u00f3 de Devots de Sant Josep and promoter of the project. The job was offered to Martorell, who turned it down, and instead recommended Antoni Gaudi. Gaudi then took charge of the project and made it into his magnum opus. Francisco de Paula del Villar y Lozano Francisco de Paula del Villar y Lozano (Murcia, 1828 \u2013 Barcelona, 1901) was a Spanish architect.", + "score": 0.68310546875 + }, + { + "id": "699533", + "title": "Sagrada Fami\u0301lia", + "text": "narrow spiral staircase of over 300 steps. There is a posted caution for those with medical conditions. As of June 2017, on-line ticket purchase has been available. As of August 2010, there had been a service whereby visitors could buy an entry code either at Servicaixa ATM kiosks (part of \"La Caixa\") or online. During the peak season, May to October, reservation delays for entrance of up to a few days are not unusual. Construction on Sagrada Fam\u00edlia is not supported by any government or official church sources. Private patrons funded the initial stages. Money from tickets purchased by tourists", + "score": 0.68017578125 + }, + { + "id": "15545263", + "title": "Antoni Gaudi\u0301", + "text": "workers' children. Built in 1909, it has a rectangular ground plan of , and contained three classrooms, a vestibule and a chapel. It was built of exposed brick, in three overlapping layers, following the traditional Catalan method. The walls and roof have an undulating shape, giving the structure a sense of lightness but also strength. The Sagrada Fam\u00edlia schools have set an example of constructive genius and have served as a source of inspiration for many architects, such is their simplicity, strength, originality, functionality and geometric excellence. In May 1910 Gaud\u00ed paid a short visit to Vic, where he was", + "score": 0.67919921875 + }, + { + "id": "10425557", + "title": "Sagrera railway station", + "text": "and 1922, had operated at the location. The groundbreaking ceremony for the new station took place on 21 June 2010, when the completion date was set for 2016. In July 2011, a Roman villa was found due to the station construction works. The Spanish Ministry of Public Works and Transport and the City Council announced in July 2013 that they had reached an agreement to modify the original project in order to reduce its cost. In June 2016, it was disclosed that the station works have remained suspended since early 2014 due to a corruption scandal involving one of the", + "score": 0.6787109375 + }, + { + "id": "699498", + "title": "Sagrada Fami\u0301lia", + "text": "carried on the work. The illumination was designed by Carles Bu\u00efgas. The current director and son of Llu\u00eds Bonet, Jordi Bonet i Armengol, has been introducing computers into the design and construction process since the 1980s. Mark Burry of New Zealand serves as Executive Architect and Researcher. Sculptures by J. Busquets, Etsuro Sotoo and the controversial Josep Maria Subirachs decorate the fantastical fa\u00e7ades. Barcelona-born Jordi Fauli took over as chief architect in 2012. The central nave vaulting was completed in 2000 and the main tasks since then have been the construction of the transept vaults and apse. , work concentrated", + "score": 0.67822265625 + }, + { + "id": "15545271", + "title": "Antoni Gaudi\u0301", + "text": "Sagrada Fam\u00edlia. He made a sketch of the project, which ultimately was not carried out, and made a plaster bust of the bishop, the work of Joan Matamala under the instruction of Gaud\u00ed. It was put in the Sagrada Fam\u00edlia, where it would have formed part of the church, but it was destroyed in 1936. Another commemorative monument project, also not carried out, was dedicated to Enric Prat de la Riba, which would have been situated in Castellter\u00e7ol, birthplace of this Catalan politician. The project dates from 1918, and would have consisted of a tall tower with two porticos and", + "score": 0.677734375 + }, + { + "id": "18735431", + "title": "Estadio Zorros del Desierto", + "text": "progress reached only 40%. The revised comletion date was the end of the first quarter of 2014. In April progress reached 85% and regional governor Valent\u00edn Volta said the stadium would finish in the second half of the year. In May salaries to company employees went unpaid over delays. In July payments to workers of Isolux \u2013 Corsan were delayed. for September, it was announced that the new stadium it will be opened in November this year, due to delays in municipal delivery of this. Due to delays and a failure to cover outstanding debts to its subcontractors, Isolux-Corsan ran", + "score": 0.6767578125 + }, + { + "id": "699516", + "title": "Sagrada Fami\u0301lia", + "text": "towers were completed in 1976, and in 1987 a team of sculptors, headed by Josep Maria Subirachs, began work sculpting the various scenes and details of the fa\u00e7ade. They aimed to give a rigid, angular form to provoke a dramatic effect. Gaud\u00ed intended for this fa\u00e7ade to strike fear into the onlooker. He wanted to \"break\" arcs and \"cut\" columns, and to use the effect of chiaroscuro (dark angular shadows contrasted by harsh rigid light) to further show the severity and brutality of Christ's sacrifice. Facing the setting sun, indicative and symbolic of the death of Christ, the Passion Fa\u00e7ade", + "score": 0.67626953125 + }, + { + "id": "19903022", + "title": "Sacred Heart of Jesus Cathedral, Londrina", + "text": "began with the laying of the first stone, and was completed in 1941, the most recent addition being made in 1951 with the placement of the clock tower. In 1953, due to the need for a bigger vision was commissioned a new project the German engineer Freckmann. The new church began with the works in 1954. In 1962 the work was stopped for financial reasons. It was only resumed in 1966 through a new project by architects Eduardo Rosso and Yoshimasi Kimati. It was finally inaugurated on December 17, 1972. Sacred Heart of Jesus Cathedral, Londrina The Sacred Heart of", + "score": 0.67626953125 + }, + { + "id": "5664790", + "title": "Enrique Flo\u0301rez", + "text": "many editions. In 1747 was published the first volume of \"Espa\u00f1a Sagrada, teatro geografico-historico de La Iglesia de Espa\u00f1a\", a vast compilation of Spanish ecclesiastical history which obtained a European reputation, and of which twenty-nine volumes appeared in the author's lifetime. It was continued after his death by Manuel Risco and others, and further additions have been made at the expense of the Spanish government. The whole work in fifty-one volumes was published at Madrid (1747\u20131886). Its value is considerably increased by the insertion of ancient chronicles and documents not easily accessible elsewhere. Fl\u00f3rez was a good numismatist, and published", + "score": 0.67529296875 + }, + { + "id": "19327766", + "title": "Estadio Campeo\u0301n del Siglo", + "text": "the static & adboard publicity shown. On December, 19th, 2013 a symbollic foundation stone, which can now be found by the main building's hall, was laid by the club president, box holders and club celebrities. By 10 February 2014, the construction broke ground. Construction was expected to be concluded by September 2015, but due to several factors was delayed up to December. It was then finally delayed one more time to be finally inaugurated by March, 2016. In February 2016, details about the grounds inauguration were released. According to initial planning, an important show was meant to take place was", + "score": 0.67529296875 + }, + { + "id": "19572978", + "title": "Holy Family University Center", + "text": "years: two of schooling with a maturity test and the third a practicum. The possibility of direct access to the Civil Service is established. From 1968 the Bishop and the Episcopal Commission issued permits for students to enter the program. The General Education Law (Law Villar Palas\u00ed) of 1970 made primary education free and compulsory. In 1973 SAFA was authorized to award university degrees in humanities, Spanish and modern languages, and sciences. In 1978 \"Sagrada Familia\" University School was recognized as a school for primary teachers affiliated with the University of Granada. In 1982 specialty preschool was authorized. The year", + "score": 0.67431640625 + }, + { + "id": "19572976", + "title": "Holy Family University Center", + "text": "Corredera # 7. By 1944 it had 24 students in teacher training at the center of Villanueva del Arzobispo. The Primary Education Act of 1945 fostered \"national Catholicism\". In 1948 teachers' classes moved to the Center at Ubeda, with 64 students. In 1949 Bishop Rafael Garcia entrusted to the Society of Jesus \"Sagrada Familia\" School of Education, with approval also by the Archbishop of Valencia who was president of the Episcopal Commission for Education, and with recognition from the Ministry of Education. In 1950 a new curriculum was devised in line with Article 31 of the Act for Normal Schools,", + "score": 0.67333984375 + }, + { + "id": "16703492", + "title": "Pantheon of Asturian Kings", + "text": "November 10, 1705 by Bishop Reluz and master builder Bernab\u00e9 de Hazas. Construction costs were estimated at 24,000 ducats and the time for construction at three years. On August 2, 1709, the dome of the new Chapel of Nuestra Se\u00f1ora del Rey Casto, still under construction at that time, collapsed, causing several deaths. The chapel was completed in 1712, although it was not until 1717 that the picture of the Virgin was moved from the Chapel of Santa Barbara in the Cathedral to the new chapel. The Royal Pantheon occupies the last section of the northern side of the chapel", + "score": 0.6728515625 + }, + { + "id": "9218335", + "title": "Nou Mestalla", + "text": "then. On 3 October 2017, Valencia announced they will begin negotiations with Valencia's city council to renew the project and complete the building process of Nou Mestalla. The stadium will lose 20,000 seats compared to the original design and a modified design. On 26 May 2008, four construction workers lost their lives following the collapse of some scaffolding on the Nou Mestalla site. At midday on 28 May, the UGT and CC.OO. trade unions called a five-minute silence for the tragedy, which was observed throughout the Valencian Community in all sectors of industry. Nou Mestalla Nou Mestalla () is a", + "score": 0.6728515625 + }, + { + "id": "15545274", + "title": "Antoni Gaudi\u0301", + "text": "time; perhaps for this reason, it put the head engineers off, and they declined Gaud\u00ed's offer. The last known projects by the architect are the chapel for the Col\u00f3nia Calvet in Torell\u00f3, of 1923, and a pulpit for Valencia (the exact location is unknown), of 1924. From then on, Gaud\u00ed worked exclusively on the Sagrada Fam\u00edlia until his death. The enormous task which Gaud\u00ed faced, not in terms of the number of works, but in terms of their complexity, required the collaboration of a large number of assistants, artists, architects and craftsmen. Gaud\u00ed always led the way, but allowed expression", + "score": 0.67236328125 + }, + { + "id": "7851745", + "title": "Costanera Center", + "text": "in the complex, one will be high and the other only four stories. Construction was put on hold in January 2009 as a consequence of the late 2000s recession, as the developers were concerned that they would not be able to find tenants if completed by the originally proposed date. After the recession reached its end, Cencosud announced the construction would resume on December 16, 2009. The construction process restarted at the end of 2010. On February 14, 2012, the Gran Torre Santiago reached 300 meters and became the tallest building in South and Latin America. The mall opened on", + "score": 0.6708984375 + }, + { + "id": "20763076", + "title": "Templo de la Sagrada Familia, Cusco", + "text": "silver lamp and a crystal lamp. Since then the temple looks more splendid. The interior paintings are due to the noble Indigenous Antonio Sinchi Roca. The paintings are titled \"The Eucharist\", \"The Penance\" and \"The Baptism\", which possibly formed part of a series dedicated to the Sacraments. In another place, the portrait of Bishop Gabriel de Arregui was painted, who, in 1623, began the construction of the temple. Templo de la Sagrada Familia, Cusco The Templo de la Sagrada Familia (Temple of the Holy Family) also called Templo de Jes\u00fas, Mar\u00eda y Jos\u00e9, is a Renaissance church located in the", + "score": 0.669921875 + }, + { + "id": "1965960", + "title": "Mathematics and architecture", + "text": "legend claims that when Saint John of Nepomuk was martyred, five stars appeared over his head. The fivefold architecture may also symbolise the five wounds of Christ and the five letters of \"Tacui\" (Latin: \"I kept silence\" [about secrets of the confessional]). Antoni Gaud\u00ed used a wide variety of geometric structures, some being minimal surfaces, in the Sagrada Fam\u00edlia, Barcelona, started in 1882 (and not completed as of 2015). These include hyperbolic paraboloids and hyperboloids of revolution, tessellations, catenary arches, catenoids, helicoids, and ruled surfaces. This varied mix of geometries is creatively combined in different ways around the church. For", + "score": 0.66845703125 + }, + { + "id": "6189307", + "title": "Giralda", + "text": "skilled stonemasons in the area, so timber and stone had to be shipped from overseas, and like its earlier incarnation, the construction of the cathedral brought together artisans from all over its respective empire, this time as far away as Germany and the Netherlands. Construction took 73 years and was completed in 1506. Today, the Giralda stands as one of the largest churches in the world and an example of the Gothic and Baroque architectural styles. The metal spheres that originally topped the tower fell during the earthquake, and the spheres were replaced with a cross and bell. The new", + "score": 0.66845703125 + }, + { + "id": "699503", + "title": "Sagrada Fami\u0301lia", + "text": "used for religious services. The church was consecrated by Pope Benedict XVI on 7 November 2010 in front of a congregation of 6,500 people. A further 50,000 people followed the consecration Mass from outside the basilica, where more than 100 bishops and 300 priests were on hand to offer Holy Communion. Starting on 9 July 2017, there is an international mass celebrated at the basilica on every Sunday and holy day of obligation, at 9 a.m, open to the public (until the church is full). Occasionally, Mass is celebrated at other times, where attendance requires an invitation. When masses are", + "score": 0.66796875 + }, + { + "id": "18647137", + "title": "A.D. Sagrada Familia", + "text": "a cooperation with the Municipality of San Jos\u00e9, and played their home games at the Gonz\u00e1lez V\u00edquez. In April 2011 they appealed to get Barrio M\u00e9xico punished for using manager Rodrigo Cordero who was not eligible to lead that team, in a bid to avoid the upcoming relegation to the Tercera Division. A.D. Sagrada Familia Asociaci\u00f3n Deportiva Sagrada Familia is a Costa Rican football club, currently playing in the Tercera Divisi\u00f3n. They are based in a southern suburb of Costa Rica's capital San Jos\u00e9. Founded in April 1967, they won promotion to the Segunda Divisi\u00f3n in 1975 and to Primera", + "score": 0.6669921875 + }, + { + "id": "15349843", + "title": "Santa Maria dello Spasimo", + "text": "as it is also known. This was completed in Rome in about 1514-165, but in 1622 the Spanish Viceroy of Naples twisted arms and obtained its sale to Philip IV of Spain, and it is now in the Museo del Prado in Madrid. The church was never completed because of the rising Turkish threat in 1535, where resources meant for the church were diverted to fortifications of the city against any possible incursions. Even in its unfinished states, \"Lo Spasimo\" shows the late Gothic style architecture that permeated building practices in Palermo at the time as well as the Spanish", + "score": 0.66650390625 + }, + { + "id": "9725061", + "title": "Che Guevara Mausoleum", + "text": "guerrillas who lost their lives in the 1966\u20131967 Bolivian Insurgency were also entombed in the mausoleum on October 17, 1997: Work on the complex began in 1982, and it was inaugurated upon completion on December 28, 1988 with Ra\u00fal Castro in attendance. The project was conceived by architects Jorge Cao Campos, Blanca Hern\u00e1ndez and Jos\u00e9 Ram\u00f3n Linares; along with sculptors and Jos\u00e9 de L\u00e1zaro Bencomo and Jos\u00e9 Delarra (its prime creator). Additionally 500,000 Santa Clara residents contributed more than 400,000 hours of volunteer work in the construction of the sculptural complex, who worked in unison with skilled artisans of the", + "score": 0.6640625 + }, + { + "id": "7327464", + "title": "ALBA (synchrotron)", + "text": "of the 8,000 hours that the year has, as the cost of keep it on is the same with nine lines that with 30. The building that houses the project was completed at the end of 2009 and the complete operation of the facility will advance in successive phases, culminating in 2011. The official inauguration was carried out by the President of the Government Jos\u00e9 Luis Rodr\u00edguez Zapatero and the President of the Government of Catalonia Jose Montilla, together with scientists such as Ram\u00f3n Pascual, promoter of the project, on the 23 of March 2010. It is a construction of", + "score": 0.6630859375 + }, + { + "id": "17029208", + "title": "Sagrada Familia de Lemitar Church, Los Dulces Nombres", + "text": "Sagrada Familia de Lemitar Church, Los Dulces Nombres Sagrada Familia de Lemitar Church, Los Dulces Nombres (Lemitar Church) is a historic church off Interstate 25 in Lemitar, New Mexico. It was constructed in the early 1830s and has been renovated and added to several times thereafter. Work in around 1900 gave the adobe building a pitched, metal roof and clear glass windows; in 1950 Conrad Hilton made a donation which, with funds raised by parishioners, paid for stained glass windows and wooden flooring. The present facade and bell towers were added in 1963. Unfortunately in 2010 the west wall of", + "score": 0.66162109375 + }, + { + "id": "11259896", + "title": "Lavasa", + "text": "not, ultimately, see fruition. Oxford University had at one time attached itself to the project, but other, name-brand plans including future sports facilities have yet to be officially cancelled. The city has a better track record when it comes to construction; some sections are complete today. It is thought that Lavasa will not be finished before 2020, however. When fully built, its total population may be 200,000, and it will comprise four or five towns built on seven hills. The first of these, Dasve, was initially slated to be complete by 2010 although some residences there were still under construction", + "score": 0.66162109375 + }, + { + "id": "13112644", + "title": "Sanctuary of Fa\u0301tima", + "text": "would continue until 1987. Its completion and consecretaion on 1 January 1987 was attributed to donations and gifts from the Austrian association \"Cruzada de Repara\u00e7\u00e3o pelo Ros\u00e1rio para a Paz no Mundo\" (\"Rosary Repair Crusade for World Peace\"). Pope John Paul II would return once more on 12\u201313 May 1991 to preside over the international pilgrimage anniversary. On 4 June 1997, the Portuguese Assembly of the Republic elevated the town of F\u00e1tima to the status of city. Following several years of building, on 24 August 2006, the first attempts to classify the sanctuary as a national patrimony were begun, in", + "score": 0.66064453125 + }, + { + "id": "20208451", + "title": "Kafie family", + "text": "children's dining room in the Juan Ram\u00f3n Molina school, in the village El Llano of the municipality of Ojojona. The Foundation has also engaged in the building or rebuilding of dozens of churches, such as the Sagrada Familia Chapel in Amarateca. By December 2016, the Foundation reported having rebuilt 33 churches, and it was announced that the Foundation would be joining with the \"Churches of Honduras\" Project for continued efforts towards this end. The Foundation also supports the international organization Hogares CREA in helping young people who have been rehabilitated from drug addiction to reintegrate into society. In June 2017,", + "score": 0.66015625 + }, + { + "id": "17029209", + "title": "Sagrada Familia de Lemitar Church, Los Dulces Nombres", + "text": "the church collapsed during renovations started the previous year; the building was deemed irreparable and was totally rebuilt. It was added to the National Register of Historic Places in 1983. Sagrada Familia de Lemitar Church, Los Dulces Nombres Sagrada Familia de Lemitar Church, Los Dulces Nombres (Lemitar Church) is a historic church off Interstate 25 in Lemitar, New Mexico. It was constructed in the early 1830s and has been renovated and added to several times thereafter. Work in around 1900 gave the adobe building a pitched, metal roof and clear glass windows; in 1950 Conrad Hilton made a donation which,", + "score": 0.65966796875 + }, + { + "id": "18156547", + "title": "Sagrada Fami\u0301lia Schools", + "text": "the Glory facade, in a site which would not be needed during the initial phases of the planned development of the Sagrada Fam\u00edlia. The school suffered grave damage during the Spanish Civil War, for which the building was dismantled in blocks and reconstructed later. Dom\u00e9nic Sugra\u00f1es was charged with its restoration in 1940 with limited funds, resulting in its collapse and the need for renewed intervention in 1943 under Francesc Quintana. In 2002, the original schools site was required for the ongoing development of the church, and the schools building was again dismantled, and transferred to the southern corner of", + "score": 0.65869140625 + }, + { + "id": "7121119", + "title": "MOL Are\u0301na So\u0301sto\u0301", + "text": "the building of the new stands. The S\u00f3st\u00f3 Konzorcium will have 14 months to finish the construction of the stadium. On 13 March 2017, L\u00e1szl\u00f3 Horv\u00e1th, project manager of S\u00f3st\u00f3 Konzorcium, said that thanks to the mild winter the construction of the new stadium is in good progress. The construction of the base of the stands were finished in March. On 27 March 2017, it was confirmed that the construction of the stadium would be finished by 16 January 2018. P\u00e9ter G\u00f6ncz\u00f6l, managing director of Strabag-MML Kft., said that the construction is in the most spectacular phase when the biggest", + "score": 0.65869140625 + }, + { + "id": "10582335", + "title": "Joan Martorell", + "text": "Gaud\u00ed to his most important client and patron, Eusebi G\u00fcell. Martorell also steered other commissions to Gaud\u00ed, including design work for the city of Barcelona and furniture design for the Marqu\u00e9s de Comillas. Martorell headed the committee that selected Antoni Gaud\u00ed to take over the design and construction of the Sagrada Familia in Barcelona in 1883 when the original architect, Francisco de Paula del Villar y Lozano, retired from the project. Most of Martorell's works were built in Barcelona. Some of the most important works include: Outside of Barcelona: Joan Martorell Joan Martorell i Montells () (born 1833 in Barcelona,", + "score": 0.658203125 + }, + { + "id": "5845", + "title": "Casa Mila\u0300", + "text": "Casa Mil\u00e0 Casa Mil\u00e0 (, ), popularly known as \"La Pedrera\" () or \"The stone quarry\", a reference to its unconventional rough-hewn appearance, is a modernist building in Barcelona, Catalonia, Spain. It was the last private residence designed by architect Antoni Gaud\u00ed and was built between 1906 and 1912. The building was commissioned in 1906 by and his wife . At the time, it was controversial because of its undulating stone facade, twisting wrought iron balconies and designed by Josep Maria Jujol. Several structural innovations include a self-supporting stone fa\u00e7ade, and a free-plan floor, underground garage and the spectacular terrace", + "score": 0.65771484375 + }, + { + "id": "9218334", + "title": "Nou Mestalla", + "text": "that it had negotiated a deal with Bankia to complete the stadium and transfer the old Mestalla property to the bank, and that it expected to complete the stadium in approximately two years, but this deal later collapsed. On 13 November 2013, Valencia announced an updated redesign by Fenwick Iribarren Architects. The new design reduced the capacity to 61,500. It also reduced the underground car park and downsized the original design's full roof and elaborate fa\u00e7ade. There were also redesigns of the interior decoration. No date was given for when construction would restart. However, the construction was not renewed since", + "score": 0.65771484375 + }, + { + "id": "7713685", + "title": "Slavija Square", + "text": "deadline until early August. The construction on Slavija has been jokingly named \"The Building of Slavija\", after epic poem \"The Building of Skadar\" in which the construction of a fortress was hampered by a vengeful fairy who destroyed by night everything the workers would build by day. The deadline was then prolonged again, to 31 August. On 1 September, works officially ended and the drinking fountain has been placed, with journalists noting that no one will probably ever be blamed or punished for such a sloppy work. It turned out that not everything was completed even though the workers left", + "score": 0.65771484375 + }, + { + "id": "19585840", + "title": "Basilica of Our Lady of Mercy (Yarumal)", + "text": "beginning of many problems, with construction constantly starting and stopping for reasons including more unrest, lack of finances, and the urgency of building a bridge over the Nech\u00ed River to join Medell\u00edn and the neighbouring villages. On 18 June 1889, when one of the sacristies was already finished, Bishop Jes\u00fas Mar\u00eda Rodr\u00edguez authorised the priest to celebrate Mass and administer the Sacrament of Penance in the church while it was under construction. During the pastoral visit on 17 August of the same year he ordered work to resume. He also approved the oratory, and allowed religious functions to continue while", + "score": 0.65771484375 + }, + { + "id": "5688334", + "title": "Rail transport in the Philippines", + "text": "to the under construction Unified Grand Central Station in Quezon City. Construction started on April 2016, and its estimated completion date is 2019. The current 13.8-kilometer long LRT Line 2 will be extended by another 4 kilometers eastward, starting from the eastern terminus of Santolan Station in Pasig up to Masinag, Antipolo in the province of Rizal. It will add two new stations. The estimated completion date is April 2019. On December 22, 2017, DOTr Secretary Arthur Tugade signed a contract with JICA for the construction, supervision and bidding assistance of Phase 1 of the Philippine National Railways (PNR) Clark", + "score": 0.65625 + }, + { + "id": "9471164", + "title": "Perpignan\u2013Barcelona high-speed rail line", + "text": "finished. Services in the section started on 19 December 2010 with a TGV service from Paris via Perpignan to Figueres\u2013Vilafant and regular freight traffic started on 21 December 2010. Eventually the international section was officially inaugurated on 27 January 2011. The Spanish Barcelona\u2013Figueres section was originally planned to open in 2009 but there have been delays in building a 4-kilometre tunnel in Girona, the first phase of which was finished in September 2010, and controversy over the route between Sants and Sagrera stations in Barcelona. The section was eventually completed in January 2013 at a cost of \u20ac3.7 billion and", + "score": 0.65625 + }, + { + "id": "6351396", + "title": "Facatativa\u0301", + "text": "was built. On February 13, 1909, arrived the first locomotive from Girardot. It was necessary to build a new station since the width of the tracks of the already existent Savanna Line was different.In 1926 the tracks were conveniently matched. On July 20, 1911, an obelisk was inaugurated at the \"Plaza of the Republic\" known today as Santander Park as a way to honor the independence heroes killed there on August 31, 1816. By the time Facatativ\u00e1 had become a gate for to the New Kingdom of Granada and it was also a place for the trading of produce from", + "score": 0.65478515625 + }, + { + "id": "699495", + "title": "Sagrada Fami\u0301lia", + "text": "stability. Describing Sagrada Fam\u00edlia, art critic Rainer Zerbst said \"it is probably impossible to find a church building anything like it in the entire history of art\", and Paul Goldberger describes it as \"the most extraordinary personal interpretation of Gothic architecture since the Middle Ages\". The Basilica of the Sagrada Fam\u00edlia was the inspiration of a bookseller, Josep Maria Bocabella, founder of Asociaci\u00f3n Espiritual de Devotos de San Jos\u00e9 (Spiritual Association of Devotees of St. Joseph). After a visit to the Vatican in 1872, Bocabella returned from Italy with the intention of building a church inspired by the basilica at", + "score": 0.65478515625 + }, + { + "id": "19284533", + "title": "The Galeo\u0301n", + "text": "billionaire Carlos Slim in Mexico with the later agreeing to donate artifacts to the SM Group for the museum. An estimate of about will be spent by the SM Group for the museum's construction. Construction began in November 2014 and was initially planned for completion by late 2015. The museum was then planned to be opened in the 2nd quarter of 2016, but the opening date was moved at least three times to the 3rd quarter of the same year, to early 2017, and later to August 8, 2017. The latest given date is planned to be the soft opening", + "score": 0.654296875 + }, + { + "id": "699509", + "title": "Sagrada Fami\u0301lia", + "text": "are surmounted by communion hosts with sheaves of wheat and chalices with bunches of grapes, representing the Eucharist. Plans call for tubular bells to be placed within the spires, driven by the force of the wind, and driving sound down into the interior of the church. Gaud\u00ed performed acoustic studies to achieve the appropriate acoustic results inside the temple. However, only one bell is currently in place. The completion of the spires will make Sagrada Fam\u00edlia the tallest church building in the world. The Church will have three grand fa\u00e7ades: the Nativity fa\u00e7ade to the East, the Passion fa\u00e7ade to", + "score": 0.654296875 + }, + { + "id": "15545214", + "title": "Antoni Gaudi\u0301", + "text": "not the lodge, were built some years later. With Martorell he also collaborated on three other projects: the church of the Jesuit School in Carrer Caspe; the Convent of the Salesians in Passeig de Sant Joan, a neo-Gothic project with an altar in the centre of the crossing; and the facade project for Barcelona cathedral, for the competition convened by the cathedral chapter in 1882, ultimately won by Josep Oriol Mestres and August Font i Carreras. Gaud\u00ed's collaboration with Martorell was a determining factor in Gaud\u00ed's recommendation for the Sagrada Fam\u00edlia. The church was the idea of Josep Maria Bocabella,", + "score": 0.65380859375 + }, + { + "id": "16147486", + "title": "RN-21 (Boulevard Diego Holguin)", + "text": "of the RN-21 was completed and opened in November 2009, and Phase II was supposed to start on January 2010; despite controversy. Allegedly the current minister of public works stole money that was fund Phase II. He was replaced and charged. Phase II was abandoned until early December 2011, when the Ministry of Public Works recovered the money needed to restart construction and to pay for the damage to the foundations of Phase II due to the storm outbreak in the country from May \u2013 November 2011. Minister of Public Works (MOP-\"Ministerio de Obras Publicas\"), Gerson Martinez announced that RN-21", + "score": 0.65380859375 + }, + { + "id": "8420026", + "title": "Church of Santa Engra\u0301cia", + "text": "of Viseu, daughter of King Manuel I, around 1568. In 1681, construction of the current church began after previous structures collapsed. The design was the work of Jo\u00e3o Antunes, royal architect and one of the most important baroque architects of Portugal. Construction proceeded from 1682 through 1712, when the architect died. King John V lost interest in the project, concentrating his resources in the gigantic Convent of Mafra. The church was not completed until the 20th century, so that \"Obras de Santa Engr\u00e1cia\" (literally \"Saint Engr\u00e1cia's works\") has become a Portuguese synonym for an endless construction project. A dome was", + "score": 0.65380859375 + }, + { + "id": "5879", + "title": "Casa Mila\u0300", + "text": "artwork. Casa Mil\u00e0 Casa Mil\u00e0 (, ), popularly known as \"La Pedrera\" () or \"The stone quarry\", a reference to its unconventional rough-hewn appearance, is a modernist building in Barcelona, Catalonia, Spain. It was the last private residence designed by architect Antoni Gaud\u00ed and was built between 1906 and 1912. The building was commissioned in 1906 by and his wife . At the time, it was controversial because of its undulating stone facade, twisting wrought iron balconies and designed by Josep Maria Jujol. Several structural innovations include a self-supporting stone fa\u00e7ade, and a free-plan floor, underground garage and the spectacular", + "score": 0.65283203125 + }, + { + "id": "15188645", + "title": "Temple Expiatori del Sagrat Cor", + "text": "ceremony presided by the Bishop of Barcelona, Salvador Casa\u00f1as i Pag\u00e8s. The crypt was built between 1903 and 1911, and the main church was built between 1915 and 1951. The church was consecrated by Bishop Gregorio Modrego Casaus during the 35th Eucharistic Congress held in Barcelona in 1952. The towers were completed afterward, with work officially ending in 1961. On 29 October 1961 the church received the title of minor basilica from Pope John XXIII. The external appearance of the church is of a Romanesque fortress of stone from Montju\u00efc (the crypt), topped by a monumental neo-Gothic church accessed by", + "score": 0.65283203125 + }, + { + "id": "19658638", + "title": "St. John Paul II Cathedral, Ciudad Guayana", + "text": "then the place was known as the \"Cross of the Pope\" was held. In 1986, the \"Corporaci\u00f3n Venezolana de Guayana\" custom design architects of the cathedral, and in 1997 was established as a Foundation. The state government collaborated with the construction from 2001 to 2005. The economic problems delayed its opening. Since 2012 the foundation seeks funding for completion in 2015 the work of its first stage was completed in June. However, there are still three more stages for its inauguration resumed. Only 45% of the project has been built. Once completed take the functions of the pro-cathedral of Our", + "score": 0.65234375 + }, + { + "id": "20072136", + "title": "Titanic replica (Sichuan)", + "text": "the replica was expected to be completed around the end of 2017. However, on-site assembly did not begin until the end of November 2016 (not May 2015 as originally stated). One year later construction of the hull was well advanced with completion pushed back until 2019. In January 2018 NPR reported that the project might be experiencing financial problems. Later that month Romandisea stated that construction had reached F deck but would be suspended for Spring Festival celebrations. As of November 2018 the developers have made no announcement on whether or not construction has resumed. Aerial images captured between April", + "score": 0.65185546875 + }, + { + "id": "20005458", + "title": "Banner of Misericordia", + "text": "the same publication contains a description with references to the materials with which it was built. The banner remained in the sanctuary until July 1936, when it was destroyed in the events of the Spanish Civil War. Between 2003 and 2007 a project was carried to construct a replica based on the detailed study of the photographs, using the same materials and the same techniques as the original. The replica is currently exhibited in the crypt of the Sagrada Familia Temple in Barcelona. The standard, as described in the \"Semanario Cat\u00f3lico de Reus\" article of April 1900 and according to", + "score": 0.65185546875 + }, + { + "id": "18654307", + "title": "La Valenciana Church (San Cayetano)", + "text": "here in the late 18th century. The find earned him the noble title of Count of La Valenciana and Viscount of the Mine granted by Carlos III in 1780. Construction of the church was begun in 1775 under architect Andr\u00e9s de la Riva and master carpenter Manuel Antonio de C\u00e1rdenas. Both died before the project was completed, with their roles taken over by Jorge Archundia and Jos\u00e9 Sim\u00f3n Cayetano Tovar respectively. The project was completed in 1788, with the dedication to Saint Cajetan. The family of the count also intended to found a monastery for the Theatine order, constructing a", + "score": 0.65087890625 + }, + { + "id": "17282987", + "title": "Iglesia de San Mateo (Tarifa)", + "text": "Iglesia de San Mateo (Tarifa) Iglesia de San Mateo (St. Matthew's Church) is the main church of Tarifa in the Province of Cadiz, Spain. It was supposed to have been built in 1506 on the remains of an old mosque, although worship at the church has only been mentioned in documents since 1534, another date given for its inauguration. Numerous alterations have been made to the church over the centuries. The main Baroque facade was designed by architect Torcuato Cayon de la Vega in 1774, and the work was completed four years later under the direction of maestro Carlos Hermida.", + "score": 0.65087890625 + }, + { + "id": "18846479", + "title": "Sagrada Familia School", + "text": "had a substantial debt with the Novelda Savings Bank (Caja de Ahorros de Novelda). A contract with this bank allowed the continuation of construction work and paid for its debt. In return, the Caja became the owner of the building considering it part of its charitable and socio-cultural character. What started being just a kindergarten, little by little became a center of culture and evangelization in the region. The school changed into an EGB (Educaci\u00f3n General B\u00e1sica) centre with 16 classroom units. With time and with the successive changes it was enlarged in 1988 and 1989 to accommodate its educational", + "score": 0.65087890625 + }, + { + "id": "9792877", + "title": "Ventura Rodri\u0301guez", + "text": "earlier Romanesque constructions. He replaced , the original architect, in the rebuilding of the Abbey of San Juan Bautista de Corias in Asturias. Rodr\u00edguez was unable to complete several important commissions, the Puerta de Alcal\u00e1 (finished by Sabatini en 1764), the Basilica of San Francisco el Grande in Madrid (also Sabatini in 1768), Also in Madrid, the refurbishment of the main plaza Puerta del Sol and the construction of the adjacent Real Casa de Correos postal service headquarters, both completed by Jaime Marquet between 1760 - 1768. The church of La Encarnaci\u00f3n (1785) in Santa Fe (Granada) was completed by", + "score": 0.65087890625 + }, + { + "id": "17587640", + "title": "Agia Sophia Stadium", + "text": "be funded by Dikefalos 1924, a company that was founded for the construction of the stadium. The construction of the stadium began with earthworks on 28 July 2017. The first phase of construction consisted of excavations and retaining works, which according to the initial planning would last for 5 months. Eventually, the first phase was completed on 5 December 2017. On 6 February 2018, it was announced that the company \u00abERMONASSA SA\u00bb would undertake the completion of the second phase regarding the construction of the stadium. These include, according to the official announcement, the remaining earthworks, the concrete and iron", + "score": 0.650390625 + }, + { + "id": "699515", + "title": "Sagrada Fami\u0301lia", + "text": "of it. Some of the statues were destroyed in 1936 during the Spanish Civil War, and subsequently were reconstructed by the Japanese artist Etsuro Sotoo. In contrast to the highly decorated Nativity Fa\u00e7ade, the Passion Fa\u00e7ade is austere, plain and simple, with ample bare stone, and is carved with harsh straight lines to resemble the bones of a skeleton. Dedicated to the Passion of Christ, the suffering of Jesus during his crucifixion, the fa\u00e7ade was intended to portray the sins of man. Construction began in 1954, following the drawings and instructions left by Gaud\u00ed for future architects and sculptors. The", + "score": 0.64990234375 + }, + { + "id": "7453167", + "title": "Estadio O\u0301scar Quiten\u0303o", + "text": "Estadio \u00d3scar Quite\u00f1o Estadio \u00d3scar Quite\u00f1o is a multi-purpose stadium in Santa Ana, El Salvador. It is currently used mostly for football matches, and is the home stadium of Club Deportivo FAS. The stadium holds 17,500 people and was built in 1963. The stadium was inaugurated on February 3, 1963 and built by the Institute of Rural Development. It sports the name of the goalkeeper \" '\u00d3scar Alberto Quite\u00f1o' \", who died in a friendly match against Ori\u00f3n of Costa Rica; The said Santana stadium was named \u00d3scar Quite\u00f1o (in honor of \u00d3scar Alberto Quite\u00f1o) on May 15, 1977; Thanks", + "score": 0.64990234375 + }, + { + "id": "2832502", + "title": "Palacio de Bellas Artes", + "text": "project became more complicated than anticipated as the heavy building sank into the soft spongy subsoil. The other reason was the political and economic instability that would lead to the Mexican Revolution. Full hostilities suspended construction of the palace completely and Adamo Boari returned to Italy. The project would sit unfinished for about twenty years. In 1932, construction resumed under Mexican architect Federico Mariscal. Mariscal completed the interior but updated it from Boari's plans to the more modern Art Deco style. The building was completely finished in 1934, and was inaugurated on 29 September of that year. The inaugural work", + "score": 0.6494140625 + }, + { + "id": "2005999", + "title": "Maracana\u0303 Stadium", + "text": "and Paraguay, after 183,513 spectators entered the stadium with a ticket and 194,603 (177,656 p.) in Fla-Flu (1963). In 1963, stadium authorities replaced the square goal posts with round ones, but it was still two years before the stadium would be fully completed. In 1965, 17 years after construction began, the stadium was finally finished. In September 1966, upon the death of M\u00e1rio Rodrigues Filho, the Brazilian journalist, columnist, sports figure, and prominent campaigner who was largely responsible for the stadium originally being built, the administrators of the stadium renamed the stadium after him: \"Est\u00e1dio Jornalista M\u00e1rio Rodrigues Filho\". However,", + "score": 0.6494140625 + }, + { + "id": "18486883", + "title": "Saint Ildephonse of Seville Parish Church (Malasiqui)", + "text": "construction of a brick church began during the incumbency of Father Salvador Tapias in 1773 and it was finished in 1780. However, the church and convent was again caught by fire in February 29, 1820. Both structures underwent repair works 3 years after. Father Francisco Treserra finished the building of the tower in 1863 and in 1864 he remodeled the sanctuary and the altars. In 1878, the church and the convent were again burned. A new convent was constructed and finished in 1880. An earthquake in the same year occurred which caused the walls of the church to crack. Consequently,", + "score": 0.6494140625 + }, + { + "id": "13112641", + "title": "Sanctuary of Fa\u0301tima", + "text": "Vila Nova de Our\u00e9m (where she had been buried following her death) to F\u00e1tima (12 September 1935), and later (on 1 May 1951) to the completed basilica sanctuary. Her brother's remains, were moved from the cemetery in F\u00e1tima to the basilica on 13 March 1952. An organ was also mounted that same year in the completed church, by the firm Fratelli Rufatti of P\u00e1dua. Before this period, on 13 May 1942, a large pilgrimage had already to marked the 25th anniversary of the apparitions. Two years later (on 13 May 1946), Cardinal Massella, Pontifical Legate, crowned the image of Our", + "score": 0.6494140625 + }, + { + "id": "9557676", + "title": "Kosanc\u030cic\u0301ev Venac", + "text": "only by the end of the year, the library will be revitalized in 2018 and when that is finished, the gallery will be built. In August 2017 the deadline for fa\u00e7ades was moved to November, to be finished concurrently with \"kaldrma\", which is being arranged according to the plans from 1903. However, as of February 2018, the troubled project is not yet finished, while architects denounced the quality of the works. The criticism include: frequent pauses and overall length of the works, disappearance of the original \"kaldrma\" from some parts of the street, general sloppiness and bad quality, bad leveling", + "score": 0.64892578125 + }, + { + "id": "9218333", + "title": "Nou Mestalla", + "text": "of a former factory in the neighbourhood of Benicalap. The plans for the new stadium were unveiled on 10 November 2006, by former president Juan Soler and the club who unveiled details about the stadium and presented a short film about the stadium at the \"Museu Pr\u00edncipe Felipe\" in Valencia. Planned capacity would have been around 80,000. The work on Nou Mestalla began in August 2007. It was due to be completed in the early summer 2009, in time for the 2009\u201310 season, but due to financial problems this date was never met. On 12 December 2011, the club announced", + "score": 0.64892578125 + }, + { + "id": "5875", + "title": "Casa Mila\u0300", + "text": "August 17, 1908, more problems occurred when the building surpassed the predicted height and borders of its construction site by . The Council called for a fine of 100,000 pesetas (approximately 25% of the cost of work) or for the demolition of the attic and roof. The dispute was resolved a year and a half later, December 28, 1909, when the Commission certified that it was a monumental building and thus not required to have a 'strict compliance' with the bylaws. The owner entered La Pedrera in the annual sponsored by the Barcelona City Council (\"Ayuntament\"). Other entries in the", + "score": 0.64892578125 + }, + { + "id": "3851612", + "title": "Aranda de Duero", + "text": "canons deal with clerical concubinage, simony, clandestine marriages, etc. The Fiestas to honour la Virgen de las Vi\u00f1as (Our Lady of the Vines) take place on the first Sunday after 8 September. They last for nine days from the eve of that Sunday (the Big Day) until the following Sunday when the Fiestas end with the traditional fireworks at midnight, followed by \"the sardine burial\". Santa Mar\u00eda la Real is a church built by Simon de Colonia during the 15th and 16th centuries. Its most notable feature is the main doorway. Above the doorway, three carved stone reliefs show Christ", + "score": 0.64794921875 + } + ], + "answer": "The Sagrada Fam\u00edlia, is a large unfinished Roman Catholic minor basilica in the Eixample district of Barcelona, Catalonia, Spain. Designed by the Spanish architect Antoni Gaud\u00ed (1852\u20131926), his work on the building is part of a UNESCO World Heritage Site. The steeples and most of the church's structure are to be completed by 2026, the centennial of Gaud\u00ed's death; as of a 2017 estimate, decorative elements should be complete by 2030 or 2032." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "When did the 2017 Epcot International Food & Wine Festival end?", + "short_answers": [ + "November 13" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When did the 2016 Epcot International Food & Wine Festival end?", + "short_answers": [ + "November 14" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When did the 2015 Epcot International Food & Wine Festival end?", + "short_answers": [ + "November 16" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Epcot International Food & Wine Festival", + "url": "https://en.wikipedia.org/wiki/Epcot%20International%20Food%20%26%20Wine%20Festival" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The Epcot International Food & Wine Festival is an annual food festival at Epcot, in the Walt Disney World Resort in Bay Lake, Florida.", + "wikipage": "Epcot International Food & Wine Festival" + }, + { + "content": "The 2015 Epcot International Food & Wine Festival ran from September 25 through November 16.", + "wikipage": "Epcot International Food & Wine Festival" + }, + { + "content": "The 2016 Epcot International Food & Wine Festival ran from September 14 through November 14. ", + "wikipage": "Epcot International Food & Wine Festival" + }, + { + "content": "The 2017 Epcot International Food & Wine Festival ran from August 31 through November 13.", + "wikipage": "Epcot International Food & Wine Festival" + } + ], + "long_answer": "The Epcot International Food & Wine Festival held in the Walt Disney World Resort in Bay Lake, Florida typically runs from late September to mid-November. In the last few years going back to 2015, it was held from September 25 through November 16, from September 14 through November 14 in 2016 and between August 31 and November 13 in 2017." + }, + { + "knowledge": [ + { + "content": "The Epcot International Food & Wine Festival is an annual food festival at Epcot, in the Walt Disney World Resort in Bay Lake, Florida. It runs typically from late September to mid-November, though in recent years the start date has moved forward to late August.", + "wikipage": "Epcot International Food & Wine Festival" + } + ], + "long_answer": "The Epcot International Food & Wine Festival is an annual food festival at Epcot, in the Walt Disney World Resort in Florida. It runs typically from late September to mid-November, though in recent years the start date has moved forward to late August. In 2015, the Epcot International Food & Wine Festival ended on November 16. In 2016, the Epcot International Food & Wine Festival ended on November 14. In 2017, the Epcot International Food & Wine Festival ended on November 13." + } + ], + "sample_id": "6514531923811923780", + "question": "When does disney's food and wine festival end?", + "docs": [ + { + "id": "18280009", + "title": "Epcot International Food & Wine Festival", + "text": "International Food & Wine Festival ran from August 31 through November 13. The 23rd Epcot International Food & Wine Festival will be held from August 30th to November 12th, 2018. Epcot International Food & Wine Festival The Epcot International Food & Wine Festival is an annual food festival at Epcot, in the Walt Disney World Resort in Bay Lake, Florida, typically from late September to mid-November, though in recent years the start date has moved forward to late August. Special kiosks are set up around the World Showcase with food and drinks that reflect various countries. The activities, themes and", + "score": 0.78369140625, + "summary": "The Epcot International Food & Wine Festival ended on November 13.", + "extraction": "The Epcot International Food & Wine Festival typically runs from late September to mid-November." + }, + { + "id": "18280007", + "title": "Epcot International Food & Wine Festival", + "text": "and Air Supply, alongside newcomers Tiffany, Maxi Priest, Everclear, and Chaka Khan. The 2016 Epcot International Food & Wine Festival runs from September 14 through November 14. The 2016 festival sees the additions of new booths including the Brewer\u2019s Collection, the Chocolate Studio and the Islands of the Caribbean. Not returning from the 2015 lineup include the booths of Fife & Drum, The Outpost, and Terra. The Wine Studio will combine with the Cheese Studio to become the Wine & Dine Studio, while \"The Chew\" Lab and Sustainable Chew will combine to become \"The Chew\" Collective. The festival also includes", + "score": 0.78173828125, + "summary": "The Epcot International Food & Wine Festival runs from September 14 through November 14.", + "extraction": "The 2016 Epcot International Food & Wine Festival ends on November 14." + }, + { + "id": "18280002", + "title": "Epcot International Food & Wine Festival", + "text": "Epcot International Food & Wine Festival The Epcot International Food & Wine Festival is an annual food festival at Epcot, in the Walt Disney World Resort in Bay Lake, Florida, typically from late September to mid-November, though in recent years the start date has moved forward to late August. Special kiosks are set up around the World Showcase with food and drinks that reflect various countries. The activities, themes and corporate sponsors have changed over the years since the festival began in 1995. Admission to the basic festival is included with park admission, but guests must purchase the food and", + "score": 0.7744140625, + "summary": "The Epcot International Food & Wine Festival at Walt Disney World Resort in Florida typically runs from late September to mid-November, but in recent years has started in late August.", + "extraction": "The Epcot International Food & Wine Festival typically ends in mid-November." + }, + { + "id": "18280006", + "title": "Epcot International Food & Wine Festival", + "text": "Food & Wine Festival ran from September 25 through November 16. The 2015 festival saw the additions of new booths including the Cheese Studio, the Wine Studio, Intermissions Caf\u00e9, The Outpost, Chew Lab, and Sustainable Chew, the latter two being inspired by the ABC show \"The Chew\", as well a Dominican Republic booth. Also, the Ocean Spray Cranberry Bog returned for its fourth year after a one-year absence. Two countries did not return from the 2014 lineup, Puerto Rico and Singapore. The lineup included the return of Dennis DeYoung, Starship with Mickey Thomas, Christopher Cross, The Pointer Sisters, 38 Special,", + "score": 0.76171875, + "summary": "The Epcot International Food & Wine Festival ended on November 16.", + "extraction": "The Food & Wine Festival ended on November 16." + }, + { + "id": "18280003", + "title": "Epcot International Food & Wine Festival", + "text": "drink separately. Activities have included concerts, books signings and demonstrations. Certain special events require a separate admission pass. The miniature train display in the Germany Pavilion was created for the first Epcot International Food and Wine Festival in 1995. George Kalogridis, president of the Walt Disney World Resort since 2013, conceived the idea for the festival. On February 15, 2016, it was announced that Disney California Adventure would be hosting its own Food & Wine Festival, only on the weekends, during April 2016, after a five year hiatus. The \"Orlando Sentinel\" reported that the 2014 Epcot International Food & Wine", + "score": 0.74609375, + "summary": "The document is irrelevant to the question.", + "extraction": "irrelevant" + }, + { + "id": "19856810", + "title": "Disney California Adventure Food & Wine Festival", + "text": "Disney California Adventure Food & Wine Festival The Disney California Adventure Food & Wine Festival is a food and drink festival that takes place each spring in Disney California Adventure in the Disneyland Resort in Anaheim, California. The festival includes a number of themed kiosks, each featuring food and beverages from a particular aspect of California cuisine. Other offerings include wine and beer tastings, seminars, and cooking demonstrations. This event was inspired by the similar but much larger Epcot International Food & Wine Festival. This festival was held annual from 2006 through 2010, and was cancelled in 2011 when Disney", + "score": 0.7333984375, + "summary": "The document describes the Disney California Adventure Food & Wine Festival, which takes place in the spring at Disneyland Resort in Anaheim, California. However, it does not mention when the festival ends.", + "extraction": "The passage does not provide a direct answer to the question \"When does Disney's food and wine festival end?\" Therefore, the answer is \"irrelevant\"." + }, + { + "id": "18280004", + "title": "Epcot International Food & Wine Festival", + "text": "Festival was to include 100,000 dessert portions, 360,000 beer servings, 300,000 wine pours, 1.5 million tapas-size food samplings and visitors from over 25 nations. The event ran from September 19 to November 10, a total of 53 days, which was the longest in the festival's 19-year history. The 2014 booths were Africa, Australia, Belgium, Block & Hans, Brazil, Brewer's Collection, Canada, China, Craft Beers, Desserts & Champagne, Farm Fresh, Fife & Drum, France, Germany, Greece, Hawai'i, Hops & Barley, Ireland, Italy, Japan, Mexico, Morocco, New Zealand, Patagonia, Poland, Puerto Rico, Refreshment Port, Scotland, Singapore, South Korea, Terra, and the Refreshment", + "score": 0.7255859375, + "summary": "The Epcot International Food & Wine Festival ended on November 10 after running for 53 days.", + "extraction": "The Epcot International Food & Wine Festival ended on November 10." + }, + { + "id": "19856811", + "title": "Disney California Adventure Food & Wine Festival", + "text": "California Adventure began a period of major construction. The event returned in the spring of 2016. The festival took place annually from 2006 through 2010, and then went on hiatus when the park went under major construction. The festival returned in the spring of 2016. The inaugural event featured two food service kiosks with 12 food offerings, each offering wine pairings and beer samples as well. The Golden Vine Winery patio hosted culinary demonstrations, wine, beer, and spirits seminars, guest sommelier education, a wine shop, and event merchandise shop. The 2016 edition of the festival featured eight Festival Marketplace kiosks", + "score": 0.70166015625, + "summary": "The document is irrelevant to the question.", + "extraction": "The passage is irrelevant as it does not provide any information about when Disney's food and wine festival ends." + }, + { + "id": "19484069", + "title": "RunDisney", + "text": "Disney may be using the loss of revenue to the city and nearby business as leverage to get the projects back on track. In the 2017 Disney Wine & Dine Half Marathon, which took place on November 5, 2017, a runner collapsed and died near the finish line in the Epcot parking lot. No other details were initially disclosed. The Race for the Taste, formerly Disney Classic, was a 10K route that started at Disney's Wide World of Sports Complex, then went through Disney-MGM Studios' new attraction, Lights, Motors, Action! Extreme Stunt Show, then went along Disney's Yacht and Beach", + "score": 0.6982421875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "19856812", + "title": "Disney California Adventure Food & Wine Festival", + "text": "situated along the Disney California Adventure parade route. Epcot International Food & Wine Festival Disney California Adventure Food & Wine Festival The Disney California Adventure Food & Wine Festival is a food and drink festival that takes place each spring in Disney California Adventure in the Disneyland Resort in Anaheim, California. The festival includes a number of themed kiosks, each featuring food and beverages from a particular aspect of California cuisine. Other offerings include wine and beer tastings, seminars, and cooking demonstrations. This event was inspired by the similar but much larger Epcot International Food & Wine Festival. This festival", + "score": 0.6962890625, + "summary": "The Disney California Adventure Food & Wine Festival takes place each spring in Disney California Adventure. No end date is provided.", + "extraction": "The given passage is irrelevant as it does not mention the end date of Disney's Food and Wine Festival." + }, + { + "id": "15446886", + "title": "Ratatouille: L'Aventure Totalement Toque\u0301e de Re\u0301my", + "text": "annual shareholders meeting, with construction completed in June 2014. On 21 June 2014, the attraction was officially inaugurated by president and CEO of The Walt Disney Company, Robert Iger. The attraction fully opened to the public on 10 July 2014. On 15 July 2017, it was announced during D23, the ride would come to Epcot's France Pavilion at Walt Disney World in Orlando, Florida. It will be open in May 2020. The attraction's exterior is that of Gusteau's restaurant, and the surrounding buildings of the Parisian plaza. After queuing on the rooftops of Paris, guests board their \"ratmobiles\" and find", + "score": 0.6845703125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "5332088", + "title": "Cranium Command", + "text": "19, 1989; as of January 4, 2004 it began to operate seasonally, closing permanently on January 1, 2007. During the 2007 International Food & Wine Festival, the entrance was used as a wine presentation. The pavilion has continued to be used for various Epcot festival events. As of 2017, the attraction still stands today hidden from public view, but it is no longer operational due to lack of maintenance. From the entrance at the back of the pavilion, guests walked into a very basic, sparsely themed holding room with a digital counter reading the time until the next show. On", + "score": 0.68115234375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage discusses the Cranium Command attraction and its closure, but there is no information about Disney's food and wine festival." + }, + { + "id": "19262263", + "title": "Epcot International Flower & Garden Festival", + "text": "Epcot International Flower & Garden Festival The Epcot International Flower & Garden Festival takes place each year in Epcot inside Walt Disney World Resort in Bay Lake, Florida near Orlando in the spring, typically from early March through late May. The 2015 Festival included the new additions of Anna and Elsa, Goofy About Spring (featuring Goofy, Chip 'n Dale and friends), and Miss Piggy topiaries, as well as the return of Spring Is in the Air!, Buzz Lightyear, Cactus Road Rally (featuring Mater and Lightning McQueen), Fantasia, Phineas and Ferb, Farmer Mickey and Minnie (based on American Gothic), Bambi and", + "score": 0.6806640625, + "summary": "The document is irrelevant.", + "extraction": "The passage is irrelevant to the question asked about the end date of Disney's Food and Wine Festival." + }, + { + "id": "7953203", + "title": "Walt Disney World Millennium Celebration", + "text": "Walt Disney World Millennium Celebration The Walt Disney World Millennium Celebration was an event at the Walt Disney World Resort as part of millennium celebrations held around the world. Running from October 1, 1999 to January 1, 2001, the celebration was primarily based at Epcot, with its emphasis on human potential and the possibilities of the future. The Celebration spawned many changes for Epcot. In 1999 a large wand was erected next to Spaceship Earth with \"2000\" written on it, also a new fireworks show was created for the World Showcase Lagoon called \"\". A parade located in Epcot called", + "score": 0.677734375, + "summary": "Irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "19484070", + "title": "RunDisney", + "text": "Club Resorts, and finished at the World Showcase in Epcot, where the Food and Wine Festival is taking place. A ceremonial toast kicked off the race while music and entertainment lined the route. Runners were required to maintain a 15-minute mile. Athletes enjoyed a ceremonial toast to start the race. During the run, participants were entertained by festive music and entertainment. A \"Go the Distance\" Expo was held October 7\u20138 which in 2005 had a special wine debut, Miles of Magic, a California Syrah wine. Earn addition medals for completing multiple races. RunDisney runDisney (formerly Disney Endurance Series and The", + "score": 0.67724609375, + "summary": "Irrelevant.", + "extraction": "The passage is irrelevant to the question \"When does Disney's food and wine festival end?\" as it does not provide any information about the end date of the festival." + }, + { + "id": "10754622", + "title": "Disneyland Resort Paris 15th Anniversary", + "text": "Disneyland Resort Paris 15th Anniversary The Disneyland Resort Paris 15th Anniversary Celebration was a year-long celebration event at the Disneyland Paris holiday resort in Marne-la-Vall\u00e9e near Paris, France to mark fifteen years of operation. The events officially began on 1 April 2007, following a day of press events and premieres on 31 March 2007. The celebration was originally planned to end on 31 March 2008. However, the celebration was extended until 7 March 2009. The celebration was replaced by Mickey's Magical Party from 4 April 2009. The music used on the advert is the song \"Flying\" from the \"Peter Pan\"", + "score": 0.6767578125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is about the Disneyland Resort Paris 15th Anniversary Celebration and does not provide any information about Disney's food and wine festival." + }, + { + "id": "9819791", + "title": "Night of Joy (festival)", + "text": "The official 2009 lineup was announced in March 2009. It featured more rock bands than usual and incorporated three acts common to both days of the performance, following \"Conversations\" with acts performing one of the two days. This is the final Night of Joy held at Disney's Hollywood Studios. Friday, September 5: Saturday, September 6: This is the first of two consecutive events held at Disney's Hollywood Studios. Previously, Night of Joy was held exclusively at the Magic Kingdom theme park. Friday, September 7: Saturday, September 8: Friday, September 8: Saturday, September 9: Friday, September 9: Saturday, September 10: Friday,", + "score": 0.67626953125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "19262265", + "title": "Epcot International Flower & Garden Festival", + "text": "topiaries and a re-imagined \"Cars\" garden, as well as a new front entrance topiary. Epcot International Flower & Garden Festival The Epcot International Flower & Garden Festival takes place each year in Epcot inside Walt Disney World Resort in Bay Lake, Florida near Orlando in the spring, typically from early March through late May. The 2015 Festival included the new additions of Anna and Elsa, Goofy About Spring (featuring Goofy, Chip 'n Dale and friends), and Miss Piggy topiaries, as well as the return of Spring Is in the Air!, Buzz Lightyear, Cactus Road Rally (featuring Mater and Lightning McQueen),", + "score": 0.67626953125, + "summary": "The document mentions the Epcot International Flower & Garden Festival at Walt Disney World Resort in Bay Lake, Florida, which typically takes place from early March through late May. However, it does not provide information on when Disney's food and wine festival ends.", + "extraction": "The Epcot International Flower & Garden Festival takes place each year in Epcot inside Walt Disney World Resort in Bay Lake, Florida near Orlando in the spring, typically from early March through late May." + }, + { + "id": "5265320", + "title": "Wonders of Life", + "text": "to make it seasonal operation only. It reopened when the park was projected to hit near capacity during the high spring months and Christmas season. Its most recent operational phase was November 26, 2006, through January 1, 2007. In 2007, the pavilion closed permanently, with no official reason given. While it is not operational to the public, it is still commonly used for private and corporate events. In 2007, temporary walls were placed around the existing attractions when Epcot hosted the Food and Wine festival in the pavilion. The \"Body Wars\" sign was removed in 2008, replaced by a temporary", + "score": 0.673828125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "8156057", + "title": "Millennium Village", + "text": "Millennium Village The Millennium Village was located in Epcot and was the centerpiece of Disney's Millennium Celebration. The pavilion opened up its doors to the public on October 1, 1999 and was closed down on January 1, 2001. It is, however, used on occasion. Along with the Odyssey Restaurant, the Millennium Village (now named World Showplace) is utilized during the Epcot Food and Wine Festival. The preshow area had a presentation which would run throughout the day. The presentation would give the guests an introduction to the countries represented in the preshow area. At the beginning of each presentation the", + "score": 0.67333984375, + "summary": "Irrelevant.", + "extraction": "The Epcot Food and Wine Festival is held at the Millennium Village, now named World Showplace. Therefore, the answer to \"When does Disney's food and wine festival end?\" cannot be extracted from this passage. It is irrelevant." + }, + { + "id": "5265318", + "title": "Wonders of Life", + "text": "Wonders of Life The Wonders of Life pavilion was an attraction at Epcot at Walt Disney World in Lake Buena Vista, Florida. It was devoted to health and body related attractions. It is located inside a golden colored dome between and the Universe of Energy. It opened on October 19, 1989, and closed on January 1, 2007. Since that time, the pavilion has been used for seasonal special events and is now known as the Festival Center. The original attractions within the building have been closed and partially removed. The idea of a pavilion devoted to health and fitness dates", + "score": 0.6728515625 + }, + { + "id": "17047913", + "title": "IgNight \u2013 Grand Finale", + "text": "an technologically advanced show ever in its park history, \"igNIGHT \u2014 Grand Finale\". igNIGHT \u2014 Grand Finale premiered on June 15, 2013 in Hometown Square, which replace the nighttime parade Glow in the Park that had only been in operation for three seasons. Less than 2 months after opening, IgNight closed on August 13, 2013. IgNIGHT transformed Home Town Square when it premiered in summer 2013. The show would start at park closing every night until August 13 and runs for about 25 minutes. The show features Video Projections, Lasers, Pyrotechnics, Live singing, Live dancing, and Fireworks. IgNight journeys from", + "score": 0.6708984375 + }, + { + "id": "9021018", + "title": "Puerto Vallarta International Gourmet Festival", + "text": "Events during the festival include the Sunday Festival Gourmet Brunch, Wine Tasting, and Cheeses of the World. There are also Chef's Table and Winemakers' dinners hosted by restaurants. The traditional Gala Dinner, called The Spirit of Mexico, concludes the Festival. The festival was the idea of Thierry Blouet of Cafe des Artistes, Heinz Reize of Hotel Krystal and Sivan Muller of Nestle . They launched the first Puerto Vallarta Festival in 1995 (November 18\u201326). Six five-star hotels, six restaurants and twelve invited chefs participated in that festival . During the last eleven years of the festival, about two hundred featured", + "score": 0.66845703125 + }, + { + "id": "12451955", + "title": "Mickey's Pirate and Princess Party", + "text": "Mickey's Pirate and Princess Party Mickey's Pirate and Princess Party was a hard-ticketed (separate admission) event held throughout the months of January through June at the Magic Kingdom theme park at the Walt Disney World Resort in Lake Buena Vista, Florida outside Orlando. A smaller version was also planned for Disneyland Paris Resort in 2011, but was cancelled. This event combined two of The Walt Disney Company's franchises, the Disney Princess line and the \"Pirates of the Caribbean\" franchise. Started in January 2007 and ending in 2009 at Walt Disney World, the event was created after cast members at the", + "score": 0.66796875 + }, + { + "id": "12451957", + "title": "Mickey's Pirate and Princess Party", + "text": "2018, as part of its 25th anniversary celebration. Mickey's Pirate and Princess Party Mickey's Pirate and Princess Party was a hard-ticketed (separate admission) event held throughout the months of January through June at the Magic Kingdom theme park at the Walt Disney World Resort in Lake Buena Vista, Florida outside Orlando. A smaller version was also planned for Disneyland Paris Resort in 2011, but was cancelled. This event combined two of The Walt Disney Company's franchises, the Disney Princess line and the \"Pirates of the Caribbean\" franchise. Started in January 2007 and ending in 2009 at Walt Disney World, the", + "score": 0.66650390625 + }, + { + "id": "12888930", + "title": "Art of Disney Animation", + "text": "conjunction with the release of the film Monsters University. It was ran from June 13, 2013. Although the event officially ended on September 1, it continued until October 31, part of the \"Disney's Haunted Halloween\" event starting from October 4. Due to its \u201cFrozen\u201d Village summer event in 2015, the building was converted into Inside Out Headquarters, in conjunction with the release of the film Inside Out. It was ran from July 9, 2015. Although the event officially ended on August 30, its continued until September 14. The displays inside the building were all moved to Epcot Character Spot at", + "score": 0.6650390625 + }, + { + "id": "11993686", + "title": "The American Idol Experience", + "text": "Ryan Seacrest, judge Paula Abdul and \"American Idol\" creator Simon Fuller. \"The American Idol Experience\" has been promoted by winners of the \"American Idol\" from Season seven onwards by appearing in commercials and announcing \"I'm going to Disney World!\". In June 2014, Disney announced that the show would close in January 2015, then two months later they moved up the closure date to the end of August 2014. The show's final performances were on August 30, 2014. Park guests age 14 and older auditioned before a Disney \"casting director\" who judged singers based on their ability to sing and perform", + "score": 0.66455078125 + }, + { + "id": "4474070", + "title": "Pleasure Island (Walt Disney World)", + "text": "Marketplace, and Disney resorts across the lagoon and up the Sassagoula River. Effective January 1, 2007, the dance clubs reverted to a policy which required guests to be age 21 or older. Minors could still visit the Comedy Warehouse and Adventurers Club, as well as the shops and restaurants on the island. In late June 2008, Disney announced that the six remaining night clubs at Pleasure Island would close by September 28, 2008, to make room for additional family-oriented entertainment. Effective June 27, 2008, customers who purchased annual passes to Pleasure Island could receive a pro-rated refund for that purchase,", + "score": 0.66455078125 + }, + { + "id": "20906736", + "title": "Lee Brian Schrager", + "text": "Extravaganza\" in 2002 by Schrager, the South Beach Wine & Food Festival was originally a one day wine tasting dinner held to raise funds for the FIU School of Hospitality & Tourism Management. The event takes place in Miami-Dade and Broward counties and lasts five days with more than 60,000 attendees. The festival is sponsored by Food Network. The New York City Wine & Food Festival was created in 2008 after the success of the South Beach Wine & Food Festival. It follows the same model and supports non-profit organizations like No Kid Hungry and Food Bank For New York", + "score": 0.66455078125 + }, + { + "id": "10688099", + "title": "San Diego Bay Wine & Food Festival", + "text": "San Diego Bay Wine & Food Festival The San Diego Bay Wine & Food Festival is an international showcase of wine and spirits, chefs and culinary personalities, and gourmet foods, produced by World of Wine Events, LLC. Attendees able to take cooking classes, sample food from celebrity chefs and local restaurants, and participate in wine tastings from 170 wineries, breweries and spirit booths. The festival takes place in November and has been held annually since 2004. The San Diego Bay Wine & Food Festival was created in 2004 by co-producers Ken Loyst and Michelle Metter. Proceeds from the auctions benefit", + "score": 0.66357421875 + }, + { + "id": "7953206", + "title": "Walt Disney World Millennium Celebration", + "text": "and opened on October 1, 1999 specifically for the Millennium Celebration called \"Millennium Village\". Millennium Village was a 60,000-square-foot building that contained many exhibits featuring countries who were not represented at the World Showcase along with exhibits featuring The United Nations/World Bank and an exhibit relating to EXPO 2000. The pavilion closed at the end of the celebration on January 1, 2001. The text on the large \"Mickey Wand\" constructed next to Spaceship Earth was changed from \"2000\" to \"Epcot\" in 2001, and remained in place for many years until late 2007 when it began being dismantled in honor of", + "score": 0.6630859375 + }, + { + "id": "10234228", + "title": "Melbourne Food and Wine Festival", + "text": "and is supported by a small team who are responsible for the coordination of its events, in close collaboration with Victoria\u2019s food and wine industry. The 20th Melbourne Food and Wine Festival, presented by Bank of Melbourne, celebrated its 50th year over 20 days, 2 \u2013 21 March. There was around 30 events staged along Melbourne\u2019s Yarra River and Docklands. The Festival launch also saw the opening of the Melbourne Food and Wine Festival Greenhouse by \"Joost\", a temporary \"eco-restaurant\" erected solely for the 20 days of the Festival. 2012 international individuals in attendance included: Rene Redzepi (Denmark), Brett Graham", + "score": 0.66259765625 + }, + { + "id": "4289490", + "title": "Fantasmic!", + "text": "2016, Disneyland's \"Fantasmic!\" closed for approximately a year\u2014along with other Rivers of America attractions, including the Disneyland Railroad, \"Mark Twain\" Riverboat, Sailing Ship \"Columbia\", Pirate's Lair on Tom Sawyer Island, and Davy Crockett Explorer Canoes\u2014to permit the construction of a future to the north of Frontierland. On July 28, 2016, it was announced that the Disneyland Railroad and Rivers of America Attractions, including \"Fantasmic!\" would be reopening Summer 2017. On April 17, 2017; it was announced that new scenes based on \"Aladdin\", \"The Lion King\", \"Tangled\", and \"Pirates of the Caribbean\" would be added to \"Fantasmic!\" It was also announced", + "score": 0.662109375 + }, + { + "id": "9819790", + "title": "Night of Joy (festival)", + "text": "the September 9 event was cancelled as a precautionary measure against Hurricane Irma. Park tickets for September 9 could either be honored on September 8 or obtain a full refund. Friday, September 9: Saturday, September 10: Friday, September 11: Saturday, September 12: Friday, September 11: Saturday, September 12: Friday, September 5: Saturday, September 6: Friday, September 6: Saturday, September 7: Friday, September 7: Saturday, September 8: Friday, September 9: Saturday, September 10: Friday, September 10: Saturday, September 11: The event returned to Magic Kingdom after two years of being held at Disney's Hollywood Studios. Friday, September 11: Saturday, September 12:", + "score": 0.662109375 + }, + { + "id": "5265321", + "title": "Wonders of Life", + "text": "Garden Town sign while the imprints of the Body Wars sign left on the wall were painted over. By 2009 Body Wars was gone without a trace. The \"Celebrate the Joy of Life\" sign was removed following in 2009, while most of the exhibits left were removed. The pavilion also received a paint job inside using mute colors such as white and light green. The pavilion then operated seasonally as the center for the Epcot International Flower and Garden Festival and the Epcot International Food & Wine Festival as the Festival Center. For those events, it hosted seminars, videos, presentations,", + "score": 0.66162109375 + }, + { + "id": "11610327", + "title": "Disneyland", + "text": "one ride vehicle painted gold, and the park was decorated with fifty Golden Mickey Ears. The celebration started on May 5, 2005, and ended on September 30, 2006, and was followed by the \"Year of a Million Dreams\" celebration, lasting twenty-seven months and ending on December 31, 2008. Beginning on January 1, 2010, Disney Parks hosted the Give a Day, Get a Disney Day volunteer program, in which Disney encouraged people to volunteer with a participating charity and receive a free Disney Day at either a Disneyland Resort or Walt Disney World park. On March 9, 2010, Disney announced that", + "score": 0.66064453125 + }, + { + "id": "3803306", + "title": "Main Street Electrical Parade", + "text": "two units would be returning as well. Disney's Electrical Parade at Disney California Adventure ended its run on April 18, 2010, and was sent to Magic Kingdom as part of the Walt Disney World 2010 promotional package \"Summer Nightastic!\" The parade was not modified from its Disney California Adventure run, with the drum still saying \"Disney's Electrical Parade\", but the name of the parade itself was changed back to The Main Street Electrical Parade. The parade returned to Magic Kingdom on June 5, 2010. While it was initially announced that the parade would stay just through the summer, Disney later", + "score": 0.65966796875 + }, + { + "id": "4838200", + "title": "Rivers of America (Disney)", + "text": "center island, newly accessible by raft. The Sailing Ship Columbia was introduced in 1958. The nighttime show Fantasmic! began showing on the river May 13, 1992. The Mike Fink Keel Boats closed in 1997. In September 2015, Disneyland Resort announced that the Rivers of America and its attractions would temporarily close starting January 11, 2016, to prepare for a . An official Disneyland Twitter account confirmed that the Rivers of America would have a new route when it reopened from construction. The Rivers of America and its attractions reopened in July 2017. The Rivers of America is home to many", + "score": 0.6591796875 + }, + { + "id": "18581989", + "title": "Paint the Night", + "text": "Adam Young of Owl City. Following the Diamond Celebration, Paint the Night at Disneyland performed a short run during the 2016 holiday season before Disneyland revived the Main Street Electrical Parade on January 20, 2017 for a limited-time run that ended on August 20, 2017. Paint the Night officially returned to the Disneyland Resort on April 12, 2018, but this time at Disney California Adventure for Pixar Fest which began on April 13, 2018 and ran through November 7, 2018. The Disneyland version of the parade includes 2 floats not seen in the Hong Kong version, and also moves continuously", + "score": 0.65869140625 + }, + { + "id": "12451956", + "title": "Mickey's Pirate and Princess Party", + "text": "park saw many children dressed either as pirates or princesses at Mickey's Not-So-Scary Halloween Party (another ticketed event held yearly in September and October). Because of that, Walt Disney World decided to create a new event, which took two years of planning. Each of the lands within the Magic Kingdom was centered to a theme related to royalty and piracy. A smaller version of this event was planned at Disneyland Paris for June 2011. The event was cancelled in April 2011 with no reason given, but assumption is that ticket sales were slow. However, the plan had been used in", + "score": 0.65869140625 + }, + { + "id": "2983876", + "title": "DisneyQuest", + "text": "to other positions. The property was set to be redeveloped into a new attraction themed to the NBA after they left their previous location at Universal CityWalk. In November 2016, Disney officials announced that DisneyQuest would remain open for the remainder of the year and into 2017, with no definitive closing date. They further stated that they had no update on the status of the NBA attraction other than it was still planned for the site. On January 30, 2017, the Disney Parks announced that DisneyQuest would close after July 2, 2017 so work on the NBA Experience attraction could", + "score": 0.658203125 + }, + { + "id": "4915442", + "title": "Mendocino Coast Botanical Gardens", + "text": "visitors with mobility issues. Access is subject to special ticket purchase for Gardens fundraising events including \"Art in the Gardens\" in August, \"Festival of Lights\" on December weekends and a biannual \"My Garden\" event in May. The Gardens are closed on the Saturday after Labor Day for the annual WineSong event that supports the local hospital. Public classes and other events such as the annual Rhododendron Festival and Conifer Day are posted on the Gardens website, www.gardenbythesea.org. Amenities include a gift shop, plant nursery and Rhody's Garden Cafe. The Gardens were founded in 1961 by Ernest and Betty Schoefer. For", + "score": 0.658203125 + }, + { + "id": "9819788", + "title": "Night of Joy (festival)", + "text": "Night of Joy (festival) Night of Joy was an annual contemporary Christian music festival that took place at Walt Disney World Resort in Florida. It started in 1983 and normally took place in the first or second week of September. The event was held at the Magic Kingdom until 2008, when it was moved to Disney's Hollywood Studios for two years. At Night of Joy 2009, it was announced during the MercyMe concert that the event will return to the Magic Kingdom due to popular demand. In 2016, the event was held at the ESPN Wide World of Sports Complex.", + "score": 0.6572265625 + }, + { + "id": "5160290", + "title": "Wishes: A Magical Gathering of Disney Dreams", + "text": "Mayhem\" during the 2007 event \"Disney's Pirate and Princess Party\". The multimedia version at Disneyland Park in Disneyland Paris premiered on July 16, 2005 and had its final show on August 25, 2007. The show at the Magic Kingdom was sponsored by Pandora Jewelry. On February 9, 2017 it was announced by the Disney Parks Blog that \"Wishes\" would conclude its 13-year run at the Magic Kingdom. The show was presented for the last time on May 11, 2017 at the Magic Kingdom Park and was replaced by \"Happily Ever After\" on May 12, 2017. The show was hosted by", + "score": 0.65625 + }, + { + "id": "8156066", + "title": "Millennium Village", + "text": "would score double points. In addition to the game, the main screen would also display a 5-minute presentation presented by the World Bank. The presentation told the story of three projects which showcased the World Banks mission to promote opportunities for all people to prosper and improve their lives. Millennium Village The Millennium Village was located in Epcot and was the centerpiece of Disney's Millennium Celebration. The pavilion opened up its doors to the public on October 1, 1999 and was closed down on January 1, 2001. It is, however, used on occasion. Along with the Odyssey Restaurant, the Millennium", + "score": 0.65576171875 + }, + { + "id": "17989295", + "title": "The Finest Hours (2016 film)", + "text": "Pictures originally set \"The Finest Hours\" for release on April 15, 2016 and then October 9, 2015, until announcing a final release date of January 29, 2016. The first trailer for the film was released on July 8, 2015. A second trailer was released on November 11, 2015. \"The Finest Hours\" opened the Coronado Island Film Festival on January 15, 2016. The film held its world premiere at the TCL Chinese Theatre in Hollywood, California on January 25, 2016. Walt Disney Studios Home Entertainment released the film on Blu-ray, DVD, and digital download on May 24, 2016. \"The Finest Hours\"", + "score": 0.6552734375 + }, + { + "id": "4352730", + "title": "Walt Disney Parks and Resorts", + "text": "was announced in 2007 to be completed by 2012. River Country water park closed on September 1, 2001. Disney-MGM Studios is renamed Disney's Hollywood Studios in January 2008. Pleasure Island's core remaining six nightclubs were closed down in late 2008 to change the area to match the family friendly make-up of the other two sections of Downtown Disney at Disney World. Walt Disney Studios Park opened March 16, 2002, as the second theme park at the renamed Disneyland Resort Paris. The first park was renamed Disneyland Park (DLP. DLP Paris opened in August 2000 Toy Story Playland with three attractions.", + "score": 0.65478515625 + }, + { + "id": "8958437", + "title": "Tallahassee Wine and Food Festival", + "text": "Tallahassee Wine and Food Festival The Tallahassee Wine and Food Festival is an annual two-day charitable event held in November in Tallahassee, Florida, United States which began in 1995. The TWFF benefits the March of Dimes to improve the health of babies by preventing birth defects, preterm birth, and infant mortality. The TWFF as a whole is a combination of several smaller events which include: A wine dinner reception, wine dinner, celebrity chef, VIP reception at wine tasting, festival shoppe, wine auction, silent auction, press and media party, golf tournament, and me\u00e9lange market. The TWFF is sponsored at-large by insurance", + "score": 0.654296875 + }, + { + "id": "18739603", + "title": "Disneyland Forever", + "text": "Disneyland Forever Disneyland Forever was a nighttime spectacular at Disneyland that premiered alongside the \"Paint the Night\" parade and \"World of Color\u2014Celebrate!\" on May 21, 2015 as part of the park's 60th anniversary celebration. The show was produced by Walt Disney Creative Entertainment, under direction of Steve Davison. \"Disneyland Forever\" incorporates fireworks, projection mapping, fire, lasers, and searchlights to depict scenes from Disney films. The show closed on September 5th, 2016 upon conclusion of the Diamond Celebration. The shows exit song \"A Kiss Goodnight\" would be later be released on CD with a book bearing the song's name. \"Disneyland Forever\"", + "score": 0.654296875 + }, + { + "id": "7684442", + "title": "The Barnstormer", + "text": "plants\". As part of the Fantasyland expansion, the attraction closed on February 12, 2011 to be rethemed to The Great Goofini. From 2011 to 2014, Magic Kingdom's Fantasyland underwent a large expansion and renovation. Mickey's Toontown Fair closed permanently on February 12, 2011 in order to make way for the expansion. Some elements of Mickey's Toontown Fair have been demolished and others have been re-themed to a new Storybook Circus area. The Barnstormer at Goofy's Wiseacre Farm was re-themed to The Barnstormer featuring the Great Goofini. New Fantasyland opened in stages. The first stage, which opened in early 2012, among", + "score": 0.6533203125 + }, + { + "id": "7373327", + "title": "Food & Wine", + "text": "year. The event features wine tasting, cooking demonstrations, featured speakers, as well as a cooking competition. The 2006 Food & Wine Classic took place from June 16 through the 18 and is considered the kickoff to the Aspen summer season. The event celebrated its 25th anniversary in 2007, running from June 15 through 17, 2007. A trip to the event is offered as part of the grand prize for the winner of the reality television series \"Top Chef\". On June 19, 2011, QVC did broadcast the Food & Wine Classic live from Aspen, Colorado \"Food & Wine\" magazine was purchased", + "score": 0.6533203125 + }, + { + "id": "14673174", + "title": "Summer Nightastic!", + "text": "return to Walt Disney World in 2011 either. Summer Nightastic! Summer Nightastic! was an annual three-month promotion by the Walt Disney Company celebrating the summer at the US Disney Resorts. It started in 2009 at the Disneyland Resort and had returned for 2010 at the Disneyland Resort and at the Walt Disney World Resort. The event included special nighttime events and ride operations. Walt Disney World featured events at the Magic Kingdom, Disney's Hollywood Studios, and Epcot. The Disneyland Resort featured events at Disneyland Park and Disney California Adventure Park. It was replaced by Disney Soundsational Summer at Disneyland, however", + "score": 0.65283203125 + }, + { + "id": "14673173", + "title": "Summer Nightastic!", + "text": "Summer Nightastic! Summer Nightastic! was an annual three-month promotion by the Walt Disney Company celebrating the summer at the US Disney Resorts. It started in 2009 at the Disneyland Resort and had returned for 2010 at the Disneyland Resort and at the Walt Disney World Resort. The event included special nighttime events and ride operations. Walt Disney World featured events at the Magic Kingdom, Disney's Hollywood Studios, and Epcot. The Disneyland Resort featured events at Disneyland Park and Disney California Adventure Park. It was replaced by Disney Soundsational Summer at Disneyland, however the fireworks were retained. The event did not", + "score": 0.65185546875 + }, + { + "id": "4474071", + "title": "Pleasure Island (Walt Disney World)", + "text": "due to the September 2008 scheduled closure of all of its nightclubs. Disney officials stated that the Pleasure Island nightclub closures are in response to customers who desire more broad-based dining and retail opportunities. September 27, 2008 was Pleasure Island's last night. Among the capacity crowd were many of its past actors and cast members, some of whom started to line up at 9am to ensure entrance to what would be a very emotional and busy night. Highlights included Frankie and the West End Boys playing on the waterfront stage. At midnight, \"New Year's Eve\" was celebrated one last time.", + "score": 0.65185546875 + }, + { + "id": "15338562", + "title": "Pixar Pal-A-Round", + "text": "that was installed on the California Screamin' roller coaster behind the Wheel. Creative executive Steve Davison revealed during an interview after the premiere of Winter Dreams that the new lights installed on Fun Wheel and California Screamin' are a permanent addition and will be used in future World of Color updates. On November 2, 2017, Disney announced that Mickey's Fun Wheel would be updated to include Pixar Characters on the gondolas with Mickey's face remaining on the side facing Paradise Bay. The attraction was closed on January 8, 2018 along side other Paradise Pier offerings, as the land transforms into", + "score": 0.6513671875 + }, + { + "id": "16586884", + "title": "Disney Jazz Celebration", + "text": "Disney Jazz Celebration Disney Jazz Celebration, one of Disney's many youth programs supporting the performing arts, is a biannual jazz festival hosted at a Disney park. Starting in 2009, the festival originally took place in Walt Disney World Florida, but was moved to the Disneyland Park in California in 2011. The weekend long festival happens twice every year, once for instrumental ensembles and again for vocal ensembles. The weekend consists of many performances and seminars for all the attendees. The directors of the groups from all the schools each choose between competitive and non-competitive performance options. Regardless the student performers", + "score": 0.6513671875 + }, + { + "id": "2983875", + "title": "DisneyQuest", + "text": "A DisneyQuest at Disneyland Resort in California never proceeded past the planning stage. Disney announced another location to be built in downtown Toronto but the project was canceled. After the closure of the Chicago location, Disney Regional Entertainment turned over control of the remaining location to Walt Disney World operations. On June 30, 2015, Disney officials announced that the Walt Disney World location would close in 2016 as part of the continued redevelopment of Downtown Disney into Disney Springs. A spokesperson for the labor unions that represent Disney employees who work at DisneyQuest stated that displaced workers will be relocated", + "score": 0.65087890625 + }, + { + "id": "4011315", + "title": "Walt Disney World Hospitality and Recreation Corporation", + "text": "September 6, 1973, Buena Vista Land Company, Incorporated changed its name to Buena Vista Communities, Incorporated. On June 22, 1998, Buena Vista Communities, Incorporated changed its name to Walt Disney World Hospitality and Recreation Corporation. Harvest Groves, Incorporated was merged into the Walt Disney World Hospitality and Recreation Corporation on September 30, 1999. This company was named Fischer and Howard, Corporation (which was organized July 1, 1976 to consolidate several small farms in the area) until June 22, 1993; the renaming probably happened soon after The Walt Disney Company took control of it. Walt Disney World Hospitality and Recreation Corporation", + "score": 0.65087890625 + }, + { + "id": "8362331", + "title": "Block Party Bash", + "text": "lighting and effects system reworked to require less manpower. The tail end of the Bug's Life unit was also scaled down by removing Dim, with the larger unit losing its trailered unit, and a few party cones. After closing on January 6, 2008, the parade was relocated to Disney's Hollywood Studios at Walt Disney World in Florida. It premiered there on March 14, 2008\u2014the same day that the new Pixar Play Parade debuted at Disney California Adventure. The show travels in \"parade mode\" along Disney's Hollywood Studios Performance Corridor until it reaches one of two \"Party Zones\". At this point,", + "score": 0.650390625 + }, + { + "id": "10754623", + "title": "Disneyland Resort Paris 15th Anniversary", + "text": "soundtrack by James Newton Howard. It is also played during the \"Candleabration\" in the park. Disneyland Resort Paris 15th Anniversary The Disneyland Resort Paris 15th Anniversary Celebration was a year-long celebration event at the Disneyland Paris holiday resort in Marne-la-Vall\u00e9e near Paris, France to mark fifteen years of operation. The events officially began on 1 April 2007, following a day of press events and premieres on 31 March 2007. The celebration was originally planned to end on 31 March 2008. However, the celebration was extended until 7 March 2009. The celebration was replaced by Mickey's Magical Party from 4 April", + "score": 0.650390625 + }, + { + "id": "6785989", + "title": "Food Rocks", + "text": "audio-animatronic show, \"Kitchen Kabaret\". Food Rocks closed on January 3, 2004 in order to make room for Soarin'. Food Rocks Food Rocks was an attraction at Epcot's \"The Land\" pavilion presented by Nestl\u00e9 in the Walt Disney World Resort. It was a musical stage show, with audio-animatronic figures. The show was themed as a benefit concert for good nutrition hosted by F\u016bd Wrapper, who was voiced by real-life rapper Tone Loc. However, the show was continually interrupted by the Excess, a junk food heavy metal band that detests nutrition. In the end, Excess lost their power as F\u016bd Wrapper exclaimed,", + "score": 0.650390625 + }, + { + "id": "5152362", + "title": "Busch Gardens Tampa", + "text": "musical groups cancelling performances at SeaWorld and Busch Gardens \"Bands, Brew & BBQ\" event in 2014. This caused the removal of the event in Tampa, which was replaced by the annual Food and Wine Festival, resembling the one currently at Epcot in Walt Disney World Orlando. In March, several Latin music acts are hosted on the stage in Gwazi Field. There is a similar culinary setup with special offerings for the concert days as there is for Bands, Brew & BBQ. In the summer months, the park stays open later and includes concerts by performers like David Cassidy and Starship", + "score": 0.64990234375 + }, + { + "id": "5265324", + "title": "Wonders of Life", + "text": "work and repairs commenced on the pavilion. This was followed by it not opening to accommodate the 2018 Flower and Garden Festival, as it fell silent. Imagineers were spotted touring the site in late February and job applications for interior remodeling were found. The future of the pavilion is currently unknown, but the building has reopened for the Food and Wine Festival for 2018. Wonders of Life The Wonders of Life pavilion was an attraction at Epcot at Walt Disney World in Lake Buena Vista, Florida. It was devoted to health and body related attractions. It is located inside a", + "score": 0.6494140625 + }, + { + "id": "14911642", + "title": "Captain EO", + "text": "February 2010. Social and Print Media Manager Heather Hust Rivera from Disneyland Resort confirmed this on the DisneyParks Blog and stated that \"Honey, I Shrunk the Audience!\" would be closing. That attraction hosted its final public showing in the Magic Eye Theater at midnight on January 4, 2010 to make way for the Michael Jackson film's return. The attraction reopened at Disneyland on February 23, 2010. The attraction returned to Discoveryland at Disneyland Park (Paris) on June 12, 2010, returned to Epcot at Walt Disney World on July 2, and to Tokyo Disneyland on July 1. At Epcot, the film", + "score": 0.6494140625 + }, + { + "id": "5828360", + "title": "Country Bear Jamboree", + "text": "and Disneyland Resort. In 1986, the Vacation Hoedown debuted at both Disneyland (February) and the Magic Kingdom (May). During the holiday season, the bears still performed their Christmas Show in Florida through 2005. Attendance struggled during the Vacation Hoedown's run in Florida, so for Magic Kingdom's 20th anniversary in 1992, the original show returned to rotate with the Christmas show as it had since 1984. The attraction closed at Disneyland on September 9, 2001, to make room for The Many Adventures of Winnie the Pooh which opened on April 11, 2003. The Country Bear Christmas Special was the first time", + "score": 0.6494140625 + }, + { + "id": "4483092", + "title": "Tomorrowland", + "text": "Eye theatre was used to present a preview of Walt Disney Animation Studios' \"Big Hero 6\", set to have ended on 21 November 2014. In July 2010, Disneyland's \"Star Wars\"-themed motion simulator attraction \"Star Tours\" was closed to make room for its sequel, \"Star Tours\u2014The Adventures Continue\". The new ride, which featured other \"Star Wars\" destinations in 3-D, opened on June 3, 2011. On March 21, 2015 Innoventions closed to become transformed into the Tomorrowland Expo Center. The building was closed and converted which reopened to guests on November 16, 2015. The first floor of the building hosts the \"Star", + "score": 0.64892578125 + }, + { + "id": "8958438", + "title": "Tallahassee Wine and Food Festival", + "text": "companies in the categories of diamond, platinum, gold, silver and bronze. Each of the festival's separate events shown above are sponsored by local businesses. Media sponsors include some of Tallahassee's print media such as the Tallahassee Democrat, Tallahassee Magazine as well as broadcast media such as Comcast and Clear Channel Communications. Tallahassee Wine and Food Festival The Tallahassee Wine and Food Festival is an annual two-day charitable event held in November in Tallahassee, Florida, United States which began in 1995. The TWFF benefits the March of Dimes to improve the health of babies by preventing birth defects, preterm birth, and", + "score": 0.6484375 + }, + { + "id": "9819792", + "title": "Night of Joy (festival)", + "text": "September 9: Saturday, September 10: Saturday, September 11: Friday, September 5: Saturday, September 6: Friday, September 6: Saturday, September 7: Friday, September 7: Saturday, September 8: Friday, May 7: Friday and Saturday, September 6 and 7: Night of Joy 1985 is the only instance where an event occurred outside of September. Night of Joy (festival) Night of Joy was an annual contemporary Christian music festival that took place at Walt Disney World Resort in Florida. It started in 1983 and normally took place in the first or second week of September. The event was held at the Magic Kingdom until", + "score": 0.64794921875 + }, + { + "id": "18193104", + "title": "Frozen (franchise)", + "text": "almost the same as World Of Color Winter Dreams. In Christmas 2014, like World Of Color, the show opened with a different pilot. It features more scenes like World Of Color does, such as characters from \"Big Hero 6\". On July 5, 2014, Disney's Hollywood Studios at Walt Disney World launched a \"Frozen Summer Fun\" program which was to run through September 1, and which included a daily parade, sing-along show, dance party, and fireworks show; an indoor ice skating rink and a merchandise shop; and \"Frozen\" d\u00e9cor throughout the theme park. In response to strong demand, Disney Parks subsequently", + "score": 0.64794921875 + }, + { + "id": "4495168", + "title": "Happiest Homecoming on Earth", + "text": "Happiest Homecoming on Earth The Happiest Homecoming on Earth was the eighteen-month-long celebration (May 5, 2005 through September 30, 2006) of the 50th anniversary of the Disneyland theme park, which opened on July 17, 1955. The Happiest Celebration on Earth commemorated fifty years of Disney theme parks, and celebrated Disneyland's milestone throughout Disney parks all over the globe. Disneyland's 50th anniversary was July 17, 2005, but the celebration was launched on May 5, 2005 in front of Sleeping Beauty Castle. Disneyland Park was actually closed to the public on this date, the first planned closure of the park in decades", + "score": 0.6474609375 + }, + { + "id": "18972373", + "title": "Star Wars: Galaxy's Edge", + "text": "properties to relocate the office and warehouse space that was on the land. On January 11, 2016, several attractions in Frontierland and Critter Country were closed. Big Thunder Ranch closed permanently, including the multifunction event space, barbecue restaurant and petting zoo. Other attractions closed temporarily, including the Disneyland Railroad and Rivers of America. Tom Sawyer Island reopened on June 16, 2017, and \"Fantasmic!\" reopened on July 17, 2017. The Disneyland Railroad, Mark Twain Riverboat, Sailing Ship Columbia, and Davy Crockett Explorer Canoes reopened on July 29. The construction of Galaxy's Edge resulted in a reconfigured route for the Disneyland Railroad", + "score": 0.6474609375 + }, + { + "id": "8356242", + "title": "Norway Pavilion at Epcot", + "text": "sold their stake to Disney. Since nearly as many people visit Epcot as live in Norway, the government felt it still was a good promotional tool for their tourism industry. The federal government continued to contribute US$200,000 annually for five years to help fund the exhibit. Renewed in 1997 for a further 5 years, the government stopped payments in 2002, against the recommendations from their American embassy. In September 2014, Disney officials announced that the Maelstrom attraction would be closed and renovated into a new attraction based upon the company's hit animated film, \"Frozen\". Frozen Ever After, which opened in", + "score": 0.64697265625 + }, + { + "id": "16767820", + "title": "Celebrate the Magic", + "text": "are shown, and in the winter, \"Frozen\" is showcased. The summer edition debuted during the Monstrous Summer All-Nighter event on May 24, 2013 until August 31, 2013. The Halloween edition featuring the Disney villains debuted on September 1, 2013 until October 31, 2013. A new segment based on \"Frozen\" debuted on November 17, 2013 replacing a segment based on \"Brave\". Celebrate the Magic Celebrate the Magic was a nighttime show at the Magic Kingdom park of Walt Disney World, that premiered on November 13, 2012. It replaced \"The Magic, the Memories and You\" display, a similar show that ran at", + "score": 0.64697265625 + }, + { + "id": "18531454", + "title": "Les Chefs de France", + "text": "Les Chefs de France Les Chefs de France is one of two restaurants in the France Pavilion at Epcot's World Showcase at Walt Disney World Resort in Florida, United States. The dining venue was opened by French gastronomic legends Roger Verg\u00e9 (1930\u20132015), Gaston Len\u00f4tre (1920\u20132009) and Paul Bocuse (1926-2018) It opened at Epcot's inception in 1982 and has been run since 1996 by Bocuse's son J\u00e9r\u00f4me. In 2009, an animatronic Disney characterization of the mouse Remy from the Disney animated feature Ratatouille appeared at the restaurant several times daily. The robotic rodent (which is the smallest the Imagineers at Disney", + "score": 0.64697265625 + }, + { + "id": "12526101", + "title": "Walt Disney Imagineering Blue Sky Cellar", + "text": "the upcoming attractions, which is updated routinely as construction progresses. Exhibits for the following lands and attractions have been featured in Blue Sky Cellar: Walt Disney Imagineering Blue Sky Cellar Walt Disney Imagineering Blue Sky Cellar opened October 20, 2008 replacing the Seasons of the Vine Theater at Disney California Adventure at the Disneyland Resort in Anaheim, California. It closed on September 29, 2013, and reopened on April 13, 2018, to provide a preview of Pixar Pier. The exhibit is a preview center intended to promote upcoming attractions coming to the park, such as the dark ride , Goofy's Sky", + "score": 0.64599609375 + }, + { + "id": "8378921", + "title": "The Princess and the Frog", + "text": "Jazz Band\" as they perform songs from the movie. \"Tiana's Mardi Gras Celebration\" officially ended on October 3, 2010. However, it returned to Disneyland from 2011\u20132013 as part of the \"Limited Time Magic\" family-fun weekends. Tiana also appears in Disneyland Paris' New Generation Festival. Some of the characters appear frequently during \"World of Color\", the nightly fountain and projection show presented at Disney California Adventure. Disney announced on June 4, 2009, that they would release a video game inspired by the film and it was released on November 2009 exclusively for Wii and Nintendo DS platforms. It has been officially", + "score": 0.64599609375 + }, + { + "id": "482004", + "title": "Epcot", + "text": "Kim Possible and Ron Stoppable solve a \"crime\" or disrupt an evil-doer's \"plans for global domination.\" The \"Kimmunicator\" is able to trigger specific events within the pavilion grounds that provide clues to completing the adventure. Launched in January 2009 and presented by Verizon Wireless, the Adventure is included in park admission. It was succeeded by Agent P's World Showcase Adventure, based on Disney's \"Phineas and Ferb\", on June 23, 2012. \"Illuminations: Reflections of Earth\" is an award-winning show taking place in the World Showcase Lagoon every night at the park's closing time (usually 9:00 pm). It features fireworks, lasers, fire,", + "score": 0.6455078125 + }, + { + "id": "18830006", + "title": "Frozen Ever After", + "text": "September 12, 2014, Walt Disney World officials announced that the Maelstrom attraction would be replaced by an attraction based on \"Frozen\". Maelstrom's final day of operation was October 5, 2014. In June 2015, then-Disney Chief Operating Officer Tom Staggs revealed that plans for a \"Frozen\" attraction were discussed prior to the film's release, but were accelerated after the film's worldwide success. On responding to whether converting a portion of the Norway pavilion into an attraction based on a fictional place was appropriate for World Showcase, Staggs stated: \"If the goal is to give people a taste of something like Scandinavia", + "score": 0.64501953125 + }, + { + "id": "19140938", + "title": "For the First Time in Forever: A Frozen Sing-Along Celebration", + "text": "Frontierland under the name Chantons La Reine des Neiges; it is the first version that features Olaf. Shows run several times daily with separate French- and English-language presentations. It first ran from June 1 to September 13, 2015 as the summer event, but it was scheduled to return on November 14, as part of the Christmas event. However, due to a terrorist attack in Paris on November 13, 2015, both Disneyland Paris and Walt Disney Studios Park were closed from November 14 until November 18. Hong Kong Disneyland features an almost identical show, named simply \u201cFrozen\u201d Festival Show. The stage", + "score": 0.64501953125 + }, + { + "id": "4289488", + "title": "Fantasmic!", + "text": "effects for the finale were upgraded. In early May, the refurbishment was completed, and the rivers were restored. \"Fantasmic!\" returned for the summer season on May 28, 2010. On August 28, 2010 the 2nd generation dragon broke again. It partly collapsed during a performance. It was restored to the show on November 12, 2010. During the short after-holiday refurbishment period beginning on January 7, 2014, the show's original stationary fountains were replaced by new \"World of Color\"-esque dancing fountains with individual LED lighting and could be articulated to match the movements of performers onstage, effectively dancing with the music. These", + "score": 0.64453125 + }, + { + "id": "11911525", + "title": "Pixar Play Parade", + "text": "the parade went on hiatus starting on January 4, 2011. It was originally set to return in November, however it did not as construction was still ongoing. During the hiatus, it was replaced by \"Pixar Pals\", an interactive show that only featured characters from \"Monsters, Inc.\" and \"The Incredibles\". Pixar Pals concluded in May 2012 and Pixar Play Parade returned on June 15, 2012 to coincide with the grand reopening of Disney California Adventure. During the 2016 Disney California Adventure Food & Wine Festival, the parade was put on hiatus and Pixar Pals temporarily returned to the park with \"The", + "score": 0.64453125 + }, + { + "id": "3803297", + "title": "Main Street Electrical Parade", + "text": "60th anniversary celebration, and moved to Disney California Adventure on April 12, 2018. The original Disneyland version of the parade ran at Walt Disney World's Magic Kingdom as \"Disney's Main Street Electrical Parade\" from June 5, 2010 to October 9, 2016, when it closed in preparation for a limited-time run at Disneyland. The Disneyland run started on January 20, 2017 and was planned to run through June 18, 2017, but due to popular demand, Disney extended the parade's run to August 20, 2017. Disney has not made any announcements regarding the parade's future. The predecessor to the 1972 Disneyland Main", + "score": 0.64404296875 + }, + { + "id": "10234234", + "title": "Melbourne Food and Wine Festival", + "text": "2008 International Festival and Events Awards Gold for \u2018Best Festival Program\u2019. Melbourne Food and Wine Festival The Melbourne Food and Wine Festival, run by Food and Wine Victoria Ltd. is an event held in March annually since 1993 to promote Melbourne and Victoria\u2019s food and wine culture. Operating on a not-for-profit basis, the festival\u2019s charter is to promote the produce, talent and lifestyle of Melbourne and Victoria, and to promote Melbourne as the \"food and wine capital of Australia\". Since its beginnings with a small program of events, the festival has grown to become known for events including cooking classes", + "score": 0.6435546875 + }, + { + "id": "4093382", + "title": "Disney's River Country", + "text": "Disney's River Country Disney's River Country was the first water park at Walt Disney World. Located along the shores of Bay Lake and near Disney's Fort Wilderness Resort & Campground, the park was themed as a rustic, old-fashioned swimming hole. It opened on June 20, 1976, and closed indefinitely in November 2, 2001, with The Walt Disney Company later announcing on January 20, 2005 that the park would remain closed permanently. This made the water park the second of only two Disney parks in the company's history to close permanently, with nearby Discovery Island on the lake having closed earlier", + "score": 0.6435546875 + }, + { + "id": "11365239", + "title": "Ratatouille (film)", + "text": "most of Pixar's teaser trailers, the scene was not present in the final film release. A second trailer was released on March 23, 2007. The Ratatouille \"Big Cheese Tour\" began on May 11, 2007, with cooking demonstrations and a film preview. Voice actor Lou Romano attended the San Francisco leg of the tour for autograph signings. Disney and Pixar were working to bring a French-produced \"Ratatouille\"-branded wine to Costco stores in August 2007, but abandoned plans because of complaints from the California Wine Institute, citing standards in labeling that restrict the use of cartoon characters to avoid attracting under-age drinkers.", + "score": 0.6435546875 + }, + { + "id": "14911645", + "title": "Captain EO", + "text": "Walt Disney Animation Studios' \"Big Hero 6\". Beginning mid-April 2015, the venue presented a sneak peek of Walt Disney Pictures' \"Tomorrowland\". The venue was renamed the Tomorrowland Theater. Beginning November 16, 2015, the theater has been used to present scenes from the \"Star Wars\" films as part of the park's \"Season of the Force\" event. On November 13, 2015, Disney announced that \"Captain EO\" would be closing at Epcot on December 6, 2015 to make way for a \"Disney & Pixar Short Film Festival\". In 2014, The Tiara Talk Show, a Disney-themed podcast on YouTube, dedicated two episodes to \"Captain", + "score": 0.64306640625 + }, + { + "id": "5130967", + "title": "Diane Disney Miller", + "text": "along the Silverado Trail in the Stags Leap District. They planted Cabernet Sauvignon and Chardonnay and started making wine in 1981. They expanded the winery to only using estate-grown grapes, and Diane helped create a home and a family-like atmosphere rather than just a business. The couple had seven children: Christopher (b. 1954), Joanna (b. 1956), Tamara (b. 1957), Jennifer (later Miller-Goff; b. 1960), Walter (b. 1961), Ronald (b. 1963), and Patrick (b. 1967). Diane Disney Miller died on November 19, 2013, at age 79 from medical complications that developed after a fall. She is interred at Forest Lawn Memorial", + "score": 0.64208984375 + }, + { + "id": "828542", + "title": "Disneyland Paris", + "text": "occupancy was so low that it was decided to close the Newport Bay Club hotel during the season. Initial hopes were that each visitor would spend around US$33 per day, but near the end of 1992, analysts found spending to be around 12% lower. Efforts to improve attendance included serving alcoholic beverages with meals inside the Euro Disneyland park, in response to a presumed European demand, which began 12 June 1993. By the summer of 1994, Euro Disney was burdened with $3 billion worth of debt. Disney CFO Richard Nanula and Wall Street financier Steve Norris worked with Alwaleed's business", + "score": 0.64208984375 + }, + { + "id": "18199537", + "title": "The Hunchback of Notre Dame (franchise)", + "text": "in 1996 and held its last show on April 18, 1998. LaughingPlace cited a review of the final show that said: \"In the pantheon of great Disneyland parades and shows, the Festival of Fools resides in the top echelon . It operated on so many levels (history, humor,and heart felt emotion to name a few), stirred a passion seldom seen among its most faithful (of which I am no doubt one), and brought 1239 fun filled energetic performances to the wondrous eyes of children young and old, that it's very difficult to sum up the run or my feelings toward", + "score": 0.64208984375 + }, + { + "id": "6792511", + "title": "Country Bear Vacation Hoedown", + "text": "Country Bear Vacation Hoedown The Country Bear Vacation Hoedown was an attraction created due to the popularity of The Country Bear Jamboree. In Disneyland, it opened in February 1986 replacing the original show. That May, the Walt Disney World version followed suit. It remained at Walt Disney World until February 1992 when the original show returned. At Disneyland however, the Hoedown remained until the Country Bear Playhouse closed on September 9, 2001. On July 15, 1994, the show opened at Tokyo Disneyland as Vacation Jamboree. Out of the three shows, it features the most differences between the US and Japanese", + "score": 0.6416015625 + }, + { + "id": "5418356", + "title": "Pixar Pier and Paradise Gardens Park", + "text": "games were then re-themed to incorporate more familiar Disney characters (completed on April 7, 2009), and the Sun Wheel was transformed into Mickey's Fun Wheel with a new color scheme, new lighting effects, and a \"pie-eyed\" Mickey Mouse face replacing the original sun face (completed on May 4, 2009). Following these changes, the \"Route 66\" area was completely re-themed, with the \"S.S. rustworthy\", and \"Dinosaur Jack's Sunglass Shack\" being completely demolished. The Orange Stinger underwent extensive re-theming to become Silly Symphony Swings, based on Walt Disney's 1935 short film \"The Band Concert\". Silly Symphony Swings opened on May 28, 2010.", + "score": 0.6416015625 + }, + { + "id": "4093386", + "title": "Disney's River Country", + "text": "officially announced that River Country would be closed permanently and would never reopen. River Country was left abandoned, instead of being demolished and is currently fenced off with signs up reading \"Sorry River Country is closed\". On August 25, 2016, Disney announced that they would drain and fill in Upstream Plunge, the 330,000 gallon pool. There were no immediate plans to tear down any other part of the park. On March 5, 2018, Disney filed permits for a new mystery development labeled \"Project 89\" to be built along Bay Lake and over the former River Country site. A week later,", + "score": 0.64111328125 + }, + { + "id": "12138693", + "title": "Disney's Celebrate America", + "text": "shells are launched in the show. Previously, at Magic Kingdom, a special Independence Day themed version of \"Fantasy in the Sky\" was held on July 4. During its debut on July 4, 2008, the Disneyland version of the show was canceled 11 minutes into the performance due to debris falling on Ball Rd behind Disneyland from winds at high elevation. Starting with the 2009 show, Disneyland has performed four showings of the display. A shortened 9-minute version of the display is shown July 1\u20133, while the full 15-minute version is shown on July 4. In 2011, Disneyland version was updated", + "score": 0.64111328125 + }, + { + "id": "6077123", + "title": "Meet the World", + "text": "edited with footage from the version seen in Tokyo Disneyland. The attraction opened at Tokyo Disneyland as one of that park's initial attractions on April 15, 1983, and closed on June 30, 2002. Matsushita Electric was its initial sponsor and subsidized the attraction so that it was one of the few free attractions while the park still used ride tickets. Konosuke Matsushita died in 1989 and Matsushita shifted its corporate sponsorship to the nearby Star Tours attraction around that time; Japan Airlines then took over sponsorship of Meet the World for a short period. In summer 2006, Meet the World's", + "score": 0.64111328125 + }, + { + "id": "18471749", + "title": "Sci-Fi Dine-In Theater Restaurant", + "text": "the time to be in keeping with the science fiction theme because the technology had been developed shortly prior. In 2003, there were twenty character meals offered at Walt Disney World, during which actors portraying various Disney characters would interact with guests while they ate at the parks' restaurants, and Disney was in the process of increasing the presence of costumed characters in the parks at the time. Nonetheless, Minnie Mouse character meals held at Hollywood & Vine were discontinued that year, and Robert Johnson of the \"Orlando Sentinel\" partially attributed this cancellation to competition from the Sci-Fi Dine-In, which", + "score": 0.64111328125 + }, + { + "id": "18280005", + "title": "Epcot International Food & Wine Festival", + "text": "Cool Post. Eat to the Beat is a series of concerts during the festival at the America Gardens Theater. Performers performed three times during the day, at 5:30 pm, 6:45 pm, and 8:00 pm. The performers for the 2014 series were Jo Dee Messina, The Pointer Sisters, The Commodores, Christopher Cross, Hanson, Air Supply, Starship featuring Mickey Thomas, Sugar Ray, Fuel, Sister Hazel, Richard Marx, Billy Ocean, Night Ranger, Smash Mouth, Jim Brickman, Los Lonely Boys, Wilson Phillips, Dennis DeYoung (original member of STYX), 38 Special, Boyz II Men, David Cook, and Big Bad Voodoo Daddy. The 2015 Epcot International", + "score": 0.64111328125 + }, + { + "id": "4050552", + "title": "The Great Movie Ride", + "text": "into the park. In 2014, as part of an exclusive programming deal with Disney, Turner Classic Movies agreed to become the sponsor of the attraction. The attraction underwent a refurbishment in 2015, with the addition of a new pre-show and post-show hosted by Robert Osborne, who also provided onboard narration to the ride. The changes were unveiled on May 29, 2015. On July 15, 2017, it was announced that the attraction would be closing on August 13, 2017 to make way for Mickey & Minnie's Runaway Railway. The first sequence of the ride, \"Footlight Parade,\" was plagued with engineering and", + "score": 0.640625 + }, + { + "id": "3256629", + "title": "The Twilight Zone Tower of Terror", + "text": "Terror's final day of operation was January 2, 2017; the ride then closed January 3. In preparation for the closure, Disney began a \"farewell\" promotion of the ride on September 9, 2016, which featured a \"Late Check Out\" option to experience the drop portion of the ride in total darkness. On the night of September 19 and early morning of September 20, the \"Hollywood Tower Hotel\" sign was removed to prepare for the new attraction. The other three Disney parks with versions of the Tower of Terror are unaffected, and Disney has stated that there are no plans to change", + "score": 0.640625 + }, + { + "id": "10234227", + "title": "Melbourne Food and Wine Festival", + "text": "Melbourne Food and Wine Festival The Melbourne Food and Wine Festival, run by Food and Wine Victoria Ltd. is an event held in March annually since 1993 to promote Melbourne and Victoria\u2019s food and wine culture. Operating on a not-for-profit basis, the festival\u2019s charter is to promote the produce, talent and lifestyle of Melbourne and Victoria, and to promote Melbourne as the \"food and wine capital of Australia\". Since its beginnings with a small program of events, the festival has grown to become known for events including cooking classes and large 'banquet-style' lunches. The festival has a board of management", + "score": 0.640625 + }, + { + "id": "10756423", + "title": "World of Color", + "text": "the show on November 1, 2010 and was discontinued in March 2011. On May 20, The \"Pirates of the Caribbean\" segment was expanded to include scenes from \"\" and was discontinued on June 15, 2012, the same day that a sequence incorporating \"Brave\" premiered. Beginning in 2011 for the Fourth of July season, from July 1 to 4, a special Independence Day preshow was added. The Independence Day preshow utilizes fireworks, which the normal show does not use, such as pyro launches from barges on Pixar Pier, atop of the Toy Story Midway Mania show building, and backstage behind California", + "score": 0.640625 + } + ], + "answer": "The Epcot International Food & Wine Festival is an annual food festival at Epcot, in the Walt Disney World Resort in Florida. It runs typically from late September to mid-November, though in recent years the start date has moved forward to late August. In 2015, the Epcot International Food & Wine Festival ended on November 16. In 2016, the Epcot International Food & Wine Festival ended on November 14. In 2017, the Epcot International Food & Wine Festival ended on November 13." + }, + { + "qa_pairs": [ + { + "context": "\"Mary, Did You Know?\" is a Christmas song addressing Mary, mother of Jesus, with lyrics written by Mark Lowry in 1984, and music written by Buddy Greene in 1991. It was originally recorded by Christian recording artist Michael English on his self-titled debut solo album in 1991. At the time, English and Lowry were members of the Gaither Vocal Band, and Greene was touring with them. The song reached Number 6 on CCM Magazine's Adult Contemporary Chart. Lowry would record the song several times himself, most notably with the Gaither Vocal Band on their 1998 Christmas album, \"Still the Greatest Story Ever Told\".", + "question": "Who wrote the lyrics for the song mary did you know?", + "short_answers": [ + "Mark Lowry", + "Mark Alan Lowry" + ], + "wikipage": "Mary, Did You Know?" + }, + { + "context": "\"Mary, Did You Know?\" is a Christmas song addressing Mary, mother of Jesus, with lyrics written by Mark Lowry in 1984, and music written by Buddy Greene in 1991. It was originally recorded by Christian recording artist Michael English on his self-titled debut solo album in 1991. At the time, English and Lowry were members of the Gaither Vocal Band, and Greene was touring with them. The song reached Number 6 on CCM Magazine's Adult Contemporary Chart. Lowry would record the song several times himself, most notably with the Gaither Vocal Band on their 1998 Christmas album, \"Still the Greatest Story Ever Told\".", + "question": "Who wrote the music for the song mary did you know?", + "short_answers": [ + "Buddy Greene" + ], + "wikipage": "Mary, Did You Know?" + } + ], + "wikipages": [ + { + "title": "Mary, Did You Know?", + "url": "https://en.wikipedia.org/wiki/Mary%2C%20Did%20You%20Know%3F" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Mark Alan Lowry (born June 24, 1958) is an American singer, comedian, and songwriter.", + "wikipage": "Mark Lowry" + } + ], + "long_answer": "\"Mary, Did You Know?\" is a Christmas song addressing Mary, mother of Jesus, with lyrics written by American singer, comedian, and songwriter Mark Lowry in 1984, and music written by Buddy Greene in 1991. " + }, + { + "knowledge": [ + { + "content": "Mark Alan Lowry (born June 24, 1958) is an American singer, comedian, and songwriter.", + "wikipage": "Mark Lowry" + }, + { + "content": "Buddy Greene (born October 30, 1953)[1] is an American singer, songwriter, guitar player and harmonica player.", + "wikipage": "Buddy Greene" + } + ], + "long_answer": "The Christmas song Mary Did You Know was written by both Mark Lowry and Buddy Greene. Lowry, an American singer, comedian, and songwriter, wrote the lyrics in 1984. The song's music was written in 1991 by Greene, an American singer, songwriter, guitar player, and harmonica player." + } + ], + "sample_id": "-5333576035638611676", + "question": "Who wrote the song mary did you know?", + "docs": [ + { + "id": "6188532", + "title": "Mary, Did You Know?", + "text": "Mary, Did You Know? \"Mary, Did You Know?\" is a Christmas song with lyrics written by Mark Lowry and music written by Buddy Greene. It was originally recorded by Christian recording artist Michael English on his self-titled debut solo album in 1991 (English and Lowry were both members of the Gaither Vocal Band at the time). It reached No. 6 on CCM Magazine's AC Chart. Lowry would record the song several times himself, most notably with the Gaither Vocal Band on their 1998 Christmas album \"Still the Greatest Story Ever Told\". The song has since gone on to become a", + "score": 0.8486328125, + "summary": "The Christmas song \"Mary, Did You Know?\" was written by Mark Lowry with music by Buddy Greene. It was first recorded by Michael English in 1991 and later by Lowry himself with the Gaither Vocal Band.", + "extraction": "\"Mary, Did You Know?\" was written by Mark Lowry and the music was written by Buddy Greene." + }, + { + "id": "6188536", + "title": "Mary, Did You Know?", + "text": "criticize it for what they perceive as a lack of scriptural or theological depth. For example, Lutheran writer Holly Scheer, in addressing the rhetorical-question title of the song writes that those familiar with \"the biblical account of Christ\u2019s conception and birth shouldn\u2019t need to ask if Mary knew, because the Bible plainly tells us she did.\" Mary, Did You Know? \"Mary, Did You Know?\" is a Christmas song with lyrics written by Mark Lowry and music written by Buddy Greene. It was originally recorded by Christian recording artist Michael English on his self-titled debut solo album in 1991 (English and", + "score": 0.84619140625, + "summary": "\"Mary, Did You Know?\" was written by Mark Lowry with music by Buddy Greene.", + "extraction": "Mark Lowry wrote the song \"Mary, Did You Know?\"" + }, + { + "id": "11335802", + "title": "Mark Lowry", + "text": "near Carlisle, Pennsylvania, while touring with his college evangelistic team. He sustained eleven broken bones, and spent a good deal of time in physical therapy recovering from the accident. In 1984, Lowry wrote the lyrics to the song \"Mary, Did You Know?\", when asked to write a script for a church Christmas play. He wrote a series of questions that he would like to ask Mary, the mother of Jesus. These questions were used in between the scenes of the play. Over the next decade, Lowry tried to find music that would complete the song. Eventually, musician and songwriter Buddy", + "score": 0.84521484375, + "summary": "Mark Lowry wrote the lyrics to the song \"Mary, Did You Know?\" in 1984 while asked to write a script for a church Christmas play.", + "extraction": "Mark Lowry wrote the lyrics to the song \"Mary, Did You Know?\"." + }, + { + "id": "6188533", + "title": "Mary, Did You Know?", + "text": "modern Christmas classic, being recorded by many artists over the years across multiple genres. \"Mary, Did You Know?\" is originally in the key of E minor, with a tempo of 53 beats per minute based around a chord progression of Em\u2013D\u2013Am\u2013B7sus4\u2013B7 and is in the meter. A duet version recorded by Wynonna Judd and Kenny Rogers on Rogers' holiday album \"The Gift\" peaked at No. 55 on the \"Billboard\" Hot Country Singles & Tracks chart in 1997. Chart positions \"Mary, Did You Know?\" is Clay Aiken's fifth single for his Christmas album \"Merry Christmas with Love\". Aiken performed the song", + "score": 0.8203125, + "summary": "\"Mary, Did You Know?\" is a modern Christmas song recorded by many artists in different genres. The text does not mention who wrote the song, so the answer is irrelevant.", + "extraction": "The passage is irrelevant to the question \"Who wrote the song mary did you know?\" as it does not provide any information about the songwriter." + }, + { + "id": "6188535", + "title": "Mary, Did You Know?", + "text": "for the week ending December 6, 2014. Chart positions In 2015, Jordan Smith performed the song on \"The Voice\"'s season nine finals. This version debuted and peaked at No. 24 on the \"Billboard\" Hot 100 chart and at No. 2 on the \"Billboard\" Holiday 100 chart on the week ending January 2, 2016. The song was also used as the basis for a stage musical, also titled \"Mary, Did You Know\" and written by Bruce Greer, that won the 1999 Dove Award for Musical of the Year. \"Mary, Did You Know?\" remains a popular piece of Christmas music, although some", + "score": 0.8037109375, + "summary": "The document mentions that Jordan Smith performed \"Mary, Did You Know?\" on \"The Voice\" in 2015, and a stage musical with the same title was written by Bruce Greer in 1999. However, it does not provide information on who wrote the song. Therefore, the answer is irrelevant.", + "extraction": "The passage is irrelevant as it does not mention the name of the songwriter for the song \"Mary, Did You Know?\"." + }, + { + "id": "6188534", + "title": "Mary, Did You Know?", + "text": "on \"The Tyra Banks Show\". Chart positions \"Mary, Did You Know?\" is the eleventh track on Cee Lo's Christmas album \"Cee Lo's Magic Moment\". On December 15, 2012 the song appeared on the US R&B Songs chart at number 22. This version is the slowest of all. It also served as the closing credits song to the 2014 20th Century Fox movie \"Son of God\". Chart positions \"Mary, Did You Know?\" is the sixth track on Pentatonix's second Christmas album, \"That's Christmas to Me\". The song both debuted and peaked at No. 26 on the weekly \"Billboard\" Hot 100 chart", + "score": 0.7705078125, + "summary": "The song \"Mary, Did You Know?\" was performed by Cee Lo Green and Pentatonix, appearing on their Christmas albums. It charted on the US R&B Songs chart and the weekly Billboard Hot 100 chart. It was also used as the closing credits song for the movie \"Son of God.\" The document does not mention who wrote the song.", + "extraction": "irrelevant. \n\nThe passage talks about the different versions and chart positions of the song \"Mary, Did You Know?\" but does not provide information about who wrote the song." + }, + { + "id": "11335800", + "title": "Mark Lowry", + "text": "Mark Lowry Mark Alan Lowry (born June 24, 1958) is an American Christian singer, comedian, and songwriter. He is known for co-writing the song \"Mary, Did You Know?\" and being a member of the Gaither Vocal Band from 1988 to 2001, and 2009 to 2013, along with Michael English, David Phelps and Bill Gaither. Lowry has recorded twelve albums, both music and comedy. Lowry was born in Houston, Texas, to Charles, an attorney, and Beverly Lowry. He often uses anecdotes of his young life in his comedy, as well as speaking of his experience with hyperactivity and attention deficit disorder", + "score": 0.76416015625, + "summary": "Mark Lowry wrote the song \"Mary, Did You Know?\"", + "extraction": "Mark Lowry co-wrote the song \"Mary, Did You Know?\"" + }, + { + "id": "12791545", + "title": "Mary, Mary (song)", + "text": "Mary, Mary (song) \"Mary, Mary\" is a song written by Michael Nesmith. It was first recorded by The Butterfield Blues Band for their 1966 album, \"East-West\". The Monkees, featuring Nesmith, would later record the song themselves. The rap group, Run\u2013D.M.C., revived the song in the late 1980s with a cover version that hit the R&B and pop charts in the United States. The Paul Butterfield Blues Band was the first group to record and release the song commercially, featured as a track on their 1966 album \"East-West\". In addition to Butterfield, musicians to play on the track include Mike Bloomfield", + "score": 0.75927734375, + "summary": "The song \"Mary, Mary\" was written by Michael Nesmith and first recorded by The Butterfield Blues Band in 1966. The Monkees and Run-D.M.C. also recorded the song.", + "extraction": "\"Mary, Mary\" is a song written by Michael Nesmith." + }, + { + "id": "12791548", + "title": "Mary, Mary (song)", + "text": "being the only one to make it to the \"Billboard\" Hot 100, peaking at number 75, and peaking at number 29 on the Hot Black Singles chart. Run-D.M.C. changed the line \"Mary, Mary, where ya' goin' to\" to \"Mary, Mary, why ya' buggin'\". Although Run-D.M.C. replaced Michael Nesmith's original lyrics with a new set of lyrics of their own, Nesmith was the only writer credited on Run-D.M.C.'s single. Run-D.M.C.'s version samples Micky Dolenz singing the title from the Monkees' recording. Mary, Mary (song) \"Mary, Mary\" is a song written by Michael Nesmith. It was first recorded by The Butterfield Blues", + "score": 0.7578125, + "summary": "The song \"Mary, Mary\" was written by Michael Nesmith.", + "extraction": "\"Mary, Mary\" is a song written by Michael Nesmith." + }, + { + "id": "8079546", + "title": "Mary (Scissor Sisters song)", + "text": "Mary (Scissor Sisters song) \"Mary\" is a song by American rock band, Scissor Sisters, and is the fourth track on their eponymous debut album (see 2004 in music). It was released as a single in October 2004 in the United Kingdom, peaking at number 14 on the UK Singles Chart. Jake Shears wrote \"Mary\" for his best friend, Mary Henlon, who died in April 2006 from a brain aneurysm. The video for the single was released in October 2004 and was considered a curio by fans. It was seen as a spoof of \"Rapunzel\" and other children's fairy tales. The", + "score": 0.74365234375, + "summary": "Irrelevant. The document is about a song called \"Mary\" by Scissor Sisters, but it is not related to the question of who wrote the song \"Mary Did You Know.\"", + "extraction": "Irrelevant. The passage is about a song called \"Mary\" by the Scissor Sisters, but it doesn't mention \"Mary Did You Know\" or its author." + }, + { + "id": "11335807", + "title": "Mark Lowry", + "text": "with Bill Gaither and Phil Brower. Starting in March 2011, he has been a frequent co-host of the TV show \"Red Letter Christians\" with Tony Campolo. Lowry is single and has no children. He has a brother, sister, three nieces and three nephews. Mark Lowry Mark Alan Lowry (born June 24, 1958) is an American Christian singer, comedian, and songwriter. He is known for co-writing the song \"Mary, Did You Know?\" and being a member of the Gaither Vocal Band from 1988 to 2001, and 2009 to 2013, along with Michael English, David Phelps and Bill Gaither. Lowry has recorded", + "score": 0.7373046875, + "summary": "Mark Lowry, an American Christian singer, comedian, and songwriter, co-wrote the song \"Mary, Did You Know?\"", + "extraction": "Mark Lowry co-wrote the song \"Mary, Did You Know?\"." + }, + { + "id": "19290930", + "title": "Mary (I'm in Love with You)", + "text": "Mary (I'm in Love with You) \"Mary (I'm in Love with You)\" is an American popular song of 1931, written by J. Fred Coots and Ozzie Nelson. Nelson and his orchestra recorded the song on November 25, 1931 (Brunswick E37427). The recording starts off straight and \"sweet\" but progresses into an early swing style. He sang: \"Mary, what are we waiting for?\"
\"Each day I want you more and more\"
\"You'll always be the one girl for me\"
\"For Mary I'm in love with you\"
Other recordings include The High Hatters with a vocal refrain by Frank Luther, recorded on", + "score": 0.73583984375, + "summary": "The document is irrelevant to the question of who wrote the song \"Mary Did You Know?\" and instead discusses a different song called \"Mary (I'm in Love with You)\" written by J. Fred Coots and Ozzie Nelson in 1931.", + "extraction": "Irrelevant. The passage talks about a song called \"Mary (I'm in Love with You)\" written by J. Fred Coots and Ozzie Nelson in 1931, but it does not mention the song \"Mary Did You Know\" nor its author." + }, + { + "id": "6720896", + "title": "Buddy Greene", + "text": "Buddy Greene Buddy Greene (born October 30, 1953) is an American singer, songwriter, guitar player and harmonica player. Most of his recordings consist of gospel music with a distinctly Southern gospel flavor. Much of his music is influenced by country music and bluegrass music. Greene grew up in Macon, Georgia. He has written the music for many songs and also co-wrote the Christmas song \"Mary, Did You Know?\" with Mark Lowry; Greene also wrote \"Recovering Pharisee\" recorded by Del McCoury, and \"He Is\" recorded by Ashley Cleveland. He is considered a harmonica legend by many, and once played a classical", + "score": 0.73291015625, + "summary": "Buddy Greene co-wrote the Christmas song \"Mary, Did You Know?\" with Mark Lowry.", + "extraction": "Buddy Greene co-wrote the Christmas song \"Mary, Did You Know?\" with Mark Lowry." + }, + { + "id": "9542478", + "title": "Mary (Supergrass song)", + "text": "Mary (Supergrass song) \"Mary\" was the third and final single from the Britpop band Supergrass' eponymous third album. Released in November 1999, it reached a disappointing #36 on the UK Charts, their lowest charting single for 5 years. This was also the last Supergrass single to be released on cassette. Mary is written in the key of Cm. The verses and chorus both employ the same chord progression of G\u266f-F-Cm, with guitarist Gaz Coombes utilising single string lead breaks on the 5th (A) string with an E-bow. It is worth noting that the opening chord progression of the song bears", + "score": 0.73095703125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "15925114", + "title": "Virgin Mary (song)", + "text": "Virgin Mary (song) \"Virgin Mary\" is a song by American singer Donna Summer, released in the Netherlands in 1975. It was written by Giorgio Moroder and Pete Bellotte and produced by Bellotte. By 1975, Summer had been based in Munich, Germany for several years and had been working with European writers/producers Giorgio Moroder and Pete Bellotte for some time. They had released her debut album, \"Lady of the Night\" in the Netherlands the previous year, and it had spawned two European hit singles - \"The Hostage\" and \"Lady of the Night.\" Earlier in 1975, a new single called \"Love To", + "score": 0.73046875, + "summary": "Irrelevant. The document is about Donna Summer's song \"Virgin Mary\" and its production, not about the song \"Mary Did You Know.\"", + "extraction": "irrelevant." + }, + { + "id": "19290931", + "title": "Mary (I'm in Love with You)", + "text": "November 6, 1931 (Victor 22857). An uptempo variation with a slightly different melody was the theme song for \"The Adventures of Ozzie and Harriet\" radio show, as well as the theme song for the ending credits of many episodes of the TV show. Mary (I'm in Love with You) \"Mary (I'm in Love with You)\" is an American popular song of 1931, written by J. Fred Coots and Ozzie Nelson. Nelson and his orchestra recorded the song on November 25, 1931 (Brunswick E37427). The recording starts off straight and \"sweet\" but progresses into an early swing style. He sang: \"Mary,", + "score": 0.72998046875, + "summary": "Irrelevant.", + "extraction": "The song \"Mary (I'm in Love with You)\" was written by J. Fred Coots and Ozzie Nelson." + }, + { + "id": "3849175", + "title": "Curt Boettcher", + "text": "archaic\", but the song's success \"just showed we can have our archaic and eat it, too.\" The album included the song \"Message of Our Love\", co-written by Boettcher and Tandyn Almer (who also wrote \"Along Comes Mary\"). Boettcher's wife Claudia said that Almer wrote \"Along Comes Mary\" as a slow song. Boettcher sped up the tempo and recorded a demo on which he sang the vocal. This demo was presented to The Association, who used it as a guide for their arrangement of the tune. It was the band's attempt to replicate and build on Boettcher's demo that became the", + "score": 0.72998046875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about who wrote the song \"Mary Did You Know\"." + }, + { + "id": "14939427", + "title": "Mary's Prayer", + "text": "Mary's Prayer \"Mary's Prayer\" is a sophisti-pop song by the Scottish pop/rock group Danny Wilson. Included on the group's 1987 debut album \"Meet Danny Wilson\", \"Mary's Prayer\" would eventually become a Top Ten hit in the British Isles and also a Top 40 hit in the US. The song's composer, Gary Clark, said of \"Mary's Prayer\": \"I certainly don't think [it's] the best song on the album but it is probably the most accessible and therefore the best choice for a first single\". Clark had written \"Mary's Prayer\" while Danny Wilson was the house band at Dundee nightclub the Swamp", + "score": 0.72900390625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "17196677", + "title": "Mary Was the Marrying Kind", + "text": "Mary Was the Marrying Kind \"Mary Was the Marrying Kind\" is a song recorded by American country music artist Kip Moore, co-written by Dan Couch and Scott Stepakoff. The song, which was released as Moore's debut single in March 2011, was the fourth most added country single at the time of its release and peaked at number 45 on Hot Country Songs. The song did not make the final cut of Moore's debut album \"Up All Night\", although it was included as a bonus track on the deluxe edition. The song talks about women that Moore has dated and the", + "score": 0.72314453125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage provides information about a song called \"Mary Was the Marrying Kind\" by Kip Moore, but it does not mention anything about the song \"Mary Did You Know\" or who wrote it." + }, + { + "id": "12791546", + "title": "Mary, Mary (song)", + "text": "and Elvin Bishop. No songwriter credit is listed for \"Mary, Mary\" on \"East-West\". On July 25, 1966, Nesmith produced and recorded the song for The Monkees at Western Recorders in Hollywood, California. Micky Dolenz sang lead, and Mike used the crack group of session musicians known as The Wrecking Crew to beef up their sound, including; James Burton, Glen Campbell, Al Casey, Hal Blaine, Jim Gordon, Michael Deasy and Larry Knechtel. Their version was released on the album \"More of the Monkees\" in 1967. The Monkees' \"Mary Mary\" was not released as a single in the USA in the 1960s,", + "score": 0.72216796875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. \n\nThe passage mentions a song called \"Mary, Mary\" but it does not provide information about who wrote the song \"Mary, Did You Know?\" which is the actual question." + }, + { + "id": "15438726", + "title": "Mary Milne", + "text": "with Diabetes Canada and music production house Eggplant Collective crafting the words of people suffering with Diabetes into the song Brave Faces as part of the Canadian diabetes association rebranding into Diabetes Canada. In 2018 her song \"On Your Side\" was used in a commercial for Mercedes Benz. She is the granddaughter of Canadian painter David Milne. https://www.theglobeandmail.com/report-on-business/industry-news/marketing/12-really-catchy-songs-written-just-for-tv-ads/article14503047/ web|url=https://www.diabetes.ca/mydc/blogs/dc-blog/every-word-in-this-song-was-written-by-someone-wit Mary Milne Mary Milne is an award-winning singer-songwriter from Bancroft, Ontario and Toronto, Ontario. A self-taught musician and producer Milne is known for her unique voice which has been described as \"wonderfully imprecise\". Her first demo Sister Rodeo was released in", + "score": 0.72216796875 + }, + { + "id": "18101076", + "title": "Joey Powers", + "text": "Ohio State University to complete his degree and work as a wrestling coach. However, after ending his contract with Vance in 1963, one of his demo recordings, \"Midnight Mary\", the lyrics of which were inspired by Jamela, the beautiful daughter of a deposed general, who was exiled to the United States along with the Shah of Iran, was heard by Paul Simon (then known as Jerry Landis), who recommended it to record label owner Larry Uttal. The song was written by Artie Wayne and Ben Raleigh, originally for the Everly Brothers who turned it down. Released as a single by", + "score": 0.72021484375 + }, + { + "id": "8834688", + "title": "Mary Blane", + "text": "Rival 1848 editions credit Edwin P. Christy or Charles White and John Hill Hewitt. The name of F. C. Germon (or German) appears in credits as well. Regardless of who originally wrote or composed it, \"Mary Blane\" was by far the most popular song in the lost-lover genre in antebellum blackface minstrelsy. Research by musicologist William J. Mahar's has found versions of the song in more songsters published between 1843 and 1860 than any other number, edging out such hits as \"Miss Lucy Long\" and \"Old Dan Tucker\". Mary Blane \"Mary Blane\", also known as \"Mary Blain\" and other variants,", + "score": 0.72021484375 + }, + { + "id": "6720897", + "title": "Buddy Greene", + "text": "harmonica medley at Carnegie Hall. Buddy Greene Buddy Greene (born October 30, 1953) is an American singer, songwriter, guitar player and harmonica player. Most of his recordings consist of gospel music with a distinctly Southern gospel flavor. Much of his music is influenced by country music and bluegrass music. Greene grew up in Macon, Georgia. He has written the music for many songs and also co-wrote the Christmas song \"Mary, Did You Know?\" with Mark Lowry; Greene also wrote \"Recovering Pharisee\" recorded by Del McCoury, and \"He Is\" recorded by Ashley Cleveland. He is considered a harmonica legend by many,", + "score": 0.72021484375 + }, + { + "id": "12706494", + "title": "The Gift (Kenny Rogers album)", + "text": "The Gift (Kenny Rogers album) The Gift is the twenty-seventh studio album and a holiday album by country music singer Kenny Rogers. It was released in 1996 via Magnatone Records. The album features a rendition of \"Mary, Did You Know?\" featuring Wynonna Judd. This version of the song charted at No. 55 on Hot Country Songs in 1997. Giving it 2.5 out of 5 stars, Stephen Thomas Erlewine of Allmusic wrote that \"it does suffer from uneven material and the occasional indifferent performance. There are enough good moments here to make it worthwhile for hardcore Kenny fans, but not enough", + "score": 0.71875 + }, + { + "id": "10442374", + "title": "Johnny and Mary", + "text": "Johnny and Mary \"Johnny and Mary\" is a song written and originally performed by Robert Palmer. Palmer's version was recorded in 1980 at Compass Point Studios, New Providence, in the Bahamas. The song was featured on Palmer's album \"Clues\" (1980). \"Johnny and Mary\" went to no. 44 on the UK Singles Chart, and was a top 40 hit in Canada, Australia, New Zealand, South Africa and several European countries. In Germany, it peaked at no. 7 on the singles chart and spent a total of 23 weeks in the Top 20. In Spain, it peaked at no. 1 on the", + "score": 0.7177734375 + }, + { + "id": "9033240", + "title": "Kevin Johnson (singer)", + "text": "music career by singing in local beer gardens, then joining the Candymen on lead vocals and rhythm guitar. From the early 1960s he worked for the Queensland Department of Roads as a clerk; playing and singing at night and writing songs in his spare time. Some of his songs came to the notice of rock and roll artist, Col Joye, who signed Johnson to his publishing company. In September 1966 Col Joye and the Joy Boys had a hit with \"Mary Anne\", which had been written by Johnson. In 1967 Johnson relocated to Sydney and recorded his first single, \"Hayman", + "score": 0.71728515625 + }, + { + "id": "2962569", + "title": "The Association", + "text": "group for the next eight years, then on and off during the two years after that. But the change in management turned out to be less than amicable as Fredericks later sued the band for breach of contract and was subsequently awarded a settlement. Their national break would come with the song \"Along Comes Mary\", written by Tandyn Almer. Alexander first heard the song when he was hired to play on a demo version and persuaded Almer to give the Association first dibs on it. The song proved controversial due to the fact that \"Mary\" was street slang for marijuana,", + "score": 0.71728515625 + }, + { + "id": "3193613", + "title": "Bob Merrill", + "text": "director for Columbia Pictures and while on location for a film, he was asked to write some songs for the actress in the film, Dorothy Shay, who was recording an album at the time. Dorothy's album \u2033Park Avenue Hillbilly\u2033 became a hit which launched Bob's career. Soon Bob was invited to collaborate with Al Hoffman and Clem Watts, to write some songs. They came up with a novelty song \"If I Knew You Were Comin' I'd've Baked a Cake\", recorded in 1948 by Eileen Barton. He also co-wrote the Moon Mullican song \"You don't have to be a baby to", + "score": 0.716796875 + }, + { + "id": "7226496", + "title": "He Knows You Know", + "text": "He Knows You Know \"He Knows You Know\" is a song by the British neo-progressive rock band Marillion. It was their second single, with \"Charting the Single\" as the B-side. It was released from their first album, \"Script for a Jester's Tear\", and peaked at number 35 on the UK Singles Chart. The song's theme is drug abuse, and alludes particularly to intravenous drug use. In concert, lead vocalist Fish would often introduce it as \"The Drug Song\" and state that it was inspired by drug use while he was working at the Job/Benefits centre in Aylesbury. As with all", + "score": 0.7158203125 + }, + { + "id": "15925117", + "title": "Virgin Mary (song)", + "text": "can sometimes be found on eBay. The song was featured on two LPs in Europe in the 1970s, being included on the Dutch release of Summer's \"Love To Love You Baby\" album (replacing \"Full Of Emptiness,\" which was originally part of Summer's debut album) and also the Dutch/German-only \"Greatest Hits\" compilation in 1977. It was finally made available on CD in 2012, as part of a Giorgio Moroder compilation entitled \"On The Groove Train\". Virgin Mary (song) \"Virgin Mary\" is a song by American singer Donna Summer, released in the Netherlands in 1975. It was written by Giorgio Moroder and", + "score": 0.7158203125 + }, + { + "id": "19191216", + "title": "You Don't Know Anything", + "text": "\"You Don't Know Anything\" received promotion by Atlantic Records after the former track was included on the soundtrack for the 1998 film, \"There's Something About Mary\". The recording received generally favorable reviews from music critics who compared the song to the works of Irish rock group My Bloody Valentine. \"You Don't Know Anything\" was written by Ivy band members Dominique Durand, Adam Schlesinger and Andy Chase. The production of the track was handled by Chase and Schlesinger, with additional production provided by Peter Nashel. Musically, \"You Don't Know Anything\" is a pop rock/indie rock song, also incorporating elements of indie", + "score": 0.71484375 + }, + { + "id": "6235513", + "title": "Mary's Boy Child", + "text": "Mary's Boy Child \"Mary's Boy Child\" is a 1956 Christmas song, written by Jester Hairston. It is widely performed as a Christmas carol. The song had its genesis when Hairston was sharing a room with a friend. The friend asked him to write a song for a birthday party. Hairston wrote the song with a calypso rhythm because the people at the party would be mainly West Indians. The song's original title was \"He Pone and Chocolate Tea\", pone being a type of corn bread. It was never recorded in this form. Some time later Walter Schumann, at the time", + "score": 0.71435546875 + }, + { + "id": "17196680", + "title": "Mary Was the Marrying Kind", + "text": "and reaching compared to its effortless, stream-of-consciousness verses.\" Kyle Ward of \"Roughstock\" gave it 4.5 stars out of 5, saying that \"Moore gives an impassioned vocal performance, particularly on the chorus. It\u2019s a tad overproduced, but by 2011 standards is far from gluttonous.\" Mary Was the Marrying Kind \"Mary Was the Marrying Kind\" is a song recorded by American country music artist Kip Moore, co-written by Dan Couch and Scott Stepakoff. The song, which was released as Moore's debut single in March 2011, was the fourth most added country single at the time of its release and peaked at number", + "score": 0.7138671875 + }, + { + "id": "10442377", + "title": "Johnny and Mary", + "text": "appears on Ferry's fourteenth studio album, \"Avonmore\". Johnny and Mary \"Johnny and Mary\" is a song written and originally performed by Robert Palmer. Palmer's version was recorded in 1980 at Compass Point Studios, New Providence, in the Bahamas. The song was featured on Palmer's album \"Clues\" (1980). \"Johnny and Mary\" went to no. 44 on the UK Singles Chart, and was a top 40 hit in Canada, Australia, New Zealand, South Africa and several European countries. In Germany, it peaked at no. 7 on the singles chart and spent a total of 23 weeks in the Top 20. In Spain,", + "score": 0.7138671875 + }, + { + "id": "10315919", + "title": "Joseph Meyer (songwriter)", + "text": "Joseph Meyer (songwriter) Joseph Meyer (March 12, 1894 \u2013 June 22, 1987) was an American songwriter who wrote some of the most notable songs of the first half of the twentieth century. Meyer collaborated with many famous songwriters of the day including Buddy DeSylva, Al Lewis and Al Sherman. Three of his most famous songs were the 1922 hit, \"California, Here I Come\", \"My Honey's Lovin' Arms\" (1922) and \"If You Knew Susie\" (1925), a song he co-wrote with Buddy DeSylva. Meyer songs have been featured in over 120 motion picture soundtracks. He wrote the melody to \"A Cup of", + "score": 0.712890625 + }, + { + "id": "14933138", + "title": "Mary Had a Little...", + "text": "two films were never shot. The screenplay was based on the play of the same name by Arthur Herzog Jr., Muriel Herman and Al Rosen, which had its West End opening at the Strand Theatre on 27 November 1951 in a production directed by the famous farceur Ralph Lynn. Production took place in October 1960 at Walton Studios near London under the supervision of David Rose. The theme tune, \"Mary Had a Little...\", was written by Buzzell and sung by Dick James. The completed film turned out to be Buzzell's final directorial assignment and also the penultimate credit for its", + "score": 0.712890625 + }, + { + "id": "7319982", + "title": "Mary from Dungloe (song)", + "text": "Mary from Dungloe (song) \"Mary from Dungloe\" is an Irish song originally penned by a Donegal stonemason P\u00e1draig Mac Cumhaill in 1936, telling a tragic story of love and heartbreak. A modified version of the song was re-released by The Emmet Spiceland Ballad Group and reached number 1 in the Irish singles music chart on February 24, 1968. This success prompted the creation of the Mary From Dungloe International Festival, an Irish music festival held in Dungloe, in northwest Ireland. There exists two versions of the song, the original long version by P\u00e1draig MacCumhaill and a shorter version by Colm", + "score": 0.712890625 + }, + { + "id": "4103464", + "title": "Cindy Walker", + "text": "love not to be\u201d. \"You Don't Know Me\" has been recorded by numerous artists over the years, most successfully by Jerry Vale (1956); Lenny Welch (1960); Ray Charles (1962); and Elvis Presley (1967). \"Anna Marie\", was a hit for Jim Reeves in 1957 and the beginning of another productive artist-writer association which culminated in \"This is It\" (1965) and \"Distant Drums\" (a posthumous hit for Reeves). \"Distant Drums\" remained at No.1 on the British charts for five weeks in 1966. Reeves recorded many of Walker's compositions, she often wrote specifically for him and offered him the right of first refusal", + "score": 0.71240234375 + }, + { + "id": "11019288", + "title": "Carrie Anne", + "text": "was named (by her mother) in honour of the song, which was released three months before her birth. According to Allan Clarke the song was written during a concert the group did with Tom Jones and the song was written mainly by Graham Nash and Tony Hicks with Allan Clarke supplying the lyrics for the middle eight. In 1995, Graham Nash revealed that he had written the song for Marianne Faithfull but was \"too shy\" to use her real name. The song features steel drums. The song was recorded in only two takes on 1 May 1967 at EMI's Abbey", + "score": 0.71240234375 + }, + { + "id": "9542480", + "title": "Mary (Supergrass song)", + "text": "children) and a girl drowning in a bathtub while blood spouts from the sink. The video was banned from television due to being \"too frightening\". An edited version was released, replacing the aforementioned scary scenes with pictures of onions. Mary (Supergrass song) \"Mary\" was the third and final single from the Britpop band Supergrass' eponymous third album. Released in November 1999, it reached a disappointing #36 on the UK Charts, their lowest charting single for 5 years. This was also the last Supergrass single to be released on cassette. Mary is written in the key of Cm. The verses and", + "score": 0.7119140625 + }, + { + "id": "15438725", + "title": "Mary Milne", + "text": "Mary Milne Mary Milne is an award-winning singer-songwriter from Bancroft, Ontario and Toronto, Ontario. A self-taught musician and producer Milne is known for her unique voice which has been described as \"wonderfully imprecise\". Her first demo Sister Rodeo was released in 2006 followed by the EP, Don't You Know I Love The Leavin' in 2009. In 2011 her song Already Gone from the Canadian feature film The Trotsky won a Genie Award for Best Achievement in Music - Original Song. From 2012-2016 Her song \"Shadows and Lights\" was used in an international ad campaign for Ikea. In 2017 she worked", + "score": 0.7119140625 + }, + { + "id": "18668578", + "title": "Mary Peters (hymn writer)", + "text": "Mary Peters (hymn writer) Mary Peters (17 April 1813 \u2013 29 July 1856) was a British hymnwriter. She produced more than fifty hymns. Mary Bowly was born in Cirencester in 1813, to Richard and Mary Bowly. She married John McWilliam Peters who was the vicar of Quenington and then Langford. Peters gave her efforts to writing and she wrote her hymns by the time she was thirty. She created a large history in seven volumes from the \"point of creation to the start of Queen Victoria's reign\", but her notability comes from her hymns. Peters married John Peters at the", + "score": 0.71044921875 + }, + { + "id": "18467610", + "title": "Kathryn (album)", + "text": "to Daniel Padilla's signature song \"Na Sa \u2019Yo Na Ang Lahat\" and were both composed by Jungee Marcelo. Bernardo states that she and Padilla would listen to the music of Michael Bubl\u00e9 and their favorite love song is \"Grow Old With You\". \"You Don't Know Me\" was written by singer-songwriter and Star Records artist Marion Aunor. It is about a blooming relationship that fails to take off because of the lack of effort of one of those involved to genuinely get to know the other. In an interview with \"Philippine Entertainment Portal\", she revealed that her label's head Roxy Liquigan", + "score": 0.7099609375 + }, + { + "id": "8708094", + "title": "I Don't Know How to Love Him", + "text": "I Don't Know How to Love Him \"I Don't Know How to Love Him\" is a song from the 1970 rock opera \"Jesus Christ Superstar\" written by Andrew Lloyd Webber (music) and Tim Rice (lyrics), a torch ballad sung by the character of Mary Magdalene. In the opera she is presented as bearing an unrequited love for the title character. The song has been much recorded, with \"I Don't Know How to Love Him\" being one of the rare songs to have had two concurrent recordings reach the Top 40 of the Hot 100 chart in \"Billboard\" magazine, specifically those", + "score": 0.7099609375 + }, + { + "id": "7679135", + "title": "Allroy's Revenge", + "text": "placed on probation. Reynolds contributed \"Box\", \"Mary\", and \"No Traffic\". \"Mary\" particularly impressed Stevenson: \"When I heard 'Mary', I was just like 'I want that song. That\u2019s an All song, he recalled. \"When he brought the song in,\" said bassist Karl Alvarez, \"he had a guitar, and I think it had three strings on it or something. He literally played that bass figure, basically it's the single note in bass bar.\" Though the song is credited solely to Reynolds, guitarist Stephen Egerton wrote the guitar parts: We'd been beating it to death in the practice room forever, trying to figure", + "score": 0.70947265625 + }, + { + "id": "17621593", + "title": "Mary Ann (Ray Charles song)", + "text": "Mary Ann (Ray Charles song) \"Mary Ann\" is a song written and performed by Ray Charles and released in 1956 as a single on the Atlantic Records label. It was the third Ray Charles song to reach No. 1 on the \"Billboard\" Best Selling Rhythm & Blues chart. The song is set to a Latin beat, but switches into a swing rhythm, \"an alternation that adds fun for the dancers.\" It has been described as \"a sexy blues,\" and \"a lightly lascivious tune.\" The song was written about Mary Ann Fisher (1923\u20132004), a singer who had recently joined Charles' band", + "score": 0.70947265625 + }, + { + "id": "9492802", + "title": "Meet Danny Wilson", + "text": "Meet Danny Wilson Meet Danny Wilson was the debut album from the Scottish pop group Danny Wilson. It became a significant hit in America on the strength of the summer of 1987 hit single \"Mary's Prayer.\" All tracks composed by Gary Clark Note: These artists, as they appear in the album credits, are not listed with any specific instruments. However, if there is a specific instrument commonly associated with the musician, it is listed after the artist's name below. with: The recording of \"A Girl I Used to Know\" on the CD version is very different to the vinyl version.", + "score": 0.70849609375 + }, + { + "id": "20839700", + "title": "Florence Mary Wilson (writer)", + "text": "Florence Mary Wilson (writer) Florence Mary Wilson (\u20131946) was a poet who wrote the ballad \"The Man from God Knows Where\". Born in Lisburn, Co. Antrim to Robert Addy a mill manager, she married solicitor Fred Wilson in 1898 and lived in Bangor, County Down with whom she had six children. Wilson was a regular contributor to the Irish Homestead, Northern Whig, and other papers. She was a friend of Alice Milligan and Alice Stopford Green. Wilson wrote the ballad, \"The Man from God Knows Where\" in 1918 about Thomas Russell. She wrote a volume of poetry \"The Coming of", + "score": 0.70849609375 + }, + { + "id": "12583783", + "title": "You Will Know", + "text": "peaked at number sixteen on the Adult Contemporary charts. In 1990, keyboardist Bob Baldwin covered this song from the album \"Long Way to Go.\" In the summer of 2002, R&B/Gospel duo Mary Mary also covered the song from their \"Incredible\" album. Their version was produced by Warryn Campbell. You Will Know \"You Will Know\" is a song written and recorded by American R&B singer-songwriter Stevie Wonder, taken from his 1987 \"Characters\" album. It is the opening track on the album, and is the second single from the album as well. This is Stevie Wonder's 20th and final number-one R&B hit", + "score": 0.7080078125 + }, + { + "id": "5898392", + "title": "The Mary Ellen Carter", + "text": "in the documentary about Rogers, \"One Warm Line\". The Mary Ellen Carter \"The Mary Ellen Carter\" is a song written and first recorded by Stan Rogers, intended as an inspirational shanty about triumphing over great odds. It tells the story of a heroic effort to salvage a sunken ship, the \"Mary Ellen Carter\", by some members of her crew. The song chronicles the efforts to salvage the ship, implying that it will be raised on the following day: The song ends with an inspirational message to people \"to whom adversity has dealt the final blow:\" Never give up, and, \"like", + "score": 0.7080078125 + }, + { + "id": "5605028", + "title": "You'll Never Know", + "text": "However, Faye never released a record of the ballad, and frequent later recordings of the song by other singers diminished her association with it. You'll Never Know \"You'll Never Know\" is a popular song with music written by Harry Warren and the lyrics by Mack Gordon. The song is based on a poem written by a young Oklahoma war bride named Dorothy Fern Norris. The song was introduced in the 1943 movie \"Hello, Frisco, Hello\" where it was sung by Alice Faye. The song won the 1943 Academy Award for Best Original Song, one of nine nominated songs that year.", + "score": 0.7080078125 + }, + { + "id": "5558380", + "title": "Your Mother Should Know", + "text": "at Mosaic Stadium, Regina, Canada, and dropped it from the set list afterwards. Your Mother Should Know \"Your Mother Should Know\" is a song by the Beatles from their 1967 record \"Magical Mystery Tour\", released in the US as an LP on 27 November 1967 and in the UK as a double-EP on 8 December 1967. It was written by Paul McCartney (credited to Lennon\u2013McCartney) based on a line from the screenplay for \"A Taste of Honey\". McCartney said he wrote it as a production number for the movie \"Magical Mystery Tour\", supporting an old-fashioned dance segment that starts with", + "score": 0.7080078125 + }, + { + "id": "16883616", + "title": "Love Without Tragedy / Mother Mary", + "text": "of the song and her vocal performance. Additionally, it received comparison to the works by The Police and their lead singer Sting. Upon the release of \"Unapologetic\", \"Love Without Tragedy / Mother Mary\" debuted at number 95 on the French Singles Chart, 113 on the UK Singles Chart and 13 on the UK R&B Chart, due to strong digital download sales. \"Mother Mary\" serves as the introduction to Rihanna's Diamonds World Tour (2013). \"Love Without Tragedy / Mother Mary\" was written by Rihanna together with Terius Nash and Carlos McKinney, with the latter two producing the song. Kuk Harrell provided", + "score": 0.70654296875 + }, + { + "id": "8831509", + "title": "Paul Vance", + "text": "too shy to wear a bikini in public. The song was a Top 10 hit in other countries around the world. In 1959, Vance and Pockriss released a single for Columbia records as \"Lee and Paul,\" a novelty tune called \"The Chick.\" Vance and Pockriss also provided English lyrics for the song \"Calcutta\". \"What Will Mary Say\", a Top 10 hit for the singer Johnny Mathis in 1963, was written by Vance with Eddie Snyder. In 1964, Vance and Pockriss wrote a song entitled \"Leader Of The Laundromat,\" a spoof of the then-popular \"Leader of the Pack\" by the Shangri-Las,", + "score": 0.70654296875 + }, + { + "id": "8760624", + "title": "Mike Rashkow", + "text": "Mike Rashkow Michael Rashkow (July 18, 1941 - January 23, 2013) was an American songwriter and record producer. He wrote \"Mary in the Morning\" with Johnny Cymbal. It was recorded by Elvis Presley, Glen Campbell, Al Martino, Dire Straits's Guy Fletcher, and many other artists. He formed Pineywood Productions with Ellie Greenwich in the late 1960s. Among the artists they wrote for and produced were Dusty Springfield, The Daily News, The Definitive Rock Chorale, The Fuzzy Bunnies, The Whatnauts and The Other Voices as well as Ellie Greenwich. Their publishing arm, Pineywood Music, published their own material and songs by", + "score": 0.70654296875 + }, + { + "id": "651653", + "title": "Mary Rodgers", + "text": "Mary Rodgers Mary Rodgers (January 11, 1931 \u2013 June 26, 2014) was an American composer, author and screenwriter. Rodgers was born in New York City. She was a daughter of composer Richard Rodgers and his wife, Dorothy Belle (n\u00e9e Feiner). She had a sister, Mrs. Linda Emory. She attended the Brearley School in Manhattan, and majored in music at Wellesley College. She began writing music at the age of 16 and her professional career began with writing songs for Little Golden Records, which were albums for children with three-minute songs. One of these recordings, \"Ali Baba and the 40 Thieves", + "score": 0.7060546875 + }, + { + "id": "20437849", + "title": "Hush ... Not A Word To Mary", + "text": "#36 to #18. By July 13, 1968, the single had moved from its previous position of #18 to #12. This single also marked the last of Rowles's s chart success in the UK. Hush ... Not A Word To Mary Hush ... Not A Word To Mary was the second UK hit for New Zealand singer John Rowles. It was the follow up release to his major hit If I Only Had Time. The song was written by Mitch Murray and Peter Callander. Mike Leander was the producer and arranger. The B side \"The Night We Called It A Day\"", + "score": 0.7060546875 + }, + { + "id": "3975711", + "title": "Fiddlin' John Carson", + "text": "Carson had nothing else to do but to perform for a living in the streets of North Atlanta. In these days, he wrote many songs, and he used to print copies and sell them in the streets for a nickel or a dime. Some of the songs he wrote dealt with real-life drama like the murder ballad \"Mary Phagan\". Because the governor of Georgia, John Marshall Slaton, commuted the death sentence of the condemned murderer of Mary Phagan to a life sentence, Carson, in outrage, wrote another version of \"Mary Phagan\" where he accused the governor of being paid a", + "score": 0.7060546875 + }, + { + "id": "5197788", + "title": "Kenny Rogers and The First Edition", + "text": "to Kenny who hadn't yet formed his solo band. Kenny later said that writing the song \"Sweet Music Man\" made him cut his hair and let it go gray, plus get rid of the earring. The song may have played a part in his future middle of the road image, but the change did not happen until almost a year after it was written. Mary Arnold often sang \"Sweet Music Man\" on the First Edition's post Terry Williams gigs and Kenny also tried the lead out a few times. This was to become one of Rogers' most covered compositions, and", + "score": 0.70556640625 + }, + { + "id": "20839701", + "title": "Florence Mary Wilson (writer)", + "text": "the Earls\" which was republished frequently and was popular in America. Florence Mary Wilson (writer) Florence Mary Wilson (\u20131946) was a poet who wrote the ballad \"The Man from God Knows Where\". Born in Lisburn, Co. Antrim to Robert Addy a mill manager, she married solicitor Fred Wilson in 1898 and lived in Bangor, County Down with whom she had six children. Wilson was a regular contributor to the Irish Homestead, Northern Whig, and other papers. She was a friend of Alice Milligan and Alice Stopford Green. Wilson wrote the ballad, \"The Man from God Knows Where\" in 1918 about", + "score": 0.70556640625 + }, + { + "id": "5296293", + "title": "Along Comes Mary", + "text": "and Plainsong both covered it in 2005, and The Folkswingers covered it in 2007. The Association's version appears in the 2011 film \"That's What I Am.\" Along Comes Mary \"Along Comes Mary\" is a song composed by Tandyn Almer, originally recorded in 1966 by the Association, and released on their debut album \"And Then... Along Comes the Association\". It was their first hit and reached number seven on the U.S. charts. \"Along Comes Mary\" is sung from the point of view of a once-disillusioned young man talking about the \"tribulations no one ever sees\" and who \"curse[s] those faults in", + "score": 0.705078125 + }, + { + "id": "15925115", + "title": "Virgin Mary (song)", + "text": "Love You\" had been released in the Netherlands, and would later be reworked and retitled \"Love To Love You Baby\" and be released internationally as Summer's breakthrough hit in both the United States and the United Kingdom. \"Virgin Mary\" was released in the Netherlands prior to this, as the follow-up to the original \"Love To Love You.\" Written by Moroder and Bellotte, the song contained slow verses and then sped up for the choruses, before returning to a slow fade out. It also made fairly heavy use of backing vocals. The lyrics told the story of a formerly beautiful woman", + "score": 0.705078125 + }, + { + "id": "7226497", + "title": "He Knows You Know", + "text": "Marillion songs during this period, the lyrics were written by Fish. The music video for this song features Fish struggling in a straitjacket having visions of a Jackson's Chameleon as featured on the album artwork of Marillion's first three albums. \"He Knows You Know\" is the only 12-inch single from Marillion's first three albums that was never produced as a picture disc. The song was supposed to be performed live on \"Top Of The Pops\" in 1983, but as Fish explains during the concert recorded for \"Recital of the Script\", this never happened. However, a live version was later recorded", + "score": 0.7041015625 + }, + { + "id": "7811642", + "title": "Tandyn Almer", + "text": "Tandyn Almer Tandyn Douglas Almer (July 30, 1942 \u2013 January 8, 2013) was an American songwriter, musician, and record producer who wrote the 1966 song \"Along Comes Mary\" for the Association. He also wrote, co-wrote, and produced numerous other songs performed by artists such as the Beach Boys, the Purple Gang, the Garden Club, and Dennis Olivieri. In the early 1970s, he was a close friend of Brian Wilson, collaborating on the Beach Boys' songs \"Marcella\" (1972) and \"Sail On, Sailor\" (1973). Almer was born in Minneapolis, Minnesota. He attended a music conservatory in Minnesota and became fascinated with the", + "score": 0.70361328125 + }, + { + "id": "10063367", + "title": "Mary Don't You Weep", + "text": "whose lyrics borrowed heavily from the spiritual. Paul Clayton's version \"Pharaoh's Army\" appears in \"Home-Made Songs & Ballads\", which was released in 1961. James Brown rewrote the lyrics of the original spiritual for his 1964 soul hit with his vocal group The Famous Flames, \"Oh Baby Don't You Weep\". Aretha Franklin recorded a live version of the song for her 1972 album \"Amazing Grace\". An \"a cappella\" version by Take 6, simply called \"Mary\", received wide airplay after appearing on the group's eponymous debut album in 1988. The song is sung briefly at the beginning of the music video for", + "score": 0.70361328125 + }, + { + "id": "7541170", + "title": "Mary Jane (Rick James song)", + "text": "Mary Jane (Rick James song) \"Mary Jane\" is a song by American funk singer Rick James. It was released in 1978 as the second single from his debut album \"Come Get It!\". The song peaked in the top five on the R&B charts in the United States in 1978. As one of his earliest hits as a solo artist, it is one of his most notable songs. It was composed by James, along with keyboardist Billy Nunn, who was credited for the keyboards, strings, background vocals, helping to compose the song, arranging flute parts, and other instrumentation work. \"Mary Jane\"", + "score": 0.70361328125 + }, + { + "id": "8760633", + "title": "Mike Rashkow", + "text": "Strother. Michael Rashkow died on Wednesday, January 23, 2013, at a hospice near his home, surrounded by family. Mike Rashkow Michael Rashkow (July 18, 1941 - January 23, 2013) was an American songwriter and record producer. He wrote \"Mary in the Morning\" with Johnny Cymbal. It was recorded by Elvis Presley, Glen Campbell, Al Martino, Dire Straits's Guy Fletcher, and many other artists. He formed Pineywood Productions with Ellie Greenwich in the late 1960s. Among the artists they wrote for and produced were Dusty Springfield, The Daily News, The Definitive Rock Chorale, The Fuzzy Bunnies, The Whatnauts and The Other", + "score": 0.70361328125 + }, + { + "id": "19175776", + "title": "Jordan Smith (musician)", + "text": "one of the best things I've ever seen in my entire life.\" Within 30 minutes, the single was the best selling song in the iTunes Store, knocking \"Hello\" from the top spot for a second time. \"Mary, Did You Know?\" was Smith's choice for the final competition show. It became his second consecutive performance to reach the top of the iTunes Store, bumping \"Hello\" a third time. For the results finale, Smith teamed up with Usher and sang David Guetta's \"Without You\". At the end of the broadcast, Smith was declared the winner of season nine, earning US$100,000 and a", + "score": 0.703125 + }, + { + "id": "5281535", + "title": "Marianne (Terry Gilkyson song)", + "text": "name \"The Charmer,\" recorded \"Marianne.\" Allan Sherman sang about Cary Grant based on this song which went as follows (from \"Shticks of one Kind and Half Dozen of Another\"): In the nudie-cartoon anthology \"Sex to Sexty\", which included \"Balled-Up Ballads\"\u2014popular tunes with racy lyrics\u2014the following lines were written for \"Marianne\": Marianne (Terry Gilkyson song) \"Marianne\" is a popular song. \"Mary Ann,\" composed by calypsonian Roaring Lion (born name: Rafael de Leon), was popular with steelbands and revelers during a spontaneous Carnival celebration on V-J Day in Trinidad in 1945, at the end of World War II. The song's lyrics alluded", + "score": 0.703125 + }, + { + "id": "7596884", + "title": "If I Never Knew You", + "text": "If I Never Knew You \"If I Never Knew You\" is a song by American recording artists Jon Secada and Shanice, from Disney's 1995 animated feature film, \"Pocahontas\". The song was written by composer Alan Menken and lyricist Stephen Schwartz, and originally recorded by American singer Judy Kuhn in her film role as the singing voice of Pocahontas, and American actor Mel Gibson in his role as Captain John Smith. Shanice and Secada's version is heard during film's end credits, and was released on September 12, 1995 as the second single from the film's soundtrack, after Vanessa Williams' pop and", + "score": 0.703125 + }, + { + "id": "5558377", + "title": "Your Mother Should Know", + "text": "Your Mother Should Know \"Your Mother Should Know\" is a song by the Beatles from their 1967 record \"Magical Mystery Tour\", released in the US as an LP on 27 November 1967 and in the UK as a double-EP on 8 December 1967. It was written by Paul McCartney (credited to Lennon\u2013McCartney) based on a line from the screenplay for \"A Taste of Honey\". McCartney said he wrote it as a production number for the movie \"Magical Mystery Tour\", supporting an old-fashioned dance segment that starts with the Beatles coming down a grand staircase in white tuxedoes. After they descend,", + "score": 0.703125 + }, + { + "id": "19011564", + "title": "Didn't Know You", + "text": "Didn't Know You \"Didn't Know You\" is a song by American music duo Karmin. It was released via P.I.C records on June 2, 2015. It is the second single from their sophomore album \"Leo Rising\" which was released in September 2016. The song was written by members Amy Heidemann and Nick Noonan, and was produced by band member Nick Noonan. In an e-mail sent to their subscribers, Karmin announced that \"Didn't Know You\" was the first single from their debut album \"Leo Rising\", although after the official track listing was released it was mentioned that there was a relisting of", + "score": 0.703125 + }, + { + "id": "17763694", + "title": "All for the Beatles", + "text": "\"All for the Beatles (Stand Up and Holler)\". The song was released with \"Will You Come Back My Love?\" as the B-side. In 1965, Marascalco adapted the rhythm and melody of \"All for the Beatles\" for the song \"Mary Mary\", which was recorded by the Doo Wop group The Electras with a new bridge and lyrics. For the release of the song through Marascalco's own labels Lola Records and Ruby-Doo Records the Electras members Gary Pipkin, Chester Pipkin and Brice Coefield were listed as songwriters in place of Nilsson and Marascalco. Neither the original nor the cover version of \"All", + "score": 0.703125 + }, + { + "id": "19894062", + "title": "In Case You Didn't Know (song)", + "text": "Kristopher Peters and Trent Tomlinson. According to Young, the inspiration for the song came from a story told by Peters about his wife Brandy: \"[Peters] said when he was a kid, his mom would not be the type to say \"I love you\" but he seemed to always know it in some way. Peters married his wife in March 1998 and he wanted to show his love for her by co writing this song.\" In 2017, Young released a duet version of the song with Irish singer Una Healy. The song first entered on \"Billboard\"s Hot Country Songs chart at", + "score": 0.703125 + }, + { + "id": "6971189", + "title": "Mary from the Dairy", + "text": "Mary from the Dairy Mary From the Dairy is a comic song made famous by British comedian Max Miller, The Cheeky Chappie, in the 1930s and 1940s. With words by Max Miller, Sam Kern & James Walsh and music by Sam Kern, it became Miller's signature tune, played by the orchestra when he walked on stage. It was a mildly risqu\u00e9 song about Max Miller falling for Mary from the dairy and includes the lines \"I don't do things by halves / I'll let you see my calves / and they're not the same shaped calves as Nellie Dean's.\" Sam", + "score": 0.70263671875 + }, + { + "id": "10733044", + "title": "You Don't Know (Kierra Sheard song)", + "text": "You Don't Know (Kierra Sheard song) You Don't Know is the debut single by gospel artist Kierra \"Kiki\" Sheard. The song was chosen as the lead single for Sheard's debut project, I Owe You. The song was specifically written and produced for Sheard by Rodney Jerkins for Darkchild Productions. In 2001 Kierra's mother, Karen Clark-Sheard, was faced with a life-threatening crisis when a blood vessel burst during a scheduled hernia surgery. Her doctors only gave her a 2% chance of survival due to her complications. After the blood clot was surgically removed, Clark-Sheard fell into a coma. The coma lasted", + "score": 0.70263671875 + }, + { + "id": "10057737", + "title": "Keep Your Eyes on the Prize", + "text": "in her 1958 performance of \"Keep Your Hand on the Plow\", begins with the couplet \"\"Mary had three links of chain, Every link bearin' Jesus name\".\" Bob Dylan also sings these lyrics in his upbeat version of \"Gospel Plow.\" Carl Sandburg, in his 1927 book \"The American Songbag\", attributes these lyrics to yet another song entirely, \"Mary Wore Three Links of Chain.\" Modern choral arrangements of this song sound entirely different from either the Eyes-Prize or Hand-Plow songs. Both Sandberg in the preface to his book and folk singer Pete Seeger in the opening remarks to his Carnegie Hall performance", + "score": 0.7021484375 + }, + { + "id": "5898386", + "title": "The Mary Ellen Carter", + "text": "The Mary Ellen Carter \"The Mary Ellen Carter\" is a song written and first recorded by Stan Rogers, intended as an inspirational shanty about triumphing over great odds. It tells the story of a heroic effort to salvage a sunken ship, the \"Mary Ellen Carter\", by some members of her crew. The song chronicles the efforts to salvage the ship, implying that it will be raised on the following day: The song ends with an inspirational message to people \"to whom adversity has dealt the final blow:\" Never give up, and, \"like the Mary Ellen Carter, rise again!\" The song", + "score": 0.7021484375 + }, + { + "id": "5605027", + "title": "You'll Never Know", + "text": "You'll Never Know \"You'll Never Know\" is a popular song with music written by Harry Warren and the lyrics by Mack Gordon. The song is based on a poem written by a young Oklahoma war bride named Dorothy Fern Norris. The song was introduced in the 1943 movie \"Hello, Frisco, Hello\" where it was sung by Alice Faye. The song won the 1943 Academy Award for Best Original Song, one of nine nominated songs that year. It was also performed by Faye in the 1944 film \"Four Jills in a Jeep\". The song is often credited as Faye's signature song.", + "score": 0.7021484375 + }, + { + "id": "20162980", + "title": "God Only Knows (1954 song)", + "text": "God Only Knows (1954 song) God Only Knows was a regional hit for Philadelphia Doo wop group The Capris. It was their debut single for the group and was written by Ruben Wright. The song also had a dramatic effect on Motown singer Marvin Gaye. It has been covered by other artists as well. The song was written by Ruben Wright. It was hastily written and together with five other songs it was recorded by The Capris with their very recently acquired female singer Renee Hinton on lead vocal. According to Charlie Stroud (who was to leave the group before", + "score": 0.70166015625 + }, + { + "id": "14246908", + "title": "Mary Cohan", + "text": "father's songs for the hit 1968 Broadway musical, \"George M!\". Like most of the Cohans, Mary was guarded about her private life. She married Neil Litt, an orchestra leader, in September 1927; they had one daughter and were later divorced. In 1940, she shocked her family by eloping with accordion player George Ronkin (aka Ranken). Not much more is known about her personal life. What is known is that Mary Cohan was adored by her larger-than-life father. The song \"Mary's a Grand Old Name,\" written by George M. Cohan for the Broadway musical \"Only 45 Minutes from Broadway\" and featured", + "score": 0.70166015625 + }, + { + "id": "5580767", + "title": "A Taste of Honey (song)", + "text": "and \"Easy Beat\". In 1967, McCartney was inspired to compose \u201cYour Mother Should Know\u201d based on a line taken from the screenplay. Engineered by Norman Smith Lenny Welch recorded an early vocal version. It was released as a single in September 1962 on the Cadence Records label and included on his 1963 album \"Since I Fell for You\". This version also credits Lee Morris as a writer but it is not known if it was he who provided the lyrics. This credit does not appear on any covers of the song, with only Marlow/Scott credited. Johnny Rivers covered the song", + "score": 0.70166015625 + }, + { + "id": "929062", + "title": "Victoria Williams", + "text": "Victoria Williams Victoria Williams (born December 23, 1958) is an American singer, songwriter and musician, originally from Shreveport, Louisiana, although she has resided in Southern California throughout her musical career. She is noted for her descriptive songwriting talent, which she has used to immerse the listener of her songs into a vivid feeling of small-town, rural Southern upbringing and life. Her best-known songs include \"Crazy Mary\", and \"Century Plant\", and much of her work finds inspiration in nature, (\"Weeds\", \"Century Plant,\" \"Why Look at the Moon\"), everyday objects (\"Shoes,\" \"Frying Pan\") and the unseen, as in \"Holy Spirit\". Williams was", + "score": 0.701171875 + }, + { + "id": "11520763", + "title": "Quincy Coleman (singer)", + "text": "Quincy Coleman (singer) Quincy Coleman (born February 21, 1972 in Los Angeles, California) is an American songwriter, guitarist, and vocalist. Coleman's first album, released in 2003, is \"Also Known as Mary\". The track list is: Her second album, \"Come Closer\" was released in 2006. The track list is: Single Releases Her song \"Also Known as Mary\" is on the soundtrack for the 2004 Academy Award-winning film \"Crash.\" She covered the Tommy Edwards song \"It's All in the Game\", which appeared in the 2006 film \"How to Go Out on a Date in Queens\". She sings two songs on the soundtrack", + "score": 0.70068359375 + }, + { + "id": "7746503", + "title": "Don't Know Much", + "text": "Don't Know Much \"Don't Know Much\" is a song written by Barry Mann, Cynthia Weil and Tom Snow. The original version of this song was recorded by Barry Mann in 1980 and was made famous when it was covered as a duet by Linda Ronstadt and Aaron Neville in 1989. Their version was a worldwide success, topping the Irish Singles Chart and reaching the top 10 in several territories. The song first appeared on Barry Mann's self-titled 1980 album, released on Casablanca records. Bill Medley and Bette Midler (under the title \"All I Need to Know\") then had minor chart", + "score": 0.70068359375 + }, + { + "id": "7811643", + "title": "Tandyn Almer", + "text": "music of John Coltrane, Miles Davis and Ahmad Jamal. At age 17, he quit high school and moved to Chicago, Illinois to become a jazz pianist. In the early 1960s, he relocated once more to Los Angeles, California, where his musical interests shifted to pop and rock after he became enamored of the oeuvre of Bob Dylan. During this period, he attended Los Angeles City College. His most prominent achievement was writing the 1966 U.S. Top 10 hit \"Along Comes Mary\" for the Association. Claudia Ford, wife of Association producer Curt Boettcher, claimed that Almer wrote \"Along Comes Mary\" as", + "score": 0.70068359375 + }, + { + "id": "8834687", + "title": "Mary Blane", + "text": "The stage performance of \"Mary Blane\" is not well known. However, the song is primarily sentimental in nature, so its singer most likely took a maudlin and melodramatic approach. The seemingly illogical verses that were often added may have served as comedy, or they may simply have provided something familiar to audiences and freed up the company to act out scenes, dance, or do other dramatic bits. Credits for \"Mary Blane\" vary. A version in print from 1844 to 1855 credits words to Wellington Guernsey and music to George Barker. An 1847 edition attributes the song to J. H. Howard.", + "score": 0.7001953125 + }, + { + "id": "13257562", + "title": "How Was I to Know (John Michael Montgomery song)", + "text": "How Was I to Know (John Michael Montgomery song) \"How Was I to Know\" is a song written by Will Rambeaux and Blair Daly, and recorded by American country music artist John Michael Montgomery. It was released in June 1997 as the fourth and final single from his album \"What I Do the Best\". It peaked at number 2 in the United States, and number 8 in Canada. Reba McEntire recorded an unrelated song with the same title earlier in the year, which went to number-one. Chuck Taylor, of \"Billboard\" magazine reviewed the song favorably calling it a \"less traditional,", + "score": 0.7001953125 + }, + { + "id": "9260644", + "title": "Johnny Cymbal", + "text": "Hall Of Famer Charlie Black; Austin Roberts of \"I.O.U.\" fame; Mark Sameth; multiple CMA award winner Gene Pistilli; legendary Nashville writer David Malloy; Bill Holmes, Peggy Clinger; and with Michael Rashkow as his co-writer, he penned the 10,000,000+ seller and BMI Million Performance Award Winner, \"Mary In The Morning.\" With that song, John attained a lifetime ambition - to have one of his compositions recorded by Elvis Presley. George Tobin who together with Cymbal wrote and produced \"Cinnamon,\" his biggest pop production. George Tobin was a staff producer for Musicor Records and he and Cymbal formed a writing and production", + "score": 0.7001953125 + }, + { + "id": "7811644", + "title": "Tandyn Almer", + "text": "a slow song. Boettcher helped Almer arrange the tune, sang the vocal on the demo and accelerated the tempo. That version, as provided to the Association, became the group's breakthrough single from their debut album, which Boettcher produced. The two also co-wrote \"Message of Our Love\", another song on the same album. After the success of \"Along Comes Mary\", Almer was featured alongside Frank Zappa, Graham Nash, Roger McGuinn, and Brian Wilson on \"\", a 1967 CBS News documentary presented by Leonard Bernstein. Almer's sole commercial release under his own name was \"Degeneration Gap\", a single released by Warner Bros.", + "score": 0.69970703125 + }, + { + "id": "11044827", + "title": "Mary Anne with the Shaky Hand", + "text": "Mary Anne with the Shaky Hand \"Mary Anne with the Shaky Hand\" is a song written by Pete Townshend and first released on The Who's 1967 album \"The Who Sell Out\". The best known version of the song has acoustic guitar and an arrangement using Latin percussion instruments. The song has ambiguous lyrics that have been subject to a variety of interpretations. Four different recordings of the song have been released by The Who. It was later performed by a number of other artists. Unlike many Who songs from the 1960s, \"Mary Anne with the Shaky Hand\" recalls the typical", + "score": 0.69970703125 + }, + { + "id": "4333919", + "title": "Susan Warner", + "text": "of her works were written jointly with her younger sister Anna Bartlett Warner, who sometimes wrote under the pseudonym \"Amy Lothrop\". The Warner sisters also wrote famous children's Christian songs. Susan wrote \"Jesus Bids Us Shine\" while Anna was author of the first verse of the well-known children's song \"Jesus Loves Me\", which she wrote at Susan's request. Both sisters became devout Christians in the late 1830s. After their conversion, they became confirmed members of the Mercer Street Presbyterian church, although in later life, Warner became drawn into Methodist circles. The sisters also held Bible studies for the West Point", + "score": 0.69921875 + }, + { + "id": "7226498", + "title": "He Knows You Know", + "text": "for the BBC \"Oxford Road Show\". A CD replica of the single was also part of a collectors' box-set released in July 2000, which contained Marillion's first twelve singles and was re-issued as a 3-CD set in 2009 (see \"The Singles '82-'88\"). He Knows You Know \"He Knows You Know\" is a song by the British neo-progressive rock band Marillion. It was their second single, with \"Charting the Single\" as the B-side. It was released from their first album, \"Script for a Jester's Tear\", and peaked at number 35 on the UK Singles Chart. The song's theme is drug abuse,", + "score": 0.69921875 + }, + { + "id": "10044437", + "title": "You Don't Know (Helen Shapiro song)", + "text": "You Don't Know (Helen Shapiro song) \"You Don't Know \" is a 1961 single by Helen Shapiro. It was written by John Schroeder and Mike Hawker and released on the Columbia (EMI) label in the United Kingdom on 29 June 1961. \"You Don't Know\" topped the UK Singles Chart for three weeks beginning on 10 August. The single sold over a million copies and earned Shapiro a gold disc. In Japan, where Shapiro's version also became popular in 1962, the song was covered in Japanese by Mieko Hirota, who had also covered Shapiro's earlier hit \"Don't Treat Me Like a", + "score": 0.6982421875 + }, + { + "id": "15047315", + "title": "Arms of Mary", + "text": "Arms of Mary \"Arms of Mary\" is a 1976 hit single by the Sutherland Brothers and Quiver; group member Iain Sutherland wrote this mid-tempo ballad whose singer reminisces about the girl with whom he had his first intimate encounter. Iain Sutherland would recall writing \"Arms of Mary\" at the family farmhouse in the Stoke-on-Trent village of Stockton Brook, adding: \"The stuff about 'the lights shine down the valley' [the opening line], I was looking down through Endon basically\", citing the village of Endon situated in the Churnet Valley. \"Arms of Mary\" was introduced on the September 1975 album release \"Reach", + "score": 0.6982421875 + }, + { + "id": "20437848", + "title": "Hush ... Not A Word To Mary", + "text": "Hush ... Not A Word To Mary Hush ... Not A Word To Mary was the second UK hit for New Zealand singer John Rowles. It was the follow up release to his major hit If I Only Had Time. The song was written by Mitch Murray and Peter Callander. Mike Leander was the producer and arranger. The B side \"The Night We Called It A Day\" was written by John Rowles and Steve Kipner. It was published by Intune, which was the new publishing company for Murray and Callender. By July 6, the single shot up 18 places from", + "score": 0.6982421875 + }, + { + "id": "18164792", + "title": "E penso a te", + "text": "written by Battisti and Mogol, named \"Mary oh Mary\"). The single wasn't a success and sold just over 30,000 copies. The song became a hit and a classic of Italian pop music only two years later, when Battisti sung the song himself and included it in the album \"\". According to a document published on 5 August 2009, the song was censured in Argentina by the National Reorganization Process with the newsletter \"24-COMFER\" on 25 July 1978, along with songs by other internationally famous artists such as John Lennon, Queen, Joan Baez, The Doors, Pink Floyd, Donna Summer and Eric", + "score": 0.6982421875 + }, + { + "id": "5966954", + "title": "White Rock Lake", + "text": "a boating accident in the 1930s. Reports of the ghostly encounters were published in Dallas-area newspapers in the 1960s. This legend is said to have been the inspiration for the bluegrass song \"Bringing Mary Home,\" written by John Duffey of The Country Gentlemen. Their version of the song made the Billboard Country Chart in 1965. The song has since been recorded by many others, including Frankie Miller, Mac Wiseman, Red Sovine, Ricky Skaggs, and Daniel O'Donnell. It is now regarded by many as a bluegrass standard. The legend was also the inspiration for Lakewood Brewing Company's second Legendary Series release,", + "score": 0.69775390625 + }, + { + "id": "16801560", + "title": "I Knew You When (song)", + "text": "No. 90 in the United Kingdom. I Knew You When (song) \"I Knew You When\" is a song written and composed by Joe South. It became a popular hit in 1965 when recorded by American pop and country singer Billy Joe Royal. There have also been several other hit cover versions of this song, including Donny Osmond and Linda Ronstadt. \"I Knew You When\" was first recorded by Billy Joe Royal for his 1965 studio album, \"Down in the Boondocks\". The song reached No. 14 on the Billboard Hot 100 the week of November 6, 1965. The song went to", + "score": 0.69775390625 + } + ], + "answer": "The Christmas song Mary Did You Know was written by both Mark Lowry and Buddy Greene. Lowry, an American singer, comedian, and songwriter, wrote the lyrics in 1984. The song's music was written in 1991 by Greene, an American singer, songwriter, guitar player, and harmonica player." + }, + { + "qa_pairs": [ + { + "context": "Incorporation, in United States law, is the doctrine by which portions of the Bill of Rights have been made applicable to the states. When the Bill of Rights was ratified, the courts held that its protections extended only to the actions of the federal government and that the Bill of Rights did not place limitations on the authority of the state and local governments. However, the post-Civil War era, beginning in 1865 with the Thirteenth Amendment, which declared the abolition of slavery, gave rise to the incorporation of other Amendments, applying more rights to the states and people over time. Gradually, various portions of the Bill of Rights have been held to be applicable to the state and local governments by incorporation through the Fourteenth Amendment in 1868 and the Fifteenth Amendment in 1870.", + "question": "The bill of rights applies to the states through this 1868 amendment?", + "short_answers": [ + "Amendment XIV", + "Fourteenth Amendment", + "Fourteenth Amendment to the United States Constitution" + ], + "wikipage": "Incorporation of the Bill of Rights" + }, + { + "context": "The Fifteenth Amendment (Amendment XV) to the United States Constitution prohibits the federal government and each state from denying a citizen the right to vote based on that citizen's \"race, color, or previous condition of servitude.\" It was ratified on February 3, 1870, as the third and last of the Reconstruction Amendments.", + "question": "The bill of rights applies to the states through this 1870 amendment?", + "short_answers": [ + "Amendment XV", + "Fifteenth Amendment", + "Fifteenth Amendment to the United States Constitution" + ], + "wikipage": "Fifteenth Amendment to the United States Constitution" + } + ], + "wikipages": [ + { + "title": "Incorporation of the Bill of Rights", + "url": "https://en.wikipedia.org/wiki/Incorporation%20of%20the%20Bill%20of%20Rights" + }, + { + "title": "Fifteenth Amendment to the United States Constitution", + "url": "https://en.wikipedia.org/wiki/Fifteenth%20Amendment%20to%20the%20United%20States%20Constitution" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "The 14th and 15th amendments of 1868 and 1870 respectively, were a ratification to the United States' Constitutional bill of rights that gave more rights to the states and people over time. " + }, + { + "knowledge": [], + "long_answer": "By incorporation through both the Fourteenth Amendment in 1868 and the Fifteenth Amendment in 1870, various portions of the Bill of Rights have been held to be applicable to the state and local governments. Incorporation is the doctrine by which portions of the Bill of Rights have been made applicable to the states. When the Bill of Rights was ratified, the courts held that the Bill of Rights did not place limitations on the authority of the state and local governments." + } + ], + "sample_id": "-1121123354486556129", + "question": "The bill of rights applies to the states through this amendment?", + "docs": [ + { + "id": "9592003", + "title": "United States Bill of Rights", + "text": "proposed amendments included a provision to extend the protection of some of the Bill of Rights to the states, the amendments that were finally submitted for ratification applied only to the federal government. The door for their application upon state governments was opened in the 1860s, following ratification of the Fourteenth Amendment. Since the early 20th century both federal and state courts have used the Fourteenth Amendment to apply portions of the Bill of Rights to state and local governments. The process is known as incorporation. There are several original engrossed copies of the Bill of Rights still in existence.", + "score": 0.79150390625, + "summary": "The Bill of Rights did not initially apply to states, but the Fourteenth Amendment in the 1860s allowed for incorporation of some of its protections to state and local governments.", + "extraction": "The bill of rights applies to the states through the Fourteenth Amendment." + }, + { + "id": "428763", + "title": "Fourteenth Amendment to the United States Constitution", + "text": "not necessarily include provisions comparable to the Bill of Rights. In \"Barron v. Baltimore\" (1833), the Supreme Court unanimously ruled that the Bill of Rights restrained only the federal government, not the states. However, the Supreme Court has subsequently held that most provisions of the Bill of Rights apply to the states through the Due Process Clause of the Fourteenth Amendment under a doctrine called \"incorporation.\" Whether incorporation was intended by the amendment's framers, such as John Bingham, has been debated by legal historians. According to legal scholar Akhil Reed Amar, the framers and early supporters of the Fourteenth Amendment", + "score": 0.77392578125, + "summary": "Most provisions of the Bill of Rights apply to the states through the Due Process Clause of the Fourteenth Amendment under a doctrine called \"incorporation.\"", + "extraction": "The Bill of Rights applies to the states through the Due Process Clause of the Fourteenth Amendment under a doctrine called \"incorporation.\"" + }, + { + "id": "4305795", + "title": "Incorporation of the Bill of Rights", + "text": "and people over time. Gradually, various portions of the Bill of Rights have been held to be applicable to state and local governments by incorporation through the Fourteenth Amendment in 1868 and the Fifteenth Amendment in 1870. Prior to the ratification of the Fourteenth Amendment and the development of the incorporation doctrine, the Supreme Court in 1833 held in \"Barron v. Baltimore\" that the Bill of Rights applied only to the federal, but not any state governments. Even years after the ratification of the Fourteenth Amendment, the Supreme Court in \"United States v. Cruikshank\" (1876) still held that the First", + "score": 0.7734375, + "summary": "The Fourteenth Amendment and Fifteenth Amendment incorporated portions of the Bill of Rights to state and local governments in 1868 and 1870, respectively. Prior to this, the Supreme Court ruled in 1833 that the Bill of Rights only applied to federal, not state governments.", + "extraction": "The Fourteenth Amendment in 1868 and the Fifteenth Amendment in 1870 incorporated various portions of the Bill of Rights to be applicable to state and local governments. Therefore, the bill of rights applies to the states through this amendment." + }, + { + "id": "19475776", + "title": "Heffernan v. City of Paterson", + "text": "that the right to assembly includes the freedom of association, particularly political association. These protections not only prohibit the government from passing laws which infringe upon these rights, but also from taking actions which would violate them. While the Bill of Rights\u2014which includes the First Amendment\u2014applied originally only to the federal government, the ratification of the Fourteenth Amendment allowed for the application of the Bill of Rights to the states under the incorporation doctrine. In order to better protect these rights in the Reconstruction Era, Congress passed the Second Enforcement Act of 1871 at the request of President Ulysses S.", + "score": 0.76416015625, + "summary": "The document confirms that the Bill of Rights applies to the states through the incorporation doctrine, which was made possible by the ratification of the Fourteenth Amendment.", + "extraction": "\"The ratification of the Fourteenth Amendment allowed for the application of the Bill of Rights to the states under the incorporation doctrine.\"" + }, + { + "id": "4305796", + "title": "Incorporation of the Bill of Rights", + "text": "and Second Amendment did not apply to state governments. However, beginning in the 1920s, a series of United States Supreme Court decisions interpreted the Fourteenth Amendment to \"incorporate\" most portions of the Bill of Rights, making these portions, for the first time, enforceable against the state governments. The United States Bill of Rights is the first ten amendments to the United States Constitution. Proposed following the oftentimes bitter 1787\u201388 battle over ratification of the United States Constitution, and crafted to address the objections raised by Anti-Federalists, the Bill of Rights amendments add to the Constitution specific guarantees of personal freedoms", + "score": 0.75537109375, + "summary": "The Fourteenth Amendment incorporated most portions of the Bill of Rights, making them enforceable against state governments, as interpreted by the Supreme Court in the 1920s.", + "extraction": "The Fourteenth Amendment \"incorporates\" most portions of the Bill of Rights, making these portions enforceable against state governments." + }, + { + "id": "4305802", + "title": "Incorporation of the Bill of Rights", + "text": "rights retroactively against the states in criminal cases (\"Teague v. Lane\", ) with limited exceptions, and it has waived constitutional requirements if the states can prove that a constitutional violation was \"harmless beyond a reasonable doubt.\" Rep. John Bingham, the principal framer of the Fourteenth Amendment, advocated that the Fourteenth applied the first eight Amendments of the Bill of Rights to the States. The U.S. Supreme Court subsequently declined to interpret it that way, despite the dissenting argument in the 1947 case of \"Adamson v. California\" by Supreme Court Justice Hugo Black that the framers' intent should control the Court's", + "score": 0.75, + "summary": "Rep. John Bingham advocated that the Fourteenth Amendment applied the first eight Amendments of the Bill of Rights to the States, but the U.S. Supreme Court has declined to interpret it that way.", + "extraction": "irrelevant" + }, + { + "id": "4421203", + "title": "Establishment Clause", + "text": "with the necessary reassurances. In any event, Leland cast his vote for Madison. Leland's support, according to Scarberry, was likely key to the landslide victory of Madison and Gordon. Prior to the enactment of the Fourteenth Amendment to the United States Constitution in 1868, the Supreme Court generally held that the substantive protections of the Bill of Rights did not apply to state governments. Subsequently, under the Incorporation doctrine, the Bill of Rights has been broadly applied to limit state and local government as well. The process of incorporating the two Religion Clauses in the First Amendment was twofold. The", + "score": 0.748046875, + "summary": "Prior to the enactment of the Fourteenth Amendment in 1868, the Bill of Rights did not apply to state governments according to the Supreme Court. However, the Incorporation doctrine has since been established to broadly apply the Bill of Rights to limit state and local government. The document mentions the Establishment Clause, but does not provide further relevant information to the question of interest.", + "extraction": "Prior to the enactment of the Fourteenth Amendment to the United States Constitution in 1868, the Supreme Court generally held that the substantive protections of the Bill of Rights did not apply to state governments." + }, + { + "id": "11720054", + "title": "Heath v. Alabama", + "text": "nor deny to any person within its jurisdiction the equal protection of the laws\" that any serious consideration was given to the proposition that the Bill of Rights is binding on the states. Since then, the decisions of the United States Supreme Court have gradually evolved so as to include most state actions within the scope of the Bill of Rights. In \"Benton v. Maryland\", 395 U.S. 784 (1969), the Supreme Court held that the Fifth Amendment prohibition against double jeopardy applies to the states. Nevertheless, each U.S. state has long been considered to have its own sovereignty, which it", + "score": 0.74169921875, + "summary": "The document discusses the evolution of the Supreme Court's decisions regarding the application of the Bill of Rights to states. In Benton v. Maryland, the court ruled that the Fifth Amendment applies to states, but each state is still considered sovereign.", + "extraction": "\"Benton v. Maryland\", 395 U.S. 784 (1969), the Supreme Court held that the Fifth Amendment prohibition against double jeopardy applies to the states." + }, + { + "id": "9592035", + "title": "United States Bill of Rights", + "text": "century, however, most of the Bill's provisions were applied to the states via the Fourteenth Amendment\u2014a process known as incorporation\u2014beginning with the freedom of speech clause, in \"Gitlow v. New York\" (1925). In \"Talton v. Mayes\" (1896), the Court ruled that Constitutional protections, including the provisions of the Bill of Rights, do not apply to the actions of American Indian tribal governments. Through the incorporation process the United States Supreme Court succeeded in extending to the States almost all of the protections in the Bill of Rights, as well as other, unenumerated rights. The Bill of Rights thus imposes legal", + "score": 0.7412109375, + "summary": "The Bill of Rights applies to the states via the Fourteenth Amendment incorporation process, beginning with the freedom of speech clause in \"Gitlow v. New York\" (1925).", + "extraction": "The Fourteenth Amendment incorporated most of the Bill's provisions to the states, beginning with the freedom of speech clause in \"Gitlow v. New York\" (1925). Therefore, the answer to the question \"The bill of rights applies to the states through this amendment?\" is \"The Fourteenth Amendment.\"" + }, + { + "id": "11720053", + "title": "Heath v. Alabama", + "text": "amendments to the Constitution, known as the Bill of Rights, were originally interpreted as binding only on the Federal government; for example, the First Amendment, which guarantees freedom of religion, expressly begins with the words, \"Congress shall make no law . . . .\" It was not until the passage of the Fourteenth Amendment, the first section of which says, in part, \"No State shall make or enforce any law which shall abridge the privileges or immunities of citizens of the United States; nor shall any State deprive any person of life, liberty, or property, without due process of law;", + "score": 0.7412109375, + "summary": "The document states that the Fourteenth Amendment applies the Bill of Rights to the states.", + "extraction": "The bill of rights originally applied only to the Federal government and was not binding on the states. However, the passage of the Fourteenth Amendment made it clear that no state could make or enforce laws that abridged the privileges or immunities of citizens of the United States, including the rights guaranteed by the Bill of Rights. Therefore, the Bill of Rights applies to the states through the Fourteenth Amendment." + }, + { + "id": "4305798", + "title": "Incorporation of the Bill of Rights", + "text": "for ratification applied only to the federal government. In the 1833 case of \"Barron v. Baltimore\", the Supreme Court of the United States held that the Bill of Rights did not apply to state governments; such protections were instead provided by the constitutions of each state. After the Civil War, Congress and the states ratified the Fourteenth Amendment, which included the Due Process Clause and the Privileges or Immunities Clause. While the Fifth Amendment had included a due process clause, the due process clause of the Fourteenth Amendment crucially differed from the Fifth Amendment in that it explicitly applied to", + "score": 0.74072265625, + "summary": "The document explains that initially, the Bill of Rights only applied to the federal government and not state governments. However, after the Civil War, the Fourteenth Amendment was ratified, which included the Due Process Clause and the Privileges or Immunities Clause that explicitly applied to the states.", + "extraction": "The bill of rights does not apply to state governments. Thus, the span is \"irrelevant\" for answering the question." + }, + { + "id": "428764", + "title": "Fourteenth Amendment to the United States Constitution", + "text": "believed that it would ensure that the states would be required to recognize the same individual rights as the federal government; all of these rights were likely understood as falling within the \"privileges or immunities\" safeguarded by the amendment. By the latter half of the 20th century, nearly all of the rights in the Bill of Rights had been applied to the states. The Supreme Court has held that the amendment's Due Process Clause incorporates all of the substantive protections of the First, Second, Fourth, Fifth (except for its Grand Jury Clause) and Sixth Amendments and the Cruel and Unusual", + "score": 0.74072265625, + "summary": "The Fourteenth Amendment to the United States Constitution incorporates most of the substantive protections of the Bill of Rights to the states through its Due Process Clause.", + "extraction": "The bill of rights applies to the states through the Due Process Clause of the Fourteenth Amendment." + }, + { + "id": "13107006", + "title": "Edward Terry Sanford", + "text": "that some provisions of the Bill of Rights (here the First Amendment's free speech provisions) apply with equal force to the states via the Due Process Clause of the Fourteenth Amendment (commonly called \"incorporation\"). That had \"extraordinary consequences for the nationalization of the Bill of Rights during the era of the Warren Court,\" which later used similar reasoning to incorporate other amendments and expand civil liberties. \"Gitlow\" has been cited as precedent in cases such as \"Near v. Minnesota\" (1931), which incorporated the guarantee of freedom of the press, \"Griswold v. Connecticut\" (1965), which recognized the constitutional right to privacy,", + "score": 0.73828125, + "summary": "The document discusses the incorporation of certain provisions of the Bill of Rights, including the First Amendment's free speech provisions, via the Due Process Clause of the Fourteenth Amendment. It mentions the precedent set by the Gitlow case and its impact on expanding civil liberties during the Warren Court era. However, it does not mention a specific amendment that applies the Bill of Rights to the states.", + "extraction": "The First Amendment's free speech provisions apply with equal force to the states via the Due Process Clause of the Fourteenth Amendment." + }, + { + "id": "4305794", + "title": "Incorporation of the Bill of Rights", + "text": "Incorporation of the Bill of Rights Incorporation, in United States law, is the doctrine by which portions of the Bill of Rights have been made applicable to the states. When the Bill of Rights was ratified, courts held that its protections only extended to the actions of the federal government and that the Bill of Rights did not place limitations on the authority of state and local governments. However, the post-Civil War era, beginning in 1865 with the Thirteenth Amendment, which declared the abolition of slavery, gave rise to the incorporation of other Amendments, providing more rights to the states", + "score": 0.7373046875, + "summary": "The document explains the doctrine of incorporation, which made portions of the Bill of Rights applicable to the states. It mentions that courts initially held that the Bill of Rights only applied to the federal government, but the post-Civil War era saw the incorporation of other Amendments, providing more rights to the states.", + "extraction": "The post-Civil War era, beginning in 1865 with the Thirteenth Amendment, gave rise to the incorporation of other Amendments, providing more rights to the states." + }, + { + "id": "4305807", + "title": "Incorporation of the Bill of Rights", + "text": "to invalidate federal statutes on federalism grounds, he was not inclined to read any of the first eight amendments as states' rights provisions as opposed to individual rights provisions. Justice Black felt that the Fourteenth Amendment was designed to apply the first eight amendments from the Bill of Rights to the states, as he expressed in his dissenting opinion in \"Adamson v. California\". This view was again expressed by Black in his concurrence in \"Duncan v. Louisiana\" citing the Fourteenth Amendment's Privileges or Immunities Clause: \"'No state shall make or enforce any law which shall abridge the privileges or immunities", + "score": 0.7353515625, + "summary": "The Fourteenth Amendment was designed to apply the first eight amendments from the Bill of Rights to the states, according to Justice Black's dissenting opinion in \"Adamson v. California\" and his concurrence in \"Duncan v. Louisiana\".", + "extraction": "\"The Fourteenth Amendment was designed to apply the first eight amendments from the Bill of Rights to the states\"" + }, + { + "id": "10987877", + "title": "Fifth Amendment to the United States Constitution", + "text": "Fifth Amendment to the United States Constitution The Fifth Amendment (Amendment V) to the United States Constitution addresses criminal procedure and other aspects of the Constitution. It was ratified in 1791 as part of the Bill of Rights. The Fifth Amendment originally applied only to the federal government, but the Supreme Court has applied most of the protections of this amendment to the states through the Due Process Clause of the Fourteenth Amendment. One provision of the Fifth Amendment requires that felonies be tried only upon indictment by a grand jury. Another provision, the Double Jeopardy Clause, provides the right", + "score": 0.7333984375, + "summary": "The Fifth Amendment to the United States Constitution was ratified in 1791 as part of the Bill of Rights. It originally applied only to the federal government, but the Supreme Court has applied most of its protections to the states through the Due Process Clause of the Fourteenth Amendment.", + "extraction": "The Supreme Court has applied most of the protections of this amendment to the states through the Due Process Clause of the Fourteenth Amendment." + }, + { + "id": "4305816", + "title": "Incorporation of the Bill of Rights", + "text": "applied the Third Amendment to the states in \"Engblom v. Carey\". This is a binding authority over Connecticut, New York, and Vermont, but is only a persuasive authority over the remainder of the United States. The Tenth Circuit has suggested that the right is incorporated because the Bill of Rights explicitly codifies the \"fee ownership system developed in English law\" through the Third, Fourth, and Fifth Amendments, and the Fourteenth Amendment likewise forbids the states from depriving citizens of their property without due process of law. \"See United States v. Nichols\", 841 F.2d 1485, 1510 n.1 (10th Cir. 1988). The", + "score": 0.73095703125, + "summary": "The document discusses the application of the Third Amendment to some states through the Engblom v. Carey case. The Tenth Circuit suggests that the Bill of Rights and the Fourteenth Amendment incorporate the right to property to all states.", + "extraction": "The Fourteenth Amendment likewise forbids the states from depriving citizens of their property without due process of law." + }, + { + "id": "3067086", + "title": "Due Process Clause", + "text": "the 1960s took, although almost all of the Bill of Rights has now been incorporated jot-for-jot against the states. The latest Incorporation is the 2nd Amendment which made the individual and fundamental right to \"keep and bear arms\" fully applicable to the States; see McDonald v. City of Chicago, 561 U.S. (2010). The role of the incorporation doctrine in applying the guarantees of the Bill of Rights to the states is just as notable as the use of due process to define new fundamental rights that are not explicitly guaranteed by the Constitution's text. In both cases, the question has", + "score": 0.7255859375, + "summary": "The document states that almost all of the Bill of Rights has been incorporated against the states, with the latest being the 2nd Amendment. The role of the incorporation doctrine in applying the guarantees of the Bill of Rights to the states is notable. Therefore, the answer to the question is \"yes, the bill of rights applies to the states through incorporation.\"", + "extraction": "The latest Incorporation is the 2nd Amendment which made the individual and fundamental right to \"keep and bear arms\" fully applicable to the States." + }, + { + "id": "14536350", + "title": "Nunn v. Georgia", + "text": "rights meant that other portions of the Bill of Rights would also apply to the States. For example, the court explained that the right to peaceably assemble, protected under the First Amendment, was applicable to both the national and state governments. The court also cited to the New York case of \"People vs. Goodwin\", 18 John. Rep. 200 (N.Y.Sup. 1820) which applied Fifth Amendment double jeopardy prohibitions to New York state court operations. The court explained how to determine which constitutional provisions apply to the state and which applied only the federal government; the relevant question is whether the concepts", + "score": 0.7255859375, + "summary": "The document explains that certain rights in the Bill of Rights, such as the right to peaceably assemble, apply to both the national and state governments. It cites a New York case that applied the Fifth Amendment double jeopardy prohibition to state court operations. It also explains how to determine which constitutional provisions apply to the state and which only apply to the federal government.", + "extraction": "\"The court explained that the right to peaceably assemble, protected under the First Amendment, was applicable to both the national and state governments.\"" + }, + { + "id": "10187063", + "title": "Talton v. Mayes", + "text": "the constitution, they are not operated upon by the Fifth Amendment.\" However, since the early 20th century, the Supreme Court has used the Due Process Clause of the Fourteenth Amendment (interpreted, however, to have the same meaning as the 5th amendment) to apply most of the Bill of Rights to the states through the process and doctrine of selective incorporation. Therefore, as to most, but not all, provisions of the Bill of Rights, \"Barron\" and its progeny have been circumvented, if not actually overruled. Andrew Red Bird was arraigned on the charge of rape by the Rosebud Sioux Tribe Court.", + "score": 0.7255859375, + "summary": "The document is discussing the application of the Bill of Rights to the states through the Due Process Clause of the Fourteenth Amendment. It states that while the Fifth Amendment does not operate upon the states, the Supreme Court has used the Fourteenth Amendment to incorporate most of the Bill of Rights to the states through selective incorporation. Therefore, Barron and its progeny have been circumvented or overruled. The document is relevant to the question of interest.", + "extraction": "The Due Process Clause of the Fourteenth Amendment has been used to apply most of the Bill of Rights to the states through the process and doctrine of selective incorporation." + }, + { + "id": "427880", + "title": "United States Constitution", + "text": "privileges or immunities; shall not deprive any person of life, liberty, or property without due process of law; and must guarantee all persons equal protection of the laws. These limitations dramatically expanded the protections of the Constitution. This amendment, according to the Supreme Court's Doctrine of Incorporation, makes most provisions of the Bill of Rights applicable to state and local governments as well. It superseded the mode of apportionment of representatives delineated in Article 1, Section 2, Clause 3, and also overturned the Supreme Court's decision in \"Dred Scott v. Sandford\". The Fifteenth Amendment (1870) prohibits the use of race,", + "score": 0.72412109375 + }, + { + "id": "16301859", + "title": "Washington v. Texas", + "text": "applied. In \"Twining v. New Jersey\" (1908), the Court held that \"it is possible that some of the personal rights safeguarded by the first eight amendments against National action may also be safeguarded against state action, because a denial of them would be a denial of due process of law\". This understanding of the meaning of \"due process\" opened up the possibility that the Bill of Rights could be applied to the states. Specifically, the Court said in \"Twining\" that the test was whether the right was embedded in \"the very idea of free government\". This test endorsed a \"selective", + "score": 0.7216796875 + }, + { + "id": "2566198", + "title": "United States v. Cruikshank", + "text": "538 (1894), reaffirmed that the Second Amendment applies only to the Federal Government. This issue did come before the Supreme Court in \"McDonald v. Chicago\", in which the Supreme Court, \"reversed the Seventh Circuit, holding that the Fourteenth Amendment makes the Second Amendment right to keep and bear arms for the purpose of self-defense applicable to the states.\" Regarding this assertion in \"Heller\" that \"Cruikshank\" said the first amendment did not apply against the states, Professor David Rabban wrote \"Cruikshank\" \"never specified whether the First Amendment contains 'fundamental rights' protected by the Fourteenth Amendment against state action.\" The \"Civil Rights", + "score": 0.72021484375 + }, + { + "id": "428389", + "title": "Second Amendment to the United States Constitution", + "text": "and sentenced to be executed for shooting a police officer to death with an illegally carried handgun in violation of Texas law. Miller sought to have his conviction overturned, claiming his Second Amendment rights were violated and that the Bill of Rights should be applied to state law. The Supreme Court ruled that the Second Amendment did not apply to state laws such as the Texas law: \"As the proceedings were conducted under the ordinary forms of criminal prosecutions there certainly was no denial of due process of law.\" In \"Robertson v. Baldwin\", , the Court stated in \"dicta\" that", + "score": 0.7197265625 + }, + { + "id": "17668888", + "title": "South African constitutional litigation", + "text": "Bill of Rights is not confined to protecting individuals against the state. In certain circumstances, the Bill of Rights directly protects individuals against abuses of their rights by other individuals, by providing for the direct horizontal application of the Bill of Rights. The direct application of the duties under the Bill of Rights is governed by section 8. Broadly speaking, section 8(1) deals with direct vertical application. It describes the circumstances in which law and conduct of the state may be challenged for being inconsistent with the Bill of Rights. Section 8(2), on the other hand, deals with direct horizontal", + "score": 0.71875 + }, + { + "id": "428756", + "title": "Fourteenth Amendment to the United States Constitution", + "text": "Fourteenth Amendment also incorporates most of the provisions in the Bill of Rights, which were originally applied against only the federal government, and applies them against the states. Beginning with \"Allgeyer v. Louisiana\" (1897), the Court interpreted the Due Process Clause as providing substantive protection to private contracts, thus prohibiting a variety of social and economic regulation; this principle was referred to as \"freedom of contract.\" Thus, the Court struck down a law decreeing maximum hours for workers in a bakery in \"Lochner v. New York\" (1905) and struck down a minimum wage law in \"Adkins v. Children's Hospital\" (1923).", + "score": 0.71533203125 + }, + { + "id": "3139154", + "title": "John Marshall Harlan (born 1899)", + "text": "Bill of Rights applicable to the states. His opinion on the matter was opposite to that of his grandfather, who supported the full incorporation of the Bill of Rights. When it was originally ratified, the Bill of Rights was binding only upon the federal government, as the Supreme Court ruled in the 1833 case \"Barron v. Baltimore\". Some jurists argued that the Fourteenth Amendment made the entirety of the Bill of Rights binding upon the states as well. Harlan, however, rejected this doctrine, which he called \"historically unfounded\" in his \"Griswold\" concurrence. Instead, Justice Harlan believed that the Fourteenth Amendment's", + "score": 0.7119140625 + }, + { + "id": "4305042", + "title": "John Bingham", + "text": "sentence of Section 1, which defined citizenship, the amendment weathered the Senate debate without substantial change. The 14th Amendment was ratified in 1868. Despite Bingham's likely intention for the 14th Amendment to apply the first eight amendments of the Bill of Rights to the States, the US Supreme Court declined to interpret it that way in the Slaughter-House Cases and in \"United States v. Cruikshank\". In the 1947 case of \"Adamson v. California\", Supreme Court Justice Hugo Black argued in his dissent that the framers' intent should control the Court's interpretation of the Fourteenth Amendment, and he attached a lengthy", + "score": 0.70703125 + }, + { + "id": "2528944", + "title": "Gitlow v. New York", + "text": "v. Oregon\", 299 U.S. 353 (1937), \"Wolf v. Colorado\", 338 U.S. 25 (1949), and \"Gideon v. Wainwright\", 372 U.S. 335 (1963), to extend the reach of the Bill of Rights. Constitutional scholars refer to this as the \"incorporation doctrine,\" meaning that the Supreme Court has identified rights specified in the Bill of Rights and \"incorporated\" them into the liberties covered by the due process clause of the Fourteenth Amendment. Recently, the Supreme Court, see, \"McDonald v. Chicago\", found the 2nd Amendment Right to \"...keep and bear arms,\" for lawful purposes such as self-defense both a fundamental and individual right of", + "score": 0.70703125 + }, + { + "id": "428528", + "title": "Eighth Amendment to the United States Constitution", + "text": "calculated\" to ensure the defendant's appearance at trial. The Supreme Court has ruled that the Cruel and Unusual Punishment Clause applies to the states as well as to the federal government, but the Excessive Bail Clause has not been applied to the states. The Supreme Court will decide in \"Timbs v. Indiana\" whether the Excessive Fines Clause applies to the states. The Eighth Amendment was adopted, as part of the Bill of Rights, in 1791. It is almost identical to a provision in the English Bill of Rights of 1689, in which Parliament declared, \"as their ancestors in like cases", + "score": 0.705078125 + }, + { + "id": "428579", + "title": "Tenth Amendment to the United States Constitution", + "text": "Tenth Amendment to the United States Constitution The Tenth Amendment (Amendment X) to the United States Constitution, which is part of the Bill of Rights, was ratified on December 15, 1791. It expresses the principle of federalism and states' rights, which strictly supports the entire plan of the original Constitution for the United States of America, by stating that the federal government possesses only those powers delegated to it by the United States Constitution. All remaining powers are reserved for the states or the people. The amendment was proposed by the 1st United States Congress in 1789 during its first", + "score": 0.703125 + }, + { + "id": "4305818", + "title": "Incorporation of the Bill of Rights", + "text": "a jury selected from residents of the state and district where the crime occurred Right to notice of accusations Right to confront adverse witnesses Right to compulsory process (subpoenas) to obtain witness testimony Right to assistance of counsel Right to jury trial in civil cases Re-Examination Clause Protection against excessive bail Protection against excessive fines Protection against cruel and unusual punishments A similar legal doctrine to incorporation is that of reverse incorporation. Whereas incorporation applies the Bill of Rights to the states through the Due Process Clause of the Fourteenth Amendment, in reverse incorporation, the Equal Protection Clause of the", + "score": 0.70263671875 + }, + { + "id": "4686476", + "title": "Wolf v. Colorado", + "text": "the issue of incorporation of the Bill of Rights. Frankfurter states that unlike the requirements regarding administration of criminal justice by federal authority imposed by the Bill of Rights (Amendments I to VIII), the Fourteenth Amendment does not impose similar limitations upon states. He cites the notion that due process guaranteed by the Fourteenth Amendment is shorthand for the first eight amendments of the Constitution, and flatly rejects it, commenting that \u201cthe issue is closed.\u201d In considering the restrictions which the Due Process Clause imposes upon states in regards to enforcement of criminal law, the Court does not stray far", + "score": 0.701171875 + }, + { + "id": "2592323", + "title": "Gun politics in the United States", + "text": "to carry arms and to belong to militia came to the attention of the federal courts. In response to the problems freed slaves faced in the Southern states, the Fourteenth Amendment was drafted. When the Fourteenth Amendment was drafted, Representative John A. Bingham of Ohio used the Court's own phrase \"privileges and immunities of citizens\" to include the first Eight Amendments of the Bill of Rights under its protection and guard these rights against state legislation. The debate in the Congress on the Fourteenth Amendment after the Civil War also concentrated on what the Southern States were doing to harm", + "score": 0.701171875 + }, + { + "id": "428569", + "title": "Ninth Amendment to the United States Constitution", + "text": "expansion of governmental power on account of the enumeration of rights in the Constitution, but the Amendment has not been regarded as further limiting governmental power. The U.S. Supreme Court explained this, in \"U.S. Public Workers v. Mitchell\" : \"If granted power is found, necessarily the objection of invasion of those rights, reserved by the Ninth and Tenth Amendments, must fail.\" The Supreme Court held in \"Barron v. Baltimore\" (1833) that the Bill of Rights was enforceable by the federal courts only against the federal government, and not against the states. Thus, the Ninth Amendment originally applied only to the", + "score": 0.70068359375 + }, + { + "id": "17560142", + "title": "People v. Aguilar", + "text": "Illinois, and were dismissed based on earlier U.S. Supreme Court rulings that the Second Amendment did not apply to the states. The cases were appealed to the Seventh Circuit, which affirmed based on the same reasoning. The U.S. Supreme Court reversed that decision, holding that the Second Amendment was applicable to the states through the Fourteenth Amendment, and clarified that \"self-defense was 'the \"central component\" of the right itself.'\" In 2011, two federal lawsuits were filed in the Southern District of Illinois and the Central District of Illinois. In both cases, the plaintiffs claimed that AUUF statute violated the Second", + "score": 0.69970703125 + }, + { + "id": "7461695", + "title": "Chapter Two of the Constitution of South Africa", + "text": "laws and government actions, section eight explicitly states that the Bill of Rights applies to all law and binds all branches and organs of government. It further states that the provisions of the Bill also bind private parties to the extent that they are applicable, given the nature of the rights in question, and requires the courts to develop the common law to this effect. Finally, section eight extends the benefits of the Bill of Rights to juristic persons, taking into account the nature of the rights and the juristic persons in question. Thus, for example, the right to human", + "score": 0.69970703125 + }, + { + "id": "7236316", + "title": "Twining v. New Jersey", + "text": "state shall make or enforce any law which shall abridge the privileges or immunities of citizens of the United States...\") did not curtail state power. The Supreme Court decided 8-1 that the Fifth Amendment against self-incrimination applied only to federal court cases. The case provides an early explanation of the doctrine of selective incorporation: only a portion of the Bill of Rights is applied to the states by incorporation, under the Fourteenth Amendment's Due Process Clause: The court concluded that exemption from self-incrimination was not necessary for a conception of due process. Justice Harlan was the lone dissenter, writing firstly", + "score": 0.69677734375 + }, + { + "id": "428230", + "title": "First Amendment to the United States Constitution", + "text": "number of Free Speech Clause claims throughout the 1920s, including the appeal of a labor organizer, Benjamin Gitlow, who had been convicted after distributing a manifesto calling for a \"revolutionary dictatorship of the proletariat\". In \"Gitlow v. New York\" (1925), the Court upheld the conviction, but a majority also found that the First Amendment applied to state laws as well as federal laws, via the Due Process Clause of the Fourteenth Amendment. Holmes and Brandeis dissented in several more cases in this decade, however, advancing the argument that the Free Speech Clause protected a far greater range of political speech", + "score": 0.69677734375 + }, + { + "id": "4305819", + "title": "Incorporation of the Bill of Rights", + "text": "Fourteenth Amendment has been held to apply to the federal government through the Due Process Clause located in the Fifth Amendment. For example, in \"Bolling v. Sharpe\", , which was a companion case to \"Brown v. Board of Education\", the schools of the District of Columbia were desegregated even though Washington is a federal enclave. Likewise, in \"Adarand Constructors, Inc. v. Pe\u00f1a\" , an affirmative action program by the federal government was subjected to strict scrutiny based on equal protection. Incorporation of the Bill of Rights Incorporation, in United States law, is the doctrine by which portions of the Bill", + "score": 0.69677734375 + }, + { + "id": "17668819", + "title": "South African constitutional litigation", + "text": "the dispute through indirect application, ordinary procedural rules and remedies apply to the dispute. However, in order to apply the Bill of Rights indirectly, a court must obviously determine the effect of the provisions of the Bill of Rights. A court cannot interpret or develop the ordinary law with reference to the values contained in the Bill of Rights without knowing what they are. The interpretation of the Bill of Rights and its limitation clause therefore remain important, even when the Bill of Rights is indirectly applied. In some cases, an applicant may lack standing to seek a remedy. In", + "score": 0.6962890625 + }, + { + "id": "3565524", + "title": "David T. Hardy", + "text": "recommend pro Second Amendment webpages, and a link to Second Amendment blogs. There is also The Home Page of David T. Hardy which includes more of his archives and links to related pages. Hardy's scholarly papers, including topics including the Fourteenth Amendment, The Bill of Rights, and Originalism as it applies to the Second Amendment can be found on the Social Science Resource Network. He has also been cited in several court cases such as District of Columbia v. Heller, 128 S. Ct. 2783 \u2013 Supreme Court 2008 and Hardy v. Bureau of Alcohol, Tobacco & Firearms 631 F. 2d", + "score": 0.6962890625 + }, + { + "id": "4305801", + "title": "Incorporation of the Bill of Rights", + "text": "yet been addressed include the Fifth Amendment right to an indictment by a grand jury, and the Seventh Amendment right to a jury trial in civil lawsuits. Incorporation applies both procedurally and substantively to the guarantees of the states. Thus, procedurally, only a jury can convict a defendant of a serious crime, since the Sixth Amendment jury-trial right has been incorporated against the states; substantively, for example, states must recognize the First Amendment prohibition against a state-established religion, regardless of whether state laws and constitutions offer such a prohibition. The Supreme Court has declined, however, to apply new procedural constitutional", + "score": 0.6953125 + }, + { + "id": "428564", + "title": "Ninth Amendment to the United States Constitution", + "text": "Ninth Amendment to the United States Constitution The Ninth Amendment (Amendment IX) to the United States Constitution addresses rights, retained by the people, that are not specifically enumerated in the Constitution. It is part of the Bill of Rights. The Ninth Amendment has generally been regarded by the courts as negating any expansion of governmental power on account of the enumeration of rights in the Constitution, but the Amendment has not been regarded as further limiting governmental power. The amendment as proposed by Congress in 1789 and later ratified as the Ninth Amendment reads as follows: When the U.S. Constitution", + "score": 0.6953125 + }, + { + "id": "2126709", + "title": "Barron v. Baltimore", + "text": "apply them to the State governments. This court cannot so apply them.\" To demonstrate that Constitutional limits did not apply to states unless expressly stated, Marshall used the example of Article I, Sections 9 and 10: The case was particularly important in terms of American government because it stated that the Bill of Rights did not restrict the state governments. The decision was initially ignored by the growing abolitionist movement, some of whom maintained that Congress could constitutionally abolish slavery, under the Bill of Rights. The case was largely unknown in the 1860s; during a debate in Congress on the", + "score": 0.69482421875 + }, + { + "id": "16502415", + "title": "Criminal law in the Marshall Court", + "text": "the Court reversed Worcester's conviction for being present in Cherokee country as inconsistent with federal law. Section 25 was not a more significant source of criminal appeals in large part because\u2014as \"Barron v. Baltimore\" (1833) held\u2014the Bill of Rights (including its criminal procedure provisions) was viewed as inapplicable to the state governments. This continued until the incorporation of the Bill of Rights after the adoption of the Fourteenth Amendment. Section 14 of the Judiciary Act of 1789 provided, in relevant part, that all the before-mentioned courts of the United States shall have power to issue writs of . . .", + "score": 0.6943359375 + }, + { + "id": "428601", + "title": "Tenth Amendment to the United States Constitution", + "text": "to join the federal program by conditioning the continued provision of Medicaid funds on states agreeing to materially alter Medicaid eligibility to include all individuals who fell below 133% of the poverty line. Tenth Amendment to the United States Constitution The Tenth Amendment (Amendment X) to the United States Constitution, which is part of the Bill of Rights, was ratified on December 15, 1791. It expresses the principle of federalism and states' rights, which strictly supports the entire plan of the original Constitution for the United States of America, by stating that the federal government possesses only those powers delegated", + "score": 0.6943359375 + }, + { + "id": "5633771", + "title": "Fundamental rights", + "text": "first incorporated in 1925 in Gitlow v New York. The most recent amendment completely incorporated as fundamental was the Second Amendment right to possess and bear arms for personal self-defense, in McDonald v Chicago, handed down in 2010. Not all clauses of all amendments have been incorporated. For example, states are not required to obey the Fifth Amendment's requirement of indictment by grand jury. Many states choose to use preliminary hearings instead of grand juries. It is possible that future cases may incorporate additional clauses of the Bill of Rights against the states. The Bill of Rights lists specifically enumerated", + "score": 0.6943359375 + }, + { + "id": "5633768", + "title": "Fundamental rights", + "text": "According to the Supreme Court, enumerated rights that are incorporated are so fundamental that any law restricting such a right must both serve a compelling state purpose and be narrowly tailored to that compelling purpose. The original interpretation of the United States Bill of Rights was that only the Federal Government was bound by it. In 1835, the U.S. Supreme Court in \"Barron v Baltimore\" unanimously ruled that the Bill of Rights did not apply to the states. During post-Civil War Reconstruction, the 14th Amendment was adopted in 1868 to rectify this condition, and to specifically apply the whole of", + "score": 0.693359375 + }, + { + "id": "2126710", + "title": "Barron v. Baltimore", + "text": "Fourteenth Amendment, Congressman John Bingham had to read part of Marshall's opinion out loud to the Senate. Later Supreme Court rulings would return to \"Barron\" to reaffirm its central holding, most notably in \"United States v. Cruikshank\", 92 U.S. 542 (1876). However, since the early 20th century, the Supreme Court has used the Due Process Clause of the Fourteenth Amendment, which was interpreted to have the same meaning as the Fifth Amendment, to apply most of the Bill of Rights to the states by selective incorporation. Therefore, as to most of the Bill of Rights, \"Barron\" and its progeny have", + "score": 0.693359375 + }, + { + "id": "4305809", + "title": "Incorporation of the Bill of Rights", + "text": "by the first eight Amendments against National action may also be safeguarded against state action, because a denial of them would be a denial of due process of law. If this is so, it is not because those rights are enumerated in the first eight Amendments, but because they are of such a nature that they are included in the conception of due process of law.\" The due process approach thus considers a right to be incorporated not because it was listed in the Bill of Rights, but only because it is required by the definition of due process, which", + "score": 0.693359375 + }, + { + "id": "9592044", + "title": "United States Bill of Rights", + "text": "prosecutions in both state and federal courts. The Seventh Amendment guarantees jury trials in federal civil cases that deal with claims of more than twenty dollars. It also prohibits judges from overruling findings of fact by juries in federal civil trials. In \"Colgrove v. Battin\" (1973), the Court ruled that the amendment's requirements could be fulfilled by a jury with a minimum of six members. The Seventh is one of the few parts of the Bill of Rights not to be incorporated (applied to the states). The Eighth Amendment forbids the imposition of excessive bails or fines, though it leaves", + "score": 0.69287109375 + }, + { + "id": "3139155", + "title": "John Marshall Harlan (born 1899)", + "text": "due process clause only protected \"fundamental\" rights. Thus, if a guarantee of the Bill of Rights was \"fundamental\" or \"implicit in the concept of ordered liberty,\" Harlan agreed that it applied to the states as well as the federal government. Thus, for example, Harlan believed that the First Amendment's free speech clause applied to the states, but that the Fifth Amendment's self-incrimination clause did not. Harlan's approach was largely similar to that of Justices Benjamin Cardozo and Felix Frankfurter. It drew criticism from Justice Black, a proponent of the total incorporation theory. Black claimed that the process of identifying some", + "score": 0.6923828125 + }, + { + "id": "2432763", + "title": "States' rights", + "text": "acts of the federal government. In \"McDonald v. City of Chicago\" (2010), the Supreme Court held that the Second Amendment right of an individual to \"keep and bear arms\" is incorporated by the Due Process Clause of the Fourteenth Amendment, and therefore fully applicable to states and local governments. Furthermore, \"United States v. Harris\" (1883) held that the Equal Protection Clause did not apply to an 1883 prison lynching on the basis that the Fourteenth Amendment applied only to state acts, not to individual criminal actions. In the \"Civil Rights Cases\" (1883), the Supreme Court allowed segregation by striking down", + "score": 0.69189453125 + }, + { + "id": "428504", + "title": "Seventh Amendment to the United States Constitution", + "text": "three-quarters of the states had ratified it. Secretary of State Thomas Jefferson announced the adoption of the amendment on March 1, 1792. The Seventh Amendment is generally considered one of the more straightforward amendments of the Bill of Rights. While the Seventh Amendment's provision for jury trials in civil cases has never been incorporated (\"i.e.,\" applied to the states) almost every state voluntarily complies with this requirement. The prohibition of overturning a jury's findings of fact applies to federal cases, state cases involving federal law, and to review of state cases by federal courts. \"United States v. Wonson\" (1812) established", + "score": 0.69140625 + }, + { + "id": "2592324", + "title": "Gun politics in the United States", + "text": "the newly freed slaves. One particular concern was the disarming of former slaves. The Second Amendment attracted serious judicial attention with the Reconstruction era case of \"United States v. Cruikshank\" which ruled that the Privileges or Immunities Clause of the Fourteenth Amendment did not cause the Bill of Rights, including the Second Amendment, to limit the powers of the State governments, stating that the Second Amendment \"has no other effect than to restrict the powers of the national government.\" Akhil Reed Amar notes in the \"Yale Law Journal\", the basis of Common Law for the first ten amendments of the", + "score": 0.69091796875 + }, + { + "id": "17668836", + "title": "South African constitutional litigation", + "text": "the burden of persuasion. The stages through which Bill-of-Rights litigation typically proceeds may be summarised as follows: Does the Bill of Rights apply in the dispute between the parties? How does the Bill of Rights apply in the dispute? As for the first question, it must be determined whether the applicant is entitled to claim the benefits of the Bill of Rights. It must also be determined whether the Bill of Rights applies to the conduct of the respondent, in the sense that the respondent has obligations under the Bill of Rights. Finally, it must be determined whether the cause", + "score": 0.69091796875 + }, + { + "id": "428575", + "title": "Ninth Amendment to the United States Constitution", + "text": "provision like this one if he does not know what it means; the example Bork then gave was a clause covered by an inkblot. Upon further study, Bork later ascribed a meaning to the Ninth Amendment in his book \"The Tempting of America\". In that book, Bork subscribed to the interpretation of constitutional historian Russell Caplan, who asserted that this Amendment was meant to ensure that the federal Bill of Rights would not affect provisions in state law that restrain state governments. A libertarian originalist, Randy Barnett has argued that the Ninth Amendment requires what he calls a presumption of", + "score": 0.6904296875 + }, + { + "id": "2977253", + "title": "Separation of church and state in the United States", + "text": "XIV) is one of the post-Civil War amendments, intended to secure rights for former slaves. It includes the due process and equal protection clauses among others. The amendment introduces the concept of incorporation of all relevant federal rights against the states. While it has not been fully implemented, the doctrine of incorporation has been used to ensure, through the Due Process Clause and Privileges and Immunities Clause, the application of most of the rights enumerated in the Bill of Rights to the states. The incorporation of the First Amendment establishment clause in the landmark case of \"Everson v. Board of", + "score": 0.689453125 + }, + { + "id": "17668903", + "title": "South African constitutional litigation", + "text": "conduct therefore determines its reach or direct application to the common law. Like its predecessor, the 1996 Constitution provides for direct vertical application of the Bill of Rights but, unlike its predecessor, is not confined to this form of direct application. Section 8(2) clearly envisages direct application of the Bill of Rights in the horizontal relationship in certain circumstances, and therefore \u201cpoints unequivocally toward a much broader conception of direct application.\u201d The 1996 Constitution also still permits, however, in section 39(2) (as the Interim Constitution did in section 35(3)), indirect application of the Bill of Rights in horizontal cases. The", + "score": 0.6865234375 + }, + { + "id": "4690328", + "title": "Adamson v. California", + "text": "Fourteenth Amendment and the Court's 1908 decision in \"Twining v. New Jersey\". Justice Felix Frankfurter wrote a special concurrence, arguing that incorporation of the Bill of Rights by the due process clause of the Fourteenth Amendment would \"tear up by the roots much of the fabric of law in the several States, and would deprive the States of opportunity for reforms in legal process designed for extending the area of freedom.\" He ended: This assertion would not carry the day, however. It was later rebuffed by a whole line of cases that incorporated many of the provisions of the first", + "score": 0.6865234375 + }, + { + "id": "17668891", + "title": "South African constitutional litigation", + "text": "provincial and local governments, as well as any form of delegated legislation\u2014must comply with the Bill of Rights. This is because, in the words of section 8(1), the Bill of Rights \u201capplies to all law.\u201d As far as conduct of the legislatures other than law-making is concerned, the implication of section 8(1) is that legislatures and their committees and functionaries are bound by the Bill of Rights when they perform non-legislative functions, such as the determination of internal arrangements, proceedings, rules and procedures. In De Lille v Speaker of the National Assembly, the High Court stated: The National Assembly is", + "score": 0.68603515625 + }, + { + "id": "428503", + "title": "Seventh Amendment to the United States Constitution", + "text": "Seventh Amendment to the United States Constitution The Seventh Amendment (Amendment VII) to the United States Constitution is part of the Bill of Rights. This amendment codifies the right to a jury trial in certain civil cases and inhibits courts from overturning a jury's findings of fact. An early version of the Seventh Amendment was introduced in Congress in 1789 by James Madison, along with the other amendments, in response to Anti-Federalist objections to the new Constitution. Congress proposed a revised version of the Seventh Amendment to the states on September 28, 1789, and by December 15, 1791, the necessary", + "score": 0.68603515625 + }, + { + "id": "9857629", + "title": "District of Columbia v. Heller", + "text": "the Supreme Court vacated the Second Circuit decision in \"Maloney\" and remanded for further consideration in light of the holding in \"McDonald v. City of Chicago\" that the Second Amendment \"does\" apply to the states. The Second Circuit has remanded the case to the trial court. The NRA has filed five related lawsuits since the \"Heller\" decision. In four Illinois lawsuits, the NRA sought to have the Second Amendment incorporated by the Fourteenth Amendment, causing the Second Amendment to apply to state and local jurisdictions and not just to the federal government. Three Illinois lawsuits have been negotiated and settled", + "score": 0.685546875 + }, + { + "id": "2432774", + "title": "States' rights", + "text": "States Supreme Court ruled that gun ownership is an individual right under the Second Amendment of the United States Constitution, and the District of Columbia could not completely ban gun ownership by law-abiding private citizens. Two years later, the court ruled that the Heller decision applied to states and territories via the Second and 14th Amendments in \"McDonald v. Chicago\", stating that states, territories and political divisions thereof, could not impose total bans on gun ownership by law-abiding citizens. These concerns have led to a movement sometimes called the State Sovereignty movement or \"10th Amendment Sovereignty Movement\". Some, such as", + "score": 0.68505859375 + }, + { + "id": "1949675", + "title": "Abington School District v. Schempp", + "text": "a national church, but would also be unable to interfere with existing state establishments. ... So matters stood until the adoption of the Fourteenth Amendment, or more accurately, until this Court's decision in \"Cantwell\"... He stated his agreement with the doctrine of the Fourteenth Amendment's embrace and application of the Bill of Rights, but pointed out the irony of such an amendment \"designed to leave the States free to go their own way should now have become a restriction upon their autonomy\". Other critics of the Court's findings in \"Abington v. Schempp\" often quote the following excerpt from Justice Stewart's", + "score": 0.6845703125 + }, + { + "id": "428477", + "title": "Sixth Amendment to the United States Constitution", + "text": "Sixth Amendment to the United States Constitution The Sixth Amendment (Amendment VI) to the United States Constitution sets forth rights related to criminal prosecutions. It was ratified in 1791 as part of the United States Bill of Rights. The Supreme Court has applied most of the protections of this amendment to the states through the Due Process Clause of the Fourteenth Amendment. The Sixth Amendment grants criminal defendants the right to a speedy and public trial by an impartial jury consisting of jurors from the state and district in which the crime was alleged to have been committed. Under the", + "score": 0.68408203125 + }, + { + "id": "16172627", + "title": "United States constitutional criminal procedure", + "text": "appeal. All of the foregoing constitutional provisions apply exclusively to criminal matters. In contrast, the due process and equal protection clauses have substantial application outside of the criminal law. U.S. Const. amend. V provides: U.S. Const. amend. XIV, \u00a7 1 provides: The due process clauses of the Fifth and Fourteenth Amendments apply generally to all stages of criminal proceedings. The Due Process Clause of the Fourteenth Amendment was the vehicle for the incorporation of all of the foregoing rights (with the exception of the Grand Jury Clause, the Vicinage Clause, and maybe the Excessive Bail Clause) to apply in state", + "score": 0.68408203125 + }, + { + "id": "17668816", + "title": "South African constitutional litigation", + "text": "must consider whether the onus of proof is on the applicant or respondent. Before a court may proceed to consider the issues of substance raised in human rights litigation, it must first consider a series of preliminary, procedural issues. Application of the Bill of Rights concerns the issues of whether and how the Bill of Rights applies in a legal dispute. The first of these issues (whether the Bill of Rights applies) raises four questions: Answering these questions involves determining the \u201creach\u201d or \u201cscope\u201d of the Bill of Rights. Application is concerned not only with whether the Bill of Rights", + "score": 0.68408203125 + }, + { + "id": "17668889", + "title": "South African constitutional litigation", + "text": "application. It sets out the circumstances in which the conduct of private individuals may be attacked for infringing the Bill of Rights. Section 8(3) grants powers to the courts to remedy such infringements. We are concerned at this point with direct application. Recall, though, that the Bill of Rights also applies indirectly on both the vertical and horizontal axes. Indirect application means that, instead of the Bill of Rights\u2019 directly imposing duties and conferring rights, rights and duties are instead imposed by the common law or legislation. In turn, the development and interpretation of the common law and legislation is", + "score": 0.68310546875 + }, + { + "id": "8218247", + "title": "Reconstruction Amendments", + "text": "when they excluded blacks, Southern Democratic Party representatives formed such a powerful block that opponents could not gain approval for change of apportionment. The Due Process Clause prohibits state and local government officials from depriving persons of life, liberty, or property without legislative authorization. This clause has also been used by the federal judiciary to make most of the Bill of Rights applicable to the states, as well as to recognize substantive and procedural requirements that state laws must satisfy. The Equal Protection Clause requires each state to provide equal protection under the law to all people within its jurisdiction.", + "score": 0.68310546875 + }, + { + "id": "4305812", + "title": "Incorporation of the Bill of Rights", + "text": "of Rights against the states, via the Privileges or Immunities Clause. Some scholars go even further, and argue that the \"Slaughterhouse Cases\" affirmatively supported incorporation of the Bill of Rights against the states. In dicta, Justice Miller's opinion in \"Slaughterhouse\" went so far as to acknowledge that the \"right to peaceably assemble and petition for redress of grievances ... are rights of the citizen guaranteed by the Federal Constitution,\" although in context Miller may have only been referring to assemblies for petitioning the federal government. In the 2010 landmark case \"McDonald v. Chicago\", the Supreme Court declared the Second Amendment", + "score": 0.68310546875 + }, + { + "id": "3067084", + "title": "Due Process Clause", + "text": "deprive citizens of their rights to due process. If an average person cannot determine who is regulated, what conduct is prohibited, or what punishment may be imposed by a law, courts may find that law to be void for vagueness. See \"Coates v. Cincinnati\", where the word \"annoying\" was deemed to lack due process insertion of fair warning. Incorporation is the legal doctrine by which the Bill of Rights, either in full or in part, is applied to the states through the Fourteenth Amendment's due process clause. The basis for incorporation is substantive due process regarding substantive rights enumerated elsewhere", + "score": 0.68310546875 + }, + { + "id": "428513", + "title": "Seventh Amendment to the United States Constitution", + "text": "and Virginia finally followed on December 15, 1791. Secretary of State Thomas Jefferson announced the adoption of the ten successfully ratified amendments on March 1, 1792. The Seventh Amendment is generally considered one of the more straightforward amendments of the Bill of Rights. Scholar Charles W. Wolfram states that it has usually \"been interpreted as if it were virtually a self-explanatory provision\". Unlike most of the provisions of the Bill of Rights, the Seventh Amendment has never been applied to the states. The Supreme Court stated in \"Walker v. Sauvinet\" (1875), \"Minneapolis & St. Louis Railroad v. Bombolis\" (1916) and", + "score": 0.68212890625 + }, + { + "id": "9592000", + "title": "United States Bill of Rights", + "text": "United States Bill of Rights The Bill of Rights in the United States is the first ten amendments to the United States Constitution. Proposed following the often bitter 1787\u201388 debate over ratification of the U.S. Constitution, and written to address the objections raised by Anti-Federalists, the Bill of Rights amendments add to the Constitution specific guarantees of personal freedoms and rights, clear limitations on the government's power in judicial and other proceedings, and explicit declarations that all powers not specifically delegated to Congress by the Constitution are reserved for the states or the people. The concepts codified in these amendments", + "score": 0.68212890625 + }, + { + "id": "12347429", + "title": "Double Jeopardy Clause", + "text": "Although the Fifth Amendment initially applied only to the federal government, the U.S. Supreme Court has ruled that the double jeopardy clause applies to the states as well through incorporation by the Fourteenth Amendment (\"Benton v. Maryland\"). The government of the United States and of each State therein may each enact their own laws and prosecute crimes pursuant thereto, provided there is no prohibition by the Constitution of the United States or of the state in question. Such is known as the \"dual sovereignty\" or \"separate sovereigns\" doctrine. The earliest case at the Supreme Court of the United States to", + "score": 0.681640625 + }, + { + "id": "17668944", + "title": "South African constitutional litigation", + "text": "Rights (indirect application) in preference to assessing whether the common law is in conflict with the Bill of Rights (direct application). Since the Bill of Rights binds all the original and delegated law-making actors, it is always capable of being applied directly to legislation. But, before a court may resort to direct application and to invalidation, it must first consider indirectly applying the Bill of Rights to the statutory provision by interpreting it in such a way as to conform to the Bill of Rights. Section 39(2) places a general duty on every court, tribunal or forum to promote the", + "score": 0.68115234375 + }, + { + "id": "1323409", + "title": "Hugo Black", + "text": "an indigent criminal defendant who cannot afford one. Before \"Gideon\", the Court had held that such a requirement applied only to the federal government. One of the most notable aspects of Justice Black's jurisprudence was the view that the entirety of the federal Bill of Rights was applicable to the states. Originally, the Bill of Rights was binding only upon the federal government, as the Supreme Court ruled in \"Barron v. Baltimore\" (1833). According to Black, the Fourteenth Amendment, ratified in 1868, \"incorporated\" the Bill of Rights, or made it binding upon the states as well. In particular, he pointed", + "score": 0.68017578125 + }, + { + "id": "17668839", + "title": "South African constitutional litigation", + "text": "question of the appropriate remedy must be canvassed. What remedy is appropriate in this case? The Bill of Rights applies directly to a legal dispute when In addition, in instances when the Bill of Rights does not apply directly to a dispute, because one or more of the elements above is not present, it may apply indirectly. This is because all law must be developed, interpreted and applied in a way that conforms to the Bill of Rights. A conceptual distinction, then, must be made between two forms of application of the Bill of Rights: This distinction was of \u201cdecisive", + "score": 0.68017578125 + }, + { + "id": "428409", + "title": "Fourth Amendment to the United States Constitution", + "text": "Madison, along with the other amendments in the Bill of Rights, in response to Anti-Federalist objections to the new Constitution. Congress submitted the amendment to the states on September 28, 1789. By December 15, 1791, the necessary three-fourths of the states had ratified it. On March 1, 1792, Secretary of State Thomas Jefferson announced that it was officially part of the Constitution. Because the Bill of Rights did not initially apply to state or local governments, and federal criminal investigations were less common in the first century of the nation's history, there is little significant case law for the Fourth", + "score": 0.68017578125 + }, + { + "id": "5706446", + "title": "Privileges or Immunities Clause", + "text": "Process Clause of the Fourteenth Amendment. In the 1947 case of \"Adamson v. California\", Supreme Court Justice Hugo Black argued in his dissent that the framers intended the Privileges or Immunities Clause to apply the Bill of Rights against the states. Black argued that the framers' intent should control the Court's interpretation of the 14th Amendment, and he attached a lengthy appendix that quoted extensively from John Bingham's congressional statements. However, Black's position on the Privileges or Immunities Clause fell one vote short of a majority in the \"Adamson\" case. In the 1948 case of \"Oyama v. California\", a majority", + "score": 0.6796875 + }, + { + "id": "9592025", + "title": "United States Bill of Rights", + "text": "amendments at the Constitution's end so that the document would \"remain inviolate\", rather than adding them throughout, as Madison had proposed. The amendments, revised and condensed from twenty to seventeen, were approved and forwarded to the Senate on August 24, 1789. The Senate edited these amendments still further, making 26 changes of its own. Madison's proposal to apply parts of the Bill of Rights to the states as well as the federal government was eliminated, and the seventeen amendments were condensed to twelve, which were approved on September 9, 1789. The Senate also eliminated the last of Madison's proposed changes", + "score": 0.67919921875 + }, + { + "id": "10987882", + "title": "Fifth Amendment to the United States Constitution", + "text": "presentment or indictment by a grand jury shall be an essential preliminary... This draft was edited by Congress; all the material before the first ellipsis was placed at the end, and some of the wording was modified. After approval by Congress, the amendment was ratified by the states on December 15, 1791 as part of the Bill of Rights. Every one of the five clauses in the final amendment appeared in Madison's draft, and in their final order those clauses are the Grand Jury Clause (which Madison had placed last), the Double Jeopardy Clause, the Self Incrimination Clause, the Due", + "score": 0.6787109375 + }, + { + "id": "5706450", + "title": "Privileges or Immunities Clause", + "text": "had not yet \"undertaken to define either the nature or extent of the privileges and immunities\" in the original unamended Constitution. The framers of the Fourteenth Amendment left that matter of interpretation in the hands of the judiciary. In the 2010 case of \"McDonald v. Chicago\", Justice Thomas, while concurring with the majority in declaring the Second Amendment applicable to state and local governments, declared that he had reached the same conclusion only through the Privileges or Immunities Clause. Legal scholar Randy Barnett argues that since no other justice, either in majority or dissent, attempted to question his rationale, this", + "score": 0.67724609375 + }, + { + "id": "428386", + "title": "Second Amendment to the United States Constitution", + "text": "known as the Colfax massacre and had been charged with conspiring to prevent blacks from exercising their right to bear arms. The Court dismissed the charges, holding that the Bill of Rights restricted Congress but not private individuals. The Court concluded, \"[f]or their protection in its enjoyment, the people must look to the States.\" The Court stated that \"[t]he Second Amendment...has no other effect than to restrict the powers of the national government ...\" Likewise, the Court held that there was no state action in this case, and therefore the Fourteenth Amendment was not applicable: Thus, the Court held a", + "score": 0.6767578125 + }, + { + "id": "17668893", + "title": "South African constitutional litigation", + "text": "in breach of a constitutional provision, redress may be sought by an aggrieved party from law courts whose primary function is to protect rights of individuals. The Bill of Rights binds the \u201cexecutive [...] and all organs of state.\u201d This means that conduct of the executive and organs of state can be tested against any of the provisions of the Bill of Rights, with the exception of section 33, which can only be applied to conduct of the executive and organs of state that amounts to \u201cadministrative action.\u201d Although the executive and organs of state are primarily responsible for executing", + "score": 0.6767578125 + }, + { + "id": "4305814", + "title": "Incorporation of the Bill of Rights", + "text": "the \"Slaughterhouse Cases\". Many of the provisions of the First Amendment were applied to the States in the 1930s and 1940s, but most of the procedural protections provided to criminal defendants were not enforced against the States until the Warren Court of the 1960s, famous for its concern for the rights of those accused of crimes, brought state standards in line with federal requirements. The following list enumerates, by amendment and individual clause, the Supreme Court cases that have incorporated the rights contained in the Bill of Rights. (The Ninth Amendment is not listed; its wording indicates that it \"is", + "score": 0.6767578125 + }, + { + "id": "4305805", + "title": "Incorporation of the Bill of Rights", + "text": "of no elections.\" The 14th Amendment has vastly expanded civil rights protections and is cited in more litigation than any other amendment to the U.S. Constitution. In the 1940s and 1960s the Supreme Court gradually issued a series of decisions incorporating several of the specific rights from the Bill of Rights, so as to be binding upon the States. A dissenting school of thought championed by Justice Hugo Black supported that incorporation of specific rights, but urged incorporation of all specific rights instead of just some of them. Black was for so-called mechanical incorporation, or total incorporation, of Amendments 1", + "score": 0.67626953125 + }, + { + "id": "2432762", + "title": "States' rights", + "text": "laws caused in part by complete lack of state action in specific cases, even if state actions in other instances form an overall pattern of segregation and other discrimination. The separate but equal theory further weakened the effect of the Equal Protection Clause against state governments. With \"United States v. Cruikshank\" (1876), a case which arose out of the Colfax Massacre of blacks contesting the results of a Reconstruction era election, the Supreme Court held that the Fourteenth Amendment did not apply to the First Amendment or Second Amendment to state governments in respect to their own citizens, only to", + "score": 0.67529296875 + }, + { + "id": "1323412", + "title": "Hugo Black", + "text": "of Rights \"per se\", but merely protected rights that are \"implicit in the concept of ordered liberty,\" which was the standard Justice Cardozo had established earlier in \"Palko v. Connecticut\". The Supreme Court never accepted the argument that the Fourteenth Amendment incorporated the entirety of the Bill of Rights. However, it did agree that some \"fundamental\" guarantees were made applicable to the states. For the most part, during the 1930s, 1940s, and 1950s, only First Amendment rights (such as free exercise of religion and freedom of speech) were deemed sufficiently fundamental by the Supreme Court to be incorporated. However, during", + "score": 0.67529296875 + }, + { + "id": "17668844", + "title": "South African constitutional litigation", + "text": "duties of individuals. However, while the interim Bill of Rights did not apply directly to horizontal cases, it did have indirect application. The Bill of Rights applied to \u201call law in force,\u201d including all pre- and post-1994 legislation and the uncodified common law (provisions of the common law which had not been incorporated into legislation). Even if individuals were not directly bound by the Bill of Rights, the courts had to interpret legislation, and develop the common law, so that the ordinary law recognised and protected the rights in the Bill of Rights. In Du Plessis v Klerk, the Constitutional", + "score": 0.67529296875 + }, + { + "id": "5706451", + "title": "Privileges or Immunities Clause", + "text": "constitutes a revival of the Privileges or Immunities Clause. One of the arguments against interpreting the Privileges or Immunities Clause as a requirement that the states comply with the Bill of Rights has been that such an interpretation would render the Due Process Clause of the Fourteenth Amendment redundant, due to the Fifth Amendment's Due Process Clause. Although constitutional scholars such as Raoul Berger have raised this question, Akhil Amar argues that the framers of the Fourteenth Amendment wanted to extend the due process right not only to citizens, but to all other persons as well, which required a separate", + "score": 0.6748046875 + }, + { + "id": "17668842", + "title": "South African constitutional litigation", + "text": "and the state. A bill of rights that has solely vertical application will place duties on the state not to violate the rights of individuals. It will not place any similar duties on individuals. According to the Constitutional Court, in Du Plessis v De Klerk, the Bill of Rights in Chapter 3 of the interim Constitution conformed to this traditional model, in so far as it had no direct application to so-called \u201chorizontal\u201d disputes: that is, to disputes between private litigants governed by the common law. \u201cConstitutional rights under Chapter 3,\u201d the court held, \u201cmay be invoked against an organ", + "score": 0.6748046875 + }, + { + "id": "17668852", + "title": "South African constitutional litigation", + "text": "direct application of the Bill of Rights in the horizontal relationship in certain circumstances. There are four elements that are determinative of the direct application of the Bill of Rights. The first relates to beneficiaries, the second to the duties imposed by the Bill of Rights, the third to time and the fourth to the limited territorial effect of the Bill of Rights. Legal rights are a correlative relationship. If Armand has a legal right to something, this postulates that Theo has a legal duty to Armand to uphold that right. Armand is therefore the beneficiary of the right and", + "score": 0.67431640625 + }, + { + "id": "4690837", + "title": "Palko v. Connecticut", + "text": "was given a sentence of life imprisonment. Prosecutors appealed per Connecticut law and won a new trial in which Palka was found guilty of first-degree murder and sentenced to death. Palka appealed, arguing that the Fifth Amendment protection against double jeopardy applied to state governments through the Due Process Clause of the Fourteenth Amendment. The Court had previously held, in the Slaughterhouse cases, that the protections of the Bill of Rights should not be applied to the states under the Privileges or Immunities clause, but Palka held that since the infringed right fell under a due process protection, Connecticut still", + "score": 0.67431640625 + }, + { + "id": "7284908", + "title": "Second Amendment Foundation", + "text": "Amendment Foundation filed a suit, known as \"McDonald v. Chicago\", against the City of Chicago to overturn its handgun ban. Alan Gura, who successfully argued \"Heller\" before the Supreme Court, was lead counsel in this case. On June 28, 2010, the Supreme Court held in \"McDonald\" that the Second Amendment to the United States Constitution is incorporated by the Due Process Clause of the Fourteenth Amendment and applies to the states. In a noteworthy concurring opinion, Justice Clarence Thomas held that the application of the Second Amendment to the states was through the Fourteenth Amendment's Privileges or Immunities Clause. Following", + "score": 0.67431640625 + }, + { + "id": "428765", + "title": "Fourteenth Amendment to the United States Constitution", + "text": "Punishment Clause of the Eighth Amendment. While the Third Amendment has not been applied to the states by the Supreme Court, the Second Circuit ruled that it did apply to the states within that circuit's jurisdiction in \"Engblom v. Carey\". The Seventh Amendment right to jury trial in civil cases has been held not to be applicable to the states, but the amendment's Re-Examination Clause applies not only to federal courts, but also to \"a case tried before a jury in a state court and brought to the Supreme Court on appeal.\" On June 18, 2018, the Supreme Court agreed", + "score": 0.67333984375 + }, + { + "id": "9592043", + "title": "United States Bill of Rights", + "text": "protects against double jeopardy and self-incrimination and guarantees the rights to due process, grand jury screening of criminal indictments, and compensation for the seizure of private property under eminent domain. The amendment was the basis for the court's decision in \"Miranda v. Arizona\" (1966), which established that defendants must be informed of their rights to an attorney and against self-incrimination prior to interrogation by police. The Sixth Amendment establishes a number of rights of the defendant in a criminal trial: In \"Gideon v. Wainwright\" (1963), the Court ruled that the amendment guaranteed the right to legal representation in all felony", + "score": 0.67333984375 + }, + { + "id": "16172589", + "title": "United States constitutional criminal procedure", + "text": "States issued almost no constitutional criminal procedure decisions for its first century of existence. Professor Akhil Amar highlights two reasons for this. First, the Court's decision in \"Barron v. Baltimore\" (1833) meant that the federal constitution did not apply in state proceedings until the incorporation of the Bill of Rights after the Fourteenth Amendment. Second, the Court lacked general appellate jurisdiction over federal criminal cases until 1891. The Marshall Court possessed jurisdiction in criminal cases only via writs of error from state courts, original writs of habeas corpus, and certificates of division from the circuit courts. In three cases involving", + "score": 0.6728515625 + }, + { + "id": "7236314", + "title": "Twining v. New Jersey", + "text": "protection and refused to testify during their trial. The jury was told of the men's refusal to testify, and they were convicted. They appealed, arguing that the instructions to the jury violated their Fifth Amendment right against self-incrimination. The Supreme Court used the case to decide whether the Fifth Amendment right against self-incrimination was valid during trials in state courts, not just in federal courts. Before the adoption of the Fourteenth Amendment, the Bill of Rights, including the Fifth Amendment, did not apply to state courts. The Court did not reach the question of whether the defendants' Fifth Amendment rights", + "score": 0.67236328125 + } + ], + "answer": "By incorporation through both the Fourteenth Amendment in 1868 and the Fifteenth Amendment in 1870, various portions of the Bill of Rights have been held to be applicable to the state and local governments. Incorporation is the doctrine by which portions of the Bill of Rights have been made applicable to the states. When the Bill of Rights was ratified, the courts held that the Bill of Rights did not place limitations on the authority of the state and local governments." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who's won the most men's premierships in vfl/afl?", + "short_answers": [ + "Carlton", + "Essendon", + "Essendon and Carlton" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who's won the most men's reserves premierships in vfl/afl?", + "short_answers": [ + "Melbourne" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who's won the most men's under-19s premierships in vfl/afl?", + "short_answers": [ + "Richmond" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who's won the most women's premierships in afl?", + "short_answers": [ + "Adelaide" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "List of VFL/AFL premiers", + "url": "https://en.wikipedia.org/wiki/List%20of%20VFL/AFL%20premiers" + }, + { + "title": "VFL/AFL premiership and grand final statistics", + "url": "https://en.wikipedia.org/wiki/VFL/AFL%20premiership%20and%20grand%20final%20statistics" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The Australian Football League (AFL), known as the Victorian Football League (VFL) until 1990, is the elite national competition in men's Australian rules football.", + "wikipage": "Australian Football League" + } + ], + "long_answer": "The Australian Football League (AFL) formerly known as the Victorian Football League (VFL) is made up of a men's division, men's reserves, men's under-19 and a women's premiership side as well. The men's clubs Carlton and Essendon, have won the most premierships. The most men's reserves side, Melbourne has won the most in the reserves category. The most under-19 men's premierships have been won by Richmond and finally, the most number of premiership wins on the women's side have been won by Adelaide." + }, + { + "knowledge": [ + { + "content": "The Australian Football League (AFL), known as the Victorian Football League (VFL) until 1990, is the elite national competition in men's Australian rules football.[1]", + "wikipage": "AFL premiers" + }, + { + "content": "Two clubs, Carlton and Essendon, have won the most VFL/AFL premierships with sixteen each.[11]", + "wikipage": "AFL premiers" + } + ], + "long_answer": "The Australian Football League (AFL), known as the Victorian Football League (VFL) until 1990, is the elite national competition in men's Australian rules football. Two clubs, Carlton and Essendon, have won the most VFL/AFL premierships with sixteen each. Melbourne has won the most men's reserves premierships in the VFL/AFL. Richmond has won the most men's under-19 premierships in the VFL/AFL. Adelaide has won the most women's premierships in the AFL." + } + ], + "sample_id": "2460950840947172152", + "question": "Who's won the most premierships in afl?", + "docs": [ + { + "id": "15280443", + "title": "History of the Australian Football League", + "text": "Hawthorn, winning two, and establishing a bitter rivalry. In the process, Carlton and Essendon both passed Collingwood in terms of number of premierships won; since 1982, Carlton has continuously been the team with most premierships won, holding the position jointly with Essendon for much of that time. The 1989 grand final between Hawthorn and Geelong is considered one of the finest grand finals, with many strong physical encounters, a joint-grand-final-record nine goals by Geelong's Gary Ablett, Sr., and Geelong coming back from a 36-point deficit at three-quarter time to fall six points short of victory. The league was officially renamed", + "score": 0.783203125, + "summary": "Since 1982, Carlton has continuously been the team with most premierships won, holding the position jointly with Essendon for much of that time.", + "extraction": "\"Carlton has continuously been the team with most premierships won, holding the position jointly with Essendon for much of that time.\"" + }, + { + "id": "20388954", + "title": "VFL/AFL premiership and grand final statistics", + "text": "League of equalisation policies of a salary cap and draft in 1987, every team currently competing in the Australian Football League (except for , which has not yet qualified for a finals series) has qualified for a preliminary final. This has had a significant impact on the spread of premierships: since 1990, thirteen clubs have won a premiership, compared with only five clubs between 1967 and 1989. and have won the most VFL/AFL premierships, with a total of 16 each. Of the teams currently competing in the Australian Football League, only , Gold Coast and (three of the competition's four", + "score": 0.765625, + "summary": "Collingwood and Carlton have won the most VFL/AFL premierships with 16 each, according to the document.", + "extraction": "\" and have won the most VFL/AFL premierships, with a total of 16 each.\"" + }, + { + "id": "11845750", + "title": "1982 VFL Grand Final", + "text": "D'Amico, a 17-year-old stripper from Adelaide, ran onto the field with a Blues scarf and attempted to embrace Carlton player Bruce Doull. She is the first streaker to disrupt a VFL/AFL Grand Final (there would be streakers in the 1983 VFL Grand Final 1988 Grand Final and 1989 Grand Final). With its 14th premiership, Carlton overtook Collingwood to have won the most premierships in VFL history; this was the first time that Carlton has held this record outright, having previously been tied with Collingwood on 13 flags after 1981, and with Fitzroy on 5 flags after 1915. Carlton has held", + "score": 0.7529296875, + "summary": "In the 1982 VFL Grand Final, Carlton won its 14th premiership, overtaking Collingwood for the most premierships in VFL history.", + "extraction": "\"Carlton overtook Collingwood to have won the most premierships in VFL history.\"" + }, + { + "id": "2189905", + "title": "West Australian Football League", + "text": "for expansion team was to be from Darwin, Northern Territory, formed as a representative club of the Northern Territory Football League, however the NT team opted to join the Queensland Australian Football League for the 2009 season, and moved to the newly created North East Australian Football League in 2011 after the top divisions of the Queensland AFL and AFL Canberra merged. The following awards are or were awarded each season: East Fremantle have won the most premierships, with 29, most recently in 1998. West Perth ranks second with 19 titles, the most recent in 2013. The reigning premiers (2018)", + "score": 0.75244140625, + "summary": "East Fremantle have won the most premierships in the West Australian Football League with 29, most recently in 1998.", + "extraction": "East Fremantle have won the most premierships, with 29, most recently in 1998." + }, + { + "id": "2292851", + "title": "Salary cap", + "text": "the VFL/AFL's cap is that the three richest and most successful clubs, Carlton, Collingwood and Essendon, who won 41 of the premierships between them from 75 Grand Finals in the 90 seasons between 1897 and 1986 (83.3% of all Grand Finals for a 45.6% premiership success rate), have only won six of the premierships between them from twelve Grand Finals since (36.4% of all Grand Finals for an 18.2% premiership success rate). Of note in this regard is that Sydney, who mostly struggled in the 50 seasons between 1946 and 1995, making the finals on just four occasions in that", + "score": 0.751953125, + "summary": "Carlton, Collingwood, and Essendon have won the most premierships in AFL, with a combined 41 wins out of 75 Grand Finals between 1897 and 1986. However, they have only won six premierships out of twelve Grand Finals since then.", + "extraction": "Carlton, Collingwood, and Essendon have won 41 of the premierships between them from 75 Grand Finals in the 90 seasons between 1897 and 1986." + }, + { + "id": "20388957", + "title": "VFL/AFL premiership and grand final statistics", + "text": "in a row on a further five occasions, and back-to-back premierships have been won on a further seventeen occasions. \"Table correct to the end of the 2018 season\". The most consecutive years in which a club has featured in the VFL/AFL grand final is seven, achieved by and . \"Table correct to the end of the 2018 season\". \"Table correct to the end of the 2018 season\". A club has won premierships in three grades in a single year on only two occasions \u2013 in 1950, and in 1973. During the years that it was achievable, no club ever won", + "score": 0.7490234375, + "summary": "The document provides statistics on VFL/AFL premiership and grand finals up to the end of the 2018 season. However, it does not mention which club has won the most premierships in AFL.", + "extraction": "\"Irrelevant\" - The passage does not provide any information about which team has won the most premierships in AFL." + }, + { + "id": "6464569", + "title": "Mick Malthouse", + "text": "against Geelong), as well as the highest win ratio. The 1992 AFL Grand Final win was the West Coast Eagles' first ever premiership and the first AFL premiership won by a team from outside Victoria. Malthouse then coached Collingwood to grand finals in 2002, 2003, 2010 and 2011; with success in the 2010 Grand Final Replay, leading Collingwood to its first premiership since 1990. He spent 2\u00bd seasons as the senior coach of from 2013 until mid-2015. Malthouse's coaching career spanned 718 senior games \u2013 the all-time VFL/AFL record \u2013 over thirty-one seasons. Malthouse was involved as a player or", + "score": 0.74169921875, + "summary": "Collingwood has won the most premierships in AFL with their last win in 2010, coached by Mick Malthouse.", + "extraction": "Irrelevant. The passage does not provide information about the team or individual who has won the most premierships in AFL." + }, + { + "id": "15280428", + "title": "History of the Australian Football League", + "text": "victories in 1935 and 1936, the Collingwood Football Club had already won 11 Premierships, four more than the next most successful club, Fitzroy (7). In the 1930s, Richmond and South Melbourne rivaled Collingwood as the best team. Melbourne, which had won the Premiership in 1926 but fallen off sharply, developed a powerful attacking side that swept all before it between 1939 and 1941 to win three successive flags. Essendon, after a lean decade in the 1930s, enjoyed a dominant period with nine grand final appearances between 1941 and 1951. For more information on how world wars affected the VFL see:", + "score": 0.73974609375, + "summary": "Collingwood has won the most premierships in AFL with a total of 11 by 1936.", + "extraction": "Collingwood Football Club had already won 11 Premierships, four more than the next most successful club, Fitzroy (7)." + }, + { + "id": "17370372", + "title": "AFL salary cap", + "text": "the 90 seasons between 1897 and 1986 (83.3% of all Grand Finals for a 45.6% premiership success rate), have only won six of the premierships between them from twelve Grand Finals since (36.4% of all Grand Finals for an 18.2% premiership success rate). Of note in this regard is that Sydney, who mostly struggled in the 50 seasons between 1946 and 1995, making the finals on just four occasions in that time (a finals success rate of 8%), had not won a premiership since 1933 and had not appeared in a Grand Final since 1945 (both as South Melbourne), have", + "score": 0.73876953125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "15280431", + "title": "History of the Australian Football League", + "text": "in Round 12, 1952 and ending in Round 13, 1953. This streak included the 1952 Premiership. Footscray became the first of the 1925 expansion teams to win the premiership in 1954. Melbourne became a powerhouse during the 1950s and early 1960s under coach Norm Smith and star player Ron Barassi. The club contested seven consecutive grand finals from 1954 to 1960, winning five Premierships, including three in a row between 1955 and 1957. Television coverage began in 1957, with direct telecasts of the final quarter permitted. At first, several channels competed through broadcasting different games. However, when the VFL found", + "score": 0.73828125, + "summary": "The document mentions several teams and their success in the Australian Football League, but does not give a clear answer to the question of who has won the most premierships. Therefore, the answer is \"irrelevant.\"", + "extraction": "irrelevant" + }, + { + "id": "6650915", + "title": "AFL Grand Final", + "text": "great prestige as an individual prize. The coach of the winning team receives the Jock McHale Medal, named in honour of Collingwood coach Jock McHale who holds the record of winning eight premierships as coach. The medal was first awarded in 2001, and was retrospectively awarded to all premiership-winning coaches starting from 1950, the first season after McHale's retirement from coaching. The leading goalkicker or goalkickers in the grand final receive the Jack Collins Medal, named after Jack Collins who kicked seven goals in 's grand final victory in 1954. The award was first presented by the AFL Premiership Players'", + "score": 0.73779296875, + "summary": "The document mentions that Jock McHale holds the record of winning eight premierships as coach in AFL.", + "extraction": "Collingwood coach Jock McHale holds the record of winning eight premierships as coach." + }, + { + "id": "11966651", + "title": "1981 VFL Grand Final", + "text": "a Grand Final, all without success. This defeat gave Collingwood their third successive Grand Final loss and their fourth in five years. It was the final grand final loss of the infamous \"Colliwobbles.\" They next appeared in a Grand Final nine years later, winning the 1990 AFL Grand Final. The win was Carlton's 13th premiership, drawing them level with Collingwood for the most premierships in VFL history\u2014a record that Collingwood had held outright since 1929. The grand final was the final one played with the old MCG scoreboard. It was given to Manuka Oval in 1982 after the MCG installed", + "score": 0.734375, + "summary": "Carlton and Collingwood have won the most premierships in VFL history, with 13 each.", + "extraction": "\"Carlton's 13th premiership, drawing them level with Collingwood for the most premierships in VFL history.\"" + }, + { + "id": "10093052", + "title": "Carlton Football Club premierships", + "text": "Carlton Football Club premierships The Carlton Football Club has been involved in 29 VFL/AFL Grand Finals from 1897-2006, winning 16 premiership titles. An infamous battle between Carlton and South Melbourne (now Sydney Swans), in which the game became footbrawl rather than football. It is the most bloodiest and toughest grand final of all time with the reporting and suspension of ten footballers from both teams. Fights went on all day with several players being knocked out, involving umpires, police, trainers, and spectators, all fighting on the field. Princes Park in Melbourne had 63,000 spectators screaming for blood. Carlton won by", + "score": 0.73388671875, + "summary": "Carlton Football Club has won 16 premiership titles in the VFL/AFL Grand Finals from 1897-2006.", + "extraction": "The Carlton Football Club has won 16 premiership titles in VFL/AFL Grand Finals from 1897-2006, making them the team that has won the most premierships in AFL." + }, + { + "id": "9829808", + "title": "Vic Belcher", + "text": "final and finishing fifth and seventh in the other seasons. South had withdrawn from the VFL in 1916 at the height of the First World War. As vice-captain in 1918 Belcher won his second premiership with South and enhanced his reputation as a good finals player. Collingwood led by 12 points at the final break of the grand final but South switched Belcher from defence to the ruck and he was instrumental in a comeback that saw South win by five points. Until 2012 he was the only person in VFL/AFL history to win two premierships with the South Melbourne", + "score": 0.732421875, + "summary": "Irrelevant.", + "extraction": "South Melbourne is the only team to have won two premierships with Vic Belcher before 2012 in VFL/AFL history." + }, + { + "id": "903404", + "title": "Carlton Football Club", + "text": "the AFL's most successful clubs, having won sixteen senior VFL/AFL premierships, equal with Essendon as the most of any club; prior to this, it won six senior premierships, including two in the Victorian Football Association. The club has also fielded a team in the AFL Women's league since its establishment in 2017. Carlton has had a long and successful history, winning the most premierships of any club in the VFL era. Together with fierce rivals , and , Carlton was considered historically to be one of the league's \"Big Four\" clubs, and enjoys a healthy rivalry with all three others.", + "score": 0.73193359375, + "summary": "Carlton Football Club has won the most premierships of any club in the VFL era, with sixteen senior VFL/AFL premierships, equal with Essendon as the most of any club.", + "extraction": "\"Carlton Football Club has won sixteen senior VFL/AFL premierships, equal with Essendon as the most of any club.\"" + }, + { + "id": "17600325", + "title": "1959 VFA season", + "text": "1959 VFA season The 1959 Victorian Football Association season was the 78th season of the Australian rules football competition. The premiership was won by the Williamstown Football Club, after it defeated Coburg in the Grand Final on 10 October by 35 points. It was Williamstown's tenth premiership, taking it past to become the club with the most premierships won in VFA history, a title it held until it was passed by Port Melbourne in 1976; it was also the fifth of five premierships won in six seasons between 1954 and 1959, and the club's fourth consecutive minor premiership. Prior to", + "score": 0.73193359375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is about the 1959 VFA season and does not mention the AFL or any team's premiership count in the AFL." + }, + { + "id": "19026209", + "title": "History of the Geelong Football Club", + "text": "The team then won its first two matches of the finals series to qualify for the 2011 AFL Grand Final against reigning premier Collingwood, where Geelong proceeded to win the match by 38 points to claim its third premiership in the space of five seasons, and the club's ninth VFL/AFL premiership overall. Jimmy Bartel, who played in each of these three premiership wins, was awarded the Norm Smith Medal for his best on ground performance. Notably, all three of Collingwood's losses for the season were to Geelong. Premiership captain Cameron Ling announced his retirement from the AFL at the conclusion", + "score": 0.7294921875, + "summary": "Geelong has won 9 VFL/AFL premierships overall, with their most recent win in 2011 against Collingwood, marking their third win in five seasons.", + "extraction": "Geelong Football Club has won 9 VFL/AFL premierships overall, with 3 premiership wins in the space of five seasons, the most recent being in 2011 against Collingwood. Therefore, Geelong Football Club has won the most premierships in AFL." + }, + { + "id": "332309", + "title": "Port Adelaide Football Club", + "text": "the premiership setting a national record of sixth consecutive Grand Final victories. Port Adelaide's hope of winning 7 consecutive premierships was brought to an end in the 1960 preliminary final when Norwood won by 27 points. For the following two seasons Port Adelaide would finish third. Fos Williams returned in 1962 and Port Adelaide won three of the next four premierships taking his personal tally to nine and the clubs record to 10 of the last 15 premierships. At the end of 1962 the Woodville Football Club, based in a neighbouring suburb to Alberton, was admitted to the SANFL in", + "score": 0.7294921875, + "summary": "Port Adelaide Football Club has won the most premierships in AFL, with a record of 10 out of the last 15 premierships, including a national record of six consecutive Grand Final victories.", + "extraction": "\"Port Adelaide\" has won the most premierships in AFL with a record of 10 of the last 15 premierships." + }, + { + "id": "7667931", + "title": "North Coast Australian Football League", + "text": "to the AFL's Brownlow Medal. The players who have won the most League Best & Fairest awards are former Sawtell-Toormina ruckman Brian Rava in 1991, 1992 and 1998, fellow Saint Mark Couzens who claimed the prize in 2007, 2009 and 2014, and Port Macquarie forward Jesse Schmidt in 2012, 2013 and 2015. Jeff Reed, Troy Mirkin, Brad Giri, and Luke Matthews have all won the award twice. Mirkin is the only player to win the award at two different clubs. The list of League Best & Fairest winners follows: A Women's Best and Fairest award was introduced in 2018 to", + "score": 0.72705078125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "18327667", + "title": "2015 Hawthorn Football Club season", + "text": "surpassed John Kennedy Sr. and Allan Jeans (3) for most premiership wins as coach of Hawthorn. Hawthorn became the sixth team in VFL/AFL history to win three consecutive premierships joining (1906\u20131908), (4, 1927\u20131930), (2 times, 1939\u20131941, 1955\u20131957), and the second team in the AFL era joining the (2001\u20132003). The 2015 AFL season was the 119th season of the VFL/AFL competition since its inception in 1897; having entered the competition in 1925, it was the 91st season contested by the Hawthorn Football Club. The Melbourne Cricket Ground once again acted as Hawthorn's primary home ground, hosting six of the club's eleven", + "score": 0.72412109375, + "summary": "Hawthorn Football Club has won the most premierships as coach, surpassing John Kennedy Sr. and Allan Jeans with three consecutive wins in the 2015 season, making it the second team in AFL history to do so.", + "extraction": "John Kennedy Sr. and Allan Jeans have won 3 premierships each, but the Hawthorn Football Club has surpassed them. However, the passage does not provide a clear answer to the question of who's won the most premierships in AFL." + }, + { + "id": "17565406", + "title": "1958 VFA season", + "text": "1958 VFA season The 1958 Victorian Football Association season was the 77th season of the Australian rules football competition. The premiership was won by the Williamstown Football Club, after it defeated Moorabbin in the grand final replay on 4 October by 32 points. It was Williamstown's ninth premiership, drawing it level with for the most premierships won in VFA history, and it was the fourth of five premierships won in six seasons between 1954 and 1959. The 1958 season marked the beginning of the expansion of the Association from fourteen clubs to twenty clubs. The Association had been planning for", + "score": 0.72412109375 + }, + { + "id": "18307703", + "title": "2015 AFL Grand Final", + "text": "six clearances), James Frawley (22 disposals, 11 marks and kept Eagles forward Josh Kennedy goalless), Hodge (30 disposals, 8 marks), Smith (three goals and 23 disposals), Shaun Burgoyne (26 disposals), Josh Gibson (29 disposals and 8 marks) and Gunston (four goals). Andrew Gaff was the best for the Eagles with 34 disposals. The Hawks became only the fifth club and sixth team in VFL/AFL history to win a hat-trick of premierships, and the first to do so since the Brisbane Lions in 2001, 2002 and 2003 Grand Finals. Seven Hawks players became four-time premiership winners: Rioli, Lewis, Mitchell, Roughead, Birchall", + "score": 0.7236328125 + }, + { + "id": "14961018", + "title": "2010 Collingwood Football Club season", + "text": "and ended a 19-season premiership drought dating back to 1990. 2010 Collingwood Football Club season The 2010 AFL season was the Collingwood Football Club's, (\"The Magpies\"), 114th season playing Australian rules football in the Victorian or Australian Football League. It was the club's most successful season since 1930 and the club's most successful season in AFL era. The Magpies won the premiership after defeating by 56 points in the Grand Final Replay. Collingwood also won the McClelland Trophy for finishing first at the end of the home and away season. 2010 marked the first time that Collingwood won 20 matches", + "score": 0.7236328125 + }, + { + "id": "7577380", + "title": "Australian Football League", + "text": "became the first of the 1925 expansion teams to win the premiership in 1954. Melbourne became a powerhouse during the 1950s and early 1960s under coach Norm Smith and star player Ron Barassi. The club contested seven consecutive grand finals from 1954 to 1960, winning five premierships, including three in a row from 1955 to 1957. Television coverage began in 1957, with direct telecasts of the final quarter permitted. At first, several channels competed through broadcasting different games. However, when the VFL found that television was reducing crowds, it decided that no coverage was to be allowed for 1960. In", + "score": 0.72265625 + }, + { + "id": "6650895", + "title": "AFL Grand Final", + "text": "winning three premierships. The only match to not feature Geelong was in 2010, when and played the third draw in grand final history, with Collingwood winning the subsequent replay by 56 points. After 2011, Hawthorn established itself as a dominant force, finishing runners up to in 2012 then winning the 2013, 2014 and 2015 premierships against , and . On 19 April 2016, the AFL announced that drawn grand finals will be resolved by the use of two five minute extra time periods, with the siren not being sounded to end the second period until the tie is broken, abolishing", + "score": 0.72265625 + }, + { + "id": "15280427", + "title": "History of the Australian Football League", + "text": "Hawthorn and North Melbourne finished in last place fifteen of the twenty-nine years from their admittance until 1953. Footscray adapted to the VFL with the most ease of the three clubs, and by 1928 were well off the bottom of the ladder. Between the years of 1927 and 1930, Collingwood became the first and so far, the only, team to win four successive Premierships. The club also finished the 1929 home-and-away season without losing a game, a feat yet to be repeated. This team became known as \"the Machine\" because of the organised and consistent way it played. With Premiership", + "score": 0.72265625 + }, + { + "id": "6650893", + "title": "AFL Grand Final", + "text": "of the greatest of all time. With the transformation of the VFL into the Australian Football League in 1990, and the move to a truly national competition, there emerged a new era in which non-Victorian based clubs now competed for the Premiership. won the inaugural AFL Premiership in 1990. Between 1992 and 2006, non-Victorian clubs won ten out of fifteen premierships. The first club to achieve the feat was in 1992 and 1994, and won back-to-back premierships in 1997 and 1998. was the only other club to win two grand finals in the 1990s, 1996 and 1999 respectively, as no", + "score": 0.72265625 + }, + { + "id": "132800", + "title": "Essendon Football Club", + "text": "won the 1993 Grand Final against Carlton and that same year, Gavin Wanganeen won the Brownlow Medal, the first awarded to an Essendon player since 1976. Three years later, James Hird was jointly awarded the medal with Michael Voss of Brisbane. In 2000, Essendon won 20 consecutive matches before they lost to the Western Bulldogs in round 21. The team went on to win their 16th premiership, defeating , thereby completing the most dominant single season in AFL/VFL history. The defeat to the Bulldogs was the only defeat for Essendon throughout the entire calendar year (Essendon also won the 2000", + "score": 0.72216796875 + }, + { + "id": "18929828", + "title": "1995 Carlton Football Club season", + "text": "1995 Carlton Football Club season The 1995 AFL season was the 99th season in the Australian Football League to be contested by the Carlton Football Club. Carlton won the AFL premiership, defeating in the Grand Final. It was the club's sixteenth and, as of 2015, most recent premiership. It was a record-breaking season for the club, in which it set a new record by winning twenty matches during the premiership season. The 1995 AFL season was the 99th season of the AFL competition since its inception in 1897; and, having competed in every season, it was also the 99th season", + "score": 0.72119140625 + }, + { + "id": "13447139", + "title": "2010 AFL Grand Final", + "text": "was Collingwood's first premiership since 1990, only its second since 1958. It was the ninth time that Collingwood won both the premiership and the minor premiership in the same year, but the first time since 1930. It was also Collingwood's second consecutive premiership to be won in October and their first premiership since 1990. It was the third premiership won by Michael Malthouse as a coach, having previously won with the West Coast Eagles in 1992 and 1994, joining Leigh Matthews, David Parkin, Allan Jeans and Ron Barassi as coaches who have led more than one club to a premiership.", + "score": 0.72119140625 + }, + { + "id": "15280437", + "title": "History of the Australian Football League", + "text": "after struggling for most of its time in the VFL, finally won its first premiership in 1975, and contesting the grand final each year from 1974\u20131978, winning two; three of those deciders were against fellow 1925 expansion team Hawthorn, who also won two premierships. Carlton won three premierships in four years from 1979\u20131982. Among the notable rule changes made during the decade were: The 1980s was a period of significant structural change in Australian football around the country. The VFL was the most popular and dominant of the state leagues around the country in terms of overall attendance, interest, and", + "score": 0.720703125 + }, + { + "id": "15873675", + "title": "2011 AFL Grand Final", + "text": "nine marks, three goals) finished third with five votes, including the other best-on-ground vote. Scott Pendlebury (two votes) and Cameron Ling (one vote) were the other vote-getters. The premiership was the ninth VFL/AFL premiership in Geelong's history and the third premiership in five years. Twelve Geelong players \u2013 Bartel, Ottens, Ling, Johnson, Selwood, Matthew Scarlett, Paul Chapman, Andrew Mackie, James Kelly, Joel Corey, David Wojcinski and Corey Enright \u2013 became the first triple-premiership players in the club's VFL/AFL history. Geelong coach Chris Scott became the first man since Alan Joyce in 1988 to win the premiership in his first year", + "score": 0.720703125 + }, + { + "id": "20047119", + "title": "History of the Adelaide Football Club", + "text": "half time address. The loss ended the Crows' season, while Essendon then went on to defeat Carlton a week later and thus win the Premiership. Tony McGuinness won the Club Champion award from Mark Bickley, while full-forward Tony Modra kicked a club record 129 goals for the season, including finals, to be the club's leading goalkicker. Modra also was awarded the AFL Mark of the Year for his spectacular mark in round 8 against at Football Park. McGuinness, Modra, Greg Anderson, Ben Hart and Nigel Smart were all named in the All-Australian team for 1993. The AFL Rising Star award", + "score": 0.720703125 + }, + { + "id": "7567067", + "title": "Jack Oatey", + "text": "Victoria. He was inducted into the Australian Football Hall of Fame in 1996. Overall, Oatey coached 37 seasons in the SANFL, winning ten premierships (three with Norwood, seven with Sturt), reaching seventeen grand finals (six with Norwood, two with West Adelaide and nine with Sturt) and reaching the finals on 33 occasions. His ten premierships is still the record for the most premierships by one coach in top-level football. Jack Oatey is the only person in elite Australian rules football history to coach over 500 wins. He coached Norwood, West Adelaide and Sturt to a total of 513 wins and", + "score": 0.72021484375 + }, + { + "id": "17600336", + "title": "1959 VFA season", + "text": "series under the Page\u2013McIntyre system to determine the premiers for the season. 1959 VFA season The 1959 Victorian Football Association season was the 78th season of the Australian rules football competition. The premiership was won by the Williamstown Football Club, after it defeated Coburg in the Grand Final on 10 October by 35 points. It was Williamstown's tenth premiership, taking it past to become the club with the most premierships won in VFA history, a title it held until it was passed by Port Melbourne in 1976; it was also the fifth of five premierships won in six seasons between", + "score": 0.7197265625 + }, + { + "id": "11980399", + "title": "2008 AFL Grand Final", + "text": "in the home and away season. It had been widely expected to defend its 2007 premiership, and to win back-to-back Premierships for the first time since 1951-52. By failing to win the grand final, Geelong instead set the record for the best win/loss record by a non-Premier (breaking the 16-2 record set by South Melbourne in both 1935 and 1936) and for the most home and away wins by a non-Premier (breaking the record of 19 wins set by Collingwood in 1973 and tied by West Coast in 1991). Geelong's twenty-three behinds included eleven rushed behinds by Hawthorn, some of", + "score": 0.71923828125 + }, + { + "id": "18327666", + "title": "2015 Hawthorn Football Club season", + "text": "2015 Hawthorn Football Club season The 2015 season was the Hawthorn Football Club's 91st season in the Australian Football League and 114th overall. Hawthorn entered the season as the two-time defending AFL premiers, having won back-to-back AFL premierships. Hawthorn won their third consecutive AFL premiership, fifth AFL premiership, and thirteenth premiership overall, defeating 107\u201361 in the Grand Final. As of 2018, this was the last time Hawthorn won a final. Hawthorn's five premierships is the most in the AFL era. Alastair Clarkson joined Leigh Matthews as the only coaches to have won four premierships in the AFL era. Clarkson also", + "score": 0.71923828125 + }, + { + "id": "6650892", + "title": "AFL Grand Final", + "text": "the start of the early 1980s, Collingwood had lost eight grand finals in a row since winning its 1958 premiership. The term \"Colliwobbles\" began to be used at this time to describe the team's inability to win grand finals. The 1980s saw a sustained period of dominance by Hawthorn, who appeared in every grand final from 1983 to 1989, winning four of them in 1983, 1986, and back to back in 1988 and in 1989 contest. The 1989 Grand Final, a high scoring and very physical encounter in which Hawthorn defeated Geelong by six points, is considered to be one", + "score": 0.71875 + }, + { + "id": "10123911", + "title": "Anzac Day match", + "text": "metal salvaged from the Gallipoli battlefields. A best-on-ground player has been named for each of the Anzac Day clashes. Since 2000, the player in the match considered to best exemplify the Anzac spirit \u2013 skill, courage, self-sacrifice, teamwork and fair play \u2013 has been awarded the AFL Anzac Medal. This medal has been won three times by retired Essendon star (and former Essendon coach) James Hird, the most of any player. In 2001, Collingwood's Chris Tarrant became the only player to have won the medal despite playing in the losing team. Before the start of the 2011 Anzac Day match,", + "score": 0.7177734375 + }, + { + "id": "132759", + "title": "Essendon Football Club", + "text": "premierships, which, along with Carlton, is the most of any club in the competition. The club also won four consecutive VFA premierships between 1891 and 1894, a feat unmatched in VFA history and equalled only once in the VFL, technically giving them the most amount of premierships in AFL history: 20. The club was founded by members of the Royal Agricultural Society, the Melbourne Hunt Club and the Victorian Woolbrokers. The Essendon Football Club is thought to have formed in 1872 at a meeting it the home of a well-known brewery family, the McCrackens, whose Ascot Vale property hosted a", + "score": 0.7177734375 + }, + { + "id": "9448231", + "title": "1998 AFL Grand Final", + "text": "points. Adelaide became the first team since Hawthorn in 1988-1989 to win back-to-back premierships. In the end, both teams had 30 scoring shots, but the Crows converted at 50% and the Kangaroos at just 26%. Darren Jarman was sensational with 5 goals and Andrew McLeod was awarded the Norm Smith Medal for being judged the best player afield, for the second straight year. He became only the second player (after Gary Ayres of Hawthorn) to win the medal twice, and the first player to win it in successive years. Adelaide is one of just two clubs in modern times to", + "score": 0.7177734375 + }, + { + "id": "17628842", + "title": "2007 WAFL season", + "text": "2007 WAFL season The 2007 WAFL season was the 123rd season of the various incarnations of the West Australian Football League. The season saw Subiaco, confounding the critics who expected them to slip after winning their second premiership in three years, win their second consecutive premiership for the first time in ninety-four seasons, with injury-plagued forward Brad Smith overcoming two reconstructions that wiped out 2005 and 2006 to kick 126 goals for the season, the most in the WAFL since Warren Ralph kicked 128 for Claremont in 1983. Smith also achieved the unique feat for a full-forward of winning the", + "score": 0.71630859375 + }, + { + "id": "12534343", + "title": "1958 VFL Grand Final", + "text": "record. Collingwood's victory would deny the Demons that record and keep it in black-and-white hands, a record which still stands today. The Collingwood Magpies\u2019 unexpected victory did not end the Melbourne Demons\u2019 long domination of the VFL finals, but it did preserve the Magpies cherished record of four consecutive premierships. It has been remembered, and studied, as a notable case of an underdog team overcoming multiple disadvantages, while ignoring much of the strategic advice it was offered by sports journalists and others. The Melbourne \"Age\" described the Magpies\u2019 victory as a \"Great Comeback\" which \"must go down not only as", + "score": 0.7158203125 + }, + { + "id": "10945249", + "title": "Alberton Football Netball League", + "text": "Frank Salmon, kicking a record 34 goals 17 behinds out of the teams 35.18 score. Salmon\u2019s (and his teammates\u2019 efforts) helped him claim the League goalkicking award by overtaking Woodside great Charles Williamson. Woodside dominated the competition during the early stages as the club won six consecutive premiership from 1947 to 1952. It is the only club to have achieved such a feat in the league's history. Fish Creek produced the most outstanding era of success in the Alberton League as it claimed 11 premierships from 15 successive Grand Final appearances between 1953 and 1967. The recruitment of former VFL", + "score": 0.71533203125 + }, + { + "id": "967004", + "title": "Richmond Football Club", + "text": "over the game as it progressed and kicked seven straight goals at one point. They eventually would win by 48 points \u2013 16.12 (108) to Adelaide's 8.12 (60) \u2013 to end their 37-year flag drought. Dustin Martin also became the first player to win a Premiership medal, the Brownlow Medal and the Norm Smith Medal in the same season, while Damien Hardwick was named AFL Coaches Association Coach of the Year. Richmond's jump from 13th to premiers also marked the biggest jump from one AFL season to the next. Initially, Richmond saw itself as a gentlemanly and sportsman-like club; it", + "score": 0.71533203125 + }, + { + "id": "10986742", + "title": "History of Australian rules football in Victoria (1859\u20131900)", + "text": "a similar era to South Melbourne. Geelong won the 1878, 1879, 1880, 1882, 1883, 1884 and 1886 Premierships, which, of course, includes two hat-tricks of three consecutive Premierships. (Had they won the 1881 Premiership [rather than it going to South Melbourne] they would have ended up with seven consecutive Premierships.) During these 11 years, Geelong played 236, won 190, drew 27 and lost only 19 games (and this doesn't include games on tour or against inter-colonial teams \u2013 which they rarely lost). They were undefeated in 1879 & 1886, and they provided the top goalkicker six times (1880 H. P.", + "score": 0.71533203125 + }, + { + "id": "18307704", + "title": "2015 AFL Grand Final", + "text": "and Hodge all with Hawthorn, and Burgoyne adding a third Hawthorn premiership medallion to his premiership won with Port Adelaide in 2004. Alastair Clarkson also won his fourth premiership as coach of Hawthorn, making him the 12th four-time VFL/AFL premiership coach. Cyril Rioli was named the Norm Smith Medallist (best on ground). Rioli polled 13 votes out of a possible 15, beating his teammate Sam Mitchell who had nine votes. Rioli emulated his uncles Maurice Rioli\u2014who won the medal for Richmond in 1982 in their loss to Carlton\u2014and Essendon's Michael Long, who was awarded the medal in their win over", + "score": 0.71484375 + }, + { + "id": "10123913", + "title": "Anzac Day match", + "text": "Dane Swan and Travis Cloke, both with 11 games. Sav Rocca of Collingwood has kicked the most goals in one game, with nine in 1995. The most goals kicked by a player in one game for Essendon is six, shared by Matthew Lloyd in 1999 and 2003, and Scott Lucas in 2000. James Hird of Essendon has won the most Anzac Medals, with three, being awarded the medal in 2000, 2003, and 2004. For Collingwood, the most Anzac Medals is two, a record shared by Sav Rocca for his wins in 1995 and 1998, Scott Pendlebury in 2010 and 2011,", + "score": 0.7138671875 + }, + { + "id": "8655199", + "title": "Jack Rayner", + "text": "finished as minor-premiers and managed a Grand final appearance going down to St George in 1949 season decider. Souths were by now the main premiership force and under Rayner entered their most successful era. For six consecutive seasons from 1950 the Rabbitohs were Grand Finalists, winning premierships in 1950, 1951, NSWRL season 1953, 1954 and 1955. They were denied by Western Suburbs in controversial circumstances in season 1952. Rayner's fifth premiership win in 1955 stands as the record for the most number of grand final successes by an individual as captain (equalled by Ken Kearney's who also achieved five in", + "score": 0.7138671875 + }, + { + "id": "11496875", + "title": "Kapunda Football Club", + "text": "have also won 11 Premierships since the reserves competition began in 1922, with the last in 2006. The senior colts have won a total of five premierships, the most recent in 1996, while the junior colts have won three the last of which also in 1996. Both competitions began in 1970, previous to then a combined competition known as the colts was held. Kapunda won three premierships in the colts competition. A Grade Association Medallists A Grade Association Leading Goalkickers A Grade Rookie of the Year Reserves Association Medallists Reserves Association Leading Goalkickers Senior Colts Association Medallists Senior Colts Association", + "score": 0.71337890625 + }, + { + "id": "20388953", + "title": "VFL/AFL premiership and grand final statistics", + "text": "VFL/AFL premiership and grand final statistics This page is a collection of VFL/AFL premiership and grand final statistics. The Australian Football League (AFL), known as the Victorian Football League (VFL) until 1990, is the elite national competition in men's Australian rules football. Each year, the premiership is awarded to the club that wins the AFL Grand Final. The grand final has been played in all VFL/AFL seasons except for 1897 and 1924 (where the premiership was awarded without a grand final being played), and has been an annual tradition in its current format since 1931. Since the introduction by the", + "score": 0.71337890625 + }, + { + "id": "168733", + "title": "Geelong Football Club", + "text": "1963, 1964, 1975, 1980, 1981, 1982), the most of any club. Since the demise of the AFL reserves competition, the Geelong reserves team has competed in the new Victorian Football League, having won three premierships in that time. Unlike all other Victorian AFL clubs, Geelong has never operated in a reserves affiliation with an existing VFL club, having instead operated its stand-alone reserves team continuously. The team is composed of both reserves players from the club's primary and rookie AFL lists, and a separately maintained list of players eligible only for VFL matches. Home games are played at Simonds Stadium,", + "score": 0.71337890625 + }, + { + "id": "18116386", + "title": "1996 Brownlow Medal", + "text": "1996 Brownlow Medal The 1996 Brownlow Medal was the 69th year the award was presented to the player adjudged the fairest and best player during the Australian Football League (AFL) home and away season. Michael Voss of the Brisbane Bears and James Hird of the Essendon Football Club both won the medal by polling twenty-one votes during the 1996 AFL season. Corey McKernan of the North Melbourne Football Club polled the same number of votes as Voss and Hird, but due to a tribunal suspension during the year, he was deemed ineligible to win the award. This caused some to", + "score": 0.712890625 + }, + { + "id": "17565413", + "title": "1958 VFA season", + "text": "the All-Australian team on the wing; he was the only Association player named in the team. 1958 VFA season The 1958 Victorian Football Association season was the 77th season of the Australian rules football competition. The premiership was won by the Williamstown Football Club, after it defeated Moorabbin in the grand final replay on 4 October by 32 points. It was Williamstown's ninth premiership, drawing it level with for the most premierships won in VFA history, and it was the fourth of five premierships won in six seasons between 1954 and 1959. The 1958 season marked the beginning of the", + "score": 0.712890625 + }, + { + "id": "2646535", + "title": "Leigh Matthews", + "text": "season, the Lions were undefeated, eventually meeting and once again defeating Essendon in the Grand Final for their sixteenth consecutive win, and the first AFL premiership in club history. The winning streak would eventually end at twenty games when they were defeated by the West Coast Eagles in early 2002. This would be the first of three consecutive premierships for the Lions. Matthews led Brisbane to consecutive triumphs over Collingwood in 2002 and 2003. A bid for a fourth consecutive premiership was brought undone by Port Adelaide in 2004. These wins gave Matthews a total of eight premiership medallions as", + "score": 0.712890625 + }, + { + "id": "7020073", + "title": "Tony McGuinness (footballer)", + "text": "Essendon in a famous Preliminary Final. Adelaide led The Bombers by 42 points at half-time but Essendon came back to win their way into the 1993 AFL Grand Final against by 11 points. McGuinness had an outstanding season, racking up 657 disposals (477 kicks, 180 handballs, the highest disposal count in his 11-year AFL career), and was recognized with his third All-Australian selection. After finishing 2nd in both 1991 and 1992, McGuinness won the Crows Club Champion award as Adelaide's best and fairest player in 1993. He became captain for the 1995 and 1996 seasons but along with a number", + "score": 0.71240234375 + }, + { + "id": "11378136", + "title": "1991 AFL Grand Final", + "text": "factor in their victory, and sparked a new club T-shirt: \"Too old. Too slow. Too good.\" (Some commentators had previously thought the Hawks were 'too old and too slow' to ever win another premiership.) Hawthorn defender Gary Ayres made sarcastic reference to this in his post-match interview. By failing to win the Grand Final, West Coast tied the record for the most home and away wins by a non-Premier (matching the record of 19 wins set by Collingwood in 1973). This record was subsequently broken by Geelong in 2008. Hawthorn's flag closed a period in which the club won five", + "score": 0.71240234375 + }, + { + "id": "908904", + "title": "Collingwood Football Club", + "text": "1950s, rival club Melbourne enjoyed an era of unprecedented success, winning five premierships in six years (the last coming in 1960, and having been runner up in 1954). Collingwood lost two Grand Finals to Melbourne in this decade, but bounced back to win premierships in 1953 and 1958. Collingwood's 1958 premiership is much cherished by the club as it prevented Melbourne from equalling Collingwood's record four premierships in a row. The 1958 premiership was however to be Collingwood's last for 32 years, as the club was to suffer a string of Grand Final defeats in coming decades. A string of", + "score": 0.71240234375 + }, + { + "id": "4154863", + "title": "Central District Football Club", + "text": "the Jack Oatey Medal for best on ground with 4 goals. Brothers Chris and James Gowans equalled the record of career premiership medals won by Port Adelaide's Geof Motley when they collected their 9th SANFL Premiership Medal. Centrals domination continued in the 2011 SANFL Season. They won the minor premiership with 17 wins from their 20 games to finish three games clear of Norwood who finished second while captain Paul Thomas finished third in the Magarey Medal count, only 3 votes behind winner James Allan from North Adelaide. This caused controversy as Thomas, who was judged by many to be", + "score": 0.71240234375 + }, + { + "id": "6464568", + "title": "Mick Malthouse", + "text": "Mick Malthouse Michael Malthouse (born 17 August 1953) is a former Australian rules footballer and former Australian Football League (AFL) coach and current media personality. Although his playing career included a premiership for in 1980, he is best known for his long coaching career at four clubs and holds the record for coaching the most VFL/AFL games. After beginning as a coach with Footscray in 1984, Malthouse became the most successful coach in the history of the West Coast Eagles, holding several club coaching records including the most grand final appearances (1991, 1992, 1994), most premierships (1992 and 1994, both", + "score": 0.71240234375 + }, + { + "id": "13447108", + "title": "2010 AFL Grand Final", + "text": "second premiership, the only previous premiership coming in 1966. The matches were the second and third grand finals contested by the two clubs. The only previous encounter was the 1966 grand final in which St Kilda won its only premiership, winning by a single point 10.14 (74) to 10.13 (73). They had met in a total of nine finals, of which St Kilda has won six, including the last five in a row, dating back to the 1966 grand final. Between them, Collingwood and St Kilda fielded only three players who had previously won a premiership: Darren Jolly (Collingwood), Adam", + "score": 0.7119140625 + }, + { + "id": "6650879", + "title": "AFL Grand Final", + "text": "grand final was staged. The league reverted to the \"amended \"Argus\" system\" for 1925, when the grand final attracted a new record crowd of 64,288: the match was Geelong's first VFL premiership win, and a huge contingent from Victoria's second city descended on the MCG to watch their team make history. From 1927 until 1930, Collingwood won four premierships in a row, which remains the league record. In 1927, 1928 and 1930, the biggest crowd of the year was again drawn to the semi final and not to the grand final. This, coupled with the perception that the minor premier", + "score": 0.7119140625 + }, + { + "id": "17776969", + "title": "1923 WAFL season", + "text": "1923 WAFL season The 1923 WAFL season was the 39th season of the West Australian Football League. It saw East Perth set an unequalled WAFL record of five consecutive premierships, which in major Australian Rules leagues has only been beaten by SANFL club Port Adelaide with six straight from 1954 to 1959 and equalled by Sturt between 1966 and 1970. The Royals prevailed after two superb games with East Fremantle, who had had its last two home-and-away games cancelled due to undertaking a tour of Victoria and South Australia. The top four teams was unchanged for the third successive season,", + "score": 0.71142578125 + }, + { + "id": "20388956", + "title": "VFL/AFL premiership and grand final statistics", + "text": "be part of the drought, and if the drought began from a club's entry to the league, the club's inaugural season is also considered to be part of the drought. As St Kilda did not contest the 1916 and 1917 seasons, the duration of this drought was either 68 contested seasons, or 70 calendar years. \"Table correct to the end of the 2018 season\". \"Table correct to the end of the 2018 season\". \"Table correct to the end of the 2018 season\". The most VFL/AFL premierships won consecutively is four, achieved only once, by (1927\u20131930). Teams have won three premierships", + "score": 0.71142578125 + }, + { + "id": "14927078", + "title": "2004 Brownlow Medal", + "text": "2004 Brownlow Medal The 2004 Brownlow Medal was the 77th year the award was presented to the player adjudged the fairest and best player during the Australian Football League (AFL) home and away season. Chris Judd of the West Coast Eagles won the medal by polling thirty votes during the 2004 AFL season. The three field umpires (those umpires who control the flow of the game, as opposed to goal or boundary umpires) confer after each match and award three votes, two votes and one vote to the players they regard as the best, second best and third best in", + "score": 0.71142578125 + }, + { + "id": "10986744", + "title": "History of Australian rules football in Victoria (1859\u20131900)", + "text": "Joe McShane, Phil McShane, Tom McShane, Tom Mullen, E. Pike, W. Reid, G. Steedman, R. Talbot, G. Watson and James Wilson. Essendon 1891\u201394 Essendon is the only VFA team to have won four consecutive Premierships; 1891\u201394. They played 77, won 66, drew 8 and lost 3 premiership games during this period. They also played 18 intercolonial games, winning them all. They won 57 consecutive games. During these four years they scored 552 goals, with only 258 being kicked against them. Albert Thurgood topped the goalkicking three times \u2013 1892 (56), 1893 (64) & 1894 (63). The following played starring roles", + "score": 0.71142578125 + }, + { + "id": "3735855", + "title": "Michael Voss", + "text": "50 players of all time. He won the league's most prestigious individual award, the Brownlow Medal, and was recognised as one of the best players and captains in the league between 2002 and 2003 through six time All-Australian selection including the captaincy and the winner of the Leigh Matthews Trophy for the league's most valued player. He captained the Brisbane Lions in four consecutive AFL Grand Finals with three straight premierships (2001\u20132003). Additionally, he represented Australia in the 2006 International Rules Series and the state of Queensland in State of Origin. As a player, he was noted for his fearless", + "score": 0.71142578125 + }, + { + "id": "11384514", + "title": "1977 VFL Grand Final", + "text": "victory. Collingwood entered this premiership game after a 7 year absence, having been defeated by Carlton in the 1970 VFL Grand Final. Its last premiership victory was the 1958 VFL Grand Final, 19 years earlier. In contrast, North Melbourne had contested the previous three premiership deciders, winning the 1975 VFL Grand Final but finishing runners-up in the 1974 and 1976 Grand Finals. After finishing last place at the end of the 1976 season, Collingwood, under former Richmond coach Tom Hafey, had finished first on the ladder with 18 wins and 4 losses in 1977. North Melbourne had finished third (behind", + "score": 0.71142578125 + }, + { + "id": "20225796", + "title": "Archie Strang", + "text": "East Fremantle for 18 seasons, playing 241 games and kicking 50 goals from 1906 till 1923. He played in a record 13 grand finals for six premierships in 1908, 1909, 1910, 1911, 1914,and 1918. This remains the most grand final appearances by any WAFL player. He represented Western Australia in four games. This was limited as Western Australia did not play interstate games during the First World War or in the years following. After retiring he became a trainer at East Fremantle. Strang is life member of the East Fremantle Football Club and was inducted into the inaugural East Fremantle", + "score": 0.7109375 + }, + { + "id": "18048428", + "title": "1976 VFA season", + "text": "1976 VFA season The 1976 Victorian Football Association season was the 95th season of the top division of the Australian rules football competition, and the 16th season of second division competition. The Division 1 premiership was won by the Port Melbourne Football Club, after it defeated Dandenong in the Grand Final on 19 September by 57 points; it was Port Melbourne's 11th Division 1 premiership, taking it past Williamstown to become the club with the most Division 1 premierships in VFA history, a title it still holds outright as of 2015; and, it was the second of six premierships won", + "score": 0.7109375 + }, + { + "id": "17628844", + "title": "2007 WAFL season", + "text": "the following two seasons. 2007 WAFL season The 2007 WAFL season was the 123rd season of the various incarnations of the West Australian Football League. The season saw Subiaco, confounding the critics who expected them to slip after winning their second premiership in three years, win their second consecutive premiership for the first time in ninety-four seasons, with injury-plagued forward Brad Smith overcoming two reconstructions that wiped out 2005 and 2006 to kick 126 goals for the season, the most in the WAFL since Warren Ralph kicked 128 for Claremont in 1983. Smith also achieved the unique feat for a", + "score": 0.7109375 + }, + { + "id": "7160581", + "title": "Waratah Football Club", + "text": "with a back-to-back Premiership in 1999/2000. The Reserve Grade won the Premiership for 3 consecutive years over this period with Premiership wins in 1997/98, 1998/99 and 1999/2000, and again last season. The prestigious AFLNT Nichols Medal has been won by 8 legends of the Club, with one of these players to have won dual medals. Denis Ganley 1951/52, Bluey McKee 1952/53, Bill James 1953/54, Jim Wilson 1960/61, Bertram Kantilla 1962/63, Keith Nickels 1971/72, Hank McPhee 1979/80, Peter Ivanoff 1981/82 and 1986/87. Notable Waratah players in the AFL such as Essendon's Dean Rioli. Waratah Football Club The Waratah Football Club, nicknamed,", + "score": 0.71044921875 + }, + { + "id": "17989521", + "title": "1974 VFA season", + "text": "1974 VFA season The 1974 Victorian Football Association season was the 93rd season of the top division of the Australian rules football competition, and the 14th season of second division competition. The Division 1 premiership was won by the Port Melbourne Football Club, after it defeated Oakleigh in the Grand Final on 22 September by 69 points; it was Port Melbourne's tenth Division 1 premiership, drawing it level with Williamstown for the most Division 1 premierships in VFA history, and the first of six premierships won in nine seasons between 1974 and 1982. The Division 2 premiership was won by", + "score": 0.71044921875 + }, + { + "id": "4155001", + "title": "West Adelaide Football Club", + "text": "with a 77-point win the 2nd Semi-final to earn a spot in their first Grand Final since 1962. The Following week Sturt defeated Norwood in the Preliminary to earn the other Grand Final berth. Westies won their eighth premiership when Kerley coached the team to a 21.16 (142) to 16.12 (108) win in the Grand Final in front of 47,129 fans at Football Park. West Adelaide had winners all over the ground but it was captain Ian Borchard who won the Jack Oatey Medal as the best player in the Grand Final while Centre half-forward Bruce Lindner with 5 goals", + "score": 0.70947265625 + }, + { + "id": "18898275", + "title": "History of the Port Adelaide Football Club", + "text": "Final victory. Port Adelaide's hope of winning 7 consecutive premierships would be brought to an end by Norwood during the 1960 SANFL preliminary final, with the redlegs prevailing by 27 points. For the following two seasons Port Adelaide would finish third. Fos Williams returned in 1962 and Port Adelaide won three of the next four premierships taking his personal tally to nine and the club's record to 10 of the last 15 premierships. The 1965 premiership, the last that Williams coached, was played in front of 62,543 people, the largest ever crowd at Adelaide Oval. In that game Port Adelaide", + "score": 0.70947265625 + }, + { + "id": "2218366", + "title": "South Australian National Football League", + "text": "front of a record ticketed Football Park crowd of 66,897. Norwood won the 1978 premiership in their centenary year by beating Sturt in the Grand Final by one point after Sturt had lost just one game for the entire season. During the 1970s, an increasing number of SANFL players moved to Victoria to play in the VFL competition. Port Adelaide, Norwood and Glenelg dominated the SANFL in the 1980s, accounting for eight premierships. The exodus of quality players to the VFL continued in the 1980s. In 1981 the VFL rejected a SANFL bid to enter a composite South Australian team", + "score": 0.708984375 + }, + { + "id": "17493825", + "title": "1933 WANFL season", + "text": "1933 WANFL season The 1933 WANFL season was the 49th season of the Western Australian National Football League in its various incarnations. It was the last year of a seven-team senior competition, and saw George Doig, during the second semi-final, become the first player to kick one hundred goals in a season. The premiership was won by East Fremantle, who claimed its sixth straight minor premiership, after it defeated fourth-placed Subiaco in the Grand Final. Subiaco\u2019s feat in reaching the premiership decider was itself a remarkable one, given that the Victorian Football League had deprived it of the majority of", + "score": 0.708984375 + }, + { + "id": "19026158", + "title": "History of the Geelong Football Club", + "text": "and was a foundation club of both the Victorian Football Association (VFA) in 1877 and the Victorian Football League (VFL) in 1897. The club established itself in the VFL by winning six premierships up to 1963. However, despite playing in a further five Grand Finals\u2014including four between 1989 and 1995\u2014the club had to wait 44 years until it won another premiership\u2014an AFL-record 119-point victory in the 2007 AFL Grand Final. The club won a further two premierships in 2009 and 2011. With three premierships since the commencement of the AFL in 1990, Geelong are the joint third most successful side", + "score": 0.708984375 + }, + { + "id": "168724", + "title": "Geelong Football Club", + "text": "participated in the first football competition in Australia and was a foundation club of both the Victorian Football Association (VFA) in 1877 and the Victorian Football League (VFL) in 1897. The club first established itself in the VFA by winning seven premierships, making it the most successful VFA club leading up to the formation of the VFL in 1897. The club won a further six premierships by 1963, before enduring a 44-year waiting period until it won its next premiership\u2014an AFL-record 119-point victory in the 2007 AFL Grand Final. Geelong have since won a further two premierships in 2009 and", + "score": 0.708984375 + }, + { + "id": "2218362", + "title": "South Australian National Football League", + "text": "SANFL continued normal competition for the first few years of World War II, but from 1942 to 1944 operated on a reduced basis with clubs merged on a geographical basis \u2013 Port Adelaide / West Torrens, West Adelaide / Glenelg, Sturt / South Adelaide and Norwood / North Adelaide. Straight after the War Sturt won their Second Premiership. The next three years were dominated by Norwood. Port Adelaide, led by Fos Williams, dominated the 1950s winning seven premierships, including a record setting six Grand Final wins in a row from 1954\u201359. This record also matched Norwood's six in a row", + "score": 0.708984375 + }, + { + "id": "13858490", + "title": "1927 VFL Grand Final", + "text": "final. The 1927 flag was Collingwood's sixth premiership victory, they went on to win the next three grand finals. In winning four premierships in a row from 1927\u20131930 they set a record that has not been equaled to date. The teams from this era became known as \"The Machine\" for the teamwork, efficiency and effectiveness with which they played. 1927 VFL Grand Final The 1927 VFL Grand Final was an Australian rules football game contested between the Collingwood Football Club and Richmond Football Club, held at the Melbourne Cricket Ground in Melbourne on 1 October 1927. It was the season's", + "score": 0.70849609375 + }, + { + "id": "14961017", + "title": "2010 Collingwood Football Club season", + "text": "2010 Collingwood Football Club season The 2010 AFL season was the Collingwood Football Club's, (\"The Magpies\"), 114th season playing Australian rules football in the Victorian or Australian Football League. It was the club's most successful season since 1930 and the club's most successful season in AFL era. The Magpies won the premiership after defeating by 56 points in the Grand Final Replay. Collingwood also won the McClelland Trophy for finishing first at the end of the home and away season. 2010 marked the first time that Collingwood won 20 matches in the same season, their first McClelland Trophy since 1970", + "score": 0.70849609375 + }, + { + "id": "17500393", + "title": "1953 VFA season", + "text": "1953 VFA season The 1953 Victorian Football Association season was the 72nd season of the Australian rules football competition. The premiership was won by the Port Melbourne Football Club, after it defeated Yarraville by 60 points in the Grand Final on 3 October. It was Port Melbourne's seventh VFA premiership, and it was the only premiership that the club won during a sequence of eight consecutive Grand Finals played from 1950 until 1957, and five consecutive minor premierships won from 1951 until 1955. The home-and-home season was played over twenty matches, before the top four clubs contested a finals series", + "score": 0.70849609375 + }, + { + "id": "14680349", + "title": "2009 WAFL Grand Final", + "text": "Fremantle also won the reserves grand final, defeating West Perth. South Fremantle's Hayden North, who was surprisingly left out of the league team, won the Merv McIntosh Medal as the best player. The previous evening saw Claremont win the colts premiership, defeating Peel Thunder Football Club, with Lewis Broome from Claremont winning the Mel Whinnen Medal as the best player. The win ensured South Fremantle's thirteenth WAFL Premiership and ended Subiaco's Premiership winning streak. 2009 WAFL Grand Final The 2009 West Australian Football League (WAFL) Grand Final was the culmination of the 115th season of the premier Australian rules football", + "score": 0.7080078125 + }, + { + "id": "11377567", + "title": "1994 AFL Grand Final", + "text": "to repeat its success in the 1992 AFL Grand Final, when it had defeated Geelong by a margin of 28 points, becoming the first non-Victorian team to win the AFL Premiership. At the conclusion of the home and away season, West Coast had finished first on the AFL ladder with 16 wins and 6 losses, winning the McClelland Trophy. Geelong had finished fourth (behind Carlton and North Melbourne) with 13 wins and 9 losses. During the lead-up to the game, West Coast were the strong favourites to win. Geelong had won through to the decider after winning three tough finals,", + "score": 0.7080078125 + }, + { + "id": "11344802", + "title": "1893 VFA season", + "text": "1893 VFA season The 1893 Victorian Football Association season was the 17th season of the Australian rules football competition. The premiership was won by the Essendon Football Club, which was unbeaten during the season; Essendon finished with a record of 18 wins and 2 draws from 20 matches. It was Essendon's third consecutive premiership, out of a sequence of four consecutive premierships won from 1891 to 1894. The playing membership of the Association was unchanged in 1892. On the administrative side, the representation of the three Ballarat-based clubs \u2013 Ballarat, Ballarat Imperial and South Ballarat \u2013 was diminished, with each", + "score": 0.70751953125 + }, + { + "id": "10882622", + "title": "2007 AFL Grand Final", + "text": "2007 AFL Grand Final The 2007 AFL Grand Final was an Australian rules football game contested between the Geelong Football Club and the Port Adelaide Football Club, held at the Melbourne Cricket Ground in Melbourne on 29 September 2007. It was the 111th annual grand final of the Australian Football League (formerly the Victorian Football League), staged to determine the premiers for the 2007 AFL season. The match, attended by 97,302 spectators, was won by Geelong by a margin of 119 points, the biggest in VFL/AFL grand final history. The victory marked Geelong's seventh premiership win, and ended its 44-year", + "score": 0.70654296875 + }, + { + "id": "9235668", + "title": "Corey McKernan", + "text": "polled the equal-most votes in the games highest individual honour, the Brownlow Medal, but was ineligible to win the medal due to an earlier suspension that season. North Melbourne went on to win the 1996 AFL Premiership, with McKernan typically magnificent in the Grand Final against Sydney, recording a career high 29 disposals in the Grand Final. To add to his list of honours, McKernan was named as first ruck in the All-Australian team and some experts had him ahead of teammate Carey as the best player in the league. In Round 1 of 1997, Wayne Carey was seriously injured", + "score": 0.7060546875 + }, + { + "id": "11344792", + "title": "1892 VFA season", + "text": "1892 VFA season The 1892 Victorian Football Association season was the 16th season of the Australian rules football competition. The premiership was won by the Essendon Football Club, which finished with a record of 15 wins, 1 draw and 3 losses from 19 matches. It was Essendon's second consecutive premiership, out of a sequence of four consecutive premierships won from 1891 to 1894. The size of the Association premiership expanded from twelve to thirteen senior clubs in 1892, with the newly established Collingwood Football Club competing for the first time. The club was formed from the Britannia Football Club, which", + "score": 0.7060546875 + }, + { + "id": "12141113", + "title": "1930 VFL Grand Final", + "text": "ever seen in football\u2026 it was an object lesson to every team in rising to the occasion after being apparently beaten, and by sheer grit and magnificent teamwork, sweeping down every obstacle in their way of finals success.\" Both teams kicked 3 goals in the final quarter, but Collingwood won by 30 points. In winning four successive premierships from 1927\u20131930, Collingwood set a record that has not been equalled to date. The teams from this era became known as \"The Machine\" for the teamwork, efficiency and effectiveness with which they played. 1930 VFL Grand Final The 1930 VFL Grand Final", + "score": 0.7060546875 + }, + { + "id": "17561321", + "title": "1957 VFA season", + "text": "1957 VFA season The 1957 Victorian Football Association season was the 76th season of the Australian rules football competition. The premiership was won by the Moorabbin Football Club, after it defeated Port Melbourne in the Grand Final on 5 October by forty points. It was Moorabbin's first VFA premiership, won in its seventh season of competition. For Port Melbourne, it was the last of eight consecutive Grand Final appearances between 1950 and 1957, of which only the 1953 premiership was won. Minor premiers Williamstown went through the home-and-home season undefeated, but lost both finals to finish third; it was the", + "score": 0.70556640625 + }, + { + "id": "7204395", + "title": "Jack Dyer Medal", + "text": "and Trent Cotchin (three times each). Barney Herbert, Hugh James, Vic Thorp, Basil McCormack, Jack Titus, Ray Martin, Leo Merrett, Des Rowe, Dave Cuzens, Royce Hart, Maurice Rioli, Dale Weightman, Matthew Knights, Tony Free, Joel Bowden, Brett Deledio, Dustin Martin, and most recently Jack Riewoldt have all won the award twice. Bill Morris, Roy Wright, Ian Stewart, Trent Cotchin and Dustin Martin all won the best and fairest in the same years that they won their Brownlow Medals at Richmond, while Stan Judkins, Brownlow Medallist in 1930, never won the club's award. The voting system as of the 2017 AFL", + "score": 0.70556640625 + }, + { + "id": "957500", + "title": "Melbourne Football Club", + "text": "part of the competition ever since. The team became known as the \"Redlegs\". This nickname is still used by some members and supporter groups within the club. In 1900 Melbourne won its first VFL premiership, defeating Fitzroy. Melbourne's greatest player of these early years of the VFL was Ivor Warne-Smith, who in 1926 won the club's first Brownlow Medal, the League's annual award for the fairest and best player. In that year Melbourne won its second flag. Warne-Smith went on to win a second Brownlow in 1928. Frank 'Checker' Hughes became Melbourne's coach in 1933, and under his leadership, the", + "score": 0.70556640625 + }, + { + "id": "15280451", + "title": "History of the Australian Football League", + "text": "VFA), with clubs either fielding reserves teams in the VFL, or entering into affiliations with existing senior VFL clubs to serve as feeder teams. The early 2000s were dominated by Essendon, Brisbane and Port Adelaide, who shared the five flags from 2000\u20132004. Essendon won minor premierships in 1999\u20132001, but converted only the 2000 season into a premiership; Essendon's 2000 season set an enduring record, with a win-loss record of 24\u20131 across the home and away season and finals, the best ever recorded. Brisbane contested four consecutive grand finals, winning three from 2001\u20132003. Port Adelaide won minor premierships in 2002\u20132004, and", + "score": 0.70556640625 + }, + { + "id": "11344786", + "title": "1890 VFA season", + "text": "1890 VFA season The 1890 Victorian Football Association season was the 14th season of the Australian rules football competition. The premiership was won by the South Melbourne Football Club. It was the fifth premiership in the club's history, and the third out of a sequence of three consecutive premierships won from 1888 to 1890. Teams did not play a uniform number of premiership matches during the season. As such, in the final standings, each team's premiership points were adjusted upwards proportionally to represent a 20-match season \u2013 \"e.g.\", South Melbourne played 19 matches, so its tally of premiership points was", + "score": 0.70556640625 + }, + { + "id": "8053357", + "title": "Jordan Lewis", + "text": "2012, Lewis led the side whilst captain Luke Hodge was sidelined during the early part of the season. In 2014 Lewis played his 200th AFL game in Round 7, as the Hawks defeated by 145 points. Jordan also won his third premiership for Hawthorn as well as earning his first ever Peter Crimmins Medal. At the end of the 2015 season, Lewis became one of only seven current AFL players to have won four AFL premierships. At the conclusion of the 2016 season, Lewis was traded to the Melbourne Football Club. ! scope=\"row\" style=\"text-align:center\" | 2005 ! scope=\"row\" style=\"text-align:center\" |", + "score": 0.705078125 + }, + { + "id": "4909704", + "title": "Gary Ablett Jr.", + "text": "the second time in three years. Ablett's performances throughout the season were recognised at the 2009 AFL Players Association awards, where he was awarded his third consecutive Leigh Matthews Trophy as the AFL Player's Association Most Valuable Player. Ablett's victory saw him become the first player in history to win the award three times. Ablett also won his third consecutive AFL Coaches' Association 'Champion Player of the Year' Award and was further acknowledged for his record-breaking season when awarded the 2009 Brownlow Medal. Ablett polled 30 votes to win the award despite missing the most games (3) by any Brownlow", + "score": 0.705078125 + }, + { + "id": "18116388", + "title": "1996 Brownlow Medal", + "text": "World Congress Centre in Melbourne, rather than via video link from Sydney. This caused a betting plunge on Kelly. * 1996 Brownlow Medal The 1996 Brownlow Medal was the 69th year the award was presented to the player adjudged the fairest and best player during the Australian Football League (AFL) home and away season. Michael Voss of the Brisbane Bears and James Hird of the Essendon Football Club both won the medal by polling twenty-one votes during the 1996 AFL season. Corey McKernan of the North Melbourne Football Club polled the same number of votes as Voss and Hird, but", + "score": 0.705078125 + }, + { + "id": "6061858", + "title": "Scott West", + "text": "with 423. West finished runner-up in the Brownlow Medal count twice: in 2000 and in 2006. He also finished third in the 1999 count, making him one of the best footballers never to have won the AFL's most prestigious individual honour. In 2000 he was particularly unlucky: going into the final round, he was level with Shane Woewodin from Melbourne on 22 votes. Having had only 17 disposals and being interchanged for majority of the final quarter, Woewodin wasn't considered a chance to poll against West Coast, however Woewodin polled 2 votes and consequently Won the medal on 24 votes.", + "score": 0.70458984375 + }, + { + "id": "9448079", + "title": "1997 AFL Grand Final", + "text": "the last quarter to eventually win by 31 points. The Crows kicked 8 straight goals to the Saints 4.3 in the final quarter which sealed the premiership. Adelaide became the first team to win four consecutive finals to claim the premiership - a feat matched by the Western Bulldogs in 2016. Andrew McLeod won his first Norm Smith Medal for being judged the best player afield. Shane Ellen, typically a defensive player for the Crows, provided a cameo at full-forward in place of Modra and finished with five goals, while Darren Jarman booted a grand final record of five in", + "score": 0.70458984375 + } + ], + "answer": "The Australian Football League (AFL), known as the Victorian Football League (VFL) until 1990, is the elite national competition in men's Australian rules football. Two clubs, Carlton and Essendon, have won the most VFL/AFL premierships with sixteen each. Melbourne has won the most men's reserves premierships in the VFL/AFL. Richmond has won the most men's under-19 premierships in the VFL/AFL. Adelaide has won the most women's premierships in the AFL." + }, + { + "qa_pairs": [ + { + "context": "\"Mother India\", its star Nargis, and the director Khan received many awards and nominations. Nargis won the Filmfare Best Actress Award in 1958 and became the first Indian to receive the Best Actress award at the Karlovy Vary International Film Festival in present-day Czech Republic. \"Mother India\" won the Filmfare Award for Best Film and scooped several other Filmfare awards including Best Director for Khan, Best Cinematographer for Faredoon Irani, and Best Sound for R. Kaushik. In 1958, the film became India's first submission for the Academy Award for Best Foreign Language Film and was chosen as one of the five nominations for the category. The international version, 120 minutes long, was sent for the Oscars. Additionally, this version had English subtitles, and dropped Mehboob Productions' logo, which featured the Communist hammer and sickle, to appease the Academy. The 120-minute version was later distributed in the US and UK by Columbia Pictures. The film came close to winning the Academy Award, but lost to Federico Fellini's \"Nights of Cabiria\" by a single vote. Khan was utterly disappointed at not winning the award. \"He had seen the other films in the fray and believed \"Mother India\" was far superior to them\" recalled Sunil Dutt decades later. It also won two awards at the 5th National Film Awards in 1957: an All India Certificate of Merit for Best Feature Film and Certificate of Merit for Best Feature Film in Hindi.", + "question": "Nominated in the best foreign film category at the oscars mother india lost to what movie?", + "short_answers": [ + "Nights of Cabiria" + ], + "wikipage": "Mother India" + }, + { + "context": "No context provided", + "question": "Nominated in the best foreign film category at the oscars mother india lost to what director and filmwriter?", + "short_answers": [ + "Federico Fellini" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Mother India", + "url": "https://en.wikipedia.org/wiki/Mother%20India" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The film came close to winning the Academy Award, but lost to Federico Fellini's \"Nights of Cabiria\" by a single vote. ", + "wikipage": "Mother India" + }, + { + "content": "The international version, 120 minutes long, was sent for the Oscars.", + "wikipage": "Mother India" + }, + { + "content": "Nights of Cabiria (Italian: Le notti di Cabiria) is a 1957 Italian drama film directed by Federico Fellini and starring Giulietta Masina, Fran\u00e7ois P\u00e9rier, and Amedeo Nazzari. ", + "wikipage": "Nights of Cabiria" + } + ], + "long_answer": "The 1957 Indian epic drama film Mother India was nominated at the Oscars and came close to winning the Academy Award, but lost to the 1957 Italian drama film \"Nights of Cabiria\" directed by Federico Fellini." + }, + { + "knowledge": [ + { + "content": "Mother India is a 1957 Indian epic drama film, directed by Mehboob Khan and starring Nargis, Sunil Dutt, Rajendra Kumar, and Raaj Kumar.", + "wikipage": "Mother India" + }, + { + "content": "It was also nominated for the Academy Award for Best International Feature Film, becoming the first Indian film to be ever nominated.", + "wikipage": "Mother India" + }, + { + "content": "Federico Fellini, Cavaliere di Gran Croce OMRI (Italian: [fede\u02c8ri\u02d0ko fel\u02c8li\u02d0ni]; 20 January 1920 \u2013 31 October 1993) was an Italian film director and screenwriter known for his distinctive style, which blends fantasy and baroque images with earthiness.", + "wikipage": "Federico Fellini" + } + ], + "long_answer": "\"Mother India\" is a 1957 Indian epic drama film, directed by Mehboob Khan and starring Nargis, Sunil Dutt, Rajendra Kumar, and Raaj Kumar. \"Mother India\", its star Nargis, and the director Khan received many awards and nominations. The film came close to winning the Academy Award and was the first Indian film to be ever nominated. It lost to \"Nights of Cabiria\" by Federico Fellini, an Italian film director and screenwriter." + } + ], + "sample_id": "8341815299893034731", + "question": "Nominated in the best foreign film category at the oscars mother india lost to?", + "docs": [ + { + "id": "1785783", + "title": "Mother India", + "text": "Foreign Language Film and was chosen as one of the five nominations for the category. The international version, 120 minutes long, was sent for the Oscars. Additionally, this version had English subtitles, and dropped Mehboob Productions' logo, which featured the Communist hammer and sickle, to appease the Academy. The 120-minute version was later distributed in the US and UK by Columbia Pictures. The film came close to winning the Academy Award, but lost to Federico Fellini's \"Nights of Cabiria\" by a single vote. Khan was utterly disappointed at not winning the award. \"He had seen the other films in the", + "score": 0.8154296875, + "summary": "Nominated for the best foreign film category at the Oscars, Mother India lost to Federico Fellini's \"Nights of Cabiria\" by a single vote.", + "extraction": "The film \"Mother India\" lost the best foreign film category at the Oscars to Federico Fellini's \"Nights of Cabiria\" by a single vote." + }, + { + "id": "2416186", + "title": "Cinema of India", + "text": "both a nightmare and a dream, while \"Pyaasa\" critiqued the unreality of city life. Epic film \"Mother India\" (1957, Mehboob Khan), a remake of his earlier \"Aurat\" (1940), was the first Indian film to be nominated for the Academy Award for Best Foreign Language Film. \"Mother India\" defined the conventions of Hindi cinema for decades. It spawned a new genre of dacoit films. \"Gunga Jumna\" (1961, Dilip Kumar) was a dacoit crime drama about two brothers on opposite sides of the law, a theme that became common in Indian films in the 1970s. \"Madhumati\" (1958, Bimal Roy) popularised the theme", + "score": 0.75146484375, + "summary": "\"Mother India\" was nominated for the Academy Award for Best Foreign Language Film in 1957, but it is not mentioned who it lost to.", + "extraction": "\"Mother India\" was nominated for the Academy Award for Best Foreign Language Film, but lost to an unknown film whose name is not mentioned in the passage." + }, + { + "id": "252443", + "title": "Musical film", + "text": "and written by Khwaja Ahmad Abbas, and \"Aan\" (1952) directed by Mehboob Khan and starring Dilip Kumar. These films expressed social themes mainly dealing with working-class life in India, particularly urban life in the former two examples; \"Awaara\" presented the city as both a nightmare and a dream, while \"Pyaasa\" critiqued the unreality of city life. Mehboob Khan's \"Mother India\" (1957), a remake of his earlier \"Aurat\" (1940), was the first Indian film to be nominated for the Academy Award for Best Foreign Language Film, which it lost by a single vote. \"Mother India\" was also an important film that", + "score": 0.73828125, + "summary": "\"Mother India\" lost the Academy Award for Best Foreign Language Film but the document does not mention what it lost to.", + "extraction": "\"Mehboob Khan's \"Mother India\" (1957), a remake of his earlier \"Aurat\" (1940), was the first Indian film to be nominated for the Academy Award for Best Foreign Language Film, which it lost by a single vote.\"" + }, + { + "id": "1785740", + "title": "Mother India", + "text": "of the best films in Indian and world cinema. It was India's first submission for the Academy Award for Best Foreign Language Film in 1958, where it got the nomination and lost the award by just one vote. The film won the All India Certificate of Merit for Best Feature Film, the Filmfare Best Film Award for 1957, and Nargis and Khan won the Best Actress and Best Director awards respectively. The film is set in 1957, the present day at the time of shooting. When construction of an irrigation canal to the village is completed, Radha (Nargis), considered to", + "score": 0.73583984375, + "summary": "Mother India was nominated for the Academy Award for Best Foreign Language Film in 1958, but lost the award by just one vote. The document does not provide information on what it lost to.", + "extraction": "The movie \"Mother India\" was nominated for the Academy Award for Best Foreign Language Film in 1958 and lost the award by just one vote. The passage does not provide information about what movie it lost to." + }, + { + "id": "1785782", + "title": "Mother India", + "text": "thereby enhancing the film's appeal without compromising on its sensitivity.\" \"Mother India\", its star Nargis, and the director Khan received many awards and nominations. Nargis won the Filmfare Best Actress Award in 1958 and became the first Indian to receive the Best Actress award at the Karlovy Vary International Film Festival in present-day Czech Republic. \"Mother India\" won the Filmfare Award for Best Film and scooped several other Filmfare awards including Best Director for Khan, Best Cinematographer for Faredoon Irani, and Best Sound for R. Kaushik. In 1958, the film became India's first submission for the Academy Award for Best", + "score": 0.734375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "737003", + "title": "Academy Award for Best Foreign Language Film", + "text": "and the Academy's executive director explicitly cited as a reason for the rule change the case of the Italian film \"Private\" (2004), which was disqualified simply because its main spoken languages were Arabic and Hebrew, neither of which are indigenous languages of Italy. This rule change enabled a country like Canada to receive a nomination for a Hindi-language film, \"Water\". Previously, Canada had been nominated for French-language films only, since films shot in Canada's other official language (English) were ineligible for consideration for the Foreign Language Film category. Before the rule change, Canada had submitted two films in different languages\u2014the", + "score": 0.72412109375, + "summary": "Canada received a nomination for a Hindi-language film, \"Water\", after a rule change that enabled films shot in Canada's other official language (English) to be considered for the Foreign Language Film category. The document is irrelevant to the question of who Mother India lost to at the Oscars.", + "extraction": "irrelevant" + }, + { + "id": "1785788", + "title": "Mother India", + "text": "Koun..!\" (1994), and \"Dilwale Dulhania Le Jayenge\" (1995) which are repeatedly watched throughout India and are viewed as definitive Hindi films with cultural significance. It is also among the only three Indian films to be nominated for the Academy Award for Best Foreign Language Film (the others being \"Salaam Bombay!\" and \"Lagaan\"). The \"Hindustan Times\" (in 2007) identifies the \"film's pungent social references\" which are \"too harsh to be sold at a profit today. But this heartrending tale filled Indians with hope and pride then.\" The film was remade in the Telugu language as \"Bangaru Talli\" in 1971, and in", + "score": 0.72314453125, + "summary": "Irrelevant.", + "extraction": "Salaam Bombay! and Lagaan were the other Indian films nominated for the Academy Award for Best Foreign Language Film. Therefore, the extracted span that answers the question is \"Salaam Bombay! and Lagaan\"." + }, + { + "id": "15377140", + "title": "Mehboob Studio", + "text": "hi Paisa\" and \"Awaaz\", but it was not until he made \"Mother India\" here in 1957, that he tasted both critical and cinematic success again. \"Mother India\" went on to receive an Academy Award for Best Foreign Language Film nomination and won the Best Film and Best Director Best Film Awards at that year's Filmfare Awards. A decade after its inception, Mehboob was being preferred by stars and directors alike, as many stars lived close by. When Mehboob Khan was not shooting his films, it was leased out to other producers and directors. Guru Dutt shot his iconic \"Kaagaz Ke", + "score": 0.7177734375, + "summary": "\"Mother India\" received an Academy Award nomination for Best Foreign Language Film in 1957, but it is not specified whether it won or lost. The document also mentions Mehboob Khan's success and popularity as a film director at Mehboob Studio.", + "extraction": "\"Mother India\" went on to receive an Academy Award for Best Foreign Language Film nomination." + }, + { + "id": "13036591", + "title": "Claudia Llosa", + "text": "film nominated for the Golden Bear award, and won the main award. Llosa's film also gained recognition from awards such as FIPRESCI in 2009 and multiple awards at the Lima Film Festival. In Lima, Peru \"The Milk of Sorrow\" outsold the ticket sales of the film Slumdog Millionaire during its premiere. However, in the more rural communities of Peru The Milk of Sorrow did not gain the same reception. On February 2, 2010 Llosa's \"The Milk of Sorrow\" was nominated for the Academy Award in the Best Foreign Film Category. Also in 2010 Claudia Llosa was invited to become a", + "score": 0.71728515625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "2347919", + "title": "Lagaan", + "text": "2002 Oscars, The Daily Telegraph wrote, \"A Bollywood film that portrays the British in India as ruthless sadists and Mafia-style crooks has been chosen as Delhi's official entry to the Academy Awards.\" It added that the film was expected to win the nomination. On 12 February 2002, \"Lagaan\" was nominated for the best foreign language film at the Academy Award nominations ceremony. After the nomination, Khan reacted by saying, \"To see the name of the film and actually hear it being nominated was very satisfying\". Post-nomination reactions poured in from several parts of the world. The USA Today wrote \"Hooray", + "score": 0.71044921875, + "summary": "Irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "3403447", + "title": "Mehboob Khan", + "text": "romantic drama \"Andaz\" (1949), the swashbuckling musical \"Aan\" (1951), the melodrama \"Amar\" (1954), and the social epic \"Mother India\" (1957). The latter was nominated for an Academy Award in 1957 and was a remake of his 1940 film \"Aurat\". His earlier works were in Urdu, but his later material, including \"Mother India\", were in Hindi although many say he used Hindustani, a friendlier and softer spoken version of Hindi and Urdu. Several of his films, especially his earlier work on \"Humayun\" (1945), the story of a Mogul emperor who ruled India, \"Anmol Ghadi\" (1946), and \"Taqdeer\", (in which he introduced", + "score": 0.7080078125, + "summary": "In 1957, Mehboob Khan's \"Mother India\" was nominated for an Academy Award, but it is not specified what it lost to.", + "extraction": "\"Mother India\" was nominated for an Academy Award in 1957." + }, + { + "id": "5373278", + "title": "Susanne Bier", + "text": "afloat and is personally invested in the young charges - in particular, Pramod, a young boy Jacob has cared for since the boy's birth. The film was a critical and popular success and was nominated for the Academy Award for Best Foreign Language Film. \"Time\" magazine's Richard Schickel named the film one of the Top 10 Movies of 2007, ranking it at #4, calling it a \"dark, richly mounted film\". While Schickel saw the film as possibly \"old-fashioned stylistically, and rather manipulative in its plotting\", he also saw \"something deeply satisfying in the way it works out the fates of", + "score": 0.70703125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "7837483", + "title": "Pedro Almodo\u0301var", + "text": "Ecumenical Jury prizes. The film garnered a strong critical reception and grossed over $67 million worldwide. \"All About My Mother\" has accordingly received more awards and honours than any other film in the Spanish motion picture industry, including Almod\u00f3var's very first Academy Award for Best Foreign Language Film, the Golden Globe in the same category, the BAFTA Awards for Best Direction and Best Film Not in the English Language as well as 6 Goyas in his native Spain. After the success of \"All About My Mother\", Almod\u00f3var took a break from filmmaking to focus on his production company El Deseo.", + "score": 0.70654296875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "1412307", + "title": "Aamir Khan", + "text": "an Oscar nomination for Best Foreign Language Film at the 74th Academy Awards in 2002. This made it one of only three Indian films to receive an Oscar nomination, along with Mehboob Khan's \"Mother India\" (1957) and Mira Nair's \"Salaam Bombay!\" (1988). This also makes Aamir Khan one of the few Indian filmmakers to ever receive an Oscar nomination. Khan later commented on the loss of \"Lagaan\" at the Oscars: \"Certainly we were disappointed. But the thing that really kept us in our spirits was that the entire country was behind us\". In addition to an Oscar nomination, \"Lagaan\" received", + "score": 0.70556640625, + "summary": "The document mentions that \"Mother India\" was nominated in the Best Foreign Language Film category at the Oscars, but does not mention what it lost to.", + "extraction": "Mother India (1957)" + }, + { + "id": "5582505", + "title": "Salaam Bombay!", + "text": "The film was India's second film submission to be nominated for the Academy Award for Best Foreign Language Film. The film was among the list of \"The Best 1,000 Movies Ever Made\" by \"The New York Times\". Before the start of the film, Krishna has set fire to his bullying elder brother's motor-bike. This has landed him in big trouble with his mother. She has taken him to the nearby Apollo Circus and told him that he can only come home when he earns 500 rupees to pay for the damaged bike. Krishna agrees and works for the circus. The", + "score": 0.705078125, + "summary": "irrelevant", + "extraction": "irrelevant" + }, + { + "id": "737013", + "title": "Academy Award for Best Foreign Language Film", + "text": "statuette, in addition to the name of the country. Because each country chooses its official submission according to its own rules, the decisions of the nominating bodies in each respective country are sometimes mired in controversy: for instance, the Indian selection committee (Film Federation of India) was accused of bias by Bhavna Talwar, the director of \"Dharm\" (2007), who claimed her film was rejected in favor of \"\" (2007) because of the personal connections of the latter film's director and producer. In recent years, the Academy's very definition of the term \"country\" itself has been polemical. The submissions for the", + "score": 0.703125, + "summary": "irrelevant", + "extraction": "irrelevant" + }, + { + "id": "2749205", + "title": "Denis Villeneuve", + "text": "win the Genie (now known as a Canadian Screen Award) for Best Motion Picture. Villeneuve's fourth film \"Incendies\" (2010) garnered critical acclaim when it premiered at the Venice and Toronto International Film Festivals in 2010. \"Incendies\" was subsequently chosen to represent Canada at the 83rd Academy Awards in the category of Best Foreign Language Film and was eventually nominated for the award, though it did not win. The film went on to win eight awards at the 31st Genie Awards, including Best Motion Picture, Best Direction, Best Actress (Lubna Azabal), Best Adapted Screenplay, Cinematography, Editing, Overall Sound, and Sound Editing.", + "score": 0.6982421875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage discusses a Canadian filmmaker and his film \"Incendies\" but does not provide information about the best foreign film category at the Oscars." + }, + { + "id": "2347920", + "title": "Lagaan", + "text": "for Bollywood, and India's \"Lagaan\"\". With Sony Pictures Classics distributing the film and Oscar-winning director Baz Luhrmann praising it, \"Lagaan\" had a chance to win. The \"BBC\" commented that the nomination raised Bollywood hopes that Indian films would become more popular in the US. In India, the nomination was celebrated with news reports about a win bringing in \"a great boost for the Indian film industry\" and \"a Bharat Ratna for Aamir Khan and the status of a 'national film' for Lagaan\". When \"Lagaan\" lost the award to the Bosnian film \"No Man's Land\", there was disappointment in India. Khan", + "score": 0.697265625, + "summary": "\"Lagaan\" lost the award to the Bosnian film \"No Man's Land\".", + "extraction": "irrelevant" + }, + { + "id": "736586", + "title": "All About My Mother", + "text": "commercial and critical success internationally, winning the Academy Award for Best Foreign Language Film in addition to the Golden Globe for Best Foreign Language Film and the BAFTA Awards for Best Film Not in the English Language and Best Direction (Almod\u00f3var). The film also won 6 Goya Awards including Best Film, Best Director (Almod\u00f3var), Best Actress (Roth). The film centers on Manuela, an Argentine nurse who oversees donor organ transplants in Ram\u00f3n y Cajal Hospital in Madrid and single mother to Esteban, a teenager who wants to be a writer. On his seventeenth birthday, Esteban is hit by a car", + "score": 0.697265625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "737010", + "title": "Academy Award for Best Foreign Language Film", + "text": "for the submitting country as a whole. For example, the Oscar statuette won by the Canadian film \"The Barbarian Invasions\" (2003) was until recently on display at the Museum of Civilization in Quebec City. It is now on display at the TIFF Bell lightbox. The rules currently governing the Foreign Language Film category state that \"the Academy statuette (Oscar) will be awarded to the picture and \"accepted\" by the director on behalf of the film's creative talents\" (emphasis added). Therefore, the director does not \"personally\" win the Award, but simply accepts it during the ceremony. In fact, the Foreign Language", + "score": 0.693359375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "12866671", + "title": "My Name Is Khan", + "text": "and enormously enjoyable drama\" with \"confident camerawork [which] is matched by exceptional production design\" He also states that Shah Rukh Khan and Kajol are a \"delight together and her natural warmth makes the relationship even more believable.\" \"My Name Is Khan\" was not India's official entry to the Oscars as best foreign language film, but it was eligible for other nominations at the 83rd Academy Awards. \"My Name Is Khan\" opened very well in most places across the world, and set many records in the process.However, the performance of the film could not sustain beyond the first or second week", + "score": 0.69287109375 + }, + { + "id": "2416212", + "title": "Cinema of India", + "text": "cinema has been recognised repeatedly at the Academy Awards. Indian films \"Mother India\" (1957), \"Salaam Bombay!\" (1988) and \"Lagaan\" (2001), were nominated for the Academy Award for Best Foreign Language Film. Indian Oscar winners include Bhanu Athaiya (costume designer), Ray (filmmaker), A. R. Rahman (music composer), Resul Pookutty (sound editor) and Gulzar (lyricist), Cottalango Leon and Rahul Thakkar Sci-Tech Award. Masala is a style of Indian cinema that mix genres in one work, especially in Bollywood, West Bengal and South India. For example, one film can portray action, comedy, drama, romance and melodrama. These films tend to be musicals, with", + "score": 0.6923828125 + }, + { + "id": "737014", + "title": "Academy Award for Best Foreign Language Film", + "text": "75th Academy Awards, for instance, became shrouded in controversy when it was reported that Humbert Balsan, producer of the critically acclaimed Palestinian film \"Divine Intervention\" (2002), tried to submit his picture to the Academy but was told it could not run for the Foreign Language Film Award since the State of Palestine is not recognized by the Academy in its rules. Because the Academy had previously accepted films from other political entities such as Hong Kong, the rejection of \"Divine Intervention\" triggered accusations of double standard from pro-Palestinian activists. Three years later, however, another Palestinian-Arab film, \"Paradise Now\" (2005), succeeded", + "score": 0.69140625 + }, + { + "id": "1412258", + "title": "Aamir Khan", + "text": "and audiences. Khan's performance was well-received, although he was particularly applauded for his directing. Khan received the Filmfare Awards for Best Director and Best Film of 2007, as well as the National Film Award for Best Film on Family Welfare. The film won other awards, including the 2008 Zee Cine Awards and 4th Apsara Film & Television Producers Guild Awards. The film was initially acclaimed as India's official entry for the 2009 Academy Awards Best Foreign Film. In 2008, Khan appeared in the movie \"Ghajini\". The film was a major commercial success and became the highest-grossing Bollywood movie of that", + "score": 0.69140625 + }, + { + "id": "13346042", + "title": "A Prophet", + "text": "addition to prizes at both the 2009 Cannes Film Festival and the London Film Festival. It was nominated for the Best Foreign Language Film at the 82nd Academy Awards. It was the submission of France for the 82nd Academy Awards for Best Foreign Film. On 2 February 2010, when Academy Award nominations were announced, \"A Prophet\" received a nomination for Best Foreign Language film. The other four films in the category were \"Ajami\", \"The Milk of Sorrow\" and \"The White Ribbon\", and the eventual winner, \"El secreto de sus ojos\". \"A Prophet\" won the Grand Prix at the 2009 Cannes", + "score": 0.6904296875 + }, + { + "id": "8509397", + "title": "Asghar Farhadi", + "text": "win an Oscar for the best foreign language film at the 84th edition of the Academy Awards. This marked Farhadi as the first Iranian to have won an Academy Award in any of the competitive categories. He was invited to join the Academy of Motion Picture Arts and Sciences in June 2012 along with 175 other individuals.\"A Separation\" also won the C\u00e9sar Award for Best Foreign Film and the Independent Spirit Award for Best International Film that year. His 2013 film \"The Past\", starring B\u00e9r\u00e9nice Bejo and Tahar Rahim, competed for the Palme d'Or at the 2013 Cannes Film Festival.", + "score": 0.6875 + }, + { + "id": "1785776", + "title": "Mother India", + "text": "an Indian film up until \"Mughal-e-Azam\" (1960), while estimating that \"Mother India\"s inflation-adjusted net would be equivalent to in January 2008. Box Office India later estimated in 2017 that \"Mother India\" had over 100million footfalls at the domestic box office, making it one of the highest-grossing Indian films of all time when adjusted for inflation. The film's success led Khan to name his next film \"Son of India\". Released in 1962, it was not well received. \"Mother India\" was dubbed in several European languages including Spanish, French and Russian; it did substantial business in Greece, Spain and Russia and was", + "score": 0.6875 + }, + { + "id": "6222054", + "title": "Mr. and Mrs. Iyer", + "text": "Film Awards ceremony. Govind Nihalani, an Indian film director wondered if \"Mr. and Mrs. Iyer\" could have been sent to the Oscars instead of the regular song-and-dance entries. Eventually, Film Federation of India, the apex organisation that sends the nation's official entries to the Oscars, did not find any film worth sending for the 76th Academy Awards. Lawrence van Gelder commented in his review in \"The New York Times\" that \"The well-acted romance, as the two principal characters are thrown together by unanticipated events, is hard to resist, even though the answer to the crucial question it raises is all", + "score": 0.68701171875 + }, + { + "id": "6222053", + "title": "Mr. and Mrs. Iyer", + "text": "International Film Festival, and High Falls Film Festival. At the International Film Festival of Las Palmas in the Canary Islands, it won the Gold prize, awarded to the best film screened that year. Rahul Bose said that when the film was showcased at the Geneva festival, it was seen and liked by Kofi Annan, the United Nations Secretary-General. Back home in India, \"Mr. and Mrs. Iyer\" won the Golden Lotus Award for best direction, the Silver Lotus Awards for best actress, the best screenplay, and the Nargis Dutt Award for Best Feature Film on National Integration at the 2003 National", + "score": 0.6865234375 + }, + { + "id": "17561553", + "title": "The Good Road", + "text": "at the Oscars. The film won the Best Gujarati film award at the 60th National Film Awards for \"capturing the flavor of the never-ending and undulating highways of the other India and its hidden facets.\" The film won the Best Feature Film Jury Award at the Indian Film Festival, Houston in October 2013. The film was selected out of 20 films initially submitted to the Film Federation of India for consideration for the Oscars. Ritesh Batra's film \"The Lunchbox\" was considered to be the frontrunner and certain lock for India's Oscar selection, with many critics unanimously praising it and voting", + "score": 0.68603515625 + }, + { + "id": "737002", + "title": "Academy Award for Best Foreign Language Film", + "text": "the World\" (1992), Uruguay's entry for the 65th Academy Awards, which was disqualified because of insufficient Uruguayan artistic control \"after\" having secured a nomination. It is the only film so far to have been declared ineligible and removed from the final ballot after having been nominated for the Foreign Language Film Award. Since the 2006 (79th) Academy Awards, submitted films no longer have to be in an official language of the submitting country. This requirement had previously prevented countries from submitting films where the majority of the dialogue was spoken in a language that was non-native to the submitting country,", + "score": 0.68603515625 + }, + { + "id": "7837445", + "title": "Pedro Almodo\u0301var", + "text": "comedy-drama film \"Women on the Verge of a Nervous Breakdown\" (1988), which was nominated for the Academy Award for Best Foreign Language Film, and went on to more success with the dark romantic comedy film \"Tie Me Up! Tie Me Down!\" (1990), the melodrama \"High Heels\" (1991) and the romantic drama thriller \"Live Flesh\" (1997). His subsequent two films won an Academy Award each: \"All About My Mother\" (1999) received the award for Best Foreign Language Film while \"Talk to Her\" (2002) earned him the award for Best Original Screenplay. Almod\u00f3var followed this with the drama \"Volver\" (2006), the romantic", + "score": 0.685546875 + }, + { + "id": "44008", + "title": "Bollywood", + "text": "to be released in the Western world, and get mainstream attention, was \"Aan\" (1952), directed by Mehboob Khan, and starring Dilip Kumar and Nimmi. It was subtitled in 17 languages and released in 28 countries, including the United Kingdom, United States, and France. \"Aan\" also received critical acclaim in the British press at the time, such as \"The Times\" which compared it favourably with Hollywood productions at the time. Mehboob Khan's later Academy Award-nominated \"Mother India\" (1957) was an unprecedented success in overseas markets, including Europe, Russia, the Eastern Bloc, French territories, and Latin America. The awareness of Hindi cinema", + "score": 0.68408203125 + }, + { + "id": "18462826", + "title": "Pakistani Academy Selection Committee", + "text": "compete in selection process. Following is the complete details of selection committee's submissions for Best Foreign Language Film category at Academy Awards. The \"Best Foreign Language Film\" category was not created until 1956; however, between 1947 and 1955, the Academy presented a non-competitive Honorary Award for the best foreign language films released in the United States. Pakistan the submit its first ever film in 1959, three after the category introduced, however film fails to make it in final nomination. Second submission was made in 1963 by Khawaja Khurshid Anwar, it also fails to reach in top five. After that, with", + "score": 0.68359375 + }, + { + "id": "14690028", + "title": "Barfi!", + "text": "the speaking- and hearing-impaired Basu is condemned to silence.\" Gary Goldstein of the \"Los Angeles Times\" was more critical of the film, despite praising aspect including \"the hard-working cast, a lush score, exotic location shooting and scattered warmth\" called it as \"more endurance test than entertainment.\" \"Barfi!\" has received various awards and nominations in categories ranging mostly from recognition of the film itself, to its cinematography, direction, screenplay, and music, to the cast's performance. The film was selected as India's official entry for the Best Foreign Language Film nomination for the 85th Academy Awards. The film received thirteen nominations at", + "score": 0.68359375 + }, + { + "id": "15945053", + "title": "Monsieur Lazhar", + "text": "Awards, and on 18 January 2012, it was named as one of the nine shortlisted entries for the Oscars. Six days later, the film was named as one of the five nominees. Alongside the Polish-Canadian co-production \"In Darkness\", which was submitted and nominated on behalf of Poland, the two films marked the first time in the history of Canadian cinema that two films with Canadian connections were finalists for the Best Foreign Language Film Oscar in the same year. It is also the second consecutive year that a Canadian film in French was nominated in this category, following the nomination", + "score": 0.68212890625 + }, + { + "id": "19455725", + "title": "Aquarius (film)", + "text": "d'\u00e9tat in Brazil, showing protest signs at Cannes. A number of controversies has been raised over the film, including its nonselection as the country's entry to the Best Foreign Language Film at the 89th Academy Awards by the Ministry of Culture\u2019s committee, which has been seen as a supposed act of retaliation by Brazil's new government. It was nominated for several awards, including the Independent Spirit Award for Best International Film and the C\u00e9sar Award for Best Foreign Film. The film was included in a number of critics' lists of best films of the year, including from Sight & Sound,", + "score": 0.681640625 + }, + { + "id": "14690020", + "title": "Barfi!", + "text": "he was inspired by these works and that \"Barfi!\" contains an original plot, screenplay, characters and situations. He said that he was paying homages to Keaton and Chaplin. \"Barfi!\"s Oscar selection for Best Foreign Language Film was criticised because of plagiarism, but Oscar selection committee chief Manju Borah defended the film by saying, \"\"Barfi!\" deserves to be sent outside. The selection was a very open process with three to four rounds of severe discussions and came down to the best film of the final three.\" The film received critical acclaim, with critics praising the performances, the direction, the screenplay, the", + "score": 0.681640625 + }, + { + "id": "13374577", + "title": "Mother (2009 film)", + "text": "eerie visuals.\" On Metacritic, which assigns a normalized rating to reviews, the film has a weighted average score of 79 out of 100 based on 31 critics, indicating \"generally favorable reviews.\" \"Mother\" appeared on many film critics' \"best-of\" lists of 2010. The film was selected as South Korea's official submission for the Academy Award for Best Foreign Language Film at the 82nd Academy Awards. Mother (2009 film) Mother () is a 2009 South Korean drama film directed by Bong Joon-ho, starring Kim Hye-ja and Won Bin. An unnamed widow lives alone with her only son, selling medicinal herbs in a", + "score": 0.68017578125 + }, + { + "id": "12912277", + "title": "Departures (2008 film)", + "text": "to the 81st Academy Awards as Japan's submission for the Best Foreign Language Film award. Although eleven previous Japanese films had won Academy Awards in other categories, such as Best Animated Feature or Best Costume Design, the as-yet unattained Best Foreign Language Film award was highly coveted in the Japanese film industry. \"Departures\" was not expected to win, owing to strong competition from the Israeli and French submissions (Ari Folman's \"Waltz with Bashir\" and Laurent Cantet's \"The Class\", respectively), but was ultimately the victor at the February 2009 ceremony. This was considered a surprise by several film critics, and \"The", + "score": 0.6796875 + }, + { + "id": "3199901", + "title": "Nargis", + "text": "\"Barsaat\" (1949), Andaz (1949), \"Awaara\" (1951), \"Deedar\" (1951), \"Shree 420\" (1955), and \"Chori Chori\" (1956). She appeared in Mehboob Khan's Oscar-nominated epic drama \"Mother India\" in 1957 for which she won the Filmfare Best Actress Award for her performance. Baburao Patel of the film magazine \"Filmindia\" (December 1957) described \"Mother India\" as \"the greatest picture produced in India\" and wrote that no other actress would have been able to perform the role as well as Nargis. After her marriage to Sunil Dutt in 1958, Nargis gave up her film career to settle down with her family, after her last few", + "score": 0.67919921875 + }, + { + "id": "11293091", + "title": "Darrell Roodt", + "text": "South African entry for the Best Foreign Language Oscar at the 85th Academy Awards, but it did not make the final shortlist. His 2007 film Meisie won best film at the KKNK film festival in March 2008. Mr. Roodt has won an EIUC Award at the Venice Film Festival (2004) and the Taormina Arte Award at the Taormina International Film Festival (2000) His film \"Yesterday\" (2004) was nominated for the Academy Award for Best Foreign Language Film as well as the Independent Spirit Awards for Best Foreign Film (2005). Darrell Roodt Darrell James Roodt (born in Johannesburg, April 28, 1962)", + "score": 0.6787109375 + }, + { + "id": "1744088", + "title": "Naushad", + "text": "golden jubilees (50 weeks run) and 4 celebrated diamond jubilees (60 weeks run). (inclusive count \u2013 a diamond jubilee film also celebrated Silver and Golden jubilee) Naushad worked with several lyricists, including Shakeel Badayuni, Majrooh Sultanpuri, D. N. Madhok, Zia Sarhadi, and Khumar Barabankvi. Mother India (1957), for which he had composed music, was the first Indian film that got nominated for Oscar. In 1981, Naushad was awarded the Dadasaheb Phalke Award for his lifetime contribution to Indian cinema. He composed the tunes of (2005) at the age of 86. Amongst his assistants, Mohammed Shafi, Jerry Amaldev and Ghulam Mohammed", + "score": 0.6787109375 + }, + { + "id": "6940283", + "title": "Rang De Basanti", + "text": "India's official entry for the Golden Globe Awards and the Academy Awards in the Best Foreign Language Film category, though it did not ultimately yield a nomination for either award. A. R. Rahman's soundtrack, which earned positive reviews, had two of its tracks considered for an Academy Award nomination. The film was well received by critics and audiences for its production values and had a noticeable influence on Indian society. In India, \"Rang De Basanti\" did well at many of the Bollywood awards ceremonies, including a win for Best Movie at the Filmfare Awards. The film was declared \"Blockbuster\" by", + "score": 0.6787109375 + }, + { + "id": "15903960", + "title": "5th National Film Awards", + "text": "awarded at All India as well as regional level. For 5th National Film Awards, in this category, two Hindi films, \"Do Aankhen Barah Haath\" and \"Mother India\" along with a Bengali film \"Andhare Alo\", won the maximum number of awards (two), with \"Do Aankhen Barah Haath\" also winning the President's Gold Medal for the All India Best Feature Film. Following were the awards given: Following were the awards given in each category: The awards were given to the best films made in the regional languages of India. For 5th National Film Awards, President's Silver Medal for Best Feature Film was", + "score": 0.67822265625 + }, + { + "id": "8335807", + "title": "Cinema of Peru", + "text": "of Madeinusa performed by Magaly Solier and the traumas of post-civil war Peru. Llosa, who shared elements of Gabriel Garc\u00eda M\u00e1rquez's magic realism, won an award at the Rotterdam Film Festival. Llosa's second feature, The Milk of Sorrow (\"La Teta Asustada\"), was nominated for the 82nd Academy Awards for Best Foreign Language Picture, the first Peruvian film in the Academy's history to be nominated. The Milk of Sorrow (\"La Teta Asustada\"), won the Golden Bear award at the 2009 Berlinale. More recently, on April 11, 2013, The film \"Asu Mare\" premiered nationwide. This film is an adaptation of a stand", + "score": 0.677734375 + }, + { + "id": "16593981", + "title": "Gurvinder Singh", + "text": "Film at the International Film Festival of India, Goa, in 2012. It also won three National Awards in India, including National Film Award for Best Direction and National Film Award for Best Cinematography\u2019 at the 59th National Film Awards presented on 3 May 2012.The award consisted of 'Golden Lotus Award (Swarna Kamal)', a certificate and a cash prize of /-. The jury presented the awards for, His second feature Chauthi Koot (The Fourth Direction), an Indo-French co-production, premiered in \u2018Un Certain Regard\u2019 competition at the Cannes Film Festival in 2015. Based on two short stories by Punjabi writer Waryam Singh", + "score": 0.6767578125 + }, + { + "id": "15618765", + "title": "Adaminte Makan Abu", + "text": "the Best Foreign Film category for the 84th Academy Awards. It was chosen over 15 others by the Film Federation of India (FFI) to represent the country for the award. \"Adaminte Makan Abu\" is the second Malayalam film (the first one being \"Guru\") to be submitted for the Oscars. Salim Ahamed was burdened heavily with promoting it in the United States for the Oscar jury. According to Ahamed, promotional events such as showing the film in the US (including at least six showings for the jury members) would be necessary to get support for the nomination. Ahamed also stated that", + "score": 0.6767578125 + }, + { + "id": "12358228", + "title": "Ang Lee", + "text": "had low expectations for this film from the U.S. audience since \"its pace, its film language;\u2013 it's all very Chinese.\" The film was ignored by the Oscars, receiving zero nominations. It was snubbed from consideration in the Best Foreign Language Film category; after being officially submitted by R.O.C., the Academy ruled that an insufficient number of R.O.C. nationals had participated in the production, thus disqualifying it from further consideration. Lee was chosen as president of the jury for the 2009 edition of the Venice Film Festival that took place from 2 to 12 September 2009. Lee's next film after 2009's", + "score": 0.6767578125 + }, + { + "id": "737017", + "title": "Academy Award for Best Foreign Language Film", + "text": "their own limitations, and nothing about those of world cinema\". Academy Award for Best Foreign Language Film The Academy Award for Best Foreign Language Film is one of the Academy Awards handed out annually by the U.S.-based Academy of Motion Picture Arts and Sciences (AMPAS). It is given to a feature-length motion picture produced outside the United States of America with a predominantly non-English dialogue track. When the first Academy Awards ceremony was held on May 16, 1929, to honor films released in 1927/28, there was no separate category for foreign language films. Between 1947 and 1955, the Academy presented", + "score": 0.6767578125 + }, + { + "id": "14689996", + "title": "Barfi!", + "text": "films of 2012 in India and overseas. The film went on to gross worldwide. The film was selected as India's official entry for the Best Foreign Language Film nomination for the 85th Academy Awards. \"Barfi\" won several awards and nominations at various award ceremonies across India. At the 58th Filmfare Awards, the film received thirteen nominations including Best Actress for Chopra and won seven including Best Film, Best Actor for Kapoor and Best Music Director's for Pritam. Murphy \"Barfi\" Johnson (Ranbir Kapoor) is an optimistic, street-wise, charming young man who was born deaf to a Nepali couple in Darjeeling. His", + "score": 0.67626953125 + }, + { + "id": "18290298", + "title": "My Beloved Dearest", + "text": "basic conversation with Murni and rudely expresses his dislike of the food that she serves him every day, including the traditional Nusantara dish sambal goreng. It was selected as Singapore's official 2015 entry for the Best Foreign Language Film at the 87th Academy Awards, but was not nominated. In November 2013 the film won the Best Asian Film (Jury Prize) at the SalaMindanaw International Film Festival in the Philippines. In 2014 it was the closing film for the Southeast Asian Film Festival and opening film for the Phnom Penh International Film Festival. It was an Official Selection at the Jogja-NETPAC", + "score": 0.67626953125 + }, + { + "id": "8424826", + "title": "29th Academy Awards", + "text": "29th Academy Awards During the 29th Academy Awards, the regular competitive category of Best Foreign Language Film was introduced, instead of only being recognized as a Special Achievement Award or as a Best Picture nominee (as in 1938). The first winner in this new category was Federico Fellini's \"La Strada\" with Anthony Quinn and a second nomination for Best Original Screenplay. Its win would help spur an interest in foreign-language films. Another Fellini film, \"Nights of Cabiria\" would win the Best Foreign Language Film Oscar in the following year. This was also the first year that all of the five", + "score": 0.67626953125 + }, + { + "id": "43938", + "title": "Bollywood", + "text": "A. R. Rahman, an Indian film composer, wrote the music for Andrew Lloyd Webber's \"Bombay Dreams\", and a musical version of \"Hum Aapke Hain Koun\" has played in London's West End. The Bollywood sports film \"Lagaan\" (2001) was nominated for the Academy Award for Best Foreign Language Film, and two other Bollywood films \"Devdas\" (2002) and \"Rang De Basanti\" (2006) were nominated for the BAFTA Award for Best Film Not in the English Language. Danny Boyle's \"Slumdog Millionaire\" (2008), which won four Golden Globes and eight Academy Awards, was directly inspired by Bollywood films, and is considered to be a", + "score": 0.67626953125 + }, + { + "id": "5466354", + "title": "Raja Harishchandra", + "text": "56th National Film Awards. It was selected as India's official entry to the 82nd Academy Awards in the Best Foreign Language Film category along with the 62nd British Academy Film Awards and the 66th Golden Globe Awards but was not listed among the final five nominations. The original length of a film was , about four reels. In 1917, the film's last print caught fire due to the constant friction and the exposure to high temperatures while it was being transported from one theatre to another, by a bullock cart. Phalke readily re-shot the film to produce the version that", + "score": 0.67626953125 + }, + { + "id": "16587701", + "title": "9th IIFA Awards", + "text": "7 June 2008, as did the FICCI-IIFA Global Business Forum. On 6 June, The IIFA World Premiere was held at Major Cineplex, Bangkok which showcased Sarkar Raj, starring Indian Film icons Amitabh Bachchan, Abhishek Bachchan and Aishwarya Rai Bachchan, directed by Ram Gopal Varma. \"Chak De! India\" won nine awards, three of which were popular awards: Best Picture, Best Performance In A Leading Role Male and Best Director. \"Om Shanti Om\" won six awards. Other multiple winners included \"Life in a... Metro\" with three awards and \"Jab We Met\", \"Shootout at Lokhandwala\", \"Guru\" and \"Saawariya\", with two awards each. In", + "score": 0.67626953125 + }, + { + "id": "10533260", + "title": "The Orphanage (film)", + "text": "up winning awards for Best Art Direction, Best Director of Production, Best Makeup and Hair, Best New Director, Best Screenplay \u2013 Original, Best Sound Mixing, and Best Special Effects. \"The Orphanage\" was chosen by the Spanish Academy of Films as Spain's nominee for the 2007 Academy Award for Best Foreign Film, but ultimately did not end up as one of the five final nominees in that category. \"The Orphanage\" was picked up by Picturehouse at the Berlin Film Festival for American distribution. \"The Orphanage\" was released on DVD and Blu-ray on April 22, 2008 for a Region 1 release by", + "score": 0.67578125 + }, + { + "id": "6940332", + "title": "Rang De Basanti", + "text": "Disney Pictures for organising its publicity efforts. When the nominations in the foreign film category did not feature this film, it sparked off debates on whether the film should have been India's entry for the Oscars. In one such debate on a television channel that involved Screwvala, the selection committee was questioned about its knowledge of the requisite artistic criteria for such award ceremonies. While one outcome of the debate was on how \"Omkara\" would have been a better choice, the other discussed the West-centric sensibilities of the Academy members. However, results from a simultaneously conducted SMS poll indicated that", + "score": 0.67578125 + }, + { + "id": "736710", + "title": "Academy Award for Best Picture", + "text": "but ineligible for Best Foreign Language Film, as it was an American production); and \"Amour\" (French, 2012). Only nine films wholly financed outside the United States have won Best Picture, eight of which were financed, in part or in whole, by the United Kingdom. Those films being: \"Hamlet\" (1948), \"Tom Jones\" (1963), \"A Man for All Seasons\" (1966), \"Chariots of Fire\" (1981), \"Gandhi\" (1982), \"The Last Emperor\" (1987), \"Slumdog Millionaire\" (2008), and \"The King's Speech\" (2010). The ninth film, \"The Artist\", (2011) was financed by France. Other points of contention include genres (or styles in case of animation) of film", + "score": 0.67578125 + }, + { + "id": "2225314", + "title": "The Discreet Charm of the Bourgeoisie", + "text": "instead released it in the fall of 1972 specifically to make it eligible for the Academy Award for Best Foreign Language Film. Bu\u00f1uel was famously indifferent to awards and jokingly told a reporter that he had already paid $25,000 in order to win the Oscar. \"The Discreet Charm of the Bourgeoisie\" did win the Oscar for Best Foreign Language Film and Silberman accepted on Bu\u00f1uel's behalf at the ceremony. At the Academy's request, Bu\u00f1uel posed for a photograph while holding the Oscar, but while wearing a wig and oversized sunglasses. In October 2014, Stephen Sondheim revealed that he and playwright", + "score": 0.67578125 + }, + { + "id": "17320610", + "title": "The Lunchbox", + "text": "purported use of \"irritating comic foil\" in reference to Nawazuddin Siddiqui's and Bharati Achrekar's characters as Shaikh and Mrs. Deshpande, respectively. \"The Lunchbox \"was considered by many people throughout the year to be a lock as India's selection for the 86th Academy Awards Best Foreign Film Category, with many critics unanimously praising it and voting for it to be the representative film. Celebrity director Karan Johar also put his support behind the film saying \"All kinds of audience can connect with it and yet within the parameters of love story it is completely unusual. You feel all the love in", + "score": 0.67578125 + }, + { + "id": "17249603", + "title": "14th IIFA Awards", + "text": "14th IIFA Awards The 2013 IIFA Awards, officially the 14th International Indian Film Academy Awards ceremony, presented by the International Indian Film Academy honouring the Bollywood films of 2012, took place between July 4\u20136, 2013. The winners were announced on July 6, 2013 at The Venetian Macao, Macau for the second time after 2009. The ceremony was hosted by the actors Shah Rukh Khan and Shahid Kapoor. The ceremony was televised in India and internationally on Star Plus. \"Barfi!\" won fourteen awards, including Best Movie, Best Director for Anurag Basu, and Best Actor for Ranbir Kapoor. \"Agneepath\" won five awards,", + "score": 0.67578125 + }, + { + "id": "6940333", + "title": "Rang De Basanti", + "text": "62 percent felt that the film was the right choice for the Oscars. The film was also selected as India's official entry to the 79th Academy Awards for Best Foreign Language Film but it was not Nominated. \"Rang De Basanti\" had a noticeable impact on Indian society. A study of bloggers behavioural patterns during the first month of the film's release revealed a significant increase in public ire towards government and politicians for constantly being mired in corruption and bureaucracy and their inefficiency in providing basic amenities. Intense political discussions spurred on by the film's influence were observed in these", + "score": 0.67529296875 + }, + { + "id": "737015", + "title": "Academy Award for Best Foreign Language Film", + "text": "in getting nominated for the Foreign Language Film Award. The nomination also caused protests, this time from pro-Israeli groups in the United States, who objected to the Academy's use of the name \"Palestine\" on its official website to designate the film's submitting country. After intense lobbying from pro-Israeli groups, the Academy decided to designate \"Paradise Now\" as a submission from the Palestinian Authority, a move that was decried by the film's director Hany Abu-Assad. During the awards ceremony, the film was eventually announced by presenter Will Smith as a submission from the Palestinian Territories. Another object of controversy is the", + "score": 0.67529296875 + }, + { + "id": "20090027", + "title": "Newton (film)", + "text": "Supporting Actor for Tripathi, while winning Best Film and Filmfare Award for Best Story. Rao won the Asia Pacific Screen Award for Best Actor and the writers won the award for Best Screenplay. \"Newton\" was also awarded the National Film Award for Best Feature Film in Hindi. Pankaj Tripathi won a special mention at 65th National Film Awards. The was selected as the Indian entry for the Best Foreign Language Film at the 90th Academy Awards. Nutan (Newton) Kumar, a rookie government clerk on reserve is sent on election duty to a Nicolette-Maoist insurgency Naxal-controlled town in the conflict-ridden jungles", + "score": 0.67431640625 + }, + { + "id": "144277", + "title": "Cinema of Japan", + "text": "over the landscape of Japanese documentary.\" Teshigahara's \"Woman in the Dunes\" (1964) won the Special Jury Prize at the Cannes Film Festival, and was nominated for Best Director and Best Foreign Language Film Oscars. Masaki Kobayashi's \"Kwaidan\" (1965) also picked up the Special Jury Prize at Cannes and received a nomination for Best Foreign Language Film at the Academy Awards. \"Bushido, Samurai Saga\" by Tadashi Imai won the Golden Bear at the 13th Berlin International Film Festival. \"Immortal Love\" by Keisuke Kinoshita and \"Twin Sisters of Kyoto\" and \"Portrait of Chieko\", both by Noboru Nakamura, also received nominations for Best", + "score": 0.67431640625 + }, + { + "id": "8509396", + "title": "Asghar Farhadi", + "text": "the Best Film award at the 2011 Asia Pacific Screen Awards. On 19 December 2011, Farhadi was announced as being on the jury for the 62nd Berlin International Film Festival, held in February 2012. On 15 January 2012, \"A Separation\" won the Golden Globe for the Best Foreign Language Film. The film was also the official Iranian submission for the Best Foreign Language Film at the 2012 Academy Awards where, apart from getting nominated in this category, it also received a nomination in the Best Original Screenplay category. On 26 February 2012, \"A Separation\" became the first Iranian movie to", + "score": 0.673828125 + }, + { + "id": "2196135", + "title": "Czechoslovak New Wave", + "text": "Peter\", and \"Loves of a Blonde\" during this time, V\u011bra Chytilov\u00e1 who is best known for her film \"Daisies\", and Ji\u0159\u00ed Menzel, whose film \"Closely Watched Trains\" (\"Ost\u0159e sledovan\u00e9 vlaky\" 1966) won an Academy Award for Best Foreign Language Film. \"The Shop on Main Street\" (\"Obchod na korze\" 1965) directed by J\u00e1n Kad\u00e1r and Elmar Klos won the Academy Award for Best Foreign Language Film in 1966. It takes place in Slovakia during World War II and tells the story of a poor Slovak man named Anton \"Tono\" Brtko who is given a job by the local fascist regime to", + "score": 0.67333984375 + }, + { + "id": "14955557", + "title": "In a Better World", + "text": "that Susanne Bier can tell a good story\", he was not entirely convinced: \"She can seduce, and she can push the completely correct emotional buttons, so that mothers' as well as fathers' hearts are struck, but she doesn't earnestly drill her probe into the meat.\" On 19 January 2011, it made the short list for Best Foreign Language Film and on 25 January, it was selected as one of the final five nominees and won as the Danish entry for the Best Foreign Language Film at the 83rd Academy Awards. The film also won for Best Foreign Language Film at", + "score": 0.67333984375 + }, + { + "id": "14922596", + "title": "Incendies", + "text": "as accepting minorities, particularly Middle Easterners or \"Muslim Others\". Roger Ebert gave the film three and a half stars, saying \"it wants to be much more than a thriller and succeeds in demonstrating how senseless and futile it is to hate others because of their religion\", and Azabal \"is never less than compelling\". He later selected the film as his favourite to win the Academy Award for Best Foreign Language Film, though it lost to \"In a Better World\" from Denmark. Leonard Maltin also gave the film three and a half stars, referring to it as \"tough, spellbinding\". Ty Burr,", + "score": 0.67333984375 + }, + { + "id": "16207503", + "title": "34th National Film Awards", + "text": "34th National Film Awards The 34th National Film Awards, presented by Directorate of Film Festivals, the organisation set up by Ministry of Information and Broadcasting, India to felicitate the best of Indian Cinema released in the year 1986. Ceremony took place in September 1987. Awards were divided into feature films, non-feature films and books written on Indian cinema. Feature films were awarded at All India as well as regional level. For 34th National Film Awards, a Kannada film, \"Tabarana Kathe\" won the National Film Award for Best Feature Film, whereas a Hindi film, \"Mirch Masala\" and a Bengali film, \"Phera\"", + "score": 0.671875 + }, + { + "id": "1785748", + "title": "Mother India", + "text": "saw the film \"The Good Earth\" (1937), directed by Sidney Franklin. \"The Mother\" chronicled the life of a Chinese woman, including her married life and lonely struggle after being abandoned by her husband. Aspects of \"Mother India\", such as moneylenders, toiling on land, and rearing children through hardship were part of the story. Khan originally drew upon these influences in making his 1940 film \"Aurat\", the original version of \"Mother India\". Khan bought the rights of \"Aurat\" from the production company National Studios for 35,000 (valued at about US$7,350 in 1957). Stylistic elements of \"Mother India\" show similarities with Vsevolod", + "score": 0.67138671875 + }, + { + "id": "43905", + "title": "Bollywood", + "text": "(1940), was the first Indian film to be nominated for the Academy Award for Best Foreign Language Film, which it lost by a single vote. \"Mother India\" was also an important film that defined the conventions of Hindi cinema for decades. It spawned a new genre of dacoit films, which was further defined by \"Gunga Jumna\" (1961). Written and produced by Dilip Kumar, \"Gunga Jumna\" was a dacoit crime drama about two brothers on opposite sides of the law, a theme that later became common in Indian films since the 1970s. \"Madhumati\" (1958), directed by Bimal Roy and written by", + "score": 0.6708984375 + }, + { + "id": "5751419", + "title": "Indian (1996 film)", + "text": "Kamal Haasan's portrayal, Best Art Direction for Thotta Tharani's pre-independence sets and Best Special Effects for Venky's graphics work. It also achieved regional success, winning Best Film and Best Actor awards at both the Filmfare Awards and from the Tamil Nadu State. It also became the Indian submission for the Academy Award for Best Foreign Language Film in 1997, though eventually did not make the short list. In 2011, producer A. M. Rathnam discussed the idea of a sequel to this project as anti-corruption leaders like Anna Hazare were becoming active. In September 2017, a sequel was announced jointly by", + "score": 0.6708984375 + }, + { + "id": "19469692", + "title": "The Salesman (2016 film)", + "text": "Jeremy Zimmer, announced that UTA's annual Oscars party was cancelled and a protest rally would be held instead. On 24 February, Farhadi announced that Anousheh Ansari, known as the first female space tourist, and Firouz Naderi, a former director of Solar System Exploration at NASA \u2013 would represent him at the Oscars ceremony. The night of the Oscar ceremony, 26 February, as the film won the Oscar for Best Foreign Language Film, Anousheh Ansari took to the stage to read from a prepared statement Farhadi had written which said in part \"My absence is out of respect for the people", + "score": 0.6708984375 + }, + { + "id": "14922598", + "title": "Incendies", + "text": "of melodrama and orientalism. On 22 September 2010, \"Incendies\" was chosen to represent Canada at the 83rd Academy Awards in the category of Best Foreign Language Film. It made the shortlist on 19 January 2011, one of nine films and was nominated for the Academy Award for Best Foreign Language Film on 25 January 2011. It won eight awards at the 31st Genie Awards, including Best Motion Picture, Best Actress for Azabal and Best Director for Villeneuve. Along with \"Incendies\", Villeneuve won the Rogers Best Canadian Film Award in 2009 for the film \"Polytechnique\", the first Canadian filmmaker to win", + "score": 0.6708984375 + }, + { + "id": "15296232", + "title": "53rd National Film Awards", + "text": "when the other members of the Jury had no objection to the selection of the films for the awards. Sanjay Leela Bhansali's Black also faced the heat of controversy when Shyamali Deb Banerjee, one the juries for 53rd National Film Awards, alleged that film should not be given any award as it is an adaptation of the film The Miracle Worker and according to the rules no adaptations shall be given any awards. She had also filed a petition for the in the court. Though film finally won three national awards, for Best Actor, Best Costume Design and Best Feature", + "score": 0.67041015625 + }, + { + "id": "736995", + "title": "Academy Award for Best Foreign Language Film", + "text": "Vittorio De Sica). The most awarded foreign country is Italy, with 14 awards won (including three Special Awards) and 28 nominations, while France is the foreign country with the largest number of nominations (37 for 12 wins, including three Special Awards). Israel is the foreign country with the largest number of nominations (10) without winning an award, while Portugal has the largest number of submissions (34) without a nomination. When the first Academy Awards ceremony was held in 1929, no foreign language film was honored. During the early post-war era (1947\u20131955), eight foreign language films received Special or Honorary Awards.", + "score": 0.66943359375 + }, + { + "id": "736998", + "title": "Academy Award for Best Foreign Language Film", + "text": "drama \"La Strada\", which helped establish Federico Fellini as one of the most important European directors. Unlike other Academy Awards, the Foreign Language Film Award does not require films to be released in the United States in order to be eligible for competition. Films competing in the Foreign Language Film category must have been first released in the country submitting them during the eligibility period defined by the rules of the Academy, and must have been exhibited for at least seven consecutive days in a commercial movie theater. The eligibility period for the Foreign Language Film category differs from that", + "score": 0.66943359375 + }, + { + "id": "1785792", + "title": "Mother India", + "text": "two morally opposed brothers personifying good and evil, which became a repeated motif in Hindi films, including \"Gunga Jumna\" (1961) and \"Deewaar\" (1975). The rebellious Birju also inspired the \"angry young man\" stock character that arose in 1970s Hindi cinema. Mother India Mother India is a 1957 Indian epic drama film, directed by Mehboob Khan and starring Nargis, Sunil Dutt, Rajendra Kumar, and Raaj Kumar. A remake of Khan's earlier film \"Aurat\" (1940), it is the story of a poverty-stricken village woman named Radha (Nargis), who in the absence of her husband, struggles to raise her sons and survive against", + "score": 0.6689453125 + }, + { + "id": "736992", + "title": "Academy Award for Best Foreign Language Film", + "text": "Academy Award for Best Foreign Language Film The Academy Award for Best Foreign Language Film is one of the Academy Awards handed out annually by the U.S.-based Academy of Motion Picture Arts and Sciences (AMPAS). It is given to a feature-length motion picture produced outside the United States of America with a predominantly non-English dialogue track. When the first Academy Awards ceremony was held on May 16, 1929, to honor films released in 1927/28, there was no separate category for foreign language films. Between 1947 and 1955, the Academy presented Special/Honorary Awards to the best foreign language films released in", + "score": 0.66845703125 + }, + { + "id": "5373271", + "title": "Susanne Bier", + "text": "has continued to ascend with the harrowing \"Br\u00f8dre\" (\"Brothers\", 2004) and the emotionally engaging \"Efter Brylluppet\" (\"After the Wedding\", 2006), which was nominated for Best Foreign Language film at the 2007 Academy Awards. After her first American film, \"Things We Lost in the Fire\" (2008) starring Benicio del Toro and Halle Berry, Bier went on to win the Oscar for Best Foreign Language film for \"In a Better World\" (2010). In 2012, she returned to romantic comedy with local Danish smash-hit \"Den skaldede fris\u00f8r\" (\"Love is All You Need\") (2012) starring Trine Dyrholm and Pierce Brosnan. And in 2014, she", + "score": 0.66796875 + }, + { + "id": "1785787", + "title": "Mother India", + "text": "appeals to a mass audience. \"Mother India\" has been described as \"perhaps India's most revered film\", a \"cinematic epic\", a \"flag-bearer of Hindi cinema and a legend in its own right\", Mehboob Khan's \"magnum opus\" and an \"all-time blockbuster\", which ranks highly among India's most successful films. It was in continuous distribution, being played in theatres for more than three decades; the record ended in the mid-1990s with the advent of satellite television and a change in Indian film-viewing habits. \"Mother India\" belongs to only a small collection of films, including \"Kismet\" (1943), \"Mughal-e-Azam\" (1960), \"Sholay\" (1975) \"Hum Aapke Hain", + "score": 0.66796875 + }, + { + "id": "8826377", + "title": "Bollywood Movie Awards", + "text": "Bollywood Movie Awards The Bollywood Movie Awards was an annual film award ceremony held between 1999 and 2007 in Long Island, New York, United States, celebrating films and actors from the Bollywood film industry based in Mumbai, India. The predecessor to the award ceremony was introduced in 1992 by Kamal Dandona, the head of \"The Bollywood Group\" and was originally titled, \"Nataraj Awards.\" It was renamed and relaunched as \"Bollywood Movie Awards\" in 1999. Michael Jackson won a \"Humanitarian Award\" in 1999, Richard Gere a \"Man of Conscience\" award, and Sharon Stone an award connected to her work with AIDS.", + "score": 0.66796875 + }, + { + "id": "19262495", + "title": "Guldbagge Award for Best Foreign Film", + "text": "and forward. Guldbagge Award for Best Foreign Film The Guldbagge for Best Foreign Film is a Swedish film award presented annually by the Swedish Film Institute (SFI) as part of the Guldbagge Awards (Swedish: \"Guldbaggen\") to the best Swedish motion picture of the year. Each Guldbagge Awards ceremony is listed chronologically below along with the winner of the Guldbagge Award for Best Foreign Film and the director associated with the award. Before 1991 the awards did not announce nominees, only winners. In the columns under the winner of each award are the other nominees for best film, which are listed", + "score": 0.66796875 + }, + { + "id": "19262494", + "title": "Guldbagge Award for Best Foreign Film", + "text": "Guldbagge Award for Best Foreign Film The Guldbagge for Best Foreign Film is a Swedish film award presented annually by the Swedish Film Institute (SFI) as part of the Guldbagge Awards (Swedish: \"Guldbaggen\") to the best Swedish motion picture of the year. Each Guldbagge Awards ceremony is listed chronologically below along with the winner of the Guldbagge Award for Best Foreign Film and the director associated with the award. Before 1991 the awards did not announce nominees, only winners. In the columns under the winner of each award are the other nominees for best film, which are listed from 1991", + "score": 0.66796875 + }, + { + "id": "190008", + "title": "Iceland", + "text": "was nominated for the Academy Award for Best Foreign Language Film for his \"Children of Nature\". It features the story of an old man who is unable to continue running his farm. After being unwelcomed in his daughter's and father-in-law's house in town, he is put in a home for the elderly. There, he meets an old girlfriend of his youth and they both begin a journey through the wilds of Iceland to die together. This is the only Icelandic movie to have ever been nominated for an Academy Award. Singer-songwriter Bj\u00f6rk received international acclaim for her starring role in", + "score": 0.66748046875 + }, + { + "id": "10790727", + "title": "Aurat (1940 film)", + "text": "kills Birju for dishonoring her. Aurat (1940 film) Aurat (English: \"Woman\") is a 1940 Indian film, directed by Mehboob Khan, starring Sardar Akhtar, Surendra, Yakub, Kanhaiyalal and Arun Kumar Ahuja. The film's music is by Anil Biswas and dialogue is by Wajahat Mirza. Mehboob Khan later remade this film as \"Mother India\" (1957), which is considered as one of the biggest hits of all time in Indian Cinema (and again repeated Wajahat Mirza for dialogues, Kanhiyalal as Sukhi Lala and Faredoon Irani for cinematography). The movie was reported to have the shades of Pearl S. Buck's \"The Good Earth\". Radha", + "score": 0.66748046875 + }, + { + "id": "737006", + "title": "Academy Award for Best Foreign Language Film", + "text": "ineligible for consideration for the Academy Award for Best Foreign Language Film regardless of the language of their dialogue track. This fact also included films produced in U.S. overseas possessions. However, Puerto Rico is an unincorporated territory of the United States and used to be eligible due to Puerto Ricans having had American citizenship since 1917. Their best success in this award was receiving a nomination for \"Santiago, the Story of his New Life\" (1989). However, , the Academy decided not to allow submissions from the territory anymore. Every country is invited to submit what it considers its best film", + "score": 0.6669921875 + }, + { + "id": "737005", + "title": "Academy Award for Best Foreign Language Film", + "text": "Award for Best Foreign Language Film, even though they were both nominated for (and, in the case of \"Letters from Iwo Jima\", won) the Golden Globe Award for Best Foreign Language Film, which does not have similar nationality restrictions. The nationality restrictions also differ from the practice of the British Academy of Film and Television Arts (BAFTA) for their analogous award for Best Film Not in the English Language. While BAFTA Award eligibility requires a commercial release in the United Kingdom, that body does not impose a nationality restriction. As known, all films produced inside the United States have been", + "score": 0.6669921875 + }, + { + "id": "8424831", + "title": "29th Academy Awards", + "text": "awards. 29th Academy Awards During the 29th Academy Awards, the regular competitive category of Best Foreign Language Film was introduced, instead of only being recognized as a Special Achievement Award or as a Best Picture nominee (as in 1938). The first winner in this new category was Federico Fellini's \"La Strada\" with Anthony Quinn and a second nomination for Best Original Screenplay. Its win would help spur an interest in foreign-language films. Another Fellini film, \"Nights of Cabiria\" would win the Best Foreign Language Film Oscar in the following year. This was also the first year that all of the", + "score": 0.6669921875 + }, + { + "id": "8582531", + "title": "Florian Henckel von Donnersmarck", + "text": "travelled the festival circuit for over a year. His first feature film \"Das Leben der Anderen\" (\"The Lives of Others\"), which Donnersmarck spent three years writing, directing and completing, won the European Film Award for Best Film, Best Actor and Best Screenplay in 2006. Donnersmarck won the Los Angeles Film Critics Association's award for Best Foreign Film, was nominated for the Golden Globe (which went to Clint Eastwood instead), and on 25 February 2007 won the Academy Award for Best Foreign Language Film. His next film, \"The Tourist\", which Donnersmarck re-wrote, directed and completed in under 11 months (telling Charlie", + "score": 0.6669921875 + }, + { + "id": "7349872", + "title": "54th Academy Awards", + "text": "54th Academy Awards The 54th Academy Awards were presented March 29, 1982, at the Dorothy Chandler Pavilion in Los Angeles. The ceremonies were presided over by Johnny Carson. \"Chariots of Fire\" was the surprise winner (with a leading 12 nominations, \"Reds\" had been expected to win) of the Best Picture Oscar. It was the first time in 13 years that a British film won the Academy's top honor. The next year's winner, \"Gandhi\", was also a British production. Henry Fonda won his only competitive Oscar this year, as Best Actor for \"On Golden Pond\". At 76 years of age, Fonda", + "score": 0.66650390625 + }, + { + "id": "4555877", + "title": "Golden Globe Award for Best Foreign Language Film", + "text": "nominees \"Apocalypto\", \"The Kite Runner\", and \"In the Land of Blood and Honey\". Note that since the 1987 change in the criteria for this award, its eligibility criteria have been considerably broader than those for the Academy Award for Best Foreign Language Film. American films have never been eligible for this award, and even non-U.S. films had to have principal dialogue in a native (non-English) language of the submitting country until 2006. Before 1974, the award was given only infrequently, and with several films being jointly honoured per year. The most honored country in this category is United Kingdom, with", + "score": 0.66650390625 + }, + { + "id": "736993", + "title": "Academy Award for Best Foreign Language Film", + "text": "the United States. These awards, however, were not handed out on a regular basis (no award was given in 1953), and were not competitive since there were no nominees but simply one winning film per year. For the 1956 (29th) Academy Awards, a competitive Academy Award of Merit, known as the Best Foreign Language Film Award, was created for non-English speaking films, and has been given annually since then. Unlike other Academy Awards, the Best Foreign Language Film Award is not presented to a specific individual. It is accepted by the winning film's director, but is considered an award for", + "score": 0.66650390625 + }, + { + "id": "830434", + "title": "Ran (film)", + "text": "skipped the film's premiere, angering many in the Japanese film industry. As a result, it was not submitted as Japan's entry for the Best Foreign Language Film category of the Oscars. Serge Silberman tried to get it nominated as a French co-production but failed. However, American director Sidney Lumet helped organize a campaign to have Kurosawa nominated as Best Director. \"Ran\" was nominated for Academy Awards for art direction, cinematography, costume design (which it won), and Kurosawa's direction. It was also nominated for a Golden Globe for Best Foreign Language Film. In Japan, \"Ran\" was conspicuously not nominated for \"Best", + "score": 0.66650390625 + }, + { + "id": "1785789", + "title": "Mother India", + "text": "Tamil as \"Punniya Boomi\" in 1978. \"Mother India\" is ranked No. 80 in \"Empire\" magazine's \"The 100 Best Films of World Cinema\" in 2010. It is listed among the only three Hindi films in the book \"1001 Movies You Must See Before You Die\" (the others being \"Dilwale Dulhania Le Jayenge\" and \"Deewaar\"). Film critic Anupama Chopra included it in her list of top 100 films in world cinema. In 2005, Indiatimes Movies ranked the film amongst the \"Top 25 Must See Bollywood Films\". It was ranked third in the British Film Institute's 2002 poll of \"Top 10 Indian Films\".", + "score": 0.666015625 + }, + { + "id": "737012", + "title": "Academy Award for Best Foreign Language Film", + "text": "the 1956 Foreign Language Film Award given to Fellini's \"La Strada\" (1954), since their names were explicitly included in the nomination. By contrast, the BAFTA Award for Best Film Not in the English Language is personally awarded to the director and producer\u2014that award's rules specifically state that the nomination and award is presented to the director and/or if \"a producer equally shared the creative input with the director, both names may be submitted. A maximum of two individuals will be nominated per film\". In 2014 it was announced that the name of the director will be engraved onto the Oscar", + "score": 0.666015625 + }, + { + "id": "2560927", + "title": "Fitzcarraldo", + "text": "is imperfect, but transcendent\". The film won the German Film Prize in Silver for Best Feature Film. The film was nominated for the BAFTA Award for Best Foreign Film, the Palme d'Or award of the Cannes Film Festival, and the Golden Globe Award for Best Foreign Language Film. Herzog won the award for Best Director at the 1982 Cannes Film Festival. The film was selected as the West German entry for the Best Foreign Language Film at the 55th Academy Awards, but did not make the shortlist of nominees. Les Blank's documentary \"Burden of Dreams\" (1982), filmed during the production", + "score": 0.666015625 + }, + { + "id": "19469689", + "title": "The Salesman (2016 film)", + "text": "cat, \"Mrow, the Tehran street cat\". The film was the Iranian submission for Best Foreign Language Film, winning the Oscar at the 89th Academy Awards, marking Farhadi's second win after \"A Separation\". The Persian playwright and filmmaker, Bahram Beyzai congratulated Farhadi on his Academy Award in a voice message played in public by Hayedeh Safiyari, the editor of the film. Following United States President Donald Trump's order which blocked entry of citizens from Iran and six other Muslim-majority countries to the U.S., on 26 January 2017 Alidoosti tweeted that she would boycott the Academy Awards in protest at the \"racist\"", + "score": 0.666015625 + } + ], + "answer": "\"Mother India\" is a 1957 Indian epic drama film, directed by Mehboob Khan and starring Nargis, Sunil Dutt, Rajendra Kumar, and Raaj Kumar. \"Mother India\", its star Nargis, and the director Khan received many awards and nominations. The film came close to winning the Academy Award and was the first Indian film to be ever nominated. It lost to \"Nights of Cabiria\" by Federico Fellini, an Italian film director and screenwriter." + }, + { + "qa_pairs": [ + { + "context": "Bellagio's design architect was DeRuyter Butler, and Peter Smith was the project executive. Construction on the Bellagio began in May 1996. Bellagio had an original design and construction cost of US$1.6 billion.", + "question": "When did construction begin on the Bellagio in Las Vegas?", + "short_answers": [ + "May, 1996" + ], + "wikipage": "Bellagio (resort)" + }, + { + "context": "Bellagio opened on October 15, 1998, just before 11\u00a0pm, in a ceremony that was reported to cost US$88 million. The VIPs invited to the grand opening were expected to donate to The Foundation Fighting Blindness US$1,000 a person or US$3,500 a couple, which entitled them to an overnight stay at Bellagio's suite rooms. Opening night's entertainment began with Steve Wynn giving a 40-minute welcome speech followed by the opening of the Cirque du Soleil production \"O\". Performing in Bellagio lounges that night were New York cabaret and recording artist Michael Feinstein, George Bugatti, and John Pizarrelli. When it opened, it was the most expensive hotel ever built.", + "question": "When did the Bellagio in Las Vegas open?", + "short_answers": [ + "October 15, 1998" + ], + "wikipage": "Bellagio (resort)" + }, + { + "context": "No context provided", + "question": "When did the bellagio in las vegas first start to be built?", + "short_answers": [ + "May 1996" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When was the bellagio in las vegas finished being built and opened?", + "short_answers": [ + "October 15, 1998" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Bellagio (resort)", + "url": "https://en.wikipedia.org/wiki/Bellagio%20%28resort%29" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Bellagio is a resort, luxury hotel and casino on the Las Vegas Strip in Paradise, Nevada.", + "wikipage": "Bellagio (resort)" + }, + { + "content": "Bellagio opened on October 15, 1998, just before 11 pm, in a ceremony that was reported to cost US$88 million.", + "wikipage": "Bellagio (resort)" + }, + { + "content": "Construction on the Bellagio began in May 1996.", + "wikipage": "Bellagio (resort)" + } + ], + "long_answer": "Construction on the luxury hotel and casino, the Bellagio located on the Las Vegas Strip began in May 1996 and was completed before it's opening on October 15, 1998." + }, + { + "knowledge": [ + { + "content": "Bellagio was conceived by Steve Wynn, and Atlandia Design (a Mirage Resorts, Inc. wholly owned subsidiary) managed the design, construction and furnishing of the facility, following the purchase and demolition of the legendary Dunes hotel and casino on October 27, 1993, after the grand opening of Treasure Island Las Vegas.", + "wikipage": "Bellagio (resort)" + }, + { + "content": "Bellagio is a resort, luxury hotel and casino on the Las Vegas Strip in Paradise, Nevada.", + "wikipage": "Bellagio (resort)" + } + ], + "long_answer": "While construction on the Bellagio began in the month of May, 1996 was the year it began, and construction lasted from May 1996 until it was finished being built on October 15, 1998, the day it also opened. Atlandia Design managed the design, construction, and furnishing of the facility." + } + ], + "sample_id": "-1004998905086430798", + "question": "When was the bellagio in las vegas built?", + "docs": [ + { + "id": "3210199", + "title": "Bellagio (resort)", + "text": "hotel and casino in October 27, 1993 after the grand opening of Luxor Las Vegas. Bellagio's design architect was DeRuyter Butler, and Peter Smith was the project executive. Construction on the Bellagio began in May 1996. Bellagio had an original design and construction cost of US$1.6 billion. The interior design on the Bellagio was designed by \"Architectural Digest\" 100 four-time winner Roger Thomas. Roger Thomas is the executive vice president of design for Wynn Design & Development, and principal of the Roger Thomas Collection. Bellagio opened on October 15, 1998, just before 11 pm, in a ceremony that was reported", + "score": 0.79541015625, + "summary": "Bellagio was built between May 1996 and October 15, 1998.", + "extraction": "Bellagio opened on October 15, 1998." + }, + { + "id": "1936753", + "title": "Mirage Resorts", + "text": "called the Atlantic City-Brigantine Connector, was eventually built, Le Jardin was cancelled after the company was acquired in 2000 by MGM Grand Inc., which later built the Borgata, in a joint venture with Boyd Gaming, on the site. Boardwalk Hotel and Casino was later acquired by Mirage Resorts in 1997. In October 1998, Wynn opened the even more opulent Bellagio, a $1.6 billion resort considered among the world\u2019s most spectacular hotels. The architect was Jon Jerde of The Jerde Partnerships, and construction was handled by Mirage Resorts, Inc. When built, the Bellagio was the most expensive hotel in the world.", + "score": 0.76953125, + "summary": "The Bellagio in Las Vegas was built in October 1998 by Mirage Resorts for $1.6 billion, making it the most expensive hotel in the world at the time.", + "extraction": "In October 1998." + }, + { + "id": "3213905", + "title": "Steve Wynn", + "text": "in 2000 by MGM Grand Inc., which later built the Borgata, in a joint venture with Boyd Gaming, on the site. On October 15, 1998, Wynn opened the even more opulent Bellagio, a $1.6 billion resort considered among the world's most spectacular hotels. The architect was Jon Jerde of The Jerde Partnerships, and construction was handled by Wynn's company Mirage Resorts, Inc. When built, the Bellagio was the most expensive hotel in the world. In front of the hotel are the Fountains of Bellagio\u2014shooting fountains choreographed to music that \"dance\" on the hotel's 8.5 acre man-made lake\u2014which are now considered", + "score": 0.76611328125, + "summary": "The Bellagio in Las Vegas was built on October 15, 1998.", + "extraction": "On October 15, 1998, Wynn opened the even more opulent Bellagio." + }, + { + "id": "4777614", + "title": "Jon Jerde", + "text": "1984 Olympics. Based on the success of both Horton and the Olympics, the firm designed Fashion Island in Newport Beach, CA in 1989, the Mall of America in Bloomington, Minnesota in 1992, the Urban Entertainment Center Universal CityWalk in Los Angeles, the pirate show and facade of the Treasure Island Casino in Vegas in 1993, the Las Vegas Fremont Street Experience in 1995 and the Bellagio in Las Vegas in 1998. The firm has developed into a major international company with key urban regeneration projects overseas, including Beursplein in Rotterdam, Netherlands, and Canal City Hakata in Fukuoka, Japan, both in", + "score": 0.7392578125, + "summary": "The Bellagio in Las Vegas was built in 1998.", + "extraction": "The Bellagio in Las Vegas was built in 1998." + }, + { + "id": "20050420", + "title": "Las Vegas Grand", + "text": "that the project would be named Vegas Grand, and that it would have an Italian theme. By that point, 102 units had been reserved through a party that DelGuidice held at the Bellagio resort. At the time, construction was scheduled to begin in spring 2004, with the first units available in fall 2005, and full completion in 2007. The project's 880 units would be located in 12- and 6-story towers. DelGuidice called the property an \"extremely challenging site,\" because of an adjacent power station and because of the Flamingo and Tropicana washes located on the land. Vegas Grand was designed", + "score": 0.736328125, + "summary": "The document mentions a project called Vegas Grand that was scheduled to begin construction in spring 2004 with 880 units, but there is no information on when the Bellagio in Las Vegas was built.", + "extraction": "The passage is irrelevant to the question as it does not provide any information about when the Bellagio in Las Vegas was built." + }, + { + "id": "3210895", + "title": "Bellagio, Lombardy", + "text": "addition, outstanding scholars and artists are selected for one-month residencies year-round. Quite different is the Grand Hotel Villa Serbelloni on the water's edge. A luxurious neo-classical villa built in the 1850s for an aristocratic Milanese family became the nucleus of the (then-called) Grand Hotel Bellagio, opened in 1873. The hotel retains its original Belle \u00c9poque fittings. \"We will stop at the villa\u2026, situated in the middle of a wood with tough trees on the steep promontory which separates the two branches of the lake and has the shape of an upside down Y. The trees frame a precipice of 500", + "score": 0.732421875, + "summary": "The document is irrelevant to the question of when the Bellagio in Las Vegas was built.", + "extraction": "The passage is irrelevant to the question as it does not provide any information about the Bellagio in Las Vegas." + }, + { + "id": "3210891", + "title": "Bellagio, Lombardy", + "text": "lake, protected from the winds, is the building complex of Villa Serbelloni. The villa dominates the town's historic centre. It can be reached from Via Garibaldi. It was built in the fifteenth century in place of an old castle razed in 1375. Villa Serbelloni was later rebuilt several times. In 1788 it came into the possession of Alessandro Serbelloni (1745\u20131826) who enriched it with precious decorations and works of art of the 17th and 18th centuries. Today you can visit only the gardens. The trails, as well as the villa, lead to the remains of the 16th century Capuchin monastery", + "score": 0.7275390625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "3210198", + "title": "Bellagio (resort)", + "text": "of the lobby ceiling. Bellagio is home to Cirque du Soleil's aquatic production \"\"O\"\". The main (original) tower of Bellagio, with 3,015 rooms, has 36 floors and a height of 508 ft (151 m). The Spa Tower, which opened on December 23, 2004, and stands to the south of the main tower, has 33 floors, a height of 392 ft (119 m) and contains 935 rooms. Bellagio was conceived by Steve Wynn, and Atlandia Design (a Mirage Resorts, Inc. wholly owned subsidiary) managed the design, construction and furnishing of the facility, following the purchase and demolition of the legendary Dunes", + "score": 0.72265625, + "summary": "Bellagio in Las Vegas was conceived by Steve Wynn and built following the purchase and demolition of the Dunes. The main tower has 36 floors and was built before the Spa Tower, which opened on December 23, 2004.", + "extraction": "Bellagio was conceived by Steve Wynn, and Atlandia Design managed the design, construction and furnishing of the facility, following the purchase and demolition of the legendary Dunes. It opened to the public on October 15, 1998. Therefore, the Bellagio in Las Vegas was built in 1998." + }, + { + "id": "3210888", + "title": "Bellagio, Lombardy", + "text": "Bellagio and from this period on the history of Bellagio coincides with that of its hotels. The first was the present Hotel Metropole, founded in 1825 from the transformation of the old hostelry of Abbondio Genazzini into the first real hotel on the Lario, the Hotel Genazzini. Following this example in the space of a few years came several splendid hotels many of which are still operating, frequently in the hands of the same families who founded them: the Hotel Firenze, built on the old house of the captain of the \"Lario\" opened in 1852; the Grand Hotel Bellagio (now", + "score": 0.720703125, + "summary": "Irrelevant. The document talks about the history of Bellagio in Lombardy, Italy and its hotels, but does not mention the Bellagio hotel in Las Vegas.", + "extraction": "irrelevant" + }, + { + "id": "3809364", + "title": "The Venetian Las Vegas", + "text": "The Venetian Resort Hotel Casino. Groundbreaking for the hotel began on April 14, 1997. The resort opened on May 3, 1999, with flutter of white doves, sounding trumpets and singing gondoliers, with actress Sophia Loren joining The Venetian Chairman and Owner, Sheldon G. Adelson, in dedicating the first motorized gondola. Built at a cost of $1.5 billion, it was one of the most expensive resorts of its kind when it opened. On June 27, 2003, the 1,013-room Venezia Tower opened. It was built on top of the garage parking lot. in 2010, it was announced that it will be affiliated", + "score": 0.720703125, + "summary": "Irrelevant.", + "extraction": "irrelevant. The passage talks about The Venetian Las Vegas and does not provide any information about the Bellagio." + }, + { + "id": "18079211", + "title": "Alan Fuerstman", + "text": "1993, with The Phoenician being named the company's hotel of the year while under his direction. In 1998, Fuerstman was recruited by Steve Wynn to open the Bellagio Casino & Resort in Las Vegas, Nevada as the hotel's vice president of hotel operations. During his time at the Bellagio, it became the first in Las Vegas to receive AAA Auto Club's five diamond rating. Fuerstman left the Bellagio in 2000 and formed his own management company, Montage Hotels & Resorts, for the purpose of developing luxury hotels. He described the company as an opportunity to break into the world of", + "score": 0.7177734375, + "summary": "The Bellagio Casino & Resort in Las Vegas was built in 1998.", + "extraction": "The Bellagio Casino & Resort in Las Vegas was built in 1998, while under Alan Fuerstman's direction." + }, + { + "id": "3210905", + "title": "Bellagio, Lombardy", + "text": "furniture, and the neo-classical and Art Nouveau style; not to mention the marble staircases, the stucco work columns, and the splendid trompe l'oeil. This significant building overlooking the lake was built between 1808 and 1815 by the architect Giocondo Albertolli for Francesco Melzi d'Eril, created Duke of Lodi by Napoleon for whom he filled the role of vice-president of the Italian Republic from 1802. From 1805, with the advent of the short-lived Napoleonic Kingdom of Italy, he was its Chancellor. Even after his political career had ended, since this was a Melzi residence, the construction, which he wanted as elegant", + "score": 0.71630859375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "3210882", + "title": "Bellagio, Lombardy", + "text": "built under the Spanish. In 1533, Francesco Sfondrati, married to a Visconti, had acquired the fiefdom of Bellagio and for more than 200 years the Sfondrati family, from the highest rank of Milanese society, ruled Bellagio. The ruins of the sumptuous Stanga building were restructured by Francesco and, successively, by Ercole Sfondrati, who spent the last years of his life in pious religious passion in the villa. On the same peninsula he built the church and convent of the Capuchins (1614), investing enormous capital in the setting, where appeared cypress trees and sweet olives. Favoured by Bellagio's ideal position for", + "score": 0.71484375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "3210197", + "title": "Bellagio (resort)", + "text": "Bellagio (resort) Bellagio is a resort, luxury hotel and casino on the Las Vegas Strip in Paradise, Nevada. It is owned and operated by MGM Resorts International and was built on the site of the demolished Dunes hotel and casino. Inspired by the Lake Como town of Bellagio in Italy, Bellagio is famed for its elegance. One of its most notable features is an lake between the building and the Strip, which houses the Fountains of Bellagio, a large dancing water fountain synchronized to music. Inside Bellagio, Dale Chihuly's \"Fiori di Como\", composed of over 2,000 hand-blown glass flowers, covers", + "score": 0.7060546875, + "summary": "Bellagio in Las Vegas was built on the site of the demolished Dunes hotel and casino. However, the document does not provide a specific date for when it was built.", + "extraction": "Bellagio was built on the site of the demolished Dunes hotel and casino." + }, + { + "id": "19223582", + "title": "Ed Levinson", + "text": "owners in 1956. Levinson partnered with Lou Lurie, a San Francisco financier who had experience with hotels in Miami, to build the 15-story Fremont, the first refined hotel in downtown Las Vegas. The Fremont Hotel and Casino opened on May 18, 1956 in downtown Las Vegas. Levinson had a 20% share of the Fremont, which had been built using loans from the Teamsters. Levinson brought in Chef Shillig, formerly of the Ritz Hotel in Paris and the Savoy in London, and made Ed Torres the food and beverage manager. Torres and Levinson arranged high-class entertainers like Wayne Newton, Kay Starr,", + "score": 0.70458984375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "5891850", + "title": "The Palazzo", + "text": "September 2008, Las Vegas Sands and Starwood Hotels & Resorts Worldwide announced a partnership to open the tower as \"The St. Regis Residences at the Venetian Palazzo, Las Vegas\", named after Starwood's St. Regis brand. The tower would include 398 units, and was expected to cost $600 million at that time. Under the deal, Starwood would manage the tower upon its opening, which was scheduled for March 2010. In November 2008, Las Vegas Sands indefinitely suspended construction of the St. Regis because of the Great Recession. An additional 18 months of construction was needed to finish the project, which was", + "score": 0.70361328125, + "summary": "Irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "3222306", + "title": "Mandalay Resort Group", + "text": "the Edgewater. The group subsequently developed the Excalibur in 1990, the Luxor in 1993 and the Mandalay Bay in 1999 for which the group was renamed. The group entered into a joint venture in 1993 with Don Carano of Eldorado in Reno to develop and build Reno's largest and tallest megaresort titled Silver Legacy. The $350 million hotel opened on July 28, 1995. Circus Circus Enterprises held a majority stake in that Reno resort. Circus Circus Tunica opened on August 29, 1994. It was rebranded in 1997 as the Gold Strike Casino Resort and given a more upscale theme. The", + "score": 0.70263671875, + "summary": "The document is irrelevant to the question of when the Bellagio in Las Vegas was built.", + "extraction": "irrelevant." + }, + { + "id": "3213906", + "title": "Steve Wynn", + "text": "Las Vegas landmarks. The Bellagio is credited with starting a new spree of luxurious developments in Las Vegas. Among these developments include The Venetian, Mandalay Bay, and Paris Las Vegas. Wynn brought Mirage Resorts' style to Biloxi, Mississippi in 1999, where he oversaw development of the 1,835-room Beau Rivage. Themed to blend Mediterranean beauty with Southern hospitality, the resort was part of a building boom that established Biloxi as a regional tourism center along the Mississippi Gulf Coast. \"Beau Rivage\" was originally the name Wynn wanted to give the Bellagio, though he had decided on \"Bellagio\" after vacationing in the", + "score": 0.70263671875, + "summary": "The document mentions Las Vegas landmarks and the Bellagio as being credited with starting a new spree of luxurious developments. However, it does not provide information on when the Bellagio was built.", + "extraction": "The passage does not provide a clear answer to the question \"When was the Bellagio in Las Vegas built?\" Therefore, the extracted span is \"irrelevant\"." + }, + { + "id": "6553651", + "title": "Villa Doria Pamphili", + "text": "it may be that he had help from Carlo Rainaldi and that the construction was supervised by Grimaldi. The layout has a central circular room around which the other rooms were arranged. Construction began in 1645 and was complete by 1647 although embellishments and the garden layouts were not finished until 1653. The casino, sometimes known as the \"Casino del Bel Respiro\", was designed as a complement to the Pamphili collection of sculptures both ancient and modern, and other Roman antiquities such as vases, sarcophagi and inscriptions; it was only ever intended for display of the collection and the family", + "score": 0.7021484375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "20050424", + "title": "Las Vegas Grand", + "text": "was issued for the project's 212-unit Bella Venezia I building. Bella Venezia I and II, to be constructed by Summit Builders, would have a total of 425 condominiums in two four-story buildings, totaling of residential space. The two buildings would also include two parking structures and retail space. Bella Venezia I was scheduled for completion in early 2007, followed by the scheduled completion of Bella Venezia II later that year. Summit Builders began construction on March 1, 2006, with Bella Venezia I expected for completion in May 2007. In August 2006, Del American announced that the second phase consisting of", + "score": 0.70166015625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the Bellagio in Las Vegas." + }, + { + "id": "1936751", + "title": "Mirage Resorts", + "text": "Navy frigate 'HMS Britannia,' while the inside featured romantic tropical theming. The establishment was the home of the first permanent Cirque du Soleil show in Las Vegas, and the show went on to be voted nine times as the best production show in the city by the \"Las Vegas Review Journal\" reader's poll. In 1994, Gold Strike Resorts announced a partnership with Mirage Resorts to build a $250-million casino targeted at budget-conscious visitors, on part of the site of the demolished Dunes on the Las Vegas Strip.It ultimately opened in 1996, following Gold Strike's merger with Circus Circus Enterprises as", + "score": 0.70166015625 + }, + { + "id": "3213901", + "title": "Steve Wynn", + "text": "was the second smallest casino in the city, by 1983 it was the city's top earning casino. The Atlantic City Golden Nugget was sold by Wynn in 1987 for $440 million. In 1989, the company acquired the Nevada Club casino in Laughlin, Nevada, and re-branded it as the Golden Nugget Laughlin. Wynn's first major casino on the Las Vegas Strip was The Mirage, which opened on November 22, 1989. It was the first time Wynn was involved with the design and construction of a casino, and he financed the $630 million project largely with high-yield bonds issued by Michael Milken.", + "score": 0.70068359375 + }, + { + "id": "4726806", + "title": "Sheldon Adelson", + "text": "inspiration for a mega-resort hotel. He razed the Sands and spent $1.5 billion to construct The Venetian, a Venice-themed resort hotel and casino. The Venetian opened May 3, 1999. In 2003, The Venetian added the 1,013-suite Venezia tower giving the hotel 4,049 suites; 18 restaurants and a shopping mall with canals, gondolas and singing gondoliers. In the late 2000s, Adelson and the company decided to build a casino resort in Bethlehem, Pennsylvania. It is one of five stand-alone casinos that were awarded a slots license by the Pennsylvania Gaming Control Board in 2006. The casino opened May 22, 2009. Table", + "score": 0.7001953125 + }, + { + "id": "3233124", + "title": "Park MGM", + "text": "were reported as likely names for the property. Details about the property were revealed in July 1995, including that it would be named the Monte Carlo and feature \"Belle \u00c9poque\" architecture, based on the Monte Carlo Casino in Monaco. The Monte Carlo opened to the public at midnight on June 21, 1996, following an invitation-only pre-opening celebration, including a fireworks show. The project ultimately cost $344 million to build. On January 25, 2008, at 10:57 AM, a three-alarm fire was reported on the exterior of the top six floors and roof of the casino. Portions of the hotel facade's Exterior", + "score": 0.69970703125 + }, + { + "id": "1936754", + "title": "Mirage Resorts", + "text": "In front of the hotel are the Fountains of Bellagio\u2014shooting fountains choreographed to music that \u201cdance\u201d on the hotel\u2019s 8.5 acre man-made lake\u2014which are now considered Las Vegas landmarks. The Bellagio is credited with starting a new spree of luxurious developments in Las Vegas. Among these developments include The Venetian, Mandalay Bay, and Paris Las Vegas. Wynn brought Mirage Resorts\u2019 style to Biloxi, Mississippi in 1999, where he oversaw development of the 1,835-room Beau Rivage. Themed to blend Mediterranean beauty with Southern hospitality, the resort was part of a building boom that established Biloxi as a regional tourism center along", + "score": 0.69970703125 + }, + { + "id": "4962041", + "title": "Riviera (hotel and casino)", + "text": "Tower, the casino area was demolished followed by the 8 story 1960s tower. The original 9 story tower built in 1955 was demolished next, it was the oldest remaining structure on the strip. On August 16, 2016 at 2:30 a.m., the Monte Carlo tower along with the 12 story tower constructed in 1966 were imploded. The casino floor offered about 1,000 slot machines and 25 table games, including craps, blackjack, and roulette, along with mini-baccarat, Let It Ride, and Three Card Poker. The Riviera poker room closed in 2013, two years before the remaining gaming operations. In August 2011, the", + "score": 0.69970703125 + }, + { + "id": "12254865", + "title": "The Drew Las Vegas", + "text": "oversee the new project as the president and chief executive officer of Fontainebleau Resorts. In August 2006, the project was approved for a 735-foot hotel tower with 2,929 hotel rooms and 959 condominiums. Also approved was a casino, meeting space, restaurants, and show rooms. In September 2006, zoning for the $1.5 billion project was delayed because of concerns from Turnberry Place residents regarding potential traffic increases that would be caused by the new resort. Turnberry West Construction began construction of the Fontainebleau Las Vegas in February 2007. In April 2007, Publishing and Broadcasting Limited purchased 19.6 percent of Fontainebleau Resorts", + "score": 0.69921875 + }, + { + "id": "14841673", + "title": "Lumie\u0300re Place", + "text": "from Down Under, Louie Anderson, John Witherspoon, Chippendales, Brandy, Eddie Money, Chrisette Michele, WBF Championship Boxing, mixed martial arts fights and even the taping of an episode of TLC\u2019s \"Cake Boss\" where Buddy Valastro unveiled a cake featuring Lumi\u00e8re Place and other St. Louis landmarks. The resort was designed by Marnell Corrao Associates, the Las Vegas-based architectural firm that also built the Bellagio (hotel and casino) for 508 million. To satisfy state law that only allows for gambling on floating platform within a 1000 feet of the Missouri and Mississippi river, the casino floor is actually an eight-foot-thick concrete raft", + "score": 0.69873046875 + }, + { + "id": "6568523", + "title": "Colorado Belle", + "text": "later. The next year, Circus Circus bought the casino for $4 million, and made plans to move it to make room for an expansion of its neighboring Edgewater Laughlin. Plans for a new Colorado Belle hotel and casino were unveiled in 1985 and it opened on July 1, 1987, at a cost of $80 million. Circus Circus Enterprises later became Mandalay Resort Group in 1999 and was bought by MGM Mirage in 2005. In June 2007, MGM Mirage sold the Colorado Belle and the Edgewater to a partnership of Anthony Marnell III and Sher Gaming for a total of $200", + "score": 0.697265625 + }, + { + "id": "3210894", + "title": "Bellagio, Lombardy", + "text": "not stopped the construction of terraces and flower beds with yews and boxes trimmed geometrically. Along the upper part of the park is a long row of cypress trees and some palm trees of considerable dimensions. In 1905, the villa was transformed into a luxury hotel. In 1959 it became the property of the Rockefeller Foundation of New York at the bequest of the American-born Princess of Thurn and Taxis, who had bought it in 1930. Since 1960 the Bellagio Center in the villa has been home to international conferences housed in the former villa or in the grounds. In", + "score": 0.697265625 + }, + { + "id": "19165600", + "title": "Fiesta Henderson", + "text": "the dispute for $32.7 million. Construction resumed the following month. Work on the resort \u2013 including drywall, murals, and expansion plans \u2013 was nearing completion in November 1997, with an opening targeted for January. At the time, the resort was receiving approximately 600 employee applicants per day. The hotel-casino was designed by Henry Conversano, who also designed The Mirage resort on the Las Vegas Strip, and The Lost City at Sun City Resort Hotel and Casino in Sun City, South Africa. The hotel-casino's theme revolved around the concept of a fictional adventurer named Congo Jack, who had crash-landed his airplane", + "score": 0.69677734375 + }, + { + "id": "4531231", + "title": "Sands Hotel and Casino", + "text": "Levinson, and Sid Wyman were involved in the financing of Sands and had shares in it. Lansky and his mob assumed ownership of the Flamingo Hotel after the murder of Bugsy Siegel in 1947, and Lansky and Costello also had business interests in the Thunderbird Hotel and El Cortez Club in Downtown Las Vegas. Construction began on Sands Hotel in early 1952, built to a design by Wayne McAllister. Freedman had initially intended naming the hotel \"Holiday Inn\" after the film of the same name starring Bing Crosby, but after noticing that his socks became so full of sand decided", + "score": 0.6953125 + }, + { + "id": "5138124", + "title": "Flamingo Las Vegas", + "text": "in the \"Presidential Suite\" to escape if necessary. The ladder led down to an underground garage where a chauffeured limo was also waiting. Siegel finally opened The Flamingo Hotel & Casino on December 26, 1946, at a total cost of $6 million. Billed as \"The West's Greatest Resort Hotel\", the 105-room property \u2013 and first luxury hotel on the Strip \u2013 was built from Downtown Las Vegas. During construction, a large sign announced the hotel as a William R. Wilkerson project. The sign also read Del Webb Construction as the hotel's primary contractor and Richard R. Stadelman (who later made", + "score": 0.6953125 + }, + { + "id": "3210213", + "title": "Bellagio (resort)", + "text": "inside Bellagio, although it is never specifically shown or mentioned. Bellagio (resort) Bellagio is a resort, luxury hotel and casino on the Las Vegas Strip in Paradise, Nevada. It is owned and operated by MGM Resorts International and was built on the site of the demolished Dunes hotel and casino. Inspired by the Lake Como town of Bellagio in Italy, Bellagio is famed for its elegance. One of its most notable features is an lake between the building and the Strip, which houses the Fountains of Bellagio, a large dancing water fountain synchronized to music. Inside Bellagio, Dale Chihuly's \"Fiori", + "score": 0.69482421875 + }, + { + "id": "20946688", + "title": "Eldorado Hotel", + "text": "from the prevailing classicism. The creativity of local builder/bricklayers shows in the fine embellishments\u2014the stepped and corbeled lines, the projecting brick accents and the recessed panels.\" In 1983 it was owned by the city of Las Vegas and was operated as the Vincente Salazar Senior Citizen's Center. Eldorado Hotel The Eldorado Hotel, at 514 Grand in Las Vegas, New Mexico, was built around 1900. It was later briefly known as the Monticello Hotel. It was listed on the National Register of Historic Places in 1985. Based probably the fact that its facade includes semi-circular arches it has been asserted to", + "score": 0.6943359375 + }, + { + "id": "5363427", + "title": "History of Las Vegas", + "text": "to own the hotels, casinos, and nightclubs in place of Mafia bosses. The megaresort era kicked off in 1989 with the construction of The Mirage. Built by developer Steve Wynn, it was the first resort built with money from Wall Street, selling $630 million in junk bonds. Its 3,044 rooms, each with gold tinted windows, set a new standard for Vegas luxury and attracted tourists in droves, leading to additional financing and rapid growth on the Las Vegas Strip. More landmark hotels and other structures were razed to make way for ever-larger and more opulent resorts including: The Helldorado Days", + "score": 0.69384765625 + }, + { + "id": "3210889", + "title": "Bellagio, Lombardy", + "text": "the Grand Hotel Villa Serbelloni) opened in 1872. In 1888 the three largest hotels (Genazzini, Grande Bretagne and Grand Hotel Bellagio) first replaced gaslight with electric, and only after this were they followed by many patrician houses. Bellagio was one of the first Italian tourist resorts to become international, but it has never degenerated into a place of mass tourism. Bellagio was part of the Italian Social Republic (RSI) from 1943 to 1945. The Futurist writer and poet Filippo Tommaso Marinetti, a Mussolini loyalist who had helped shape Fascist philosophy, remained in the RSI as a propagandist until his death", + "score": 0.69384765625 + }, + { + "id": "3210201", + "title": "Bellagio (resort)", + "text": "when Mirage Resorts merged with MGM Grand Inc. to create MGM Mirage. In 2010, the company was renamed MGM Resorts International in a move to go worldwide with its brands. Bellagio employs approximately 8,000 people. In the Autumn of 2006, the casino floor was remodeled and new uniforms were issued, changing the original color scheme to a more subdued beige theme. On December 15, 2010, a helmet-wearing gunman robbed the casino of $1.5 million in chips. In August 2011, he was sentenced to a prison term of 9\u201327 years. In the early morning hours of March 25, 2017, the Rolex", + "score": 0.693359375 + }, + { + "id": "4353571", + "title": "Las Vegas Sands", + "text": "Hotel was having trouble competing with the newer resorts on the Las Vegas Strip, Adelson imploded it to make room for The Venetian. Construction of the Venetian began in 1997, when themed hotels were the fashion. Modeled on Venice, Italy, it joined Excalibur, New York-New York, Paris Las Vegas and other themed hotels on the Las Vegas Strip. When the trend in Las Vegas then shifted to more understated and \"elegant\" hotels, construction on The Palazzo began in 2005. Together, the Palazzo, Venetian and Sands Expo make up the world\u2019s largest integrated resort, with 7,100 all-suite rooms, 2.3 million square", + "score": 0.69189453125 + }, + { + "id": "5138133", + "title": "Flamingo Las Vegas", + "text": "of Kerkorian's International Leisure Company, but the Hilton Corporation bought the resort in 1972, renaming it the Flamingo Hilton in 1974. The last of the original Flamingo Hotel structure was torn down on December 14, 1993, and the hotel's garden was built on-site. The Flamingo's four hotel towers were built (or expanded) in 1977, 1980, 1983, 1986, 1990, and 1993. A 200-unit Hilton Grand Vacations timeshare tower was opened in 1993. In 1998, Hilton's gaming properties, including the Flamingo, were spun off as Park Place Entertainment (later renamed to Caesars Entertainment). The deal included a two-year license to use the", + "score": 0.69140625 + }, + { + "id": "20069556", + "title": "Hilton Grand Vacations Club", + "text": "Construction resumed in 2002, and the tower opened in February 2004. A second tower, standing 38 stories, began construction later that year and was completed in 2006. The property began in 1941 as the El Rancho Vegas hotel and casino, located at the southwest corner of South Las Vegas Boulevard and Sahara Avenue, an area that would ultimately become the northern end of the Las Vegas Strip. The El Rancho Vegas burned down in 1960. Howard Hughes Corporation owned the property from 1966 to 1995, when William Bennett purchased it. Bennett also owned the Sahara Hotel and Casino across the", + "score": 0.6904296875 + }, + { + "id": "1936748", + "title": "Mirage Resorts", + "text": "sold to Bally's Entertainment, and eventually became Bally's Grand Hotel and Casino. In 1989, the company acquired the Nevada Club casino in Laughlin, Nevada, and re-branded it as the Golden Nugget Laughlin. Wynn's first major casino on the Las Vegas Strip was The Mirage, which opened in November 1989. It was the first time Wynn was involved with the design and construction of a casino, and he financed the $630 million project largely with high-yield bonds issued by Michael Milken. The resort's high cost and emphasis on luxury meant that it was considered high risk at the time, though the", + "score": 0.68994140625 + }, + { + "id": "5795500", + "title": "Trump International Hotel Las Vegas", + "text": "and built by Perini Building Company. Trump Hotel Las Vegas opened on March 31, 2008. An opening ceremony was held by Trump and Ruffin on April 11, 2008. By October 2008, only 21 percent of condo unit sales had closed, as potential buyers had trouble securing mortgages. , Eric Trump oversees operations at the tower. On December 4\u20135, 2015, employees voted in favor of unionizing the hotel property. It was organized by the Culinary Workers Union. Donald Trump owns a penthouse on the 61st floor. By April 2005, a second, identical 64-story tower was being planned, due to popular demand.", + "score": 0.689453125 + }, + { + "id": "3210904", + "title": "Bellagio, Lombardy", + "text": "is in pure neo-classical style, was sold and since then it has formed the central nucleus of the Grand Hotel Villa Serbelloni which was opened in 1873. Its interior reflects the good taste loved by the wealthy nobility of the time: its walls and ceilings are adorned with frescoes and paintings of mythological scenes, gilded frames, festoons, temples, putti, flamingos, and Pompeian reds. The coffer ceilings are often frescoed with floral patterns in grey and pink tones. The guests are fascinated by the period wall coverings in French style, the antique Persian carpets, the crystal chandeliers from Murano, the Imperial", + "score": 0.68896484375 + }, + { + "id": "1904126", + "title": "Westgate Las Vegas", + "text": "name of Kratter's International Country Club (now the Las Vegas Country Club). He hired airline executive Fred Benninger to oversee the development, and Martin Stern, Jr., who had designed several noted Las Vegas high-rises, as the hotel's architect. Construction began with an elaborate groundbreaking ceremony in February 1968. With planning for the hotel underway, Kerkorian purchased the Flamingo casino, to serve as a training ground for the International's staff. Later, during the International's construction, Kerkorian formed a publicly traded company, International Leisure, to own the two casinos. Howard Hughes, the eccentric billionaire who had purchased several Las Vegas casinos, saw", + "score": 0.6875 + }, + { + "id": "4735269", + "title": "Tropicana Casino & Resort Atlantic City", + "text": "the companies building new properties from the ground up. Ramada was ordered to demolish the former hotel and start from the ground up, but the company threatened to appeal the decision in court as Resorts International, the Claridge Casino and Caesars Boardwalk Regency had all been allowed to open in existing structures. Finally, an agreement was reached to only reuse the steel framework of the old Ambassador building and construction began in October 1979. After Ramada bought the Tropicana Resort & Casino on the Las Vegas Strip in December 1979 for $70 million, company officials decided to call their new", + "score": 0.6875 + }, + { + "id": "4962034", + "title": "Riviera (hotel and casino)", + "text": "back his shares. In 1973, the Riviera was purchased for $60 million by AITS Inc., a Boston-based travel company controlled by Meshulam Riklis and Isidore Becker. The Riviera is the setting for the movie \"Fake-Out\" (aka. \"Nevada Heat\", 1982), which was financed by Riklis and starring his wife, Pia Zadora. The 17 story Monte Carlo Tower was constructed circa 1974. The tower was designed by Martin Stern Jr. & Associates. The 6 story San Remo Tower was constructed in 1977 by the Del E. Webb Corporation. The Riviera filed for Chapter 11 bankruptcy protection in 1983. Riklis pledged money to", + "score": 0.6875 + }, + { + "id": "5891848", + "title": "The Palazzo", + "text": "its completion, The Palazzo \u2012 its total floor area covering \u2012 displaced the Pentagon as the largest building in the United States in terms of floor space by a margin of about . The structural engineering was done by Walter P Moore Engineers and Consultants. Parts of the resort were opened to the general public on December 30, 2007. The official grand opening took place on January 17, 2008. in 2010, it was announced that it will be affiliated with InterContinental Hotels Group. The St. Regis Residences at the Venetian Palazzo, Las Vegas is an unfinished condominium tower located at", + "score": 0.68701171875 + }, + { + "id": "4870944", + "title": "El Rancho Vegas", + "text": "Vegas began in 1940, and the resort opened on April 3, 1941. El Rancho Vegas was the first resort on the Las Vegas Strip. It was designed by architect Wayne McAllister, who constructed the resort with a Spanish-style exterior with a cowboy/frontier-styled interior for $500,000. El Rancho Vegas offered horseback riding, a large swimming pool, and top shows in its theater called the Opera House. When it opened, El Rancho Vegas's dining room was the largest in Las Vegas. The casino offered four table games : two blackjack tables, one roulette table, and one craps table\u2014and seventy slot machines. In", + "score": 0.68505859375 + }, + { + "id": "17400781", + "title": "Las Vegas in the 1940s", + "text": "War period, the Los Angeles Boulevard witnessed proliferation of wedding chapels, auto courts and motels. In 1940, the hotel magnate of California, Hull was invited by James Cashman of the Los Angeles Chamber of Commerce to build one of his El Rancho Hotels with casino, which would be profitable. Cashman and his associates showed him a number of sites. But Hull had his own preference and built the El Rancho Las Vegas hotel at a large site of his choice. He built the hotel with a sprawling casino, coffee shops upscale restaurants, well-turned gardens and parks, swimming pool and a", + "score": 0.68505859375 + }, + { + "id": "4239794", + "title": "Columbus Circle", + "text": "Americas. In 1998, as a result of the study, the circular-traffic plan was reinstated, with all traffic going around the circle in a counterclockwise direction. The center of the circle was planned for further renovations, with a proposed park across. The design for a full renovation of the circle was finalized in 2001. The project started in 2003, and was completed in 2005. It included a new water fountain by Water Entertainment Technologies, who also designed the Fountains of Bellagio; benches made of ipe wood; and plantings encircling the monument. The fountain, the main part of the reconstructed circle, contains", + "score": 0.68505859375 + }, + { + "id": "6545514", + "title": "Primm Valley Resort", + "text": "killed. As of October 2011, the car is located inside the casino of Whiskey Pete's. Built by Primadonna Casino Resorts and opened in 1990 as Primadonna Resort & Casino. The Fashion Outlets were added as a part of the Primadonna Resort & Casino in 1998. On October 31, 2006, MGM Mirage announced plans to sell the Primm Valley Casino Resorts, which includes the Primm Valley Resort & Casino, to Herbst Gaming for $400 million. The sign in front of the resort had been renamed from Primm Valley Resort and Casino to Terrible's Resort and Casino in 2007 and was renamed", + "score": 0.68408203125 + }, + { + "id": "17342210", + "title": "Las Vegas in the 1950s", + "text": "the stage of the Copa including Frank Sinatra, Sammy Davis Jr., Tony Bennett, Dean Martin, and many others. The Las Vegas Convention & Visitors Authority came to be established in 1953 and local television was also started in the same year on 22 July 1953 by Greenspun and others. Las Vegas Park was opened on 4 September 1953 with horse racing events, which lasted for only 13 days. By 1954, over 8 million people were visiting Las Vegas yearly pumping $200 million into casinos. Gambling was no longer the only attraction; the biggest stars of films and music like Frank", + "score": 0.68359375 + }, + { + "id": "4379799", + "title": "Borgata", + "text": "away due to its facade of reflective gold glass. The firms Marnell Corrao Associates of Las Vegas, and Philadelphia\u2019s Bower Lewis and Thrower Architects (BLT) worked on the project. In late 2005 and early 2006, Borgata underwent a $200 million casino and retail expansion, and the new wing opened in June 2006. As part of the expansion, Borgata installed a poker room, the largest in Atlantic City. In June 2008, Borgata opened its second hotel, The Water Club. In early 2010, it was reported that MGM Mirage might sell its ownership share in Borgata. On March 12, 2010, MGM Mirage", + "score": 0.68359375 + }, + { + "id": "17342219", + "title": "Las Vegas in the 1950s", + "text": "on 10 January 1957. The Tropicana opened on 3 April 1957 at the Tropicana \u2013 Las Vegas Boulevard intersection. In 1955, Ben Jaffe, an executive of the Fontainebleau Miami Beach, came to Las Vegas and bought a 40-acre parcel at the corner of Las Vegas Boulevard and Bond Road (now Tropicana Avenue). Jaffe aimed to build the finest hotel in Las Vegas, featuring a Cuban ambience, with four room themes for guests to choose from: French Provincial, Far East, Italian Renaissance, and Drexel. Construction ran over schedule and over budget, due in part to competition for labor with the under-construction", + "score": 0.68310546875 + }, + { + "id": "20946687", + "title": "Eldorado Hotel", + "text": "Eldorado Hotel The Eldorado Hotel, at 514 Grand in Las Vegas, New Mexico, was built around 1900. It was later briefly known as the Monticello Hotel. It was listed on the National Register of Historic Places in 1985. Based probably the fact that its facade includes semi-circular arches it has been asserted to be Romanesque or Richardsonian Romanesque in style. Its NRHP nomination asserts \"The Eldorado is perhaps the leading remaining example of the local style of brickwork which developed after the establishment of a brickyard in 1898. The arches remain from the Richardsonian Romanesque and the strong symmetry comes", + "score": 0.68310546875 + }, + { + "id": "17718108", + "title": "Church of St Catherine of Alexandria", + "text": "The new building was realised thanks to an amount of money given away by a priest, Giacinto Giglio, governor \"pro tempore\" of the brotherhood. The new seat was consecrated on 6 October 1730. Around the middle of the eighteenth century the facade and the bell tower were built. Between 1774 and 1792 the marble altars were constructed, while the marble inlaid floor was constructed about 1803\u221204. The building was damaged by English air raids during the summer of 1943. Repairs were made in the years after the war. The church was damaged again by the earthquakes of 1990 and 2002.", + "score": 0.68310546875 + }, + { + "id": "2577948", + "title": "Las Vegas Strip", + "text": "empire of Galveston, Texas. Las Vegas Boulevard South was previously called Arrowhead Highway, or Los Angeles Highway. The Strip was named by Los Angeles police officer and businessman Guy McAfee, after his hometown's Sunset Strip. Caesars Palace was established in 1966. In 1968, Kirk Kerkorian purchased the Flamingo and hired Sahara Hotels Vice President Alex Shoofey as President. Alex Shoofey brought along 33 of Sahara's top executives. The Flamingo was used to train future employees of the International Hotel, which was under construction. Opening in 1969, the International Hotel, with 1,512 rooms, began the era of mega-resorts. The International is", + "score": 0.6826171875 + }, + { + "id": "5887707", + "title": "The Mint Las Vegas", + "text": "was planned to include 24 floors. Construction reached the 24th floor at the end of the year, with plans for an additional four floors. The hotel tower was ultimately built with 26 stories, and was topped out on March 20, 1965, with plans to open later that month. The new tower stood , and was one of the tallest buildings in the state at the time, ranking only behind The Landmark Hotel and Casino, which stood . Renovations were also done to the existing building, which included work to the Merri Mint Theatre, and expanded dining areas. In 1988, The", + "score": 0.68212890625 + }, + { + "id": "3213903", + "title": "Steve Wynn", + "text": "in 1993 the hotel hosted the Cirque du Soleil show \"Nouvelle Exp\u00e9rience\". Afterwards Wynn invited Cirque to create \"Myst\u00e8re\" for the soon-to-be-built Treasure Island resort next door. After Mirage, Wynn's next project Treasure Island Hotel and Casino opened in the Mirage's old parking lot on October 27, 1993, at an overall cost of $450 million. Intended to be family-friendly, pools in front of the casino enacted the Battle of Buccaneer Bay with two full-sized sailing ships, while the interior featured romantic tropical island theming. The establishment was the home of the first permanent Cirque du Soleil show in Las Vegas,", + "score": 0.68212890625 + }, + { + "id": "17400782", + "title": "Las Vegas in the 1940s", + "text": "large parking lot which could accommodate 500 cars. Following this hotel, the next seven years witnessed the emergence of Last Frontier, Flamingo and Thunderbird hotels. It was built in the low rise western architectural style at the early developmental stage of The Strip. The El Rancho Vegas opened in 1941 on what became the Las Vegas Strip, serving as the model for future casinos. In 1942, Clark Gable was staying at the El Rancho when he learned that his wife Carole Lombard was in a plane crash in which there were no survivors. In 1941, John Grayson established the El", + "score": 0.68212890625 + }, + { + "id": "1936752", + "title": "Mirage Resorts", + "text": "Monte Carlo Resort and Casino and was built as a joint venture between Mirage Resorts and Circus Circus Enterprises, and cost US$344 million to build. The resort sits on , occupied by the Dunes Hotel golf course until its demolition in October 1993. In 1995, the company proposed to build the Le Jardin hotel-casino in the marina area if the state of New Jersey built a road that connected to the hotel-casino. The company had also agreed to allow Circus Circus Enterprises and Boyd Gaming to build casinos on the site, but later reneged on the agreement. While the road,", + "score": 0.68115234375 + }, + { + "id": "1933600", + "title": "Boyd Gaming", + "text": "in the Eldorado by doing its legal work. Sam would go on to manage the Eldorado full-time after the Mint was sold in 1968. Although the Boyd family had been involved in the Las Vegas casino industry for decades, Boyd Gaming Corporation wasn't founded until January 1, 1975, when the company was formed to develop and operate the California Hotel and Casino in downtown Las Vegas. Then known as the Boyd Group, the company initially had 75 investors. Boyd Gaming embarked on its first expansion in 1979, when it opened Sam's Town Hotel and Gambling Hall on Boulder Highway at", + "score": 0.68115234375 + }, + { + "id": "18808255", + "title": "Vacation Village", + "text": "a hotel and casino. In 1972, construction began on the Century Hotel. By 1974, only a portion of the building had been completed. Carol Heers gradually built the hotel and casino during subsequent years. In 1988, the Heers planned to expand the un-opened property to include three seven-story hotel towers, and five three-story towers, as well as a 47-foot-high casino building. Construction of the Vacation Village Hotel and Casino began in October 1988. C.E.H. Investments of Las Vegas was the developer, with construction expected to finish in spring 1989. At the start of construction, Vacation Village was to include 439", + "score": 0.68115234375 + }, + { + "id": "4612285", + "title": "New Frontier Hotel and Casino", + "text": "the Bay, a megaresort with a San Francisco theme, but high interest rates and the September 11 attacks scuttled those plans. Donald Trump, in partnership with Ruffin, built a high-rise luxury hotel-condominium on some of its property, named the Trump Hotel Las Vegas. The project was announced in 2004, and opened in 2008. In March 2005, with Las Vegas's fortunes on the rise, Ruffin announced new plans to demolish the current facility and replace it with a new resort with 3,000 rooms. The $2-billion Montreux resort was to be entirely funded by him (with no partners). The name Montreux came", + "score": 0.68115234375 + }, + { + "id": "8743983", + "title": "Milton Prell", + "text": "Bingo and making it a small but unique hostelry, but fortunately these plans on paper didn't fit in with the maximum beauty and luxury which Milton Prell had always visualized when he thought of owning his own hotel. Early in 1951, he gathered around him several former business partners and proposed a deal which resulted shortly afterward in the grating of the first contract for the construction of Las Vegas' newest and greatest addition. Eda Schivo, Frank\u2019s sister became Milton Prell\u2019s private executive secretary, and her brother Frank Schivo became Prell\u2019s key employee in the Club Bingo and the Sahara", + "score": 0.68115234375 + }, + { + "id": "3809366", + "title": "The Venetian Las Vegas", + "text": "San Marco, the Lion of Venice Column and the Column of Saint Theodore, St Mark's Campanile, and the Rialto Bridge. The design architects for this project were The Stubbins Associates and WAT&G. Interior design was provided by Wilson Associates and Dougall Associates for the casino. In October 2001, the Guggenheim Hermitage Museum opened within the resort, featuring its first collection. On June 27, 2003, the Venezia tower opened, adding 1,013 suites and a new wedding chapel. In October 2005, Blue Man Group officially opened at the Blue Man Theatre. On June 24, 2006, the show, \",\" opened at a new", + "score": 0.6806640625 + }, + { + "id": "6568522", + "title": "Colorado Belle", + "text": "an arcade and a private beach on the river. Advanced Patent Technology, a slot machine maker and slot route operator, announced plans in 1979 to build a hotel and casino, with the hotel to be managed by Ramada. Construction began in October, as a joint venture with John Fulton, a Southern California restaurateur and the casino was opened on November 10, 1980. In 1983, a preliminary agreement was reached to sell the casino to a group including attorney William Morris and Circus Circus Enterprises executives William Bennett and William Pennington for $1.6 million but Morris quit the deal a month", + "score": 0.6806640625 + }, + { + "id": "12254866", + "title": "The Drew Las Vegas", + "text": "for $250 million. Preparation work on the property was underway that month, although an official groundbreaking ceremony was not held. At that time, the project was expected to cost $2.8 billion, and was to include a 63-story tower with 3,889 hotel and condo hotel units, as well as a casino. In June 2007, Fontainebleau Resorts secured approximately $4 billion from various financial institutions to pay off debts and to finish its projects, including the Fontainebleau Las Vegas, which was expected to open in fall 2009. At the time, Schaeffer predicted that less than one-third of the resort's revenues would come", + "score": 0.68017578125 + }, + { + "id": "5363413", + "title": "History of Las Vegas", + "text": "In 1948, McCarran Field was established for commercial air traffic. In 1957 the University of Nevada, Las Vegas was first established, initially as a branch of the University of Nevada, Reno and becoming independent in 1969. In 1959 the Clark County Commission built the Las Vegas Convention Center, which would become a vital part of the area's economy. A new utility company, Southwest Gas expanded into Las Vegas in 1954. In 1966, Howard Hughes, the eccentric hero of the American aviation industry, and noted American entrepreneurial financier with vast connections to long established networks in the country, moved to Las", + "score": 0.68017578125 + }, + { + "id": "20048373", + "title": "Majestic Las Vegas", + "text": "expected to be cleared by July 4, 2004, with construction scheduled to begin in November or December 2004. At the time, discussions were underway to choose a contractor. Negotiations were also being held with the Las Vegas Monorail Company to develop a track that would allow the monorail to pass through the new project. An adjacent Peppermill restaurant south of the property was to remain open during the construction. The project was expected to open in February 2006. By April 2005, plans for a second tower on the property were cancelled because of a dispute regarding an adjacent condominium project", + "score": 0.6787109375 + }, + { + "id": "19195531", + "title": "Caesars Palace", + "text": "which greet guests as they arrive. Near the entrance is a four-faced, eight-handed Brahma shrine which weighs four tons, It was made in Bangkok, Thailand, with a casting ceremony on November 25, 1983, according to the inscription on it. A $75 million renovation of the hotel's original Roman Tower, built in 1966 and extended in 1974, is slated for completion in January 2016. The 14-story Tower, last renovated in 2001, will have 20 rooms added for a total of 587 rooms and suites, and will be renamed the Julius Tower. \"Entertainment Close-Up\" wrote that the Julius Tower is the \"latest", + "score": 0.6787109375 + }, + { + "id": "4734793", + "title": "Planet Hollywood Las Vegas", + "text": "in late 1973. Under the new owners, a $60 million face lift was conducted, including the addition of a 19-story tower and the new 7,500-seat Performing Arts Center replacing the golf course, which was $4 million over budget. Construction began on the 19 story \"Tower of Majesty\" in May 1975. It was designed by Lee Linton, and built by the Del E. Webb Corporation. The tower opened on June 1, 1976. A $250,000 porte-cochere continued the tower's arabesques. The Aladdin added a new $300,000 blockbuster sign with little neon, huge attraction panels and none of the arabesque of the Aladdin's", + "score": 0.6787109375 + }, + { + "id": "1933798", + "title": "MGM Resorts International", + "text": "it would open in July 2003. In 2001 and 2002, following the merger with Mirage, the company explored options for its next major development project, including opportunities in the Las Vegas, Atlantic City, Chicago, and Macau markets. The 55-acre site of the Boardwalk casino on the Las Vegas Strip was earmarked for a technologically advanced megaresort targeting a Generation X demographic. In Atlantic City, MGM shifted focus from its previously announced boardwalk site to a proposed billion-dollar hotel and casino on a 55-acre tract adjacent to the Borgata, where Wynn had planned to build the Le Jardin casino. In the", + "score": 0.6787109375 + }, + { + "id": "4729025", + "title": "Bally's Las Vegas", + "text": "Casino in 1973 shortly before construction of the MGM Grand Hotel and Casino, owned by Kirk Kerkorian, began. It opened on December 5, 1973 with 2,084 rooms for the then-staggering cost of $106m and was the largest hotel in the world at that time, and larger than the Empire State Building. The MGM Grand opened as one of Las Vegas's first megaresorts on December 5, 1973. Dean Martin was the entertainer on opening night. It was the largest hotel in the world at its opening and would remain so for several years. When the hotel was built, it set a", + "score": 0.6787109375 + }, + { + "id": "12254862", + "title": "The Drew Las Vegas", + "text": "plan to resume construction in 2018 and open the resort in late 2020. Upon completion, the project will include three hotels with nearly 4,000 rooms. The property was initially occupied by the Thunderbird hotel and casino, opened in 1948. It was later renamed as the Silverbird, and then as the El Rancho, before closing in 1992. In May 2000, Turnberry Associates purchased the property for $45 million and imploded the El Rancho later that year, to make room for a London-themed resort that ultimately never materialized because of an economic downturn caused by the September 11 attacks. A privately held", + "score": 0.6787109375 + }, + { + "id": "11991549", + "title": "WET (company)", + "text": "Laureate Philip Johnson, the Ritz Carlton Hotel, and Bugis Junction. Additional projects included the Jewelry Trade Center in Bangkok, Pattaya Festival Center in the city of Pattaya, and again with the firm of I.M. Pei, the Anggana Danamon Bank in Jakarta. One of the company's most notable designs came in 1998 when it collaborated with Steve Wynn to design The Fountains of Bellagio, for the Bellagio Hotel and Casino, in Las Vegas, Nevada. The Fountains are set in an 8-acre (3.2 ha) manmade lake. Under Bellagio, WET collaborated with an array of composers and choreographers to create the Fountain\u2019s shows,", + "score": 0.67822265625 + }, + { + "id": "17342216", + "title": "Las Vegas in the 1950s", + "text": "to manage the Riviera in 1955. He had successfully managed the Flamingo Hotel after the death of Bugsy Siegel. However, Greenbaum's drug and gambling addictions led to his embezzling from the casino. In December 1958, Greenbaum and his wife were murdered in their Phoenix, Arizona home, reportedly on the orders of either Meyer Lansky or Tony Accardo. The Gaming Control Board was set up by the Nevada Tax Commission on 29 March 1955. The Riviera, a nine storied building then the tallest in Las Vegas opened 20 April 20, 1955. Las Vegas celebrated its 50th anniversary on 15 May. The", + "score": 0.677734375 + }, + { + "id": "4947750", + "title": "Primm Valley Resorts", + "text": "in 1994 with an idea for the site: a casino recreating the New York skyline. A joint venture was formed between the two companies, and construction began in March 1995. Completed at a cost of $460 million, the New York-New York Hotel and Casino opened in January 1997. The Las Vegas Outlet Mall was added as a part of the Primadonna Resort in 1998. On March 1, 1999, MGM Grand Inc. acquired Primadonna Resorts in an all-stock transaction that had been announced on November 9, 1998. Since the initiation of New York-New York, analysts had speculated that MGM Grand or", + "score": 0.67724609375 + }, + { + "id": "9042897", + "title": "Bally's Atlantic City", + "text": "July 2, 1997, The Wild Wild West Casino opened as the second casino at Bally's. In 2000, Bally's Park Place changed its name and became Bally's Atlantic City. The adjacent Claridge Hotel and Casino was purchased and incorporated into Bally's in 2003, and was renamed the Claridge Tower. The casino in the Claridge Tower was named The Ridge. The casino was renovated in 2008 from a standard casino floor to an upscale lounge-casino. In 2005, Harrah's Entertainment (now Caesars Entertainment Corporation) purchased Bally's along with Caesars. The boardwalk side of Bally's was renovated in 2009. The facade of the Dennis", + "score": 0.6767578125 + }, + { + "id": "20901907", + "title": "Old Vegas", + "text": "condition that Focus 2000 construct a 2,200-foot-long wall to separate the project from the residential neighborhood. Focus 2000 had concerns about obtaining funding for the wall, which was expected to cost over $200,000. In 1995, Rio Hotel and Casino Inc. purchased 60 acres of the site as a partner, as part of a strategic growth plan by the company. Rio planned to focus on expanding its Las Vegas resort, while groundbreaking on the Old Vegas project was planned for a future date. A decision on whether to demolish Old Vegas was contingent on the theme of the future project that", + "score": 0.6767578125 + }, + { + "id": "3267828", + "title": "Circus Circus Las Vegas", + "text": "Enterprises (1974\u20132005) Circus Circus was opened on October 18, 1968 by Jay Sarno and Stanley Mallin, becoming the flagship casino for Circus Circus Enterprises. Architects Rissman and Rissman Associates designed a giant circus tent shaped main structure, which was built by R.C. Johnson Construction of Las Vegas. At its opening, the $15 million facility only included a casino. The lack of a hotel resulted in financial problems, as the casino was not able to attract high rollers. Sarno obtained a $23 million loan from the Teamsters Pension Fund to construct a hotel. As part of the arrangement, the Chicago Outfit's", + "score": 0.67626953125 + }, + { + "id": "19195514", + "title": "Caesars Palace", + "text": "Caesars Palace Caesars Palace is a luxury hotel and casino in Paradise, Nevada, United States. The hotel is situated on the west side of the Las Vegas Strip between Bellagio and The Mirage. It is one of Las Vegas's largest and best known landmarks. Caesars Palace was established in 1966 by Jay Sarno, who sought to create an opulent facility that gave guests a sense of life during the Roman Empire. It contains many statues, columns, and iconography typical of Hollywood Roman period productions including a statue of Augustus Caesar near the entrance. Caesars Palace is now owned by Vici", + "score": 0.67578125 + }, + { + "id": "17342218", + "title": "Las Vegas in the 1950s", + "text": "was designed by architect Wayne McAllister, and at the time of its opening it had 155 rooms, cost $6 million to open and was owned by Ed Levinson and Lou Lurie. In 1959 Wayne Newton made his start in Las Vegas at the Fremont at its Carnival Lounge. The Thunderbirds, an aerial demonstration squadron was established at the Nellis Air Force Base on 1 June 1956. The Silver Palace, a double storied building was opened on 8 June 1956. The Hacienda was opened in June, 1956. The \"Minsky's Follies\", a debut show of the Showgirls opened at the Desert Inn", + "score": 0.67578125 + }, + { + "id": "13225044", + "title": "Villa d'Este (Cernobbio)", + "text": "still exist\u2019. Since 1873 the complex has been a luxury hotel. Gerardo Landriani, Bishop of Como (1437\u20131445), founded a female convent here at the mouth of the Garovo torrent in 1442. A century later Cardinal Tolomeo Gallio demolished the nunnery and commissioned Pellegrino Tibaldi to design a residence for his own use. The Villa del Garovo, together with its luxuriant gardens, was constructed during the years 1565\u201370 and during the cardinal\u2019s lifetime it became a resort of politicians, intellectuals and ecclesiastics. On Gallio\u2019s death the villa passed to his family who, over the years, allowed it to sink into a", + "score": 0.6748046875 + }, + { + "id": "4962029", + "title": "Riviera (hotel and casino)", + "text": "1952. Bischoff later withdrew from the project, which was taken over by Miami businessman Samuel Cohen. By March 1955, Cohen, identified as a member of Miami's S & G gambling syndicate, was no longer part of the investment group, though rumors persisted that he secretly maintained an involvement. Marx Brothers Harpo and Gummo held minority interests at the opening. The Riviera opened on April 20, 1955 as the first high-rise at 9 stories, and the ninth resort on the Las Vegas Strip. Liberace cut the opening ribbon, and became the first resident performer. The Riviera became one of the oldest", + "score": 0.67431640625 + }, + { + "id": "4531249", + "title": "Sands Hotel and Casino", + "text": "and sentimentalists. Footage of the demolition also appeared in the closing credits of \"The Cooler\". The climactic plane crash in 1997's \"Con Air\" ended with the aircraft crashing into the soon-to-be-demolished Sands' lobby. On May 3, 1999, the new $1.5 billion megaresort The Venetian opened where the Sands had formerly been, a 35-story hotel with 3,036 rooms, covering an area of . It became the largest AAA Five-Diamond landmark in North America. Wayne McAllister designed the original $5.5 million Sands Hotel, an exotic-looking terracotta red-painted modern hotel with a prominent \"porte cochere\" at the front, surrounded by a zig-zag wall", + "score": 0.67431640625 + }, + { + "id": "5372386", + "title": "Downtown Las Vegas", + "text": "city in 1905, when 110 acres of land adjacent to the Union Pacific Railroad tracks were auctioned in what would become the downtown area. In 1911, Las Vegas was incorporated as a city. The year 1931 was a pivotal one for Las Vegas. At that time, Nevada legalized casino gambling and reduced residency requirements for divorce to six weeks. This year also witnessed the beginning of construction on nearby Hoover Dam. The influx of construction workers and their families helped Las Vegas avoid economic calamity during the Great Depression. It was completed in 1935. Following World War II, lavishly decorated", + "score": 0.67431640625 + }, + { + "id": "13132861", + "title": "Bally Manufacturing", + "text": "fitness equipment including the Life Fitness brand including 'Life Cycle', 'Life Step' and 'Life Rower' machines. The success was short lived and Life Fitness was sold to the Brunswick Corporation. In 1995, they opened Bally's Casino Tunica in Tunica, Mississippi. In May 1995, Bally Entertainment announced the project of Paris Las Vegas at a shareholders meeting. Paris was designed by architectural companies Leidenfrost/Horowitz & Assoc., Bergman, Walls & Assoc. and MBH Architects. The design architect of the project was Bergman Walls Associates. Herbert Horowitz, Partner of Leidenfrost/Horowitz & Assoc. was executive architect and signed all plans. Bally broke ground for", + "score": 0.673828125 + }, + { + "id": "8072097", + "title": "Eldorado Resort Casino", + "text": "for the Eldorado happened in 1995. Coinciding with the construction of Silver Legacy Reno, a 50/50 joint venture between Eldorado Resorts and MGM Resorts International, the Eldorado added a crossover to the new downtown property connected by the first ever micro-brewery in a casino, The Brew Brothers. The Spa Tower was created, adding 10 floors of luxury accommodations; a 10,175 square foot convention center was opened as well as a 580-seat Broadway-style showroom. A coffee roasting company was added to the list of on-site services and the casino now totaled 78,987 square feet with more than 1,500 slot machines, 55", + "score": 0.673828125 + }, + { + "id": "19503623", + "title": "Ivana Las Vegas", + "text": "Las Vegas in November 2004. The federal government approved the 923-foot project now with 800 condo units in January 2005. By the end of the month, Altomare was in discussions with Turner Construction to build the high-rise, which was expected to take two and a half years to finish. Altomare said at that time that the project's construction would be financed by syndicated bank loans underwritten by presales of the condo units, which were expected to begin selling in late April 2005, with starting prices at $600,000. The tower's penthouse was priced at $35 million. Altomare believed that many buyers", + "score": 0.673828125 + }, + { + "id": "19503075", + "title": "Hotel Nevada and Gambling Hall", + "text": "hotel's basement was expected to be 10 feet deep. Construction was to be handled by The Wheelwright Construction Company, with a contract price of $2,875,000. Excavation for the basement was completed in early July 1928. During construction, approximately four feet of cement was poured between each floor of the hotel. After the completion of the brick building's exterior on February 5, 1929, construction crews transferred their focus to the hotel's interior. The $400,000 Hotel Nevada opened on July 7, 1929, with 100 rooms. An official grand opening ceremony was held on the night of July 15, 1929, with 167 guests", + "score": 0.673828125 + }, + { + "id": "13339495", + "title": "Aria Resort and Casino", + "text": "excavated beginning in April 2006. Following excavation, Aria's foundation was poured in June 2006. Vertical progression commenced in September 2007, at which point construction workers built upwards at a rate of one floor every seven days until reaching the final height of 61 floors. Amid ongoing construction in 2007, Infinity World Development, a subsidiary of Dubai World, invested about $2.7 billion to acquire a 50% stake in the CityCenter project. From this point on, Aria was jointly owned by MGM Resorts International and Infinity World Development, with MGM solely responsible for operations and management. The economic downturn and its ripple", + "score": 0.673828125 + }, + { + "id": "17342220", + "title": "Las Vegas in the 1950s", + "text": "Stardust down the road. Jaffe had to sell his interest in the Fontainebleau to complete the project, which finally opened in April 1957. Jaffe first leased the property to his associate, Phil Kastel. The Gaming Control Board raised suspicions over Kastel's links to organized crime, which were confirmed in May when a note bearing a Tropicana earnings figure was found in the possession of mobster Frank Costello. Jaffe next turned to J. Kell Housells, owner of the Las Vegas Club. By 1959, Housells bought out Jaffe's interest, gaining a majority share in the Tropicana. On 10 September 1957, the University", + "score": 0.67333984375 + }, + { + "id": "19195530", + "title": "Caesars Palace", + "text": "in 1962, and it opened in 1966. It lay next to Dunes Hotel and opposite the Desert Inn. The original hotel featured lanes of cypresses and marble columns as part of a frontage, with the hotel set back . The car park could accommodate up to 1300 cars. Water is heavily used for at least 18 fountains throughout\u2014the casino resort uses over 240 million gallons a year. A high statue of Julius Caesar hailing a taxi lies in the driveway leading to the entrance, and there are replicas of Rape of the Sabine Women and statues of Venus and David", + "score": 0.67333984375 + }, + { + "id": "3744535", + "title": "Benny Binion", + "text": "year due to licensing problems after the casino relocated. In 1951, Benny purchased the building which had previously housed the Las Vegas Club, and opened it as the Westerner Gambling House and Saloon. In 1951, he purchased the Eldorado Club and the Apache Hotel, opening them as Binion's Horseshoe casino, which immediately became popular because of the high limits on bets. He initially set a craps table limit of $500, ten times higher than the limit at his competitors of the time. Because of the competition, Binion sometimes received death threats, although eventually casinos raised their limits to keep up", + "score": 0.6728515625 + }, + { + "id": "19487600", + "title": "Fiesta Rancho", + "text": "to own a casino in Las Vegas, and he convinced his family to build one there. The Maloof family chose to build in a location off of the Las Vegas Strip, where real estate prices were significantly higher. The property for the eventual hotel-casino \u2013 at the northeast corner of North Rancho Drive and West Lake Mead Boulevard in North Las Vegas, Nevada \u2013 was purchased by the family in 1989. The Maloof Companies announced the $15 million Fiesta in 1990, with initial plans to include an RV park. Construction was scheduled to begin in spring 1991. However, George Maloof", + "score": 0.67236328125 + }, + { + "id": "11390491", + "title": "History of Nevada", + "text": "the world until Harold's Club surpassed it in the 1950s. The Second World War was very good to Reno as local bases and those in Northern California helped boost the economy. In the late 1940s \"Bugsy\" Siegel helped get Las Vegas on the map by first building the most expensive casino in the world, the Flamingo, and then by being gunned down in his Beverly Hills home. Las Vegas casinos of the 1950s were mostly low-rise building taking advantage of the wide-open spaces that Reno didn't offer in the downtown area of Virginia Street. However, Las Vegas boomed with new", + "score": 0.67236328125 + }, + { + "id": "4735751", + "title": "Fremont Hotel and Casino", + "text": "Fremont Hotel and Casino The Fremont Hotel & Casino is located in downtown Las Vegas, Nevada, on the Fremont Street Experience. The casino is operated by the Boyd Gaming Corporation. The Fremont Hotel is located on 200 Fremont Street. It was designed by architect Wayne McAllister and opened on May 18, 1956 as the tallest building in the state of Nevada. At the time of its opening it had 155 rooms, cost $6 million to open and was owned by Ed Levinson and Lou Lurie. In 1963 the Hotel was expanded to include the 14 story Ogden tower and one", + "score": 0.671875 + }, + { + "id": "5642870", + "title": "Vegas World", + "text": "benefits. In 1989, Stupak was planning a new 1,012-foot neon sign tower for Vegas World. The idea evolved to include an elevator leading up to an observation deck at the top. Stupak said he wanted the tower to become a local landmark, similar to the Eiffel Tower, the Empire State Building, and the Space Needle. Stupak's tower was approved by the Las Vegas City Council in 1990, at which point Vegas World had become the largest personally owned casino resort in the world. A new wing was added to the 25-story hotel tower in 1990. Around 6:00 p.m. on May", + "score": 0.671875 + } + ], + "answer": "While construction on the Bellagio began in the month of May, 1996 was the year it began, and construction lasted from May 1996 until it was finished being built on October 15, 1998, the day it also opened. Atlandia Design managed the design, construction, and furnishing of the facility." + }, + { + "qa_pairs": [ + { + "context": "\"Keep Your Head Up\" is the debut single by American recording artist Andy Grammer from his eponymous debut studio album \"Andy Grammer\" (2011). It was written by Grammer and produced by Lion's Share, with additional production by Steve Greenberg. The song was first released February 24, 2011 as the album's lead single. It debuted at number 94 on the \"Billboard\" Hot 100 and since then has reached number 53. The song was RIAA-certified Platinum, for sales of over 1 million downloads, in 2011. It also entered the charts in Australia, Belgium, Canada, the Netherlands and New Zealand. The song was released in the UK on March 12, 2012, but failed to chart.", + "question": "Who sings the song you got to keep your head up from February 24, 2011?", + "short_answers": [ + "Andy Grammer", + "Andrew Charles Grammer" + ], + "wikipage": "Keep Your Head Up (Andy Grammer song)" + }, + { + "context": "\"Keep Your Head Up\" is a song by British singer-songwriter Ben Howard from his debut studio album \"Every Kingdom\". It was released as a single in the United Kingdom on 26 August 2011 as a digital download. It reached a peak UK Singles Chart position of 74. The song was written by Ben Howard. The cover art was designed by Owen Tozer. It is a re-recording of the original version found on the \"Games in the Dark EP\".", + "question": "Who sings the song you got to keep your head up from August 26, 2011?", + "short_answers": [ + "Ben Howard", + "Benjamin John \"Ben\" Howard", + "Benjamin John Howard" + ], + "wikipage": "Keep Your Head Up (Ben Howard song)" + }, + { + "context": "\"Keep Your Head Up is the debut single by British girl group Girls Can't Catch. It was written by Chris Braide and Nina Woodford, and produced by Braide. It was released on 30 July 2009, and entered the UK Singles Chart at number 26. The single reached the top 5 in the Scottish Singles Chart, peaking at number 4.", + "question": "Who sings the song you got to keep your head up from 2009?", + "short_answers": [ + "Girls Can't Catch" + ], + "wikipage": "Keep Your Head Up (Girls Can't Catch song)" + }, + { + "context": "\"Keep Ya Head Up\" is a 1993 hit single by 2Pac. The song features R&B singer Dave Hollister and is dedicated to black women and Latasha Harlins.", + "question": "Who sings the song Keep Ya Head Up?", + "short_answers": [ + "2pac", + "Tupac", + "Tupac Amaru Shakur", + "Lesane Parish Crooks", + "Makaveli" + ], + "wikipage": "Keep Ya Head Up" + } + ], + "wikipages": [ + { + "title": "Keep Ya Head Up", + "url": "https://en.wikipedia.org/wiki/Keep%20Ya%20Head%20Up" + }, + { + "title": "Keep Your Head Up (Ben Howard song)", + "url": "https://en.wikipedia.org/wiki/Keep%20Your%20Head%20Up%20%28Ben%20Howard%20song%29" + }, + { + "title": "Keep Your Head Up (Girls Can't Catch song)", + "url": "https://en.wikipedia.org/wiki/Keep%20Your%20Head%20Up%20%28Girls%20Can%27t%20Catch%20song%29" + }, + { + "title": "Keep Your Head Up (Andy Grammer song)", + "url": "https://en.wikipedia.org/wiki/Keep%20Your%20Head%20Up%20%28Andy%20Grammer%20song%29" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "\"Keep Your Head Up\" is the debut single by American recording artist Andy Grammer from his eponymous debut studio album \"Andy Grammer\" (2011).", + "wikipage": "Keep Your Head Up (Andy Grammer song)" + }, + { + "content": "The song was first released February 24, 2011 as the album's lead single.", + "wikipage": "Keep Your Head Up (Andy Grammer song)" + }, + { + "content": "\"Keep Your Head Up\" is a song by British singer-songwriter Ben Howard from his debut studio album \"Every Kingdom\".", + "wikipage": "Keep Your Head Up (Ben Howard song)" + }, + { + "content": " It was released as a single in the United Kingdom on 26 August 2011 as a digital download.", + "wikipage": "Keep Your Head Up (Ben Howard song)" + }, + { + "content": "\"Keep Your Head Up is the debut single by British girl group Girls Can't Catch. ", + "wikipage": "Keep Your Head Up (Girls Can't Catch song)" + }, + { + "content": "It was released on 30 July 2009, and entered the UK Singles Chart at number 26. ", + "wikipage": "Keep Your Head Up (Girls Can't Catch song)" + }, + { + "content": "\"Keep Ya Head Up\" is a 1993 hit single by 2Pac. ", + "wikipage": "Keep Ya Head Up" + }, + { + "content": "Tupac Amaru Shakur (/\u02c8tu\u02d0p\u0251\u02d0k \u0283\u0259\u02c8k\u028a\u0259r/ TOO-pahk sh\u0259-KOOR; born Lesane Parish Crooks, June 16, 1971 \u2013 September 13, 1996), better known by his stage name 2Pac and by his alias Makaveli, was an American rapper, songwriter, and actor.", + "wikipage": "Tupac Shakur" + } + ], + "long_answer": "The song title \"Keep Your Head Up\" has been used by various musicians. In 1993, American rapper 2Pac released a song called Keep Ya Head Up. The British girl group Girls Can't Catch released a song with the same title on July 30, 2009. The British singer-songwriter Ben Howard released a song called Keep Your Head Up on August 26, 2011 and American recording artist Andy Grammer first released a song with this same title on February 24, 2011. " + }, + { + "knowledge": [], + "long_answer": "Keep Ya Head Up is a 1993 hit single by 2Pac. The song features R&B singer Dave Hollister and is dedicated to black women and Latasha Harlins. Keep Your Head Up is the debut single by British girl group Girls Can't Catch. It was released on 30 July 2009, and entered the UK Singles Chart at number 26. Keep Your Head Up is the debut single by American recording artist Andy Grammer from his eponymous debut studio album Andy Grammer (2011). The song was first released February 24, 2011 as the album's lead single. Keep Your Head Up is a song by British singer-songwriter Ben Howard from his debut studio album Every Kingdom. It was released as a single in the United Kingdom on 26 August 2011 as a digital download." + } + ], + "sample_id": "-3587852235107899284", + "question": "Who sings the song you got to keep your head up?", + "docs": [ + { + "id": "15697067", + "title": "Keep Your Head Up (Andy Grammer song)", + "text": "interactive video was named \"Most Innovative Video\" of 2011 at the MTV O Music Awards. \"Keep Your Head Up\" is featured as the theme song for \"Tricky Business\". It also appears in the movie \"Pitch Perfect\". He also sings this song on So Random!. Keep Your Head Up (Andy Grammer song) \"Keep Your Head Up\" is the debut single by American recording artist Andy Grammer from his eponymous debut studio album \"Andy Grammer\" (2011). It was written by Grammer and produced by Lion's Share, with additional production by Steve Greenberg. The song was first released February 24, 2011 as the", + "score": 0.8427734375, + "summary": "Andy Grammer sings the song \"Keep Your Head Up\".", + "extraction": "The song \"Keep Your Head Up\" is sung by American recording artist Andy Grammer." + }, + { + "id": "15908324", + "title": "Keep Your Head Up (Ben Howard song)", + "text": "Keep Your Head Up (Ben Howard song) \"Keep Your Head Up\" is a song by British singer-songwriter Ben Howard from his debut studio album \"Every Kingdom\". It was released as a single in the United Kingdom on 26 August 2011 as a digital download. It reached a peak UK Singles Chart position of 74. The song was written by Ben Howard. The cover art was designed by Owen Tozer. It is a re-recording of the original version found on the \"Games in the Dark EP\". The song was voted to be 3VOOR12 song of the year on the Dutch radio", + "score": 0.8271484375, + "summary": "The song \"Keep Your Head Up\" is sung by British singer-songwriter Ben Howard from his debut studio album \"Every Kingdom\".", + "extraction": "Ben Howard sings the song \"Keep Your Head Up\"." + }, + { + "id": "15697065", + "title": "Keep Your Head Up (Andy Grammer song)", + "text": "Keep Your Head Up (Andy Grammer song) \"Keep Your Head Up\" is the debut single by American recording artist Andy Grammer from his eponymous debut studio album \"Andy Grammer\" (2011). It was written by Grammer and produced by Lion's Share, with additional production by Steve Greenberg. The song was first released February 24, 2011 as the album's lead single. It debuted at number 94 on the \"Billboard\" Hot 100 and since then has reached number 53. The song was RIAA-certified Platinum, for sales of over 1 million downloads, in 2011. It also entered the charts in Australia, Belgium, Canada, the", + "score": 0.82568359375, + "summary": "Andy Grammer sings the song \"Keep Your Head Up\".", + "extraction": "Andy Grammer sings the song \"Keep Your Head Up\"." + }, + { + "id": "15697066", + "title": "Keep Your Head Up (Andy Grammer song)", + "text": "Netherlands and New Zealand. The song was released in the UK on March 12, 2012, but failed to chart. Grammer also released a bilingual version of the song in France, under the title \"Rel\u00e8ve la t\u00eate\", with French singer M\u00e9lissa Nkonda. This version reached number 156 in France. The music video published for \"Keep Your Head Up\" was released November 11, 2010. It depicts singer Andy Grammer in a variety of unfortunate or awkward situations but shrugging his problems off. It also features actor Rainn Wilson. An interactive video of \"Keep Your Head Up\" was made exclusively on Vevo. The", + "score": 0.8203125, + "summary": "The song \"Keep Your Head Up\" is sung by Andy Grammer, who released a bilingual version with French singer M\u00e9lissa Nkonda. The music video features actor Rainn Wilson and was released on November 11, 2010.", + "extraction": "Andy Grammer sings the song \"Keep Your Head Up\"." + }, + { + "id": "15908326", + "title": "Keep Your Head Up (Ben Howard song)", + "text": "of a live session on Huw Stephens' show on BBC Radio 1. Keep Your Head Up (Ben Howard song) \"Keep Your Head Up\" is a song by British singer-songwriter Ben Howard from his debut studio album \"Every Kingdom\". It was released as a single in the United Kingdom on 26 August 2011 as a digital download. It reached a peak UK Singles Chart position of 74. The song was written by Ben Howard. The cover art was designed by Owen Tozer. It is a re-recording of the original version found on the \"Games in the Dark EP\". The song was", + "score": 0.81982421875, + "summary": "The song \"Keep Your Head Up\" is sung by British singer-songwriter Ben Howard from his debut studio album \"Every Kingdom\".", + "extraction": "\"Keep Your Head Up\" is a song by British singer-songwriter Ben Howard." + }, + { + "id": "13677338", + "title": "Keep Your Head Up (Girls Can't Catch song)", + "text": "Keep Your Head Up (Girls Can't Catch song) \"Keep Your Head Up is the debut single by British girl group Girls Can't Catch. It was written by Chris Braide and Nina Woodford, and produced by Braide. It was released on 30 July 2009, and entered the UK Singles Chart at number 26. The group performed the song at several different events, including GMTV, G-A-Y and the iTunes Festival. The music video was filmed and released in June 2009. It features the group playing croquet with three guys at a dump site, singing their verses in different parts of the dump", + "score": 0.81884765625, + "summary": "The song \"Keep Your Head Up\" is sung by the British girl group Girls Can't Catch.", + "extraction": "\"Keep Your Head Up\" is a song sung by the British girl group Girls Can't Catch." + }, + { + "id": "13677339", + "title": "Keep Your Head Up (Girls Can't Catch song)", + "text": "site. iTunes Pre-Order CD1: Maxi CD-single iTunes EP Other download stores Keep Your Head Up (Girls Can't Catch song) \"Keep Your Head Up is the debut single by British girl group Girls Can't Catch. It was written by Chris Braide and Nina Woodford, and produced by Braide. It was released on 30 July 2009, and entered the UK Singles Chart at number 26. The group performed the song at several different events, including GMTV, G-A-Y and the iTunes Festival. The music video was filmed and released in June 2009. It features the group playing croquet with three guys at a", + "score": 0.80517578125, + "summary": "The song \"Keep Your Head Up\" was sung by the British girl group Girls Can't Catch. It was written by Chris Braide and Nina Woodford, produced by Braide, and released on July 30, 2009.", + "extraction": "\"Keep Your Head Up\" is a song by Girls Can't Catch." + }, + { + "id": "7404835", + "title": "Keep Ya Head Up", + "text": "together a critique of negligent fathers, an argument for abortion rights and a sharp analysis of misogyny.\" CDS - maxi single Remix, Keep Ya Head Up \"Keep Ya Head Up\" is a 1993 hit single by 2Pac. The song features R&B singer Dave Hollister and is dedicated to black women and Latasha Harlins. The beat is sampled from Zapp's \"Be Alright\" and the chorus is taken from The Five Stairsteps' \"O-o-h Child\". It was first released in Shakur's 1993 album \"Strictly 4 My N.I.G.G.A.Z.\" later appearing after his death in 1998 in his \"Greatest Hits\" compilation. A \"sequel\" to the", + "score": 0.802734375, + "summary": "The song \"Keep Ya Head Up\" is sung by 2Pac and features Dave Hollister. It was first released in 1993 and later appeared in his \"Greatest Hits\" compilation in 1998.", + "extraction": "Dave Hollister sings the song \"Keep Ya Head Up\"." + }, + { + "id": "7404833", + "title": "Keep Ya Head Up", + "text": "Keep Ya Head Up \"Keep Ya Head Up\" is a 1993 hit single by 2Pac. The song features R&B singer Dave Hollister and is dedicated to black women and Latasha Harlins. The beat is sampled from Zapp's \"Be Alright\" and the chorus is taken from The Five Stairsteps' \"O-o-h Child\". It was first released in Shakur's 1993 album \"Strictly 4 My N.I.G.G.A.Z.\" later appearing after his death in 1998 in his \"Greatest Hits\" compilation. A \"sequel\" to the song, \"Baby Don't Cry (Keep Ya Head Up II)\" was released on 2Pac's posthumous album \"Still I Rise\" in 1999. The video", + "score": 0.798828125, + "summary": "The song \"Keep Ya Head Up\" is sung by 2Pac and features Dave Hollister. It was first released in 1993 on the album \"Strictly 4 My N.I.G.G.A.Z.\" and later in 1998 in the \"Greatest Hits\" compilation after the singer's death.", + "extraction": "Dave Hollister sings the song \"Keep Ya Head Up\"." + }, + { + "id": "15908325", + "title": "Keep Your Head Up (Ben Howard song)", + "text": "station 3FM. A music video to accompany the release of \"Keep Your Head Up\" was released onto YouTube on 18 August 2011 with a total length of three minutes and fifty-five seconds. The video is also included on the deluxe edition of the studio album \"Every Kingdom\". Sandra van Nieuwland covered the song on \"The Voice of Holland\". It was released as a single in The Netherlands on 17 November 2012 as a digital download. It reached number one in the Mega Single Top 100 and the Dutch Top 40. British post-hardcore band Enter Shikari covered the song as part", + "score": 0.798828125, + "summary": "Ben Howard sings the song \"Keep Your Head Up.\"", + "extraction": "Ben Howard sings the song \"Keep Your Head Up\"." + }, + { + "id": "19285972", + "title": "Keeping Your Head Up", + "text": "Keeping Your Head Up \"Keeping Your Head Up\" is a single by English musician Birdy. It was written by Wayne Hector, Steve Mac, and Birdy for her third studio album, \"Beautiful Lies\" (2016). The song was released as the album's first single on 1 January 2016. A music video was first released onto Facebook on 28 January 2016 and a day after on YouTube at a total length of three minutes and thirty-six seconds. The video begins with Birdy lying down with her head on a large pillow, peering intently at the camera. The camera gradually gets closer to her", + "score": 0.7958984375, + "summary": "Birdy sings the song \"Keeping Your Head Up\".", + "extraction": "Birdy sings the song \"Keeping Your Head Up\"." + }, + { + "id": "8940942", + "title": "Baby Don't Cry (Keep Ya Head Up II)", + "text": "Ya Head Up. The video also shares similarities to Keep Ya Head Up as it portraits a similar emotional story line aspect and it is also low budget. Baby Don't Cry (Keep Ya Head Up II) \"Baby Don't Cry (Keep Ya Head Up II)\" is a posthumous single by Tupac Shakur and Outlawz from the album \"Still I Rise\". It features H.E.A.T., E.D.I. Mean & Young Noble and vocals from Heavynn, Erika and Tiana of pop band H.E.A.T. It charted at #72 on the \"Billboard\" Hot 100. The video made for the song was shot from September 1\u20133, 1999 and", + "score": 0.78955078125, + "summary": "The song \"Baby Don't Cry (Keep Ya Head Up II)\" is sung by Tupac Shakur and Outlawz, featuring vocals from Heavynn, Erika, and Tiana of pop band H.E.A.T.", + "extraction": "Tupac Shakur sings the song \"Keep Ya Head Up\" but the passage does not provide information about who sings the song \"You got to keep your head up\". Therefore, the extracted span is \"irrelevant\"." + }, + { + "id": "8940941", + "title": "Baby Don't Cry (Keep Ya Head Up II)", + "text": "Baby Don't Cry (Keep Ya Head Up II) \"Baby Don't Cry (Keep Ya Head Up II)\" is a posthumous single by Tupac Shakur and Outlawz from the album \"Still I Rise\". It features H.E.A.T., E.D.I. Mean & Young Noble and vocals from Heavynn, Erika and Tiana of pop band H.E.A.T. It charted at #72 on the \"Billboard\" Hot 100. The video made for the song was shot from September 1\u20133, 1999 and is the only song from the album to have a music video. The song shows The Outlawz performing at road paints of 2Pac and features footage of Keep", + "score": 0.7890625, + "summary": "The song \"Baby Don't Cry (Keep Ya Head Up II)\" is sung by Tupac Shakur and Outlawz, featuring vocals from Heavynn, Erika, and Tiana of pop band H.E.A.T.", + "extraction": "Heavynn, Erika and Tiana of pop band H.E.A.T. sing the song \"Baby Don't Cry (Keep Ya Head Up II)\"." + }, + { + "id": "19285973", + "title": "Keeping Your Head Up", + "text": "eye, then this scene gives way to various scenes of Birdy and other people. Demons and angels appear in her way throughout the video. At the end, Birdy is again shown lying down with her head on the pillow. The video was directed by Chris Turner (Favourite Color Black). Keeping Your Head Up \"Keeping Your Head Up\" is a single by English musician Birdy. It was written by Wayne Hector, Steve Mac, and Birdy for her third studio album, \"Beautiful Lies\" (2016). The song was released as the album's first single on 1 January 2016. A music video was first", + "score": 0.78515625, + "summary": "\"Keeping Your Head Up\" is a single by English musician Birdy, from her third studio album \"Beautiful Lies\" (2016).", + "extraction": "\"Keeping Your Head Up\" is a single by English musician Birdy." + }, + { + "id": "16327722", + "title": "Hold Your Head Up", + "text": "Hold Your Head Up \"Hold Your Head Up\" is a song by the English rock band Argent, released as a single in 1972. The song was a Top 5 hit in both the US and UK, peaking at No. 5 in both countries. \"Billboard\" ranked it as the No. 50 song for 1972. The song appeared on the third Argent album \"All Together Now\". The album version is 6:15 while the single version is 3:15. The DJ edit has a run-time of 2:53. The song was written by Rod Argent and Chris White. The song was warmly received by music", + "score": 0.78271484375, + "summary": "The song \"Hold Your Head Up\" is by the English rock band Argent, released as a single in 1972. It was written by Rod Argent and Chris White and was a Top 5 hit in both the US and UK, peaking at No. 5 in both countries.", + "extraction": "irrelevant" + }, + { + "id": "13385415", + "title": "Keep Your Head to the Sky", + "text": "Reach The Top and Guru featuring Amel Larrieux on the track Guidance on his 2000 album . The song was also sampled by Kirk Franklin on the track Keep Your Head from his 2005 album Hero and by DMX on the track Head Up from his 2012 album Undisputed. Keep Your Head to the Sky \"Keep Your Head to the Sky\" is a single by R&B band Earth, Wind & Fire issued in 1973 by Columbia Records. The song rose to No. 23 on the Billboard Hot Soul Songs chart. Keep Your Head to the Sky was written by Maurice", + "score": 0.7783203125, + "summary": "The song \"Keep Your Head to the Sky\" was sung by Earth, Wind & Fire in 1973. The document mentions other artists who have sampled the song, including Kirk Franklin and DMX.", + "extraction": "\"Earth, Wind & Fire\" sings the song \"Keep Your Head to the Sky\"." + }, + { + "id": "13714855", + "title": "Girls Can't Catch", + "text": "was leaked at the time of the split. It included \"Turn Me Up\", a song co-written by Shaznay Lewis, and \"Alone\", co-written by Pixie Lott, as well as covers of Sarah Connor's \"You're The Kinda Man\" and Santigold's \"L.E.S. Artistes\". In June 2014, to mark the fifth anniversary of the \"Keep Your Head Up\" video release, the girls reunited for a final interview with Adam Iqbal in which they revealed that there were no plans for a Girls Can't Catch reunion and that it was very unlikely that there would ever be. They all confirmed that they were working on", + "score": 0.76708984375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "15652589", + "title": "Keep Your Head Down (song)", + "text": "Keep Your Head Down (song) \"Keep Your Head Down\" (Korean title: \uc65c \"Wae\"; \"Why\"), released in Japan as \"Why? (Keep Your Head Down)\", is a song recorded by South Korean pop group TVXQ (or Tohoshinki in Japan). Written by Yoo Young-jin and Yoo Han-jin, the Korean-language version of \"Keep Your Head Down\" was released by S.M. Entertainment on January 3, 2011 as the lead single for the group's fifth Korean studio album \"Keep Your Head Down\" (2011), TVXQ's first album since becoming a two-piece band with U-Know Yunho and Max Changmin. The Japanese-language version of \"Keep Your Head Down\", which", + "score": 0.76416015625, + "summary": "The song \"Keep Your Head Up\" is sung by a South Korean pop group called TVXQ (Tohoshinki in Japan).", + "extraction": "TVXQ sings the song \"Keep Your Head Down.\"" + }, + { + "id": "16327723", + "title": "Hold Your Head Up", + "text": "critics. The Hammond B3 solo on the track was cited by Rick Wakeman as the greatest organ solo ever. The track remained a staple on AOR-format radio stations for years after its release. Hold Your Head Up \"Hold Your Head Up\" is a song by the English rock band Argent, released as a single in 1972. The song was a Top 5 hit in both the US and UK, peaking at No. 5 in both countries. \"Billboard\" ranked it as the No. 50 song for 1972. The song appeared on the third Argent album \"All Together Now\". The album version", + "score": 0.7626953125, + "summary": "The song \"Hold Your Head Up\" was sung by the English rock band Argent in 1972.", + "extraction": "irrelevant. The passage does not provide any information about who sings the song \"You got to keep your head up\"." + }, + { + "id": "15198272", + "title": "Keep Your Head Down", + "text": "Down\", an SMP song Yunho performed at the concert, was chosen to be the album's lead single. The song was produced by Yoo Young-jin, who also produced the album's third track \"Maximum\", a dance-pop song that was originally recorded by all five TVXQ members in 2009. Bringing in a new line of producers including E-Tribe and Outsidaz, principal recording for \"Keep Your Head Down\" spanned three months. In November 2010, S.M. Entertainment announced TVXQ's return with \"Keep Your Head Down\" in January 2011. On December 20, 2010, two weeks ahead of the official album release, TVXQ released the digital single", + "score": 0.76220703125, + "summary": "The document is irrelevant to the question.", + "extraction": "irrelevant" + }, + { + "id": "7404834", + "title": "Keep Ya Head Up", + "text": "opens up with the words \"Dedicated to the memory of Latasha Harlins, it's still on\", in reference to the 1992 L.A. Riots. The video has a basic format with Shakur rapping in the middle of a circle surrounded by a crowd of people and in some scenes he is seen holding a young child. His mother Afeni Shakur also appears in the video. Jada Pinkett Smith (then known as Jada Pinkett) made a cameo appearance in the music video. The song was featured in the Tupac Biopic All Eyez On Me. Alyssa Rosenberg of \"Brisbane Times\" felt the song \"weaved", + "score": 0.759765625 + }, + { + "id": "16471499", + "title": "Me\u0301lissa Nkonda", + "text": "duo with American singer Andy Grammer with the song \"Keep Your Head Up\" (French title: Rel\u00e8ve la t\u00eate). M\u00e9lissa Nkonda M\u00e9lissa Nkonda, born November 6, 1990 in Saint-Saulve, Nord, France, is a French singer. She is known for having participated in season 7 of the French reality show \"Nouvelle Star\" in 2009. In 2010, she won a contest called \"Je veux signer chez AZ\" (I want to sign with AZ), organized by the French record label AZ. It was at the end of the contest that she signed a contract with that label. M\u00e9lissa is the daughter of an Algerian", + "score": 0.7587890625 + }, + { + "id": "6079874", + "title": "Strictly 4 My N.I.G.G.A.Z...", + "text": "\"Los Angeles Times\", Jonathan Gold found the production accomplished and 2Pac's raps \"sort of entertaining\" but regarded him as \"a gifted mimic\" with \"no discernible style of his own\" and \"not an especially deep thinker\". Robert Christgau singled out \"Keep Ya Head Up\" as the record's only worthy track. All lyrics by 2Pac, music compositions listed below. Holler If Ya Hear Me Pac's Theme Point the Finga Something 2 Die 4 (Interlude) Last Wordz Souljah's Revenge Peep Game Strugglin' Guess Who's Back Representin' 93 Keep Ya Head Up Strictly 4 My N.I.G.G.A.Z... The Streetz R Deathrow I Get Around Papa'z", + "score": 0.7578125 + }, + { + "id": "15652593", + "title": "Keep Your Head Down (song)", + "text": "song was originally written for Yunho, who recorded the song in early August 2010 and performed it at the SM Town Live '10 World Tour concert in Seoul on August 21, 2010. The Seoul concert marked Yunho and Changmin's first comeback appearance together since their split with former TVXQ members Kim Jae-joong, Park Yoo-chun, and Kim Jun-su in early 2010. The positive responses in their two-piece performances prompted Yunho and Changmin to return to the studios to finish the recording of TVXQ's fifth Korean studio album. \"Keep Your Head Down\" was then chosen as the lead single. The song debuted", + "score": 0.7568359375 + }, + { + "id": "15652594", + "title": "Keep Your Head Down (song)", + "text": "on South Korea's digital charts on January 3, 2011, the same day as the premiere of the song's music video. The Japanese version of the song was released as a CD and DVD single on January 26, 2011. \"Keep Your Head Down\" received mixed responses upon its release, and its lyrics came under media scrutiny. Starting off with the self-empowering English opening lines \"Do you know what time it is? This is return of the King\", TVXQ sing about their determination to return stronger after breaking up with a former lover. The song ends with the protagonist claiming that his", + "score": 0.7548828125 + }, + { + "id": "15652590", + "title": "Keep Your Head Down (song)", + "text": "was released on January 26, 2011 by Avex Trax, served as TVXQ's 31st Japanese single in Japan. It was the first single taken from their fifth Japanese studio album, \"Tone\" (2011). With elements of industrial hip hop and baroque pop, \"Keep Your Head Down\" is labeled as an SMP song, a staple genre in TVXQ's music. A sample of the song's original Korean-language version was first performed by Yunho at the SM Town Live '10 World Tour in August 2010, three months before the official announcement of TVXQ's Korean comeback. The full Korean single was released on January 3, 2011,", + "score": 0.7548828125 + }, + { + "id": "6960190", + "title": "Snoop's Upside Ya Head", + "text": "Snoop's Upside Ya Head \"Snoop's Upside Ya Head\" is the second European hit and the first single release of Snoop Doggy Dogg's 1996 second album \"Tha Doggfather\". The song heavily samples \"I Don't Believe You Want to Get Up and Dance (Oops)\" by the Gap Band and features new vocals from Gap Band's lead singer Charlie Wilson. It was released as a single in the UK on September 14, 1996. In the video an imaginary execution takes place where Snoop Doggy Dogg manages to escape from the electric chair (It refers to the end of Snoop's real life murder trial", + "score": 0.7529296875 + }, + { + "id": "15652591", + "title": "Keep Your Head Down (song)", + "text": "which was accompanied by the premiere of its music video on TVXQ's official video-sharing websites. The song was met with mixed reviews upon its debut. With lyrics talking about overcoming a relationship breakup, it was claimed that the song was a diss to JYJ, the three former members of TVXQ. Yunho and Changmin had denied the claims. Pervasively, \"Keep Your Head Down\" became one of the duo's most commercially successful songs. It topped real-time music charts upon its release and peaked at number five on Korea's Gaon Singles Chart. The song won seven music show trophies for three consecutive weeks", + "score": 0.751953125 + }, + { + "id": "15198267", + "title": "Keep Your Head Down", + "text": "Keep Your Head Down Keep Your Head Down is the fifth Korean studio album (ninth overall) by South Korean pop duo TVXQ, released on January 5, 2011 by S.M. Entertainment. Recording and writing for the album roughly began in the summer of 2010, but full production did not begin until August 2010, after U-Know Yunho and Max Changmin debuted their first performance as a duo at the SM Town Live '10 World Tour concert in Seoul, South Korea. Bringing in a new line of producers, including E-Tribe and Outsidaz, \"Keep Your Head Down\" largely consists of dance-pop songs with urban", + "score": 0.75146484375 + }, + { + "id": "13385414", + "title": "Keep Your Head to the Sky", + "text": "Keep Your Head to the Sky \"Keep Your Head to the Sky\" is a single by R&B band Earth, Wind & Fire issued in 1973 by Columbia Records. The song rose to No. 23 on the Billboard Hot Soul Songs chart. Keep Your Head to the Sky was written by Maurice White and produced by Joe Wissert. The track came off EWF's 1973 album, \"Head to the Sky\". Rolling Stone described Keep Your Head To The Sky as a song with \"a luscious, luminous quality\". \"Keep Your Head to the Sky\" was sampled by Jay Z on his 1994 track", + "score": 0.7509765625 + }, + { + "id": "15697071", + "title": "Andy Grammer (album)", + "text": "his own, but making the album allowed him to work with other writers as well. \"Keep Your Head Up\" was released in February 2011, and reached #53 on the Billboard Hot 100. The music video for the single gained considerable buzz due to a \"Choose Your Own Adventure\"-esque option with VEVO. The song was later certified platinum by RIAA. It was later featured in the 2012 film \"Pitch Perfect\". The album's second single was \"Fine by Me\" was released in December 2011, and peaked at #84 on the \"Billboard\" Hot 100 respectively. with the music video premiering in February 2012.", + "score": 0.74609375 + }, + { + "id": "423038", + "title": "Tupac Shakur", + "text": "and Grandmaster Flash and the Furious Five, as he became one of the first major socially conscious rappers from the West Coast. On his second record, Shakur continued to rap about the social ills facing African Americans, with songs such as \"The Streetz R Deathrow\" and \"Last Wordz\". He also showed his compassionate side with the anthem \"Keep Ya Head Up\", while simultaneously putting his legendary aggressiveness on display with the title track from the album \"Strictly 4 My N.I.G.G.A.Z...\" He added a salute to his former group Digital Underground by including them on the playful track \"I Get Around\".", + "score": 0.74560546875 + }, + { + "id": "15652592", + "title": "Keep Your Head Down (song)", + "text": "and sold over 1.3 million digital units in South Korea by the end of the year. In Japan, \"Keep Your Head Down\" was TVXQ's ninth single to top Japan's Oricon Singles Chart. It was certified platinum by the Recording Industry Association of Japan (RIAJ), becoming TVXQ's second best-selling single in Japan. \"Keep Your Head Down\", also known by its Korean title \"Why\" (\uc65c), was written, mixed, and arranged by brothers Yoo Han-jin and Yoo Young-jin, who also produced the song. An SMP song, \"Keep Your Head Down\" has musical influences of industrial hip hop, baroque pop, R&B, and rap. The", + "score": 0.74560546875 + }, + { + "id": "15697073", + "title": "Andy Grammer (album)", + "text": "of Jason Mraz, Michael Bubl\u00e9, and John Legend. It's all easily listenable, if scarcely original.\" Andy Grammer (album) Andy Grammer is the self-titled debut album from American recording artist Andy Grammer. It was released on June 14, 2011, via S-Curve Records. The album was preceded by the platinum-certified single \"Keep Your Head Up\", which was released on February 24, 2011. It was produced by Matt Wallace (Maroon 5), Matt Radosevich, Dave Katz, and Sam Hollander (Gym Class Heroes), and peaked at #105 on the US \"Billboard\" 200 chart as well as #1 on the \"Billboard\" Heatseekers Albums chart. Grammer was", + "score": 0.74462890625 + }, + { + "id": "14304676", + "title": "Incredible Kidda Band", + "text": "studio visits, including to Denmark Street Studios on 22 January 1984 to record several live favourites such as \"Hold my head up high\". On 10 November 1984 the band performed live at University of Essex in support of Orange Juice featuring Edwyn Collins. Having played regularly at The Bridgehouse in Canning Town, the band hooked up with the owner/promoter Terry Murphy's own Vinyl Cuts Record label to release their fifth single, \"Hold your head up high\" and \"I wouldn't treat a dog (Like you treat me)\", in June 1985. Murphy was also manager of Wasted Youth and father to boxer", + "score": 0.744140625 + }, + { + "id": "15487273", + "title": "Andy Grammer", + "text": "currently resides. In 2007, he graduated from the California State University, Northridge, with a B.A. in music industry studies. Grammer started as a busker on the Third Street Promenade in Santa Monica. He was discovered by his manager Ben Singer in July 2009 and signed with label S-Curve Records in April 2010. Grammer's popular songs include: \"Honey, I'm Good\", \"Keep Your Head Up\", \"Fine By Me\", \"Lunatic\", \"Ladies\", \"Fresh Eyes\", \"Biggest Man in L.A.\", \"Numbers\", \"Stepping Stone\", \"Couple More Sleeves\", \"Fireflies\", and \"The Pocket\". His debut video \"Keep Your Head Up\", which featured actor Rainn Wilson, was an iTunes Video", + "score": 0.74365234375 + }, + { + "id": "14144909", + "title": "DJ Daryl", + "text": "songs (5 out of 14) from the album and released them. \u201cKeep Ya Head Up\u201d (DJ Daryl\u2019s first platinum hit) on Tupac\u2019s second studio album Strictly 4 My N.I.G.G.A.Z., peaked at #2 on the Billboard Hot Rap Singles chart, #7 on the Billboard R&B/Hip Hop chart and #12 on the Billboard Hot 100 chart. The song reached platinum status and appears on various albums and in films. 2Pac's Greatest Hits album has sold over 10 million copies to date, awarding DJ Daryl a Diamond Award from the R.I.A.A. He produced other songs for Tupac such as: \u201cLet Them Thangs Go,", + "score": 0.74267578125 + }, + { + "id": "15351146", + "title": "Death of Latasha Harlins", + "text": "small fire occurred at her store. During the 1992 riots, Du's store was looted and burned down, and it never reopened. The property later became a market under different ownership. Hip-hop artist Tupac Shakur took particular note of Harlins's death and in 1993 released a song entitled \"Keep Ya Head Up\" which was dedicated to Latasha Harlins. Thereafter, Shakur made frequent mention of Harlins in his songs, including in tracks like \"Something 2 Die 4 (Interlude)\" (\"Latasha Harlins, remember that name... 'Cause a bottle of juice is not something to die for\"), \"Thugz Mansion\" (\"Little Latasha, sho' grown/Tell the lady", + "score": 0.74267578125 + }, + { + "id": "15063634", + "title": "Get Back Up (T.I. song)", + "text": "on this consistently misfiring album, which was recorded while T.I. was under house arrest for weapons charges (he's currently back in the slammer for probation violation), is Get Back Up. It claims the Atlanta MC is sorry for his misdeeds \u2013 but not that sorry \u2013 and finishes by painting him as the real victim (\"As soon as you fall down, all the haters pass judgment\"). The icing on the cake is provided by the equally tarnished Chris Brown, who sings the chorus: \"When they push you down, you gotta get back up.\" Nice.\" David Amidon wasn't happy either: \"\u201cGet", + "score": 0.7421875 + }, + { + "id": "15697070", + "title": "Andy Grammer (album)", + "text": "Andy Grammer (album) Andy Grammer is the self-titled debut album from American recording artist Andy Grammer. It was released on June 14, 2011, via S-Curve Records. The album was preceded by the platinum-certified single \"Keep Your Head Up\", which was released on February 24, 2011. It was produced by Matt Wallace (Maroon 5), Matt Radosevich, Dave Katz, and Sam Hollander (Gym Class Heroes), and peaked at #105 on the US \"Billboard\" 200 chart as well as #1 on the \"Billboard\" Heatseekers Albums chart. Grammer was \"fully involved in the creative process\" of the album. He prefers to write songs on", + "score": 0.740234375 + }, + { + "id": "15864164", + "title": "Every Kingdom", + "text": "The song \"Old Pine\" is the music video version of the original found on the \"Old Pine\" EP. A remix of the song by Everything Everything was released by Howard as a single on 20 July 2012. The songs \"The Wolves\" and \"These Waters\" are re-recordings of the original versions found on the \"These Waters\" EP. The song \"Keep Your Head Up\" is a re-recording of the original version found on the \"Games in the Dark\" EP. The song \"Black Flies\" was released on 21 April 2012 as a 100-copy limited edition LP as part of the 2012 edition of", + "score": 0.740234375 + }, + { + "id": "17750139", + "title": "Before U Go", + "text": "Korea's Gaon Albums Chart and the Hanteo Chart, boosting the sales for the original album, \"Keep Your Head Down\". The lead single, \"Before U Go\", peaked at number thirteen on the Gaon Singles Chart and number one on various online music charts, receiving generally positive reviews from music critics. The single also won number-one trophies on music programs \"The Music Trend\" and \"Music Bank\". Their first album as a duo, \"Keep Your Head Down\" was released in January 2011. U-Know Yunho and Max Changmin recorded the album between 2009 and 2010, and had to re-record some tracks after their split.", + "score": 0.7392578125 + }, + { + "id": "13714854", + "title": "Girls Can't Catch", + "text": "debut single, \"Keep Your Head Up\", was released on 3 August 2009 and entered the UK Singles Chart at number 26. They performed at the iTunes Festival, performing their second single, \"Echo\". In November 2009, they were the opening act in the UK for the Jonas Brothers on the European leg of their sold-out world tour. In March 2010, the girls headlined National Student Pride in Brighton. It was reported on 12 July 2010 that the band had been dropped by their record label. The following day, the group announced on their website that they had disbanded. Their unreleased album", + "score": 0.7392578125 + }, + { + "id": "19740916", + "title": "Jodie Abacus", + "text": "July 2016. It was shot in Los Angeles and was inspired by the video \"People React To Being Called Beautiful\" by Shea Glover Films. On 4 September 2016, Jodie Abacus was the musical guest on the Channel 4 show Sunday Brunch. He supported Corinne Bailey Rae on her UK tour in October/November 2016. He recorded a live session for YouTube Music Foundry, where he performed \"Keep Your Head Down\", inspired by the Syrian refugee crisis. The song was released as a single on 9 December 2016. Jodie Abacus Jodie Abacus is a British musician from Lewisham in South East London.", + "score": 0.73876953125 + }, + { + "id": "4963687", + "title": "Argent (band)", + "text": "same year) by Australian supergroup the Partyboys The band Jellyfish opened most of their shows with an abbreviated version of \"Hold Your Head Up\". Mother Love Bone covered \"Hold Your Head Up\" which was recorded in 1989. Their version was released on a promotional only 7\" vinyl in 1989. It was reissued on 7\" vinyl in 2014 as a limited edition Black Friday Record Store Day release on Stardog/Republic Records. Phish play an instrumental version of \"Hold Your Head Up\", usually as a transition into a \"joke song\" by drummer Jon Fishman. Argent also recorded the original version of \"God", + "score": 0.73828125 + }, + { + "id": "12035563", + "title": "George Sampson", + "text": "of Take That if he could get Sampson to sing, but it turned out he already liked to sing from a young age. His debut double a-side single entitled \"Get Up on the Dance Floor/Headz Up\" was released on 24 November 2008, with the proceeds going to Great Ormond Street Hospital. After an early fault that meant the single couldn't be downloaded from iTunes for two days, the single finally debuted at number 30 in the UK Singles Chart and remained listed for 4 weeks. The single's position in the charts gradually lowered during that time. On 1 December 2008,", + "score": 0.73828125 + }, + { + "id": "20231115", + "title": "Head Up High (Oh Land song)", + "text": "eventually places a mask on top of head and grabs a baseball bat. She then proceeds to throw a potted plant and vase of flowers against a brick wall, knock over a glass of orange juice, and smash a desktop computer. The news team behind \"Nothing but Hope and Passion\" described the visual as \"atmospheric\". A live performance of \"Head Up High\" was also uploaded to the singer's Vevo account on September 25, 2015. Credits and personnel adapted from \"Earth Sick\" liner notes. Head Up High (Oh Land song) \"Head Up High\" is a song by Danish singer-songwriter Oh Land,", + "score": 0.73828125 + }, + { + "id": "13714851", + "title": "Girls Can't Catch", + "text": "Girls Can't Catch Girls Can't Catch were a British girl group. Their debut single, \"Keep Your Head Up\", entered the UK Singles Chart at number 26. Their second single, \"Echo\", was released on 18 January 2010, debuting at number 19 on the chart. The band were dropped by their record company, Polydor Records, on 12 July 2010. They disbanded a day later. The girls were scouted by their label, Polydor, and then were asked to be in a new girl band. One founding member of the group, Phoebe Brown, was previously in a girl group called Hope, which rose to", + "score": 0.736328125 + }, + { + "id": "7541917", + "title": "Russ Ballard", + "text": "Argent's smash \"Hold Your Head Up\". In 1972, Ballard performed on Colin Blunstone's album \"Ennismore\", which was produced by Chris White. Ballard also wrote the hit single, \"I Don't Believe in Miracles\", which featured on that album. He left Argent in 1974 and pursued a solo and songwriting career. He wrote such hits as Three Dog Night's \"Liar\" (originally recorded by Argent), Hot Chocolate's 1977 UK chart topper \"So You Win Again\", and Rainbow's 1979 hit \"Since You Been Gone\". Head East had also recorded the song in 1978 for its self-titled album, and before that it was included in", + "score": 0.73388671875 + }, + { + "id": "3996309", + "title": "Hollyoaks", + "text": "Later\". In 2009, McFly featured in the show and played a song in the SU Bar. They also had speaking roles and convinced characters Justin Burton and Hannah Ashworth to go out. Later that year Girls Can't Catch performed \"Keep Your Head Up\" during the college graduation party. In July 2013, \"Hollyoaks\" also featured 'Off The Wall Oompah' Band Hosen Brass, playing a selection of their own cover versions for Darren's Bavarian Night(s) at the Dog In The Pond. Hosen Brass featured on two consecutive episodes over the Friday and the Monday evening. \"Hollyoaks\" was previously sponsored by Nescaf\u00e9, which", + "score": 0.73388671875 + }, + { + "id": "17750138", + "title": "Before U Go", + "text": "Before U Go Before U Go (; \"just know this before you go\") is the repackage of \"Keep Your Head Down\" (2011), the fifth Korean studio album by South Korean pop duo TVXQ. It was released on March 16, 2011 by S.M. Entertainment, two months after the original record. The repackage features three new tracks, all of which are remixes of the album's only lead single, \"Before U Go.\" The single is produced by TVXQ's frequent collaborator Yoo Young-jin, who also produced their fifth album lead single \"Keep Your Head Down\". \"Before U Go\" debuted at number one on South", + "score": 0.73291015625 + }, + { + "id": "6960192", + "title": "Snoop's Upside Ya Head", + "text": "the jail. It stars Vincent Schiavelli as the prison governor, Wilson as the prison guard, and Uncle Junebug as the old Snoop in prison. DJ Pooh makes a cameo appearance as a DJ in the prison. Snoop's Upside Ya Head \"Snoop's Upside Ya Head\" is the second European hit and the first single release of Snoop Doggy Dogg's 1996 second album \"Tha Doggfather\". The song heavily samples \"I Don't Believe You Want to Get Up and Dance (Oops)\" by the Gap Band and features new vocals from Gap Band's lead singer Charlie Wilson. It was released as a single in", + "score": 0.73291015625 + }, + { + "id": "15198274", + "title": "Keep Your Head Down", + "text": "of the album's special edition. On January 11, S.M. Entertainment released a free TVXQ iPhone app to promote the album. On January 12, 2011, physical copies of the normal edition were distributed to retailers. \"Keep Your Head Down\" received generally positive reviews from music critics and K-pop fans, who have praised the album's \"powerful\" production and its cohesive blend of pop and R&B. The lyrics of \"Keep Your Head Down\", which talks about recovering from a relationship breakup, came under intense media scrutiny after it was claimed that it was written as a diss track to former members JYJ, who", + "score": 0.732421875 + }, + { + "id": "19599884", + "title": "Keep Your Head Down, Fritzie Boy", + "text": "Keep Your Head Down, Fritzie Boy \"Keep Your Head Down, Fritzie Boy\" is a World War I song written and composed by Gitz Rice. This song was published in 1918 by Leo. Feist, Inc., in New York, NY. The cover features a photo of Gitz Rice and reads \"inspired by a brave Tommy and written at the Battle of Ypres, 1915.\" The song was in the top 20 charts from July to October 1918 and reached number 11 in August. It was recorded by both the American Quartet and Arthur Fields. The sheet music can be found at the Pritzker", + "score": 0.73193359375 + }, + { + "id": "15198269", + "title": "Keep Your Head Down", + "text": "of January 8, 2011, and maintained its number-one position for a second week. By the end of the month, Gaon reported that 230,227 copies were shipped. By the end of the year, 263,412 copies of the album were sold in South Korea alone, making it the third best-selling album of 2011. \"Before U Go\", the repackage of \"Keep Your Head Down\", was released on March 16, 2011. The album was expanded to fourteen tracks, and its lead single \"Before U Go\" achieved moderate success on the Gaon Singles Chart. In July 2009, Hero Jaejoong, Micky Yoochun, and Xiah Junsu filed", + "score": 0.7314453125 + }, + { + "id": "19358199", + "title": "Get Up! (EP)", + "text": "Get Up! (EP) Get Up! (stylized as \"GET UP! ep\") is female duo Soulhead's first extended play. It was released on July 30, 2003 and contained four new songs. It also received a limited edition \"analog version,\" which had been released two weeks prior on July 16, 2003. The single charted on Oricon at #28 for the daily ranking. Only the title track made it to the corresponding album \"Braided.\" All of the songs on the EP were written by Soulhead and arranged by both Soulhead and Octopussy. The song is a dance track about being with family, even when", + "score": 0.73095703125 + }, + { + "id": "4373986", + "title": "I Love the '90s: Part Deux", + "text": "on Zima Ben Stein's Pimpest Tracks of 1994: \"Keep Ya Head Up\" by 2pac, \"U.N.I.T.Y.\" by Queen Latifah and \"Fantastic Voyage\" by Coolio Bootyfone: \"Bump n' Grind\" by R. Kelly, \"I Wanna Be Down\" by Brandy and \"I Swear\" by All-4-One College Radio Cut of 1994: \"Cut Your Hair\" by Pavement Guys We'll Go Gay For!: Woody Harrelson and Dante or Randal Raw: Juliette Lewis on Shaggy Ben Stein's Pimpest Tracks of 1995: \"Player's Anthem\" by Junior M.A.F.I.A., \"I Wish\" by Skee-Lo and \"Big Poppa\" by Notorious B.I.G. Guys We'll Go Gay For!: Patrick Swayze and Tom Hanks Bootyfone: \"Water", + "score": 0.7294921875 + }, + { + "id": "19599885", + "title": "Keep Your Head Down, Fritzie Boy", + "text": "Military Museum & Library. Keep Your Head Down, Fritzie Boy \"Keep Your Head Down, Fritzie Boy\" is a World War I song written and composed by Gitz Rice. This song was published in 1918 by Leo. Feist, Inc., in New York, NY. The cover features a photo of Gitz Rice and reads \"inspired by a brave Tommy and written at the Battle of Ypres, 1915.\" The song was in the top 20 charts from July to October 1918 and reached number 11 in August. It was recorded by both the American Quartet and Arthur Fields. The sheet music can be", + "score": 0.72900390625 + }, + { + "id": "3446433", + "title": "Inaya Day", + "text": "Mousse T, who produced a dance single \"Keep Pushin\", which went on to reach No. 2 on the \"Billboard\" dance charts. She then sang chorus for Mousse T's track \"Horny\", which later gained in popularity when additional vocals from the duo Hot 'N' Juicy were added to the song. \"Horny\" reached No. 1 on the \"Billboard\" dance chart. The follow-up song \"Hold Your Head Up High\", with Booom!, reached No. 6 on the \"Billboard\" dance chart. In 1997, she released the club anthem \"Movin' Up\", credited as DJ Mike Cruz Presents Inaya Day and Chyna Ro. For this record, long", + "score": 0.728515625 + }, + { + "id": "15639254", + "title": "How to Love", + "text": "reasons.\" Furthermore, Wayne stated regarding the track that \"A lot of people don't open up that can and I figured that I can open up that can of worms and see what happens.\" Lil Wayne also revealed that for the acoustic-driven How To Love, he pulled inspiration from late rapper Tupac Shakur\u2019s inspirational 1993 hit, Keep Ya Head Up and said \u201cThat song is just sweeping the world. It\u2019s touching every woman, that\u2019s what it was for,\u201d he said. \u201cIt was like Tupac had \u2018Keep Ya Head Up\u2019 and it was a message to women and little girls across the", + "score": 0.72802734375 + }, + { + "id": "20231107", + "title": "Head Up High (Oh Land song)", + "text": "Head Up High (Oh Land song) \"Head Up High\" is a song by Danish singer-songwriter Oh Land, taken from her fourth studio album \"Earth Sick\" (2014). It was released as the album's lead single on 14 October 2014 through Tusk or Tooth Records. The single was written and produced solely by Oh Land. In order to record both the song and the parent album, the singer relied on donations from fans to a PledgeMusic campaign she created. Described as a dance-pop recording, \"Head Up High\" originated as a song written for a close friend of Oh Land who was having", + "score": 0.7275390625 + }, + { + "id": "12754725", + "title": "Get Up on the Dance Floor/Headz Up", + "text": "Get Up on the Dance Floor/Headz Up Get Up on the Dance Floor/Headz Up is the debut double A-side single of street dancer George Sampson who won the 2008 edition of \"Britain's Got Talent\". It was released on 24 November 2008 and all proceeds were donated to Great Ormond Street Hospital. Simon Cowell initially planned to only release dance videos with Sampson, but after seeing fan responses to Sampson, he wanted to do more. Eventually a video was choreographed by street-dance and Cirque du Soleil star Mukhtar Omar Sharif Mukhtar. Simon Cowell then asked the agent of Take That if", + "score": 0.72705078125 + }, + { + "id": "5384571", + "title": "TVXQ", + "text": "did not regret their decision in leaving S.M. Entertainment. The lyrics of \"Keep Your Head Down\" also came under media scrutiny, with claims that they were directed at JYJ; however, TVXQ clarified that \"Keep Your Head Down\" was not a diss track, and that similar claims would still happen even if they were to release a different song with different lyrics. Yunho said, \"The song is about a man's mind towards a woman who had left him. We can sometimes find out that a certain song seems to talk about my own story. In this way it totally depends on", + "score": 0.72705078125 + }, + { + "id": "13714856", + "title": "Girls Can't Catch", + "text": "different solo projects, including recording new music individually. Girls Can't Catch Girls Can't Catch were a British girl group. Their debut single, \"Keep Your Head Up\", entered the UK Singles Chart at number 26. Their second single, \"Echo\", was released on 18 January 2010, debuting at number 19 on the chart. The band were dropped by their record company, Polydor Records, on 12 July 2010. They disbanded a day later. The girls were scouted by their label, Polydor, and then were asked to be in a new girl band. One founding member of the group, Phoebe Brown, was previously in", + "score": 0.7265625 + }, + { + "id": "17750140", + "title": "Before U Go", + "text": "\"Keep Your Head Down\" was a commercial success upon its release, peaking at number one on the \"Gaon Albums Chart\" and maintained that position for two weeks. \"Keep Your Head Down\" received generally positive reviews from music critics and had nearly 240,000 shipments by mid-year, winning Gaon's Album of the Year award for the first quarter of 2011. In early March 2011, S.M. Entertainment announced the repackage of \"Keep Your Head Down\", titled \"Before U Go\". The repackage was released on March 16, while the Japanese version of the release, which includes the Japanese version of the lead single \"Before", + "score": 0.7255859375 + }, + { + "id": "15652595", + "title": "Keep Your Head Down (song)", + "text": "former lover has \"[been] erased, disappeared, died\" in his heart, and that she no longer ceases to exist. Korean netizens claimed that the song was a diss to former members Jaejoong, Yoochun, and Junsu, who were still in legal disputes with TVXQ's agency S.M. Entertainment at the time of the song's release. Yunho and Changmin clarified that the lyrics of \"Keep Your Head Down\" were not directed at the trio, and that the lyrics were written in a style that could be interpreted in different ways. Keep Your Head Down (song) \"Keep Your Head Down\" (Korean title: \uc65c \"Wae\"; \"Why\"),", + "score": 0.72509765625 + }, + { + "id": "19456519", + "title": "Get Up (R3hab and Ciara song)", + "text": "Get Up (R3hab and Ciara song) \"Get Up\" is a song by Dutch DJ R3hab and American R&B singer Ciara. It was written by R3hab and Ciara and produced by R3hab. It was released on 29 January 2016. It has been streamed over 1.11 million times on SoundCloud. In April 2015, Ciara surprised fans during a performance with DJ R3hab's setlist at the Coachella Valley Music and Arts Festival. The Grammy Award-winning artist joined the DJ for two songs in the Sahara Tent Friday night which included \"Get Up\" and the R3hab remix of her then latest single \"I Bet\".", + "score": 0.724609375 + }, + { + "id": "15198273", + "title": "Keep Your Head Down", + "text": "\"Athena\", the theme song for the South Korean television drama \"\". Two versions of the album were subsequently announced \u2013 a special edition with a 100-page photobook; and a normal edition, which includes one bonus track. A week before the album's official release, two teaser trailers for the music video of lead single \"Keep Your Head Down\" began airing on television and other broadcast media around South Korea. \"Keep Your Head Down\" was digitally released on January 3, 2011, and the full album was made available for download on January 5, 2011, the same day as the traditional CD release", + "score": 0.72412109375 + }, + { + "id": "5200324", + "title": "Still I Rise (album)", + "text": "from 2Pac's close producers Tony Pizarro, Johnny \"J\" and QDIII, and appearances from Big Syke and Nate Dogg. The album features mostly tracks from Shakur while he was on Death Row. \"Baby Don't Cry (Keep Ya' Head Up II)\" which features female group H.E.A.T. was the only single from the album. The song \"Letter to the President\" is featured in the film \"Training Day\" (2001). The album debuted at #7 on the Billboard 200 chart and sold 408,000 in the first week. It was certified Platinum February 2, 2000. It eventually sold 1,692,316 by 2011, according to Nielsen Soundscan. By", + "score": 0.72412109375 + }, + { + "id": "20408198", + "title": "Untold Tales", + "text": "to Babb, the song had \"some sonic issues\" in its finale, and the band was never quite satisfied with the mixing. A new ending was written and recorded for \"Untold Tales\", while the rest of the song consists of the original recording. Babb \"literally found [the recording] hiding on a backup drive\". The album features two cover songs. The first, \"Hold Your Head Up\" (originally by Argent), was first performed by Glass Hammer in 1996 during the festival Progscape. Babb estimates that the studio version was recorded \"around that time, probably in 1997\". The other cover is \"It's All Too", + "score": 0.7216796875 + }, + { + "id": "15063633", + "title": "Get Back Up (T.I. song)", + "text": "Get Back Up (T.I. song) \"Get Back Up\" is a song by American hip hop recording artist T.I., released on October 29, 2010, as the fifth single from his seventh studio album \"No Mercy\" (2010). The song, produced by production team The Neptunes, features vocals from American R&B singer Chris Brown. Andy Kellman of AllMusic highlighted it. Brad Wete wrote a more mixed review: \"On \"Get Back Up,\" he arrogantly apologizes for being human rather than for his crimes. That crown must be getting heavy.\" The Guardian panned the song for its scandalous nature: \"One of the less likable tracks", + "score": 0.7216796875 + }, + { + "id": "15198275", + "title": "Keep Your Head Down", + "text": "left the group in 2010. Several TVXQ and JYJ fansites also withdrew their support for the song. Yunho and Changmin clarified that the lyrics were misinterpreted, stating, \"It's just a song about a man's anger towards the woman that threw him away. That's all.\" The album has been commercially successful across Asia. In South Korea, it immediately shot to number one on the real-time daily charts of Hanteo, selling nearly 30,000 physical copies on its first day of release. \"Keep Your Head Down\" debuted at number one on the weekly Gaon Albums Chart and maintained its number one position for", + "score": 0.720703125 + }, + { + "id": "14855990", + "title": "Keep On Walkin' (song)", + "text": "Keep On Walkin' (song) \"Keep On Walkin'\" is a 1992 song by the musician CeCe Peniston, recorded for her debut album release \"Finally\" on A&M Records. The song (written by Steve Hurley, Marc Williams and Kym Sims) was released as the singer's third single from the album and was her third number one on the \"Billboard\" Hot Dance Music/Club Play chart. In addition, the single peaked at number three on the US R&B chart, number fifteen on the Hot 100, and number ten in the UK. \"Special Extended\" remix version of the track was later issued on \"I'm in the", + "score": 0.7197265625 + }, + { + "id": "15198277", + "title": "Keep Your Head Down", + "text": "television drama \"Paradise Ranch\", was released on January 26, 2011 and only managed to peak at number 111 on the Gaon Singles Chart. Keep Your Head Down Keep Your Head Down is the fifth Korean studio album (ninth overall) by South Korean pop duo TVXQ, released on January 5, 2011 by S.M. Entertainment. Recording and writing for the album roughly began in the summer of 2010, but full production did not begin until August 2010, after U-Know Yunho and Max Changmin debuted their first performance as a duo at the SM Town Live '10 World Tour concert in Seoul, South", + "score": 0.71923828125 + }, + { + "id": "5384569", + "title": "TVXQ", + "text": "The album's title single, \"Keep Your Head Down\" also stayed strong on the charts, winning seven number-one trophies on music shows \"The Music Trend\", \"Music Bank\", and \"M! Countdown.\" The Japanese version \"Keep Your Head Down\", which was released as a physical single in Japan on January 26, 2011, was a chart-topper and became TVXQ's second best-selling single in Japan, earning a platinum certification by the RIAJ. In March 2011, \"Keep Your Head Down\" was reissued with a new single, \"Before U Go\", and the repackaged album \"Before U Go\" peaked at number nine on the Gaon, pushing the album", + "score": 0.71923828125 + }, + { + "id": "13724620", + "title": "Straighten Up and Fly Right", + "text": "into battle. The song was used in the season 4 episode of \"Tales from the Crypt\", \"Split Personality\". The song was used in NBC's drama series \"This Is Us\", \"The best washing machine in the whole world\". Rebecca Pearson (played by Mandy Moore) sang the song during rehearsal. Straighten Up and Fly Right \"Straighten Up and Fly Right\" is a 1943 song written by Nat King Cole and Irving Mills and performed by The King Cole Trio. It was the trio's most popular single reaching number one on the Harlem Hit Parade for ten nonconsecutive weeks. The single also peaked", + "score": 0.71826171875 + }, + { + "id": "8026646", + "title": "Get Up (Ciara song)", + "text": "Get Up (Ciara song) \"Get Up\" is a song by American recording artist Ciara. Released on July 25, 2006, the song serves as the first single from the original soundtrack to the film \"Step Up\" (2006), as well as the lead single for her second album, \"\". It features American rapper Chamillionaire. The song was written by the singer and rapper with her mentor Jazze Pha, who produced the song. The song is a hip-hop number, accompanied by R&B and dance music sounds, while integrating a mild crunk beat. The song received generally positive reviews from music critics, who compared", + "score": 0.716796875 + }, + { + "id": "6765492", + "title": "I Get Up", + "text": "tracks on the EA Sports Rugby series \"Rugby 2004\". I Get Up \"I Get Up\" was a single that was released in 2003 by Australian band INXS. The song was written by Andrew Farriss and Jon Stevens. It was the first new material by INXS since their former frontman Michael Hutchence died by suicide on 22 November 1997. The lead singer on \"I Get Up\" is former Noiseworks frontman Jon Stevens. It is the only studio recorded material by INXS with Stevens singing. Stevens resigned from INXS by the end of 2003 because of \"differing views\" about the bands' future.", + "score": 0.71630859375 + }, + { + "id": "12714996", + "title": "Oops Up Side Your Head", + "text": "Oops Up Side Your Head \"I Don't Believe You Want to Get Up and Dance (Oops!)\", (re-titled \"Oops Up Side Your Head\" on the single as well as being known by other titles such as \"Oops Upside Your Head\"), is a 1979 funk anthem recorded by the R&B group The Gap Band. Released off their fourth studio album, \"The Gap Band II\", the song and its parent album both achieved commercial success. The single was released in several countries in different formats. In the United States, it was a 12\" with the B-side being \"Party Lights\". In the Netherlands, the", + "score": 0.7158203125 + }, + { + "id": "9744157", + "title": "All Together Now (Argent album)", + "text": "tracks include \"God Gave Rock and Roll to You\", which, owing to the popular cover/remake by Kiss, is one of Argent's best-known songs. In 2009, for their reunion, Mr. Big recorded a cover of \"Hold Your Head Up\" and played it throughout the tour. Uriah Heep also covered the song on their 1989 album \"Raging Silence\". All bonus tracks were previously released on albums, except \"Kingdom\", which was the flip side of the \"Celebration\" single, and \"Closer to Heaven\" which was the B-side of the single \"Hold Your Head Up\". In 2012, Esoteric Recordings of Europe released the album (ECLEC", + "score": 0.7158203125 + }, + { + "id": "10256989", + "title": "The Party Boys", + "text": "studio album, \"The Party Boys\", which featured six original tracks, plus covers of AC/DC, Argent The Angels, Them and La De Das songs. The Argent tune, \"Hold Your Head Up\", was issued as a single in November, which peaked at No. 19. However Swan left the band for contractual reasons and to work on a film, \"Chase the Moon\", which was never completed. Swan was briefly replaced by Graham Bonnet, the UK singer who had recorded with an array of bands including The Marbles, Rainbow and Alcatrazz and who had enjoyed solo success as a solo artist in the 1970s.", + "score": 0.71484375 + }, + { + "id": "14673743", + "title": "Don't Give Up (Island Inspirational All-Stars song)", + "text": "Don't Give Up (Island Inspirational All-Stars song) \"Don't Give Up\" is a 1996 song by the Island Inspirational All-Stars (Kirk Franklin, Hezekiah Walker, Donald Lawrence, and Karen Clark Sheard). The song appears on the soundtrack of the 1996 film \"Don't Be a Menace to South Central While Drinking Your Juice in the Hood\". The project of these artists was a part of Island Records' exploration into the gospel music scene. The song peaked in the top 30 of the U.S. R&B chart. Proceeds from the sale of the single were donated to the rebuilding of black churches destroyed by arson.", + "score": 0.71484375 + }, + { + "id": "12754728", + "title": "Get Up on the Dance Floor/Headz Up", + "text": "but there is a sense of fun to it which may well appeal to anyone under about 16 years of age.\" It debuted and peaked at number 30 on the UK Singles Chart Get Up on the Dance Floor/Headz Up Get Up on the Dance Floor/Headz Up is the debut double A-side single of street dancer George Sampson who won the 2008 edition of \"Britain's Got Talent\". It was released on 24 November 2008 and all proceeds were donated to Great Ormond Street Hospital. Simon Cowell initially planned to only release dance videos with Sampson, but after seeing fan responses", + "score": 0.71484375 + }, + { + "id": "6765491", + "title": "I Get Up", + "text": "I Get Up \"I Get Up\" was a single that was released in 2003 by Australian band INXS. The song was written by Andrew Farriss and Jon Stevens. It was the first new material by INXS since their former frontman Michael Hutchence died by suicide on 22 November 1997. The lead singer on \"I Get Up\" is former Noiseworks frontman Jon Stevens. It is the only studio recorded material by INXS with Stevens singing. Stevens resigned from INXS by the end of 2003 because of \"differing views\" about the bands' future. \"I Get Up\" was used as one of the", + "score": 0.71435546875 + }, + { + "id": "4211214", + "title": "S-Curve Records", + "text": "Roots, \"Betty Wright: The Movie\" was nominated for a Grammy in the \"Best Traditional R&B Performance\" category. Andy Grammer's debut album has yielded the hit singles \"Keep Your Head Up\" (certified Platinum in the U.S.) \"Miss Me\" and \"Fine By Me\" (certified Gold). His follow-up album, \"Magazines or Novels\", contained the triple-platinum selling single \"Honey, I'm Good\" and the gold-certified \"Good to Be Alive (Hallelujah)\". Grammar's 2016 release \"Fresh Eyes\" has been certified Platinum in the US, Canada and Australia. In July, 2012, S-Curve released Joss Stone's \"the Soul Sessions Vol. II\", a sequel to her 2003 debut album, produced", + "score": 0.7138671875 + }, + { + "id": "19325502", + "title": "Get Up, Stand Up (Phunky Phantom song)", + "text": "Chart in May 1998. Get Up, Stand Up (Phunky Phantom song) \"Get Up, Stand Up\" is a song by house music DJ/producer Laurence Nelson, who recorded the track under the project Phunky Phantom. The track features the repeated use of the only lyrics on the song, \"Get up, stand up, strut your funky stuff sure enough\", which was sampled from a 1979 disco song called \"Strut Your Funky Stuff\" by the American group Frantique. This was Nelson's only song to make the Hot Dance Club Play chart, reaching number one on October 11, 1997. The same track reached number 27", + "score": 0.7138671875 + }, + { + "id": "9900508", + "title": "Swanee (singer)", + "text": "of The Party Boys, a touring band with floating membership, formed in 1983 by Paul Christie of Mondo Rock. Swan's tenure with the band proved to be the group's most successful period. A cover of the John Kongos hit \"He's Gonna Step on You Again\" was a No. 1 hit and was followed up by a version of Argent's \"Hold Your Head Up\" that also went Top 20. The band's self-titled album made the Top 5. Swan's deal with the band was originally only meant he would only stay long enough to record the album and complete a tour supporting", + "score": 0.7138671875 + }, + { + "id": "8758835", + "title": "Chris White (musician)", + "text": "the twelve songs on the band's album and generally acknowledged masterpiece, \"Odessey and Oracle\". White also contributed lead vocals to \"Butcher's Tale (Western Front 1914)\" and a verse of \"Brief Candles\". His song \"I Love You\", originally recorded by the Zombies in 1965, was a hit for the band People! in 1968. Following the demise of the Zombies, White contributed songwriting and production work to Colin Blunstone's solo career and Rod Argent's new band, Argent. With Argent he co-wrote their 1972 hit \"Hold Your Head Up\". In 2007, as part of the band White Circle, he co-wrote, co-produced and performed", + "score": 0.71337890625 + }, + { + "id": "17750150", + "title": "Before U Go", + "text": "petition to refute their decision. \"Before U Go\" debuted at number one on South Korea's \"Gaon Albums Chart\" and the \"Hanteo Chart\", selling 55,243 copies by July 2011. By the end of the year, \"Before U Go\" sold 60,709 copies. Including \"Keep Your Head Down\", the albums collective sold over 324,000 copies in South Korea and 89,000 copies in Japan. Before U Go Before U Go (; \"just know this before you go\") is the repackage of \"Keep Your Head Down\" (2011), the fifth Korean studio album by South Korean pop duo TVXQ. It was released on March 16, 2011", + "score": 0.71337890625 + }, + { + "id": "8026657", + "title": "Get Up (Ciara song)", + "text": "\"MTV Goes Gold: New Year's Eve 2007\". Source Get Up (Ciara song) \"Get Up\" is a song by American recording artist Ciara. Released on July 25, 2006, the song serves as the first single from the original soundtrack to the film \"Step Up\" (2006), as well as the lead single for her second album, \"\". It features American rapper Chamillionaire. The song was written by the singer and rapper with her mentor Jazze Pha, who produced the song. The song is a hip-hop number, accompanied by R&B and dance music sounds, while integrating a mild crunk beat. The song received", + "score": 0.71337890625 + }, + { + "id": "16800210", + "title": "Get Up (A Cowboys Anthem)", + "text": "Get Up (A Cowboys Anthem) \"Get Up (A Cowboys Anthem)\" is a song by American recording artist Kelly Clarkson. It was written by Clarkson and Ryan Williams, and co-written and produced by Josh Abraham and Oligee. It was originally released on August 13, 2012 as a free recording by Pepsi as part of their Pepsi NFL Anthems, an advertisement campaign with the National Football League to promote the Dallas Cowboys football team. It was re-released on October 2, 2012 by RCA Records. \"Get Up (A Cowboys Anthem)\" is a dance-pop song with a length of 3:46 (3 minutes and 46", + "score": 0.71337890625 + }, + { + "id": "19325501", + "title": "Get Up, Stand Up (Phunky Phantom song)", + "text": "Get Up, Stand Up (Phunky Phantom song) \"Get Up, Stand Up\" is a song by house music DJ/producer Laurence Nelson, who recorded the track under the project Phunky Phantom. The track features the repeated use of the only lyrics on the song, \"Get up, stand up, strut your funky stuff sure enough\", which was sampled from a 1979 disco song called \"Strut Your Funky Stuff\" by the American group Frantique. This was Nelson's only song to make the Hot Dance Club Play chart, reaching number one on October 11, 1997. The same track reached number 27 in the UK Singles", + "score": 0.712890625 + }, + { + "id": "14017768", + "title": "So Get Up", + "text": "So Get Up [by Ithaka Darin Pappas \u00a91993] in modern music appearing under varying titles. Poem was originally recorded for Radio C\u00f3mercial in Lisbon, Portugal in 1993. However, most musical versions have stemmed from illegal uses or sampling of the a cappella version that was recorded for Underground Sound Of Lisbon in Portugal, 1994. Note: This list includes both legal and unauthorized uses. So Get Up \"So Get Up\", written and vocalized by Ithaka, also known as Ithaka Darin Pappas, is a 1993 spoken-word Electronic dance music vocal-poem more frequently credited to the Portuguese house music production duo Underground Sound", + "score": 0.712890625 + }, + { + "id": "13362727", + "title": "Soundtrack for a Revolution", + "text": "Academy Awards. The film has screened at numerous festivals including Cannes, Tribeca, IDFA and Sheffield Doc/Fest. Guttentag and Sturman choose to use contemporary artists to interpret the music and the messages of the Civil Rights Movement including Wyclef Jean, John Legend, Joss Stone and The Roots. John Legend sang \"Woke Up This Morning\", Richie Havens sang \"Will the Circle be Unbroken,\" The Roots sang \"Ain't Gonna Let Nobody Turn Me Around\", Joss Stone sang \"Keep Your Eyes on the Prize\" and Wyclef Jean sang \"Here's to the State of Mississippi\" by Phil Ochs. Soundtrack for a Revolution Soundtrack for a", + "score": 0.71240234375 + }, + { + "id": "7330499", + "title": "I Wonder If Heaven Got a Ghetto", + "text": "I Wonder If Heaven Got a Ghetto \"I Wonder If Heaven Got a Ghetto\" is the first posthumous single by 2Pac. It appears on his album \"R U Still Down? (Remember Me)\". The original was also released as the B-side on the \"Keep Ya Head Up\" single. There are two versions of the song on the \"R U Still Down? (Remember Me)\" album. One is an OG Vibe (remake of the original, using the same sample); the other is a \"hip hop remix\" version. It was featured on the \"Keep Ya Head Up\" single. The song title originally came from", + "score": 0.71240234375 + }, + { + "id": "14855992", + "title": "Keep On Walkin' (song)", + "text": "L.C. (The One). Keep On Walkin' (song) \"Keep On Walkin'\" is a 1992 song by the musician CeCe Peniston, recorded for her debut album release \"Finally\" on A&M Records. The song (written by Steve Hurley, Marc Williams and Kym Sims) was released as the singer's third single from the album and was her third number one on the \"Billboard\" Hot Dance Music/Club Play chart. In addition, the single peaked at number three on the US R&B chart, number fifteen on the Hot 100, and number ten in the UK. \"Special Extended\" remix version of the track was later issued on", + "score": 0.71240234375 + }, + { + "id": "4963685", + "title": "Argent (band)", + "text": "a five show tour in January-February 2012, before performing one last show at the Waterside Theatre in Aylesbury, for a benefit concert, on 2 June 2013, supporting The Zombies, with Steve Hogarth and Steve Rothery, of Marillion, opening the concert. Rodford died after a fall on 20 January 2018, at age 76. Argent's biggest hit was the Rod Argent and Chris White composition \"Hold Your Head Up\", featuring lead vocals by Russ Ballard, from the \"All Together Now\" album, which, in a heavily edited single form, reached No. 5 in the US. It sold over one million copies, and was", + "score": 0.71142578125 + }, + { + "id": "19456520", + "title": "Get Up (R3hab and Ciara song)", + "text": "The latter is included as bonus track on the deluxe edition of Ciara's sixth studio album \"Jackie\" (2016). An electro house song with a dance-pop melody. It lasts for three minutes and 14 seconds and has a tempo of 122 BPM. \"Get Up\" features old school vibes in the form of vintage house chords while the cheerful chorus will light up any dance floor. Get Up (R3hab and Ciara song) \"Get Up\" is a song by Dutch DJ R3hab and American R&B singer Ciara. It was written by R3hab and Ciara and produced by R3hab. It was released on 29", + "score": 0.71142578125 + }, + { + "id": "4888241", + "title": "Boris Dlugosch", + "text": "club circuit in the 1990s, beginning with the two tracks created with Mousse T. under the Booom! moniker, \"Hold Your Head Up High\" and \"Keep Pushin'\", with vocals by Inaya Day, and \"Check It Out (Everybody)\", under the alias BMR (a regular partnership with Michi Lange). More recently, Dlugosch's name achieved some fame in the year 1999 thanks to his remix of Moloko's \"Sing It Back\", which became a club music phenomenon. He followed up under his own name with \"Never Enough\", a track that featured the voice of Moloko's vocalist R\u00f3is\u00edn Murphy. It peaked at #16 in the UK", + "score": 0.70947265625 + }, + { + "id": "14111624", + "title": "Put Your Hands Up (DJ Khaled song)", + "text": "Put Your Hands Up (DJ Khaled song) \"Put Your Hands Up\" is the second single from DJ Khaled\u2019s fourth studio album Victory. The track features American rappers Young Jeezy, Plies, Rick Ross and Schife. It was officially released on February 8, 2010 along with \"All I Do Is Win\". The album version featuring an additional verse by Plies after Young Jeezy's part, which is the official remix. The video has a spinning camera filming Young Jeezy, Rick Ross and Schife rapping their parts, in the middle of a big circle of people. Fat Joe and Ace Hood make cameos in", + "score": 0.70947265625 + } + ], + "answer": "Keep Ya Head Up is a 1993 hit single by 2Pac. The song features R&B singer Dave Hollister and is dedicated to black women and Latasha Harlins. Keep Your Head Up is the debut single by British girl group Girls Can't Catch. It was released on 30 July 2009, and entered the UK Singles Chart at number 26. Keep Your Head Up is the debut single by American recording artist Andy Grammer from his eponymous debut studio album Andy Grammer (2011). The song was first released February 24, 2011 as the album's lead single. Keep Your Head Up is a song by British singer-songwriter Ben Howard from his debut studio album Every Kingdom. It was released as a single in the United Kingdom on 26 August 2011 as a digital download." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "When did the law pass where 21 would become the uniform legal drinking age across the US?", + "short_answers": [ + "July 17, 1984" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Age 21 became the legal drinking age across the US, requiring states to officially have their drinking ages raised to 21 by when?", + "short_answers": [ + "October 1986" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "National Minimum Drinking Age Act", + "url": "https://en.wikipedia.org/wiki/National%20Minimum%20Drinking%20Age%20Act" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "In 1984, Congress passed the National Minimum Drinking Age Act, which required states to raise their ages for purchase and public possession to 21 by October 1986 or lose 10% of their federal highway funds.", + "wikipage": "U.S. history of alcohol minimum purchase age by state" + }, + { + "content": "The National Minimum Drinking Age Act of 1984 (23 U.S.C. \u00a7 158) was passed by the United States Congress and was later signed into law by President Ronald Reagan on July 17, 1984.", + "wikipage": "National Minimum Drinking Age Act" + }, + { + "content": "The act would punish any state that allowed persons under 21 years to purchase alcoholic beverages by reducing its annual federal highway apportionment by 10 percent. ", + "wikipage": "National Minimum Drinking Age Act" + } + ], + "long_answer": "On July 17, 1984, the United States Congress passed the National Minimum Drinking Age Act, which required states to raise their ages for purchase and public possession of alcoholic beverages to 21 by October 1986 or lose 10% of their federal highway funds." + }, + { + "knowledge": [ + { + "content": "The National Minimum Drinking Age Act of 1984 (23 U.S.C. \u00a7 158) was passed by the United States Congress and was later signed into law by President Ronald Reagan on July 17, 1984.[1][2][3]", + "wikipage": "National Minimum Drinking Age Act" + } + ], + "long_answer": "In the United States, a law was passed on July 17, 1984 making the uniform legal drinking age 21. Known as The National Minimum Drinking Age Act of 1984, it was passed by the United States Congress and was later signed into law by President Ronald Reagan. The states had to have their drinking ages raised to 21 by October 1986." + } + ], + "sample_id": "4045119776574518570", + "question": "Age 21 became the uniform legal drinking age across the us in?", + "docs": [ + { + "id": "15583721", + "title": "Legal drinking age controversy in the United States", + "text": "ruled the Act was constitutional and the States still had the right to set their own drinking ages. However, the Federal Government can give the state a 10% penalty on highway funds if the state chooses to have their drinking age lower than 21. Not even a year later, all 50 states of the United States officially made 21 the minimum legal drinking age. MLDA-21 is not the only variable; the shift in demographics, increased enforcement, increased seat belt use, safer cars, increased parental monitoring and \"designated driver\" emphasis could also be a reason why after the age was raised,", + "score": 0.75390625, + "summary": "In less than a year after the Act was ruled constitutional, all 50 states of the US officially made 21 the minimum legal drinking age.", + "extraction": "\"All 50 states of the United States officially made 21 the minimum legal drinking age.\"" + }, + { + "id": "12432243", + "title": "U.S. history of alcohol minimum purchase age by state", + "text": "from 21 to 18 in 1971 with the 26th amendment. Many states started to lower their minimum drinking age in response, most of this occurring in 1972 or 1973. Twelve states kept their purchase ages at 21 since repeal of Prohibition and never changed them. From 1976 to 1983, several states voluntarily raised their purchase ages to 19 (or, less commonly, 20 or 21), in part to combat drunk driving fatalities. In 1984, Congress passed the National Minimum Drinking Age Act, which required states to raise their ages for purchase and public possession to 21 by October 1986 or lose", + "score": 0.75341796875, + "summary": "The legal drinking age in the US became 21 in 1986 due to the National Minimum Drinking Age Act passed by Congress.", + "extraction": "Age 21 became the uniform legal drinking age across the US in 1986, as required by the National Minimum Drinking Age Act passed by Congress in 1984." + }, + { + "id": "4093806", + "title": "National Minimum Drinking Age Act", + "text": "the act did not violate the 21st amendment which reserved the right to regulate alcohol for all responsibilities not specifically appointed to the federal government to the states. However, as the act controlled the distribution of anywhere from $8 million to $99 million, depending on the size of the state, the act gave a strong incentive for states to change the drinking age to 21. By 1995, all 50 states, two permanently inhabited territories, and D.C. were in compliance, but Puerto Rico and the Virgin Islands (and Guam until 2010) remained at 18 despite them losing 10% of federal highway", + "score": 0.748046875, + "summary": "By 1995, all 50 states, two permanently inhabited territories, and D.C. had changed the drinking age to 21.", + "extraction": "By 1995, all 50 states were in compliance, making age 21 the uniform legal drinking age across the US." + }, + { + "id": "3088141", + "title": "Mothers Against Drunk Driving", + "text": "federal penalty (a 5%\u2014later raised to 10%\u2014loss of federal highway dollars), for states that didn't raise the minimum legal age for the purchase and possession of alcohol to 21. After the United States Supreme Court upheld the law in the 1987 case of \"South Dakota v. Dole\", every state and the District of Columbia made the necessary adjustments by 1988 (but not the territories of Puerto Rico and Guam). However, in July 2010 Guam raised its drinking age to 21. In 1985, Lightner objected to the shifting focus of MADD, and left her position with the organization. In 1988, a", + "score": 0.7451171875, + "summary": "1988 is when every state and the District of Columbia made the necessary adjustments to raise the minimum legal age for the purchase and possession of alcohol to 21, in response to a federal penalty for not doing so.", + "extraction": "1988" + }, + { + "id": "12432244", + "title": "U.S. history of alcohol minimum purchase age by state", + "text": "10% of their federal highway funds. By mid-1988, all 50 states and the District of Columbia had raised their purchase ages to 21 (but not Puerto Rico, Guam, or the Virgin Islands, see Additional Notes below). South Dakota and Wyoming were the final two states to comply with the age 21 mandate. The current drinking age of 21 remains a point of contention among many Americans, because of it being higher than the age of majority (18 in most states) and higher than the drinking ages of most other countries. The National Minimum Drinking Age Act is also seen as", + "score": 0.744140625, + "summary": "In mid-1988, all 50 states and the District of Columbia had raised their minimum purchase age for alcohol to 21, making it the uniform legal drinking age across the US.", + "extraction": "Age 21 became the uniform legal drinking age across all 50 states and the District of Columbia by mid-1988." + }, + { + "id": "12287331", + "title": "Society of the United States", + "text": "\"dry\", and to this day, a handful still do. During the Vietnam War era, attitudes swung well away from prohibition. Commentators noted that an eighteen-year-old could be drafted into the military to fight in a war overseas, but could not buy a beer. Most states lowered the legal drinking age to eighteen. Since 1980, the trend has been toward greater restrictions on alcohol and drug use. The focus this time, however, has been to criminalize behaviors associated with alcohol, rather than attempt to prohibit consumption outright. New York was the first state to enact tough drink-driving laws in 1980; since", + "score": 0.7373046875, + "summary": "The document is irrelevant to the question of interest.", + "extraction": "1980" + }, + { + "id": "4093805", + "title": "National Minimum Drinking Age Act", + "text": "alcoholic beverages. However, these changes were soon followed by studies showing an increase in motor vehicle fatalities attributable to the decreased MLDA. In response to these findings, many states raised the minimum legal drinking age to 19 (and sometimes to 20 or 21). In 1984, the National Minimum Legal Drinking Act, written by Senator Frank Lautenberg (D-NJ) and influenced by Mothers Against Drunk Driving (MADD), required all states to enforce a minimum legal drinking age of 21 or else risk losing 10% of all federal highway construction funds. As the MLDA was still left to the discretion of the state,", + "score": 0.7353515625, + "summary": "The National Minimum Legal Drinking Act of 1984 required all states to enforce a minimum legal drinking age of 21 or risk losing 10% of all federal highway construction funds.", + "extraction": "In 1984, the National Minimum Legal Drinking Act required all states to enforce a minimum legal drinking age of 21." + }, + { + "id": "4093802", + "title": "National Minimum Drinking Age Act", + "text": "occasions (e.g. communion wines, Kiddush). The act was expressly upheld as constitutional in 1987 by the United States Supreme Court in \"South Dakota v. Dole\". Legislation concerning the legal minimum drinking age in the United States can be traced back to the days of Prohibition. In 1920, the 18th amendment to the U.S. Constitution declared it illegal to manufacture, transport, or sell intoxicating liquors. This was repealed with the passing of the 21st Amendment in 1933, which was followed by the adoption of minimum legal drinking age policies in all states, with most states electing a minimum legal drinking age", + "score": 0.73095703125, + "summary": "The document provides historical context on legislation concerning the legal minimum drinking age in the US, dating back to Prohibition in 1920. However, it does not provide a direct answer to the question of when the uniform legal drinking age of 21 was adopted across the US.", + "extraction": "The extracted span is \"the adoption of minimum legal drinking age policies in all states, with most states electing a minimum legal drinking age\" which does not answer the question directly. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "12373080", + "title": "Culture of the United States", + "text": "buy a beer. Since 1980, the trend has been toward greater restrictions on alcohol and drug use. The focus this time, however, has been to criminalize behaviors associated with alcohol, rather than attempt to prohibit consumption outright. New York was the first state to enact tough drunk-driving laws in 1980; since then all other states have followed suit. All states have also banned the purchase of alcoholic beverages by individuals under 21. A \"Just Say No to Drugs\" movement replaced the more liberal ethos of the 1960s. This led to stricter drug laws and greater police latitude in drug cases.", + "score": 0.72216796875, + "summary": "All states have banned the purchase of alcoholic beverages by individuals under 21 since 1980.", + "extraction": "1980" + }, + { + "id": "4093817", + "title": "National Minimum Drinking Age Act", + "text": "evidence that traffic deaths were merely shifted from the 18-20 age group to the 21-24 age group rather than averted. Additionally, Canada, Australia, the UK, and several other nations saw similar or faster declines in traffic fatalities than the USA did since the early 1980s despite not raising their drinking ages to 21. Thus, the magnitude of any public health and safety benefits of the 21 drinking age, at least relative to a legal drinking age of 18, remains unclear. National Minimum Drinking Age Act The National Minimum Drinking Age Act of 1984 () was passed by the United States", + "score": 0.7109375, + "summary": "The document mentions the National Minimum Drinking Age Act of 1984, but it does not provide a specific answer to the question of when the legal drinking age became 21 across the US. Therefore, the answer is irrelevant.", + "extraction": "The National Minimum Drinking Age Act of 1984 () was passed by the United States. Therefore, the answer to the question \"Age 21 became the uniform legal drinking age across the US in?\" is 1984." + }, + { + "id": "4093800", + "title": "National Minimum Drinking Age Act", + "text": "National Minimum Drinking Age Act The National Minimum Drinking Age Act of 1984 () was passed by the United States Congress on July 17, 1984. It was a controversial bill that punished every state that allowed persons below 21 years to purchase and publicly possess alcoholic beverages by reducing its annual federal highway apportionment by 10 percent. The law was later amended, lowering the penalty to 8 percent from fiscal year 2012 and beyond. Despite its name, this act did not outlaw the \"consumption\" of alcoholic beverages by those under 21 years of age, just its \"purchase\". However, Alabama, Indiana,", + "score": 0.7099609375, + "summary": "The National Minimum Drinking Age Act was passed by the US Congress on July 17, 1984, making 21 the legal drinking age across the country.", + "extraction": "Age 21 became the uniform legal drinking age across the US in 1984, with the passing of the National Minimum Drinking Age Act." + }, + { + "id": "4093816", + "title": "National Minimum Drinking Age Act", + "text": "students. Several studies, including a 2011 review, were found to disprove the idea that raising the drinking age to 21 actually saved lives in the long run. For example, Miron and Tetelbaum (2009) found that when the federally coerced and non-coerced states were separated out, any lifesaving effect is no longer statistically or practically significant in the coerced states, and even in the voluntary-adopting states the effect does not seem to last beyond the first year or two. They also find that the 21 drinking age appears to have only a minor impact on teen drinking. There is also some", + "score": 0.70849609375, + "summary": "Irrelevant.", + "extraction": "Age 21 became the uniform legal drinking age across the US in irrelevant. The given passage does not provide the answer to the question about the uniform legal drinking age across the US." + }, + { + "id": "12432242", + "title": "U.S. history of alcohol minimum purchase age by state", + "text": "the minimum age for \"consumption\" of alcoholic beverages, although they have often been the same. As one can see in the table below, there has been much volatility in the states' drinking ages since the repeal of Prohibition in 1933. Shortly after the ratification of the 21st amendment in December, most states set their purchase ages at 21 since that was the voting age at the time. Most of these limits remained constant until the early 1970s. From 1969 to 1976, some 30 states lowered their purchase ages, generally to 18. This was primarily because the voting age was lowered", + "score": 0.7080078125, + "summary": "Most states set the purchasing age for alcohol at 21 shortly after the 21st amendment was ratified in December.", + "extraction": "Age 21 became the uniform legal drinking age across the US in the early 1970s." + }, + { + "id": "13924647", + "title": "Alcohol law", + "text": "in 1984, which tied federal highway funds to states' maintaining a minimum drinking age of 21. Despite a rekindled national debate in 2008 on the established drinking age (initiated by several university presidents), a Fairleigh Dickinson University PublicMind poll found in September 2008 that 76% of New Jerseyans supported leaving the legal drinking age at 21 years. No significant differences emerged when considering gender, political affiliation, or region. However, parents of younger children were more likely to support keeping the age at 21 (83%) than parents of college-age students (67%). Seventeen states (Arkansas, California, Connecticut, Florida, Kentucky, Maryland, Massachusetts, Mississippi,", + "score": 0.70751953125, + "summary": "1984 is the year when age 21 became the uniform legal drinking age across the US, tied to federal highway funds.", + "extraction": "The uniform legal drinking age of 21 became effective across the US in 1984." + }, + { + "id": "15583725", + "title": "Legal drinking age controversy in the United States", + "text": "44% of college students were binge drinkers and that binge drinking peaked at age 21. Approximately three quarters of college students aged 18\u201320 years old drank alcohol in 2009. Within the U.S., youth are being targeted by social media in order to drive sales higher by highlighting alcohol consumption in a positive way. The legal drinking age was set to 21 years of age because studies showed that the leading cause of death of people age 1 to 34 accounted for one third of deaths due to unintentional injury from alcohol consumption. The liver is the organ that is most", + "score": 0.7060546875, + "summary": "The legal drinking age was set to 21 years of age due to studies showing alcohol consumption as the leading cause of death for people aged 1 to 34 in the US.", + "extraction": "The legal drinking age was set to 21 years of age because studies showed that the leading cause of death of people age 1 to 34 accounted for one third of deaths due to unintentional injury from alcohol consumption." + }, + { + "id": "4093803", + "title": "National Minimum Drinking Age Act", + "text": "(MLDA) of 21. Between 1970 and 1975, 29 states lowered the MLDA from 21 to 18, 19, or 20. This was primarily due to the passing of the 26th Amendment, which lowered the required voting age from 21 to 18. During the 1960s, both Congress and the state legislatures came under increasing pressure to lower the minimum voting age from 21 to 18. This was in large part due to the Vietnam War, in which many young men who were ineligible to vote (or legally drink) were conscripted to fight in the war, thus lacking any means to influence the", + "score": 0.69921875, + "summary": "The document discusses the National Minimum Drinking Age Act, which established the MLDA of 21. Between 1970 and 1975, 29 states lowered the MLDA from 21 to 18, 19, or 20, but the passing of the 26th Amendment lowered the voting age from 21 to 18.", + "extraction": "Age 21 became the uniform legal drinking age across the US in 1975." + }, + { + "id": "15583723", + "title": "Legal drinking age controversy in the United States", + "text": "drinking age for every state in the nation 21, there has been a steady increase in prevalence of alcohol use, heavy use, and frequent use among underage drinkers as the age increases. Across all ages, highest rates for alcohol abuse occur among persons 19 years old due to illegality of their behavior, and peak alcohol dependence is age 22. The US Economy loses hundreds of billions of dollars from lost productivity and earnings with alcohol-related illness being a primary factor. The most dangerous social problem involved in underage drinking is driving under the influence because of its contribution to fatalities", + "score": 0.6953125, + "summary": "The document discusses the controversy surrounding the legal drinking age in the United States and mentions that the age for every state is now 21. However, it does not provide the specific date when age 21 became the uniform legal drinking age across the US.", + "extraction": "\"Age 21 became the uniform legal drinking age across the US\"" + }, + { + "id": "15583722", + "title": "Legal drinking age controversy in the United States", + "text": "motor vehicle incidents have decreased. Alcohol is the most commonly used and abused drug among youth in the United States, more than tobacco and illicit drugs. Although the purchase of alcohol by persons under the age of 21 is illegal, people aged 12\u201320 years old drink 11% of all alcohol consumed in the US. Among the 14 million adults aged 21 or older who were classified as having alcohol dependence or abuse in the past year, more than 13 million had started using alcohol before age 21. Since 1984, when the National Minimum Drinking Age Act made the minimum legal", + "score": 0.6953125, + "summary": "Since the document does not provide a direct answer to the question of when age 21 became the uniform legal drinking age across the US, the answer is irrelevant.", + "extraction": "1984." + }, + { + "id": "15583718", + "title": "Legal drinking age controversy in the United States", + "text": "Legal drinking age controversy in the United States The legal drinking age varies from country to country. In the United States, the legal drinking age is currently 21. Other countries have raised the prices of alcohol and encouraged the general public to drink less. Having a legal drinking age of 21 allows for the hope that drinking would become less reckless and the people drinking would be more mature to make reasonable decisions when it comes to alcohol consumption. A survey of Australian college students demonstrated that they and other students witnessed blackouts during parties with alcohol consumption and around", + "score": 0.69482421875, + "summary": "The document discusses the legal drinking age in the United States, which is currently 21. However, it does not provide information on when age 21 became the uniform legal drinking age across the US.", + "extraction": "Age 21 became the uniform legal drinking age across the US in currently. (Note: There is a pronoun reference issue in the original passage, so I had to add the word \"currently\" at the end to make the extracted span understandable.)" + }, + { + "id": "19367857", + "title": "William DeJong", + "text": "2014, he co-authored a review article that found that the United States' legal drinking age of 21 had saved lives since it was raised to that level as a result of a law passed in 1984. DeJong has been critical of designated driver programs, saying in 1994 that there was no evidence that they were effective. In 2001, when California State University adopted a new set of anti-drinking policies such as treatment programs and advisory boards, DeJong said that this represented a major change from the previous approach most schools used to address drinking on their campuses, which previously focused", + "score": 0.6923828125, + "summary": "In 1984, the legal drinking age in the United States was raised to 21, which is credited with saving lives according to a 2014 review article co-authored by William DeJong.", + "extraction": "\"as a result of a law passed in 1984.\"" + }, + { + "id": "14614571", + "title": "Dry state", + "text": "it. By 1913 nine states had statewide prohibition and 31 others had local option laws, placing more than 50 percent of the United States population under some form of alcohol prohibition. Following two unsuccessful attempts at national prohibition legislation (one in 1913 and the other in 1915), Congress approved a resolution on December 19, 1917, to prohibit the manufacture, sale, transportation, and importation of alcoholic beverages in the United States. The resolution was sent to the states for ratification and became the Eighteenth Amendment to the U.S. Constitution. On January 8, 1918, Mississippi became the first state to ratify the", + "score": 0.69189453125 + }, + { + "id": "20545766", + "title": "Walter M. D. Kern", + "text": "for those over the age of 18 would not apply. Kern had advocated for the repeal of obscenity laws, arguing that \"Adults should be able to purchase whatever their perverted hearts desire\". That same month, Kern was among the co-sponsors of a bill introduced in the legislature that would protect reporters' files and notes from search and seizure, in the wake of a ruling by the United States Supreme Court that would allow authorities to perform such searches. The Assembly voted 48-26 in December 1982 to increase the drinking age from 19 to 21. Kern voted against the legislation, citing", + "score": 0.68798828125 + }, + { + "id": "4758953", + "title": "USS Porter (DD-59)", + "text": "damaged while that German submarine was steaming to intercept a convoy. The destroyer was transferred to Brest, France, on 14 June. She returned to the United States at the end of the war, and operated off the East Coast until she was decommissioned on 23 June 1922. On 17 January 1920, Prohibition was instituted by law in the United States. Soon, the smuggling of alcoholic beverages along the coastlines of the United States became widespread and blatant. The Treasury Department eventually determined that the United States Coast Guard simply did not have the ships to constitute a successful patrol. To", + "score": 0.68359375 + }, + { + "id": "785599", + "title": "Twenty-first Amendment to the United States Constitution", + "text": "1933. The second section bans the importation of alcohol in violation of state or territorial law. This has been interpreted to give states essentially absolute control over alcoholic beverages, and many U.S. states still remained \"dry\" (with state prohibition of alcohol) long after its ratification. Mississippi was the last, remaining dry until 1966; Kansas continued to prohibit public bars until 1987. Many states now delegate the authority over alcohol granted to them by this Amendment to their municipalities or counties (or both), which has led to many lawsuits over First Amendment rights when local governments have tried to revoke liquor", + "score": 0.6826171875 + }, + { + "id": "15583729", + "title": "Legal drinking age controversy in the United States", + "text": "is already common, but NHTSA spokeswoman Evelyn Avant believes that lowering the drinking age would lead to even more alcohol use among young people. Legal drinking age controversy in the United States The legal drinking age varies from country to country. In the United States, the legal drinking age is currently 21. Other countries have raised the prices of alcohol and encouraged the general public to drink less. Having a legal drinking age of 21 allows for the hope that drinking would become less reckless and the people drinking would be more mature to make reasonable decisions when it comes", + "score": 0.681640625 + }, + { + "id": "15583720", + "title": "Legal drinking age controversy in the United States", + "text": "everyday basis and used as a thirst quencher and to provide the majority of nutrients and calories. In China, alcohol was used as a \"spiritual food\" and for ceremonial use. Europe enforces strict alcohol and liquor tax laws that are aimed at targeting young people. They also limit the hours that stores selling alcohol are open. They feel that this contributes to their lower numbers of alcohol-related problems. The US, along with only a handful of other countries, maintains the highest drinking age worldwide at 21. In 1985, South Dakota challenged the Drinking Age Act. In 1987, the Supreme Court", + "score": 0.67919921875 + }, + { + "id": "13924646", + "title": "Alcohol law", + "text": "Canada enacted prohibition of alcohol sales, consumption and distribution between the years of 1910 and 1920. After prohibition was ended, most provinces had a minimum drinking age of 21 years, while in the early 70s the age limit was lowered to either 18 or 19 years of age. Later a few provinces and territories raised their age limit from 18 to 19 in the late 1970s and early 1980s. The legal age for buying and possessing (but not necessarily for drinking) has been 21 years in every state since shortly after the passage of the National Minimum Drinking Age Act", + "score": 0.677734375 + }, + { + "id": "785597", + "title": "Twenty-first Amendment to the United States Constitution", + "text": "proposed amendment was adopted on December 5, 1933. It is the only amendment to have been ratified by state ratifying conventions, specially selected for the purpose. All other amendments have been ratified by state legislatures. It is also the only amendment that was approved for the explicit purpose of repealing a previously existing amendment to the Constitution. The Twenty-first Amendment ending national prohibition became officially effective on December 15, though people started drinking openly before that date. The various responses of the 48 states is as follows: The following states ratified the amendment: Ratification was completed on December 5, 1933.", + "score": 0.67724609375 + }, + { + "id": "12356161", + "title": "Amethyst Initiative", + "text": "trends before and after 1984; based on World Health Organization (WHO) data from 2011 and 2014, foreign countries with lesser drinking ages often have fewer alcohol-related deaths per capita annually than the USA. Amethyst Initiative The Amethyst Initiative is an organization made up of U.S. college presidents and chancellors that in July 2008 launched a movement calling for the reconsideration of U.S. legal drinking age, particularly the minimum age of 21. The National Minimum Drinking Age Act of 1984 requires all US states to raise their minimum age for purchase and public possession of alcohol to 21 or face a", + "score": 0.67626953125 + }, + { + "id": "6206776", + "title": "David J. Hanson", + "text": "describes these groups as \u201cneo-prohibitionist.\u201d Hanson criticizes what he calls the \"temperance mentality\" of many groups and claims that \"their tactic is to establish cultural rather than strictly legal prohibition by making alcohol beverages less socially acceptable and marginalizing those who drink, no matter how moderately.\" A critic of the 21-year age limit on legal drinking in the United States, he supports the acceptance of drinking learner permits for adults under the age of 21, analogous to driving learner permits. Hanson has published books and over 300 other publications on alcohol and maintains three websites on the subject, none of", + "score": 0.67529296875 + }, + { + "id": "6398749", + "title": "South Dakota v. Dole", + "text": "South Dakota v. Dole South Dakota v. Dole, 483 U.S. 203 (1987), was a case in which the United States Supreme Court considered the limitations that the Constitution places on the authority of the United States Congress when it uses its authority to influence the individual states in areas of authority normally reserved to the states. It upheld the constitutionality of a federal statute that withheld federal funds from states whose legal drinking age did not conform to federal policy. In 1984, the United States Congress passed the National Minimum Drinking Age Act, which withheld 10% of federal highway funding", + "score": 0.6748046875 + }, + { + "id": "1678593", + "title": "Richard Lugar", + "text": "states to raise the minimum drinking age to 21 during a news conference on June 13, 1984. Lugar was in attendance to the new conference and stated that Dole and himself had convinced President Reagan to change his mind through \"the work of groups like MADD and the concern of hundreds of high school organizations called SADD (Students Against Driving Drunk)\" and Lugar noted his commitment to working on bipartisan support for the legislation. In June 1984, Lugar voted in favor of legislation restricting federal highway funds for states that did not raise the minimum age for drinking to 21.", + "score": 0.6728515625 + }, + { + "id": "6398750", + "title": "South Dakota v. Dole", + "text": "from states that did not maintain a minimum legal drinking age of 21. South Dakota, which allowed 19-year-olds to purchase (raised from 18 years old as result of NMDAA) beer containing up to 3.2% alcohol, challenged the law, naming Secretary of Transportation Elizabeth Dole as the defendant. The Supreme Court held 7\u20132 that the statute represented a valid use of Congressional authority under the Spending Clause and that the statute did not infringe upon the rights of the states. The Court established a five-point rule for considering the constitutionality of expenditure cuts of this type: Writing for the majority, Chief", + "score": 0.67138671875 + }, + { + "id": "3177926", + "title": "Power of the purse", + "text": "pass laws, in cases where Congress does not have the desire or constitutional power to make it a federal matter. The most well-known example of this is regarding the drinking age, where Congress passed a law to withhold 10% of federal funds for highways in any state that did not raise the age to 21. The law was upheld by the U.S. Supreme Court in the \"South Dakota v. Dole\" case. Congress was not allowed to change the drinking age directly because the 21st Amendment (which ended Prohibition in the U.S.) gave control of alcohol to the states. In 2009,", + "score": 0.67041015625 + }, + { + "id": "13361606", + "title": "Alcohol laws of New Jersey", + "text": "illegally consume it school, the state raised the drinking age to 19 in 1980. Citing statistics that indicated an increase in car deaths among drivers under 21, the drinking age was raised back to 21 in 1983. At the same time, the penalties for underage drinking were increased to include a mandatory driver's license suspension. In 1985, the state made it illegal for an adult to give alcohol to a person under 21, with exception for religious services and parents serving alcohol to their own children at home or in a private area. Historically, a few municipalities had ordinances against", + "score": 0.669921875 + }, + { + "id": "3088140", + "title": "Mothers Against Drunk Driving", + "text": "organized Mothers Against Drunk Driving and subsequently served as its founding president. A 1983 television movie about Lightner garnered publicity for the group, which grew rapidly. In the early 1980s, the group attracted the attention of the United States Congress. Senator Frank Lautenberg (D-NJ) did not like the fact that youth in New Jersey could easily travel to New York to purchase alcoholic beverages, circumventing New Jersey's law restricting consumption to those 21 years old and older. The group had its greatest success with the enacting of a 1984 federal law, the National Minimum Drinking Age Act, that introduced a", + "score": 0.6689453125 + }, + { + "id": "427878", + "title": "United States Constitution", + "text": "Twenty-first Amendment (1933) repealed the Eighteenth Amendment and returned the regulation of alcohol to the states. Each state sets its own rules for the sale and importation of alcohol, including the drinking age. Because a federal law provides federal funds to states that prohibit the sale of alcohol to minors under the age of twenty-one, all fifty states have set their drinking age there. Rules about how alcohol is sold vary greatly from state to state. The Thirteenth Amendment (1865) abolished slavery and involuntary servitude, except as punishment for a crime, and authorized Congress to enforce abolition. Though millions of", + "score": 0.66796875 + }, + { + "id": "785603", + "title": "Twenty-first Amendment to the United States Constitution", + "text": "is transparently clear\"; and (2) \"\"purely economic matters\" that traditionally merit only the mildest review under the Fourteenth Amendment\". As to the Dormant Commerce Clause in particular, the Court clarified that, while not a \"pro tanto\" repeal, the Twenty-First Amendment nonetheless \"primarily created an exception to the normal operation of the Commerce Clause\". In \"South Dakota v. Dole\" (1987), the Supreme Court upheld the withholding of some federal highway funds to South Dakota, because beer with an alcohol content below a specified percentage could be lawfully sold to adults under the age of 21 within the state. In a 7\u20132", + "score": 0.666015625 + }, + { + "id": "13258826", + "title": "Prohibition in the United States", + "text": "would allow more resources\u2014especially grain that would otherwise be used to make alcohol\u2014to be devoted to the war effort. While wartime prohibition was a spark for the movement, World War I ended before nationwide Prohibition was enacted. A resolution calling for a Constitutional amendment to accomplish nationwide Prohibition was introduced in Congress and passed by both houses in December 1917. By January 16, 1919, the Amendment had been ratified by 36 of the 48 states, making it law. Eventually, only two states\u2014Connecticut and Rhode Island\u2014opted out of ratifying it. On October 28, 1919, Congress passed enabling legislation, known as the", + "score": 0.66552734375 + }, + { + "id": "4730850", + "title": "USS Ericsson (DD-56)", + "text": "South Carolina, in the years that followed, and put to sea only during the summer of 1921, when drills and exercises took her to Newport. She was decommissioned at Philadelphia on 16 June 1922. On 17 January 1920, Prohibition was instituted by law in the United States. Soon, the smuggling of alcoholic beverages along the coastlines of the United States became widespread and blatant. The Treasury Department eventually determined that the United States Coast Guard simply did not have the ships to constitute a successful patrol. To cope with the problem, President Calvin Coolidge in 1924 authorized the transfer from", + "score": 0.66455078125 + }, + { + "id": "13258807", + "title": "Prohibition in the United States", + "text": "scourge of organized crime. On March 22, 1933, President Franklin Roosevelt signed into law the Cullen\u2013Harrison Act, legalizing beer with an alcohol content of 3.2% (by weight) and wine of a similarly low alcohol content. On December 5, 1933, ratification of the Twenty-first Amendment repealed the Eighteenth Amendment. However, United States federal law still prohibits the manufacture of distilled spirits without meeting numerous licensing requirements that make it impractical to produce spirits for personal beverage use. Consumption of alcoholic beverages has been a contentious topic in America since the colonial period. In May 1657, the General Court of Massachusetts made", + "score": 0.66259765625 + }, + { + "id": "13361597", + "title": "Alcohol laws of New Jersey", + "text": "their own children in a private location (such as a private home). New Jersey and all other U.S. states comport with the requirement of the National Minimum Drinking Age Act of 1984, which sought to set a national standard of 21 as the minimum age for purchasing and publicly possessing alcoholic beverages. To make states comply, Congress tied a state's failure to enact a drinking age at 21 to a punitive decrease in a state's apportionment of federal highway funding. Federal law requires colleges and universities that accept federal financial aid institute policies to sanction students who violate underage drinking", + "score": 0.662109375 + }, + { + "id": "14041655", + "title": "Alcohol laws of Wisconsin", + "text": "raised the drinking age to 21 and brought the state into compliance with the NMDA (National Minimum Drinking Age) on September 1, 1986. The NMDA law was amended to permit an exception for those persons who were between ages 18 and 21 on the effective date of the law. Wisconsin 19- and 20-year-olds were \u201cgrandfathered in\u201d by this exception after enactment of Act 337. In effect, the state did not have a uniform age of 21 until September 1, 1988. Alcohol laws of Wisconsin The alcohol laws of Wisconsin consist of both statewide statutes and local ordinances governing the sale", + "score": 0.66162109375 + }, + { + "id": "12356154", + "title": "Amethyst Initiative", + "text": "Amethyst Initiative The Amethyst Initiative is an organization made up of U.S. college presidents and chancellors that in July 2008 launched a movement calling for the reconsideration of U.S. legal drinking age, particularly the minimum age of 21. The National Minimum Drinking Age Act of 1984 requires all US states to raise their minimum age for purchase and public possession of alcohol to 21 or face a reduction in highway funds under the Federal-Aid Highway Act. The Amethyst Initiative was initiated by John McCardell, founder of Choose Responsibility, a former professor of history at Middlebury College in Middlebury, Vermont and", + "score": 0.6611328125 + }, + { + "id": "10801706", + "title": "Choose Responsibility", + "text": "if the measure were approved. The Amethyst Initiative, a project run by Choose Responsibility asks lawmakers \"to consider whether the 10% highway fund 'incentive' encourages or inhibits [an informed and dispassionate] debate\" Since the enactment of the National Minimum Drinking Age Act of 1984, most states allow for very few instances where someone under the age of 21 can possess or drink alcohol, and a pilot program such as what Vermont considered is not an exception that is provided for, under current federal law. The act is up for review next year. In July 2008, McCardell and over 100 other", + "score": 0.66015625 + }, + { + "id": "14614572", + "title": "Dry state", + "text": "amendment and on January 16, 1919, Nebraska became the 36th state to do so, securing its passage with the required three-fourths of the states. By the end of February 1919, only three states remained as hold-outs to ratification: New Jersey, Connecticut, and Rhode Island. The National Prohibition Act, also known as the Volstead Act, was enacted on October 18, 1919. Prohibition in the United States went into effect on January 17, 1920. Nationwide prohibition was repealed in 1933 with the passage of the Twenty-first Amendment on February 20 and its ratification on December 5. This table lists the effective dates", + "score": 0.65966796875 + }, + { + "id": "335108", + "title": "Prohibition", + "text": "uses. Alcohol consumption was never illegal under federal law. Nationwide Prohibition did not begin in the United States until January 1920, when the Eighteenth Amendment to the U.S. Constitution went into effect. The 18th amendment was ratified in 1919, and was repealed in December 1933 with the ratification of the Twenty-first Amendment. Concern over excessive alcohol consumption began during the American colonial era, when fines were imposed for drunken behavior and for selling liquor without a license. In the eighteenth century, when drinking was a part of everyday American life, Protestant religious groups, especially the Methodists, and health reformers, including", + "score": 0.65966796875 + }, + { + "id": "11484238", + "title": "Driver's licenses in the United States", + "text": "under the age of 21 is vertical while a driver's license for those over the age of 21 is horizontal. Since the driver's license is often used as proof of a person's age, the difference in orientation makes it easy to determine that a person is legally allowed to purchase or consume alcohol (the drinking age in all U.S. states is 21). Some states, however, do not require that a driver's license is changed to horizontal, such as Arizona, where it is optional to change to a horizontal license. Furthermore, the vertical license does not expire until age 65 in", + "score": 0.65869140625 + }, + { + "id": "2678307", + "title": "History of time in the United States", + "text": "Louisville and Shelbyville will advance their clocks one hour from Central Standard time for the period April 24 to October 29, inclusive.\") In the middle 1960s the airline and other transportation industries lobbied for uniformity of Daylight dates in the United States. The U.S. federal Uniform Time Act became law on April 13, 1966 and it mandated that DST begin nationwide on the last Sunday in April and end on the last Sunday in October, effective in 1967. The act explicitly preempted all previously enacted state laws related to the beginning and ending of DST effective in 1966. Any state", + "score": 0.658203125 + }, + { + "id": "19569473", + "title": "Tobacco 21", + "text": "organization, named Tobacco21.ca, has the aim of increasing the legal age for buying tobacco products in Canada to 21. Tobacco 21 Tobacco 21 is a national campaign aimed at raising the minimum legal age (MLA) for tobacco and nicotine sales in the United States to 21. The Tobacco 21 campaign is produced and funded by the Preventing Tobacco Addiction Foundation, a public health nonprofit organization established in 1996. Tobacco 21 produces online content to promote anti-tobacco messages and helps communities around the United States raise the tobacco and nicotine sales age to 21. Several national non-profit organizations, including the American", + "score": 0.6572265625 + }, + { + "id": "4093809", + "title": "National Minimum Drinking Age Act", + "text": "as his motivations. In 1998, the National Youth Rights Association was founded, in part, to seek to lower the drinking age back to 18. In 2004, the president of Vermont's Middlebury College, John McCardell, Jr. wrote in \"The New York Times\" that \"the 21-year-old drinking age is bad social policy and terrible law\" that has made the college drinking problem far worse. Groups that oppose the 21 minimum include Choose Responsibility, the Amethyst Initiative, and Students for Sensible Drug Policy. Mothers Against Drunk Driving supports the 21 law and has been the main opponent to lowering it back to 18.", + "score": 0.65673828125 + }, + { + "id": "785700", + "title": "Twenty-sixth Amendment to the United States Constitution", + "text": "94\u20130 in favor of proposing a Constitutional amendment to guarantee that the minimum voting age could not be higher than 18. On March 23, 1971, the House of Representatives voted 401\u201319 in favor of the proposed amendment. Having been passed by the 92nd United States Congress, the proposed Twenty-sixth Amendment was sent to the state legislatures for their consideration. Ratification was completed on July 1, 1971, after the amendment had been ratified by the following thirty-eight states: Having been ratified by three-fourths of the States (38), the Twenty-sixth Amendment became part of the Constitution. On July 5, 1971, the Administrator", + "score": 0.65673828125 + }, + { + "id": "661204", + "title": "Volstead Act", + "text": "to repeal the Eighteenth Amendment to end prohibition, in February. On December 5, 1933, Utah became the 36th state to ratify the Twenty-first Amendment, which repealed the Eighteenth Amendment, voiding the Volstead Act, and restored control of alcohol to the states. The creation of the Federal Alcohol Administration in 1935 defined a modest role for the federal government with respect to alcohol and its taxation. Volstead Act The National Prohibition Act, known informally as the Volstead Act, was enacted to carry out the intent of the 18th Amendment (ratified January 1919), which established prohibition in the United States. The Anti-Saloon", + "score": 0.65673828125 + }, + { + "id": "732635", + "title": "Heuristic", + "text": "argued that people need to be mature enough to make decisions involving the risks of alcohol consumption. However, assuming people mature at different rates, the specific age of 21 would be too late for some and too early for others. In this case, the somewhat arbitrary deadline is used because it is impossible or impractical to tell whether an individual is sufficiently mature for society to trust them with that kind of responsibility. Some proposed changes, however, have included the completion of an alcohol education course rather than the attainment of 21 years of age as the criterion for legal", + "score": 0.65625 + }, + { + "id": "10938720", + "title": "Alcohol laws of Kansas", + "text": "reduced by 10% the federal highway funding of any state which did not have a minimum drinking age of 21, the Kansas Legislature raised the drinking age from 18 to 21, effective January 1, 1985. Previously, the drinking age for CMB was 18. Persons under 21 are prohibited from purchasing or possessing any type of alcohol, from consuming alcohol for anything other than religious or prescribed medicinal purposes, or from having a blood alcohol level of more than .02%. There is exception for parents wishing to provide their own child CMB under K.S.A. 41-727(e). Alcohol laws of Kansas The alcohol", + "score": 0.6552734375 + }, + { + "id": "19705728", + "title": "Presidency of Calvin Coolidge", + "text": "limit set for its ratification, is still pending before the states. However, the Supreme Court overturned \"Hammer v. Dagenhart\" in the 1941 case of \"United States v. Darby Lumber Co.\", making the Child Labor Amendment a moot issue. The Eighteenth Amendment, ratified in 1920, had effectively established the prohibition of alcoholic beverages in the United States, and the Volstead Act had established penalties for violating the amendment. Coolidge personally opposed Prohibition, but sought to enforce federal law and refrained from serving liquor in the White House. Though Congress had established the Bureau of Prohibition to enforce the Volstead Act, federal", + "score": 0.6552734375 + }, + { + "id": "4930296", + "title": "Beer in the United States", + "text": "in the world. The company innovated the use of refrigeration in rail cars to transport its beers, which helped make bottled Budweiser the first national beer brand in the United States. On January 16, 1919, the Eighteenth Amendment to the United States Constitution was enacted into law, creating the Prohibition era, wherein the production, sale and transportation of alcoholic beverages was made illegal. All legal American brewing came to a halt when prohibition was imposed, though the earlier temperance movement had already reduced the number of breweries significantly. Only a few breweries, mainly the largest, were able to stay in", + "score": 0.6552734375 + }, + { + "id": "15868327", + "title": "Alan White (DJ)", + "text": "and a business partner, Bill DeCesare (the WHVW sales manager), opened the first discotheque in the United States, the Rumpus Room Nightclub & Discotheque, in Dover Plains, N.Y., where the drinking age was 18. The Rumpus Room was only a few miles from the Connecticut border, where the legal drinking age was 21, and the club was wildly successful until it was destroyed by fire in the early 1970s. The club featured live bands, DJ'd music from White, and headline performances from noted recording stars. By deejaying professionally from a booth at the club, White unintentionally became the first professional", + "score": 0.65478515625 + }, + { + "id": "785688", + "title": "Twenty-sixth Amendment to the United States Constitution", + "text": "Twenty-sixth Amendment to the United States Constitution The Twenty-sixth Amendment (Amendment XXVI) to the United States Constitution prohibits the states and the federal government from using age as a reason for denying the right to vote to citizens of the United States who are at least eighteen years old. It was proposed by Congress on March 23, 1971, and ratified on July 1, 1971, making it the quickest amendment ever ratified. Various public officials had supported lowering the voting age during the mid-20th century, but were unable to gain the legislative momentum necessary for passing a constitutional amendment. The drive", + "score": 0.65380859375 + }, + { + "id": "6398753", + "title": "South Dakota v. Dole", + "text": "federally funded highways. She held the relation between the condition and spending too attenuated: \"establishment of a minimum drinking age of 21 is not sufficiently related to interstate highway construction to justify so conditioning funds appropriated for that purpose.\" South Dakota v. Dole South Dakota v. Dole, 483 U.S. 203 (1987), was a case in which the United States Supreme Court considered the limitations that the Constitution places on the authority of the United States Congress when it uses its authority to influence the individual states in areas of authority normally reserved to the states. It upheld the constitutionality of", + "score": 0.6533203125 + }, + { + "id": "12432245", + "title": "U.S. history of alcohol minimum purchase age by state", + "text": "a congressional sidestep of the tenth amendment. Although debates have not been highly publicized, a few states have proposed legislation to lower their drinking age, while Guam has raised its drinking age to 21 in July 2010. 94. Citation for Wisconsin drinking law: https://www.revenue.wi.gov/Pages/FAQS/ise-atundrg.aspx U.S. history of alcohol minimum purchase age by state The alcohol laws of the United States regarding minimum age for purchase have changed over time. This history is given in the table below. Unless otherwise noted, if different alcohol categories have different minimum purchase ages, the age listed below is set at the \"lowest age given\"", + "score": 0.6533203125 + }, + { + "id": "2938305", + "title": "Uniform Time Act", + "text": "Uniform Time Act The Uniform Time Act of 1966, , was a Law of the United States to \"promote the adoption and observance of uniform time within the standard time zones\" prescribed by the Standard Time Act of 1918. Its intended effect was to simplify the official pattern of where and when daylight saving time (DST) is applied within the U.S. Prior to this law, each state worked out its own scheme for the dates of beginning and ending DST, and in some cases, which parts of the state should use it. The law, as originally written, required states that", + "score": 0.6533203125 + }, + { + "id": "335117", + "title": "Prohibition", + "text": "first state to ratify the amendment; the thirty-sixth state to do so, Nebraska, ratified it on January 16, 1919, assuring its passage into law. On October 28, 1919, Congress passed the National Prohibition Act, also known as the Volstead Act, which provided enabling legislation to implement the Eighteenth Amendment. When the National Prohibition Act was passed on October 28, 1919, thirty-three of the forty-eight states were already dry. Congress ratified the Eighteenth Amendment on January 16, 1920; nationwide prohibition began the next day. During the first years of Prohibition, the new law was enforced in regions such as the rural", + "score": 0.6533203125 + }, + { + "id": "15583724", + "title": "Legal drinking age controversy in the United States", + "text": "and injury among adolescents. One-third of all car accidents among adolescents have to do with alcohol consumption. Some states have lower alcohol taxes and even made alcohol available to be purchased tax-free at state-owned stores to compete with Maine, Vermont, and Massachusetts. Teen drinking in high school is down 23% since 1983 when the minimum legal drinking age was enacted and binge drinking is down 17%. Alcohol can cause problems throughout life, it is not only young adults that are affected, people into their sixties struggle with alcoholism. The movement of young adults from high school to college shows that", + "score": 0.65283203125 + }, + { + "id": "6174739", + "title": "Repeal of Prohibition in the United States", + "text": "were then repealed. Following repeal some states continued prohibition within their own jurisdictions. Almost two-thirds of the states adopted some form of local option which enabled residents in political subdivisions to vote for or against local prohibition. For a time, 38 percent of Americans lived in areas with Prohibition. By 1966, however, all states had repealed their statewide prohibition laws, with Mississippi the last state to do so. Repeal of Prohibition in the United States The repeal of Prohibition in the United States was accomplished with the passage of the Twenty-first Amendment to the United States Constitution on December 5,", + "score": 0.65283203125 + }, + { + "id": "12859830", + "title": "Ages of consent in the United States", + "text": "all U.S. states, the age of consent has widely varied across the country in the past. In 1880, the age of consent was set at 10 or 12 in most states, with the exception of Delaware where it was 7. The ages of consent were raised across the U.S. during the late 19th century and the early 20th century. By 1920 ages of consent generally rose to 16\u201318 and small adjustments to these laws occurred after 1920. The final state to raise its age of general consent was Hawaii, which changed it from 14 to 16 in 2001. Age-of-consent laws", + "score": 0.65283203125 + }, + { + "id": "13258805", + "title": "Prohibition in the United States", + "text": "December 18, 1918. Upon being approved by a 36th state on January 16, 1919, the amendment was ratified as a part of the Constitution. By the terms of the amendment, the country went dry one year later, on January 17, 1920. On October 28, 1919, Congress passed the Volstead Act, the popular name for the National Prohibition Act, over President Woodrow Wilson's veto. The act established the legal definition of intoxicating liquors as well as penalties for producing them. Although the Volstead Act prohibited the sale of alcohol, the federal government lacked resources to enforce it. Prohibition was successful in", + "score": 0.65234375 + }, + { + "id": "4758690", + "title": "USS Conyngham (DD-58)", + "text": "Cuban President Jose Miguel G\u00f3mez to Havana. She returned to Newport, Rhode Island, for summer exercises with her squadron and, after wintering at Charleston, South Carolina, reported to Philadelphia Navy Yard in March 1922 for inactivation. She was decommissioned there on 23 June 1922. On 17 January 1920, Prohibition was instituted by law in the United States. Soon, the smuggling of alcoholic beverages along the coastlines of the United States became widespread and blatant. The Treasury Department eventually determined that the United States Coast Guard simply did not have the ships to constitute a successful patrol. To cope with the", + "score": 0.65234375 + }, + { + "id": "19569464", + "title": "Tobacco 21", + "text": "Tobacco 21 Tobacco 21 is a national campaign aimed at raising the minimum legal age (MLA) for tobacco and nicotine sales in the United States to 21. The Tobacco 21 campaign is produced and funded by the Preventing Tobacco Addiction Foundation, a public health nonprofit organization established in 1996. Tobacco 21 produces online content to promote anti-tobacco messages and helps communities around the United States raise the tobacco and nicotine sales age to 21. Several national non-profit organizations, including the American Cancer Society in Oregon, have showed their support for raising the tobacco and nicotine sales age to 21 in", + "score": 0.6513671875 + }, + { + "id": "13361604", + "title": "Alcohol laws of New Jersey", + "text": "1939, it became a criminal offense to sell alcohol to a person under 21, and for a person under 21 to purchase or consume alcohol in a licensed establishment. The state criminalized the underage possession of alcohol in motor vehicles and other public areas in 1957, possibly in response to young New Jerseyans traveling to New York, where the drinking age was 18, and returning home with liquor. For many years laws against underage drinking and the serving of alcohol to minors did not apply on private property, though an adult who supplied a substantial amount of liquor to an", + "score": 0.6513671875 + }, + { + "id": "18633706", + "title": "Lambert v. Yellowley", + "text": "Proper Clause of the United States Constitution, which was cited in upholding the Prohibition Act's limitations as a necessary and proper implementation of the Eighteenth Amendment to the United States Constitution. The Eighteenth Amendment, which made illegal in the United States the production, transport and sale of alcohol, went into effect on January 17, 1920. Accompanying legislation under the National Prohibition Act stated that physicians with appropriate permits could prescribe alcoholic medicines, but not more than once every 10 days to the same patient. In November 1922, Lambert brought suit in federal court to prevent Yellowley and other officials from", + "score": 0.650390625 + }, + { + "id": "9246794", + "title": "History of Indiana", + "text": "mandated nationwide prohibition. Three days later Nebraska became the thirty-sixth state to ratify the amendment, providing the two-thirds majority of states required to amend the U.S. Constitution. With the beginning of nationwide Prohibition on January 17, 1920, after formal ratification of the Eighteenth Amendment the previous day, efforts turned to enforcement of the new law. Protestant support for Prohibition remained intense in Indiana in the 1920s. Shumaker and the IASL lead a statewide grassroots campaign that successfully passed a new prohibition law for the state. Sponsored by Indiana representative Frank Wright and known as the Wright bone-dry law, it was", + "score": 0.64990234375 + }, + { + "id": "11815727", + "title": "Alcohol laws of New York", + "text": "on-premises consumption. Williamson, in Wayne County, bans on-premises sale of beer at race tracks, outdoor athletic fields and sports stadia where admission is charged. In all, there are 39 partially dry towns. In response to the National Minimum Drinking Age Act in 1984, which reduced by up to 10% the federal highway funding of any state which did not have a minimum purchasing age of 21, the New York Legislature raised the drinking age from 19 to 21, effective December 1, 1985. (The drinking age had been 18 for many years before the first raise on December 4, 1982, to", + "score": 0.64892578125 + }, + { + "id": "7323080", + "title": "Alcohol consumption by youth in the United States", + "text": "Administration created the \"Talk. They Hear You\" campaign that involved a mobile app to assist parents with having conversations about alcohol usage to their children. To summarize the motivations for underage drinking, cultural norms allow underage drinking while social pressures facilitate them. Although the legal drinking age is set at 21, drinking at age 18 or upon entrance into college is the culturally accepted limit. This cultural permission is the primary reason many college students ignore laws concerning drinking. In addition to cultural motivations, students are socially expected to drink. Often if not always, social gatherings are centered on drinking.", + "score": 0.64892578125 + }, + { + "id": "18634596", + "title": "185th New York State Legislature", + "text": "the State Capitol in Albany on January 4, 1984; and recessed indefinitely shortly before 2 a.m. on July 1. An hour after midnight, on May 30, the State Assembly rejected after a stormy debate of many hours the proposal to raise the legal drinking age from 19 to 21 years; the vote stood 80 to 69. The Legislature met for another special session on December 6, 1984. At this session, the legislators raised the wages of the legislators who were elected to the next Legislature; approved a sales tax increase for Erie County; and extended a corporate tax surcharge used", + "score": 0.6484375 + }, + { + "id": "428939", + "title": "Eighteenth Amendment to the United States Constitution", + "text": "The resolution required state conventions, rather than the state legislatures, to approve the amendment, effectively reducing the process to a one-state, one-vote referendum rather than a popular vote contest. That December, Utah became the 36th state to ratify the amendment, achieving the necessary majority for repeal. A few states continued statewide prohibition after 1933, but by 1966 all of them had abandoned it. Since then, liquor control in the United States has largely been determined at the local level. Just after the Eighteenth Amendment's adoption, there was a significant reduction in alcohol consumption among the general public and particularly among", + "score": 0.64794921875 + }, + { + "id": "1919324", + "title": "History of the United States (1918\u20131945)", + "text": "the NBC Red Network and the Blue Network (ABC). The broadcast fare was mostly music, especially by big bands. In 1920, the manufacture, sale, import and export of alcohol was prohibited by the Eighteenth Amendment to the United States Constitution in an attempt to alleviate high rates of alcoholism and, especially, political corruption led by saloon-based politicians. It was enforced at the federal level by the Volstead Act. Most states let the federals do the enforcing. Drinking or owning liquor was not illegal, only the manufacture or sale. National Prohibition ended in 1933, although it continued for a while in", + "score": 0.6474609375 + }, + { + "id": "785593", + "title": "Twenty-first Amendment to the United States Constitution", + "text": "16, 1919, the result of years of advocacy by the temperance movement. The subsequent passage of the Volstead Act established federal enforcement of the nationwide prohibition on alcohol. As many Americans continued to drink despite the amendment, Prohibition gave rise to a profitable black market for alcohol, fueling the rise of organized crime. Throughout the 1920's, Americans increasingly came to see Prohibition as unenforceable, and a movement to repeal the Eighteenth Amendment grew until the Twenty-first Amendment was ratified in 1933. Section 1 of the Twenty-first Amendment expressly repeals the Eighteenth Amendment. Section 2 bans the importation of alcohol into", + "score": 0.6474609375 + }, + { + "id": "2890080", + "title": "Progressive Era", + "text": "first states to go dry followed by Oklahoma, Mississippi, North Carolina, and Tennessee in the following years. In 1913, Congress passed the Webb-Kenyon Act, which forbade the transport of liquor into dry states. By 1917, two thirds of the states had some form of prohibition laws and roughly three quarters of the population lived in dry areas. In 1913, the Anti-Saloon League first publicly appealed for a prohibition amendment. They preferred a constitutional amendment over a federal statute because although harder to achieve, they felt it would be harder to change. As the United States entered World War I, the", + "score": 0.6474609375 + }, + { + "id": "3809825", + "title": "Legal drinking age", + "text": "Somalia and Sudan the sale, production and consumption of alcohol is completely prohibited. The minimum age to purchase and consume varies, but the most common age is 18 years. However, in North America the age limits varies between 18 and 21 years of age. Throughout the United States the minimum legal age to purchase any alcoholic beverage from a shop, supermarket, liquor store, bar, club or any other licensed premises is 21 years of age. In Canada each province can decide which minimum age limit is to be set to buy or consume alcohol. Most provinces have a minimum age", + "score": 0.646484375 + }, + { + "id": "15871213", + "title": "Children and adolescents in the United States", + "text": "around the world in advocating for youth rights, and Peacefire provides technology-specific support for youth rights activists. Choose Responsibility and their successor organization, the Amethyst Initiative, founded by Dr. John McCardell, Jr., exist to promote the discussion of the drinking age, specifically. Choose Responsibility focuses on promoting a legal drinking age of 18, but includes provisions such as education and licensing. The Amethyst Initiative, a collaboration of college presidents and other educators, focuses on discussion and examination of the drinking age, with specific attention paid to the culture of alcohol as it exists on college campuses and the negative impact", + "score": 0.646484375 + }, + { + "id": "3069613", + "title": "Voting age", + "text": "being forced to risk their lives in the military without the privileges of voting successfully pressured legislators to lower the voting age nationally and in many states. By 1968, several states had lowered the voting age below 21 years: Alaska and Hawaii's minimum age was 20, Kentucky's was 19, and Georgia's was 18. In 1970, the Supreme Court in \"Oregon v. Mitchell\" ruled that Congress had the right to regulate the minimum voting age in federal elections; however, not at local and state level. The 26th Amendment (passed and ratified in 1971) prevents states from setting a voting age higher", + "score": 0.6455078125 + }, + { + "id": "14041654", + "title": "Alcohol laws of Wisconsin", + "text": "may be served, possess, or consume alcohol if they are with a parent, legal guardian, or spouse who is of legal drinking age. Those age 18-20 may also be served, possess or consume alcohol if they are with a parent, legal guardian, or spouse who is of legal drinking age. Those age 18 to 20 may also possess (but not consume) alcohol as part of their employment. The 1983 Wisconsin Act 74, effective July 1, 1984, created a drinking age of 19. Meeting in special session at the call of the governor, the legislature enacted 1985 Wisconsin Act 337, which", + "score": 0.64501953125 + }, + { + "id": "428929", + "title": "Eighteenth Amendment to the United States Constitution", + "text": "into a law. The ratification of the Amendment was completed on January 16, 1919, when Nebraska became the 36th of the 48 states then in the Union to ratify it. On January 29, acting Secretary of State Frank L. Polk certified the ratification. The following states ratified the amendment: The following states rejected the amendment: To define the language used in the Amendment, Congress enacted enabling legislation called the National Prohibition Act, better known as the Volstead Act, on October 28, 1919. President Woodrow Wilson vetoed that bill, but the House of Representatives immediately voted to override the veto and", + "score": 0.64404296875 + }, + { + "id": "13258804", + "title": "Prohibition in the United States", + "text": "to other issues, such as Mormon polygamy and the temperance movement. On November 18, 1918, prior to ratification of the Eighteenth Amendment, the U.S. Congress passed the temporary Wartime Prohibition Act, which banned the sale of alcoholic beverages having an alcohol content of greater than 1.28%. (This act, which had been intended to save grain for the war effort, was passed after the armistice ending World War I was signed on November 11, 1918.) The Wartime Prohibition Act took effect June 30, 1919, with July 1, 1919 becoming known as the \"Thirsty-First\". The U.S. Senate proposed the Eighteenth Amendment on", + "score": 0.64404296875 + }, + { + "id": "785696", + "title": "Twenty-sixth Amendment to the United States Constitution", + "text": "(1970), the Supreme Court considered whether the voting-age provisions Congress added to the Voting Rights Act in 1970 were constitutional. The Court struck down the provisions that established 18 as the voting age in state and local elections. However, the Court upheld the provision establishing the voting age as 18 in federal elections. The Court was deeply divided in this case, and a majority of justices did not agree on a rationale for the holding. The decision resulted in states being able to maintain 21 as the voting age in state and local elections, but being required to establish separate", + "score": 0.6435546875 + }, + { + "id": "13258799", + "title": "Prohibition in the United States", + "text": "Prohibition in the United States Prohibition in the United States was a nationwide constitutional ban on the production, importation, transportation, and sale of alcoholic beverages from 1920 to 1933. During the nineteenth century, alcoholism, family violence, and saloon-based political corruption prompted activists, led by pietistic Protestants, to end the alcoholic beverage trade to cure the ill society and weaken the political opposition. One result was that many communities in the late-nineteenth and early-twentieth centuries introduced alcohol prohibition, with the subsequent enforcement in law becoming a hotly debated issue. Prohibition supporters, called \"drys\", presented it as a victory for public morals", + "score": 0.64306640625 + }, + { + "id": "293318", + "title": "Low-alcohol beer", + "text": "content. In the United States, 3.2 beer was the highest alcohol content beer allowed to be produced legally for nine months in 1933. As part of his New Deal, President Franklin D. Roosevelt signed the Cullen\u2013Harrison Act that repealed the Volstead Act on March 22, 1933. In December 1933, the Twenty-first Amendment to the United States Constitution was passed, negating the federal government's power to regulate the sale of alcoholic beverages, though states retained the power to regulate. After the repeal of Prohibition, a number of state laws prohibiting the sale of intoxicating liquors remained in effect. As these were", + "score": 0.64306640625 + }, + { + "id": "2890081", + "title": "Progressive Era", + "text": "Conscription Act banned the sale of liquor near military bases. In August 1917, the Lever Food and Fuel Control Act banned production of distilled spirits for the duration of the war. The War Prohibition Act, November, 1918, forbade the manufacture and sale of intoxicating beverages (more than 2.75% alcohol content) until the end of demobilization. The drys worked energetically to secure two-third majority of both houses of Congress and the support of three quarters of the states needed for an amendment to the federal constitution. Thirty-six states were needed, and organizations were set up at all 48 states to seek", + "score": 0.64306640625 + }, + { + "id": "12984683", + "title": "Alcohol laws of Utah", + "text": "feel like it is a much-needed instrument to protect children and teens from exposure to alcohol consumption. A new bill, HB 339, is being introduced that would allow restaurant owners to abolish their Zion curtain provided the owners established a separate bar area that would not be accessible to anyone under the age of 21. Lawmakers insist that a wall or partition obscuring any alcoholic beverages from view helps to shield children and teens from the glamorization of alcohol. Jim Fell, a research scientist with the Pacific Institute for Research and Evaluation, points out that \u201c... no research has been", + "score": 0.642578125 + }, + { + "id": "13361605", + "title": "Alcohol laws of New Jersey", + "text": "underage person could possibly be prosecuted for contributing to the delinquency of a minor Furthermore, arrests and criminal prosecutions for underage drinking in bars or public areas were very uncommon before the 1980s. New Jersey's drinking age was lowered to 18 in 1973 as part of a broader legal change which reduced New Jersey's age of majority from 21 to 18. Much of the impetus for lowering the drinking age to 18 was to grant returning Vietnam veterans the right to purchase alcohol. Possibly because of concerns about 18-year-old high school students being able to legally purchase liquor, and then", + "score": 0.64208984375 + }, + { + "id": "2275574", + "title": "Systembolaget", + "text": "decided a new policy was needed. In 1955 the rationing system was abolished, and people were allowed to start buying as much alcohol as they wanted from Systembolaget stores (as long as they are sober, over 21 and not suspected of trying to sell it on). This led to increased consumption, so the government increased taxes heavily and made it compulsory that everyone had to show ID to get served. There was also an age limit of 21, which in 1969 was changed to 20. In 1965 it became legal for privately run stores to sell beer up to 4.5%", + "score": 0.6416015625 + }, + { + "id": "13258850", + "title": "Prohibition in the United States", + "text": "at the state level. The last state, Mississippi, finally ended it in 1966. Almost two-thirds of all states adopted some form of local option which enabled residents in political subdivisions to vote for or against local prohibition. Therefore, despite the repeal of prohibition at the national level, 38% of the nation's population lived in areas with state or local prohibition. In 2014, a CNN nationwide poll found that 18% of Americans \"believed that drinking should be illegal\". Prohibition in the early to mid-20th century was mostly fueled by the Protestant denominations in the Southern United States, a region dominated by", + "score": 0.6416015625 + }, + { + "id": "9011006", + "title": "Kidd v. Pearson", + "text": "Kidd v. Pearson Kidd v. Pearson, 128 U.S. 1 (1888), was a case in which the Supreme Court of the United States held that a distinction between manufacturing and commerce meant that an Iowa law that prohibited the manufacture of alcohol (in this case for sale out-of-state) was constitutional as it did not conflict with the power of the US Congress to regulate interstate commerce. In 1882, Iowa became a dry state with a passage of a state constitutional amendment. An Iowa state law supporting that prohibition made the manufacturing of liquor in Iowa illegal unless it was for mechanical,", + "score": 0.6416015625 + }, + { + "id": "14240214", + "title": "Uniform State Narcotic Drug Act", + "text": "chain was an effective ally in his campaign for passage. The draft of the act was submitted to the American Bar Association at its meeting in Washington in 1932, and it was officially approved by that body and sent to various states the following year. The purpose of the act was to make the law uniform in various states with respect to controlling the sale and use of narcotic drugs. The Commissioners on Uniform State Laws intended to effectively safeguard and regulate narcotic drugs throughout all of the states. Initially, only nine states adopted the uniform state statute. President Roosevelt", + "score": 0.6416015625 + }, + { + "id": "6001634", + "title": "Dillon v. Gloss", + "text": "Dillon v. Gloss Dillon v. Gloss, 256 U.S. 368 (1921), was a case in which the Supreme Court of the United States held that under the authority given it by Article V of the Constitution, Congress, when proposing a constitutional amendment, may fix a definite period for its ratification, and further, that the reasonableness of the seven year period, fixed by Congress in the resolution proposing the Eighteenth Amendment is beyond question. Additionally, the Court, upon taking judicial notice that the Eighteenth Amendment became a part of the Constitution on January 16, 1919, when its ratification in the state legislatures", + "score": 0.64111328125 + }, + { + "id": "13258849", + "title": "Prohibition in the United States", + "text": "that alcohol consumption reached the pre-Prohibition levels several years after its enactment, and has continued to rise. Cirrhosis of the liver, a symptom of alcoholism, declined nearly two-thirds during Prohibition. In the decades after Prohibition, any stigma that had been associated with alcohol consumption was erased; according to a Gallup Poll survey conducted almost every year since 1939, two-thirds of American adults age 18 and older drink alcohol. Shortly after World War II, a national opinion survey found that \"About one-third of the people of the United States favor national prohibition.\" Upon repeal of national prohibition, 18 states continued prohibition", + "score": 0.640625 + }, + { + "id": "785691", + "title": "Twenty-sixth Amendment to the United States Constitution", + "text": "of interest at the local level. In 1943 and 1955 respectively, the Georgia and Kentucky legislatures passed measures to lower the voting age to 18. President Dwight D. Eisenhower, in his 1954 State of the Union address, became the first president to publicly support prohibiting age-based denials of suffrage for those 18 and older. During the 1960s, both Congress and the state legislatures came under increasing pressure to lower the minimum voting age from 21 to 18. This was in large part due to the Vietnam War, in which many young men who were ineligible to vote were conscripted to", + "score": 0.640625 + }, + { + "id": "13793272", + "title": "Alcohol in New Zealand", + "text": "to 21 - however minors could still buy alcohol to take home until 1914 when the age for both on- and off-licence purchase was set at 21. In 1969 the purchase age was lowered from 21 to 20. (although 18-year-olds were allowed to drink in bars from 1990 on certain conditions.) But in 1999 the legal purchasing age was lowered from 20 to 18 and despite several calls and legislation to raise the drinking age again, Lawmakers have overwhelmingly favoured the status quo and the age remains 18. It has never been illegal for a minor to drink alcohol in", + "score": 0.640625 + }, + { + "id": "19340407", + "title": "Richard Grucza", + "text": "showing that youth who were legally restricted from drinking until age 21 had lower risk for alcoholism and other problems later in adulthood compared to those who were legally permitted to purchase alcohol at earlier ages. He has also conducted research on long-term effects of tobacco control policies targeting youth purchases. These studies were noted in the Institute of Medicine\u2019s 2015 report on the potential public health benefits of raising the tobacco purchase age to 21. Several of his studies have examined the \"closing gender gap\" for alcohol problems in the U.S., documenting that rates of alcoholism and binge drinking", + "score": 0.640625 + } + ], + "answer": "In the United States, a law was passed on July 17, 1984 making the uniform legal drinking age 21. Known as The National Minimum Drinking Age Act of 1984, it was passed by the United States Congress and was later signed into law by President Ronald Reagan. The states had to have their drinking ages raised to 21 by October 1986." + }, + { + "qa_pairs": [ + { + "context": "Fascist Italy is the era of National Fascist Party government from 1922 to 1943 with Benito Mussolini as Prime Minister of the Kingdom of Italy. The Italian Fascists imposed totalitarian rule and crushed political and intellectual opposition, while promoting economic modernization, traditional social values and a rapprochement with the Roman Catholic Church. According to Payne (1996), \"[the] Fascist government passed through several relatively distinct phases\". The first phase (1923\u20131925) was nominally a continuation of the parliamentary system, albeit with a \"legally-organized executive dictatorship\". The second phase (1925\u20131929) was \"the construction of the Fascist dictatorship proper\". The third phase (1929\u20131934) was with less activism. The fourth phase (1935\u20131940) was characterized by an aggressive foreign policy: Second Italo-Ethiopian War, which was launched from Eritrea and Somaliland; confrontations with the League of Nations, leading to sanctions; growing economic autarky; invasion of Albania; and the signing of the Pact of Steel. The fifth phase (1940\u20131943) was World War II itself which ended in military defeat, while the sixth and final phase (1943\u20131945) was the rump Sal\u00f2 Government under German control.", + "question": "What party took control of the Italian government in 1922?", + "short_answers": [ + "National Fascist Party" + ], + "wikipage": "Fascist Italy (1922\u20131943)" + }, + { + "context": "Fascist Italy is the era of National Fascist Party government from 1922 to 1943 with Benito Mussolini as Prime Minister of the Kingdom of Italy. The Italian Fascists imposed totalitarian rule and crushed political and intellectual opposition, while promoting economic modernization, traditional social values and a rapprochement with the Roman Catholic Church. According to Payne (1996), \"[the] Fascist government passed through several relatively distinct phases\". The first phase (1923\u20131925) was nominally a continuation of the parliamentary system, albeit with a \"legally-organized executive dictatorship\". The second phase (1925\u20131929) was \"the construction of the Fascist dictatorship proper\". The third phase (1929\u20131934) was with less activism. The fourth phase (1935\u20131940) was characterized by an aggressive foreign policy: Second Italo-Ethiopian War, which was launched from Eritrea and Somaliland; confrontations with the League of Nations, leading to sanctions; growing economic autarky; invasion of Albania; and the signing of the Pact of Steel. The fifth phase (1940\u20131943) was World War II itself which ended in military defeat, while the sixth and final phase (1943\u20131945) was the rump Sal\u00f2 Government under German control.", + "question": "What leader took control of the Italian government in 1922?", + "short_answers": [ + "Benito Mussolini" + ], + "wikipage": "Fascist Italy (1922\u20131943)" + }, + { + "context": "No context provided", + "question": "What faction took control of the Italian government in 1922?", + "short_answers": [ + "Italian fascists" + ], + "wikipage": null + }, + { + "context": "Fascist Italy is the era of National Fascist Party government from 1922 to 1943 with Benito Mussolini as Prime Minister of the Kingdom of Italy. The Italian Fascists imposed totalitarian rule and crushed political and intellectual opposition, while promoting economic modernization, traditional social values and a rapprochement with the Roman Catholic Church. According to Payne (1996), \"[the] Fascist government passed through several relatively distinct phases\". The first phase (1923\u20131925) was nominally a continuation of the parliamentary system, albeit with a \"legally-organized executive dictatorship\". The second phase (1925\u20131929) was \"the construction of the Fascist dictatorship proper\". The third phase (1929\u20131934) was with less activism. The fourth phase (1935\u20131940) was characterized by an aggressive foreign policy: Second Italo-Ethiopian War, which was launched from Eritrea and Somaliland; confrontations with the League of Nations, leading to sanctions; growing economic autarky; invasion of Albania; and the signing of the Pact of Steel. The fifth phase (1940\u20131943) was World War II itself which ended in military defeat, while the sixth and final phase (1943\u20131945) was the rump Sal\u00f2 Government under German control.", + "question": "Who is the party that took control of the italian government in 1922?", + "short_answers": [ + "National Fascist Party", + "PNF", + "Partito Nazionale Fascista" + ], + "wikipage": "Fascist Italy (1922\u20131943)" + }, + { + "context": "Fascist Italy is the era of National Fascist Party government from 1922 to 1943 with Benito Mussolini as Prime Minister of the Kingdom of Italy. The Italian Fascists imposed totalitarian rule and crushed political and intellectual opposition, while promoting economic modernization, traditional social values and a rapprochement with the Roman Catholic Church. According to Payne (1996), \"[the] Fascist government passed through several relatively distinct phases\". The first phase (1923\u20131925) was nominally a continuation of the parliamentary system, albeit with a \"legally-organized executive dictatorship\". The second phase (1925\u20131929) was \"the construction of the Fascist dictatorship proper\". The third phase (1929\u20131934) was with less activism. The fourth phase (1935\u20131940) was characterized by an aggressive foreign policy: Second Italo-Ethiopian War, which was launched from Eritrea and Somaliland; confrontations with the League of Nations, leading to sanctions; growing economic autarky; invasion of Albania; and the signing of the Pact of Steel. The fifth phase (1940\u20131943) was World War II itself which ended in military defeat, while the sixth and final phase (1943\u20131945) was the rump Sal\u00f2 Government under German control.", + "question": "Who is the prime minister that took control of the italian government in 1922?", + "short_answers": [ + "Benito Mussolini", + "Benito Amilcare Andrea Mussolini" + ], + "wikipage": "Fascist Italy (1922\u20131943)" + } + ], + "wikipages": [ + { + "title": "Fascist Italy (1922\u20131943)", + "url": "https://en.wikipedia.org/wiki/Fascist%20Italy%20%281922%E2%80%931943%29" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The Kingdom of Italy was governed by the National Fascist Party from 1922 to 1943 with Benito Mussolini as prime minister. ", + "wikipage": "Fascist Italy (1922\u20131943)" + } + ], + "long_answer": "The Kingdom of Italy was governed by the National Fascist Party from 1922 to 1943 with Benito Mussolini as prime minister. " + }, + { + "knowledge": [ + { + "content": "The National Fascist Party (Italian: Partito Nazionale Fascista, PNF) was an Italian political party, created by Benito Mussolini as the political expression of Italian Fascism and as a reorganization of the previous Italian Fasces of Combat.", + "wikipage": "National Fascist Party" + }, + { + "content": "The Kingdom of Italy was governed by the National Fascist Party from 1922 to 1943 with Benito Mussolini as prime minister.", + "wikipage": "Fascist Italy (1922\u20131943)" + } + ], + "long_answer": "In 1922, the National Fascist Party, the faction of the Italian fascists, and leader and prime minister Benito Mussolini took control of the Italian government. The Kingdom of Italy was governed by the National Fascist Party, an Italian political party created by Benito Mussolini, from 1922 to 1943 with Benito Mussolini as prime minister." + } + ], + "sample_id": "-196855123397981737", + "question": "Who took control of the italian government in 1922?", + "docs": [ + { + "id": "12836947", + "title": "1922 Italian general strike", + "text": "1922 Italian general strike The Italian general strike of October 1922 was a general strike against Benito Mussolini's power-grab with the March on Rome. It was led by socialists and ended in defeat for the workers. Mussolini famously referred to this as the \"Caporetto of Italian Socialism\". Rudolph Rocker, an active Anarcho-Syndicalist of this period, described the event in his book: \"When in 1922 the general strike against Fascism broke out, the democratic government armed the Fascist hordes and throttled this last attempt at the defence of freedom and right. But Italian democracy had dug its own grave. It thought", + "score": 0.7607421875, + "summary": "Benito Mussolini took control of the Italian government in 1922 through a power-grab with the March on Rome, despite a general strike led by socialists which ended in defeat for the workers.", + "extraction": "Benito Mussolini took control of the Italian government in 1922 through a power-grab with the March on Rome." + }, + { + "id": "12836948", + "title": "1922 Italian general strike", + "text": "it could use Mussolini as a tool against the workers, but thus it became its own grave-digger.\" 1922 Italian general strike The Italian general strike of October 1922 was a general strike against Benito Mussolini's power-grab with the March on Rome. It was led by socialists and ended in defeat for the workers. Mussolini famously referred to this as the \"Caporetto of Italian Socialism\". Rudolph Rocker, an active Anarcho-Syndicalist of this period, described the event in his book: \"When in 1922 the general strike against Fascism broke out, the democratic government armed the Fascist hordes and throttled this last attempt", + "score": 0.75439453125, + "summary": "The Italian general strike of October 1922 was a strike against Benito Mussolini's power-grab with the March on Rome. Mussolini took control of the Italian government.", + "extraction": "Benito Mussolini took control of the Italian government in 1922 during his power-grab with the March on Rome." + }, + { + "id": "12627862", + "title": "1922 Turin massacre", + "text": "the Piazza 18 dicembre 1922. 1922 Turin massacre The 1922 Turin massacre refers to the attack by Italian Fascists against members of a local labour movement in Turin, Italy, during a three-day terror campaign from 18\u201320 December 1922, to break the resistance of the labour movement and working class to Fascism. After the March on Rome and the appointment of Benito Mussolini as prime Minister on 29 October 1922 the Turin labour movement kept on offering resistance to Fascism. The residual working class opposition was shown by the ongoing clandestine production and distribution of the Turin-based Communist newspaper \"L'Ordine Nuovo\",", + "score": 0.7275390625, + "summary": "irrelevant", + "extraction": "Benito Mussolini took control of the Italian government in 1922 after the March on Rome and his appointment as prime minister on October 29th." + }, + { + "id": "725565", + "title": "History of Italy", + "text": "monarchy from the socialists. He decided to include Fascists on his electoral list for 1921 elections. In the elections, the Fascists did not make large gains, but Giolitti's government failed to gather a large enough coalition to govern and offered the Fascists placements in his government. The Fascists rejected Giolitti's offers and joined with socialists in bringing down his government. In October 1922, Mussolini took advantage of a general strike to announce his demands to the Italian government to give the Fascist Party political power or face a coup. With no immediate response, a group of 30,000 Fascists began a", + "score": 0.72705078125, + "summary": "In 1922, Benito Mussolini and the Fascist Party took control of the Italian government after a general strike and demanding political power or a coup.", + "extraction": "Mussolini took control of the Italian government in 1922." + }, + { + "id": "9711322", + "title": "Umanita\u0300 Nova", + "text": "with 71,328 lira available, plus all their records. A similar situation took place in La Spezia, where the Blackshirts had destroyed the printing press and burned the offices of \"Il Libertario\", and with \"L'Avvenire Anarchico\" in Pisa. On October 28, 1922, the king Vittorio Emanuele III entrusted Benito Mussolini with the \"task of forming a new government\". \"Umanit\u00e0 Nova\" has this to say about his decision to give power to the executive head of the blackshirts: \"Umanit\u00e0 Nova\" also places responsibility on the socialists for helping the fascists' political ascent: Immediately following the fascist occupation of Rome, on October 30,", + "score": 0.72314453125, + "summary": "On October 28, 1922, Vittorio Emanuele III appointed Benito Mussolini with the task of forming a new government.", + "extraction": "Benito Mussolini took control of the Italian government in 1922 when the king Vittorio Emanuele III entrusted him with the \"task of forming a new government\"." + }, + { + "id": "140082", + "title": "Fascism", + "text": "made plans to take Rome. On 24 October 1922, the Fascist party held its annual congress in Naples, where Mussolini ordered Blackshirts to take control of public buildings and trains and to converge on three points around Rome. The Fascists managed to seize control of several post offices and trains in northern Italy while the Italian government, led by a left-wing coalition, was internally divided and unable to respond to the Fascist advances. King Victor Emmanuel III of Italy perceived the risk of bloodshed in Rome in response to attempting to disperse the Fascists to be too high. Victor Emmanuel", + "score": 0.72216796875, + "summary": "In 1922, the Fascist party, led by Mussolini, took control of public buildings and trains in Italy and converged on Rome. The Italian government was unable to respond, and King Victor Emmanuel III perceived the risk of bloodshed to be too high.", + "extraction": "Mussolini took control of the Italian government in 1922." + }, + { + "id": "8282043", + "title": "1924 Italian general election", + "text": "voted by the Parliament filled by two thirds of Fascists because of the Acerbo Law. 1924 Italian general election General elections were held in Italy on 6 April 1924. They were held under the Acerbo Law, which stated that the party with the largest share of the votes would automatically receive two-thirds of the seats in Parliament as long as they received over 25% of the vote. The National List of Benito Mussolini (an alliance with liberals and conservatives) used intimidation tactics, resulting in a landslide victory and a subsequent two-thirds majority. This was the last multi-party election in Italy", + "score": 0.72119140625, + "summary": "Benito Mussolini and his National List, an alliance with liberals and conservatives, took control of the Italian government in 1922 through intimidation tactics and a subsequent two-thirds majority in the 1924 general election under the Acerbo Law.", + "extraction": "Benito Mussolini took control of the Italian government in 1922. (The given passage talks about the 1924 Italian general election, but it does mention that Mussolini's National List won a two-thirds majority, which allowed him to take control of the government. Therefore, the extracted span is a valid answer to the question.)" + }, + { + "id": "12627857", + "title": "1922 Turin massacre", + "text": "1922 Turin massacre The 1922 Turin massacre refers to the attack by Italian Fascists against members of a local labour movement in Turin, Italy, during a three-day terror campaign from 18\u201320 December 1922, to break the resistance of the labour movement and working class to Fascism. After the March on Rome and the appointment of Benito Mussolini as prime Minister on 29 October 1922 the Turin labour movement kept on offering resistance to Fascism. The residual working class opposition was shown by the ongoing clandestine production and distribution of the Turin-based Communist newspaper \"L'Ordine Nuovo\", headed by Antonio Gramsci, as", + "score": 0.71923828125, + "summary": "Irrelevant.", + "extraction": "Benito Mussolini took control of the Italian government in 1922. (from \"After the March on Rome and the appointment of Benito Mussolini as prime Minister on 29 October 1922\")" + }, + { + "id": "193050", + "title": "Foreign relations of Italy", + "text": "Italy. Italy also gained no territory from the breakup of the Ottoman Empire. Civil unrest erupted in Italy between nationalists who supported the war effort and opposed what they called the \"mutilated victory\" (as nationalists referred to it) and leftists who were opposed to the war. The Fascist government that came to power with Benito Mussolini in 1922 sought to increase the size of the Italian empire and to satisfy the claims of Italian irredentists. In 1935\u201336, in its second invasion of Ethiopia Italy was successful and merged its new conquest with its older east African colonies. In 1939, Italy", + "score": 0.71923828125, + "summary": "Benito Mussolini and the Fascist government took control of the Italian government in 1922.", + "extraction": "Benito Mussolini took control of the Italian government in 1922." + }, + { + "id": "8281947", + "title": "1921 Italian general election", + "text": "1921 Italian general election General elections were held in Italy on 15 May 1921. It was the first election in which the recently acquired regions of Trentino-Alto Adige, Venezia Giulia, Zara and Lagosta island elected deputies, many of whom from Germanic and South Slav ethnicity. From 1919 to 1920 Italy was shocked by a period of intense social conflict following the First World War; this period was named \"Biennio Rosso\" (Red Biennium). The revolutionary period was followed by the violent reaction of the Fascist blackshirts militia and eventually by the March on Rome of Benito Mussolini in 1922. The Biennio", + "score": 0.71728515625, + "summary": "The document is relevant but does not directly answer the question of who took control of the Italian government in 1922. It provides background information on the social and political climate leading up to that year's election and the rise of Benito Mussolini's Fascist party.", + "extraction": "Benito Mussolini took control of the Italian government in 1922 through the March on Rome." + }, + { + "id": "8282035", + "title": "1924 Italian general election", + "text": "party gaining the largest share of the votes\u2014provided they had gained at least 25 percent of the votes\u2014gained two-thirds of the seats in parliament. The remaining third was shared amongst the other parties proportionally. On 22 October 1922, the young leader of the National Fascist Party Benito Mussolini attempted a \"coup d'\u00e9tat\" which was titled by the Fascist propaganda the March on Rome in which took part almost 30,000 Fascists. The \"quadrumvirs\" leading the Fascist Party, General Emilio De Bono, Italo Balbo (one of the most famous \"ras\"), Michele Bianchi and Cesare Maria de Vecchi, organized the March while the", + "score": 0.71337890625, + "summary": "Benito Mussolini and the National Fascist Party took control of the Italian government in 1922 through a \"coup d'\u00e9tat\" known as the March on Rome.", + "extraction": "Benito Mussolini took control of the Italian government in 1922 through a \"coup d'\u00e9tat\" titled the March on Rome." + }, + { + "id": "8282034", + "title": "1924 Italian general election", + "text": "1924 Italian general election General elections were held in Italy on 6 April 1924. They were held under the Acerbo Law, which stated that the party with the largest share of the votes would automatically receive two-thirds of the seats in Parliament as long as they received over 25% of the vote. The National List of Benito Mussolini (an alliance with liberals and conservatives) used intimidation tactics, resulting in a landslide victory and a subsequent two-thirds majority. This was the last multi-party election in Italy until 1946. In November 1923, the Parliament approved the Acerbo Law, which stated that the", + "score": 0.7119140625, + "summary": "The National List of Benito Mussolini, an alliance with liberals and conservatives, took control of the Italian government in 1922 through the use of intimidation tactics and a landslide victory in the 1924 general election.", + "extraction": "Benito Mussolini took control of the Italian government in 1922. (This information is not explicitly stated in the given passage, so the answer is \"irrelevant\".)" + }, + { + "id": "20486367", + "title": "Kingdom of Italy under Fascism (1922\u20131943)", + "text": "Kingdom of Italy under Fascism (1922\u20131943) Fascist Italy is the era of National Fascist Party government from 1922 to 1943 with Benito Mussolini as head of government of the Kingdom of Italy. The fascists imposed totalitarian rule and crushed the political and intellectual opposition, while promoting economic modernization, traditional social values and a rapprochement with the Roman Catholic Church. According to Payne (1996), \"[the] Fascist government passed through several relatively distinct phases\". The first phase (1923\u20131925) was nominally a continuation of the parliamentary system, albeit with a \"legally-organized executive dictatorship\". Then came the second phase, \"the construction of the Fascist", + "score": 0.7109375, + "summary": "Benito Mussolini took control of the Italian government in 1922 as the head of the National Fascist Party.", + "extraction": "Benito Mussolini took control of the Italian government in 1922." + }, + { + "id": "2812804", + "title": "Palmiro Togliatti", + "text": "campaign of \"Bolshevisation\" which forced each party to conform to the discipline and orders of Moscow. In October 1922, Benito Mussolini, leader of the National Fascist Party, took advantage of a general strike by workers and announced his demands to the government to give the Fascist Party political power or face a coup. With no immediate response, a small number of Fascists began a long trek across Italy to Rome which was called the March on Rome, claiming to Italians that Fascists were intending to restore law and order. Mussolini himself did not participate until the very end of the", + "score": 0.70947265625, + "summary": "Benito Mussolini took control of the Italian government in 1922 through the March on Rome.", + "extraction": "Benito Mussolini took control of the Italian government in 1922." + }, + { + "id": "768498", + "title": "1946 Italian institutional referendum", + "text": "a small minority of the parliamentary deputies. After the invasion of Italy by Allied forces in 1943, Mussolini's Grand Fascist Council, with the co-operation of the King, overthrew Mussolini and established a new government headed by Marshal Pietro Badoglio. However, Germany, worried by the new government's intention to negotiate a separate peace with the Allies, invaded and occupied Northern Italy. In the Gran Sasso raid, or Operation Oak, German paratroopers rescued Mussolini from the hilltop hotel in which he had been imprisoned by the new government. Under pressure from Hitler, Mussolini then established a puppet state, the Italian Social Republic", + "score": 0.708984375, + "summary": "Irrelevant.", + "extraction": "Mussolini took control of the Italian government in 1922." + }, + { + "id": "12356123", + "title": "Italian Empire", + "text": "had been promised, and none overseas. In April 1920, it was agreed between the British and Italian foreign ministers that Jubaland would be Italy's compensation, but Britain held back on the deal for several years, aiming to use it as leverage to force Italy to cede the Dodecanese to Greece. In 1922, the leader of the Italian fascist movement, Benito Mussolini, became Prime Minister of Italy after the March on Rome. Mussolini resolved the question of sovereignty over the Dodecanese at the 1923 Treaty of Lausanne, which formalized Italian administration of both Libya and the Dodecanese Islands, in return for", + "score": 0.7060546875, + "summary": "In 1922, Benito Mussolini became Prime Minister of Italy after the March on Rome.", + "extraction": "Benito Mussolini became Prime Minister of Italy after the March on Rome in 1922." + }, + { + "id": "2216732", + "title": "Gaetano Salvemini", + "text": "return to Giolitti would be a moral disaster for the whole country,\" he wrote. \"Mussolini was able to carry out his coup ... because everybody was disgusted by the Chamber.\" While in Paris he was surprised by Mussolini's March on Rome in October 1922, which initiated the Fascist take over of Italy. In 1923, he held a series of lectures on Italian foreign policy in London, to the ire of the Fascist government and Florentine fascists. The walls of Florence were plastered with posters saying: \"The monkey from Molfetta should not return to Italy\". Instead, Salvemini not only returned home,", + "score": 0.70458984375, + "summary": "Mussolini took control of the Italian government in 1922 through a Fascist takeover. Gaetano Salvemini was in Paris at the time and was surprised by the events.", + "extraction": "\"Mussolini's March on Rome in October 1922, which initiated the Fascist take over of Italy\"" + }, + { + "id": "1636237", + "title": "Military history of Italy during World War II", + "text": "large numbers of German and Italian forces safely off Sicily to the Italian mainland. On 19 July, an Allied air raid on Rome destroyed both military and collateral civil installations. With these two events, popular support for the war diminished in Italy. On 25 July, the Grand Council of Fascism voted to limit the power of Italian dictator Benito Mussolini and handed control of the Italian armed forces over to King Victor Emmanuel III. The next day Mussolini met with the King, was dismissed as prime minister, and was then imprisoned. A new Italian government, led by General Pietro Badoglio", + "score": 0.7041015625, + "summary": "On 25 July, the Grand Council of Fascism limited Mussolini's power and handed control of the Italian armed forces to King Victor Emmanuel III, who dismissed Mussolini as prime minister and imprisoned him. General Pietro Badoglio led the new Italian government.", + "extraction": "General Pietro Badoglio took control of the Italian government in 1922. (This answer is incorrect because the given passage does not contain any information about 1922. The correct answer is \"irrelevant\".)" + }, + { + "id": "3436310", + "title": "Daniele Manin", + "text": "of the Venetians, who were beginning to appreciate Manin. Two months later, when all Italy and half the rest of Europe were in the throes of revolution, the people of Venice forced Count Pallfy (Erd\u0151dy P\u00e1llfy Alajos gr\u00f3f), the Austrian governor, to release Manin (17 March). The Austrians soon lost control of the city: the Arsenal was seized by revolutionaries and, under the direction of Manin, a civic guard and a provisional government were instituted. The Austrians withdrew from Venice on 26 March and Manin became president of the re-created Republic of San Marco. He had already been in favour", + "score": 0.7041015625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "4636714", + "title": "Luigi Sturzo", + "text": "July 1923. Sturzo was forced to resign as the General Secretary of the PPI on 10 July 1923 (he had served as such since 1919) after being unable to obtain the support of the Vatican to continue to oppose Benito Mussolini and his regime. He further resigned from the board on 19 May 1924. After Sturzo's departure the Vatican endorsed the formation of the \"Unione Nazionale\" which was pro-fascist and Catholic which hastened the rupture of the PPI and provided political cover for its former members to join Mussolini\u2019s inaugural government. Following the Matteotti affair (after which Sturzo thought the", + "score": 0.703125, + "summary": "The document is irrelevant to the question.", + "extraction": "Benito Mussolini took control of the Italian government in 1922. (The given passage is irrelevant for answering the question as it does not provide any information about the rise of Mussolini to power.)" + }, + { + "id": "12445058", + "title": "Benito Mussolini", + "text": "for war, a procedure that was harmless enough if no one took any of it seriously, but a certain road to disaster once some outside and Mussolini inside the country came to believe that the \"eight million bayonets\" of the Duce's imagination actually existed. In June 1923, the government passed the Acerbo Law, which transformed Italy into a single national constituency. It also granted a two-thirds majority of the seats in Parliament to the party or group of parties that received at least 25% of the votes. This law applied in the elections of 6 April 1924. The \"national alliance\",", + "score": 0.703125 + }, + { + "id": "140099", + "title": "Fascism", + "text": "autarky and had the power to take over private firms to maximize war production. While Hitler's regime only nationalized 500 companies in key industries by the early 1940s, Mussolini declared in 1934 that \u201c[t]hree-fourths of Italian economy, industrial and agricultural, is in the hands of the state\u201d. Due to the worldwide depression, Mussolini's government was able to take over most of Italy's largest failing banks, who held controlling interest in many Italian businesses. The Institute for Industrial Reconstruction, a state-operated holding company in charge of bankrupt banks and companies, reported in early 1934 that they held assets of \u201c48.5 percent", + "score": 0.70068359375 + }, + { + "id": "8281948", + "title": "1921 Italian general election", + "text": "Rosso took place in a context of economic crisis at the end of the war, with high unemployment and political instability. It was characterized by mass strikes, worker manifestations as well as self-management experiments through land and factories occupations. In Turin and Milan, workers councils were formed and many factory occupations took place under the leadership of anarcho-syndicalists. The agitations also extended to the agricultural areas of the Padan plain and were accompanied by peasant strikes, rural unrests and guerrilla conflicts between left-wing and right-wing militias. In the general election of 1921, the Liberal governing coalition, strengthened by the joining", + "score": 0.7001953125 + }, + { + "id": "20486374", + "title": "Kingdom of Italy under Fascism (1922\u20131943)", + "text": "speed and sport. Women were to attend to motherhood and stay out of public affairs. In 1870 the newly formed Kingdom of Italy annexed the remaining Papal States, depriving the Pope of his temporal power. Relations with the Roman Catholic Church improved significantly during Mussolini's tenure. Despite earlier opposition to the Church, after 1922 Mussolini made an alliance with the Catholic Partito Popolare Italiano (\"Italian People's Party\"). In 1929, Mussolini and the papacy came to an agreement that ended a standoff that reached back to 1860 and had alienated the Church from the Italian government. The Orlando government had begun", + "score": 0.7001953125 + }, + { + "id": "3235222", + "title": "Ardeatine massacre", + "text": "government and Commander-in-Chief of the armed forces under Mussolini, appointed Marshal Pietro Badoglio to head a new military government. He then ordered his gendarmerie, the Carabinieri, to arrest and imprison Mussolini. In August 1943, Rome was bombed again, and the Badoglio government began secret surrender negotiations with the Allies in Sicily, although still outwardly allied to Germany. In accordance with the Pope's wishes, the Italian government also unilaterally declared Rome an open city, i.e., a demilitarized zone, a declaration the Allies would refuse to recognise and the Germans to respect. The Germans, anticipating an Italian defection, meanwhile began moving more", + "score": 0.69970703125 + }, + { + "id": "9808592", + "title": "Kingdom of Italy", + "text": "on 26 July 1943, Emmanuel III officially removed Mussolini from the post of Prime Minister and replaced him with Marshal Pietro Badoglio. Mussolini was immediately arrested upon his removal. When the radio brought the unexpected news, Italians assumed the war was practically over. The Fascist organizations that had for two decades pledged their loyalty to \"Il Duce\" were silent\u2014no effort was made by any of them to protest. The new Badoglio government stripped away the final elements of Fascist government by banning the Fascist Party. The Fascists had never controlled the army, but they did have a separately armed militia,", + "score": 0.69677734375 + }, + { + "id": "140086", + "title": "Fascism", + "text": "many seats to go to the Fascists. In the aftermath of the election, a crisis and political scandal erupted after Socialist Party deputy Giacomo Matteotti was kidnapped and murdered by a Fascist. The liberals and the leftist minority in parliament walked out in protest in what became known as the Aventine Secession. On 3 January 1925, Mussolini addressed the Fascist-dominated Italian parliament and declared that he was personally responsible for what happened, but insisted that he had done nothing wrong. Mussolini proclaimed himself dictator of Italy, assuming full responsibility over the government and announcing the dismissal of parliament. From 1925", + "score": 0.69580078125 + }, + { + "id": "12654784", + "title": "Battle for the Lira", + "text": "Battle for the Lira The Battle for the Lira was an economic policy undertaken by the Fascists in Italy during the 1920s as an attempt to raise the claims of Italy becoming a great power. When Benito Mussolini took over as Prime Minister of Italy in 1922 the economy was in a bad state following World War I. Between 1922 and 1925, the financial and economic situation generally improved dramatically and this helped to increase the power of Italy, who strived to be one of the world's leading countries. Italy wanted to restore some of its purchasing power. But in", + "score": 0.6953125 + }, + { + "id": "16174895", + "title": "1867 Italian general election", + "text": "party. Rattazzi tried to form a centrist government consisting of his centre-left moderate faction, some Independents, and the Historical Right. These groups agreed to the coalition in order to later regain control. However, despite his efforts, Rattazzi's victory was ephemeral, similar to his first term as Prime Minister in 1862: barely six months later he was unable to stop an armed attack by a national hero, Giuseppe Garibaldi, upon the Papal State. The King, seeing that Rattazzi was ineffective, quickly forced his resignation. Senator Federico Luigi Menabrea then took over as Prime Minister, with the Historical Right regaining full control", + "score": 0.69482421875 + }, + { + "id": "9808497", + "title": "Kingdom of Italy", + "text": "Chamber seats. Between 1925 and 1943, Italy was quasi-\"de jure\" Fascist dictatorship, as the constitution formally remained in effect without alteration by the Fascists, though the monarchy also formally accepted Fascist policies and Fascist institutions. Changes in politics occurred, consisting of the establishment of the Grand Council of Fascism as a government body in 1928, which took control of the government system, as well as the Chamber of Deputies being replaced with the Chamber of Fasci and Corporations as of 1939. The monarchs of the House of Savoy who led Italy were: The creation of the Kingdom of Italy was", + "score": 0.6943359375 + }, + { + "id": "7808420", + "title": "Italian Fascism", + "text": "to late 1920s anti-clericalism lost ground in the movement as Mussolini in power sought to seek accord with the Church as the Church held major influence in Italian society with most Italians being Catholic. In 1929, the Italian government signed the Lateran Treaty with the Holy See, a concordat between Italy and the Catholic Church that allowed for the creation of a small enclave known as Vatican City as a sovereign state representing the papacy. This ended years of perceived alienation between the Church and the Italian government after Italy annexed the Papal States in 1870. Italian Fascism justified its", + "score": 0.6943359375 + }, + { + "id": "3427296", + "title": "Italian irredentism", + "text": "on the Allied side. From 5\u20136 November 1918, Italian forces were reported to have reached Vis, Lastovo, \u0160ibenik, and other localities on the Dalmatian coast. By the end of hostilities in November 1918, the Italian military had seized control of the entire portion of Dalmatia that had been guaranteed to Italy by the London Pact and by 17 November had seized Fiume as well. In 1918, Admiral Enrico Millo declared himself Italy's Governor of Dalmatia. Famous Italian nationalist Gabriele d'Annunzio supported the seizure of Dalmatia and proceeded to Zadar in an Italian warship in December 1918. The last city with", + "score": 0.6943359375 + }, + { + "id": "9808567", + "title": "Kingdom of Italy", + "text": "order to destroy it. Mussolini changed his original revolutionary policies, such as moving away from anti-clericalism to supporting the Roman Catholic Church and abandoned his public opposition to the monarchy. Support for the Fascists began to grow in 1921 and pro-Fascist army officers began taking arms and vehicles from the army to use in counter-revolutionary attacks on socialists. In 1920, Giolitti had come back as Prime Minister in an attempt to solve the deadlock. One year later, Giolitti's government had already become unstable and a growing socialist opposition further endangered his government. Giolitti believed that the Fascists could be toned", + "score": 0.69287109375 + }, + { + "id": "8282040", + "title": "1924 Italian general election", + "text": "few if any of the freedoms. Even though the coup failed in giving power directly to the Fascist Party, it nonetheless resulted in a parallel agreement between Mussolini and King Victor Emmanuel III that made Mussolini the head of the Italian government. A few weeks after the election, the leader of the Unitary Socialist Party Giacomo Matteotti requested, during his speech in front of the Parliament that the elections be annulled because of the irregularities. On June 10, Matteotti was assassinated by Fascist Blackshirts and his murder provoked a momentary crisis in the Mussolini government. Mussolini ordered a cover-up, but", + "score": 0.69287109375 + }, + { + "id": "7083738", + "title": "Giovanni Giuriati", + "text": "meanwhile, he had joined the Partito Nazionale Fascista (PNF), being elected to the Italian Chamber of Deputies in 1921. After the March on Rome, Giovanni Giuriati became Minister of Freed Territories in the Benito Mussolini government, and took over the Ministry of Public Works in 1925. He was President of the Chamber of Deputies between 1929 and 1934, and national secretary of the PNF in 1930. After 1934, he served as senator. In 1943, he joined the condemnation of Italy's participation in the Axis, agreeing to the coup carried out by Dino Grandi inside the Grand Council of Fascism. The", + "score": 0.69287109375 + }, + { + "id": "12627859", + "title": "1922 Turin massacre", + "text": "at the national level required stricter discipline from Fascists to prevent disaffection of its more liberal and squeamish backers. The initial pretext for the large-scale offensive against the labour movement in Turin was the killing of two Fascists, Giuseppe Dresda and Lucio Bazzani, in the Barriera di Nizza, by the Communist militant and tram worker Francesco Prato, on the night of 17\u201318 December 1922. In revenge Fascists raided and burned down the \"Camera del lavoro\", the trade union headquarters, and attacked on two clubs of the Italian Socialist Party. This was followed by the destruction of the Turin-based Communist newspaper", + "score": 0.6923828125 + }, + { + "id": "190067", + "title": "Italy", + "text": "but not Dalmatia (except Zara), allowing nationalists to define the victory as \"mutilated\". Moreover, Italy annexed the Hungarian harbour of Fiume, that was not part of territories promised at London but had been occupied after the end of the war by Gabriele D'Annunzio. The socialist agitations that followed the devastation of the Great War, inspired by the Russian Revolution, led to counter-revolution and repression throughout Italy. The liberal establishment, fearing a Soviet-style revolution, started to endorse the small National Fascist Party, led by Benito Mussolini. In October 1922 the Blackshirts of the National Fascist Party attempted a coup (the \"March", + "score": 0.6923828125 + }, + { + "id": "4636712", + "title": "Luigi Sturzo", + "text": "was abolished before the November 1919 elections in which the PPI won 20.6% of the vote and 100 seats in the legislature. The PPI was a colossal political force in the nation: between 1919 and 1922 no government could be formed and maintained without the support of the PPI. But a coalition between the Socialists and the PPI was deemed unacceptable within the Vatican despite the Prime Minister Giovanni Giolitti in 1914 proposing it and something his progressive and powerless successors\u2014Bonomi (1921-1922) and Facta (1922)\u2014reimaged as the single possible coalition that excluded the Fascists. Sturzo was a committed anti-fascist who", + "score": 0.6923828125 + }, + { + "id": "9808489", + "title": "Kingdom of Italy", + "text": "neutrality. Victory in the war gave Italy a permanent seat in the Council of the League of Nations. \"Fascist Italy\" is the era of National Fascist Party government from 1922 to 1943 with Benito Mussolini as head of government. The fascists imposed totalitarian rule and crushed the political and intellectual opposition, while promoting economic modernization, traditional social values and a rapprochement with the Roman Catholic Church. According to Payne (1996), \"[the] Fascist government passed through several relatively distinct phases\". The first phase (1923\u20131925) was nominally a continuation of the parliamentary system, albeit with a \"legally-organized executive dictatorship\". Then came the", + "score": 0.6923828125 + }, + { + "id": "2362037", + "title": "Italians", + "text": "and ideologies in Italy during the late 19th and 20th centuries include anarchism, communism, socialism, futurism, fascism, and Christian democracy. Both futurism and fascism (in its original form, now often distinguished as Italian fascism) were developed in Italy at this time. From the 1920s to the 1940s, Italian Fascism was the official philosophy and ideology of the Italian government led by Benito Mussolini. Giovanni Gentile was one of the most significant 20th-century Idealist/Fascist philosophers. Meanwhile, anarchism, communism, and socialism, though not originating in Italy, took significant hold in Italy during the early 20th century, with the country producing numerous significant", + "score": 0.69189453125 + }, + { + "id": "2651804", + "title": "Misrata", + "text": "collection, had its own ammunition factory, printed its own currency and operated its own schools and hospitals. However, once Nuri Bey, the Ottoman officer in charge of the Libyan front, was recalled to Istanbul in early 1918, Ottoman influence waned in Misurata. Suwayhli lost his main backer and a huge source of funding as a result. When the Italians reestablished their control of much of Libya following their victory in World War I, but al-Swehli retained his position as administrator of Misrata. In 1920 he expelled his Italian adviser from Misurata and controlled the town independently with about 10,000 fighters.", + "score": 0.69140625 + }, + { + "id": "6324673", + "title": "Italian invasion of Libya", + "text": "home. From the political point, the creation of Italian Libya showed (to observers like Benito Mussolini) that the lobbying power of an active and powerful minority could have a great power in the country, as the advent of fascism would show after World War I. As for Libya itself, the Italian control over much of its territory remained very ineffective until the late 1920s, when forces under general Badoglio and Graziani waged punitive pacification campaigns which turned into terrible acts of repression. Resistance petered out only after the execution of rebel leader Omar Mukhtar on September 15, 1931. Successively Libya", + "score": 0.69140625 + }, + { + "id": "14316002", + "title": "Economic history of Italy", + "text": "low-risk state bonds. Italy had emerged from World War I in a poor and weakened condition. The National Fascist Party of Benito Mussolini came to power in Italy in 1922, at the end of a period of social unrest. During the first four years of the new regime, from 1922 to 1925, the Fascist had a generally laissez-faire economic policy: they initially reduced taxes, regulations and trade restrictions on the whole. However, \"once Mussolini acquired a firmer hold of power... laissez-faire was progressively abandoned in favour of government intervention, free trade was replaced by protectionism and economic objectives were increasingly", + "score": 0.6904296875 + }, + { + "id": "3901804", + "title": "Black Brigades", + "text": "26 July 1943 Italian dictator, Benito Mussolini, was arrested after the Italian Grand Council of Fascism (\"Gran Consiglio del Fascismo\"), with the support of King Vittorio Emanuele III, overthrew him and began negotiations with the Allies for Italy's withdrawal from the war. The Italian government was taken over by Marshal Pietro Badoglio, who outlawed the National Fascist Party (\"Partito Nazionale Fascista\", PNF) and confiscated all of its assets. On 12 September Mussolini was rescued in the Gran Sasso raid by German Luftwaffe Fallschirmj\u00e4ger (paratroopers) led by General Kurt Student and the Waffen-SS \"Obersturmbannf\u00fchrer\" (Lieutenant Colonel), Otto Skorzeny. He was then", + "score": 0.68994140625 + }, + { + "id": "16175703", + "title": "Pacification of Libya", + "text": "Libya collaborated with the Ottomans against Italian troops. The Libyan Senussis also escalated the conflict with attacks on British forces in Egypt. Warfare between the British and the Senussis continued until 1917. In 1917 an exhausted Italy signed the Treaty of Acroma that acknowledged the effective independence of Libya from Italian control. In 1918, Tripolitanian rebels founded the Tripolitanian Republic, though the rest of the country remained under nominal Italian rule. Local agitation against Italy continued, such that by 1920 the Italian government was forced to recognise Senussi leader Sayid Idris as Emir of Cyrenaica and grant him autonomy. In", + "score": 0.68994140625 + }, + { + "id": "3019822", + "title": "March on Rome", + "text": "March on Rome The March on Rome () was an organized mass demonstration in October 1922, which resulted in Benito Mussolini's National Fascist Party (\"Partito Nazionale Fascista\", or PNF) acceding to power in the Kingdom of Italy (\"Regno d'Italia\"). In late October 1922, Fascist Party leaders planned an insurrection, to take place on 28 October. When fascist troops entered Rome, Prime Minister Luigi Facta wished to declare a state of siege, but this was overruled by King Victor Emmanuel III. On the following day, 29 October 1922, the King appointed Mussolini as Prime Minister, thereby transferring political power to the", + "score": 0.689453125 + }, + { + "id": "10014816", + "title": "National Fascist Party", + "text": "Italy was to leave the Triple Alliance and join the enemy by declaring war against the German Empire and Austria-Hungary in exchange for territories at war's end, upon which the Kingdom of Italy held claims (see \"Italia irredenta\"). In September 1919, the nationalist response of outraged war hero Gabriele D'Annunzio was declaring the establishment of the Italian Regency of Carnaro. To his independent Italian state, he installed himself as the Regent \"Duce\" (Leader) and promulgated the \"Carta del Carnaro\" (\"Charter of Carnaro\", 8 September 1920), a politically syncretic constitutional amalgamation of right-wing and left-wing anarchist, proto-fascist and democratic republican politics,", + "score": 0.689453125 + }, + { + "id": "10014828", + "title": "National Fascist Party", + "text": "that testifies to the increasing influence of Galeazzo Ciano, the Minister of Foreign Affairs and son-in-law of Mussolini. On 10 June 1940, from the balcony of Palazzo Venezia Mussolini announced the entry of Italy into World War II on the side of Hitler's Germany. On 25 July 1943, following a request from Dino Grandi due to the failure of the war the Grand Council of Fascism overthrew Mussolini by asking the King to resume his full authority in officially removing Mussolini as Prime Minister, which he did. Mussolini was imprisoned, but the Fascists immediately collapsed and the party was officially", + "score": 0.689453125 + }, + { + "id": "639975", + "title": "History of Sardinia", + "text": "Irish independence the ex-combatants organized themselves into a Sardinian nationalist movement, the Sardinian Action Party, but was eventually outlawed in 1926. In 1924, the Italian Parliament led by Benito Mussolini passed a bill (called \"la legge del miliardo\") to establish a budget of one billion \"lire\" to develop infrastructure in order to encourage economic development. However, only a portion of the designated funds were ever distributed, and mainly in Cagliari. The writer Grazia Deledda won the Nobel Prize for Literature in 1926. During the Fascist period, with the implementation of the policy of autarky, several swamps were reclaimed around the", + "score": 0.689453125 + }, + { + "id": "6902240", + "title": "Filippo Turati", + "text": "the PSI's policies. In 1901, Giuseppe Zanardelli, a Liberal, became Prime Minister \u2013 accompanied by Giovanni Giolitti as the Minister of the Interior \u2013 Giolitti who would dominate Italian politics until 1915. This Liberal cabinet risked losing a vote in Parliament, with the possibility that a more conservative politician, Sidney Sonnino, would come to power; Turati urged that the Socialist deputies vote for the Zanardelli government. When the party Directorate refused to sanction the vote, he convinced the deputies to do so anyway. The vote brought the incipient split in the party between right and left wings to a head,", + "score": 0.68896484375 + }, + { + "id": "20111723", + "title": "Mario Pannunzio", + "text": "to compose the editorial which appeared in Il Messaggero on 26/27 July 1943, celebrating the return of liberty. During the of Rome (which began on 8 September 1943), Pannunzio formed a clandestine liberal grouping with like minded friends in the city, \"the Italian liberal movement\". The mouthpiece of the movement, was a notionally daily newspaper, published at irregular intervals during the second half of 1943 and thereafter till the . During December 1943 Pannunzio was arrested by Nazis while he was in the newspaper's print works: he spent several months in the Regina Coeli (prison). After the , Pannunzio was", + "score": 0.6884765625 + }, + { + "id": "4074283", + "title": "History of the Kingdom of Italy (1861\u20131946)", + "text": "Some, inspired by the Russian Revolution, began taking over their factories, mills, farms and workplaces. The liberal establishment, fearing a socialist revolution, started to endorse the small National Fascist Party, led by Benito Mussolini, whose violent reaction to the strikes (by means of the \"Blackshirts\" party militia) was often compared to the relatively moderate reactions of the government. After several years of struggle, in October 1922 the fascists attempted a coup (the \"Marcia su Roma\", i.e. March on Rome); the fascist forces were largely inferior, but the king ordered the army not to intervene, formed an alliance with Mussolini, and", + "score": 0.68798828125 + }, + { + "id": "11424651", + "title": "Governorate of Dalmatia", + "text": "that guaranteed Italy the right to annex a large portion of Dalmatia in exchange for Italy's participation on the Allied side. From 5\u20136 November 1918, Italian forces were reported to have reached Lissa, Lagosta, Sebenico, and other localities on the Dalmatian coast. By the end of hostilities in November 1918, the Italian military had seized control of the entire portion of Dalmatia that had been guaranteed to Italy by the London Pact and by 17 November had seized Fiume as well. In 1918, Admiral Enrico Millo declared himself Italy's Governor of Dalmatia. Famous Italian nationalist Gabriele d'Annunzio supported the seizure", + "score": 0.68798828125 + }, + { + "id": "13013008", + "title": "History of Rijeka", + "text": "admitted to the conference as a representative of Fiume, and essentially supported the Italian claims. On 10 September 1919, the Treaty of Saint-Germain was signed declaring the Austro-Hungarian monarchy dissolved. Negotiations over the future of the city were interrupted two days later when a force of Italian nationalist irregulars led by the poet Gabriele d'Annunzio seized control of the city by force; d'Annunzio eventually established a state, the Italian Regency of Carnaro. The resumption of Italy's premiership by the liberal Giovanni Giolitti in June 1920 signalled a hardening of official attitudes to d'Annunzio's \"coup\". On 12 November, Italy and Yugoslavia", + "score": 0.68798828125 + }, + { + "id": "11384092", + "title": "October 22 Group", + "text": "1971. The Red Brigades in 1978 demanded the release of three of the October 22 members from prison in exchange for the release of Italian prime minister Aldo Moro, whom the Red Brigades had captured and later executed. October 22 Group The October 22 Group (Italian: \"Gruppo XXII Ottobre\") was an Italian terrorist organisation, established on 22 October 1969. The group was led by Mario Rossi, who received a life sentence in 1973 for killing a messenger in September 1971. The group unsuccessfully attempted to bomb the US consulate in Genoa on 12 April 1970, which was the first recorded", + "score": 0.6875 + }, + { + "id": "3019826", + "title": "March on Rome", + "text": "and was repressed by the fascists. A few days before the march, Mussolini consulted with the U.S. Ambassador Richard Washburn Child about whether the U.S. government would object to Fascist participation in a future Italian government. Child encouraged him to go ahead. When Mussolini learned that Prime Minister Luigi Facta had given Gabriele d'Annunzio the mission to organize a large demonstration on 4 November 1922 to celebrate the national victory during the war, he decided on the March to accelerate the process and sidestep any possible competition.. The \"quadrumvirs\" leading the Fascist Party, General Emilio De Bono, Italo Balbo (one", + "score": 0.68701171875 + }, + { + "id": "9808569", + "title": "Kingdom of Italy", + "text": "way\", but most importantly he had won over politicians like Facta and Giolitti who did not condemn him for his Blackshirts' mistreatment of socialists. In October 1922, Mussolini took advantage of a general strike by workers and announced his demands to the government to give the Fascist Party political power or face a coup. With no immediate response, a small number of Fascists began a long trek across Italy to Rome which was known as the \"March on Rome\", claiming to Italians that Fascists were intending to restore law and order. Mussolini himself did not participate until the very end", + "score": 0.6865234375 + }, + { + "id": "12541353", + "title": "Fascist and anti-Fascist violence in Italy (1919\u20131926)", + "text": "King Victor Emmanuel III. Two months after Mussolini took over as Prime Minister, Fascists attacked and killed members of the local labour movement in Turin in what became known as the 1922 Turin massacre. The next act of violence was the assassination of Socialist deputy Giacomo Matteotti by Fascist militant Amerigo Dumini in 1924. A right-wing fascist deputy, Armando Casalini, was killed on a tramway in retaliation for Matteotti's murder by the anti-fascist Giovanni Corvi. This was followed by a Fascist takeover of the Italian government and multiple assassination attempts were made against Mussolini in 1926, with the last attempt", + "score": 0.6865234375 + }, + { + "id": "7808441", + "title": "Italian Fascism", + "text": "Mussolini (with military, business and liberal right-wing support) launched the PNF March on Rome (27\u201329 October 1922) coup d'\u00e9tat to oust Prime Minister Luigi Facta and assume the government of Italy to restore nationalist pride, restart the economy, increase productivity with labor controls, remove economic business controls and impose law and order. On 28 October, whilst the \"March\" occurred, King Victor Emmanuel III withdrew his support of Prime Minister Facta and appointed PNF Leader Benito Mussolini as the sixth Prime Minister of Italy. The March on Rome became a victory parade: the Fascists believed their success was revolutionary and traditionalist.", + "score": 0.6865234375 + }, + { + "id": "2112244", + "title": "Idris of Libya", + "text": "contravene the al-Rajma Agreement and would damage relations with the Italian government, who opposed the political unification of Cyrenaica and Tripolitania as being against their interests. Nevertheless, in November 1922 Idris agreed to the proposal. Following the agreement, Idris feared that Italy \u2014 under its new Fascist leader Benito Mussolini\u2014would militarily retaliate against the Senussi Order, and so he went into exile in Egypt in December 1922. Soon, the Italian reconquest of Libya began, and by the end of 1922 the only effective anti-colonial resistance to the occupation was concentrated in the Cyrenaican hinterlands. The Italians subjugated the Libyan people;", + "score": 0.68603515625 + }, + { + "id": "11480079", + "title": "2008 Italian political crisis", + "text": "2008 Italian political crisis On 24 January 2008 Prime Minister of Italy Romano Prodi lost a vote of confidence in the Senate by a vote of 161 to 156 votes, causing the downfall of his government. Prodi's resignation led President Giorgio Napolitano to request the president of the Senate, Franco Marini, to assess the possibility to form a caretaker government. The other possibility would have been to call for early elections immediately. Marini acknowledged impossibility to form an interim government due to the unavailability of the centre-right parties, and early elections were scheduled for 13 April and 14 April 2008.", + "score": 0.685546875 + }, + { + "id": "2263150", + "title": "Giovanni Giolitti", + "text": "task to form a new cabinet. Facta was a Liberal and close friend of Giolitti. When the Fascist leader Benito Mussolini marched on Rome in October 1922, Giolitti was in Cavour. On 26 October, former prime minister Antonio Salandra warned the current prime minister, Facta, that Mussolini was demanding his resignation and that he was preparing to march on Rome. However, Facta did not believe Salandra and thought that Mussolini would govern quietly at his side. To meet the threat posed by the bands of fascist troops now gathering outside Rome, Luigi Facta (who had resigned but continued to hold", + "score": 0.685546875 + }, + { + "id": "3772003", + "title": "Ivanoe Bonomi", + "text": "the side of the Triple Entente. Bonomi served as Minister of Public Works from 1916 until 1917, and as Minister of War from 1920 until 1921 - helping to negotiate a treaty with Yugoslavia (the Treaty of Rapallo). Later in 1921 he became Treasury Minister. A few months later, he became Prime Minister of Italy for the first time, in a coalition government\u2014the first socialist to hold the post. Early in 1922, his government collapsed, and he was replaced as Prime Minister by Luigi Facta, amidst the Fascist insurgency led by Benito Mussolini. In October 1922, Mussolini gained power through", + "score": 0.68505859375 + }, + { + "id": "19555456", + "title": "Spadolini I Cabinet", + "text": "law, after that Spadolini resigned, on 7 August 1982. Spadolini I Cabinet The Spadolini I Cabinet, led by Giovanni Spadolini, was the 39th cabinet of the Italian Republic. The government, in office from 28 June 1981 to 23 August 1982, was led by for the first time in the republican history of Italy by a non-Christian Democrat Prime Minister, the Republican Spadolini. However, Christian Democracy (DC) maintained the majority of ministries, while forming a large coalition of five parties (\"Pentapartito\") with Italian Socialist Party (PSI), Italian Democratic Socialist Party (PSDI), Italian Republican Party (PRI) and Italian Liberal Party (PLI). The", + "score": 0.68505859375 + }, + { + "id": "5503759", + "title": "Economy of Italy under fascism", + "text": "paid vacations, unemployment benefits, illness insurance, occupational disease insurance, general family assistance, public housing and old age and disability insurance. As for public works, the Mussolini's administration \"devoted 400 million lire of public monies\" for school construction between 1922 and 1942, compared to only 60 million lire between 1862 and 1922. The Fascist government began its reign in an insecure position. Coming to power in 1922 after the March on Rome, it was a minority government until the 1923 Acerbo Law and the 1924 elections and it took until 1925, after the assassination of Giacomo Matteoti, to establish itself securely", + "score": 0.68505859375 + }, + { + "id": "3596097", + "title": "First Vienna Award", + "text": "and considered the region to be in the German sphere of influence. Both parties hoped that Germany would support their demands. The Slovak autonomous government also accepted the idea of arbitration with unrealistic expectations based on assurances of Ribbentrop. Although the Hungarian government demanded arbitration, it did not have the prior approval of Germany. Hungary managed to persuade Italy that the powerful German influence exercised through Czechoslovakia could be eliminated by a strong Hungary. Galeazzo Ciano, the Italian Foreign Minister, accepted this proposal and promised to advocate Hungarian interests. During Ribbentrop's visit to Rome (October 27\u201330, 1938) Ciano persuaded Ribbentrop", + "score": 0.6845703125 + }, + { + "id": "2780652", + "title": "Italian Somaliland", + "text": "Most of the troops stationed never returned home until they were transferred back to Italian Somaliland in preparation for the invasion of Ethiopia in 1935. Effective Italian control remained largely limited to the coastal areas until the early 1920s. After the collapse of Muhammad Abdullah Hassan's Dervish movement, rebellion and revolt occurred, with disputes arising between different clans in Northern Somalia. The government of the time served as a mediator, while maintaining close control over the military. In 1920, the Italian explorer and nobleman Prince Luigi Amedeo would establish the \"Societ\u00e0 Agricola Italo-Somala\" (SAIS) in order to explore the agricultural", + "score": 0.6845703125 + }, + { + "id": "781523", + "title": "House of Savoy", + "text": "War ended, the Treaty of Versailles fell short of what had been promised in the London Pact to Italy. As the economic conditions in Italy worsened after the war, popular resentment and along with it the seeds of Italian fascism began to grow and resulted in the March on Rome by Benito Mussolini. General Pietro Badoglio advised King Victor Emmanuel III that he could easily sweep Mussolini and his rag-tag Blackshirt army to one side, but Victor Emmanuel decided to tolerate Mussolini and appointed him as prime minister on 28 October 1922. The king remained silent as Mussolini engaged in", + "score": 0.68408203125 + }, + { + "id": "15618019", + "title": "Giuseppe Bastianini", + "text": "to Dino Grandi, who soon launched an attempt to oust Mussolini. Bastianini was present at the Fascist Grand Council meeting held on July 25, 1943 at which the mood was decidedly anti-Mussolini as Grandi made his play. Although he was not overly enthusiastic about the plot Bastianini stated that Mussolini had ruined Italy through his inaction and so gave Grandi his support. Nonetheless who refused to follow the likes of Giuseppe Bottai in being openly condemnatory of \"Il Duce\", preferring to continue to promote his aim of seeing Italy negotiating a separate peace as quickly as possible. Bastianini died in", + "score": 0.68408203125 + }, + { + "id": "7066214", + "title": "Grand Council of Fascism", + "text": "the night of 24\u201325 July 1943 and passed with 19 votes for, 8 against and one abstention. Among the 19 votes of no confidence were those of Mussolini's son-in-law Galeazzo Ciano, who had been former minister of foreign affairs, and the influential marshal Emilio De Bono. The following day King Victor Emmanuel met Mussolini and informed him that General Pietro Badoglio would lead Italy, as Prime Minister. Mussolini was arrested immediately after the meeting. In September 1943 Mussolini was freed from imprisonment by the Germans and helped to regain power in northern Italy. He had Ciano, De Bono and three", + "score": 0.68408203125 + }, + { + "id": "19555455", + "title": "Spadolini I Cabinet", + "text": "Spadolini I Cabinet The Spadolini I Cabinet, led by Giovanni Spadolini, was the 39th cabinet of the Italian Republic. The government, in office from 28 June 1981 to 23 August 1982, was led by for the first time in the republican history of Italy by a non-Christian Democrat Prime Minister, the Republican Spadolini. However, Christian Democracy (DC) maintained the majority of ministries, while forming a large coalition of five parties (\"Pentapartito\") with Italian Socialist Party (PSI), Italian Democratic Socialist Party (PSDI), Italian Republican Party (PRI) and Italian Liberal Party (PLI). The cabinet fell after the reject of the government's budget", + "score": 0.68359375 + }, + { + "id": "12356122", + "title": "Italian Empire", + "text": "reached Lissa, Lagosta, Sebenico, and other localities on the Dalmatian coast. By the end of hostilities in November 1918, the Italian military had seized control of the entire portion of Dalmatia that had been guaranteed to Italy by the Treaty of London and by 17 November had seized Fiume as well. In 1918, Admiral Enrico Millo declared himself Italy's Governor of Dalmatia. Famous Italian nationalist Gabriele D'Annunzio supported the seizure of Dalmatia, and proceeded to Zara (today's Zadar) in an Italian warship in December 1918. However, at the concluding Treaty of Versailles in 1919, Italy received less in Europe than", + "score": 0.68359375 + }, + { + "id": "1634125", + "title": "Senussi", + "text": "led by Major General William Peyton. According to Wavell and McGuirk, Western Force was first led by General Wallace and later by General Hodgson. Italy took Libya from the Ottomans in the Italo-Turkish War of 1911. In 1922, Italian Fascist leader Benito Mussolini launched his infamous \"Riconquista\" of Libya \u2014 the Roman Empire having done the original conquering 2000 years before. The Senussi led the resistance and Italians closed Senussi khanqahs, arrested sheikhs, and confiscated mosques and their land. Libyans fought the Italians until 1943, with 250,000\u2013300,000 of them dying in the process. From 1917 to his death, in 1933,", + "score": 0.68359375 + }, + { + "id": "725567", + "title": "History of Italy", + "text": "nationalists and liberals. In 1923, Mussolini's coalition passed the electoral Acerbo Law, which assigned two thirds of the seats to the party that achieved at least 25% of the vote. The Fascist Party used violence and intimidation to achieve the threshold in the 1924 election, thus obtaining control of Parliament. Socialist deputy Giacomo Matteotti was assassinated after calling for a nullification of the vote because of the irregularities. Over the next four years, Mussolini eliminated nearly all checks and balances on his power. On 24 December 1925, he passed a law that declared he was responsible to the king alone,", + "score": 0.68359375 + }, + { + "id": "6394893", + "title": "Fascism and ideology", + "text": "in parliament walked out in protest in what became known as the Aventine Secession. On 3 January 1925, Mussolini addressed the Fascist-dominated Italian parliament and declared that he was personally responsible for what happened, but he insisted that he had done nothing wrong and proclaimed himself dictator of Italy, assuming full responsibility over the government and announcing the dismissal of parliament. From 1925 to 1929, Fascism steadily became entrenched in power: opposition deputies were denied access to parliament, censorship was introduced and a December 1925 decree made Mussolini solely responsible to the King. Efforts to fascistize Italian society accelerated beginning", + "score": 0.68310546875 + }, + { + "id": "700894", + "title": "Italian unification", + "text": "March 1815, Murat issued the Rimini Proclamation, which called on Italians to revolt against their Austrian occupiers. After Napoleon fell, the Congress of Vienna (1814\u201315) restored the pre-Napoleonic patchwork of independent governments. Italy was again controlled largely by the Austrian Empire and the Habsburgs, as they directly controlled the predominantly Italian-speaking northeastern part of Italy and were, together, the most powerful force against unification. An important figure of this period was Francesco Melzi d'Eril, serving as vice-president of the Napoleonic Italian Republic (1802\u20131805) and consistent supporter of the Italian unification ideals that would lead to the Italian \"Risorgimento\" shortly after", + "score": 0.68310546875 + }, + { + "id": "7808444", + "title": "Italian Fascism", + "text": "C., one of the country's most important engineering companies. Subsequent to the 1926 deflation crisis, banks such as the \"Banco di Roma\" (Bank of Rome), the \"Banco di Napoli\" (Bank of Naples) and the \"Banco di Sicilia\" (Bank of Sicily) also were state-financed. In 1924, a private business enterprise established \"Unione Radiofonica Italiana\" (URI) as part of the Marconi company, to which the Italian Fascist Government granted official radio-broadcast monopoly. After the defeat of Fascism in 1944, URI became \"Radio Audizioni Italiane\" (RAI) and was renamed \"RAI\u2014Radiotelevisione Italiana\" with the advent of television in 1954. In addition, given the overwhelmingly", + "score": 0.68310546875 + }, + { + "id": "16206954", + "title": "Congress of Durre\u0308s", + "text": "represented at the Peace Conference. Mehmet Konica, according to \"Kombi\", arrived in Rome on November 19, warmly received by the Italian side. Meanwhile, the Italian government had given up the initial idea of assembling an Albanian government. Albanians leaders, who came from Rome to Albania, were advised to form only a \"National Council\" or \"National Committee\" rather than a government. This half-government should not exercise independent politics, neither internally nor internationally, and would depend a lot on Italian decision making. All this was ostensibly made to avoid any diplomatic entanglement. In late November 1918, the approval of forming the Albanian", + "score": 0.68310546875 + }, + { + "id": "12445053", + "title": "Benito Mussolini", + "text": "about 30,000 Fascist blackshirts gathered in Rome to demand the resignation of liberal Prime Minister Luigi Facta and the appointment of a new Fascist government. On the morning of 28 October, King Victor Emmanuel III, who according to the Albertine Statute held the supreme military power, refused the government request to declare martial law, which led to Facta's resignation. The King then handed over power to Mussolini (who stayed in his headquarters in Milan during the talks) by asking him to form a new government. The King's controversial decision has been explained by historians as a combination of delusions and", + "score": 0.6826171875 + }, + { + "id": "7808431", + "title": "Italian Fascism", + "text": "To his independent Italian state, he installed himself as the Regent \"Duce\" and promulgated the \"Carta del Carnaro\" (\"Charter of Carnaro\", 8 September 1920), a politically syncretic constitutional amalgamation of right-wing and left-wing anarchist, proto-fascist and democratic republican politics, which much influenced the politico-philosophic development of early Italian Fascism. Consequent to the Treaty of Rapallo (1920), the metropolitan Italian military deposed the Regency of \"Duce\" D'Annunzio on Christmas 1920. In the development of the fascist model of government, D'Annunzio was a nationalist and not a fascist, whose legacy of political\u2013praxis (\"Politics as Theatre\") was stylistic (ceremony, uniform, harangue and chanting)", + "score": 0.6826171875 + }, + { + "id": "20728924", + "title": "Conte Cabinet", + "text": "Minister of Economy and Finances, unfavoured by President Mattarella, considering his alleged support for Italy's covert exit from the Euro as an overwhelming risk for the country's economy. On 27 May, President Mattarella refused to appoint Savona and Conte renounced his task after days of negotiation and an ultimatum by the two party leaders on Savona. On 28 May, President Mattarella summoned Carlo Cottarelli (a former director of the International Monetary Fund) on 28 May and gave him the task to form a new government. On the same day, the PD announced that it would abstain from voting the confidence", + "score": 0.6826171875 + }, + { + "id": "11384091", + "title": "October 22 Group", + "text": "October 22 Group The October 22 Group (Italian: \"Gruppo XXII Ottobre\") was an Italian terrorist organisation, established on 22 October 1969. The group was led by Mario Rossi, who received a life sentence in 1973 for killing a messenger in September 1971. The group unsuccessfully attempted to bomb the US consulate in Genoa on 12 April 1970, which was the first recorded attack of the group. The last officially recorded attack of the group was on 26 April 1971 when two members tried to rob a housing organization in Genoa and accidentally killed an employee. The group was disbanded in", + "score": 0.681640625 + }, + { + "id": "3056626", + "title": "Balkans Campaign (World War II)", + "text": "and the Austro-Hungarian Empire, the Albanians looked to the Kingdom of Italy for protection against its enemies. In 1919, Albania's territorial integrity was confirmed at the Paris Peace Conference after United States President Woodrow Wilson opposed a plan by the European powers to divide Albania amongst its neighbors. There were attempted backroom negotiations that ultimately failed. However, after 1925, Italian dictator Benito Mussolini sought to dominate Albania. In 1928, Albania became a kingdom under Zog I, who was a clan chief and former Prime Minister. Zog failed to stave off Italian ascendancy in Albanian internal affairs. On 7 April 1939,", + "score": 0.68115234375 + }, + { + "id": "2263143", + "title": "Giovanni Giolitti", + "text": "Italian Socialist Party and the Italian People's Party. Giolitti became Prime Minister again on 15 June 1920, because he was considered the only one who can solve that dramatic situation. As he did before, he did not accept the demands of landowners and entrepreneurs asking the government to intervene by force. To the complaints of Giovanni Agnelli, who intentionally described a dramatic and exaggerated situation of FIAT, which was occupied by workers, Giolitti replied: \"Very well, I will give orders to the artillery to bomb it.\" After a few days the workers spontaneously ceased the strike. The Prime Minister was", + "score": 0.68115234375 + }, + { + "id": "6394875", + "title": "Fascism and ideology", + "text": "in 1920. D'Annunzio and De Ambris designed the Charter, which advocated national-syndicalist corporatist productionism alongside D'Annunzio's political views. Many Fascists saw the Charter of Carnaro as an ideal constitution for a Fascist Italy. This behaviour of aggression towards Yugoslavia and South Slavs was pursued by Italian Fascists with their persecution of South Slavs \u2013 especially Slovenes and Croats. In 1920, militant strike activity by industrial workers reached its peak in Italy, where 1919 and 1920 were known as the \"Red Years\". Mussolini, a former union organizer, was still at this moment displaying himself \"as a left-wing extremist\" who \"applauded the", + "score": 0.68115234375 + }, + { + "id": "7808442", + "title": "Italian Fascism", + "text": "Until 1925, when the liberal economist Alberto de Stefani, although a former member of the \"squadristi\", was removed from his post as Minister of Economics (1922\u20131925), Italy's coalition government was able to restart the economy and balanced the national budget. Stefani developed economic policies that were aligned with classical liberalism principles, as inheritance, luxury and foreign capital taxes were abolished; life insurance (1923) and the state communications monopolies were privatised, etc. During Italy's coalition government era, pro-business policies apparently did not contradict the State's financing of banks and industry. Political scientist Franklin Hugh Adler referred to this coalition period between", + "score": 0.6806640625 + }, + { + "id": "11253820", + "title": "Corfiot Italians", + "text": "they censored the newspapers. Greece asked for the intervention of the League of Nations, of which both Greece and Italy were members, and demanded the solution of the problem through arbitration. The Italian government of Benito Mussolini refused, declaring that Corfu would remain occupied until the acceptance of the Italian terms. On 7 September 1923, the Conference of Ambassadors in Paris ended with the evacuation of the Italian forces from Corfu, which finally began on 20 September 1923 and ended on the 27th of the same month. After World War I, Italy had embarked on a policy of expansionism towards", + "score": 0.6806640625 + }, + { + "id": "12445136", + "title": "Benito Mussolini", + "text": "keeping up the appearance of loyalty to the Axis, he dissolved the Fascist Party two days after taking over and began negotiating an Armistice with the Allies, which was signed on 3 September 1943. Its announcement five days later threw Italy into chaos; German troops rushed in to take over Italy in Operation Achse. As the Germans approached Rome, Badoglio and the king fled Rome, leaving the Italian Army without orders. After a period of anarchy, Italy finally declared war on Nazi Germany on 13 October 1943 from Malta; thousands of troops were supplied to fight against the Germans, while", + "score": 0.6806640625 + }, + { + "id": "13815498", + "title": "Giacomo Suardo", + "text": "Giacomo Suardo Giacomo Suardo (25 August 1883 \u2013 20 May 1947) was an Italian lawyer and politician. He served as President of the Italian Senate from 1939 to 1943. Suardo was born in Bergamo to Luigi Suardo and Giulia Scotti Suardo. He was elected to the Chamber in 1924 for the Fascist Party. He also served as undersecretary of various ministries, and in 1929 King Victor Emmanuel III appointed him Senator. From 1939 he was President of the Italian Senate and he participated in the 25 July 1943 meeting of the Grand Council of Fascism that overthrew Benito Mussolini, although", + "score": 0.6806640625 + }, + { + "id": "16580453", + "title": "Bloody Christmas (1920)", + "text": "1921, Riccardo Zanella became the first and only elected president of the short lived Free State of Fiume, however this was unable to end disputes over the city. Seven months later in Rome, Mussolini became prime minister, and Italy started heading towards a fascist regime. As a result, Zanella was overthrown in a fascist putsch by local fascists in March 1922, resulting in an Italian military occupation of the city. This period of diplomatic tension ended with the Treaty of Rome on 27 January 1924, which assigned Fiume to Italy and Susak along with other villages, to Yugoslavia, with joint", + "score": 0.6806640625 + }, + { + "id": "13572176", + "title": "1922 Giro d'Italia", + "text": "1922 Giro d'Italia The 1922 Giro d'Italia was the 10th edition of the Giro d'Italia, a cycling race organized and sponsored by the newspaper \"La Gazzetta dello Sport\". The race began on 24 May in Milan with a stage that stretched to Padua, finishing back in Milan on 11 June after a stage and a total distance covered of . The race was won by the Italian rider Giovanni Brunero of the Legnano team. Second and third respectively were the Italian riders Bartolomeo Aymo and Giuseppe Enrici. Of the 75 riders that began the Giro d'Italia on 24 May, fifteen", + "score": 0.6806640625 + }, + { + "id": "1914430", + "title": "OVRA", + "text": "the young Anteo Zamboni, in Bologna on 31 October 1926, a swath of repressive legislation was swiftly enacted by the Italian government. All political parties, association and organizations opposed to the Fascist regime were dissolved, and everybody who was proven to have \"\"committed or expressed intention to commit actions directed to violently subvert the social, economic or national order or undermine national security or to oppose or obstruct the actions of the Government\"\" could be sent into exile to remote locations by the police. On November 25, 1926, the new \"Legge di Difesa dello Stato\" (\"\"State Defense Law\"\") instituted a", + "score": 0.68017578125 + }, + { + "id": "2718454", + "title": "Second Italo-Ethiopian War", + "text": "invasion of Ethiopia in 1908. However, successive Italian governments had more pressing priorities than \"avenging Adowa\", however great the popular clamor might be, and the strategy favored by the Foreign Ministry was one of \"friendship\" and \"peaceful penetration\", bringing Ethiopia into the Italian economic sphere of influence as the prelude to placing it in the political sphere of influence. In the 1920s, the Fascist regime of Benito Mussolini continued the same policies as his predecessors towards Ethiopia, not least because Italy was fully involved in the \"pacification of Libya\" and could not afford to fight two major colonial wars at", + "score": 0.67919921875 + }, + { + "id": "10988800", + "title": "Italianization", + "text": "Many Slovene-owned shops and buildings were destroyed during the riots, which culminated when a group of Italian Fascists, led by Francesco Giunta, burned down the \"Narodni dom\" (\"National House\"), the community hall of the Triestine Slovenes. Benito Mussolini praised this action as a \"masterpiece of the Triestine fascism\"; in two years he would become prime minister of Italy. In September 1920, Mussolini said: This expressed a common Fascist opinion against the Croatian and Slovene minority in the Julian March. Italian teachers were assigned to schools and the use of Croat and Slovene languages in the administration and in the courts", + "score": 0.67919921875 + }, + { + "id": "8654985", + "title": "Maria Montessori", + "text": "sponsorship, and in 1923, the minister of education Giovanni Gentile expressed his official support for Montessori schools and teacher training. In 1924 Montessori met with Mussolini, who extended his official support for Montessori education as part of the national program. A pre-war group of Montessori supporters, the Societa gli Amici del Metodo Montessori (Society of Friends of the Montessori Method) became the Opera Montessori (Montessori Society) with a government charter, and by 1926 Mussolini was made honorary president of the organization. In 1927 Mussolini established a Montessori teacher training college, and by 1929 the Italian government supported a wide range", + "score": 0.6787109375 + }, + { + "id": "12445075", + "title": "Benito Mussolini", + "text": "collected gold was melted down and turned into gold bars, which were then distributed to the national banks. Government control of business was part of Mussolini's policy planning. By 1935, he claimed that three-quarters of Italian businesses were under state control. Later that year, Mussolini issued several edicts to further control the economy, e.g. forcing banks, businesses, and private citizens to surrender all foreign-issued stock and bond holdings to the Bank of Italy. In 1936, he imposed price controls. He also attempted to turn Italy into a self-sufficient autarky, instituting high barriers on trade with most countries except Germany. In", + "score": 0.6787109375 + }, + { + "id": "16868491", + "title": "Silvio Spaventa", + "text": "the statesman and a leading advocate of his political ideas. In July 1860, Spaventa was sent to Naples by Cavour and the Savoy monarchy (who were already planning an invasion of the Kingdom of the Two Sicilies, possibly under the leadership of Garibaldi). His mandate was to prepare for the annexation of the South of Italy to the future Kingdom of Italy. He unsuccessfully tried to achieve this without waiting for Garibaldi to reach Naples. On arriving there, Garibaldi, adopting the title of Dictator expelled Spaventa from the city on 25 September. He returned in October to take up the", + "score": 0.6787109375 + }, + { + "id": "16175284", + "title": "1892 Italian general election", + "text": "1892 Italian general election General elections were held in Italy on 6 November 1892, with a second round of voting on 13 November. The \"ministerial\" left-wing bloc emerged as the largest in Parliament, winning 323 of the 508 seats. The electoral system reverted to the pre-1882 method of using single-member constituencies with second round run-offs. Giovanni Giolitti's first term as Prime Minister (1892\u20131893) was marked by misfortune and misgovernment. The building crisis and the commercial rupture with France had impaired the situation of the state banks, of which one, the \"Banca Romana\", had been further undermined by misadministration. The \"Banca", + "score": 0.6787109375 + }, + { + "id": "2450564", + "title": "Sidney Sonnino", + "text": "briefly as Prime Minister. On 8 February 1906 Sonnino formed his first government, which lasted only three months; on 18 May 1906, after a mere 100 days, he was forced to resign. He proposed major changes to transform Southern Italy, which provoked opposition from the ruling groups. Land taxes were to be reduced by one-third, except for the really big landowners. He also proposed the establishment of provincial banks and to subsidize schools. His reforms provoked opposition from the ruling groups. He was succeeded by Giovanni Giolitti. On 11 December 1909 Sonnino formed his second government, with a strong connotation", + "score": 0.67822265625 + }, + { + "id": "9808531", + "title": "Kingdom of Italy", + "text": "of discrimination against Libyans such as the forced deportation of Libyans to the Tremiti Islands in October 1911. By 1912, one third of these Libyan refugees had died from a lack of food and shelter. The annexation of Libya led nationalists to advocate Italian domination of the Mediterranean Sea by occupying Greece and the Adriatic Sea coastal region of Dalmazia. In 1892, Giovanni Giolitti became Prime Minister of Italy for his first term. Although his first government quickly collapsed one year later, Giolitti returned in 1903 to lead Italy's government during a fragmented period that lasted until 1914. Giolitti had", + "score": 0.67822265625 + } + ], + "answer": "In 1922, the National Fascist Party, the faction of the Italian fascists, and leader and prime minister Benito Mussolini took control of the Italian government. The Kingdom of Italy was governed by the National Fascist Party, an Italian political party created by Benito Mussolini, from 1922 to 1943 with Benito Mussolini as prime minister." + }, + { + "qa_pairs": [ + { + "context": "On August 15, 2012, F\u00e9lix Hern\u00e1ndez of the Seattle Mariners threw the 23rd perfect game in MLB history (and the first in August) against the Tampa Bay Rays. This was the first perfect game in Mariners history, and the franchise's fourth no-hitter. Hernandez's performance was highlighted by 12 strikeouts and a career-high 26 swinging-strikes. In an on-field interview immediately following the last out, Hernandez said he had started thinking about the possibility of a perfect game in the second inning. It was the third time in the past four seasons that Tampa Bay was on the losing side of a perfect game. Four Rays\u2014Evan Longoria, Carlos Pe\u00f1a, B.J. Upton, and Ben Zobrist\u2014joined Alfredo Griffin in having played in three perfect games for the losing team; all four also participated in Buehrle's and Braden's.", + "question": "Who threw the last perfect game in 2012?", + "short_answers": [ + "King F\u00e9lix", + "F\u00e9lix Abraham Graham Hern\u00e1ndez Garc\u00eda", + "F\u00e9lix Hern\u00e1ndez" + ], + "wikipage": "List of Major League Baseball perfect games" + }, + { + "context": "No context provided", + "question": "Who threw the last perfect game in 2010?", + "short_answers": [ + "Roy Halladay", + "Harry Leroy \"Roy\" Halladay III", + "Doc" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who threw the last perfect game in 2009?", + "short_answers": [ + "Mark Buehrle" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "What MLB player threw a perfect game on August 15, 2012?", + "short_answers": [ + "Felix Hernandez" + ], + "wikipage": null + }, + { + "context": "On June 13, 2012, Matt Cain of the San Francisco Giants pitched the first perfect game in Giants franchise history, the second of three in 2012, and the 22nd in MLB history. Third baseman Joaqu\u00edn \u00c1rias threw out Jason Castro for the final out on a chopped grounder he fielded deep behind the bag. Cain tallied 14 strikeouts, tying Sandy Koufax for the most strikeouts in a perfect game. Cain's 125 pitches are the most ever thrown in a perfect game. Cain was aided by a running catch at the wall by Melky Cabrera in the 6th and a diving catch by Gregor Blanco in the 7th. The winning Giants scored 10 runs, making this the highest-scoring perfect game. Home plate umpire Ted Barrett had also called Cone's perfect game, making him the only person to call two; having umpired at third base for Humber's game, Barrett also became just the second man, after Alfredo Griffin, to have been on the field for three perfect games\u2014within two months; since then, there have been four more.", + "question": "What MLB player threw a perfect game on June 13, 2012?", + "short_answers": [ + "Matt Cain" + ], + "wikipage": "List of Major League Baseball perfect games" + }, + { + "context": "On April 21, 2012, Philip Humber of the Chicago White Sox pitched the third perfect game in White Sox history. The final out of Humber's perfect game came after a full-count check-swing third strike to Brendan Ryan on a ball that catcher A. J. Pierzynski dropped. As Ryan disputed umpire Brian Runge's decision that he had swung, Pierzynski threw the ball to first base for the final out. As with Braden, Humber's perfect game was the first complete game of his career. Humber's lifetime major league record of 16-23 gives him the fewest career wins of any pitcher who has thrown an MLB perfect game. The White Sox became the second franchise with three perfect games, joining the Yankees.", + "question": "What MLB player threw a perfect game on April 12, 2012?", + "short_answers": [ + "Philip Humber" + ], + "wikipage": "List of Major League Baseball perfect games" + } + ], + "wikipages": [ + { + "title": "List of Major League Baseball perfect games", + "url": "https://en.wikipedia.org/wiki/List%20of%20Major%20League%20Baseball%20perfect%20games" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Mark Buehrle of the Chicago White Sox pitched a perfect game against the Tampa Bay Rays.", + "wikipage": "Mark Buehrle's perfect game" + }, + { + "content": "On Thursday, July 23, 2009, every batter Mark Buehrle faced was retired.", + "wikipage": "Mark Buehrle's perfect game" + }, + { + "content": "On May 29, 2010, Roy Halladay of the Philadelphia Phillies pitched the twentieth perfect game in Major League Baseball history, against the Florida Marlins in Sun Life Stadium.", + "wikipage": "Roy Halladay's perfect game" + }, + { + "content": "On August 15, 2012, F\u00e9lix Hern\u00e1ndez of the Seattle Mariners threw the 23rd perfect game in MLB history (and the first in August) against the Tampa Bay Rays.", + "wikipage": "List of Major League Baseball perfect games" + }, + { + "content": "On June 13, 2012, Matt Cain of the San Francisco Giants pitched the first perfect game in Giants franchise history, the second of three in 2012, and the 22nd in MLB history.", + "wikipage": "List of Major League Baseball perfect games" + }, + { + "content": "On April 21, 2012, Philip Humber of the Chicago White Sox pitched the third perfect game in White Sox history.", + "wikipage": "List of Major League Baseball perfect games" + } + ], + "long_answer": "In Major League Baseball, a perfect game is when a pitcher (or combination of pitchers) pitches a game that lasts a minimum of nine innings with no batter reaching first base. Between 2009 and 2012, perfect games have been thrown by Mark Buehrle on July 23, 2009, Roy Halladay on May 29, 2010, Philip Humber on April 21, 2012, Matt Cain on June 13, 2012 and Felix Hern\u00e1ndez on August 15, 2012." + }, + { + "knowledge": [ + { + "content": "Over the 150 years of Major League Baseball history, and over 218,400 games played,[1] there have been 23 official perfect games by the current definition.[2][3]", + "wikipage": "Perfect game (baseball)" + }, + { + "content": "A perfect game in Major League Baseball is a game by a pitcher (or combination of pitchers) that lasts a minimum of nine innings with no batter reaching first base.[2]", + "wikipage": "List of Major League Baseball perfect games" + }, + { + "content": "Mark Buehrle of the Chicago White Sox pitched a perfect game against the Tampa Bay Rays. On Thursday, July 23, 2009, every batter Mark Buehrle faced was retired.", + "wikipage": "Mark Buehrle's perfect game" + }, + { + "content": "Halladay, of the Philadelphia Phillies, pitched a perfect game on May 29, 2010 against the Florida Marlins, the second perfect game of the 2010 season 20 days after Braden's, the shortest period between perfect games in the modern era.[41]", + "wikipage": "List of Major League Baseball perfect games Roy Halladay" + }, + { + "content": "F\u00e9lix Abraham Hern\u00e1ndez Garc\u00eda (born April 8, 1986), nicknamed \"King F\u00e9lix\", is a Venezuelan professional baseball pitcher who is a free agent.", + "wikipage": "F\u00e9lix Hern\u00e1ndez" + } + ], + "long_answer": "A perfect game in Major League Baseball is a game by a pitcher that lasts a minimum of nine innings with no batter reaching first base. Over the 150 years of Major League Baseball history, there have been 23 official perfect games by the current definition. Mark Buehrle of the Chicago White Sox pitched a perfect game against the Tampa Bay Rays on Thursday, July 23, 2009. Roy Halladay of the Philadelphia Phillies pitched a perfect game on May 29, 2010 against the Florida Marlins, the second and last perfect game of the 2010 season. On April 21, 2012, Philip Humber of the Chicago White Sox pitched a perfect game, on June 13, 2012, Matt Cain of the San Francisco Giants pitched a perfect game, and on August 15, 2012, Felix Hernandez, nicknamed King F\u00e9lix, threw the last perfect game of 2012." + } + ], + "sample_id": "-8031333510244771356", + "question": "Who threw the last perfect game in mlb?", + "docs": [ + { + "id": "1558226", + "title": "Perfect game", + "text": "than one perfect game (his first was with pitcher Len Barker in 1981 and his second was with pitcher Dennis Mart\u00ednez in 1991). The most recent perfect game pitched in Major League Baseball was thrown by F\u00e9lix Hern\u00e1ndez of the Seattle Mariners against the Tampa Bay Rays on August 15, 2012). He struck out the side twice and struck out twelve total batters in the 1-0 victory over Tampa Bay. Since the beginning of the 2009 MLB season, it was the third time that the Tampa Bay Rays were on the losing end of a perfect game. The only perfect", + "score": 0.78564453125, + "summary": "F\u00e9lix Hern\u00e1ndez of the Seattle Mariners threw the last perfect game in MLB on August 15, 2012, against the Tampa Bay Rays.", + "extraction": "F\u00e9lix Hern\u00e1ndez of the Seattle Mariners threw the last perfect game in MLB against the Tampa Bay Rays on August 15, 2012." + }, + { + "id": "4041665", + "title": "Yankees\u2013Red Sox rivalry", + "text": "the arch-rivals. Cone would later take part in another notable game later that year when he went up against newly acquired Yankees pitcher Mike Mussina. Mussina had come within one strike of pitching a perfect game against the Red Sox at Fenway Park. Carl Everett's 9th-inning single was the only baserunner allowed by Mussina in a 1\u20130 Yankees win. Coincidentally, David Cone was the last Yankees pitcher to throw a perfect game, in 1999. On September 10, the two teams had a game against each other rained out. The next day, the country saw one of its biggest tragedies bring", + "score": 0.765625, + "summary": "David Cone was the last Yankees pitcher to throw a perfect game in 1999.", + "extraction": "David Cone was the last Yankees pitcher to throw a perfect game, in 1999." + }, + { + "id": "16730668", + "title": "Fe\u0301lix Herna\u0301ndez's perfect game", + "text": "F\u00e9lix Hern\u00e1ndez's perfect game On August 15, 2012, Seattle Mariners pitcher F\u00e9lix Hern\u00e1ndez pitched the 23rd and most recent perfect game in Major League Baseball history and the first in Mariners' franchise history. Pitching against the Tampa Bay Rays at Safeco Field in Seattle, Washington, Hern\u00e1ndez retired all 27 batters that he faced and tallied 12 strikeouts in a 1\u20130 victory. This was the third perfect game of the 2012 Major League Baseball season, following perfect games thrown by Philip Humber and Matt Cain, marking the first time that three perfect games were thrown in one MLB season. Also, as", + "score": 0.7607421875, + "summary": "F\u00e9lix Hern\u00e1ndez threw the last perfect game in MLB on August 15, 2012, against the Tampa Bay Rays, making it the 23rd perfect game in MLB history and the first in Mariners' franchise history. He retired all 27 batters he faced and had 12 strikeouts in a 1-0 victory.", + "extraction": "F\u00e9lix Hern\u00e1ndez threw the last perfect game in MLB on August 15, 2012." + }, + { + "id": "16471967", + "title": "Kenny Rogers' perfect game", + "text": "Kenny Rogers' perfect game On July 28, 1994, Kenny Rogers of the Texas Rangers pitched the 14th perfect game in Major League Baseball history, blanking the California Angels 4-0 at The Ballpark at Arlington. Needing 98 pitches to complete his masterpiece, Rogers struck out eight batters. He also survived three-ball counts to seven Angel hitters. The perfect game is, as of 2017, the most recent no-hitter in Ranger history. Rogers said he did not think about the perfect game until the ninth inning\u2014and the bid was almost broken up one batter in. Rookie center fielder Rusty Greer preserved the bid", + "score": 0.7587890625, + "summary": "Kenny Rogers threw the last perfect game in MLB on July 28, 1994, while playing for the Texas Rangers.", + "extraction": "Kenny Rogers of the Texas Rangers threw the last perfect game in Major League Baseball history." + }, + { + "id": "2405803", + "title": "David Cone", + "text": "for $8 million. He went 12\u20139 in 1999, pitching the sixteenth perfect game in baseball history on July 18 against the Montreal Expos. It is the last no-hitter to date by a Yankee, and also the first (and so far, only) regular season interleague perfect game. Making the game even more remarkable was that it was \"Yogi Berra Day\" at Yankee Stadium. After a long feud with owner George Steinbrenner, Berra agreed to return to the stadium that day, and caught the ceremonial first pitch from fellow perfect game pitcher Don Larsen. Larsen could be seen smiling in the press", + "score": 0.7568359375, + "summary": "David Cone threw the last perfect game in MLB on July 18, 1999 against the Montreal Expos.", + "extraction": "David Cone pitched the last perfect game in MLB. He achieved this feat on July 18, 1999, against the Montreal Expos." + }, + { + "id": "5761667", + "title": "Fe\u0301lix Herna\u0301ndez", + "text": "3 game after AL Team manager, Ron Washington, stated Hern\u00e1ndez's 113 pitches thrown on July 1 was the deciding factor. Hern\u00e1ndez pitched his third shutout over his past eight starts when he recorded a 1\u20130 win over the Yankees on August 4. He gave up two hits and won his sixth decision in a row, the third-longest stretch of his career. On August 15, Hern\u00e1ndez threw the first perfect game in Mariners history and the 23rd and most recent perfect game in MLB history. He recorded 12 strikeouts, five of which were in the last two innings, against the Tampa", + "score": 0.7548828125, + "summary": "F\u00e9lix Hern\u00e1ndez threw the last perfect game in MLB history on August 15.", + "extraction": "Fe\u0301lix Herna\u0301ndez threw the last perfect game in MLB history on August 15." + }, + { + "id": "16471968", + "title": "Kenny Rogers' perfect game", + "text": "by making a diving catch of Rex Hudler's sinking line drive to right-center leading off the inning. Greer also caught Gary DiSarcina's fly ball for the game's final out. Offensively for the Rangers, Jose Canseco hit two home runs. One of them came in the third inning and was on the front end of back-to-back homers with Iv\u00e1n Rodr\u00edguez, Rogers' catcher. The perfect game came three years to the day after Dennis Mart\u00ednez's perfect game, the last perfect game prior to this one, and made Rogers the third left-hander to pitch a perfect game, joining Sandy Koufax in 1965 and", + "score": 0.7529296875, + "summary": "Kenny Rogers threw the last perfect game in MLB, three years after Dennis Martinez's perfect game. Jose Canseco hit two home runs, and Rogers was the third left-hander to pitch a perfect game, joining Sandy Koufax in 1965.", + "extraction": "irrelevant" + }, + { + "id": "16730671", + "title": "Fe\u0301lix Herna\u0301ndez's perfect game", + "text": "the side in the sixth and the eighth innings. Jeremy Hellickson, the starting pitcher for Tampa Bay, allowed one run in seven innings on a run batted in single by Jes\u00fas Montero in the third inning. Rays manager Joe Maddon was ejected from the game in the seventh inning for arguing a called strike with the home plate umpire Rob Drake. FIELDING BATTING BASERUNNING F\u00e9lix Hern\u00e1ndez's perfect game On August 15, 2012, Seattle Mariners pitcher F\u00e9lix Hern\u00e1ndez pitched the 23rd and most recent perfect game in Major League Baseball history and the first in Mariners' franchise history. Pitching against the", + "score": 0.751953125, + "summary": "F\u00e9lix Hern\u00e1ndez threw the last perfect game in MLB on August 15, 2012, while playing for the Seattle Mariners.", + "extraction": "F\u00e9lix Hern\u00e1ndez pitched the last perfect game in Major League Baseball history and the first in Mariners' franchise history." + }, + { + "id": "2167599", + "title": "No-hitter", + "text": "also the latest calendar date for a no-hit game thus far. On September 28, 1975, four Oakland A's pitchers (Vida Blue, Glenn Abbott, Paul Lindblad, Rollie Fingers) combined for a season-ending no-hitter against the California Angels. Mike Witt of the California Angels threw a perfect game against the Texas Rangers on September 30, 1984. Henderson \u00c1lvarez of the Miami Marlins no-hit the Detroit Tigers on September 29, 2013, to close the regular season. Jordan Zimmermann of the Washington Nationals no-hit the Miami Marlins on the last day of the 2014 season, September 28. The latest regular-season no-hitter by calendar date", + "score": 0.751953125, + "summary": "Mike Witt of the California Angels threw the last perfect game in MLB on September 30, 1984.", + "extraction": "Mike Witt of the California Angels threw a perfect game against the Texas Rangers on September 30, 1984." + }, + { + "id": "16471972", + "title": "Dennis Marti\u0301nez's perfect game", + "text": "Dennis Mart\u00ednez's perfect game On July 28, 1991, Dennis Mart\u00ednez of the Montreal Expos pitched the 13th perfect game in Major League Baseball history, blanking the Los Angeles Dodgers 2-0 at Dodger Stadium. A native of Granada, Nicaragua, Mart\u00ednez became the first pitcher born outside of the United States to pitch a perfect game. (He has since been joined by Venezuela native F\u00e9lix Hern\u00e1ndez, who pitched a perfect game in 2012.) The perfect game also made the Dodgers, the losing team in Tom Browning's perfect game in 1988, the first team to be on the losing end of consecutive perfect", + "score": 0.7509765625, + "summary": "Dennis Mart\u00ednez threw the last perfect game in MLB on July 28, 1991, for the Montreal Expos against the Los Angeles Dodgers. He became the first pitcher born outside of the United States to pitch a perfect game.", + "extraction": "Dennis Mart\u00ednez of the Montreal Expos threw the last perfect game in MLB on July 28, 1991." + }, + { + "id": "14799088", + "title": "Dallas Braden's perfect game", + "text": "in baseball history. Braden, who was 26 at the time, was the youngest pitcher to throw a perfect game since Mike Witt in 1984. The game was the Athletics' first no-hitter since 1990 when Dave Stewart did so on June 29, 1990, against the Toronto Blue Jays. Before Braden threw his perfect game, controversy arose surrounding him after a game on April 22, 2010, when the Oakland Athletics and the New York Yankees played each other. During that game, Yankees third baseman Alex Rodriguez walked across the pitchers mound. Braden claimed that there was an \"unwritten rule\" in baseball that", + "score": 0.7490234375, + "summary": "Dallas Braden threw the last perfect game in MLB. He was 26 years old at the time and the game was the Athletics' first no-hitter since 1990. The game took place after a controversy with Alex Rodriguez walking across the pitcher's mound.", + "extraction": "Dallas Braden threw the last perfect game in MLB." + }, + { + "id": "14798068", + "title": "Randy Johnson's perfect game", + "text": "Randy Johnson's perfect game On May 18, 2004, Randy Johnson, who was a pitcher for the Major League Baseball (MLB) Arizona Diamondbacks, pitched a perfect game against the Atlanta Braves. The game took place at Turner Field in Atlanta in front of a crowd of 23,381 people. Johnson, who was 40 at the time, was the oldest pitcher in MLB history to throw a perfect game, surpassing Cy Young who was 37 when he threw his perfect game in 1904. This perfect game was the 17th in baseball history, with the 16th perfect game being David Cone in 1999. Johnson's", + "score": 0.74755859375, + "summary": "Randy Johnson threw the last perfect game in MLB on May 18, 2004 against the Atlanta Braves.", + "extraction": "Randy Johnson threw the last perfect game in MLB on May 18, 2004, against the Atlanta Braves." + }, + { + "id": "14746234", + "title": "Mark Buehrle's perfect game", + "text": "Johnson of the Arizona Diamondbacks pitched a perfect game against the Atlanta Braves at Turner Field. The previous occasion a White Sox pitcher threw a perfect game was on April 30, 1922 when Charlie Robertson pitched a perfecto against the Detroit Tigers at Navin Field (later known as Tiger Stadium); that was the fifth perfect game in MLB history. Buehrle also logged his second career no-hitter; the first was against the Texas Rangers on April 18, 2007. He became the first pitcher to throw multiple no-hitters since Johnson. Buehrle did this in the midst of setting a Major League record", + "score": 0.7451171875, + "summary": "Mark Buehrle threw the last perfect game in MLB history.", + "extraction": "Mark Buehrle threw the last perfect game in MLB." + }, + { + "id": "16283435", + "title": "Don Larsen's perfect game", + "text": "Don Larsen's perfect game On October 8, 1956, in Game 5 of the 1956 World Series, Don Larsen of the New York Yankees threw a perfect game against the Brooklyn Dodgers. Larsen's perfect game is the only perfect game in the history of the World Series; it was the first perfect game thrown in 34 years and is one of only 23 perfect games in MLB history. His perfect game remained the only no-hitter of any type ever pitched in postseason play until Philadelphia Phillies pitcher Roy Halladay threw a no-hitter against the Cincinnati Reds on October 6, 2010, in", + "score": 0.74462890625, + "summary": "Don Larsen threw the last perfect game in MLB on October 8, 1956, against the Brooklyn Dodgers.", + "extraction": "Don Larsen of the New York Yankees threw the last perfect game in MLB." + }, + { + "id": "14799087", + "title": "Dallas Braden's perfect game", + "text": "Dallas Braden's perfect game On May 9, 2010, Major League Baseball pitcher Dallas Braden pitched a perfect game. Braden, a member of the Oakland Athletics, pitched the game against the Tampa Bay Rays and retired all 27 batters. The game took place on Mother's Day in the United States and Braden's grandmother, Peggy Lindsey \u2014 who raised him after his mother died of cancer when he was in high school \u2014 was in attendance. Braden's battery mate during the game was Landon Powell, who was called up from the minor leagues 18 days before. It was the nineteenth perfect game", + "score": 0.74462890625, + "summary": "Dallas Braden threw the last perfect game in MLB on May 9, 2010, against the Tampa Bay Rays while playing for the Oakland Athletics.", + "extraction": "Dallas Braden pitched the last perfect game in MLB." + }, + { + "id": "7319268", + "title": "Sunday Night Baseball", + "text": "was the most recent pitcher to record a perfect game having done so two years earlier as a Yankee against the Montreal Expos. On June 16, 2002, \"Sunday Night Baseball\" covered a Subway Series at Shea Stadium in which Mo Vaughn hit a game winning three-run home run in the New York Mets' 3-2 win over the New York Yankees. Rafael Furcal completed an unassisted triple play for the Atlanta Braves against the St. Louis Cardinals on August 10, 2003. It was the 12th such play in baseball history. In the fifth inning, the shortstop caught pitcher Woody Williams' liner", + "score": 0.74462890625, + "summary": "irrelevant", + "extraction": "was the most recent pitcher to record a perfect game" + }, + { + "id": "9894124", + "title": "Dallas Braden", + "text": "Dallas Braden Dallas Lee Braden (born August 13, 1983) is a former American professional baseball pitcher. He played in Major League Baseball (MLB) for the Oakland Athletics from 2007 through 2011. Listed at and , he both threw and batted left-handed. On May 9, 2010, Braden pitched a perfect game, the 19th in baseball history. The next season, shoulder problems were the first of a series of injuries that forced him to retire in 2014 after not throwing a pitch for two and a half seasons. Braden was born in Phoenix, Arizona. He played Little League baseball in Stockton, California", + "score": 0.744140625, + "summary": "Dallas Braden threw the last perfect game in MLB on May 9, 2010.", + "extraction": "Dallas Braden pitched the last perfect game in MLB." + }, + { + "id": "14798071", + "title": "Randy Johnson's perfect game", + "text": "2012. The perfect game was Johnson's second no-hitter, the first in 1990 on the Seattle Mariners. Johnson's perfect game was the first in the MLB since David Cone on July 18, 1999 for the New York Yankees, and the first in the National League since Dennis Mart\u00ednez of the Montreal Expos on July 28, 1991. Johnson, who was 40 at the time, surpassed Cy Young as the oldest pitcher to throw a perfect game in MLB history. Young, who achieved the feat in 1904, was 37 at the time. -Johnny Estrada's first at-bat in the second inning was the longest", + "score": 0.7431640625, + "summary": "Randy Johnson threw the last perfect game in MLB in 2004.", + "extraction": "The last perfect game in MLB was thrown by Randy Johnson." + }, + { + "id": "16471978", + "title": "Dennis Marti\u0301nez's perfect game", + "text": "dubious mark: Evan Longoria, Carlos Pe\u00f1a, B. J. Upton and Ben Zobrist were all on the losing end of Mark Buehrle's perfect game in 2009, Dallas Braden's perfect game in 2010, and F\u00e9lix Hern\u00e1ndez's perfect game in 2012. Dennis Mart\u00ednez's perfect game On July 28, 1991, Dennis Mart\u00ednez of the Montreal Expos pitched the 13th perfect game in Major League Baseball history, blanking the Los Angeles Dodgers 2-0 at Dodger Stadium. A native of Granada, Nicaragua, Mart\u00ednez became the first pitcher born outside of the United States to pitch a perfect game. (He has since been joined by Venezuela native", + "score": 0.7431640625, + "summary": "Dennis Mart\u00ednez threw the last perfect game in MLB on July 28, 1991, for the Montreal Expos against the Los Angeles Dodgers.", + "extraction": "Dennis Mart\u00ednez of the Montreal Expos pitched the last perfect game in MLB on July 28, 1991." + }, + { + "id": "2986448", + "title": "Kenny Rogers (baseball)", + "text": "perfect game in baseball history on July 28, 1994 with the Rangers against the California Angels (the last no-hitter in Rangers history to date, and the only perfect game in franchise history). Soon after his feat, he appeared on ABC's \"Good Morning America\" on July 29, 1994, and on CBS's \"Late Show with David Letterman\" on August 1, 1994. He also met and appeared with musician Kenny Rogers at a function in Arlington, Texas on August 13, 1994. Rogers' 1994 perfect game was caught by Iv\u00e1n Rodr\u00edguez, who in June 2007 caught the no-hitter of Detroit Tiger Justin Verlander, both", + "score": 0.74169921875, + "summary": "Kenny Rogers threw the last perfect game in MLB on July 28, 1994 with the Texas Rangers against the California Angels.", + "extraction": "Kenny Rogers threw the last perfect game in MLB on July 28, 1994 with the Rangers against the California Angels." + }, + { + "id": "369836", + "title": "Seattle Mariners", + "text": "performed the song at the Mariners' Opening Day game on April 8, . On April 21, 2012, Philip Humber of the Chicago White Sox threw the third perfect game in Chicago White Sox history against the Mariners at Safeco Field in Seattle. It was the 21st perfect game in MLB history. Mariners starting pitcher Kevin Millwood and five other pitchers combined to throw the tenth combined no-hitter in MLB history and the first in team history on June 8, 2012. The last combined one occurred in 2003, when six Houston Astros no-hit the New York Yankees in New York. The", + "score": 0.74169921875 + }, + { + "id": "5761668", + "title": "Fe\u0301lix Herna\u0301ndez", + "text": "Bay Rays in a 1\u20130 victory. It was the fourth no-hitter in team history and Hern\u00e1ndez joined Randy Johnson and Chris Bosio as the only Mariners pitchers to throw individual no-hitters. One of their no-hitters were combined, needing six pitchers to do so on June 8 against the Dodgers. His perfect game was the last no-hitter thrown in the American League for the next three years, until his Japanese teammate, Hisashi Iwakuma succeeded him on August 12, 2015. On February 13, 2013, Hern\u00e1ndez signed a seven-year extension with the Mariners worth $175 million, voiding the final two years of his", + "score": 0.7412109375 + }, + { + "id": "14746233", + "title": "Mark Buehrle's perfect game", + "text": "Mark Buehrle's perfect game Mark Buehrle of the Chicago White Sox pitched a perfect game against the Tampa Bay Rays by retiring all nine batters he faced three times each on Thursday, July 23, 2009. This event took place in U.S. Cellular Field in Chicago in front of 28,036 fans in attendance. This game took 2:03 from 1:07 PM CT to 3:10 PM CT. It was the eighteenth perfect game and 263rd no-hitter in MLB history, second perfect game and seventeenth no-hitter in White Sox history. The previous perfect game in MLB history was on May 18, 2004 when Randy", + "score": 0.7412109375 + }, + { + "id": "16471970", + "title": "Mike Witt's perfect game", + "text": "Mike Witt's perfect game On September 30, 1984, Mike Witt of the California Angels threw a perfect game against the Texas Rangers at Arlington Stadium. It was the 11th perfect game in Major League Baseball history. Witt's perfect game came on the last day of the 1984 MLB season. As the Angels and Rangers had both been eliminated from the playoffs, only 8,375 fans attended the game. Witt was opposed by Charlie Hough of the Rangers, who allowed only one run to the Angels. Reggie Jackson, whose seventh-inning fielder's choice ground ball scored Doug DeCinces for the game's only run,", + "score": 0.7412109375 + }, + { + "id": "15642574", + "title": "David Cone's perfect game", + "text": "the bottom of the third inning in the middle of an at-bat for Tino Martinez. As part of the day's \"Yogi Berra Day\" festivities honoring the Yankees' former catcher, before the game, former Yankees pitcher Don Larsen threw the ceremonial first pitch to Berra; the two comprised the battery for Larsen's perfect game in 1956. Cone's perfect game was the 247th no-hitter in MLB history, and 11th, and to date last no-hitter in Yankees history. The previous perfect game in both MLB and Yankee history was 14 months prior on May 17, 1998, when David Wells pitched a perfect game", + "score": 0.74072265625 + }, + { + "id": "16461109", + "title": "Philip Humber's perfect game", + "text": "Philip Humber's perfect game Philip Humber of the Chicago White Sox pitched a perfect game against the Seattle Mariners by retiring all 27 batters he faced on April 21, 2012, as the White Sox defeated the Mariners 4\u20130. It was the 21st perfect game in Major League Baseball (MLB) history and the third by a member of the White Sox. It was Humber's first career complete game, although he had come close to achieving no-hitters on several occasions at several levels of organized baseball. The game was played in Seattle and broadcast regionally by Fox Sports in the two teams'", + "score": 0.73974609375 + }, + { + "id": "4668380", + "title": "Mark Buehrle", + "text": "only the third pitcher in MLB history (joining Cy Young and Sandy Koufax) to have a no-hitter, a perfect game, and a World Series title with the same team \u2013 a feat Buehrle accomplished with the White Sox in 2005 (World Series), 2007 (no-hitter), and 2009 (perfect game). Illinois Governor Pat Quinn declared July 30, 2009 \"Mark Buehrle Day\". Prior to the game against the New York Yankees, Buehrle was given a plaque to commemorate the occasion. In September 2009, the July 23 perfect game received the \"Sporting News\" Performance of the Decade award. In November 2009, Buehrle was selected", + "score": 0.7373046875 + }, + { + "id": "16471939", + "title": "John Montgomery Ward's perfect game", + "text": "ball and Galvin throwing a wild pitch. This is one of six perfect games in which both pitchers pitched the full nine innings. This was the second perfect game in history. This was the last perfect game in the National League until Jim Bunning threw one in 1964, which was the same year that Ward was elected to the National Baseball Hall of Fame and Museum by the Veterans Committee. John Montgomery Ward's perfect game John Montgomery Ward, pitcher for the Providence Grays, pitched a perfect game against the Buffalo Bisons by retiring all 27 batters he faced on Thursday,", + "score": 0.73681640625 + }, + { + "id": "16471962", + "title": "Len Barker's perfect game", + "text": "struck out in his two at-bats; in the ninth inning, he was pinch-hit for by Alvis Woods, who struck out. Len Barker's perfect game On May 15, 1981, Len Barker of the Cleveland Indians threw a perfect game against the Toronto Blue Jays at Cleveland Stadium, the tenth perfect game in Major League Baseball history. The Indians defeated the Blue Jays 3\u20130, as Barker did not allow a baserunner. Barker never once reached ball three against any Blue Jay hitter. He recorded strikeouts against seven of the last eleven Blue Jays hitters. Barker's perfect game is the most recent no-hitter", + "score": 0.73681640625 + }, + { + "id": "3247563", + "title": "Don Larsen", + "text": "Don Larsen Don James Larsen (born August 7, 1929) is an American retired Major League Baseball (MLB) pitcher. During a 15-year MLB career, he pitched from 1953 to 1967 for seven different teams. Larsen pitched for the St. Louis Browns / Baltimore Orioles (1953\u201354; 1965), New York Yankees (1955\u201359), Kansas City Athletics (1960\u20131961), Chicago White Sox (1961), San Francisco Giants (1962\u201364), Houston Colt .45's / Houston Astros (1964\u201365), and Chicago Cubs (1967). Larsen pitched the sixth perfect game in MLB history, doing so in Game 5 of the 1956 World Series. It is the only no-hitter and perfect game in", + "score": 0.736328125 + }, + { + "id": "108050", + "title": "Detroit Tigers", + "text": "Year voting. Justin Verlander enjoyed another strong season (18\u20139 record, 3.37 ERA, 219 strikeouts). On June 2, 2010, Armando Galarraga was pitching a perfect game against the Cleveland Indians with 2 outs in the top of the ninth inning when first base umpire Jim Joyce made a controversial call, ruling Jason Donald safe at first. Video replay showed he was out. A tearful Joyce later said, \"I just cost that kid a perfect game. I thought he beat the throw. I was convinced he beat the throw, until I saw the replay.\" Galarraga would later tell reporters that Joyce apologized", + "score": 0.736328125 + }, + { + "id": "3152457", + "title": "Len Barker", + "text": "a perfect game). The final out of the game was a fly ball caught by Rick Manning in short center field. Barker's pitching was so consistent that he never once reached ball three against any Blue Jay hitter. Barker's perfect outing, one of only twenty-three in the history of Major League baseball, is also the last no-hitter thrown by an Indian. \"I run into people almost every day who want to talk about it\", Barker said in 2006. \"Everyone says, 'You're probably tired of talking about it.' I say, 'No, it's something to be proud of.' It's a special thing.\"", + "score": 0.736328125 + }, + { + "id": "14622062", + "title": "Armando Galarraga's near-perfect game", + "text": "Armando Galarraga's near-perfect game In a Major League Baseball game played on June 2, 2010, at Comerica Park in Detroit, Michigan, Detroit Tigers pitcher Armando Galarraga nearly became the 21st pitcher in Major League history to throw a perfect game. Facing the Cleveland Indians, Galarraga retired the first 26 batters he faced, but his bid for a perfect game was ruined one out short when first base umpire Jim Joyce incorrectly ruled that Indians batter Jason Donald reached first base safely on a ground ball. Galarraga instead finished with a one-hit shutout in a 3\u20130 victory. He faced 28 batters", + "score": 0.73583984375 + }, + { + "id": "16471960", + "title": "Len Barker's perfect game", + "text": "Len Barker's perfect game On May 15, 1981, Len Barker of the Cleveland Indians threw a perfect game against the Toronto Blue Jays at Cleveland Stadium, the tenth perfect game in Major League Baseball history. The Indians defeated the Blue Jays 3\u20130, as Barker did not allow a baserunner. Barker never once reached ball three against any Blue Jay hitter. He recorded strikeouts against seven of the last eleven Blue Jays hitters. Barker's perfect game is the most recent no-hitter thrown by a Cleveland pitcher. \"I run into people almost every day who want to talk about it,\" Barker said", + "score": 0.73388671875 + }, + { + "id": "3541775", + "title": "Tom Browning", + "text": "with 23-game-winner Danny Jackson. On September 16, 1988, Browning pitched the twelfth perfect game in baseball history. In a 1\u20130 victory over the Los Angeles Dodgers at Riverfront Stadium, Browning threw 70 of 102 pitches for strikes and did not run the count to three balls on a single batter. The first left-hander to pitch a perfect game since Sandy Koufax in 1965 (see Sandy Koufax's perfect game), Browning remains the only Red to pitch a perfect game. Browning had had a previous no-hitter broken up by a Tony Gwynn single with one out in the ninth in June of", + "score": 0.7333984375 + }, + { + "id": "16585712", + "title": "Matt Cain's perfect game", + "text": "125 pitches were the most thrown in a Major League perfect game. The Giants recorded 10 runs, the most by any team in a perfect game. By scoring a run in the 5th inning, Cain became the only pitcher to have scored a run in his perfect game. The final out was made by Astros pinch-hitter Jason Castro. Castro chopped a 1-2 pitch to third base where it was fielded deep behind the bag by third baseman Joaquin Arias. Arias successfully made the long throw across the diamond to first baseman Brandon Belt, who then tucked the ball in his", + "score": 0.73193359375 + }, + { + "id": "16461119", + "title": "Philip Humber's perfect game", + "text": "refused to discuss the play after the game and offered nothing but praise for Humber. Humber finished the game with nine strikeouts; the other batters were retired with five groundouts and thirteen flyouts. Humber threw only 96 pitches, making this the first perfect game thrown in under 100 pitches since David Cone's perfect game on July 18, 1999. Humber had only started 29 Major League games prior to throwing his perfect game, making him the pitcher with the second fewest starts prior to throwing a perfect game, behind fellow White Sox player Charlie Robertson. MLB.com has made available the video", + "score": 0.73193359375 + }, + { + "id": "1558225", + "title": "Perfect game", + "text": "Brooklyn Dodgers on October 8, 1956. By coincidence, the second Yankee pitcher to throw a perfect game, David Wells in 1998, graduated from the same high school as Larsen - Point Loma High School in San Diego, California. In a further coincidence, Larsen was in attendance when the third Yankee pitcher to throw a perfect game, David Cone in 1999, performed the feat on the same day that Larsen and Yogi Berra (the catcher in the 1956 perfect game) were invited to do the ceremonial first pitch. Ron Hassey is the only catcher in MLB history to have caught more", + "score": 0.7314453125 + }, + { + "id": "14799096", + "title": "Dallas Braden's perfect game", + "text": "injuries. Dallas Braden's perfect game On May 9, 2010, Major League Baseball pitcher Dallas Braden pitched a perfect game. Braden, a member of the Oakland Athletics, pitched the game against the Tampa Bay Rays and retired all 27 batters. The game took place on Mother's Day in the United States and Braden's grandmother, Peggy Lindsey \u2014 who raised him after his mother died of cancer when he was in high school \u2014 was in attendance. Braden's battery mate during the game was Landon Powell, who was called up from the minor leagues 18 days before. It was the nineteenth perfect", + "score": 0.7314453125 + }, + { + "id": "16461121", + "title": "Philip Humber's perfect game", + "text": "the 21st perfect game in MLB history and the first since Roy Halladay's perfect game on May 29, 2010. It was the third perfect game in White Sox history (tying them with the Yankees for most perfect games) after Charlie Robertson's (who threw the only other perfect game in April in MLB history) on April 30, 1922, and Mark Buehrle's on July 23, 2009, and the 18th no-hitter in White Sox history (tying them with the Red Sox for second most no-hitters). It was Humber's second start of the 2012 season and first career complete game. Humber went 1\u20130 with", + "score": 0.73095703125 + }, + { + "id": "9894131", + "title": "Dallas Braden", + "text": "the inning as the players were switching sides, Braden yelled at Rodriguez. Rodriguez offered no apology and later engaged Braden in the press, pointing to his short career and losing record. On May 9, 2010, Braden pitched the 19th perfect game in MLB history against the Tampa Bay Rays in Oakland. He did it in 109 pitches, 77 of which were strikes, with catcher Landon Powell behind the plate. Braden had lost his mother to melanoma, so pitching the 19th perfect game in major league history was of even greater significance to Braden because he achieved the feat on Mother's", + "score": 0.73046875 + }, + { + "id": "16283443", + "title": "Don Larsen's perfect game", + "text": "Larsen did a round of endorsements and promotional work around the United States, but he stopped soon after because it was \"disrupting his routine\". Larsen's perfect game remained the only no-hitter thrown in the MLB postseason until Roy Halladay of the Philadelphia Phillies threw a no-hitter on October 6, 2010, against the Cincinnati Reds in the first game of the 2010 National League Division Series. Halladay, who had already thrown a perfect game earlier in the 2010 season, faced 28 batters after giving up a walk (to Jay Bruce of the Cincinnati Reds) in the fifth inning. Larsen's perfect game", + "score": 0.72998046875 + }, + { + "id": "5992556", + "title": "Matt Cain", + "text": "the 22nd perfect game in MLB history, against the Houston Astros, striking-out a career-high 14 batters (tying Sandy Koufax for the most strikeouts in a perfect game). It was the first perfect game for the Giants franchise (first in San Francisco), the ninth in NL history, the fifth no-hitter thrown by MLB pitchers in 2012, and the second perfect game of the season after Chicago White Sox pitcher Philip Humber threw one on April 21. Cain threw 125 pitches, the most by a pitcher in a perfect game, and received the most run support ever for a pitcher throwing a", + "score": 0.72998046875 + }, + { + "id": "3609882", + "title": "Charlie Robertson", + "text": "Don Larsen's perfect game in the 1956 World Series. Charlie Robertson Charles Culbertson Robertson (January 31, 1896 \u2013 August 23, 1984) was an American professional baseball player. He played in Major League Baseball as a pitcher, and is best remembered for throwing a perfect game in 1922. He was the last surviving player who played at least one game for the 1919 Chicago White Sox, having died in 1984. Robertson was born in Dexter, Texas, grew up in Nocona, Texas, and graduated from Nocona High School in 1915. Charles attended Austin College from 1917 until 1919. He began his career", + "score": 0.72998046875 + }, + { + "id": "2092712", + "title": "Roy Halladay", + "text": "(9), including 4 shutouts. He became just the seventh pitcher in the history of Major League baseball to pitch 250 or more innings with 30 or fewer walks, the first pitcher to do so since Grover Cleveland Alexander in 1923 with the Chicago Cubs. On May 29, 2010, Halladay pitched the 20th perfect game in MLB history, against the Florida Marlins in Miami, retiring all 27 batters and striking out 11, allowing no hits, runs, walks, or errors. This was the first time in the modern era that two pitchers (Dallas Braden of the Oakland A's and Halladay) had thrown", + "score": 0.7294921875 + }, + { + "id": "13997511", + "title": "Major League Baseball 2K10", + "text": "Sports announced a contest where players had a chance to win $1,000,000 for pitching a perfect game on the Xbox 360 or PS3 versions of the game. The feat was finally achieved by Wade McGilberry of Mobile, Alabama who used the Atlanta Braves pitcher Kenshin Kawakami. Major League Baseball 2K10 Major League Baseball 2K10 or, in short, MLB 2K10, is an MLB licensed baseball simulation video game published by 2K Sports. \"MLB 2K10\" was available for PC, Xbox 360, PlayStation 3, PlayStation 2, PlayStation Portable, Wii and Nintendo DS. The game was released on March 2, 2010. New to the", + "score": 0.72900390625 + }, + { + "id": "16471973", + "title": "Dennis Marti\u0301nez's perfect game", + "text": "games; they have since been joined by the Tampa Bay Rays, who were the losing team in Mark Buehrle's perfect game in 2009 and Dallas Braden's perfect game the following year. After completing the perfect game, Mart\u00ednez slowly walked into the Dodger stadium dugout, sat down by himself and cried. The perfect game is the last of four no-hitters in Montreal Expos history, Bill Stoneman having pitched two, in 1969 (the franchise's inaugural season, and only nine games into its history) and 1972, and Charlie Lea in 1981. After the 2004 season, the franchise moved to Washington, D.C., where it", + "score": 0.72900390625 + }, + { + "id": "14746248", + "title": "Mark Buehrle's perfect game", + "text": "run-robbing catch is marked with the text, \"The Catch\". Mark Buehrle's perfect game Mark Buehrle of the Chicago White Sox pitched a perfect game against the Tampa Bay Rays by retiring all nine batters he faced three times each on Thursday, July 23, 2009. This event took place in U.S. Cellular Field in Chicago in front of 28,036 fans in attendance. This game took 2:03 from 1:07 PM CT to 3:10 PM CT. It was the eighteenth perfect game and 263rd no-hitter in MLB history, second perfect game and seventeenth no-hitter in White Sox history. The previous perfect game in", + "score": 0.728515625 + }, + { + "id": "16471969", + "title": "Kenny Rogers' perfect game", + "text": "Tom Browning in 1988. It also came 10 years after the Angels' Mike Witt pitched his perfect game against the Rangers, that game taking place in The Ballpark's predecessor, Arlington Stadium. As of 2017, the Angels and Rangers are the only two teams to record perfect games against each other. The home plate umpire was minor league fill-in Ed Bean, who was working in his 29th Major League game and seventh as home plate umpire. Bean worked only seven more Major League games. Kenny Rogers' perfect game On July 28, 1994, Kenny Rogers of the Texas Rangers pitched the 14th", + "score": 0.728515625 + }, + { + "id": "16153149", + "title": "David Wells' perfect game", + "text": "David Wells' perfect game On May 17, 1998, David Wells of the New York Yankees pitched the 15th perfect game (no opposing batters reach first base) in Major League Baseball history and the second in team history. Pitching against the Minnesota Twins at Yankee Stadium in The Bronx in front of 49,820 fans in attendance, Wells retired all 27 batters he faced. The game took 2 hours and 40 minutes to complete, from 1:36 PM ET to 4:16 PM ET. Wells claimed in a 2001 interview with Bryant Gumbel on HBO's \"Real Sports\" that he threw the perfect game while", + "score": 0.72802734375 + }, + { + "id": "10557917", + "title": "1981 Toronto Blue Jays season", + "text": "had a record of 16 wins and 42 losses, a percentage of .276. Although the Blue Jays had future stars Jesse Barfield, George Bell, and Lloyd Moseby in the lineup, the team continued to struggle. On May 15, 1981, Len Barker of the Cleveland Indians pitched a perfect game against the Blue Jays. It was the tenth perfect game ever pitched, is one of only seventeen in the history of the major leagues, and remains the last no-hitter thrown by an Indian. The result of the season was one of the more controversial times in franchise history. The President of", + "score": 0.72802734375 + }, + { + "id": "9678354", + "title": "Sandy Koufax's perfect game", + "text": "pitcher, Matt Cain, on June 13, 2012. He also struck out at least one batter in all nine innings (Cain did not strike out a batter in the ninth in his perfect game), the only perfect game pitcher to do so to date. The game was also notable for the high quality of the performance by the opposing pitcher, Bob Hendley of the Cubs. Hendley gave up only one hit (which did not figure into the scoring) and allowed only two baserunners. Both pitchers had no-hitters intact until the seventh inning. The only run that the Dodgers scored was unearned.", + "score": 0.72705078125 + }, + { + "id": "16471956", + "title": "Charlie Robertson's perfect game", + "text": "Charlie Robertson's perfect game Charlie Robertson's perfect game was a Major League Baseball game that took place on April 30, 1922, between the Chicago White Sox and Detroit Tigers. Robertson, pitching for the White Sox, retired all 27 batters he faced to pitch a perfect game. Robertson was the White Sox's starting pitcher for their game against the Tigers in Detroit on Sunday, April 30, 1922. The 26-year-old Robertson, who had played for the American Association's Minneapolis Millers the previous season, was making his fourth start in Major League Baseball. He faced a Detroit team that ended the season with", + "score": 0.72607421875 + }, + { + "id": "13768443", + "title": "2010 Tampa Bay Rays season", + "text": "23, 2009, when Mark Buehrle of the Chicago White Sox did not allow a single Rays batter to reach base, which was also the most recent perfect game pitched prior to Braden's. The Los Angeles Dodgers had been the only other franchise to be the losing team of consecutive perfect games pitched in the majors. No team who had a perfect game pitched against them had a higher winning percentage than the Rays did, who entered the game with a league-best 22\u20138 record. On May 15, Pat Burrell was designated for assignment after another struggling start to the season. He", + "score": 0.72509765625 + }, + { + "id": "16585709", + "title": "Matt Cain's perfect game", + "text": "Matt Cain's perfect game On June 13, 2012, Matt Cain of the San Francisco Giants pitched the 22nd perfect game (no opposing batters reach first base) in Major League Baseball (MLB) history and the first in Giants' franchise history. Pitching against the Houston Astros at AT&T Park in San Francisco, California, Cain retired all 27 batters that he faced and tallied 14 strikeouts, tied for the most strikeouts in a perfect game with Sandy Koufax of the Los Angeles Dodgers in 1965. Following Philip Humber's perfect game earlier in 2012, Cain's performance marked just the third season in MLB history", + "score": 0.72509765625 + }, + { + "id": "3609916", + "title": "Mike Witt", + "text": "Mark Langston to pitch a no-hitter on April 11, 1990 against Seattle, pitching the last two innings; but he was traded to the New York Yankees on May 11, 1990 for Dave Winfield, never winning more than five games during his three years there before retiring in 1993. He is the only pitcher ever to pitch a complete game no-hitter, or in his case a perfect game, and appear in relief for a combined no-hitter as well (four others have pitched complete game no-hitters and also started a combined no-hitter). , or Retrosheet, or Pura Pelota (Venezuelan Winter League)
", + "score": 0.724609375 + }, + { + "id": "9894137", + "title": "Dallas Braden", + "text": "a distinguished alumnus on behalf of American River College where he was a student and played baseball for two seasons. , or Retrosheet Dallas Braden Dallas Lee Braden (born August 13, 1983) is a former American professional baseball pitcher. He played in Major League Baseball (MLB) for the Oakland Athletics from 2007 through 2011. Listed at and , he both threw and batted left-handed. On May 9, 2010, Braden pitched a perfect game, the 19th in baseball history. The next season, shoulder problems were the first of a series of injuries that forced him to retire in 2014 after not", + "score": 0.724609375 + }, + { + "id": "13950591", + "title": "Dan McClellan", + "text": "Dan McClellan Daniel J. \"Danny\" McClellan (July 1, 1878 - March 10, 1962) was an African American baseball pitcher and Manager who starred for top-tier independent black teams before the Negro National League was founded. His career began about 1903, and he continued as a playing manager and organizer of lesser teams well into the 1920s. With the Cuban X-Giants in 1903 he pitched the earliest known perfect game in black baseball against a semi-pro team. He switched to the Philadelphia Giants during the 1904 season and pitched for them through 1906. The X-Giants were arguably the best black team", + "score": 0.724609375 + }, + { + "id": "14622077", + "title": "Armando Galarraga's near-perfect game", + "text": "27th-batter Larry Stahl a ball, issuing a walk to the pinch-hitter. Former Yankees pitcher Don Larsen\u2014who threw the fourth perfect game of the modern era and the only one in World Series history on October 8, 1956\u2014said, \"I feel sorry for the umpire, and I just feel real badly for the kid. He's probably wondering right now whose side God is on.\" The incorrect call led many baseball writers to call for the increased use of instant replay in baseball, which was used only to review disputed boundaries on home runs during the 2010 season. Many journalists also advocated for", + "score": 0.72412109375 + }, + { + "id": "5761641", + "title": "Fe\u0301lix Herna\u0301ndez", + "text": "F\u00e9lix Hern\u00e1ndez F\u00e9lix Abraham Graham Hern\u00e1ndez Garc\u00eda (born April 8, 1986), nicknamed \"King F\u00e9lix\", is a Venezuelan-American professional baseball starting pitcher for the Seattle Mariners of Major League Baseball (MLB). He made his MLB debut in 2005. On August 15, 2012, he threw the 23rd perfect game in Major League Baseball history against the Tampa Bay Rays in a 1\u20130 victory at Safeco Field. It was also the first perfect game in Seattle Mariners franchise history. His perfect game remains the most recent in Major League Baseball. On April 23, 2016, Hernandez claimed the record for most strikeouts by a", + "score": 0.72412109375 + }, + { + "id": "14798073", + "title": "Randy Johnson's perfect game", + "text": "Hammock, the catcher of Johnson's perfect game: Robin Yount, the bench coach of the Diamondbacks at the time: Luis Gonzalez, left fielder for the Diamondbacks at the time: Bob Brenly, Diamondbacks manager at the time: Randy Johnson's perfect game On May 18, 2004, Randy Johnson, who was a pitcher for the Major League Baseball (MLB) Arizona Diamondbacks, pitched a perfect game against the Atlanta Braves. The game took place at Turner Field in Atlanta in front of a crowd of 23,381 people. Johnson, who was 40 at the time, was the oldest pitcher in MLB history to throw a perfect", + "score": 0.7236328125 + }, + { + "id": "3609878", + "title": "Charlie Robertson", + "text": "Charlie Robertson Charles Culbertson Robertson (January 31, 1896 \u2013 August 23, 1984) was an American professional baseball player. He played in Major League Baseball as a pitcher, and is best remembered for throwing a perfect game in 1922. He was the last surviving player who played at least one game for the 1919 Chicago White Sox, having died in 1984. Robertson was born in Dexter, Texas, grew up in Nocona, Texas, and graduated from Nocona High School in 1915. Charles attended Austin College from 1917 until 1919. He began his career with the Chicago White Sox in 1919 at the", + "score": 0.72314453125 + }, + { + "id": "8290226", + "title": "Jim Wolf", + "text": "that Lilly had intentionally thrown at the batter's head, and immediately ejected the pitcher. While such a penalty is uncommon without a formal warning to both teams, such action is permitted by baseball's rules. On May 9, 2010, Wolf was the home plate umpire for Dallas Braden's perfect game. His crew also officiated Armando Galarraga's near-perfect game on June 2, 2010. On July 9, 2011, Wolf was the home plate umpire when Derek Jeter got his 3,000th hit against the Tampa Bay Rays. Wolf missed several months during the 2013 season due to an apparent back injury. He worked a", + "score": 0.72216796875 + }, + { + "id": "15087047", + "title": "History of the Detroit Tigers", + "text": "enjoyed another strong season (18\u20139 record, 3.37 ERA, 219 strikeouts). On June 2, 2010, Armando Galarraga was pitching a perfect game against the Cleveland Indians with 2 outs in the top of the ninth inning when first base umpire Jim Joyce made a controversial call, ruling Jason Donald safe at first. Video replay showed he was out. A tearful Joyce later said, \"I just cost that kid a perfect game. I thought he beat the throw. I was convinced he beat the throw, until I saw the replay.\" Galarraga would later tell reporters that Joyce apologized to him directly and", + "score": 0.7216796875 + }, + { + "id": "3243496", + "title": "Addie Joss", + "text": "hitter John Anderson. Anderson hit a line drive that could have resulted in a double had it not gone foul. He then hit a ball to Naps third baseman Bill Bradley, which Bradley bobbled before throwing to first baseman George Stovall. Stovall dug the ball out of the dirt to achieve the final out. With the win, Joss recorded the second ever perfect game in MLB's modern era. He accomplished the feat with just 74 pitches, the lowest known pitch count ever achieved in a perfect game. Fans swarmed the field. After the game, Joss said, \"I never could have", + "score": 0.72119140625 + }, + { + "id": "1558220", + "title": "Perfect game", + "text": "modern era began in 1900, most recently by F\u00e9lix Hern\u00e1ndez of the Seattle Mariners on August 15, 2012. A perfect game is also a no-hitter and a shutout. A fielding error that does not allow a batter to reach base, such as a misplayed foul ball, does not spoil a perfect game. Weather-shortened contests in which a team has no baserunners and games in which a team reaches first base only in extra innings do not qualify as perfect games under the present definition. The first confirmed use of the term \"perfect game\" was in ; the term's current definition", + "score": 0.720703125 + }, + { + "id": "3247587", + "title": "Don Larsen", + "text": "Stadium for two of baseball's 21 modern perfect games: his own in 1956, and David Cone's in 1999. Cone's game occurred on Yogi Berra Day; Larsen threw out the ceremonial first pitch to Berra before the game. Larsen later said that Cone's perfect game was the first game he had seen in person from start to finish since his retirement. Larsen and his wife, Corrine, have been married for over 60 years. They live in Hayden Lake, Idaho. He was reported in 2012 to put up for auction the uniform he had worn to pitch his perfect game to pay", + "score": 0.72021484375 + }, + { + "id": "16153151", + "title": "David Wells' perfect game", + "text": "Wells graduated from the same high school as Larsen - Point Loma High School in San Diego, California. The previous perfect game in MLB history was nearly four years prior, when Kenny Rogers of the Texas Rangers pitched a perfect game against the California Angels at Rangers Ballpark in Arlington on July 28, 1994. Wells' perfect game was the first Yankee no-hitter since Dwight Gooden's against the Seattle Mariners in May 1996. Wells' performance tied the record for franchises with most perfect games. At the time, the Cleveland Indians were the only other team to have two perfect games; David", + "score": 0.7197265625 + }, + { + "id": "16547361", + "title": "Tom Browning's perfect game", + "text": "Tom Browning's perfect game On September 16, 1988, Tom Browning of the Cincinnati Reds pitched the 12th perfect game in Major League Baseball history, blanking the Los Angeles Dodgers 1\u20130 at Riverfront Stadium. Browning threw 72 of his 100 pitches for strikes and did not run the count to three balls on a single Dodger hitter. He recorded seven strikeouts, the last of which was to the game's final batter, pinch-hitter Tracy Woodson. A two-hour, 27 minute rain delay forced the game to start at approximately 10 PM local time. The rain delay lasted longer than the game itself, played", + "score": 0.71923828125 + }, + { + "id": "3980631", + "title": "Chuck Meriwether", + "text": "umpired in the 2003 National League Championship Series and 2006 American League Championship Series, and in eight Division Series (1998, 1999, 2000, 2001, 2002, 2004, 2007, and 2009). He was the third base umpire for the single-game playoff to decide the National League's 2007 wild card team. He was also the third base umpire for David Cone's perfect game on July 18, 1999. Most recently he was the second base umpire for Mark Buehrle's perfect game on July 23, 2009. On joining the league's staff, he became only the fifth African American umpire in major league history, and the first", + "score": 0.71875 + }, + { + "id": "15642573", + "title": "David Cone's perfect game", + "text": "David Cone's perfect game On July 18, 1999, David Cone of the New York Yankees pitched the 16th perfect game (no opposing batters reach first base) in Major League Baseball (MLB) history and the third in team history, and the first no-hit game in regular season interleague play. Pitching against the Montreal Expos at Yankee Stadium in The Bronx in front of 41,930 fans in attendance, Cone retired all 27 batters that he faced. The game took 3 hours and 19 minutes, from 1:35 PM ET to 4:54 PM ET; the game was interrupted by a 33-minute rain delay in", + "score": 0.7177734375 + }, + { + "id": "16547362", + "title": "Tom Browning's perfect game", + "text": "in a brisk one hour, 51 minutes. The game's lone run came in the sixth inning. Batting against Tim Belcher, himself working on a no-hitter, Barry Larkin doubled and advanced to third on Chris Sabo's infield single; an error by Jeff Hamilton on the play enabled Larkin to score. Browning, who became the first left-handed pitcher to pitch a perfect game since Sandy Koufax in 1965 (see Sandy Koufax's perfect game), had had another no-hitter broken up earlier in the season, against the San Diego Padres at Jack Murphy Stadium on June 6. A Tony Gwynn single with one out", + "score": 0.71728515625 + }, + { + "id": "9678353", + "title": "Sandy Koufax's perfect game", + "text": "Sandy Koufax's perfect game Sandy Koufax of the Los Angeles Dodgers pitched a perfect game in the National League against the Chicago Cubs at Dodger Stadium on September 9, 1965. Koufax, by retiring 27 consecutive batters without allowing any to reach base, became the sixth pitcher of the modern era, eighth overall, to throw a perfect game. The game was Koufax's fourth no-hitter, breaking Bob Feller's Major League record of three (and later broken by Nolan Ryan, in 1981). Koufax struck out 14 opposing batters, the most ever recorded in a perfect game, and matched only by San Francisco Giants", + "score": 0.716796875 + }, + { + "id": "17812614", + "title": "Addie Joss' perfect game", + "text": "Addie Joss' perfect game On October 2, 1908, Addie Joss pitched a perfect game, the fourth in Major League Baseball history, and only the second in American League history. He threw it at League Park, in Cleveland, Ohio. The Detroit Tigers, Chicago White Sox, and Joss's Cleveland Naps were engaged in a race for the post-season at the time of the game, with the Tigers seeking their second straight pennant, the White Sox trying to win their second in three years, and the Naps looking for their first. Three games remained in the regular season and the Naps were a", + "score": 0.71630859375 + }, + { + "id": "2092683", + "title": "Roy Halladay", + "text": "was known for his ability to pitch deep into games effectively and, at the time of his retirement, was the active major league leader in complete games with 67, including 20 shutouts. On May 29, 2010, Halladay pitched the 20th perfect game in MLB history, beating the Florida Marlins by a score of 1\u20130. On October 6, 2010, in his first postseason start, Halladay threw the second no-hitter in MLB postseason history (Don Larsen's perfect game in the 1956 World Series being the first) against the Cincinnati Reds in Game 1 of the 2010 NLDS. It was his second no-hitter", + "score": 0.71630859375 + }, + { + "id": "14799094", + "title": "Dallas Braden's perfect game", + "text": "the Rays' outfielder Gabe Kapler hit a ground ball to Athletics' shortstop Cliff Pennington. The game was the Athletics' first no-hitter since Dave Stewart threw one against the Toronto Blue Jays on June 29, 1990, and the first Athletics' perfect game since Catfish Hunter threw one on May 8, 1968, against the Minnesota Twins. It was also the second perfect game thrown against the Rays in under a year following Mark Buehrle's perfect game on July 23, 2009. FIELDING BATTING After Braden's perfect game, and in the wake of his verbal altercation with Braden, Alex Rodriguez said, Tampa Bay Rays", + "score": 0.7158203125 + }, + { + "id": "271899", + "title": "Montreal Expos", + "text": "managed the team since 1985, after the team started the 1991 season with a 20\u201329 record, replacing him with Tom Runnells. Mark Gardner pitched nine no-hit innings in a July 26, game before losing 1\u20130 in the 10th inning to the Los Angeles Dodgers. Two days later, also in Los Angeles, Dennis Mart\u00ednez achieved a rare feat, throwing the 13th official perfect game in Major League Baseball history (based on MLB's 1991 redefinition of a perfect game), winning 2\u20130. Dave Van Horne's iconic call of \"El Presidente, El Perfecto!\" following the final out became a hallmark of Expos lore. Martinez's", + "score": 0.71533203125 + }, + { + "id": "15075081", + "title": "Major League Baseball 2K11", + "text": "or PS3 versions of the game. The contest began on April 1, 2011. This caused controversy as former WWE wrestler, Stevie Richards had done this before and tried to claim the Million dollars for the Perfect Game he had pitched but had done it before the contest officially began. Brian Kingrey, a music teacher from Hammond, Louisiana, claimed the prize by throwing a perfect game with Roy Halladay within two hours of the start of the contest. Reception for the game has been mixed. IGN rated both the Xbox 360 and PlayStation 3 versions with a 7.0 while the readers", + "score": 0.71533203125 + }, + { + "id": "14974061", + "title": "Roy Halladay's perfect game", + "text": "Roy Halladay's perfect game On May 29, 2010, Roy Halladay of the Philadelphia Phillies pitched the twentieth perfect game in Major League Baseball history, against the Florida Marlins in Sun Life Stadium. He retired all 27 batters, striking out 11. This was the first time in the modern era that two pitchers (Dallas Braden of the Oakland Athletics being the other) threw perfect games in the same month and that multiple perfect games had been achieved in the same season. Roy Halladay's rookie season in 1999 featured 3.92 ERA in innings for the Toronto Blue Jays. In his second year,", + "score": 0.71435546875 + }, + { + "id": "14622069", + "title": "Armando Galarraga's near-perfect game", + "text": "first such game since Mike Mussina's bid for a perfect game on September 2, 2001, which was broken up by 27th batter Carl Everett. It was also the third time for a Tigers pitcher to come so close to a perfect game, as Milt Wilcox also missed getting the 27th straight batter out on April 15, 1983, and Tommy Bridges missed the 27th batter on August 5, 1932. Galarraga's near-perfect game was the tenth time in major league history that the 27th batter in a game broke up what was (to that point) a perfect game. One other instance of", + "score": 0.7138671875 + }, + { + "id": "5984477", + "title": "Steve Karsay", + "text": "seven times. On July 28, 2005, together with Scott Feldman and A. J. Murray, he threw a perfect game against the Corpus Christi Hooks. It was the first combined nine-inning perfect game in Texas League history, and the third overall. Finally, at age 34, Karsay announced his retirement on June 18, 2006, the day after pitching two scoreless innings against the Los Angeles Dodgers and getting the win in a 17-inning marathon for the Athletics. He finished his 11-year Major League career with a 32-39 record, 41 saves, and a 4.01 ERA in 357 career appearances, including 40 starts. In", + "score": 0.71337890625 + }, + { + "id": "18417984", + "title": "History of the Tampa Bay Rays", + "text": "the Angels, was considered a breakout player during the spring, on both the offensive and defensive side of the ball. Although the Rays had the league best record at the time, Dallas Braden of the Oakland Athletics threw a perfect game against the Rays in May. It was the league's second perfect game in a row thrown against Tampa Bay, the last being in 2009 by Mark Buehrle, and at the time was the shortest amount of time between perfect games in Major League Baseball. The Rays were once again victims of a no-hitter on June 25 at Tropicana Field,", + "score": 0.712890625 + }, + { + "id": "10921867", + "title": "Armando Galarraga", + "text": "safe, ending the perfect game and no-hitter. Galarraga retired the next batter, completing the one-hitter, though many in the Tiger press preferred to call it \"the 28-out perfect game.\" Galarraga threw 88 pitches, 67 of them for strikes. If he had completed the perfect game (83 pitches), it would have been the lowest number of pitches thrown since Addie Joss's 74 in 1908, and the shortest game since Sandy Koufaxs perfect game in 1965. It would have been the second perfect game in the Major Leagues in just four days, Philadelphia's Roy Halladay having thrown his on May 29, and", + "score": 0.71240234375 + }, + { + "id": "9541170", + "title": "The Perfect Game", + "text": "The Perfect Game The Perfect Game is a 2009 American drama film directed by William Dear, based on the 2008 book of the same name written by W. William Winokur. The film is based on the events leading to the 1957 Little League World Series, which was won by the first team from outside the United States, the Industrial Little League of Monterrey, Mexico, who defeated the heavily favored U.S. team. Mexican pitcher \u00c1ngel Mac\u00edas threw the first, and so far only, perfect game in championship game history. C\u00e9sar Faz (Clifton Collins, Jr.), moves to Monterrey, Mexico, after he is", + "score": 0.71240234375 + }, + { + "id": "16283444", + "title": "Don Larsen's perfect game", + "text": "remained the only postseason game in which any team faced the minimum 27 batters until Kyle Hendricks and Aroldis Chapman of the Chicago Cubs managed to achieve the feat in Game 6 of the 2016 National League Championship Series. In that game, the Cubs gave up two hits and a walk and committed a fielding error, but managed to put out all four baserunners, three via double plays and one on a pickoff. Don Larsen's perfect game On October 8, 1956, in Game 5 of the 1956 World Series, Don Larsen of the New York Yankees threw a perfect game", + "score": 0.7119140625 + }, + { + "id": "3980564", + "title": "Dale Scott", + "text": "In 1991 MLB revised the rules relating to official no-hit games, requiring that a pitcher must complete a minimum of 9 innings, and thereby voiding Hawkins' effort. Scott was the first base umpire when Detroit Tigers pitcher Justin Verlander threw a no-hitter at Comerica Park against the Milwaukee Brewers on June 12, 2007. Five days prior to Verlander's no-hitter, Scott was also at first base in a game between the Boston Red Sox and the Oakland Athletics in which Boston pitcher Curt Schilling had a no-hitter until Shannon Stewart broke up the no-hitter with a single with two outs in", + "score": 0.7119140625 + }, + { + "id": "4327785", + "title": "Byung-hyun Kim", + "text": "ten-inning 6-5 win over the Philadelphia Phillies. Kim became the 23rd National League pitcher and the 32nd pitcher in Major League history to pitch an immaculate inning. On June 12, 2002, Kim pitched two shut-out innings with four strikeouts and saved the Diamondbacks' 9-5 win over the New York Yankees at Yankee Stadium. In 2002, Kim converted 36 of 42 save opportunities, eighth-best in the NL. Kim was selected for the All-Star Game. When Matt Mantei returned from the disabled list and became the Arizona Diamondbacks' closer, Kim joined the starting rotation. As a Diamondbacks starter, he compiled a record", + "score": 0.7119140625 + }, + { + "id": "9485645", + "title": "Andy Van Hekken", + "text": "the Cleveland Indians. As of March 2017, he was the last Major League pitcher to pitch a complete game shutout in his debut. In 5 starts for the Tigers, he sported an ERA of 3.00 in 30 innings pitched, he had the same amount of strikeouts (5) as starts (5). He finished with a 1.5 K/9. He would never be called up to the Majors again in his career. After becoming a free agent in 2004, Van Hekken has bounced around multiple organizations. From 2005 to 2011 he has pitched for Cincinnati Reds, Atlanta Braves, Florida Marlins, Kansas City Royals", + "score": 0.7119140625 + }, + { + "id": "9054276", + "title": "Josh Fields (infielder)", + "text": "knee surgery at the end of the 2008 season, and was the White Sox's starting third baseman in until Gordon Beckham was recalled from Triple-A Charlotte on June 4 and took the position. On July 23, 2009, in a game against the Tampa Bay Rays, Fields hit a grand slam in his first plate appearance of the game. This would later end up being the game-winning home run in Mark Buehrle's perfect game over the Tampa Bay Rays, winning 5\u20130. Fields also caught the final out of the perfect game, a groundout to White Sox shortstop Alexei Ram\u00edrez. Six days", + "score": 0.71142578125 + }, + { + "id": "16471959", + "title": "Charlie Robertson's perfect game", + "text": "Line?\" on October 14, 1956, six days after Don Larsen's perfect game. Charlie Robertson's perfect game Charlie Robertson's perfect game was a Major League Baseball game that took place on April 30, 1922, between the Chicago White Sox and Detroit Tigers. Robertson, pitching for the White Sox, retired all 27 batters he faced to pitch a perfect game. Robertson was the White Sox's starting pitcher for their game against the Tigers in Detroit on Sunday, April 30, 1922. The 26-year-old Robertson, who had played for the American Association's Minneapolis Millers the previous season, was making his fourth start in Major", + "score": 0.7109375 + }, + { + "id": "431906", + "title": "Toronto Blue Jays", + "text": "closest on August 4, 1989, when Stieb gave up a double to Yankees\u2019 batter Roberto Kelly with two outs in the ninth and he scored by the next batter. As defined by Major League Baseball, \u201cin a perfect game, no batter reaches any base during the course of the game.\u201d Roger Clemens won the pitching triple crown in 1997 and 1998. Seven former Blue Jays, one former manager, and one former general manager, have been elected into the Baseball Hall of Fame. Second baseman Roberto Alomar, elected to the Hall of Fame in 2011, is the first player to be", + "score": 0.7109375 + }, + { + "id": "2167601", + "title": "No-hitter", + "text": "game). There have been two postseason no-hitters in MLB history, one by a pitcher from each league. For the AL, on October 8, 1956, Don Larsen of the New York Yankees threw a perfect game in Game 5 of that year's World Series against the Brooklyn Dodgers. The feat had nearly been accomplished nine years earlier by the Yankees' Bill Bevens, who came within one out of a no-hitter (though not a perfect game) against the Brooklyn Dodgers in Game 4 of the 1947 World Series, only to lose the game on a pinch-hit double by Cookie Lavagetto. There have", + "score": 0.7109375 + }, + { + "id": "2167591", + "title": "No-hitter", + "text": "hit in three games in a span of 12 months or fewer. No-hit by Arizona's Edwin Jackson on June 25, 2010, the Rays were also the victims of two perfect games: the first by White Sox pitcher Mark Buehrle on July 23, 2009, the second by Oakland's Dallas Braden on May 9, 2010. On August 15, 2012, the Rays were once again on the losing end of a perfect game, this time at the helm of F\u00e9lix Hern\u00e1ndez and the Seattle Mariners. The vast majority of no-hit games are finished by the starting pitcher, but twelve MLB no-hitters have been", + "score": 0.7109375 + }, + { + "id": "2371002", + "title": "Randy Johnson", + "text": "thing he did accomplish that year was hitting his first career home run in a September 19, 2003 game against the Milwaukee Brewers. It was the only home run to date for Johnson, a career .125 hitter. On May 18, 2004, Johnson pitched the 17th perfect game in baseball history. At 40 years of age, he was the oldest pitcher to accomplish this feat. Johnson had 13 strikeouts on his way to a 2\u20130 victory against the Atlanta Braves. The perfect game made him the fifth pitcher in Major League history (after Cy Young, Jim Bunning, Nolan Ryan, and Hideo", + "score": 0.7109375 + }, + { + "id": "986257", + "title": "David Wells", + "text": "4\u20130. Wells attended the same San Diego high school, Point Loma High School, as Don Larsen, whose perfect game for the Yankees in the 1956 World Series was the only perfect game or no-hitter ever thrown in postseason play until 2010, and was until then the only perfect game thrown by a Yankee. David Cone would add a third Yankee perfect game in 1999. Wells claimed that he threw the perfect game while being hung over. Comedian Jimmy Fallon, who had partied with Wells the night before the game, has backed up this claim. On September 1, 1998, Wells came", + "score": 0.7099609375 + }, + { + "id": "5387952", + "title": "Rich Hill (pitcher)", + "text": "in 5 starts. On August 23, 2017, against the Pittsburgh Pirates, Hill was pitching a perfect game through eight innings until a fielding error by Logan Forsythe in the ninth. He remained in the game for the tenth inning but his no-hitter was ended by a walk-off home run by Josh Harrison, which was the first extra-innings walk-off home run to break up a no hitter (and second walk-off hit, following Harvey Haddix in 1959). This was the first perfect game broken up by a ninth-inning error in MLB history, and Hill became the first pitcher since Lefty Leifield of", + "score": 0.7099609375 + }, + { + "id": "14622066", + "title": "Armando Galarraga's near-perfect game", + "text": "second and third base on defensive indifference during Trevor Crowe's at-bat, until Crowe grounded out to Brandon Inge, ending the game in a 3\u20130 victory for the Tigers. Only four days before Galarraga's near-perfect outing, Roy Halladay pitched a perfect game for the Philadelphia Phillies, and just twenty days prior to that, Dallas Braden threw a perfect game for the Oakland Athletics. Halladay's and Braden's perfect games had been the first pair of such games to occur in the same season during the modern era, let alone the same month. Joyce served as the second base umpire for Braden's perfect", + "score": 0.7099609375 + }, + { + "id": "6854127", + "title": "Philip Humber", + "text": "Maid Park in front of many relatives. Although the 2012 Chicago White Sox's rotation was said to be made up of five number-three starters, Humber began the season as the number five starter. In Humber's 30th career start in MLB, he pitched the 21st perfect game in MLB history against the Seattle Mariners on April 21, 2012. It was the third perfect game in White Sox history after those thrown by Charlie Robertson and Mark Buehrle, and the 18th no-hitter in White Sox history. It was Humber's second start of the 2012 season and first career complete game. Humber was", + "score": 0.7099609375 + }, + { + "id": "16471963", + "title": "Jim Bunning's perfect game", + "text": "Jim Bunning's perfect game On June 21, 1964, Jim Bunning of the Philadelphia Phillies pitched the seventh perfect game in Major League Baseball history, defeating the New York Mets 6-0 in the first game of a doubleheader at Shea Stadium. A father of seven children at the time, Bunning pitched his perfect game on Father's Day. One of Bunning's daughters, Barbara, was in attendance, as was his wife, Mary. Needing only 90 pitches to complete his masterpiece, Bunning struck out 10 batters, including six of the last nine he faced; the last two strikeouts were of the last two batters", + "score": 0.7099609375 + }, + { + "id": "14974076", + "title": "Roy Halladay's perfect game", + "text": "hurled a no-hitter, giving up only one walk (to Jay Bruce of the Cincinnati Reds) in the fifth inning of Game 1 of the NLDS. Halladay's was only the second postseason no-hitter in Major League Baseball history, and the first since Don Larsen's perfect game in the 1956 World Series. He threw only 104 pitches, only giving up a single disputed walk to Jay Bruce on a 3-2 pitch. He thus became the only pitcher to throw a no-hitter in the regular season and a no-hitter in the postseason in the same year. Halladay is also the fifth major league", + "score": 0.70947265625 + } + ], + "answer": "A perfect game in Major League Baseball is a game by a pitcher that lasts a minimum of nine innings with no batter reaching first base. Over the 150 years of Major League Baseball history, there have been 23 official perfect games by the current definition. Mark Buehrle of the Chicago White Sox pitched a perfect game against the Tampa Bay Rays on Thursday, July 23, 2009. Roy Halladay of the Philadelphia Phillies pitched a perfect game on May 29, 2010 against the Florida Marlins, the second and last perfect game of the 2010 season. On April 21, 2012, Philip Humber of the Chicago White Sox pitched a perfect game, on June 13, 2012, Matt Cain of the San Francisco Giants pitched a perfect game, and on August 15, 2012, Felix Hernandez, nicknamed King F\u00e9lix, threw the last perfect game of 2012." + }, + { + "qa_pairs": [ + { + "context": "Prototypes of the car were officially revealed to the public on July 19, 2006, in Santa Monica, California, at a 350-person invitation-only event held in Barker Hangar at Santa Monica Airport.", + "question": "When was the first Tesla electric car prototype revealed to the public?", + "short_answers": [ + "July 19, 2006" + ], + "wikipage": "Tesla Roadster (2008)" + }, + { + "context": "No context provided", + "question": "When was the first Tesla electric car released to the public?", + "short_answers": [ + "2007" + ], + "wikipage": null + }, + { + "context": "It was featured in \"Time\" in December 2006 as the recipient of the magazine's \"Best Inventions 2006\u2014Transportation Invention\" award. The first \"Signature One Hundred\" set of fully equipped Roadsters sold out in less than three weeks, the second hundred sold out by October 2007 and general production began on March 17, 2008.", + "question": "When did the first Tesla electric car go to general production?", + "short_answers": [ + "March 17, 2008" + ], + "wikipage": "Tesla Roadster (2008)" + } + ], + "wikipages": [ + { + "title": "Tesla, Inc.", + "url": "https://en.wikipedia.org/wiki/Tesla%2C%20Inc." + }, + { + "title": "Tesla Roadster (2008)", + "url": "https://en.wikipedia.org/wiki/Tesla%20Roadster%20%282008%29" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Prototypes of the car were officially revealed to the public on July 19, 2006, in Santa Monica, California, at a 350-person invitation-only event held in Barker Hangar at Santa Monica Airport.", + "wikipage": "Tesla Roadster (first generation)" + }, + { + "content": "The first \"Signature One Hundred\" set of fully equipped Roadsters sold out in less than three weeks, the second hundred sold out by October 2007 and general production began on March 17, 2008.", + "wikipage": "Tesla Roadster (first generation)" + } + ], + "long_answer": "Prototypes of first Tesla electric the car were officially revealed to the public on July 19, 2006, in Santa Monica, California. Following there, the first Tesla electric car to be released to the public came in 2007 and finally, March 17, 2008 marked the date of the first Tesla electric car to go into general production." + }, + { + "knowledge": [ + { + "content": "The Tesla Roadster is a battery electric vehicle (BEV) sports car, based on the Lotus Elise chassis, that was produced by the electric car firm Tesla Motors (now Tesla, Inc.) in California from 2008 to 2012.", + "wikipage": "Tesla Roadster (first generation)" + } + ], + "long_answer": "The Tesla Roadster is a battery electric vehicle (BEV) sports car, based on the Lotus Elise chassis, that was produced by the electric car firm Tesla Motors (now Tesla, Inc.) in California from 2008 to 2012. Prototypes of the car were officially revealed to the public on July 19, 2006, in Santa Monica, California, at a 350-person invitation-only event held in Barker Hangar at Santa Monica Airport. The first Tesla electric car was released to the public in 2007. General production began on March 17, 2008." + } + ], + "sample_id": "-7361748101463504461", + "question": "When was the first tesla electric car made?", + "docs": [ + { + "id": "11658299", + "title": "Electric car", + "text": "Delco. These early cars were eventually withdrawn from the U.S. market. California electric automaker Tesla Motors began development in 2004 on what would become the Tesla Roadster (2008), which was first delivered to customers in 2008. The Roadster was the first highway legal serial production all-electric car to use lithium-ion battery cells, and the first production all-electric car to travel more than per charge. Tesla global sales passed 250,000 units in September 2017. The Renault\u2013Nissan\u2013Mitsubishi Alliance achieved the milestone of 500,000 units electric vehicles sold in October 2017. Tesla sold its 200,000th Model S in the fourth quarter of 2017.", + "score": 0.7880859375, + "summary": "The first Tesla Roadster, the first highway legal all-electric car, was developed in 2004 and delivered to customers in 2008.", + "extraction": "The first Tesla electric car, the Tesla Roadster, was first delivered to customers in 2008." + }, + { + "id": "8158907", + "title": "Tesla Roadster (2008)", + "text": "Tesla Roadster (2008) The Tesla Roadster is a battery electric vehicle (BEV) sports car, based on the Lotus Elise chassis, that was produced by the electric car firm Tesla Motors (now Tesla, Inc.) in California from 2008 to 2012. The Roadster was the first highway legal serial production all-electric car to use lithium-ion battery cells and the first production all-electric car to travel more than per charge. It is also the first production car to be launched into orbit, carried by a Falcon Heavy rocket in a test flight on February 6, 2018. Tesla sold about 2,450 Roadsters in over", + "score": 0.77587890625, + "summary": "The first Tesla electric car, the Tesla Roadster, was made in 2008.", + "extraction": "The first Tesla electric car, the Tesla Roadster, was made in 2008." + }, + { + "id": "3688070", + "title": "History of the electric vehicle", + "text": "lead-acid batteries. These electric vehicles are not considered by the government as new energy vehicles due to safety and environmental concerns, and consequently, do not enjoy the same benefits as highway legal plug-in electric cars. California electric car maker Tesla Motors began development in 2004 on the Tesla Roadster, which was first delivered to customers in 2008. The Roadster was the first highway legal serial production all-electric car to use lithium-ion battery cells, and the first production all-electric car to travel more than per charge. Since 2008, Tesla sold approximately 2,450 Roadsters in over 30 countries through December 2012. Tesla", + "score": 0.763671875, + "summary": "The first Tesla electric car, the Roadster, was developed in 2004 and first delivered in 2008.", + "extraction": "The first Tesla electric car, the Tesla Roadster, was first delivered to customers in 2008." + }, + { + "id": "8158910", + "title": "Tesla Roadster (2008)", + "text": "average. Prototypes of the car were officially revealed to the public on July 19, 2006, in Santa Monica, California, at a 350-person invitation-only event held in Barker Hangar at Santa Monica Airport. The San Francisco International Auto Show, held on November 18\u201326, 2006, was the Tesla Roadster's first auto show. It was featured in \"Time\" in December 2006 as the recipient of the magazine's \"Best Inventions 2006\u2014Transportation Invention\" award. The first \"Signature One Hundred\" set of fully equipped Roadsters sold out in less than three weeks, the second hundred sold out by October 2007 and general production began on March", + "score": 0.76220703125, + "summary": "The first Tesla Roadster electric car was officially revealed to the public in July 2006.", + "extraction": "The first Tesla electric car, the Tesla Roadster, was revealed to the public in prototypes on July 19, 2006. Therefore, the first Tesla electric car was made in 2006." + }, + { + "id": "8158911", + "title": "Tesla Roadster (2008)", + "text": "17, 2008. The first Tesla Roadster was delivered in February 2008 to Tesla co-founder, chairman and product architect Elon Musk. The company produced 500 similar vehicles through June 2009. In July 2009, Tesla began production of its 2010 model-year Roadster\u2014the first major product upgrade. Simultaneously, Tesla began producing the Roadster Sport, the first derivative of Tesla's proprietary, patented powertrain. The car accelerates from in 3.7 seconds, compared to 3.9 seconds for the standard Roadster. Changes for the 2010 model-year cars included: All of these features, except for the motor were available either as standard or as add-on option for the", + "score": 0.76220703125, + "summary": "The first Tesla Roadster was delivered in February 2008 and 500 similar vehicles were produced through June 2009. Therefore, the answer to the question \"When was the first Tesla electric car made?\" is February 2008.", + "extraction": "The first Tesla Roadster was delivered in February 2008." + }, + { + "id": "3688081", + "title": "History of the electric vehicle", + "text": "retail deliveries of the Tesla Model S began in Oslo in August 2013, and during its first full month in the market, the Model S ranked as the top selling car in Norway with 616 units delivered, representing a market share of 5.1% of all the new cars sold in the country in September 2013, becoming the first electric car to top the new car sales ranking in any country, and contributing to a record all-electric car market share of 8.6% of new car sales during that month. In October 2013, an electric car was the best selling car in", + "score": 0.75830078125, + "summary": "The first Tesla electric car, the Model S, was first delivered to customers in Oslo in August 2013.", + "extraction": "The first Tesla electric car, the Model S, began retail deliveries in Oslo in August 2013. Therefore, the answer to the question \"When was the first Tesla electric car made?\" is August 2013." + }, + { + "id": "8158921", + "title": "Tesla Roadster (2008)", + "text": "air bags; similar waivers have been granted to many other small volume manufacturers as well, including Lotus, Ferrari, and Bugatti. Tesla delivered its first production car in February 2008 to Musk. Tesla announced in early August 2009 that Roadster sales had resulted in overall corporate profitability for the month of July 2009, earning on revenue of . Tesla, which signed a production contract with Group Lotus in 2007 to produce \"gliders\" (complete cars minus electric powertrain) for the Roadster, announced in early 2010 that Roadster production would continue until early 2012. Starting one year prior to the end of the", + "score": 0.7578125, + "summary": "The document is irrelevant to the question.", + "extraction": "irrelevant" + }, + { + "id": "11658295", + "title": "Electric car", + "text": "of battery electric vehicle (BEV). Most often, the term \"electric car\" is used to refer to battery electric vehicles, but may also refer to plug-in hybrid electric vehicles (PHEV). In 1884, over 20 years before the Ford Model T, Thomas Parker built the first practical production electric car in London using his own specially designed high-capacity rechargeable batteries. The \"Flocken Elektrowagen\" of 1888 was designed by German inventor Andreas Flocken. Electric cars were among the preferred methods for automobile propulsion in the late 19th century and early 20th century, providing a level of comfort and ease of operation that could", + "score": 0.75341796875, + "summary": "The first practical production electric car was built in London by Thomas Parker in 1884.", + "extraction": "The first practical production electric car was built in London in 1884 by Thomas Parker." + }, + { + "id": "8158915", + "title": "Tesla Roadster (2008)", + "text": "capacity increased by 50% to , a new aero kit designed to reduce drag, and new tires with lower rolling resistance. The Roadster was developed by Tesla to mass-produce AC Propulsion's tzero concept car. After Martin Eberhard sold NuvoMedia to TV Guide, he wanted a sports car with high mileage, but could not find one. His battery experience with the Rocket eBook inspired him to develop an electric car. The production idea was conceived by Eberhard and Marc Tarpenning who incorporated Tesla Motors in Delaware on July 1, 2003, to pursue the idea commercially. South African-born entrepreneur Elon Musk took", + "score": 0.74853515625, + "summary": "The Tesla Roadster was developed by Tesla to mass-produce AC Propulsion's tzero concept car. The production idea was conceived by Martin Eberhard and Marc Tarpenning who incorporated Tesla Motors in Delaware on July 1, 2003, to pursue the idea commercially. However, the document does not mention when the first Tesla electric car was made.", + "extraction": "irrelevant" + }, + { + "id": "8158973", + "title": "Tesla Roadster (2008)", + "text": "flight of the SpaceX Falcon Heavy rocket. The launch on February 6, 2018 was successful; the vehicle was placed into a heliocentric orbit that will take it into the vicinity of Mars's orbital path. Tesla Roadster (2008) The Tesla Roadster is a battery electric vehicle (BEV) sports car, based on the Lotus Elise chassis, that was produced by the electric car firm Tesla Motors (now Tesla, Inc.) in California from 2008 to 2012. The Roadster was the first highway legal serial production all-electric car to use lithium-ion battery cells and the first production all-electric car to travel more than per", + "score": 0.74658203125, + "summary": "The Tesla Roadster was produced by Tesla Motors from 2008 to 2012, but the document does not provide information on when the first Tesla electric car was made.", + "extraction": "The Tesla Roadster (2008) was produced by Tesla Motors in California from 2008 to 2012, making 2008 the year of the first Tesla electric car." + }, + { + "id": "19660289", + "title": "History of Tesla, Inc.", + "text": "History of Tesla, Inc. This is the corporate history of Tesla, Inc., an electric automobile manufacturer founded in Palo Alto, California in 2003. Founded as \"Tesla Motors\", Tesla Inc. was incorporated in July 2003 by Martin Eberhard and Marc Tarpenning who financed the company until the Series A round of funding. The founders were influenced to start the company after GM recalled all its EV1 electric cars in 2003 and then destroyed them. Both men played active roles in the company's early development prior to and after Elon Musk's involvement. The AC Propulsion tzero also inspired the companies first vehicle", + "score": 0.74560546875, + "summary": "The first Tesla electric car was made in an unspecified year.", + "extraction": "The first Tesla electric car was not mentioned in the passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "3688071", + "title": "History of the electric vehicle", + "text": "sold the Roadster until early 2012, when its supply of Lotus Elise gliders ran out, as its contract with Lotus Cars for 2,500 gliders expired at the end of 2011. Tesla stopped taking orders for the Roadster in the U.S. market in August 2011, and the 2012 Tesla Roadster was sold in limited numbers only in Europe, Asia and Australia. The next Tesla vehicle, the Model S, was released in the U.S. on 22 June 2012 and the first delivery of a Model S to a retail customer in Europe took place on 7 August 2013. Deliveries in China began", + "score": 0.7451171875, + "summary": "The document is irrelevant to the question of when the first Tesla electric car was made.", + "extraction": "The passage is irrelevant, as it does not provide any information about when the first Tesla electric car was made." + }, + { + "id": "18827372", + "title": "Electric motorsport", + "text": "London Underground, overhead tramways in Liverpool and Birmingham, and the smokeless fuel coalite, built the first production electric car in London in 1884, using his own specially designed high-capacity rechargeable batteries. Parker's long-held interest in the construction of more fuel-efficient vehicles led him to experiment with electric vehicles. He also may have been concerned about the malign effects smoke and pollution were having in London. Early petrol/gasoline-powered internal combustion engine automobiles were completed almost simultaneously by several German inventors working independently: Karl Benz built his first automobile in 1885 in Mannheim. Benz was granted a patent for his automobile on", + "score": 0.73828125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage doesn't provide any information about the first Tesla electric car. It talks about the first production electric car built in London in 1884 by a man named Parker." + }, + { + "id": "3688047", + "title": "History of the electric vehicle", + "text": "as a curiosity and could not drive reliably in the street. Another cycle, this time with three wheels, was tested along a Paris street in April 1881 by French inventor Gustave Trouv\u00e9 English inventor Thomas Parker, who was responsible for innovations such as electrifying the London Underground, overhead tramways in Liverpool and Birmingham, and the smokeless fuel coalite, built the first production electric car in London in 1884, using his own specially designed high-capacity rechargeable batteries. Parker's long-held interest in the construction of more fuel-efficient vehicles led him to experiment with electric vehicles. He also may have been concerned about", + "score": 0.73779296875, + "summary": "The first production electric car was built by Thomas Parker in London in 1884.", + "extraction": "The first production electric car was built by Thomas Parker in London in 1884." + }, + { + "id": "5249017", + "title": "History of the automobile", + "text": "and Colten in 1847. Sources point to different creations as the first electric car. Between 1832 and 1839 (the exact year is uncertain) Robert Anderson of Scotland invented a crude electric carriage, powered by non-rechargeable primary cells. In November 1881, French inventor Gustave Trouv\u00e9 demonstrated a working three-wheeled car powered by electricity at the International Exposition of Electricity, Paris. But others regard the \"Flocken Elektrowagen\" of 1888 by German inventor Andreas Flocken as the first true electric car. Electric cars enjoyed popularity between the late 19th century and early 20th century, when electricity was among the preferred methods for automobile", + "score": 0.73681640625, + "summary": "The document mentions multiple creations as the first electric car, with different inventors and dates. The exact date of the first electric car is uncertain.", + "extraction": "The passage is irrelevant as it does not provide information on when the first Tesla electric car was made." + }, + { + "id": "5574580", + "title": "Electric bus", + "text": "cars became a faster and more reasonable alternative to horse-drawn carriages. In 1835, American Thomas Davenport is credited with building the first practical electric vehicle, a small locomotive. He developed a battery-powered electric motor which he used to operate a small model car on a short section of track. The first successful electric car was made in the United States in 1890. William Morrison of Des Moines, Iowa, built an electric vehicle that could hold up to six passengers and could reach from 6 to 12 miles per hour. Specifications for the 1890 Morrison Electric included 24 storage battery cells", + "score": 0.736328125, + "summary": "The first successful electric car was made in the United States in 1890 by William Morrison.", + "extraction": "The first successful electric car was made in the United States in 1890." + }, + { + "id": "12151627", + "title": "Tesla Model S", + "text": "Menlo Park store on April 8, 2009. In February 2008 it was reported that Tesla, Inc. (then Tesla Motors) was planning to offer a range-extended version of its Model S. This version would have included a gasoline engine to extend the driving range of the vehicle, but it was removed in later revisions. At the GoingGreen conference in September 2008 Tesla's CEO, Elon Musk, announced that Tesla was developing only electric cars. Construction of an assembly factory in Albuquerque, New Mexico (a central location for shipping) was supposed to begin in April 2007, but was cancelled. A factory to be", + "score": 0.73583984375, + "summary": "The document provides information about the Tesla Model S car and mentions that Tesla Motors was planning to offer a range-extended version of it in February 2008. However, it does not provide information on when the first Tesla electric car was made.", + "extraction": "irrelevant" + }, + { + "id": "8325483", + "title": "Martin Eberhard", + "text": "Rocket eBook. Eberhard's interest in sports cars, dependence on oil imported, and global warming led him to found Silicon Valley's first automobile company. In 2003 Eberhard co-founded (with Marc Tarpenning) and became the first CEO of Tesla Motors, an electric car company in San Carlos, California. Eberhard drives the second of Tesla Motors Founder's Series Roadsters cars, which is the first series of the Tesla Roadster (2008). The Tesla Roadster is a battery electric sportscar with (EPA) range. On November 30, 2007 Tesla released a press release titled \"Martin Eberhard, Co-founder of Tesla Motors, to Transition to Advisory Board.\" According", + "score": 0.734375, + "summary": "The first Tesla electric car was the Roadster, released in 2008. Martin Eberhard co-founded Tesla Motors in 2003 and drove the second Founder's Series Roadster.", + "extraction": "The first series of the Tesla Roadster was released in 2008." + }, + { + "id": "8158908", + "title": "Tesla Roadster (2008)", + "text": "30 countries, and most of the last Roadsters were sold in Europe and Asia during the fourth quarter of 2012. Tesla produced right-hand-drive Roadsters from early 2010. The Roadster qualified for government incentives in several nations. The world distance record of for a production electric car on a single charge was set by a Roadster on October 27, 2009, during the Global Green Challenge in outback Australia, in which it averaged a speed of . In March 2010, a Tesla Roadster became the first electric vehicle to win the Monte Carlo Alternative Energy Rally and the first to win any", + "score": 0.72412109375, + "summary": "The first Tesla Roadster electric car was made in 2008.", + "extraction": "The passage is irrelevant as it does not provide any information about when the first Tesla electric car was made." + }, + { + "id": "3688061", + "title": "History of the electric vehicle", + "text": "gasoline cars of the time, and production ended in 1961. In 1959, American Motors Corporation (AMC) and Sonotone Corporation announced a joint research effort to consider producing an electric car powered by a \"self-charging\" battery. AMC had a reputation for innovation in economical cars while Sonotone had technology for making sintered plate nickel-cadmium batteries that could be recharged rapidly and weighed less than traditional lead-acid versions. That same year, Nu-Way Industries showed an experimental electric car with a one-piece plastic body that was to begin production in early 1960. In the mid 1960s a few battery-electric concept cars appeared, such", + "score": 0.72314453125, + "summary": "The document does not mention the first Tesla electric car or any specific date related to it. Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "1968769", + "title": "AC Propulsion tzero", + "text": "March through September, 2003 and gave the tzero a range. Lighter than the original version by , the lithium-ion conversion goes from in 3.6 seconds. The single gear ratio limits the car's maximum speed to just over at 13,000 rpm with proper gearing, though it has never been tested at greater than the electronic limit of . The base price of the car was US$220,000. Martin Eberhard encouraged Tom Gage and Alan Cocconi to move the lithium-ion powered prototype into production. When they declined, Martin Eberhard and Marc Tarpenning incorporated Tesla Motors in July, 2003 to pursue commercializing the tzero.", + "score": 0.72216796875 + }, + { + "id": "1965981", + "title": "Electric vehicle", + "text": "The first mass-produced electric vehicles appeared in America in the early 1900s. In 1902, \"Studebaker Automobile Company\" entered the automotive business with electric vehicles, though it also entered the gasoline vehicles market in 1904. However, with the advent of cheap assembly line cars by Ford, electric cars fell to the wayside Due to the limitations of storage batteries at that time, electric cars did not gain much popularity, however electric trains gained immense popularity due to their economies and fast speeds achievable. By the 20th century, electric rail transport became commonplace. Over time their general-purpose commercial use reduced to specialist", + "score": 0.72119140625 + }, + { + "id": "8022219", + "title": "Tesla, Inc.", + "text": "Engineering of the company until 2008. Eberhard later filed suit against the company allegedly that current CEO Elon Musk sought to \"rewrite history\". Tesla began with a sports car aimed at early adopters followed by mainstream and mass market vehicles, all serving \"as a catalyst to accelerate the day of electric vehicles\". Tesla signed a Roadster production contract on July 11, 2005, with Group Lotus to produce \"gliders\" (complete cars but without powertrain). The Roadster used an AC motor descended directly from Nikola Tesla's original 1882 design. The Tesla Roadster (2008) was the first production automobile to use lithium-ion battery", + "score": 0.720703125 + }, + { + "id": "20415985", + "title": "Tesla Roadster (2020)", + "text": "Tesla Roadster (2020) The Tesla Roadster is an upcoming all-electric battery-powered four-seater sports car made by Tesla, Inc. Tesla has said it will be capable of in 1.9 seconds, quicker than any street legal production car to date at its announcement in November 2017. The Roadster is the successor to Tesla's first production car, which was the 2008 Roadster. Tesla indicates that Roadster sales will begin in 2020, although not before the Tesla Model Y goes on sale. Elon Musk has said that higher-performance trim levels will be available beyond the base specifications. In 2011, at the end of the", + "score": 0.72021484375 + }, + { + "id": "20467649", + "title": "Elon Musk's Tesla Roadster", + "text": "Elon Musk's Tesla Roadster Elon Musk's Tesla Roadster is an electric sports car that served as the dummy payload for the February 2018 Falcon Heavy test flight and became an artificial satellite of the Sun. \"Starman\", a mannequin dressed in a spacesuit, occupies the driver's seat. The car and rocket are products of Tesla and SpaceX, both companies founded by Elon Musk. The 2008-model Roadster was previously used by Musk for commuting to work, and is the first production car in space. The car, mounted on the rocket's second stage, acquired enough velocity to escape Earth's gravity and enter an", + "score": 0.72021484375 + }, + { + "id": "7131448", + "title": "Nikola Tesla electric car hoax", + "text": "Nikola Tesla electric car hoax The Nikola Tesla electric car hoax is an anecdote that refers to a supposed Nikola Tesla invention described by Peter Savo, who claimed to be a nephew of Tesla, to Derek Ahers in 1967. Savo said that Tesla took him to Buffalo, New York in 1931 and showed him a modified Pierce-Arrow car. Tesla, according to the story, had removed the gasoline engine from the car and replaced it with a brushless AC electric motor. The motor was said to have been run by a \"cosmic energy power receiver\" consisting of a box measuring about", + "score": 0.7177734375 + }, + { + "id": "3688048", + "title": "History of the electric vehicle", + "text": "the malign effects smoke and pollution were having in London. Production of the car was in the hands of the Elwell-Parker Company, established in 1882 for the construction and sale of electric trams. The company merged with other rivals in 1888 to form the Electric Construction Corporation; this company had a virtual monopoly on the British electric car market in the 1890s. The company manufactured the first electric 'dog cart' in 1896. France and the United Kingdom were the first nations to support the widespread development of electric vehicles. The first electric car in Germany was built by the engineer", + "score": 0.71630859375 + }, + { + "id": "8158919", + "title": "Tesla Roadster (2008)", + "text": "designers chose to construct the body panels using resin transfer molded carbon fiber composite to minimize weight; this choice makes the Roadster one of the least expensive cars with an entirely carbon fiber skin. Several prototypes of the Tesla Roadster were produced from 2004 through 2007. Initial studies were done in two \"test mule\" vehicles based on Lotus Elises equipped with all-electric drive systems. Ten engineering prototypes (EP1 through EP10) which led to many minor changes were then built and tested in late 2006 and early 2007. Tesla then produced at least 26 validation prototypes which were delivered beginning in", + "score": 0.7158203125 + }, + { + "id": "3688050", + "title": "History of the electric vehicle", + "text": "in the hands of its owner E.W. Hart. The first electric car in the United States was developed in 1890-91 by William Morrison of Des Moines, Iowa; the vehicle was a six-passenger wagon capable of reaching a speed of . It was not until 1895 that consumers began to devote attention to electric vehicles, after A.L. Ryker introduced the first electric tricycles to the U.S., by which point Europeans had been making use of electric tricycles, bicycles, and cars for almost 15 years. Interest in motor vehicles increased greatly in the late 1890s and early 1900s. Electric battery-powered taxis became", + "score": 0.7158203125 + }, + { + "id": "12151626", + "title": "Tesla Model S", + "text": "Tesla Model S was the top selling plug-in electric car worldwide in 2015 and 2016, and by the end of 2017 continued to rank as the second most-sold electric car in history after the Nissan Leaf. The Model S was styled by Franz von Holzhausen, who previously worked for Mazda North American Operations. The car was codenamed\" WhiteStar\" during research and preliminary development. It was officially announced in a press release on June 30, 2008. The prototype vehicle was displayed at a press conference on March 26, 2009. Exclusive premier of their Model S electric car was held at their", + "score": 0.71484375 + }, + { + "id": "3610015", + "title": "Elon Musk", + "text": "early development prior to Elon Musk's involvement. Musk led the Series A round of investment in February 2004, joining Tesla's board of directors as its chairman. Musk took an active role within the company and oversaw Roadster product design at a detailed level, but was not deeply involved in day-to-day business operations. Following the financial crisis in 2008 and after a series of escalating conflicts in 2007, Eberhard was ousted from the firm. Musk assumed leadership of the company as CEO and product architect, positions he still holds today. Tesla Motors first built an electric sports car, the Tesla Roadster", + "score": 0.71435546875 + }, + { + "id": "10813066", + "title": "Electrobat", + "text": "their concept to Isaac L. Rice, who reincorporated the enterprise as the Electric Vehicle Company (Elizabethport, New Jersey), in 1897, and later became part of Pope's empire. Electrobat The Electrobat was one of the first electric automobiles. It was designed and built in 1894 by mechanical engineer Henry G. Morris and chemist Pedro G. Salom in Philadelphia, Pennsylvania. Both had backgrounds in battery streetcars and, as the battery streetcar business was fading, they teamed up to make battery road vehicles. Their effort was patented on August 31, 1894. Built like a small version of a battery streetcar, it was a", + "score": 0.712890625 + }, + { + "id": "12151628", + "title": "Tesla Model S", + "text": "built in San Jose, California was also announced. In May 2010 Tesla announced it would produce the Model S at the former NUMMI assembly plant in Fremont, California, now known as the Tesla Factory. This third plan was implemented. The Tesla Model S was the 2013 World Green Car of the Year, 2013 Motor Trend Car of the Year, \"Automobile\" magazine's 2013 Car of the Year, \"Time Magazine\"'s Best 25 Inventions of the Year 2012, and \"Consumer Reports\"' top-scoring car in road testing. In 2015, \"Car and Driver\" named the Model S the Car of the Century. After not recommending", + "score": 0.7109375 + }, + { + "id": "18790081", + "title": "Marc Tarpenning", + "text": "built an early e-book, the RocketBook, in 1998. In 2000, Gemstar\u2013TV Guide International acquired NuvoMedia for $187 million. In 2003, Tarpenning and Martin Eberhard collaborated again and founded Tesla Motors (now Tesla Inc.). The two co-founders funded the company until early 2004, when Elon Musk led the company\u2019s $7.5 million Series A financing round in February 2004 and became the Chairman of the Board. Tarpenning continued to serve as the Chief Financial Officer (CFO) and later the Vice President of Electrical Engineering in Tesla until 2008. After leaving Tesla, Tarpenning began to serve as an adviser or member of advisory", + "score": 0.70947265625 + }, + { + "id": "1965979", + "title": "Electric vehicle", + "text": "were introduced, including in the United States and the European Union. Electric motive power started in 1827, when Hungarian priest \u00c1nyos Jedlik built the first crude but viable electric motor, provided with stator, rotor and commutator, and the year after he used it to power a tiny car. A few years later, in 1835, professor Sibrandus Stratingh of University of Groningen, the Netherlands, built a small scale electric car and a Robert Anderson of Scotland is reported to have made a crude electric carriage sometime between the years of 1832 and 1839. Around the same period, early experimental electrical cars", + "score": 0.70947265625 + }, + { + "id": "19660296", + "title": "History of Tesla, Inc.", + "text": "Model S sedan, as well as the development of commercial powertrain technology. The low-interest loan program was created in 2007 during the George W. Bush administration, and is not related to the \"bailout\" funds that GM and Chrysler received, nor are they related to the 2009 economic stimulus package. Tesla repaid the loan in May 2013. Tesla was the first car company to have fully repaid the government, while Ford, Nissan and Fisker had not. The company announced in early August 2009 that it had achieved overall corporate profitability for the month of July 2009. The company said it earned", + "score": 0.70751953125 + }, + { + "id": "3688075", + "title": "History of the electric vehicle", + "text": "United States in December 2010, became the first modern all-electric, zero tailpipe emission five door family hatchback to be produced for the mass market from a major manufacturer. , the Leaf is also available in Australia, Canada and 17 European countries. The Better Place network was the first modern commercial deployment of the battery swapping model. The Renault Fluence Z.E. was the first mass production electric car enable with switchable battery technology and sold for the Better Place network in Israel and Denmark. Better Place launched its first battery-swapping station in Israel, in Kiryat Ekron, near Rehovot in March 2011.", + "score": 0.70751953125 + }, + { + "id": "285417", + "title": "Nissan", + "text": "based on the Nissan Tiida (Versa in North America), with the conventional gasoline engine replaced with an all-electric drivetrain. In 2010, Nissan introduced the Nissan LEAF as the first mass-market, all-electric vehicle launched globally. , the Nissan Leaf was the world's best selling highway-capable all-electric car ever. Global sales totaled 100,000 Leafs by mid January 2014, representing a 45% market share of worldwide pure electric vehicles sold since 2010. Global Leaf sales passed the 200,000 unit milestone in December 2015, and the Leaf continued ranking as the all-time best selling all-electric car. Nissan's second all-electric vehicle, the Nissan e-NV200, was", + "score": 0.70703125 + }, + { + "id": "19660300", + "title": "History of Tesla, Inc.", + "text": "combined profit of over $1 billion. On June 29, 2010, Tesla Motors launched its initial public offering on NASDAQ. 13,300,000 shares of common stock were issued to the public at a price of US$17.00 per share. The IPO raised for the company. It was the first American car maker to go public since the Ford Motor Company had its IPO in 1956, and by 2014 Tesla had market value half that of Ford. In early 2013, Tesla had problems producing the Model S, and was running out of money. Musk proposed a $6 billion deal with Google, but improved production", + "score": 0.70703125 + }, + { + "id": "12896643", + "title": "Rene\u0301 Thury", + "text": "laboratory technician of Prof. Jacques-Louis Soret at the University of Geneva. Soret had acquired a Burgin dynamo placing it in series with batteries, and Thury secretly devised a means to make the batteries superfluous. In 1877, he built a steam powered tricycle along with a medical student Jean-Jacques Nussberger who financed the project. It could reach 50 km/h and would be one of the first Swiss built cars. In 1904, Thury produced a gasoline electric parallel hybrid, whose all electric range was 40 km with a 550 kg battery, or 5 km with a 150 kg battery. Some Swiss and", + "score": 0.70703125 + }, + { + "id": "3688078", + "title": "History of the electric vehicle", + "text": "corporate customers began in October 2012 and is limited to the \u00cele-de-France area. In February 2011, the Mitsubishi i MiEV became the first electric car to sell more than of more than 10,000 units, including the models badged in Europe as Citro\u00ebn C-Zero and Peugeot. The record was officially registered by Guinness World Records. Several months later, the Nissan Leaf overtook the i MiEV as the best selling all-electric car ever, and by February 2013 global sales of the Leaf reached the 50,000 unit mark. Models released to the market in 2012 and 2013 include the BMW ActiveE, Coda, Renault", + "score": 0.70654296875 + }, + { + "id": "3486339", + "title": "General Motors EV1", + "text": "General Motors EV1 The General Motors EV1 was an electric car produced and leased by General Motors from 1996 to 1999. It was the first mass-produced and purpose-designed electric vehicle of the modern era from a major automaker, the first GM car designed to be an electric vehicle from the outset along with being the first and only passenger car to be marketed under the corporate General Motors (GM) name instead of being branded under one of its divisions. The decision to mass-produce an electric car came after GM received a favorable reception for its 1990 Impact electric concept car,", + "score": 0.7060546875 + }, + { + "id": "3688043", + "title": "History of the electric vehicle", + "text": "damage to the environment caused by their emissions, and the sustainability of the current hydrocarbon-based transportation infrastructure as well as improvements in electric vehicle technology. Since 2010, combined sales of all-electric cars and utility vans achieved 1 million units delivered globally in September 2016, and combined global sales of light-duty all-electrics and plug-in hybrids reached 4 million in September 2018. The invention of the first model electric vehicle is attributed to various people. In 1828, \u00c1nyos Jedlik, a Hungarian who invented an early type of electric motor, created a small model car powered by his new motor. In 1834, Vermont", + "score": 0.7060546875 + }, + { + "id": "9294068", + "title": "Alternative fuel vehicle", + "text": "Nissan Leaf, Smart ED, Mia electric, BYD e6, Renault Kangoo Z.E., Bollor\u00e9 Bluecar, Renault Fluence Z.E., Ford Focus Electric, BMW ActiveE, Renault Twizy, Tesla Model S, Honda Fit EV, RAV4 EV second generation, Renault Zoe, Mitsubishi Minicab MiEV, Roewe E50, Chevrolet Spark EV, Fiat 500e, BMW i3, Volkswagen e-Up!, Nissan e-NV200, Volkswagen e-Golf, Mercedes-Benz B-Class Electric Drive, Kia Soul EV, BYD e5, and Tesla Model X. The world's all-time top selling highway legal electric car is the Nissan Leaf, released in December 2010, with global sales of more than 250,000 units through December 2016. The Tesla Model S, released in", + "score": 0.70556640625 + }, + { + "id": "3688091", + "title": "History of the electric vehicle", + "text": "electric cars worldwide since delivery of its first Tesla Roadster in 2008. Tesla reported the number of net reservations totaled about 373,000 , after about 8,000 customer cancellations and about 4,200 reservations canceled by the automaker because these appeared to be duplicates from speculators. The Hyundai Ioniq Electric was released in South Korea in July 2016, and sold over 1,000 units during its first two months in the market. The Renault-Nissan Alliance achieved the milestone of 350,000 electric vehicles sold globally in August 2016, and also set an industry record of 100,000 electric vehicle sold in a single year. Nissan", + "score": 0.70556640625 + }, + { + "id": "3688079", + "title": "History of the electric vehicle", + "text": "Fluence Z.E., Tesla Model S, Honda Fit EV, Toyota RAV4 EV, Renault Zoe, Roewe E50, Mahindra e2o, Chevrolet Spark EV, Mercedes-Benz SLS AMG Electric Drive, Fiat 500e, Volkswagen e-Up!, BMW i3, and Kandi EV. Toyota released the Scion iQ EV in the U.S. (Toyota eQ in Japan) in 2013. The car production is limited to 100 units. The first 30 units were delivered to the University of California, Irvine in March 2013 for use in its Zero Emission Vehicle-Network Enabled Transport (ZEV-NET) carsharing fleet. Toyota announced that 90 out of the 100 vehicles produced globally will be placed in carsharing", + "score": 0.70458984375 + }, + { + "id": "10813064", + "title": "Electrobat", + "text": "Electrobat The Electrobat was one of the first electric automobiles. It was designed and built in 1894 by mechanical engineer Henry G. Morris and chemist Pedro G. Salom in Philadelphia, Pennsylvania. Both had backgrounds in battery streetcars and, as the battery streetcar business was fading, they teamed up to make battery road vehicles. Their effort was patented on August 31, 1894. Built like a small version of a battery streetcar, it was a slow, heavy, impractical vehicle with steel tires to support the 1,600 pound immense weight of its large lead battery. It entered production in 1895. In 1896, Morris", + "score": 0.70458984375 + }, + { + "id": "17948268", + "title": "Cedre", + "text": "be possible to travel 100 km (61 miles) with a 120 kg load (e.g. a 70 kg person with 50 kg of luggage). In essence, that combination was the blue print for the \"Midinette\" which Guerbet first presented on 25 April 1975 at the . Unfortunately Guerbet did not have the funds available in 1975 to put his electric car into production. He was well provided with persistence, however, and pursued various publicity opportunities, presenting at events such as the International Symposium of Electric Cars at D\u00fcsseldorf in September 1976 and, subsequently, at a similar event organised by the city", + "score": 0.70361328125 + }, + { + "id": "5249016", + "title": "History of the automobile", + "text": "his new motor. In 1834, Vermont blacksmith Thomas Davenport, the inventor of the first American DC electric motor, installed his motor in a small model car, which he operated on a short circular electrified track. In 1835, Professor Sibrandus Stratingh of Groningen, the Netherlands and his assistant Christopher Becker created a small-scale electrical car, powered by non-rechargeable primary cells. In 1838, Scotsman Robert Davidson built an electric locomotive that attained a speed of . In England, a patent was granted in 1840 for the use of tracks as conductors of electric current, and similar American patents were issued to Lilley", + "score": 0.70361328125 + }, + { + "id": "3486350", + "title": "General Motors EV1", + "text": "Work on the GM electric car program continued after the end of PrEView. While the original 50 Impact cars were destroyed after testing was finished, the design had evolved into the GM EV1 by 1996. The EV1 would be the first GM car in history to wear a \"General Motors\" nameplate, instead of one of GM's marques. The first-generation, or \"Gen I\" car, which would be powered by lead-acid batteries and had a stated range of 70 to 100 miles; 660 cars, painted dark green, red, and silver were produced. The cars were made available via a leasing program, with", + "score": 0.703125 + }, + { + "id": "12652244", + "title": "Wales & Edwards", + "text": "for a battery electric vehicle. Staples such as bread and milk were delivered in many parts of the country by horse and cart, and the electric vehicle developed into a cheaper solution for milk deliveries. Roddington Dairy was the first to order a vehicle, which was delivered to them in early 1951. A base for manufacturing the vehicles was set up at Harlescott, a suburb to the north of Shrewsbury, and they obtained wiring harnesses from Hartley Electromotive, an electrical engineering company which had moved to Monkmoor, to the east of Shrewsbury, in 1949. In 1951, United Dairies circulated a", + "score": 0.70263671875 + }, + { + "id": "5945201", + "title": "Tesla Electric Light and Manufacturing", + "text": "Tesla Electric Light and Manufacturing Tesla Electric Light and Manufacturing Company was an electric lighting company in Rahway, New Jersey that operated from December 1884 through 1886. Based at the site where 1571-1579 Irving Street now stands, on Irving Street between Coach and Elizabeth, Rahway, New Jersey, Tesla Electric Light and Manufacturing Company was started in December 1884 after the inventor Nikola Tesla left Thomas Edison's employment following a disagreement over payment. The company was formed in a partnership between Tesla, Robert Lane and Benjamin Vale with Tesla given the task of designing an arc lighting system, a fast growing", + "score": 0.7021484375 + }, + { + "id": "3688060", + "title": "History of the electric vehicle", + "text": "French Breguet Aviation car, but overall, while ICE development progressed at a brisk pace, electric vehicle technology stagnated. In the late 1950s, Henney Coachworks and the National Union Electric Company, makers of Exide batteries, formed a joint venture to produce a new electric car, the Henney Kilowatt, based on the French Renault Dauphine. The car was produced in 36-volt and 72-volt configurations; the 72-volt models had a top speed approaching and could travel for nearly an hour on a single charge. Despite the Kilowatt's improved performance with respect to previous electric cars, consumers found it too expensive compared to equivalent", + "score": 0.70166015625 + }, + { + "id": "5183994", + "title": "Baker Motor Vehicle", + "text": "Baker Motor Vehicle Baker Motor Vehicle Company was an American manufacturer of Brass Era electric automobiles in Cleveland, Ohio, from 1899 to 1914. The first Baker vehicle was a two seater with a selling price of US$850. One was sold to Thomas Edison as his first car. Edison also designed the nickel-iron batteries used in some Baker electrics. These batteries have extremely long lives with some still in use today. The model range was expanded in 1904 to two vehicles, both two-seaters with armored wood-frames, centrally-located electric motors, and 12-cell batteries. The Runabout had 0.75 hp (0.6 kW) and weighed", + "score": 0.701171875 + }, + { + "id": "3688062", + "title": "History of the electric vehicle", + "text": "as the Scottish Aviation Scamp (1965), and an electric version of General Motors gasoline car, the Electrovair (1966). None of them entered production. The 1966 Enfield 8000 did make it into small-scale production, 112 were eventually produced.In 1967, AMC partnered with Gulton Industries to develop a new battery based on lithium and a speed controller designed by Victor Wouk. A nickel-cadmium battery supplied power to an all-electric 1969 Rambler American station wagon. Other \"plug-in\" experimental AMC vehicles developed with Gulton included the Amitron (1967) and the similar Electron (1977). On 31 July 1971, an electric car received the unique distinction", + "score": 0.701171875 + }, + { + "id": "19492381", + "title": "BMW 1602 Elektro-Antrieb", + "text": "BMW 1602 Elektro-Antrieb BMW developed its first electric car based on the 1602 model. The BMW 1602 Elektro-Antrieb was first unveiled at the 1972 Olympic Games in Munich, Germany; two examples were used to shuttle VIPs and serve as support cars in various long-distance events like the marathon. The 1602 Elektro-Antrieb uses one electric motor, front-mounted driving the rear axle. It has a claimed top speed of and acceleration of 0 to 30 mph (0 to 48 km/h) in 8.0 seconds. The 1602 elektro is unique in the fact it has a front engine, rear wheel drive layout. The battery", + "score": 0.70068359375 + }, + { + "id": "19660290", + "title": "History of Tesla, Inc.", + "text": "the Roadster. Martin Eberhard was the original CEO of Tesla until he was asked to resign in August 2007 by the board of directors. Eberhard then took the title of \"President of Technology\" before ultimately leaving the company in January 2008 along with co-founder Marc Tarpenning, who served as the Vice President of Electrical Engineering of the company until 2008. Musk led the Series A round of investment in February 2004, joining Tesla's board of directors as its chairman. Tesla's primary goal was to commercialize electric vehicles, starting with a premium sports car aimed at early adopters and then moving", + "score": 0.70068359375 + }, + { + "id": "3688044", + "title": "History of the electric vehicle", + "text": "blacksmith Thomas Davenport built a similar contraption which operated on a short, circular, electrified track. In 1834, Professor Sibrandus Stratingh of Groningen, the Netherlands and his assistant Christopher Becker created a small-scale electrical car, powered by non-rechargeable primary cells. The first known electric locomotive was built in 1837, in Scotland by chemist Robert Davidson of Aberdeen. It was powered by galvanic cells (batteries). Davidson later built a larger locomotive named \"Galvani\", exhibited at the Royal Scottish Society of Arts Exhibition in 1841. The vehicle had two direct-drive reluctance motors, with fixed electromagnets acting on iron bars attached to a wooden", + "score": 0.7001953125 + }, + { + "id": "9318055", + "title": "Sunraycer", + "text": "and Hughes). In turn, the GM Impact led to the EV-1, which was leased to customers for a few years in the late 1990s before being retired and scrapped. GM now has a series hybrid electric car (with propulsion only by the electric motor) called the Chevy Volt which was introduced to the US market in late 2010. Within the framework of GM's vehicle electrification strategy, the 2014 Chevrolet Spark EV is the first all-electric passenger car marketed by General Motors in the U.S. since the EV1 was discontinued in 1999. Sunraycer The Sunraycer was a solar powered race car", + "score": 0.7001953125 + }, + { + "id": "8088930", + "title": "Georges Irat", + "text": "out after about 200 had been made. After the outbreak of war, Georges Irat was among the first auto-makers to focus on electric cars, there being diminishing quantities of oil based motor-fuel available for civilian use, especially after the German invasion in May/June 1940. An all-new electric car was designed during Summer 1940 and developed rapidly in order to be ready for public launch at the Lyon Fair during the autumn of 1941. The little car was designed to be as light-weight as possible and the electric motor had a number of ingenious features. The vehicle had a top speed", + "score": 0.7001953125 + }, + { + "id": "2822162", + "title": "Milk float", + "text": "Britain during the 20th century. Brush Electrical Engineering Company had been established in 1889, and had manufactured electric cars between 1901 and 1905. In 1940, Brush required some small electric tractor units, but as none were commercially available, they asked AE Morrison and Sons to produce a design for one. Morrisons produced a 3-wheeled design, which Brush then used to manufacture a number of units for internal use. They then began selling them to customers, shipping a large order to Russia in 1941. They expanded to producing battery electric road vehicles in 1945, when they bought designs and manufacturing rights", + "score": 0.69970703125 + }, + { + "id": "12178792", + "title": "Electrosport", + "text": "the average price for of gasoline was 36 cents (in the United States). For comparison, the original suggested retail price (MSRP) of a standard gasoline-powered Hornet Sportabout wagon was only $2,587. \"Popular Science\" magazine noted that \"you'll have to be a true idealist to place an order...\" Apollo Energy Systems later made other electric car models, including the 1972 X-144 Electric Car (based on an AMC Gremlin, the 1974 Santa Fe Luxury Sedan (based on an AMC Matador, and the 1978-2000 Silver Volt I. The technology developed by EFP has since been taken over by Apollo Energy Systems (AES). Electrosport", + "score": 0.69970703125 + }, + { + "id": "3688090", + "title": "History of the electric vehicle", + "text": "Model X, together with several variants of the Tesla Model S line-up. The Tesla Model 3 was unveiled on 31 March 2016. With pricing starting at and an all-electric range of , the Model 3 is Tesla Motors first vehicle aimed for the mass market. Before the unveiling event, over 115,000 people had reserved the Model 3. , one week after the event, Tesla Motors reported over 325,000 reservations, more than triple the 107,000 Model S cars Tesla had sold by the end of 2015. These reservations represent potential sales of over . , Tesla Motors has sold almost 125,000", + "score": 0.69970703125 + }, + { + "id": "7131450", + "title": "Nikola Tesla electric car hoax", + "text": "be a fabrication. A number of web pages exist that perpetuate the tale. Every account of this purported demonstration automobile is based upon the story plus literary embellishment. Nikola Tesla electric car hoax The Nikola Tesla electric car hoax is an anecdote that refers to a supposed Nikola Tesla invention described by Peter Savo, who claimed to be a nephew of Tesla, to Derek Ahers in 1967. Savo said that Tesla took him to Buffalo, New York in 1931 and showed him a modified Pierce-Arrow car. Tesla, according to the story, had removed the gasoline engine from the car and", + "score": 0.69921875 + }, + { + "id": "5131997", + "title": "Tesla (Czechoslovak company)", + "text": "Tesla (Czechoslovak company) TESLA (originally named after Nikola Tesla, later explained as abbreviation from \"\"TEchnika SLAboproud\u00e1\"\", which means \"low-voltage technology\") was a large, state-owned electrotechnical conglomerate in the former Czechoslovakia. The company was established as \"Elektra\" on 18 January 1921 and renamed TESLA on 7 March 1946. TESLA had a state-sponsored monopoly on electronics production in Czechoslovakia, and produced nearly all electronic products in the country until 1989. Many subsidiaries were created from the original brand, including those at Liptovsk\u00fd Hr\u00e1dok, Hradec Kr\u00e1lov\u00e9, Pardubice, \u017d\u010f\u00e1r nad S\u00e1zavou, Bratislava, and Ni\u017en\u00e1. Later, some of them were transformed into independent state-owned companies.", + "score": 0.69873046875 + }, + { + "id": "19660308", + "title": "History of Tesla, Inc.", + "text": "October 26, 2016, Tesla posted a profitable quarter, their first in 8 quarters, defying industry expectations. According to the \"Wall Street Journal\", in September 2018, the company's stock fell to its lowest price in a year, closely around the time that CEO Elon Musk smoked marijuana during a live TV interview. History of Tesla, Inc. This is the corporate history of Tesla, Inc., an electric automobile manufacturer founded in Palo Alto, California in 2003. Founded as \"Tesla Motors\", Tesla Inc. was incorporated in July 2003 by Martin Eberhard and Marc Tarpenning who financed the company until the Series A round", + "score": 0.69677734375 + }, + { + "id": "13640880", + "title": "Nissan Leaf", + "text": "it. The car sold in limited numbers to supply government and corporate fleets in Japan between 1999 and 2001. A small fleet of Hyperminis was also field-tested in several cities in California between 2001 and 2005. In 2009, Nissan unveiled the EV-11 prototype electric car. It was based on the Nissan Tiida (Versa in North America), but with the conventional gasoline engine replaced with an all-electric drivetrain, and included an / electric motor, 24 kWh lithium-ion battery pack rated to have a range of on the United States Environmental Protection Agency's LA-4 or \"city\" driving cycle, navigation system, and remote", + "score": 0.6953125 + }, + { + "id": "8158970", + "title": "Tesla Roadster (2008)", + "text": "its EU special-edition vehicle, which had a 2010 model-year production run of 250 cars. A total of 575 units have been sold in Europe through October 2012. Tesla first overseas showroom opened in London in 2009, with right-hand-drive models promised for early 2010. Showrooms in Munich and Monaco were also added in 2009, followed by Zurich and Copenhagen in 2010 and Milan in 2011. Reservations for the 2010 Roadster were available for a \u20ac3,000 refundable reservation fee. From 2009 to 2014, Hansjoerg von Gemmingen of Karlsruhe, Germany drove his Tesla Roadster , this being the mileage world record for an", + "score": 0.69482421875 + }, + { + "id": "8158949", + "title": "Tesla Roadster (2008)", + "text": "be grouped in two main categories: older reviews of \"validation prototypes\" (2006\u20132008), before Tesla began serial production and customer deliveries, and reviews on cars in serial production (2008\u20132010). The global online auto review site Autoguide.com tested Tesla's fourth-generation car in October 2010. Autoguide editor Derek Kreindler said \"The Tesla Roadster 2.5 S is a massively impressive vehicle, more spacecraft than sports car. Theories like global warming, peak oil and rising oil prices should no longer bring heart palpitations to car fans. The Tesla shows just how good zero-emissions \"green\" technology can be. Quite frankly, getting into a normal car at", + "score": 0.6943359375 + }, + { + "id": "17948270", + "title": "Cedre", + "text": "The next year the little electric vehicle was again a star attraction at the during the first fortnight on May 1978. Guerbet's first car, the electric prototype of 1974, was identified as the \"Mini 1\", and also as the \"Soubrette\" The \"Midinette\" followed in 1975, and by 1979 had been put into production. It was powered by a 1.2 kW electric motor. Top speed was given as 50 km/h (31 mph), and the range as 60 km (37 miles). The car offered space for one and the plastic/polyester body was accessed through a sliding door on the car's left side.", + "score": 0.69384765625 + }, + { + "id": "13893578", + "title": "Nissan electric vehicles", + "text": "on a single charge have not yet been announced. On August 2, 2009, Nissan announced the production of the Nissan Leaf, the company's first series production all-electric vehicle. Deliveries of the electric car began in Japan and the United States in December 2010, followed by various European countries and Canada in 2011. The Leaf is the world's all-time best selling highway-capable all-electric car. Global sales reached the 50,000 units by mid February 2013, and the 100,000 unit mark by mid January 2014, representing a 45% market share of worldwide pure electric vehicles sold since 2010. The 200,000 unit milestone was", + "score": 0.693359375 + }, + { + "id": "17948267", + "title": "Cedre", + "text": "1901. Production ended in 1987. By 1974 Fran\u00e7ois Guerbet had been fighting for several years to prove that an urban electric car was more than an impossible dream. He believed that using lead-acid battery technology (then the only available option given the amount of charge needed to propel a vehicle) it would be impossible both to match the performance of a \"normal\" petrol driven car and achieve a reasonable range between recharging stops. But by restricting the top speed to 50 km/h (31 mph) and using a very light bodied tricycle format vehicle carrying 200 kg of batteries, it should", + "score": 0.693359375 + }, + { + "id": "8851552", + "title": "Tribelhorn", + "text": "In 1920 the production was stopped. There were vehicles manufactured exclusively with electric motor. The focus was on the production of commercial vehicles, while passenger cars were only produced in small quantities. 1902 created the first prototype. Two vehicles of this brand are in the Verkehrshaus der Schweiz to be seen in Luzern. It is also the name of a conference room at Tesla Motors, Inc. David Burgess Wise, \"The New Illustrated Encyclopedia of Automobiles\". Tribelhorn The Tribelhorn was a Swiss electric car manufactured from 1899 until 1919 in Zurich. Production began in earnest in 1902; three- and four-wheelers were", + "score": 0.693359375 + }, + { + "id": "5132003", + "title": "Tesla (Czechoslovak company)", + "text": "the TESLA trademark. In 2015, the first primary battery comes to market under the trade name Tesla Batteries. Former TESLA companies with new name: Some of the present TESLA companies: Tesla (Czechoslovak company) TESLA (originally named after Nikola Tesla, later explained as abbreviation from \"\"TEchnika SLAboproud\u00e1\"\", which means \"low-voltage technology\") was a large, state-owned electrotechnical conglomerate in the former Czechoslovakia. The company was established as \"Elektra\" on 18 January 1921 and renamed TESLA on 7 March 1946. TESLA had a state-sponsored monopoly on electronics production in Czechoslovakia, and produced nearly all electronic products in the country until 1989. Many subsidiaries", + "score": 0.693359375 + }, + { + "id": "19660298", + "title": "History of Tesla, Inc.", + "text": "2011, but the two automakers extended the deal to keep the electric Roadster in production through December 2011 with a minimum number of 2,400 units, when production ended, mostly because of tooling changes orchestrated by one of its suppliers. In June 2010, it was reported that Tesla sold a total of zero emission vehicle credits to other automakers, including Honda, up to March 31, 2010. On January 29, 2010, Tesla Motors filed Form S-1 with the U.S. Securities and Exchange Commission, as a preliminary prospectus indicating its intention to file an initial public offering (IPO) underwritten by Goldman Sachs, Morgan", + "score": 0.69189453125 + }, + { + "id": "13640879", + "title": "Nissan Leaf", + "text": "with 100,000 by June 2018. The European market was led by Norway with 33,156 new units registered by the end of October 2018. The Nissan Leaf was the world's best-selling plug-in electric car in 2013 and 2014. Nissan introduced its first battery electric vehicle, the Nissan Altra, at the Los Angeles International Auto Show on 29 December 1997. The Altra was produced between 1998 and 2002. Only about 200 Altras were ever produced, and it was mainly used as a \"fleet vehicle\" for companies such as electric utilities. Nissan also developed the Nissan Hypermini and ran a demonstration program for", + "score": 0.6904296875 + }, + { + "id": "3486376", + "title": "General Motors EV1", + "text": "the first all-electric passenger car marketed by General Motors in the U.S. since the EV1 was discontinued in 1999. The decades before the release of the Impact and the EV1 had seen little in the way of development on the electric car front. The Henney Kilowatt, which ended production in 1961, was the last time a feasible production electric car of any sort had been released; GM's own Electrovair and Electrovette of 1966 and 1976, respectively, never reached production, amounting to little more than conceptual electric conversion kits for the automaker's popular gasoline models. Technical and production costs difficulties were", + "score": 0.6904296875 + }, + { + "id": "154717", + "title": "General Motors", + "text": "global markets. In October 2012, GM Korea announced it will start making and selling the Spark EV domestically in 2013. The production version was unveiled at the 2012 Los Angeles Auto Show. Within the framework of GM's vehicle electrification strategy, the Spark EV is the first all-electric passenger car marketed by General Motors in the U.S. since the EV1 was discontinued in 1999. The Spark EV was released in the U.S. in selected markets in California and Oregon in June 2013. Retail sales began in South Korea in October 2013. GM also plans to sell the Spark EV in limited", + "score": 0.6904296875 + }, + { + "id": "3688054", + "title": "History of the electric vehicle", + "text": "of 33,842 electric cars were registered in the United States, and the U.S. became the country where electric cars had gained the most acceptance. Most early electric vehicles were massive, ornate carriages designed for the upper-class customers that made them popular. They featured luxurious interiors and were replete with expensive materials. Sales of electric cars peaked in the early 1910s. In order to overcome the limited operating range of electric vehicles, and the lack of recharging infrastructure, an exchangeable battery service was first proposed as early as 1896. The concept was first put into practice by Hartford Electric Light Company", + "score": 0.6904296875 + }, + { + "id": "5377079", + "title": "Taxicabs of New York City", + "text": "Company (E.C.W.C.), which began running 12 electric hansom cabs in July 1897. The company ran until 1898 with up to 62 cabs operating until it was reformed by its financiers to form the Electric Vehicle Company. The company then built the Electrobat electric car, and had up to 100 taxicabs running in total by 1899. 1899 also saw a number of notable firsts for the Electric Vehicle Company. On May 20, 1899, Jacob German, driving an electric taxicab received the first speeding ticket in the United States. Later that year, on September 13, Henry Bliss became the first victim of", + "score": 0.689453125 + }, + { + "id": "6844338", + "title": "Automotive engine", + "text": "19th century and almost half the 20th century. The main drawback of the steam engine in automobiles was the fact that operators were required to have full knowledge of boilers and steam engines before operating, as it was detrimental to the engine itself if the operator neglected it. Electric vehicles seemed to be the most viable option, similar to the steam automobiles. It was first invented in the early 1800s, and became a viable option of transportation around 1890, when William Morrison created the first electric car that traveled 14 miles per hour. The electric cars offered low pollution and", + "score": 0.689453125 + }, + { + "id": "12151624", + "title": "Tesla Model S", + "text": "Tesla Model S The Tesla Model S is a full-sized / Mid-size luxury all-electric five-door liftback car, produced by Tesla, Inc., and introduced on June 22, 2012. The EPA official range for the 2017 Model S 100D, which is equipped with a battery pack, is , higher than any other electric car. The December 2017 Consumer Reports owner satisfaction survey has the Tesla Model S at the top. The EPA rated the 2017 90D Model S's energy consumption at 3.096 miles per kWh (200.9 watt-hours per kilometer or 32.33 kWh/100 mi or 20.09 kWh/100 km) for a combined fuel economy", + "score": 0.689453125 + }, + { + "id": "5178991", + "title": "Woods Motor Vehicle", + "text": "today considered a historic hybrid electric vehicle. Woods Motor Vehicle Woods Motor Vehicle Company was an American manufacturer of electric automobiles in Chicago, Illinois, between 1899 and 1916. In 1915 they produced the Dual Power (U.S. Patent # 1244045) with both electric and internal combustion engines and this continued until 1918. The company was started by Clinton Edgar Woods who \"wrote the first book on electric vehicles.\" The 1904 \"Woods Stanhope\" was a stanhope model. It could seat 2 passengers and sold for US$1800. Twin electric motors, situated at the rear of the car, produced 2.5 hp (1.9 kW) each.", + "score": 0.689453125 + }, + { + "id": "10569687", + "title": "Henrik Fisker", + "text": "of the Artega GT two-door sports car, Artega Automobile's first model, which was produced between 2009 and 2012. It spawned the 2011 Artega SE, an electric sports car with an identical body. In August 2007, Fisker and Quantum Technologies teamed up to launch the luxury electric car startup Fisker Automotive in Anaheim, California. Fisker aimed to demonstrate that \"electric cars can be beautiful and exciting and fun to drive.\" The first car to be produced by Fisker Automotive was the Fisker Karma, a luxury plug-in hybrid sports sedan that was unveiled in a preproduction version in January 2008 at the", + "score": 0.689453125 + }, + { + "id": "8158961", + "title": "Tesla Roadster (2008)", + "text": "way to go. The Tesla is a car that you can live with, drive and enjoy as a sports car. I had a brief drive in the car and it was quite impressive. This is an electric car that is fun to drive\". In a November 27, 2006, review of a prototype Roadster in \"Slate\", Paul Boutin wrote, \"A week ago, I went for a spin in the fastest, most fun car I've ever ridden in\u2014and that includes the Aston Martin I tried to buy once. I was so excited, in fact, that I decided to take a few days", + "score": 0.68896484375 + }, + { + "id": "1734943", + "title": "Thomas Davenport (inventor)", + "text": "Thomas Davenport (inventor) Thomas Davenport (9 July 1802 \u2013 6 July 1851) was a Vermont blacksmith who constructed the first American DC electric motor in 1834. Davenport was born in Williamstown, Vermont. He lived in Forest Dale, a village near the town of Brandon. As early as 1834, he developed a battery-powered electric motor. He used it to operate a small model car on a short section of track, paving the way for the later electrification of streetcars. Davenport's 1833 visit to the Penfield and Taft iron works at Crown Point, New York, where an electromagnet was operating, based on", + "score": 0.6865234375 + }, + { + "id": "12170844", + "title": "Apollo Energy Systems", + "text": "brand of vehicles, including Mars I and II, Mars Van, Transformer I, Silver Volt I. The company's newer vehicles included Mars III, Silver Volt II and GT, and the air supported vehicle ASV I. In 1966, the company built and tested the Mars I electric car using a tri-polar lead-cobalt battery. Within five years, EFP had introduced of the Electrosport station wagon as the first mass-produced electric car. To demonstrate the viability of their electric car business at that time, EFP also created the \u201cWorld\u2019s First Electric Car Expressway\u201d between Detroit and Chicago. Apollo Energy Systems Apollo Energy Systems is", + "score": 0.6865234375 + }, + { + "id": "8158916", + "title": "Tesla Roadster (2008)", + "text": "an active role within the company starting in 2004, including investing US$7.5 million, overseeing Roadster product design from the beginning, and greatly expanding Tesla's long-term strategic sales goals by using the sports car to fund development of mainstream vehicles. Musk became Tesla's Chairman of the Board in April 2004 and had helped recruit JB Straubel as chief technology officer in March 2004. Musk received the Global Green 2006 product design award for the design of the Tesla Roadster, presented by Mikhail Gorbachev, and he received the 2007 Index Design award for the design of the Tesla Roadster. Before Tesla had", + "score": 0.685546875 + }, + { + "id": "16358152", + "title": "Coda (electric car)", + "text": "of the 117 cars sold. Initial deliveries of the vehicle were planned for December 2010 but were pushed back to the second half of 2011 as Coda Automotive decided to have more time available to ensure the quality of the car, and later were again re-scheduled for late 2011. The latest market launch was slated for February 2012. The first production unit for retail sale came off the assembly line on March 2012, and the first deliveries to retail customers in the United States took place on March 19, 2012. The electric was available only in California, and sales were", + "score": 0.68505859375 + }, + { + "id": "15094560", + "title": "Tesla Factory", + "text": "testing, and federal crash-testing and certification. Tesla expected to produce about 5,000 Model S sedans in 2012, with production ramping up to 20,000 in 2013 if necessary. The first retail delivery of the Model S took place during a special event held at the Tesla Factory on June 22, 2012. Production grew from 15\u201320 cars completed/week in August 2012 to over 200 by November 5 and 400 by late December. In late December Tesla revised their 2012 delivery projections down to 2,500 cars. Deliveries reached 6,892 units in the last three months of 2013. In December 2013, California announced it", + "score": 0.68505859375 + }, + { + "id": "2488202", + "title": "California Air Resources Board", + "text": "was the first battery electric vehicle (BEV) offered to the public, in partial fulfillment of the agreement with CARB. The EV1 was available only through a /month lease starting in December 1996; the initial markets were South Coast, San Diego, and Arizona, and expanded to Sacramento and the Bay Area. GM also offered an electric S-10 pickup truck to fleet operators. In 1997, Honda (EV Plus, May 1997), Toyota (RAV4 EV, October 1997), and Chrysler (EPIC, 1997) followed suit. Ford also introduced the Ranger EV for the 1998 model year, and Nissan stated they planned to offer the Altra in", + "score": 0.68505859375 + }, + { + "id": "3688064", + "title": "History of the electric vehicle", + "text": "their gasoline cars, the Electrovette (1976). At the 1990 Los Angeles Auto Show, General Motors President Roger Smith unveiled the GM Impact electric concept car, along with the announcement that GM would build electric cars for sale to the public. In the early 1990s, the California Air Resources Board (CARB), the government of California's \"clean air agency\", began a push for more fuel-efficient, lower-emissions vehicles, with the ultimate goal being a move to zero-emissions vehicles such as electric vehicles. In response, automakers developed electric models, including the Chrysler TEVan, Ford Ranger EV pickup truck, GM EV1 and S10 EV pickup,", + "score": 0.6845703125 + }, + { + "id": "5178989", + "title": "Woods Motor Vehicle", + "text": "Woods Motor Vehicle Woods Motor Vehicle Company was an American manufacturer of electric automobiles in Chicago, Illinois, between 1899 and 1916. In 1915 they produced the Dual Power (U.S. Patent # 1244045) with both electric and internal combustion engines and this continued until 1918. The company was started by Clinton Edgar Woods who \"wrote the first book on electric vehicles.\" The 1904 \"Woods Stanhope\" was a stanhope model. It could seat 2 passengers and sold for US$1800. Twin electric motors, situated at the rear of the car, produced 2.5 hp (1.9 kW) each. The car weighed 2650 lb (1202 kg)", + "score": 0.6845703125 + }, + { + "id": "20467670", + "title": "Elon Musk's Tesla Roadster", + "text": "parts. Tires, paint, plastic and leather might last only about a year, while carbon fiber parts will last considerably longer. Eventually, only the aluminum frame, inert metals, and glass not shattered by meteoroids will remain. Elon Musk's Tesla Roadster Elon Musk's Tesla Roadster is an electric sports car that served as the dummy payload for the February 2018 Falcon Heavy test flight and became an artificial satellite of the Sun. \"Starman\", a mannequin dressed in a spacesuit, occupies the driver's seat. The car and rocket are products of Tesla and SpaceX, both companies founded by Elon Musk. The 2008-model Roadster", + "score": 0.6845703125 + }, + { + "id": "12151719", + "title": "Tesla Model S", + "text": "The first Model S sedans were delivered in December 2012. Cumulative sales totaled 3,590 units , and ranks as the second best-selling plug-in car in the country ever after the Chevrolet Volt (5,415) and ahead of the Nissan Leaf (3,198). The Model S was the top selling plug-in electric car in Canada in 2015 with 2,010 units sold. Retail sales began in Mexico City in December 2015. Initially, no Supercharger stations are available in the country. The first delivery took place on June 1, 2012. Deliveries for retail customers in the United States started on June 22, at a special", + "score": 0.68408203125 + }, + { + "id": "11658296", + "title": "Electric car", + "text": "not be achieved by the gasoline cars of the time. The electric vehicle stock peaked at approximately 30,000 vehicles at the turn of the 20th century. In 1897, electric cars found their first commercial use in the US. Based on the design of the Electrobat II, a fleet of twelve hansom cabs and one brougham were used in New York City as part of a project funded in part by the Electric Storage Battery Company of Philadelphia. During the 20th century, the main manufacturers of electric vehicles in the US were Anthony Electric, Baker, Columbia, Anderson, Edison, Riker, Milburn, Bailey", + "score": 0.68408203125 + }, + { + "id": "19135247", + "title": "Faraday Future", + "text": "signed a lease for a former Pirelli tire plant in Hanford, California. The company said that it could employ up to 1,300 people over time and build up to 10,000 cars a year at that location. Faraday Future originally planned to launch its first fully electric vehicle in 2017, with the possibility of producing a larger range of vehicles over time. The company has implied plans to explore other aspects of the automotive and technology industries, such as experiential ownership and usage models, in-vehicle content, and autonomous driving. In July 2015, Motor Trend ran an article that provided a few", + "score": 0.68408203125 + }, + { + "id": "10569691", + "title": "Henrik Fisker", + "text": "in October 2011, as the world's first luxury electric, extended-range vehicle. High-profile customers included DiCaprio, musician Justin Bieber, former US Secretary of State Colin Powell and former US Vice President Al Gore. The Karma differed from previous electric vehicles in that it was stylish, it had a gasoline engine in addition to the electric battery in case of battery failure or inability to find a charging station, and the gas was only used to generate electric power. In December 2011, just as the Fisker Karma was launched, its battery supplier, A123 Systems, recalled all batteries, followed by a second recall", + "score": 0.68359375 + }, + { + "id": "9659774", + "title": "John Studebaker", + "text": "1868, with John as its president. In December 1901, at the age of 68, John was the last survivor of the founding family and, after a visit to a motor show in Chicago, he began to accept the urging of his son-in-law Fred Fish that electric cars, initially, would be the future of the Studebaker company. In 1902, five battery-powered-models were made, and 20 were sold, including one which John owned personally. Fish, who married John Studebaker's daughter Grace in 1891, joined the company and provided the impetus for the production of \"horseless carriages\". In 1904 he and John negotiated", + "score": 0.68359375 + }, + { + "id": "10303080", + "title": "History of plug-in hybrids", + "text": "plug-in electric cars. Retail deliveries of the second generation Toyota plug-in hybrid, the Prius Prime began in the U.S. in November 2016. A total of 781 units were sold during its first month in the American market, setting a new record monthly sales volume debut for any plug-in electric car released in the U.S. The Hyundai Ioniq Plug-in was released in February 2017. The Ioniq Plug-in delivers in all-electric mode. The following table presents cumulative sales of those plug-in hybrid models that have sold about 10,000 units since the introduction of the first modern production plug-in hybrid vehicle in December", + "score": 0.68359375 + } + ], + "answer": "The Tesla Roadster is a battery electric vehicle (BEV) sports car, based on the Lotus Elise chassis, that was produced by the electric car firm Tesla Motors (now Tesla, Inc.) in California from 2008 to 2012. Prototypes of the car were officially revealed to the public on July 19, 2006, in Santa Monica, California, at a 350-person invitation-only event held in Barker Hangar at Santa Monica Airport. The first Tesla electric car was released to the public in 2007. General production began on March 17, 2008." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "When did england last make the quarter final of the men's fifa world cup as of 2006?", + "short_answers": [ + "1 July 2006" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When did england last make the quarter final of the men's fifa world cup as of 2002?", + "short_answers": [ + "21 June 2002" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When did england last make the quarter final of the men's fifa world cup as of 1998?", + "short_answers": [ + "1 July 1990" + ], + "wikipage": null + }, + { + "context": "England have qualified for the FIFA Women's World Cup five times, reaching the quarter-finals on three occasions; in 1995, 2007, and 2011, finishing third in 2015 and fourth in 2019. They reached the final of the UEFA Women's Championship in 1984 and 2009.", + "question": "When did England last make the quarter final of the FIFA women's world cup?", + "short_answers": [ + "2019" + ], + "wikipage": "England women's national football team" + } + ], + "wikipages": [ + { + "title": "England women's national football team", + "url": "https://en.wikipedia.org/wiki/England%20women%27s%20national%20football%20team" + }, + { + "title": "England at the FIFA World Cup", + "url": "https://en.wikipedia.org/wiki/England%20at%20the%20FIFA%20World%20Cup" + }, + { + "title": "2002 FIFA World Cup", + "url": "https://en.wikipedia.org/wiki/2002%20FIFA%20World%20Cup" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The England national football team has competed at the FIFA World Cup since 1950.", + "wikipage": "England at the FIFA World Cup" + }, + { + "content": "It was held from 31 May to 30 June 2002 at sites in South Korea and Japan, with its final match hosted by Japan at International Stadium in Yokohama.", + "wikipage": "2002 FIFA World Cup" + }, + { + "content": "In Germany, however, England were less convincing.", + "wikipage": "England at the FIFA World Cup Germany 2006" + } + ], + "long_answer": "England has competed in the FIFA World Cup since 1950. The men's team has made the quarter finals on 21 June 2002 for the 2002 FIFA World Cup in South Korea/Japan and 1 July 2006 for the 2006 FIFA World Cup in Germany. In 1998, the men's team made it back to the quarter finals since 1 July 1990. The women's team made their fourth quarter finals appearance in 2019. " + }, + { + "knowledge": [ + { + "content": "The England national football team has competed at the FIFA World Cup since 1950.", + "wikipage": "England at the FIFA World Cup" + } + ], + "long_answer": "The England national football team has competed at the men's FIFA World Cup since 1950. They made the quarter finals on 1 July 1990, 21 June 2002 and 1 July 2006. England have qualified for the FIFA Women's World Cup five times, reaching the quarter-finals on three occasions; in 1995, 2007, and 2011, finishing third in 2015 and fourth in 2019." + } + ], + "sample_id": "-1471715328138600909", + "question": "When did england last make the quarter final of the world cup?", + "docs": [ + { + "id": "124856", + "title": "England national football team", + "text": "to champions West Germany in the semi-final. They also finished in fourth place in 2018. The team also reached the quarter-final stage in 1954, 1962, 1970, 1986, 2002 and 2006. England failed to qualify for the World Cup in 1974, 1978 and 1994. The team's earliest exit in the finals tournament was its elimination in the first round in 1950, 1958 and, most recently, the 2014 FIFA World Cup, after being defeated in both their opening two matches for the first time, versus Italy and Uruguay in Group D. In 1950, four teams remained after the first round, in 1958", + "score": 0.7822265625, + "summary": "England last made the quarter final of the world cup in 2018.", + "extraction": "England last made the quarter-final stage of the World Cup in 2018." + }, + { + "id": "9379754", + "title": "History of the England national football team", + "text": "the 1954 World Cup, two goals by Broadis saw him become the first England player to score two goals in a game at the World Cup finals. Broadis beat Nat Lofthouse by 30 minutes when both scored two each in the thrilling 4\u20134 draw against Belgium. In reaching the quarter-finals for the first time, England lost 4\u20132, being eliminated by Uruguay. Only twice have England progressed beyond the World Cup quarter-finals away from home. On 15 May 1957, Stanley Matthews became the oldest player ever to represent his country. On his last appearance for England, in a 4\u20131 defeat by", + "score": 0.76904296875, + "summary": "England last made the quarter-final of the World Cup in 1954, but they lost 4-2 to Uruguay and have only progressed beyond the quarter-finals away from home twice.", + "extraction": "Irrelevant. The passage does not provide information on when England last made the quarter final of the world cup." + }, + { + "id": "7170358", + "title": "1985\u201386 in English football", + "text": "Cup. 13 June 1986 \u2013 Southampton sign 19-year-old goalkeeper Tim Flowers from Wolverhampton Wanderers for \u00a370,000, while 23-year-old midfielder Ian Crook joins Norwich City from Tottenham Hotspur for \u00a380,000. 18 June 1986 \u2013 England beat Paraguay 3\u20130 to reach the World Cup quarter-finals for the first time since 1970. 22 June 1986 \u2013 England's World Cup challenge is ended in the quarter-finals when they lose 2\u20131 to Argentina. Diego Maradona scores both goals for Argentina, his first goal being the controversial \"Hand of God\" goal which was allowed despite being an obvious handball. England reached the quarter-finals of the 1986", + "score": 0.763671875, + "summary": "England last made the quarter-finals of the World Cup in 1986.", + "extraction": "England beat Paraguay 3-0 to reach the World Cup quarter-finals for the first time since 1970, on 18 June 1986." + }, + { + "id": "12040823", + "title": "England at the FIFA World Cup", + "text": "round of 16 defeating Denmark 3\u20130, thanks to goals from Micheal Owen, Rio Ferdinand, and Emile Heskey. England played four-time World Cup winners and 1998 runners-up Brazil in the quarter-finals. Despite leading through a Michael Owen goal, a mistake by David Seaman saw England lose 2\u20131, and Brazil won their fourth World Cup match against England, and went on to win the tournament. England were drawn into Group 6 of European qualifying for the 2006 World Cup. The group featured other home nations in Wales, and Northern Ireland, as well as Poland (who had eliminated England the last time the", + "score": 0.76318359375, + "summary": "England last made the quarter-finals of the World Cup in 2002, where they lost to Brazil 2-1.", + "extraction": "England last made the quarter-finals of the World Cup in 2002, where they played against Brazil and lost 2-1." + }, + { + "id": "11572074", + "title": "England national football team manager", + "text": "point out that the Hungarians were actually a great side.\" He guided England to first place in the 1953\u201354 British Home Championship, which qualified the team for the 1954 World Cup in Switzerland, but saw his side knocked out in the quarter-finals, going down 4\u20132 against Uruguay. Three wins and a draw from four matches enabled England's qualification for the 1958 World Cup, only for Winterbottom's side to fail in the group play-off stage, losing 1\u20130 to the Soviet Union. England lost to Brazil in the quarter-final of the 1962 World Cup in Chile and, under attack from the British", + "score": 0.7568359375, + "summary": "England last made the quarter-final of the World Cup in 1962.", + "extraction": "England last made the quarter-final of the World Cup in 1962." + }, + { + "id": "12040802", + "title": "England at the FIFA World Cup", + "text": "the first World Cup finals take place in North America and England qualified automatically for the tournament by winning the 1966 FIFA World Cup. England were drawn in a group with Romania, former world champions Brazil and Czechoslovakia. Each of the matches only saw one goal, with England defeating Romania and Czechoslovakia, and losing to Brazil. The quarter-final saw a repeat of the 1966 final, with England playing West Germany. England were hampered by the fact that first-choice goalkeeper Gordon Banks was ill, and Peter Bonetti played instead. England led 2\u20130 with goals by Alan Mullery and Martin Peters, but", + "score": 0.7568359375, + "summary": "1966 is the only year mentioned where England won the World Cup, and their quarter-final opponent is not relevant to the question. Therefore, the answer is irrelevant.", + "extraction": "England last made the quarter-final of the World Cup in 2006." + }, + { + "id": "7128900", + "title": "1989\u201390 in English football", + "text": "16 June 1990 \u2013 England draw 0\u20130 with the Netherlands in their second World Cup group game, leaving them needing to win the final group game against Egypt in five days to reach the Second Round. 21 June 1990 \u2013 England clinch qualification for the World Cup Second Round by beating Egypt 1\u20130 in their final group game. 26 June 1990 \u2013 England reach the quarter\u2013finals of the World Cup with a second round 1\u20130 victory over Belgium. 29 June 1990 \u2013 Liverpool complete the permanent transfer of Israeli striker Ronnie Rosenthal from Standard Li\u00e8ge for \u00a31 million. 1 July", + "score": 0.755859375, + "summary": "England last made the quarter-final of the World Cup on June 26, 1990.", + "extraction": "England reach the quarter\u2013finals of the World Cup with a second round 1\u20130 victory over Belgium." + }, + { + "id": "12040783", + "title": "England at the FIFA World Cup", + "text": "FIFA World Cup, the 1958 FIFA World Cup and the 2014 FIFA World Cup. Their best ever performance is winning the Cup in the 1966 tournament held in England, whilst they also finished in fourth place in 1990, in Italy, and in 2018 in Russia. Other than that, the team have reached the quarter-finals on nine occasions, the latest of which were at the 2002 (South Korea/Japan) and the 2006 (Germany). England are the only team not representing a sovereign state to win the World Cup, which they did in 1966 when they hosted the finals. They defeated West Germany", + "score": 0.75244140625, + "summary": "England last made the quarterfinals of the World Cup in 2006.", + "extraction": "The latest quarter-final appearance of England was in the 2006 World Cup held in Germany." + }, + { + "id": "3204911", + "title": "England national rugby union team", + "text": "have contested every Rugby World Cup since it began in 1987, reaching the final three times and winning in 2003. In the inaugural tournament they finished second in their pool before losing to Wales in the quarter-finals. They again finished pool runners-up in 1991 but recovered to beat France in their quarter-final, and then Scotland in their semi-final, en route to a 12\u20136 final defeat to Australia. In 1995, England topped their pool and defeated Australia 25\u201322 at the quarter-final stage before being beaten by the All Blacks in the semi-final. Their third-fourth place play-off match against France was lost", + "score": 0.7470703125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The given passage talks about the performance of the England national rugby union team in the Rugby World Cup but does not provide any information about their last quarter-final appearance." + }, + { + "id": "7628324", + "title": "History of the Rugby World Cup", + "text": "by England; 1999 \u2013 SF \u2013 South Africa knocked out by Australia; 2003 \u2013 F \u2013 Australia knocked out by England; 2007 \u2013 F \u2013 England knocked out by South Africa; 2011 - QF - South Africa knocked out by Australia. Australia's loss in the quarter-finals in 1995, and South Africa's loss in the quarter-finals in 2011 are the worst performances by the defending champions. For the teams that made the knock-out stages (quarter-finals) of the World Cup, the following table shows which team knocked them out of the competition, unless they won. England have knocked out both Australia and", + "score": 0.74365234375, + "summary": "2007 \u2013 England last made the quarter final of the World Cup, knocked out by South Africa.", + "extraction": "England last made the quarter final of the world cup in 2011 when they were knocked out by South Africa." + }, + { + "id": "7170960", + "title": "1981\u201382 in English football", + "text": "a 100% record. 16 June 1982: England open their World Cup campaign with a 3\u20131 win over France. 20 June 1982: England seal qualification to the next stage of the World Cup by defeating Czechoslovakia 2\u20130. 25 June 1982: England complete the first stage of the World Cup with a 1\u20130 win over Kuwait. 29 June 1982: England draw 0\u20130 with West Germany in the first game of the second round of the World Cup. 5 July 1982: England are eliminated from the World Cup after only managing a goalless draw with host nation Spain in a match they needed", + "score": 0.74365234375, + "summary": "England last made the quarter-finals of the World Cup in 1982.", + "extraction": "irrelevant. The passage only mentions England's performance in the 1982 World Cup, but it does not state when was the last time England made it to the quarterfinals." + }, + { + "id": "12040825", + "title": "England at the FIFA World Cup", + "text": "with Peter Crouch opened the scoring with a goal many felt was illegal, and the second goal of the game coming in added time from Steven Gerrard. The last group game saw England play against Sweden, where an eventual 2-2 draw saw them qualify for the next round as group winners, thereby avoiding playing hosts Germany. In the last 16 stage, a free kick from David Beckham saw England win 1\u20130 against Ecuador and reach the quarter-finals, where they faced Portugal. The game finished goalless, and England once again were knocked out on penalties and Portuguese goalkeeper Ricardo became the", + "score": 0.7412109375, + "summary": "2006 - England reached the quarter-finals of the World Cup but were knocked out on penalties by Portugal.", + "extraction": "England reached the quarter-finals in the FIFA World Cup after winning 1-0 against Ecuador in the last 16 stage. Therefore, the answer to the question \"When did England last make the quarter final of the world cup?\" is in the last World Cup they played, which was in 2006." + }, + { + "id": "12040836", + "title": "England at the FIFA World Cup", + "text": "first time England won a World Cup penalty shoot-out. The match was notable for the heated atmosphere the game was played in, with a total of eight yellow cards being shown in the match. England played against Sweden in their quarter-final at Cosmos Arena, Samara on 7 July 2018. They won the match 2\u20130, with defender Harry Maguire scoring his first England goal, a header scored from a corner, and Dele Alli a second header from close range. This would send them through to their third World Cup semi-final and their first since 1990, and third overall. The team played", + "score": 0.7412109375, + "summary": "England last made the quarter-final of the World Cup on July 7, 2018.", + "extraction": "England last made the quarter-final of the World Cup on 7 July 2018 when they played against Sweden and won the match 2-0." + }, + { + "id": "16607945", + "title": "England at the UEFA European Championship", + "text": "finals on nine occasions \u2013 including in 1996, when they were the host nation and thus did not need to qualify. Its best performances at the finals were a third-place finish in Italy in 1968, when only four teams competed, and a semi-final on home soil in 1996, when it lost to Germany on penalties. The team has reached the quarter-finals on two other occasions, losing to host nation Portugal on penalties in 2004 and to Italy in Ukraine in 2012, also on penalties. On the other four occasions (1980, 1988, 1992 and 2000), it did not progress beyond the", + "score": 0.7392578125, + "summary": "England reached the quarter-finals of the World Cup in 2004 and 2012, losing on penalties both times. The document is irrelevant as it discusses England's performance at the UEFA European Championship, not the World Cup.", + "extraction": "England last made the quarter-final of the world cup in 2012, where they lost to Italy on penalties." + }, + { + "id": "124837", + "title": "England national football team", + "text": "They failed in qualification for the 1974, leading to Ramsey's dismissal, and 1978 FIFA World Cups. Under Ron Greenwood, they managed to qualify for the 1982 FIFA World Cup in Spain (the first time competitively since 1962); despite not losing a game, they were eliminated in the second group stage. The team under Bobby Robson fared better as England reached the quarter-finals of the 1986 FIFA World Cup, losing 2\u20131 to Argentina in a game made famous by two goals by Maradona for very contrasting reasons, before losing every match in UEFA Euro 1988. They next went on to achieve", + "score": 0.736328125, + "summary": "England last made the quarter-final of the World Cup in 1986.", + "extraction": "England last made the quarter-finals of the World Cup in 1986." + }, + { + "id": "20254651", + "title": "2018 FIFA World Cup knockout stage", + "text": "their first England goal in a World Cup knockout match since Rio Ferdinand in 2002 against Denmark. Pickford made three saves in this match and became the youngest England goalkeeper to keep a clean sheet in a World Cup match (24 years and 122 days). England qualified for their first World Cup semi-final since 1990.
The teams had faced each other in three previous matches. Their most recent meeting came in a friendly in 2015, a 3\u20131 Croatia win. In the 31st minute, Denis Cheryshev came in from the left and, after a one-two with", + "score": 0.73583984375, + "summary": "England qualified for their first World Cup semi-final since 1990. Irrelevant information about Rio Ferdinand's goal and Pickford's clean sheet is also given.", + "extraction": "England qualified for their first World Cup semi-final since 1990." + }, + { + "id": "12040813", + "title": "England at the FIFA World Cup", + "text": "to have reached the quarter-finals. England opened the scoring through David Platt, but Cameroon quickly turned around the game to lead 2-1. Lineker subsequently won and scored a penalty in the 83rd minute to ensure the game went to extra time. He then scored a second penalty, to see England reach the semi-finals. In the semi-finals, England met West Germany. There was no separating the two teams after 90 minutes, which made England the first team to have played extra time in three successive World Cup games. There was also no separating the two teams after extra time, thereby taking", + "score": 0.734375, + "summary": "England last made it to the quarter-finals of the World Cup in 1990.", + "extraction": "1990" + }, + { + "id": "108742", + "title": "David Beckham", + "text": "knockout stage. England defeated Denmark in the second round with Beckham providing an assist in a 3\u20130 win. England were knocked out in the quarter-finals by eventual winners Brazil after Ronaldinho scored the winner. The following month, at the opening ceremony of the 2002 Commonwealth Games in Manchester, Beckham escorted Kirsty Howard as she presented the Jubilee Baton to the Queen. Beckham played in all of England's matches at Euro 2004. He had a penalty saved in England's 2\u20131 defeat to France and missed another in a penalty shootout in the quarter-final match against Portugal. England lost the shootout thus", + "score": 0.734375, + "summary": "England last made the quarter-finals of the World Cup during an unspecified year, as the document only mentions their quarter-final defeat to Brazil in 2002 and their penalty shootout loss to Portugal in the quarter-finals of Euro 2004.", + "extraction": "England last made the quarter-final of the World Cup during the irrelevant passage." + }, + { + "id": "124836", + "title": "England national football team", + "text": "a committee until Alf Ramsey took over in 1963. The 1966 FIFA World Cup was hosted in England and Ramsey guided England to victory with a 4\u20132 win against West Germany after extra time in the final, during which Geoff Hurst famously scored a hat-trick. In UEFA Euro 1968, the team reached the semi-finals for the first time, being eliminated by Yugoslavia. England qualified for the 1970 FIFA World Cup in Mexico as reigning champions, and reached the quarter-finals, where they were knocked out by West Germany. England had been 2\u20130 up, but were eventually beaten 3\u20132 after extra time.", + "score": 0.732421875, + "summary": "England reached the quarter-finals of the 1970 FIFA World Cup, but were knocked out by West Germany.", + "extraction": "England last made the quarter-final of the World Cup in 1970." + }, + { + "id": "1375712", + "title": "2006 FIFA World Cup", + "text": "England. Italy defeated quarter-final debutants Ukraine 3\u20130. France eliminated Brazil 1\u20130 to advance into the semi-finals. Brazil only managed one shot on goal, while Zinedine Zidane's dribbling earned him Man of the Match and his free-kick to Thierry Henry resulted in the winning goal. With Argentina and Brazil eliminated in the quarter-finals, an all-European semi-final line up was completed for only the fourth time (after the 1934, 1966 and 1982 tournaments). The semi-final between Germany and Italy produced an extra time period that went scoreless until the 118th minute, when Italy scored twice through Fabio Grosso and Alessandro Del Piero,", + "score": 0.73193359375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "124843", + "title": "England national football team", + "text": "manager, just six weeks before UEFA Euro 2012. England managed to finish top of their group, winning two and drawing one of their fixtures, but exited the Championships in the quarter-finals via a penalty shoot-out, this time to Italy. In the 2014 FIFA World Cup, England were eliminated at the group stage for the first time since the 1958 World Cup, and the first time at a major tournament since Euro 2000. England's points total of one from three matches was its worst ever in the World Cup, obtaining one point from drawing against Costa Rica in their last match.", + "score": 0.73193359375 + }, + { + "id": "3763889", + "title": "England national rugby league team", + "text": "The referee was criticised for not going to the Video Referee and if awarded would have seen that Tonga won the game and reached their first ever World Cup final. Despite the controversy, England were victorious and had advanced to their first World Cup Final in 22 Years. England met Australia again in the final but again failed to beat Australia, for a 13th consecutive time, since their last win in the 1995 World Cup group stage. England lost in the lowest World Cup final score in the history of the tournament. Bennets contract expired at the end of the", + "score": 0.73193359375 + }, + { + "id": "1375634", + "title": "1990 FIFA World Cup", + "text": "three (qualified) nations who were eliminated in the 1986 quarter-finals: Brazil, England or Spain. Owing to their performance in 1982 but also to their overall World Cup record, Brazil were seeded third and not considered to drop out of the seedings. FIFA opted to seed England ahead of Spain. Spain had only been eliminated in 1986 on penalties, albeit by fourth-placed Belgium, while England had been defeated in 90 minutes by eventual winners Argentina; both countries had also reached the second stage in the 1982 event, playing in the same group in the second group stage with England ending up", + "score": 0.73193359375 + }, + { + "id": "18716048", + "title": "England at the Cricket World Cup", + "text": "cards were laid down, Captain Imran Khan had the last laugh when end man Richard Illingworth was caught by Ramiz Raja off his delivery to finish off the final and crown Pakistan World Cup winners. Source: England reached the Quarter-Finals of the 1996 Cricket World Cup, before being eliminated by Sri Lanka. Source: England hosted the 1999 Cricket World Cup, although some matches were played in Scotland, Ireland and the Netherlands. After defeats to South Africa and India, England failed to progress to the Knockout stage of the tournament, for the first time in the tournament history. Source: England forfeited", + "score": 0.7314453125 + }, + { + "id": "14574555", + "title": "1990 FIFA World Cup knockout stage", + "text": "the equaliser. Then, in the 65th minute, Eugene Ekeke put Cameroon ahead. The African team came within eight minutes of reaching the semi-finals, but then they conceded a penalty, which Gary Lineker gratefully converted. Midway through extra time, England were awarded another penalty, which Lineker again scored from the spot. England were through to the semi-finals for the first time in 24 years. 1990 FIFA World Cup knockout stage The knockout stage of the 1990 FIFA World Cup was the second and final stage of the final tournament, following the group stage. It began on 23 June with the round", + "score": 0.7314453125 + }, + { + "id": "18716036", + "title": "England at the Cricket World Cup", + "text": "before Gary Gilmour scored 28 from 28 balls, to help Australia to victory. The 1979 Cricket World Cup was once again held in England. England won all of their group matches, and defeated New Zealand in a close semi-final by 9 runs. In the final, they lost to the West Indies. As of 2015, this is the joint best performance by the England Cricket team at the World Cup (joint with 1987 and 1992). In the semi-final, England began badly, falling to 38/2, before Mike Brearley (53 from 115 balls) and Graham Gooch (71 from 84 balls) resurrected the innings.", + "score": 0.73046875 + }, + { + "id": "14574554", + "title": "1990 FIFA World Cup knockout stage", + "text": "went on a trademark run from the halfway line to the edge of the penalty area late in the match, and found Claudio Caniggia, who rounded the onrushing Cl\u00e1udio Taffarel to give Argentina a lead that they would not relinquish. Apart from anything else, it was the only quarter-final to produce more than one goal. Despite Cameroon's heroics earlier in the tournament, David Platt put England ahead in the 25th minute. At half-time, Cameroon brought Milla on, and the game was turned on its head in five second-half minutes. First Cameroon were awarded a penalty, from which Emmanuel Kunde scored", + "score": 0.7294921875 + }, + { + "id": "3153448", + "title": "Fabio Capello", + "text": "opened Capello's first competitive campaign with a 2\u20130 victory over Andorra, in Barcelona, on 6 September 2008. Four days later, on 10 September, England played Croatia, the team that had qualified for the previous competition (Euro 2008) at their expense. England won 4\u20131 with Theo Walcott scoring a hat-trick. The next qualification game was at Wembley just over a month later, on 11 October, against Kazakhstan. The game remained goalless at half-time, but England went on to win 5\u20131. A fourth-straight win on 15 October made this England's best ever start to a World Cup qualifying campaign as they beat", + "score": 0.7294921875 + }, + { + "id": "3204890", + "title": "England national rugby union team", + "text": "run, and attack coach Brian Ashton was appointed head coach in December 2006. England started the 2007 Six Nations Championship with a Calcutta Cup victory over Scotland. The championship also included a historic match at Croke Park against Ireland which England lost 43\u201313, their heaviest ever defeat to Ireland. In the 2007 World Cup England played in Pool A with Samoa, Tonga, South Africa and the United States. They qualified for the quarter finals after losing embarrassingly to South Africa 36\u20130 where they defeated Australia 12\u201310, and then faced hosts France in their semi-final. England won 14\u20139 to qualify for", + "score": 0.72900390625 + }, + { + "id": "10936540", + "title": "2007 Rugby World Cup knockout stage", + "text": "coming from just one pool (Pool A). The top two representative nations of each of pools B and C were eliminated in the quarter-finals. 2007 Rugby World Cup knockout stage The knockout stage of the 2007 Rugby World Cup began on 6 October with a quarter-final between Australia and England and concluded on 20 October with the final, at the Stade de France in Saint-Denis, Paris, between England and South Africa, their second meeting in this tournament. South Africa were the first team to qualify for the knockout stage, when they beat Tonga 30\u201325 in their penultimate Pool A game.", + "score": 0.72802734375 + }, + { + "id": "9739408", + "title": "Sport in England", + "text": "England national football team won the World Cup in 1966 when it was hosted in England. Since then, however, they have failed to reach a final of a major international tournament, though they reached the semi-finals of the World Cup in 1990 and 2018, and the quarter-finals in 1986, 2002 and 2006. England reached the semi-finals of the UEFA European Championship when they hosted it in 1996, and finished third in Euro 1968; they also made the quarter-finals of Euro 2004 and 2012. The FA hopes that the completion of the National Football Centre will go some way to improving", + "score": 0.72705078125 + }, + { + "id": "3204912", + "title": "England national rugby union team", + "text": "19\u20139. The 1999 competition saw England again finish second in the pool stage. Though they proceeded to win a play-off game against Fiji, they went out of the tournament in the quarter-finals, losing 44\u201321 to South Africa. In the 2003 tournament, England came top of their pool. They progressed to the final beating Wales and France in the quarter and semi-finals. England won the final with a drop goal in the last minute of extra time. The 2007 defence of the cup in France got off to a very poor start, with a below par victory over the United States", + "score": 0.72509765625 + }, + { + "id": "12040820", + "title": "England at the FIFA World Cup", + "text": "The game finished 2-2, and, as neither team were able to find a winner in extra time, penalties were needed to decide the team that qualified to the next round. While David Seaman did save one penalty, Argentine goalkeeper Carlos Roa managed to save two, including the vital one from David Batty, thereby knocking England out of the World Cup. Beckham subsequently received death threats and was sent bullets in the post. In 2002 the World Cup took place in Asia for the first time. England, under its first ever foreign manager in Swedish Sven-G\u00f6ran Eriksson, were able to qualify", + "score": 0.72314453125 + }, + { + "id": "9379855", + "title": "History of the England national football team", + "text": "1990, in which they finished in fourth place. England played Croatia in the semi-finals, on 11 July. However, they lost 2\u20131 despite initially taking the lead through a free-kick from Kieran Trippier and dominating the first half; but a goal from Ivan Peri\u0161i\u0107 in the 68th minute sent the tie into extra-time, with Mario Mand\u017euki\u0107 scoring the crucial goal that took Croatia to their first ever World Cup final. In the last minutes of extra-time, England were forced to play with 10 men as a result of Kieran Trippier suffering an injury, and England already having made the permitted four", + "score": 0.72265625 + }, + { + "id": "20254661", + "title": "2018 FIFA World Cup knockout stage", + "text": "time in three consecutive World Cup matches since England in 1990. England scored nine goals from set-pieces at the 2018 World Cup \u2013 the most by a team in a single World Cup tournament since 1966.
The two teams had met in 22 matches, including three matches at the World Cup, one round of 16 game at the 1990 FIFA World Cup which ended in a 1\u20130 victory for England, one group stage game at the 1954 FIFA World Cup which ended in a 4\u20134 draw and their most recent encounter in Group G of", + "score": 0.72216796875 + }, + { + "id": "12040784", + "title": "England at the FIFA World Cup", + "text": "4\u20132 after extra time to win the World Cup title. Since then, they have generally reached the knockout stages of almost every competition they have qualified for, including a fourth-place finish in the 1990 and 2018 World Cups. England's first qualifying campaign for the FIFA World Cup doubled as the 1950 British Home Championship. The series kicked off for England on 15 October 1949 at Ninian Park, Cardiff, against Wales. Stan Mortensen gave England the lead after twenty two minutes, and just seven minutes later, Jackie Milburn doubled the lead. This was the first goal of Milburn's hat trick, which", + "score": 0.72216796875 + }, + { + "id": "508924", + "title": "Walter Winterbottom", + "text": "1-0 to the USA in the 1950 World Cup and 6-3 at home to Hungary in 1953 when England lost their unbeaten home record to a foreign team, followed by a 7-1 away defeat to the same team in 1954. Winterbottom led England to four consecutive World Cup finals, a record subsequently equalled only by Helmut Sch\u00f6n of West Germany. England entered the World Cup for the first time in 1950, qualifying for the tournament in Brazil by winning the British Home Championship. England had never before played in South America. They beat Chile by 2-0 but lost 1-0 to", + "score": 0.7216796875 + }, + { + "id": "12040839", + "title": "England at the FIFA World Cup", + "text": "elite group of referees who has been called up for three consecutive World Cups (1950\u20131958). England at the FIFA World Cup The England national football team has competed at the FIFA World Cup since 1950. The FIFA World Cup is the premier competitive international football tournament, first played in 1930, whose finals stage has been held every four years since, except 1942 and 1946, due to the Second World War. The tournament consists of two parts, the qualification phase and the final phase (officially called the \"World Cup Finals\"). The qualification phase, which currently take place over the three", + "score": 0.72119140625 + }, + { + "id": "12040799", + "title": "England at the FIFA World Cup", + "text": "both occasions, and defeating Portugal at home, and drawing in Lisbon. At the finals, England were drawn in a group with Hungary, Argentina and Bulgaria. England defeated Argentina 3-1, thanks to goals from Ron Flowers, Bobby Charlton and Jimmy Greaves, before playing out a goalless draw with Bulgaria, and a 2\u20131 defeat to Hungary. England finished in second place behind Hungary and played the winners of group 3, defending champions Brazil, in the quarter-finals. Brazil scored first through Garrincha, before an equaliser for Gerry Hitchens before half time. However, second-half goals from Garrincha and Vav\u00e1 meant Brazil won the game", + "score": 0.72119140625 + }, + { + "id": "3204885", + "title": "England national rugby union team", + "text": "defeated Scotland 9\u20136 to secure a place in the final against Australia which they lost 12\u20136. The next year, England completed another Grand Slam and did not lose that year, including a victory over the Springboks. In the lead up to the 1995 World Cup in South Africa, England completed another Grand Slam \u2013 their third in five years. In the World Cup, England defeated Argentina, Italy and Samoa in pool play and then defeated Australia 25\u201322 in their quarter-final. England's semi-final was dominated by the All Blacks and featured four tries, now worth five points each, by Jonah Lomu;", + "score": 0.720703125 + }, + { + "id": "3763899", + "title": "England national rugby league team", + "text": "England won it six out of a possible nine times. In 2003 the tournament was revived and England comfortably won, beating her old rivals plus Scotland, Ireland and Russia. England beat the same opponents to win the cup again in 2004. This was the last time England competed to give the competition more of a level playing field for other teams, however the England Knights competed in 2012. \"Major:\"
World Cup: Runners-up (3): 1975, 1995, 2017 Semi-finalists (3): 2000, 2008, 2013 Four Nations: Runners-up (2): 2009, 2011 \"Regional:\"
European Championship: Winners (14):1935, 1945\u201346, 1946\u201347, 1947\u201348, 1949\u201350, 1953\u201354, 1969\u201370, 1975, 1978,", + "score": 0.720703125 + }, + { + "id": "10867713", + "title": "2007 Rugby World Cup Pool A", + "text": "2007 Rugby World Cup Pool A Pool A of the 2007 Rugby World Cup began on 8 September and was completed on 30 September. The pool was composed of 2003 World Cup winners England, as well as Samoa, South Africa, Tonga and United States. Pool A threw up few surprises, with both South Africa and England qualifying for the quarter-finals, as expected. Third place went to Tonga, who beat the USA and South Pacific neighbours, Samoa, to secure a place in the 2011 Rugby World Cup. Tonga also gave the eventual champions a close run, losing by less than a", + "score": 0.71923828125 + }, + { + "id": "12040837", + "title": "England at the FIFA World Cup", + "text": "Croatia in the semi-final, resulting in a 2\u20131 loss after extra time. England would later finish fourth in the competition, the best result since 1990. England would lose again to Belgium in the 3rd place playoff, thanks to goals from Thomas Meunier and Eden Hazard, despite an Eric Dier shot being cleared off the line by Toby Alderweireld. The tournament would see England score nine goals from set-pieces \u2013 the most by a team in a single World Cup tournament since 1966. \"\" Historically, very few English World Cup squad members were playing for a club in a foreign league", + "score": 0.71826171875 + }, + { + "id": "1375664", + "title": "1990 FIFA World Cup", + "text": "Czechoslovakia with a 25th minute Lothar Matth\u00e4us penalty. The quarter-final between England and Cameroon was the only quarter-final to produce more than one goal. Despite Cameroon's heroics earlier in the tournament, David Platt put England ahead in the 25th minute. At half-time, Milla was brought on. In the second half, the game was turned on its head during a five-minute stretch: first Cameroon were awarded a penalty from which Emmanuel Kunde scored the equaliser; then in the 65th minute Eugene Ekeke put Cameroon ahead. Cameroon came within eight minutes of reaching the semi-finals before they conceded a penalty, which Gary", + "score": 0.71826171875 + }, + { + "id": "5264730", + "title": "England women's national football team", + "text": "into the final game against the United States with the opportunity to win the tournament, but they fell 1\u20130 to the US. Second place was the highest England has ever finished at the SheBelieves Cup. England continued with 2019 FIFA Women's World Cup qualification in 2018. On 6 April they played to a 0\u20130 draw against Wales. After the qualifying games in June, England and Wales were guaranteed the first two spots in qualifying Group 1. England have qualified for the FIFA Women's World Cup four times (1995, 2007, 2011, 2015) and failed to qualify for three competitions (1991, 1999,", + "score": 0.716796875 + }, + { + "id": "12040809", + "title": "England at the FIFA World Cup", + "text": "could only manage a goalless draw against Morocco. The final group game, however, saw England beat Poland 3\u20130, which is one of the three highest scores for England at the World Cup, with Gary Lineker scoring a hat-trick. This result took England to second place and finished behind Morocco. England then also beat Paraguay 3\u20130 in the Round of 16. In the quarter-finals, England renewed their rivalry with Argentina in a game that has become notorious for the Argentina goals, both scored by Diego Maradona. Maradona's first goal, known as the Hand of God, was illegal and should not have", + "score": 0.71630859375 + }, + { + "id": "12040801", + "title": "England at the FIFA World Cup", + "text": "goalless. England then beat both France and Mexico 2\u20130 and qualified for the quarter-finals. The quarter-finals saw England play Argentina, which ended in a 1\u20130 win to England. This match saw the start of the rivalry between England and Argentina, when Argentinian Antonio Ratt\u00edn was dismissed by German referee Rudolf Kreitlein in a very fierce game. A 2\u20131 win against Portugal in the semi-final then followed. Portugal were the first team to score against England in the tournament. The final saw England play West Germany, with the result finishing in a 4\u20132 win for England, after extra time. 1970 saw", + "score": 0.71630859375 + }, + { + "id": "6822183", + "title": "Brian Ashton (rugby union)", + "text": "defeat by Ireland in the 132 years of competition between the two sides. England's 2007 Rugby World Cup campaign started badly: the team only narrowly beat the amateurs of the United States, and went on to lose 36\u20130 to South Africa. However, having finished their group as runners up, they recorded a shock victory over Australia, won a very tight semi-final against France 14\u20139, and lost a closely fought final to South Africa 15\u20136. Despite criticism of his management, Ashton was reconfirmed as manager of England with an indefinite length contract, on 20 December 2007. England finished second in the", + "score": 0.71630859375 + }, + { + "id": "2315210", + "title": "UEFA Euro 2004", + "text": "group matches. They defeated Latvia 2\u20131, the Netherlands 3\u20132, and Germany 2\u20131. It was another disappointing European campaign for Germany, which failed to advance from the group stage for the second consecutive time. The Netherlands claimed a quarter-final berth as runners-up. In the first quarter-final match between England and Portugal, the English opened the score after only two minutes, through Michael Owen. Portugal's constant attacking pressure from then on resulted in H\u00e9lder Postiga's 83rd-minute equaliser. In the dying minutes, Owen hit the Portuguese crossbar, resulting in a Sol Campbell header that appeared to have given England the lead again, but", + "score": 0.7158203125 + }, + { + "id": "10867714", + "title": "2007 Rugby World Cup Pool A", + "text": "try. Both South Africa and England went on to reach the final of the tournament, which South Africa won by 15 points to 6. \"All times local (UTC+2)\" 2007 Rugby World Cup Pool A Pool A of the 2007 Rugby World Cup began on 8 September and was completed on 30 September. The pool was composed of 2003 World Cup winners England, as well as Samoa, South Africa, Tonga and United States. Pool A threw up few surprises, with both South Africa and England qualifying for the quarter-finals, as expected. Third place went to Tonga, who beat the USA and", + "score": 0.7158203125 + }, + { + "id": "15263031", + "title": "1999 Cricket World Cup 2nd semi-final", + "text": "they lost to Pakistan in the group stage of the 2011 World Cup). South Africa, on the other hand, maintained their trend of choking at the World Cup: in 1992 they had lost to England in the semi-finals when rain forced them to score 22 runs off the final ball, and in 1996 they had won all their group matches before losing to West Indies in the quarter-finals. South African coach Bob Woolmer resigned after this match. In 2007, shortly before his death, he revealed that Donald and most of his team-mates were in tears after the result and put", + "score": 0.7158203125 + }, + { + "id": "12040782", + "title": "England at the FIFA World Cup", + "text": "format of the finals involves thirty-two teams competing for the title, at venues within the host nation (or nations) over a period of about a month. The World Cup Finals is the most widely viewed sporting event in the world, with an estimated 715.1 million people watching the 2006 Final. England did not enter the competition until 1950, but have entered all eighteen subsequent tournaments. They have failed to qualify for the finals on three occasions, 1974 (West Germany), 1978 (Argentina) and 1994 (United States), and have failed to advance from the group stages on three occasions; at the 1950", + "score": 0.71484375 + }, + { + "id": "9379764", + "title": "History of the England national football team", + "text": "It is now!\" Wolstenholme's words became as much part of the folklore from the 1966 World Cup as England's victory. Hurst has stated that, being the last minute of extra time with England 3-2 up, he was merely trying to put the ball into the stand to kill the last few seconds, however his shot ended up in the back of the German net. At Euro 1968, England lost to Yugoslavia in the semi-final, 1\u20130, in the 87th minute. Alan Mullery became the first player to be sent off while playing for England. In Mexico, for the 1970 World Cup,", + "score": 0.71484375 + }, + { + "id": "4773893", + "title": "Des Walker", + "text": "tour of the host nation of the following year's finals, USA. He then missed other crucial qualifiers, a 3\u20130 win over Poland and a decisive 0\u20132 loss against the Netherlands in Rotterdam. Walker played in England's last qualifier in the group in November 1993. San Marino scored the fastest World Cup goal ever after just eight seconds capitalising on an under hit Stuart Pearce pass back. England won 7\u20131 but failed to make the finals (they had needed to win by seven clear goals and hope that the Netherlands lost in Poland, but the Dutch won anyway so England's result", + "score": 0.71484375 + }, + { + "id": "11572077", + "title": "England national football team manager", + "text": "squad for the forthcoming tournament in Mexico. England were defeated in the quarter-final by West Germany; with a 2\u20130 lead with 25 minutes of the match remaining, Ramsey substituted Bobby Charlton and goalscorer Martin Peters, but West Germany went on to win 3\u20132 after extra time. Ramsey was heavily criticised in the British press for the substitutions. Losing out to West Germany again, this time in a two-legged quarter-final for Euro 1972, Ramsey prepared England for qualification for the 1974 World Cup. Needing a win against Poland, Ramsey's tactical use of substitutions was again called into question as the match", + "score": 0.71435546875 + }, + { + "id": "10936539", + "title": "2007 Rugby World Cup knockout stage", + "text": "2007 Rugby World Cup knockout stage The knockout stage of the 2007 Rugby World Cup began on 6 October with a quarter-final between Australia and England and concluded on 20 October with the final, at the Stade de France in Saint-Denis, Paris, between England and South Africa, their second meeting in this tournament. South Africa were the first team to qualify for the knockout stage, when they beat Tonga 30\u201325 in their penultimate Pool A game. This was the first Rugby World Cup tournament to have its semi-finalists coming from only two pools (Pools A and D), and the finalists", + "score": 0.7138671875 + }, + { + "id": "508925", + "title": "Walter Winterbottom", + "text": "the USA and 1-0 to Spain to be eliminated in the first round. Winterbottom again led England to qualification in Switzerland in 1954 by winning the British Home championship. A 4-4 draw against Belgium and a 2-0 victory against Switzerland took them to the quarter finals where they were beaten 4-2 by the defending champions, Uruguay. In 1958 England qualified for the tournament in Sweden with wins over the Republic of Ireland and Denmark with a team that had lost only once in 17 games. Three months before the tournament began the Munich air disaster robbed the team of key", + "score": 0.712890625 + }, + { + "id": "10601935", + "title": "1974 FIFA World Cup qualification (UEFA)", + "text": "qualified. This was the first time England failed to qualify for the World Cup since first entering in 1950. Bulgaria qualified. Spain and Yugoslavia finished level on points and goal difference, and a play-off on neutral ground was played to decide who would qualify. Yugoslavia qualified. As of 2018 this is the last time Spain have failed to qualify for the World Cup finals. Scotland qualified. Soviet Union advanced to the UEFA \u2013 CONMEBOL Play-off. 1974 FIFA World Cup qualification (UEFA) Listed below are the dates and results for the 1974 FIFA World Cup qualification rounds for the European zone", + "score": 0.712890625 + }, + { + "id": "14586619", + "title": "2010 FIFA World Cup knockout stage", + "text": "Rajevac hailed his side's achievement in becoming one of the \"best eight teams in the world\", but regretted the number of players that would miss the quarter-final against Uruguay because of injury or suspension. The president of the United States Soccer Federation, Sunil Gulati, lamented the team's failure to make the quarter-finals and thereby further raise the profile of the sport in the U.S. Germany and England played each other on 27 June 2010 at the Free State Stadium in Bloemfontein. Germany took the lead in the 20th minute after English defenders Matthew Upson and John Terry were at fault", + "score": 0.71240234375 + }, + { + "id": "10319194", + "title": "2000 ICC KnockOut Trophy", + "text": "The remaining three teams qualify from the Pre-Quarter-Finals, which was held from 3 to 5 October, between 6 of the lowest ranked teams according to 1999 Cricket World Cup seedings. Australia, Pakistan, South Africa, New Zealand and Zimbabwe qualified for the KnockOut Stage automatically, while India, Sri Lanka and England qualified from Pre-Quarter-Finals beating Kenya, West Indies and Bangladesh respectively. India faced Australia, Sri Lanka faced Pakistan and England faced South Africa in the Quarter-Finals. India, Pakistan, New Zealand and South Africa defeated Australia, Sri Lanka, Zimbabwe and England respectively in the Quarter-Finals, and qualified for the Semi-Finals. The first", + "score": 0.71240234375 + }, + { + "id": "12040781", + "title": "England at the FIFA World Cup", + "text": "England at the FIFA World Cup The England national football team has competed at the FIFA World Cup since 1950. The FIFA World Cup is the premier competitive international football tournament, first played in 1930, whose finals stage has been held every four years since, except 1942 and 1946, due to the Second World War. The tournament consists of two parts, the qualification phase and the final phase (officially called the \"World Cup Finals\"). The qualification phase, which currently take place over the three years preceding the finals, is used to determine which teams qualify for the finals. The current", + "score": 0.71142578125 + }, + { + "id": "5662602", + "title": "Jack Warner (football executive)", + "text": "\"\"For Europe, England is an irritant\"\", and that \"\"Nobody in Europe likes England\"\". Furthermore, Warner proposed that, if the World Cup were to be held in Europe, it should be held in Italy, Spain or France (countries that last hosted the competition in 1990, 1982 and 1998 respectively). He said that he would \"battle to bring...the tournament to his region\" However, on 14 February 2008, Warner retracted this stance. England's Football Association agreed to visit Trinidad and Tobago to play a friendly against the Trinidad and Tobago national football team on the condition that Warner apologize. Warner argued that, \"The", + "score": 0.71142578125 + }, + { + "id": "124857", + "title": "England national football team", + "text": "eight teams remained and in 2014 sixteen teams remained. In 2010, England suffered its most resounding World Cup defeat, 4\u20131 to Germany, in the Round of 16. This after drawing with the United States and Algeria, and defeating Slovenia 1\u20130, in the group stage. England's greatest achievements at the UEFA European Championship have been to finish in third place in 1968 and 1996. England hosted Euro 96, and have qualified for nine UEFA European Championship finals tournaments, tied for fourth best by number of appearances. The team has also reached the quarter-final on two recent occasions, in 2004 and 2012.", + "score": 0.71142578125 + }, + { + "id": "20654491", + "title": "1966 FIFA World Cup knockout stage", + "text": "1966 FIFA World Cup knockout stage The knockout stage of the 1966 FIFA World Cup was the second and final stage of the competition, following the group stage. The knockout stage began on 23 July with the quarter-finals and ended on 30 July 1966 with the final match, held at Wembley Stadium in London. The top two teams from each group (eight in total) advanced to the knockout stage to compete in a single-elimination style tournament. A third place play-off also was played between the two losing teams of the semi-finals. England won the final 4\u20132 against West Germany for", + "score": 0.7109375 + }, + { + "id": "124840", + "title": "England national football team", + "text": "tournament \u2013 the 1998 FIFA World Cup \u2014 in which England were eliminated in the second round again by Argentina and again on penalties (after a 2\u20132 draw). Following Hoddle's departure, Kevin Keegan took England to UEFA Euro 2000, but performances were disappointing and he resigned shortly afterwards. Sven-G\u00f6ran Eriksson took charge between 2001 and 2006, and was the team's first non-English manager. He guided England to the quarter-finals of the 2002 FIFA World Cup, UEFA Euro 2004 and the 2006 FIFA World Cup. England lost only five competitive matches during his tenure, and England rose to number four in", + "score": 0.7109375 + }, + { + "id": "9007369", + "title": "2003 Rugby World Cup Final", + "text": "England winning 35\u201322. Their final pool match was against Uruguay, which England won 111\u201313. England finished first in their pool, four table points ahead of the Springboks. Australia met Scotland in the quarter finals at Lang Park in Brisbane, and beat them 33\u201316 to go through to the semis, where they would take on their old rivals, the All Blacks. England beat Wales in their quarter final, 28\u201317, and went through to meet France in the semis. The Wallabies prevailed 22\u201310 over New Zealand at Stadium Australia. The following day England beat France 24\u20137 at the same venue. Kick-off was", + "score": 0.70947265625 + }, + { + "id": "11572098", + "title": "England national football team manager", + "text": "2\u20130 victory over Poland in October 2013, Hodgson led England to qualification for the 2014 World Cup. However, in the 2014 World Cup, England lost two consecutive group matches, against Italy and Uruguay, by 2\u20131 on each occasion. This was the first time England had lost two group matches since the 1950 World Cup (when they lost against the United States and Spain) and the first time England had been eliminated at the group stage since the 1958 World Cup. This was also the first time that England had not won a match at the tournament since 1958, and England's", + "score": 0.70849609375 + }, + { + "id": "9379769", + "title": "History of the England national football team", + "text": "our chances of winning I would say are very good indeed.\" Bonetti became this tournament's scapegoat and spent the rest of his career enduring chants of \"You lost the World Cup\". England failed to reach the final stages of Euro 1972 thanks again to West Germany. The crucial two-legged qualifier resulted in a 3\u20131 win for the Germans at Wembley and a goalless draw in Berlin. In the first of these games, 1966 hat-trick hero Geoff Hurst made his final England appearance. Attention then turned to qualification for the 1974 World Cup in West Germany. This was a new experience", + "score": 0.70751953125 + }, + { + "id": "3771660", + "title": "Kepler Wessels", + "text": "the tournament, if the result of the referendum had been negative. The result of 68.7% in favour of political reform, ensured not only the cricket team's continuing participation in the tournament, but also the future participation of other South African sports teams in international competitions. The semi-final against England took place on 22 March 1992 at the Sydney Cricket Ground. England reached a total of 252 for 6 (in 45 overs) and South Africa required a run-rate of 5.62 to win. With 13 balls left in the match, they required 22 more runs, when rain suddenly started pouring down over", + "score": 0.70751953125 + }, + { + "id": "8318139", + "title": "2002 FIFA World Cup knockout stage", + "text": "South Korea faced Spain in the 2002 World Cup quarter-finals on 22 June, in Gwangju. South Korea had progressed to the quarter-finals after defeating Italy with a golden goal, while Spain overcame Ireland in the round of 16 in a penalty shoot-out victory. In the second half of regulation time, Spanish midfielder Rub\u00e9n Baraja scored from a header, but it was disallowed by referee Gamal Al-Ghandour because of alleged shirt pulling and pushing in the penalty area; a 0\u20130 deadlock saw the match go into extra-time. In the first half of extra-time, Spanish striker Fernando Morientes appeared to score the", + "score": 0.70751953125 + }, + { + "id": "20254658", + "title": "2018 FIFA World Cup knockout stage", + "text": "so in 1998 and 2006. Only Germany (8) and Italy (6) have reached more among European nations.
The teams had faced each other in seven previous matches, which includes two matches played in the 2010 FIFA World Cup qualification, England winning on both occasions (4\u20131 and 5\u20131). Luka Modri\u0107 stopped a Dele Alli run, by fouling him at the edge of the area. Kieran Trippier found the top right corner of the net from the resulting free kick with his right foot. After half-time, Ivan Peri\u0161i\u0107 met \u0160ime Vrsaljko's deep cross from the right with", + "score": 0.70751953125 + }, + { + "id": "12152749", + "title": "England at the Rugby World Cup", + "text": "England at the Rugby World Cup The England national team have competed in every Rugby World Cup since the inaugural tournament in 1987. They have played 44 matches in eight tournaments, and won 31 for a winning record of 70.45%. Their best ever position was first in 2003, whilst they also participated in the 2007 final and the final of the 1991 competition. They have beaten three countries three times; Australia, France and the United States. Their worst record is against New Zealand whom they have never beaten in three matches, and South Africa who have defeated them in three", + "score": 0.70703125 + }, + { + "id": "20254628", + "title": "2018 FIFA World Cup knockout stage", + "text": "their four World Cup penalty shootouts (after losing to Belgium in 1986, beating the Republic of Ireland in 2002 and losing to South Korea in 2002), and still have never defeated a host nation at FIFA World Cup, after losing to Italy 0\u20131 in 1934, Brazil 1\u20136 in 1950, and South Korea after penalties in 2002. Russia have reached the quarter-final of the World Cup for the first time since the break-up of the Soviet Union. Ignashevich became the oldest player to score an own goal at the World Cup, aged 38 years and 352 days. The match marked the", + "score": 0.70654296875 + }, + { + "id": "8130446", + "title": "History of the England national rugby union team", + "text": "Manu Tuilagi and Chris Ashton (two) going over for tries to secure a bonus-point win. England put themselves within sight of the World Cup quarter-finals with a comfortable bonus-point victory over Romania in Dunedin. Mark Cueto scored a first-half hat-trick and fellow wing Chris Ashton a brace to put them 34-3 up at the break. Ashton completed his hat-trick after the restart as England ran in 10 tries in all in a much-improved performance. England stumbled into the World Cup quarter-finals and almost certainly put Scotland out after an error-ridden victory at Eden Park. Scotland needed a victory by eight", + "score": 0.70654296875 + }, + { + "id": "9379854", + "title": "History of the England national football team", + "text": "led 1\u20130 through a penalty from Harry Kane before conceding a stoppage-time equaliser from Colombia to take the match to extra-time; the match could not be finished in extra-time, leading the match to penalties; which England won 4\u20133 with Eric Dier scoring the winning penalty, securing England's first penalty shootout win at the World Cup, and also just their second penalty shootout win at a major tournament, the previous being against Spain at Euro 1996. England's quarter-final meeting was against Sweden; which they won 2\u20130, with goals from Harry Maguire and Dele Alli; qualifying England for their first semi-final since", + "score": 0.7060546875 + }, + { + "id": "9379812", + "title": "History of the England national football team", + "text": "on 16 August. England's 2006 World Cup campaign saw them drawn in Group B alongside Paraguay, Trinidad and Tobago and Sweden. Their opening match of the tournament was against Paraguay in the Waldstadion in Frankfurt on 10 June 2006. The only goal of the game came after 2 minutes and 44 seconds, when a David Beckham free-kick was headed in by Paraguayan defender Carlos Gamarra. The 1\u20130 win over Paraguay was followed by a 2\u20130 victory over Trinidad and Tobago on 15 June 2006 in the Frankenstadion in Nuremberg. The deadlock was only broken in the 84th minute when England", + "score": 0.7060546875 + }, + { + "id": "8128882", + "title": "1965\u201366 in English football", + "text": "over France in their final group game. Roger Hunt scores both of England's goals. 23 July 1966: England beat Argentina 1\u20130 in the World Cup quarter-final thanks to a goal by Geoff Hurst. 26 July 1966: England reach the World Cup final by beating Portugal 2\u20131 in the semi-final. Bobby Charlton scores both of England's goals. 30 July 1966: England win the World Cup with a 4\u20132 win over West Germany in extra time. Geoff Hurst scores a hat-trick, with Martin Peters scoring the other goal. !style=\"width:15em\"|Competition!!style=\"width:15em\"|Winner!!style=\"width:15em\"|Runner-up Liverpool, FA Cup winners the previous season and league champions in 1964, won", + "score": 0.70556640625 + }, + { + "id": "12319105", + "title": "Bobby Moore", + "text": "won the game 1\u20130, but England progressed through the group. Moore swapped shirts with Pel\u00e9 after the game. The shirt was displayed at the National Football Museum in Manchester, courtesy of the Priory Collection. A 1\u20130 win over Czechoslovakia allowed England to finish second in the group and advance to the knockout stage. At the Quarter Final stage, a rematch of the 1966 World Cup against West Germany, England took a 2\u20130 lead but lost 3\u20132 in extra time. At the end of the year, Moore was voted runner-up (behind Gerd M\u00fcller of West Germany) for the 1970 European Footballer", + "score": 0.70556640625 + }, + { + "id": "9522663", + "title": "History of football in England", + "text": "period varied in their success, failing to qualify for the 1994 World Cup but reaching the semi-finals in Euro 96, losing on penalties to Germany at the semi-final stage. They also achieved automatic qualification for the 1998 World Cup, losing to Argentina on penalties in the Second Round. Manager Graham Taylor had quit in November 1993 after failing to attain a World Cup place, and his successor Terry Venables left after the encouraging Euro 96 campaign due to off-the-field disputes. His successor Glenn Hoddle took England to the World Cup, but was fired the following February after a controversial newspaper", + "score": 0.705078125 + }, + { + "id": "124832", + "title": "England national football team", + "text": "tournament in 1950, England has qualified for the FIFA World Cup fifteen times. They won the 1966 World Cup, when they hosted the finals, and finished fourth in 1990 and 2018. Since first entering in 1964, England have never won the UEFA European Championship, with their best performances being a third place finish in 1968 and 1996, the latter as hosts. The England national football team is the joint-oldest in the world; it was formed at the same time as Scotland. A representative match between England and Scotland was played on 5 March 1870, having been organised by the Football", + "score": 0.705078125 + }, + { + "id": "15256293", + "title": "1983 Cricket World Cup knockout stage", + "text": "1983 Cricket World Cup knockout stage In the first semi-final, at Old Trafford on 22 June, England won the toss and batted first. The English batsmen mistimed many balls and used the bat's edge frequently, as the restrictive Indian bowling led England to score 213 (all out, 60 overs). Graeme Fowler (33 from 59 balls, 3 fours) top scored, and Kapil Dev took 3 for 35 in eleven overs, with Mohinder Amarnath (2-27) and Roger Binny (2-43) taking two wickets each. In reply, Yashpal Sharma (61 from 115 balls, 3 fours, 2 sixes) and Sandeep Patil (51 from 32 balls,", + "score": 0.705078125 + }, + { + "id": "7158420", + "title": "1997\u201398 in English football", + "text": "World Cup in France, with a classic goal by 18-year-old striker Michael Owen giving them an early lead. The score was 2-2 with 45 minutes played, and early in the second half Diego Simeone fouled David Beckham and sent the 23-year-old midfielder falling to the ground. Beckham, still lying on the ground, reacted by kicking Simeone in the shins and was sent off. The game finished 2-2, and England lost the resultant penalty shoot-out after David Batty and Paul Ince's shots were saved. The trophy was finally won by hosts France. 8 August 1997: Robbie Keane, 17-year-old striker, scores on", + "score": 0.70458984375 + }, + { + "id": "11572075", + "title": "England national football team manager", + "text": "press, Winterbottom resigned five months later. He remains the longest serving manager of England. Alf Ramsey took control of the team in 1962, but unlike Winterbottom, Ramsey had been a club manager, winning the League championship with Ipswich Town. Upon his appointment, he declared England would win the 1966 World Cup. His first match in charge resulted in a 5\u20132 loss at Parc des Princes against France. England automatically qualified for the 1966 World Cup as hosts and, after a goalless draw in the first match against Uruguay, four consecutive victories saw England through to the final against West Germany.", + "score": 0.7041015625 + }, + { + "id": "13264704", + "title": "Wales at the Rugby World Cup", + "text": "one match in each tournament. Both the 1999 and 2003 tournaments were more successful, with Wales qualifying for the quarter-finals both times. Wales hosted the event in 1999 and topped their pool only to lose to eventual winners Australia in the quarter-finals. In 2003, they finished second in their pool to the All Blacks and faced England in the quarter-finals, where they lost to the eventual champions, despite scoring more tries than their opponents. In the 2007 World Cup, Wales again failed to progress from the pool stage. After a loss to Australia, and two wins against Japan and Canada,", + "score": 0.70361328125 + }, + { + "id": "15888346", + "title": "1987 Cricket World Cup knockout stage", + "text": "1987 Cricket World Cup knockout stage In 1987 Cricket World Cup, the first Semi-Final was played between Pakistan and Australia at the Gaddafi Stadium, Lahore, on 4 November 1987, which Australia won by 18 runs. In the second Semi-Final England defeated India by 35 runs at the Wankhede Stadium, Mumbai, on 5 November 1987. Australia and England encountered in the Final on 8 November 1987. Australia defeated England at Eden Gardens, Kolkata, by 7 runs and won the 1987 Cricket World Cup. Australia won the toss and chose to bat. The Australian batsmen got off to a very good start,", + "score": 0.70361328125 + }, + { + "id": "9379787", + "title": "History of the England national football team", + "text": "and he stayed in charge as England look to qualify for the 1990 World Cup in Italy. Qualification was sealed without conceding a single goal in the qualifying stages. The 1990 World Cup in Italy was to be Robson's last tournament in charge, having decided before it began that he would not be extending his contract, and would be returning to club football with PSV. The competition turned out to be England's best since 1966; after a slow start in the group stage where they played all their group stage matches in the city of Cagliari on the island of", + "score": 0.70361328125 + }, + { + "id": "5847107", + "title": "Rugby league in England", + "text": "for the 1975, 1995, 2000 and 2008 World Cups, England, along with other Home Nations, took part in their own right. However, unlike Great Britain, an England side has never won the World Cup. Between 1935 and 2004 they also competed in the European Nations Cup. In recent years they had come to dominate this tournament, and in 2005 they withdrew to level the playing field. They also took part in the World Sevens (2002, 2003). England currently take part in the Rugby League Tri-Nations and play an International Origin series against overseas players based in the Super League. There", + "score": 0.70361328125 + }, + { + "id": "5264723", + "title": "England women's national football team", + "text": "semi-finals. Qualification for the World Cup changed for the 1999 edition. European qualifiers were introduced, so that teams no longer needed to rely on advancing to the latter stages of the European Championship. England qualified unbeaten for the 2007 World Cup in China, winning Group 5 in the European qualifiers and recording their biggest win (away against Hungary, 13\u20130) in the process, ending a 12-year hiatus from the competition. After coming second in their group, they advanced into the quarter-finals to face the United States but lost 3\u20130. In May 2009, central contracts were implemented to help players focus on", + "score": 0.70361328125 + }, + { + "id": "19799948", + "title": "1964 European Nations' Cup qualifying second round", + "text": "1964 European Nations' Cup qualifying second round The 1964 European Nations' Cup qualifying second round (officially referred to as the 1964 European Nations' Cup quarter-finals) were the second round of qualifying competition for 1964 European Nations' Cup. They were contested by the eight round of 16 winners of the 1964 European Nations' Cup qualifying tournament. The winners of each of four home and away ties entered the final tournament. The matches were played in 1963 and 1964. Each tie winner progressed to the quarter-finals. The quarter-finals were played in two legs on a home-and-away basis. The winners of the quarter-finals", + "score": 0.70361328125 + }, + { + "id": "3204884", + "title": "England national rugby union team", + "text": "in their quarter-final, losing the match 16\u20133. In 1989, England won matches against Romania and Fiji, followed by victories in their first three Five Nations games of 1990. They lost to Scotland in their last game however, giving Scotland a Grand Slam. England recovered in the following year by winning their first Grand Slam since 1980. England hosted the 1991 World Cup and were in pool A, along with the All Blacks, Italy and the United States. Although they lost to the All Blacks in pool play, they qualified for a quarter-final going on to defeat France 19\u201310. England then", + "score": 0.70166015625 + }, + { + "id": "19317860", + "title": "2010 ICC World Twenty20 Final", + "text": "win marked England's first ever ICC world championship after losses in the finals of the 1979 World Cup against the West Indies at Lord's, the 1987 World Cup against Australia in Kolkata and the 1992 World Cup against Pakistan in Melbourne, as well as a loss in the 2004 Champions Trophy final against the West Indies at the Oval. It also marked England's third world championship in one of their major sports after the 1966 FIFA (Football) World Cup, which England won as hosts, and the 2003 IRB Rugby World Cup, which England had also won against Australia in Sydney.", + "score": 0.70166015625 + }, + { + "id": "2464211", + "title": "Alf Ramsey", + "text": "this competition reminded me of animals\". The belief that he had referred directly to the Argentinians as animals damaged Ramsey's reputation and made successive England teams unpopular abroad, particularly in South America. In the semi-final, England faced a fluent and skilful Portuguese side containing the tournament's top goal-scorer Eus\u00e9bio. However, England won a 2\u20131 victory in a memorable match which saw them concede their first goal of the competition from the penalty spot. On 30 July 1966, Ramsey's promise was fulfilled as England became the World Champions by beating West Germany in the final. A lot of Ramsey's tactics and", + "score": 0.701171875 + }, + { + "id": "10108942", + "title": "History of the England cricket team from 1945", + "text": "in 1978. With David Gower making his debut, Ian Botham and Bob Willis at their peak with the ball and Geoff Boycott and Graham Gooch opening the batting England were a formidable outfit. A 5 \u2013 1 victory against a weak Australian team in 1978\u201379, thanks to the determined batting of Derek Randall and a strong bowling side, was followed by a 1 \u2013 0 victory at home over India and a World Cup final appearance against the West Indies. Viv Richards and Collis King thumped the English attack around Lord's before Joel Garner blew the England middle order away.", + "score": 0.701171875 + }, + { + "id": "3884828", + "title": "Mike Bassett: England Manager", + "text": "to beat Argentina to get through to the second round. England succeed when Tonkinson dribbles past the Argentinian defence and blasts a shot which deflects off the crossbar. Tonkinson then punches the ball into the net. England advance to the knock-out stages, where they beat Romania and France. Rufus Smalls scores a hat trick against Romania and becomes England's top goal scorer with 52 international goals. But in the semi-finals, England lose to host nation Brazil. On their plane journey back to Britain, Bashir states that England equalled their best performance since they won in 1966 (in 1990, England finished", + "score": 0.70068359375 + }, + { + "id": "5227316", + "title": "Mick Channon", + "text": "Channon scored again as England defeated Finland 4\u20131 in Helsinki to get their qualification campaign for the 1978 FIFA World Cup off to a perfect start, though this would be tempered a month later by a defeat against Italy in Rome. In March 1977, Channon scored twice as England beat Luxembourg at Wembley to get their World Cup campaign back on track; Luxembourg were the 'whipping boys' of the group and England would later need to demolish Luxembourg by a similar or better scoreline in Luxembourg to give themselves a chance of overhauling Italy and qualifying for the World Cup.", + "score": 0.70068359375 + }, + { + "id": "12040822", + "title": "England at the FIFA World Cup", + "text": "against Ukraine, with England qualifying ahead winning the group. In Japan, England had to play against Eriksson's homeland, Sweden, and both settled out for a 1\u20131 draw. England and Beckham gained a measure of revenge for their previous 1998 defeat in defeating Argentina 1-0, thanks to a Beckham penalty. However, England could only manage a disappointing 0-0 draw against Nigeria, meaning that although they were able to qualify for the second round, where they played Denmark, they qualified as runners up, which meant that they would meet favourites Brazil in the quarter-finals if they qualified. England played Denmark in the", + "score": 0.70068359375 + }, + { + "id": "13698292", + "title": "1979 Cricket World Cup", + "text": "final of the 1979 ICC Trophy. East Africa, who played in the first World Cup, did not qualify this time, which meant there would be no nation from the African region participating in the 1979 World Cup. In a very close semi-final match, England prevailed. New Zealand won the toss and fielded. England began badly, falling to 38/2, before Mike Brearley (53 from 115 balls, 3 fours) and Graham Gooch (71 from 84 balls, 1 four, 3 sixes) resurrected the innings. Derek Randall (42 from 50 balls, 1 four, 1 six) played well in the second half of the innings,", + "score": 0.7001953125 + }, + { + "id": "13503473", + "title": "Rugby Football Union for Women", + "text": "a week. France, New Zealand, USA and England emerged as the semi-finalists, with USA beating England 19 \u2013 6 in the final at Cardiff Arms Park. England gained their revenge in 1994 beating 38\u201323 in the final, and have since reached the final in 1998 and 2006 losing on both cases to New Zealand, the 2010 world cup was held in England, mainly in Surrey sports park \u2013 now dubbed the home of the RFUW. England lost in the final by a drop kick from the New Zealand team. The 1995/1996 season saw the introduction of a Home Nations Championship", + "score": 0.7001953125 + }, + { + "id": "1375711", + "title": "2006 FIFA World Cup", + "text": "after extra time; the hosts edged out the Argentinians 4\u20132 on penalties to go through to the semifinals (this was the first time Argentina had lost a World Cup penalty shootout: up until this match, both Argentina and Germany had participated in three penalty shootouts, winning all of them). In Gelsenkirchen, when England faced Portugal, Wayne Rooney was sent off, and Portugal won the penalty shoot-out 3\u20131 after a 0\u20130 draw to reach their first World Cup semi-final since the days of Eus\u00e9bio 40 years earlier, and ensure manager Luiz Felipe Scolari's third consecutive tournament quarter-final win over Sven-G\u00f6ran Eriksson's", + "score": 0.69970703125 + }, + { + "id": "3204913", + "title": "England national rugby union team", + "text": "and a heavy 36\u20130 defeat to South Africa leaving the holders on the brink of elimination at the group stage. Improved performances against Samoa and Tonga saw England again reach the knockout stages as pool runners-up, before a surprise 12\u201310 defeat of Australia in Marseille and a narrow 14\u20139 victory over the host nation France carried England to a second successive final appearance. The final was played in Paris on 20 October against South Africa, who won by 15 points to 6. In 2011, England reached the quarter final stage, losing 19\u201312 to France. In 2015, England became the first", + "score": 0.69970703125 + } + ], + "answer": "The England national football team has competed at the men's FIFA World Cup since 1950. They made the quarter finals on 1 July 1990, 21 June 2002 and 1 July 2006. England have qualified for the FIFA Women's World Cup five times, reaching the quarter-finals on three occasions; in 1995, 2007, and 2011, finishing third in 2015 and fourth in 2019." + }, + { + "qa_pairs": [ + { + "context": "William Christopher Handy (November 16, 1873 \u2013 March 28, 1958) was a composer and musician, and called himself the Father of the Blues. An African American, Handy was one of the most influential songwriters in the United States. One of many musicians who played the distinctively American blues music, Handy did not create the blues genre but was the first to publish music in the blues form, thereby taking the blues from a regional music style (Delta blues) with a limited audience to a new level of popularity.", + "question": "Who referred to himself as the father of the blues?", + "short_answers": [ + "W. C. Handy", + "William Christopher Handy" + ], + "wikipage": "W. C. Handy" + }, + { + "context": "Charley Patton (died April 28, 1934), also known as Charlie Patton, was an American Delta blues musician. Considered by many to be the \"Father of the Delta Blues\", he created an enduring body of American music and inspired most Delta blues musicians. The musicologist Robert Palmer considered him one of the most important American musicians of the twentieth century.", + "question": "Who was considered by many to be the father of the Delta blues?", + "short_answers": [ + "Charley Patton", + "Charlie Patton" + ], + "wikipage": "Charley Patton" + }, + { + "context": "McKinley Morganfield (April 4, 1913 April 30, 1983), known professionally as Muddy Waters, was an American blues singer-songwriter and musician who is often cited as the \"father of modern Chicago blues\", and an important figure on the post-war blues scene. His style of playing has been described as \"raining down Delta beatitude\".", + "question": "Who was considered the father of Chicago blues?", + "short_answers": [ + "Muddy Waters", + "McKinley Morganfield" + ], + "wikipage": "Muddy Waters" + } + ], + "wikipages": [ + { + "title": "W. C. Handy", + "url": "https://en.wikipedia.org/wiki/W.%20C.%20Handy" + }, + { + "title": "Portal:Blues/Selected biography", + "url": "https://en.wikipedia.org/wiki/Portal%3ABlues/Selected%20biography" + }, + { + "title": "Robert Johnson", + "url": "https://en.wikipedia.org/wiki/Robert%20Johnson" + }, + { + "title": "Jimmie Rodgers (country singer)", + "url": "https://en.wikipedia.org/wiki/Jimmie%20Rodgers%20%28country%20singer%29" + }, + { + "title": "Charley Patton", + "url": "https://en.wikipedia.org/wiki/Charley%20Patton" + }, + { + "title": "Muddy Waters", + "url": "https://en.wikipedia.org/wiki/Muddy%20Waters" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "There are a few musicians called the father of blues in one way or another, like W.C. Handy (William Christopher Handy) who called himself the Father of Blues. Charley Patton, also known as Charlie Patton, is considered to be the Father of the Delta Blues. Muddy Waters\u2019 birth name is McKinley Morganfield and is often called the Father of modern Chicago Blues." + }, + { + "knowledge": [], + "long_answer": "Several musicians are known by variations of the title,\"Father of the Blues\". William Christopher Handy, a composer and musician, called himself the \"Father of the Blues.\" Charley Patton, an American Delta Blues musician, was considered by many to be the \"Father of the Delta Blues.\" McKinley Morganfield, known professionally as Muddy Waters, was an American Blues singer-songwriter and musician is often cited as the \"Father of modern Chicago Blues.\"" + } + ], + "sample_id": "-6098775182466144557", + "question": "Who was considered the father of the blues?", + "docs": [ + { + "id": "3267498", + "title": "Chicago Blues Festival", + "text": "storied history with blues that goes back generations stemming from the Great Migration from the South and particularly the Mississippi Delta region in pursuit of advancement and better career possibilities for musicians. Created by Commissioner of Cultural Affairs Lois Weisberg, the festival began in 1984, a year after the death of McKinley Morganfield, better known as Muddy Waters, who is generally considered \"the father of Chicago blues\". Each year the organizers choose a theme, generally to honor a recently departed blues musician. Obviously, Chicago blues acts are common. In 2015, the festival celebrated the centenary of the births of Muddy", + "score": 0.76416015625, + "summary": "Muddy Waters is generally considered to be the father of Chicago blues.", + "extraction": "McKinley Morganfield, better known as Muddy Waters, who is generally considered \"the father of Chicago blues\"." + }, + { + "id": "7367098", + "title": "Frank Stokes (musician)", + "text": "Frank Stokes (musician) Frank Stokes (January 1, 1877 or 1888 \u2013 September 12, 1955) was an American blues musician, songster, and blackface minstrel, who is considered by many musicologists to be the father of the Memphis blues guitar style. Stokes was born in Shelby County, Tennessee, in the vicinity of Whitehaven, located two miles north of the Mississippi state line. There is uncertainty over his year of birth; his daughter and later sources reported 1888, but the researchers Bob Eagle and Eric LeBlanc give 1877, the date on his World War I draft card. His parents died when he was", + "score": 0.71728515625, + "summary": "Frank Stokes is considered by many musicologists to be the father of the Memphis blues guitar style.", + "extraction": "Frank Stokes is considered by many musicologists to be the father of the Memphis blues guitar style." + }, + { + "id": "1477069", + "title": "Memphis blues", + "text": "Memphis blues The Memphis blues is a style of blues music created from the 1910s to the 1930s by musicians in the Memphis area, like Frank Stokes, Sleepy John Estes, Furry Lewis and Memphis Minnie. The style was popular in vaudeville and medicine shows and was associated with Beale Street, the main entertainment area in Memphis, W. C. Handy, the \"Father of the Blues\", published the song \"The Memphis Blues\". In lyrics, the phrase has been used to describe a depressed mood. In addition to guitar-based blues, jug bands, such as Gus Cannon's Jug Stompers and the Memphis Jug Band,", + "score": 0.71728515625, + "summary": "W.C. Handy was considered the \"Father of the Blues\" and published the song \"The Memphis Blues\", which was associated with the style of blues music created by musicians in the Memphis area during the 1910s to 1930s.", + "extraction": "W.C. Handy was considered the \"Father of the Blues\"." + }, + { + "id": "13873197", + "title": "Born to Sing the Blues", + "text": "television, John Franz decided to present her in an album of traditional blues songs. Several of the compositions that appeared on the album were written by W.C. Handy, known as \"Father of the Blues\". The recordings appear here in mono, no stereo versions are known to exist. In the 1970s Philips did re-issue them in an \"electronically enhanced\" stereo (also known as \"pseudo-stereo\"), but these added echoes proved unpopular, and these versions have not been re-released. For many years the recordings made by Bassey at Philips were not generally available on CD. Since the late 2000s they have fallen into", + "score": 0.7099609375, + "summary": "The document is irrelevant to the question.", + "extraction": "W.C. Handy, known as \"Father of the Blues\"." + }, + { + "id": "15237326", + "title": "Fathers and Sons (album)", + "text": "Fathers and Sons (album) Fathers and Sons is the seventh studio album by American blues musician Muddy Waters, originally released as a double LP by Chess Records in August 1969. The album features both studio and live recordings recorded in April 1969 with an all-star band including Michael Bloomfield and Paul Butterfield of the Paul Butterfield Blues Band, Donald \"Duck\" Dunn of Booker T. & the M.G.'s, Otis Spann, and Sam Lay in Chicago, Illinois. The album was Muddy's biggest mainstream success, reaching #70 on the \"Billboard\" 200, which was his only appearance in the top half of the chart.", + "score": 0.70849609375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about the father of the blues." + }, + { + "id": "686077", + "title": "W. C. Handy", + "text": "W. C. Handy William Christopher Handy (November 16, 1873 \u2013 March 28, 1958) was a composer and musician, known as the Father of the Blues. An African American, Handy was one of the most influential songwriters in the United States. One of many musicians who played the distinctively American blues music, Handy did not create the blues genre and was not the first to publish music in the blues form, but he took the blues from a regional music style (Delta blues) with a limited audience to a new level of popularity. Handy was an educated musician who used elements", + "score": 0.7080078125, + "summary": "W. C. Handy is considered the Father of the Blues. He was a composer and musician and one of the most influential songwriters in the United States. He took the blues from a regional music style to a new level of popularity.", + "extraction": "William Christopher Handy was considered the Father of the Blues." + }, + { + "id": "6031936", + "title": "Origins of the blues", + "text": "elements, were also published in 1912: \"Baby Seals' Blues\" by Baby Franklin Seals (arranged by Artie Matthews) and \"Memphis Blues\", another ragtime arrangement with a single 12-bar section, by W. C. Handy. Also in 1912 (on November 9), another song, \"The Blues\", was copyrighted by LeRoy \"Lasses\" White, but not actually published until 1913. Handy was a formally trained musician, composer and arranger who helped to popularize the blues by transcribing and orchestrating blues in an almost symphonic style, with bands and singers. He became a popular and prolific composer, and billed himself as the \"Father of the Blues\"; however,", + "score": 0.701171875, + "summary": "W.C. Handy was considered the \"Father of the Blues\" and helped to popularize the genre by transcribing and orchestrating blues in a symphonic style.", + "extraction": "W.C. Handy was considered the \"Father of the Blues\"." + }, + { + "id": "686105", + "title": "W. C. Handy", + "text": "often having 8- or 16-bar bridges between 12-bar verses. W. C. Handy William Christopher Handy (November 16, 1873 \u2013 March 28, 1958) was a composer and musician, known as the Father of the Blues. An African American, Handy was one of the most influential songwriters in the United States. One of many musicians who played the distinctively American blues music, Handy did not create the blues genre and was not the first to publish music in the blues form, but he took the blues from a regional music style (Delta blues) with a limited audience to a new level of", + "score": 0.7001953125, + "summary": "W. C. Handy is considered the Father of the Blues.", + "extraction": "William Christopher Handy was considered the Father of the Blues." + }, + { + "id": "15956531", + "title": "Cleo Davis", + "text": "Cleo Davis Cleo Davis (March 9, 1919 \u2013 July 17, 1986) was an American musician who gained prominence as \"the original Blue Grass Boy\". The creator of the \"Blue Grass Boys\" was Bill Monroe, also known as The Father of Bluegrass. Davis' performing career spanned 48 years as a singer and instrumentalist, and greatly influenced the bluegrass music and bluegrass artists of today. Davis was born to Ben and Effie Davis in their home in northwest Georgia. Cleo was surrounded by music since he was born, with his mother playing the pump organ and father playing the banjo (clawhammer style).", + "score": 0.69677734375, + "summary": "Irrelevant.", + "extraction": "Bill Monroe, also known as The Father of Bluegrass, was considered the father of the blues." + }, + { + "id": "10280360", + "title": "American Realism", + "text": "African-American stage production \"Out of Bondage\"\u2014but his principal output was for the parlor singer. W. C. Handy (1873\u20131958) was a blues composer and musician, often known as the \"Father of the Blues\". Handy remains among the most influential of American songwriters. Though he was one of many musicians who played the distinctively American form of music known as the blues, he is credited with giving it its contemporary form. While Handy was not the first to publish music in the blues form, he took the blues from a not very well known regional music style to one of the dominant", + "score": 0.689453125, + "summary": "W.C. Handy was considered the \"Father of the Blues\".", + "extraction": "W. C. Handy was considered the \"Father of the Blues\"." + }, + { + "id": "13854665", + "title": "British rhythm and blues", + "text": "to play high-powered electric blues, forming the band Blues Incorporated. Blues Incorporated had a fluid line up and became a clearing house for British rhythm and blues musicians in the later 1950s and early 1960s. These included future members of the Rolling Stones, the Yardbirds, Manfred Mann and the Kinks; beside Graham Bond and Long John Baldry. As well as acting as a mentor to these figures and others, including John Mayall and Jimmy Page, Korner was also a historian, writer and record collector pivotal in the growth of the movement, and often referred to as \"the father of British", + "score": 0.6884765625, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "18252330", + "title": "Louis (Blues Boy) Jones", + "text": "Louis (Blues Boy) Jones Louis Prince Jones, Jr. (April 28, 1931 \u2013 June 27, 1984), credited as Louis Jones or Louis (Blues Boy) Jones, was an American R&B singer, songwriter and musician who recorded in the 1950s and 1960s. He was born in Galveston, Texas, the son of Rebecca Prince Jackson and Louis Jones, Sr. He began singing with his mother in their church choir, and learned to play piano and drums. After attending Central High School in Galveston, he served as a medic with the US Army during the Korean war under the name Louis Prince, and worked as", + "score": 0.6884765625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about the father of the blues. It mainly talks about Louis (Blues Boy) Jones, his background and career." + }, + { + "id": "2788362", + "title": "Charley Patton", + "text": "with Bertha Lee\" Charley Patton Charley Patton (died April 28, 1934), also known as Charlie Patton, was an American Delta blues musician. Considered by many to be the \"Father of the Delta Blues\", he created an enduring body of American music and inspired most Delta blues musicians. The musicologist Robert Palmer considered him one of the most important American musicians of the twentieth century. Patton (who was well educated by the standards of his time) spelled his name \"Charlie\", but many sources, including record labels and his gravestone, use the spelling \"Charley\". Patton was born in Hinds County, Mississippi, near", + "score": 0.68798828125, + "summary": "Charley Patton is considered the \"Father of the Delta Blues.\"", + "extraction": "\"Charley Patton\" was considered by many to be the \"Father of the Delta Blues\"." + }, + { + "id": "2788351", + "title": "Charley Patton", + "text": "Charley Patton Charley Patton (died April 28, 1934), also known as Charlie Patton, was an American Delta blues musician. Considered by many to be the \"Father of the Delta Blues\", he created an enduring body of American music and inspired most Delta blues musicians. The musicologist Robert Palmer considered him one of the most important American musicians of the twentieth century. Patton (who was well educated by the standards of his time) spelled his name \"Charlie\", but many sources, including record labels and his gravestone, use the spelling \"Charley\". Patton was born in Hinds County, Mississippi, near the town of", + "score": 0.68701171875, + "summary": "Charley Patton is considered by many to be the \"Father of the Delta Blues\".", + "extraction": "Charley Patton was considered by many to be the \"Father of the Delta Blues\"." + }, + { + "id": "990675", + "title": "Muscle Shoals, Alabama", + "text": "Tuggle, who is dancing and lip-syncing the song. He says he knew the band personally, and had a BBQ restaurant across the street from their recording studio. Sister city Florence, Alabama, is frequently referred to as \"the birthplace of the Blues\". W. C. Handy was born in Florence and is generally regarded as the \"Father of the Blues\". Every year since 1982, the W. C. Handy Music Festival is held in the Florence/Sheffield/Muscle Shoals area, featuring blues, jazz, country, gospel, rock music and R&B. The roster of jazz musicians known as the \"Festival All-Stars\", or as the W. C. Handy", + "score": 0.685546875, + "summary": "W. C. Handy was born in Florence, Alabama and is considered the \"Father of the Blues\". Florence is referred to as the birthplace of the Blues and hosts the W. C. Handy Music Festival every year since 1982. Muscle Shoals, Alabama is a sister city of Florence.", + "extraction": "W. C. Handy was born in Florence and is generally regarded as the \"Father of the Blues\"." + }, + { + "id": "6600160", + "title": "Lonnie Mack", + "text": "Johnstone recalled the impact of Mack's proficiency on other rock guitarists: Mack's \"edgy, aggressive, loud, and fast\" style is also credited with a key role in the electric guitar's rise to the top of soloing instruments in rock. Blues critic Shawn Hagood wrote: Former Elektra A&R executive James Webber agrees: Many consider Mack the father, or grandfather, of blues-rock guitar. \"Legends of Rock Guitar\" author Pete Brown explained: Southern rock (Allman Brothers) lead guitarist Warren Haynes expressed a similar assessment: Mack has been called the founder of rock's \"modern\" guitar era for the stylistic impact of his early-1960s solos. In", + "score": 0.6806640625, + "summary": "Lonnie Mack is credited with being the father or grandfather of blues-rock guitar by many critics and musicians.", + "extraction": "Lonnie Mack has been considered by many as the father, or grandfather, of blues-rock guitar." + }, + { + "id": "737352", + "title": "Muddy Waters", + "text": "Muddy Waters McKinley Morganfield (April 4, 1913 April 30, 1983), known professionally as Muddy Waters, was an American blues singer-songwriter and musician who is often cited as the \"father of modern Chicago blues\", and an important figure on the post-war blues scene. Muddy Waters grew up on Stovall Plantation near Clarksdale, Mississippi, and by age 17 was playing the guitar and the harmonica, emulating the local blues artists Son House and Robert Johnson. He was recorded in Mississippi by Alan Lomax for the Library of Congress in 1941. In 1943, he moved to Chicago to become a full-time professional musician.", + "score": 0.67919921875, + "summary": "Muddy Waters is often cited as the \"father of modern Chicago blues\".", + "extraction": "Muddy Waters is often cited as the \"father of modern Chicago blues\"." + }, + { + "id": "712321", + "title": "Earl Scruggs", + "text": "They first played on the Opry in 1939 and soon became a popular touring band featuring a vocalist named Lester Flatt. The name \"bluegrass\" stuck and eventually became the eponym for this entire genre of county music and Monroe became known as \"the father of bluegrass.\" When Scruggs was 21, Monroe was looking for a banjo player for his group, because David \"Stringbean\" Akeman was quitting. At the time, banjo players often functioned in the band as comedians, and the instrument was often held as a prop \u2014 their clawhammer playing was almost inaudible. Monroe, along with band member Lester", + "score": 0.6787109375, + "summary": "Irrelevant.", + "extraction": "Monroe became known as \"the father of bluegrass.\"" + }, + { + "id": "10679686", + "title": "W. C. Clark", + "text": "W. C. Clark W. C. Clark (born Wesley Curley Clark, November 16, 1939) is an American blues musician. He is known as the \"Godfather of Austin Blues\" for his influence on the Austin, Texas blues scene since the late 1960s. Clark was born and raised in Austin, Texas, United States, where he sang gospel music in the choir as a young boy. In the early 1950s at age 14 he first learned the guitar, and then later experimented with blues and jazz on the bass guitar. By the early 1960s, he began attracting the attention of such Texas blues performers", + "score": 0.67822265625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about the father of the blues." + }, + { + "id": "16535132", + "title": "Frederick J. Brown", + "text": "Brown was born to, mother, Geneva Brown and, father, Andrew Bentley in Greensboro, Georgia on February 6, 1945. Soon the young family moved to Chicago, during the Second Great Migration, because of greater opportunity in Chicago as opposed to Georgia at the time. Brown was raised in a Methodist household near the steel mills on Chicago's Southside, which at the time was a working-class neighborhood comprised Eastern-European Immigrants, Hispanics, and African-Americans. Brown's father, Andrew, owned a shoeshine parlor, and pool hall in the neighborhood, which was frequented by Blues legends such as Muddy Waters, Howlin' Wolf, and Memphis Slim. It", + "score": 0.6767578125, + "summary": "Irrelevant.", + "extraction": "Muddy Waters, Howlin' Wolf, and Memphis Slim were frequent visitors to Andrew Bentley's shoeshine parlor and pool hall, where Frederick J. Brown was raised, so it is possible that one of them could be considered the father of the blues." + }, + { + "id": "416578", + "title": "Twelve-bar blues", + "text": "can be represented as follows. The first line takes four bars, as do the remaining two lines, for a total of twelve bars. However, the vocal or lead phrases, though they often come in threes, do not coincide with the above three lines or sections. This overlap between the grouping of the accompaniment and the vocal is part of what creates interest in the twelve bar blues. \"W.C. Handy, 'the Father of the Blues', codified this blues form to help musicians communicate chord changes.\" Many variations are possible. The length of sections may be varied to create eight-bar blues or", + "score": 0.67578125 + }, + { + "id": "20968677", + "title": "Something Blue (Lightnin' Hopkins album)", + "text": "Town,\" and \"Shaggy Dad,\" and even with the unlikely trombone accompaniment, it all works\". The Penguin Guide to Blues Recordings called it: \"a rather weird album Lightnin' recorded for Verve-Folkways, accompanied by bass, drums and jazz trombonist John \"Streamline\" Being. Among some routine but perfectly acceptable blues and boogies Lightnin' remembers an old song his brother Joel also sang \"Good Times\" and the rag song \"Shaggy Dad\"\". All compositions by Sam \"Lightnin'\" Hopkins except where noted Something Blue (Lightnin' Hopkins album) Something Blue is an album by blues musician Lightnin' Hopkins recorded in Los Angeles in 1965 and released on", + "score": 0.673828125 + }, + { + "id": "14818778", + "title": "Johnny B. Moore", + "text": "albums reflect a strong Delta flavor that is refreshing in the present blues scene, dominated by rock or funk overtones.\" However, the blues historian Tony Russell noted in 1997 that Moore \"was still one of Chicago's interesting secrets\". Moore's father, Floyd Moore, a Baptist minister, taught his son to play the guitar from the age of seven. John Lee Hooker's \"Boogie Chillen'\" was the first piece Moore mastered, but he was influenced by the style of Magic Sam. In his early days Moore performed gospel music in his hometown of Clarksdale and later in Chicago with the Gospel Keys. In", + "score": 0.6728515625 + }, + { + "id": "6790655", + "title": "Classic female blues", + "text": "about 1900. Gertrude \u201cMa\u201d Rainey (1886\u20131939), known as \"The Mother of the Blues\u201d, is credited as the first to perform the blues on stage as popular entertainment when she began incorporating blues into her act of show songs and comedy around 1902. Rainey had heard a woman singing about the man she had lost, learned the song, and began using it as her closing number, calling it \u201cthe blues\". Rainey's example was followed by other young women who followed her path in the tent show circuit, one of the few venues available to black performers. Most toured through a circuit", + "score": 0.67236328125 + }, + { + "id": "128640", + "title": "Eric Clapton", + "text": "source of disquiet for Clapton, as witnessed by his 1998 song \"My Father's Eyes\". A Montreal journalist named Michael Woloschuk researched Canadian Armed Forces service records and tracked down members of Fryer's family, and finally pieced together the story. He learned that Clapton's father was Edward Walter Fryer, born 1920, in Montreal and died in Newmarket, Ontario. Fryer was a musician (piano and saxophone) and a lifelong drifter who was married several times, had several children, and apparently never knew that he was the father of Eric Clapton. Clapton thanked Woloschuk in an encounter at Macdonald Cartier Airport, in Ottawa,", + "score": 0.67236328125 + }, + { + "id": "13383683", + "title": "Willie Hall (drummer)", + "text": "including The Blues Brothers, Steve Cropper, Cab Calloway, Aretha Franklin, Ray Charles, KC and the Sunshine Band, Bonnie Raitt, Earl Scruggs, Charlie Daniels Band, Todd Rundgren and Roger McGuinn, among others. He was also a member of The Bo-Keys, a band of highly respected Memphis musicians, including Isaac Hayes' wah-wah guitarist, Charles \"Skip\" Pitts. Hall is the father of rapper Gangsta Pat. Willie Hall (drummer) Willie Clarence Hall (born August 8, 1950) is an American drummer best known for his work with Isaac Hayes, and as a member of the Blues Brothers band. Hall began his career as a drummer", + "score": 0.671875 + }, + { + "id": "1349287", + "title": "B.B. King", + "text": "B.B. King Riley B. King (September 16, 1925 \u2013 May 14, 2015), known professionally as B.B. King, was an American blues singer, electric guitarist, songwriter, and record producer. King introduced a sophisticated style of soloing based on fluid string bending and shimmering vibrato that influenced many later electric blues guitarists. King was inducted into the Rock and Roll Hall of Fame in 1987, and is considered one of the most influential blues musicians of all time, earning the nickname \"The King of the Blues\", and is considered one of the \"Three Kings of the Blues Guitar\" (along with Albert and", + "score": 0.671875 + }, + { + "id": "34002", + "title": "Blues", + "text": "a popular and prolific composer, and billed himself as the \"Father of the Blues\"; however, his compositions can be described as a fusion of blues with ragtime and jazz, a merger facilitated using the Cuban habanera rhythm that had long been a part of ragtime; Handy's signature work was the \"Saint Louis Blues\". In the 1920s, the blues became a major element of African American and American popular music, reaching white audiences via Handy's arrangements and the classic female blues performers. The blues evolved from informal performances in bars to entertainment in theaters. Blues performances were organized by the Theater", + "score": 0.67041015625 + }, + { + "id": "7367105", + "title": "Frank Stokes (musician)", + "text": "he moved to Clarksdale, Mississippi, and occasionally worked with Bukka White in local juke joints. Stokes died of a stroke in Memphis on September 12, 1955. He is buried in Hollywood Cemetery, in Memphis. In 2017, Frank Stokes was inducted into the Memphis Music Hall of Fame. Frank Stokes (musician) Frank Stokes (January 1, 1877 or 1888 \u2013 September 12, 1955) was an American blues musician, songster, and blackface minstrel, who is considered by many musicologists to be the father of the Memphis blues guitar style. Stokes was born in Shelby County, Tennessee, in the vicinity of Whitehaven, located two", + "score": 0.669921875 + }, + { + "id": "5006763", + "title": "Bob Moore", + "text": "Bob Moore Bob Loyce Moore (born November 30, 1932) is an American session musician, orchestra leader, and bassist who was a member of the Nashville A-Team during the 1950s and 1960s. He performed on over 17,000 documented recording sessions, backing popular acts such as Elvis Presley and Roy Orbison. He is also the father of multi-instrumentalist R. Stevie Moore, who pioneered lo-fi music. Bob Moore was born in Nashville, Tennessee, and developed his musical skills as a boy. By age 15 he was playing double bass on a tent show tour with a Grand Ole Opry musical group, and at", + "score": 0.6689453125 + }, + { + "id": "15237329", + "title": "Fathers and Sons (album)", + "text": "sessions was Norman Dayron, who would go on to produce \"The London Howlin' Wolf Sessions\" in 1970, among other items. The cover illustration for \"Fathers and Sons\" was created by Don Wilson and was based on Michelangelo's design on the Sistine Chapel. The original album's design was by Daily Planet and was packaged in a foldout sleeve. The 2001 MCA Records expanded reissue featured a reissued design by Mike Fink. All songs written by McKinley Morganfield, except where indicated. Fathers and Sons (album) Fathers and Sons is the seventh studio album by American blues musician Muddy Waters, originally released as", + "score": 0.66845703125 + }, + { + "id": "16125753", + "title": "Freddie Spruell", + "text": "Freddie Spruell Freddie Spruell (December 28, 1893 \u2013 June 19, 1956) was an American Delta blues guitarist and singer, variously billed as Papa Freddie or Mr. Freddie. He is generally regarded as the first Delta bluesman to be recorded (\"Milk Cow Blues\", 1926), although Mamie Smith (1920) and Blind Lemon Jefferson (1925) predated him in recording the first blues records. Details of his life are sketchy and sometimes contradictory. Spruell was probably born in Lake Providence, Louisiana. He relocated with his family to Chicago, Illinois, when he was a young child. His Social Security records gave his birth date as", + "score": 0.66796875 + }, + { + "id": "1472549", + "title": "Electric blues", + "text": "musicians that began their careers as early as the 1950s continuing to record and perform, occasionally producing breakthrough stars. In the 1970s and 80s it absorbed a number of different influences, including particularly rock and soul music. Stevie Ray Vaughan was the biggest star influenced by blues rock and opened the way for guitarists like Kenny Wayne Shepherd and Jonny Lang. Practitioners of soul-influenced electric blues in the 1970s and 80s included Joe Louis Walker and most successfully Robert Cray, whose \"Strong Persuader\" album (1986), with its fluid guitar sound and an intimate vocal style, produced a major crossover hit.", + "score": 0.66796875 + }, + { + "id": "18926804", + "title": "The McLain Family Band", + "text": "performed at Carnegie Hall, the Metropolitan Museum of Art, The Kennedy Center, Lincoln Center, Symphony Center's Orchestra Hall, and the Grand Ole Opry, in addition to appearing on The Today Show, CBS Morning News, Good Morning America, The BBC, and the Johnny Cash Christmas Special. The band also performed for a number of years at the \"Bean Blossom Bluegrass Festival\" created by Bill Monroe, the father of bluegrass. In 1975 the McLains discussed their international travels on \"All Things Considered\" in an interview with Noah Adams, specifically addressing their travels to Japan and Czechoslovakia. In 2013 the International Bluegrass Music", + "score": 0.6669921875 + }, + { + "id": "6718817", + "title": "Indian blues", + "text": "Indian blues Although traditional jazz has had a sizeable following for a long time in India, with the yearly \"Jazz Yatra\" festivals and the frequent collaboration between Indian classical and Western jazz musicians, the interest in the blues has more or less been incidental due to the shared ancestry with jazz. Nonetheless, there have been a few musicians who stay true to the genre. They have not only helped define, promote and keep the blues alive in India, but have also developed a very Indian flavour of this music form. Sagar Sarkar is considered the father of the Pune Blues", + "score": 0.6669921875 + }, + { + "id": "15956532", + "title": "Cleo Davis", + "text": "After his first guitar was sat on, he ordered a new one from a Sears and Roebuck catalog, which cost $2.40. Native Ground Books and Music. \"Cleo Davis, The Original Bluegrass Boy by Wayne Erbsen\". Cleo Davis Cleo Davis (March 9, 1919 \u2013 July 17, 1986) was an American musician who gained prominence as \"the original Blue Grass Boy\". The creator of the \"Blue Grass Boys\" was Bill Monroe, also known as The Father of Bluegrass. Davis' performing career spanned 48 years as a singer and instrumentalist, and greatly influenced the bluegrass music and bluegrass artists of today. Davis", + "score": 0.6669921875 + }, + { + "id": "711897", + "title": "Bill Monroe", + "text": "Cline. In 2003, CMT had Bill Monroe ranked No. 16 on \"CMT 40 Greatest Men of Country Music\". Artists that claimed to be influenced by or to be playing the bluegrass genre were often bullied by Bill Monroe. He always considered himself the father and caretaker of bluegrass. He would often say of new bands that did not perform to his standards, \"That ain't no part of nothin'.\" Even those who question the scope of bluegrass refer to Monroe as a \"musical giant\" and recognize that \"there would be no bluegrass without Bill Monroe.\" More than 150 musicians played in", + "score": 0.66552734375 + }, + { + "id": "352193", + "title": "Robert Johnson", + "text": "\"Come On in My Kitchen\" and \"Me and the Devil Blues\". Alexis Korner, who has been called \"the Founding Father of British Blues\", co-wrote and recorded a song entitled \"Robert Johnson\" for \"The Party Album\", released in 1978. Other examples of the influence he had on English blues and blues-rock musicians and musical groups include the following: Johnson's revolutionary guitar playing has led contemporary critics, assessing his talents through the handful of old recordings available, to rate him among the greatest guitar players of all time: Musicians who proclaim Johnson's profound impact on them\u2014including Keith Richards, Jimi Hendrix, and Eric", + "score": 0.66552734375 + }, + { + "id": "3468397", + "title": "Clarence Holiday", + "text": "Clarence Holiday Clarence Halliday (Baltimore, 23 July 1898 \u2013 Dallas, 1 March 1937), also known as Clarence Holiday, was an American musician. He was the father of the singer Billie Holiday. In Baltimore he attended a boys school with the banjo player Elmer Snowden. Both of them played banjo with various Baltimore jazz bands, including the band of Eubie Blake. At the age of 16, Holiday became the unmarried father of Billie Holiday, who was born to 19-year-old Sadie Harris. He rarely visited Harris or her daughter. He moved from Baltimore to Philadelphia when he was 21 years old. Holiday", + "score": 0.66552734375 + }, + { + "id": "15237327", + "title": "Fathers and Sons (album)", + "text": "Muddy would not make another appearance on the 200 until \"Hard Again\" in 1977. According to Marshall Chess, the idea behind \"Fathers and Sons\" came when Mike Bloomfield was at his house and said that he and Paul Butterfield wanted to do an album with Muddy Waters because they would be in Chicago for a charity concert. Chess then rounded up Donald \"Duck\" Dunn, Otis Spann, and Sam Lay for the studio sessions. While many blues purists criticized the Waters \"psychedelic\" album Electric Mud at the time, \"Fathers and Sons\" was received more favorably since it avoided psychedelia, instead showcasing", + "score": 0.66455078125 + }, + { + "id": "15953893", + "title": "King Ernest Baker", + "text": "in those times) were violinists and guitar players. His grandfather was part of a Baker Band Revue, which played around and in Louisiana and Mississippi. His father was a guitarist who would play at the Honky-tonk places in the south. He recalled sitting on his fathers knee at around seven years old and listening to his father signing and playing his slide guitar. He would also hold out a cup for the listeners to put money in to. Blues singer Bobby Bland is a cousin of King Ernest. His first professional outing was in 1958 with Byther Smith at Wynn's", + "score": 0.66455078125 + }, + { + "id": "11840583", + "title": "Mississippi", + "text": "were lost. Jimmie Rodgers, a native of Meridian and guitarist/singer/songwriter known as the \"Father of Country Music\", played a significant role in the development of the blues. He and Chester Arthur Burnett were friends and admirers of each other's music. Their friendship and respect is an important example of Mississippi's musical legacy. While the state has had a reputation for being the most racist in the United States, individual musicians created an integrated music community. Mississippi musicians created new forms by combining and creating variations on musical traditions from Africa with the musical traditions of white Southerners, a tradition largely", + "score": 0.6640625 + }, + { + "id": "12484156", + "title": "John L. Nelson", + "text": "John L. Nelson John Lewis Nelson (June 29, 1916 \u2013 August 25, 2001), also known as his stage name Prince Rogers, was an American jazz musician and songwriter. He was the father of musicians Prince and Tyka Nelson and a credited co-writer on some of his son's songs. Nelson was born in Webster Parish, Louisiana, the son of Carrie (Jenkins) and Clarence Nelson. The Nelsons had four other children. He traveled to Minneapolis to become a musician in 1948. Playing the piano, he used \"Prince Rogers\" as a stage name and started a band called \"The Prince Rogers Trio\" with", + "score": 0.6640625 + }, + { + "id": "11143758", + "title": "Arkansas Delta", + "text": "and Memphis, Tennessee. Arkansas was home to numerous blues masters, who are held in high esteem by newer generations learning blues history. Arkansas blues artists influenced decades of pop culture music by such artists as Muddy Waters, Little Milton, B.B. King, Eric Clapton, Jeff Beck, Joe Bonamassa, Stevie Ray Vaughan, George Harrison and the Rolling Stones. Some of the most notable Arkansas Delta born or affiliated blues/gospel artists include: Albert King, Big Bill Broonzy, Sippie Wallace, George Thomas, Bobby Rush, Eb Davis, Frank Frost, George Harmonica Smith, Hollis Gillmore, Howlin\u2019 Wolf, Hubert Sumlin, James Cotton, Johnny Shines, Junior Walker, Sonny", + "score": 0.66357421875 + }, + { + "id": "1840509", + "title": "Paramount Records", + "text": "recording, \"Matchbox Blues\". Paramount's recording of the same song can be compared with Okeh's on compilation albums. In 1929, Paramount was building a new studio in Grafton, so it sent Charley Patton \u2014\"sent up\" by Jackson, Mississippi, storeowner H. C. Speir \u2014to the studio of Gennett Records in Richmond, Indiana, where on June 14 he cut 14 famous sides, which led many to consider him the \"Father of the Delta Blues\". After Williams quit working for Paramount, he left the business in the hands of his secretary, Aletha Dickerson, who had not been informed that her former employer had quit.", + "score": 0.66162109375 + }, + { + "id": "5888780", + "title": "Song for My Father (album)", + "text": "best known. As described in the liner notes, this album features the leader's quintet in transition as it features a mix of tracks featuring his old group and his new line-up after Blue Mitchell had left. Allmusic reviewer Steve Huey praised the album: One of Blue Note's greatest mainstream hard bop dates, \"Song for My Father\" is Horace Silver's signature LP and the peak of a discography already studded with classics...it hangs together remarkably well, and Silver's writing is at his tightest and catchiest. The album was identified by Scott Yanow in his Allmusic essay \"Hard Bop\" as one of", + "score": 0.66064453125 + }, + { + "id": "519924", + "title": "Bix Beiderbecke", + "text": "and Armstrong. \"Louis departed greatly from all cornet players in his ability to compose a close-knit individual 32 measures with all phrases compatible with each other\", Spurrier told the biographers Sudhalter and Evans, \"so Bix and I always credited Louis as being the father of the correlated chorus: play two measures, then two related, making four measures, on which you played another four measures related to the first four, and so on ad infinitum to the end of the chorus. So the secret was simple\u2014a series of related phrases.\" Beiderbecke plays piano on his recordings \"Big Boy\" (October 8, 1924),", + "score": 0.65966796875 + }, + { + "id": "9544068", + "title": "C. L. Franklin", + "text": "C. L. Franklin Clarence LaVaughn Franklin (born Clarence LaVaughn Walker; January 22, 1915 \u2013 July 27, 1984) was an American Baptist minister and civil rights activist. Known as the man with the \"Million-Dollar Voice\", Franklin served as the pastor of New Bethel Baptist Church in Detroit, Michigan, from 1946 until his retirement in 1979. Franklin was also the father of American singer\u2013songwriter Aretha Franklin. He was born Clarence LaVaughn Walker in Sunflower County, Mississippi, to sharecroppers Willie and Rachel (n\u00e9e Pittman) Walker. C.L. Franklin would recall that the only thing his father did for him was to teach him to", + "score": 0.65966796875 + }, + { + "id": "737385", + "title": "Muddy Waters", + "text": "a Man\") was used in the films \"Goodfellas\", \"Better Off Dead\", \"Risky Business\", and the rockumentary \"The Last Waltz\". The Rock and Roll Hall of Fame listed four songs of Muddy Waters among the 500 Songs That Shaped Rock and Roll. U.S. Postage Stamp Muddy Waters McKinley Morganfield (April 4, 1913 April 30, 1983), known professionally as Muddy Waters, was an American blues singer-songwriter and musician who is often cited as the \"father of modern Chicago blues\", and an important figure on the post-war blues scene. Muddy Waters grew up on Stovall Plantation near Clarksdale, Mississippi, and by age 17", + "score": 0.65966796875 + }, + { + "id": "4488725", + "title": "Luther Allison", + "text": "released. His son Bernard Allison, at one time a member of his band, is now a solo recording artist. Bernard, the youngest of nine siblings, was exposed to all kinds of music by his father. The younger Allison made his first venture into the music business at age 13, when he performed on a live album with his father. Allison was posthumously inducted into the Blues Hall of Fame in 1998. In 2000, the \"Chicago Sun-Times\" called him \"the Bruce Springsteen of the blues\". He was a strong influence on many young blues guitarists, such as Chris Beard and Reggie", + "score": 0.6591796875 + }, + { + "id": "4636762", + "title": "Papa Charlie McCoy", + "text": "Papa Charlie McCoy Charles \"Papa Charlie\" McCoy (May 26, 1909 \u2013 July 26, 1950) was an African-American Delta blues musician and songwriter. McCoy was born in Jackson, Mississippi. He was best known by his nickname, Papa Charlie. As a guitarist and mandolin player, he was one of the major blues accompanists of his time. He played in the Mississippi area with his band, the Mississippi Hot Footers. As a slide guitarist, he recorded under the name Tampa Kid, releasing \"Keep on Trying\". He and his older brother Kansas Joe McCoy performed together in the 1930s and 1940s and recorded as", + "score": 0.6591796875 + }, + { + "id": "11895090", + "title": "Bob Childers", + "text": "Bob Childers Robert Wayne Childers (20 November 1946 \u2013 22 April 2008) was an American country-folk musician and singer-songwriter from the state of Oklahoma. Both before and after his death, he achieved widespread critical acclaim having been compared to songwriters such as Bob Dylan and Woody Guthrie. Childers is often labeled the \"father\", \"grandfather\", or \"godfather\" of the regional Oklahoman music scene known as Red Dirt music. Childers was born on November 20, 1946, in West Union, West Virginia, to parents Howard and Rhea (Gaskins) Childers. At the age of seven, he and his family moved to Ponca City, Oklahoma.", + "score": 0.6591796875 + }, + { + "id": "7074472", + "title": "Frank Hutchison", + "text": "Frank Hutchison Frank Hutchison (March 20, 1897 \u2013 November 9, 1945) was an American early country blues and Piedmont blues musician and songwriter. Hutchison was best known as a slide guitar player, where he held the guitar in his lap. Born in Raleigh County, West Virginia, United States, and moving to Logan County when he was young, Hutchison is considered to be the first white rural guitarist to record the blues, as he cut several tracks for Okeh Records. He worked as a coal miner at various coal mines in Logan County, West Virginia, both before and after his career", + "score": 0.65869140625 + }, + { + "id": "711877", + "title": "Bill Monroe", + "text": "Bill Monroe William Smith Monroe (; September 13, 1911 \u2013 September 9, 1996) was an American mandolinist, singer, and songwriter, who helped to create the style of music known as bluegrass. Because of this, he is commonly referred to as the \"Father of Bluegrass\". The genre takes its name from his band, the Blue Grass Boys, named for Monroe's home state of Kentucky. Monroe's performing career spanned 69 years as a singer, instrumentalist, composer and bandleader. Monroe was born on his family's farm near Rosine, Kentucky, the youngest of eight children of James Buchanan \"Buck\" and Malissa (Vandiver) Monroe. His", + "score": 0.65869140625 + }, + { + "id": "6007233", + "title": "Barbecue Bob", + "text": "embellished with growling and falsetto, and a percussive singing style. Hicks had some influence on Atlanta blues musicians, such as the young Buddy Moss (who played harmonica with him on recordings by the Georgia Cotton Pickers), but his way of playing was quickly overshadowed by the finger-picked Piedmont blues style, which rose in popularity by the late 1920s and early 30s; this development can be heard in the recordings of Curley Weaver. Barbecue Bob's \"Motherless Child Blues\" was recorded and performed on stage by Eric Clapton. John Fahey attributed his arrangement of \"Poor Boy a Long Ways from Home\" to", + "score": 0.65869140625 + }, + { + "id": "7892353", + "title": "Hokum", + "text": "known as the Hokum Boys. Both previously performed in the band of the \"Mother of the Blues\", Ma Rainey, who had traveled the vaudeville circuits with the Rabbit Foot Minstrels as a girl, later taking Bessie Smith under her wing. The Hokum Boys recorded over 60 bawdy blues songs by 1932, most of them penned by Dorsey, who later picked up his Bible and became the founding father of black gospel. Dorsey characterized his hokum legacy as \"deep moanin', low-down blues, that's all I could say!\" While hokum surfaces in early blues music most frequently, there was some significant crossover", + "score": 0.658203125 + }, + { + "id": "2747615", + "title": "Gregg Allman", + "text": "sure of every note you hit, and to hit it solid.\" After his death, many outlets credited Allman as among the greatest white blues vocalists of his time. Many close to Allman disputed this, with son Devon Allman commenting, \"My dad didn't see color. ... I know people mean well when they say the best white blues singer, but I say take white off of there, because he was just one of the best ever. He just channeled so much feeling.\" Jaimoe called the label \"straight bullshit. He's a great blues singer. A great singer, period.\" An editorial published in", + "score": 0.658203125 + }, + { + "id": "5093068", + "title": "Charlie Musselwhite", + "text": "Bo Diddley\". Musselwhite lost both of his elderly parents in December 2005, in separate incidents. His mother, Ruth Maxine Musselwhite, was murdered. Musselwhite joined the judging panel of the 10th annual Independent Music Awards, to assist independent musicians' careers. He was also a judge for the 7th and 9th Independent Music Awards. Musselwhite was inducted into the Blues Hall of Fame in 2010. The same year, he appeared on the JW-Jones recording \"Midnight Memphis Sun\", along with Hubert Sumlin. Also in 2010, he released the album \"The Well\". In the title song he credits Jessica McClure's ordeal as a child", + "score": 0.658203125 + }, + { + "id": "1426928", + "title": "Bobby Bland", + "text": "Bobby Bland Robert Calvin Bland (n\u00e9 Robert Calvin Brooks; January 27, 1930 \u2013 June 23, 2013), known professionally as Bobby \"Blue\" Bland, was an American blues singer. Bland developed a sound that mixed gospel with the blues and R&B. He was described as \"among the great storytellers of blues and soul music... [who] created tempestuous arias of love, betrayal and resignation, set against roiling, dramatic orchestrations, and left the listener drained but awed.\" He was sometimes referred to as the \"Lion of the Blues\" and as the \"Sinatra of the Blues\". His music was also influenced by Nat King Cole.", + "score": 0.65771484375 + }, + { + "id": "11546729", + "title": "Blues Boy Willie", + "text": "Blues Boy Willie William Daniel McFalls, better known as Blues Boy Willie (born November 28, 1946), is an African-American electric blues singer and harmonica player from Memphis, Texas, United States. McFalls is attempting to revive the popularity which the blues enjoyed in his native Memphis during the 1930s, 1940s, and 1950s. McFalls is known for his unique urban sound and his keen sense of humor as he attempts to make blues, sometimes defined as the \"secular folk music of American blacks\" pertinent to modern society. Reared in a musical family, his father was in Ma Rainey's touring minstrel show. Among", + "score": 0.6572265625 + }, + { + "id": "20057004", + "title": "Turner Foddrell", + "text": "and Jumpin' Gene Simmons's 1964 hit \"Haunted House.\" They developed a cult following, without mainstream success, yet recorded a couple of albums. Marvin and Turner Foddrell's album \"The Original Blues Brothers\" was recorded on November 8 and 9, 1981, in Groningen, the Netherlands. It was released in the Netherlands by Swingmaster Records in 1984. Turner's son, Lynn, joined the brothers playing in the 1982 and 1983 performances at the Celebration of Traditional Music. Following Marvin's death in 1986, Turner and his son continued as a duo, releasing one album. Foddrell died of lung cancer in January 1995, at the age", + "score": 0.65673828125 + }, + { + "id": "3069545", + "title": "Milton Brown", + "text": "Milton Brown Milton Brown (September 8, 1903 \u2013 April 18, 1936) was an American band leader and vocalist who co-founded the genre of Western swing. His band was the first to fuse hillbilly hokum, jazz, and pop together into a unique, distinctly American hybrid, thus giving him the nickname, \"Father of Western Swing\". The birthplace of Brown's upbeat \"hot-jazz hillbilly\" string band sound was developed at the Crystal Springs Dance Hall in Fort Worth, Texas from 1931 to 1936. Along with Bob Wills, with whom he performed at the beginning of his career, Brown developed the sound and style of", + "score": 0.65625 + }, + { + "id": "2129312", + "title": "Johnnie Ray", + "text": "Johnnie Ray John Alvin Ray (January 10, 1927 \u2013 February 24, 1990) was an American singer, songwriter, and pianist. Highly popular for most of the 1950s, Ray has been cited by critics as a major precursor to what would become rock and roll, for his jazz and blues-influenced music and his animated stage personality. Tony Bennett called Ray the \"father of rock and roll,\" and historians have noted him as a pioneering figure in the development of the genre. Raised in Oregon, Ray, who was partially deaf, began singing professionally at age fifteen on Portland radio stations. He would later", + "score": 0.65576171875 + }, + { + "id": "34019", + "title": "Blues", + "text": "Chicago in 1960. After Phillips discovered Elvis Presley in 1954, the Sun label turned to the rapidly expanding white audience and started recording mostly rock 'n' roll. In the 1950s, blues had a huge influence on mainstream American popular music. While popular musicians like Bo Diddley and Chuck Berry, both recording for Chess, were influenced by the Chicago blues, their enthusiastic playing styles departed from the melancholy aspects of blues. Chicago blues also influenced Louisiana's zydeco music, with Clifton Chenier using blues accents. Zydeco musicians used electric solo guitar and cajun arrangements of blues standards. In England, electric blues took", + "score": 0.65576171875 + }, + { + "id": "2221265", + "title": "Taj Mahal (musician)", + "text": "and Milt Jackson. His parents came of age during the Harlem Renaissance, instilling in their son a sense of pride in his Caribbean and African ancestry through their stories. Because his father was a musician, his house was frequently the host of other musicians from the Caribbean, Africa, and the U.S. His father, Henry Saint Clair Fredericks Sr., was called \"The Genius\" by Ella Fitzgerald before starting his family. Early on, Henry Jr. developed an interest in African music, which he studied assiduously as a young man. His parents also encouraged him to pursue music, starting him out with classical", + "score": 0.6552734375 + }, + { + "id": "737371", + "title": "Muddy Waters", + "text": "Chicago blues sound. \"Fathers and Sons\" had an all-star backing band that included Michael Bloomfield and Paul Butterfield, longtime fans whose desire to play with him was the impetus for the album. It was the most successful album of Muddy Waters' career, reaching number 70 on the \"Billboard\" 200. In 1971, a show at Mister Kelly's, an upmarket Chicago nightclub, was recorded and released, signalling both Muddy's return to form and the completion of his transfer to white audiences. In 1972, he won his first Grammy Award, for Best Ethnic or Traditional Recording for \"They Call Me Muddy Waters\", a", + "score": 0.65478515625 + }, + { + "id": "11897780", + "title": "Michiel Borstlap", + "text": "had a relevant impact on his music. Museum de Fundatie in Zwolle The Netherlands acquired his sound-sculpture 'Audire et Videre I', which is now in the permanent collection of the Museum, and is heard in the atrium of the building. Throughout the years Michiel has been ambassador for Swiss watchmaker IWC and German grandpiano maker Steinway & Sons ao. Michiel Borstlap performed in 83 countries, in all the continents, he lives in The Netherlands and is father of Blue. Michiel Borstlap worked with many musicians, including Herbie Hancock, Wayne Shorter, Bill Bruford, Gino Vannelli, Pat Metheny, Assala Nasri, Jimmy Haslip,", + "score": 0.65478515625 + }, + { + "id": "8696076", + "title": "Johnny Copeland", + "text": "and two daughters. In 2017, Copeland was posthumously inducted in to the Blues Hall of Fame. Johnny Copeland John Clyde Copeland (March 27, 1937 \u2013 July 3, 1997) was an American Texas blues guitarist and singer. In 1983 he was named Blues Entertainer of the Year by the Blues Foundation. He is the father of blues singer Shemekia Copeland. In 2017, Copeland was posthumously inducted in to the Blues Hall of Fame. Copeland was born in Haynesville, Louisiana. Influenced by T-Bone Walker, he formed the Dukes of Rhythm in Houston, Texas, and made his recording debut in 1956, signing with", + "score": 0.65478515625 + }, + { + "id": "730817", + "title": "Soul music", + "text": "open in acknowledging the influence of Pilgrim Travelers vocalist Jesse Whitaker on his singing style. Little Richard, who inspired Otis Redding, and James Brown both were equally influential. Brown was nicknamed the \"Godfather of Soul Music\", and Richard proclaimed himself as the \"King of Rockin' and Rollin', Rhythm and Blues Soulin'\", because his music embodied elements of all three, and since he inspired artists in all three genres. Sam Cooke and Jackie Wilson also are often acknowledged as soul forefathers. Cooke became popular as the lead singer of the gospel group The Soul Stirrers, before controversially moving into secular music.", + "score": 0.654296875 + }, + { + "id": "711951", + "title": "Bluegrass music", + "text": "word \"bluegrass\" itself was adopted to label this form of music is not certain, but is believed to be in the late 1950s. It was derived from the name of the seminal Blue Grass Boys band, formed in 1939 with Bill Monroe as its leader. Due to this lineage, Bill Monroe is frequently referred to as the \"father of bluegrass\". Monroe's 1946 to 1948 band, which featured guitarist Lester Flatt, banjoist Earl Scruggs, fiddler Chubby Wise and bassist Howard Watts (also known as \"Cedric Rainwater\")\u2014sometimes called \"the original bluegrass band\"\u2014created the definitive sound and instrumental configuration that remains a model", + "score": 0.654296875 + }, + { + "id": "5006769", + "title": "Bob Moore", + "text": "are not in the music industry. Bob Moore Bob Loyce Moore (born November 30, 1932) is an American session musician, orchestra leader, and bassist who was a member of the Nashville A-Team during the 1950s and 1960s. He performed on over 17,000 documented recording sessions, backing popular acts such as Elvis Presley and Roy Orbison. He is also the father of multi-instrumentalist R. Stevie Moore, who pioneered lo-fi music. Bob Moore was born in Nashville, Tennessee, and developed his musical skills as a boy. By age 15 he was playing double bass on a tent show tour with a Grand", + "score": 0.654296875 + }, + { + "id": "12192601", + "title": "Poseur", + "text": "on BlackAmericaWeb claims that Russell Tyrone Jones, better known as rapper Ol' Dirty Bastard, was not \"a rough dude from the 'hood\" as his official record company biographies claimed. After Jones' death from drugs, the rapper's father claimed that \"his late son was a hip-hop poseur, contrary to what music trade magazines published in New York\" wrote. Jones' father argued that the \"story about him being raised in the Fort Greene [Brooklyn] projects on welfare until he was a child of 13 was a total lie\"; instead, he said \"their son grew up in a reasonably stable two-parent, two-income home", + "score": 0.654296875 + }, + { + "id": "14620402", + "title": "Boneshaker (novel)", + "text": "he learns his mother killed his father to prevent him from leaving Seattle in the Boneshaker, but he is not angry with her for this and they embrace. Leviticus Blue (referred to by Briar as Levi) is the creator of Dr. Blue's Incredible Bone-Shaking Drill Engine, or the titular Boneshaker, which caused the blight gas explosion. He is the deceased husband of Briar and deceased father of Ezekiel. Blue won a contest and the funds to create a machine that would harvest gold from deep within the Klondike region, and thus created the Boneshaker for the task. On a test", + "score": 0.65380859375 + }, + { + "id": "11104691", + "title": "Color Him Father", + "text": "Color Him Father \"Color Him Father\" is a song released by funk and soul group The Winstons. It was released in 1969, and reached number 2 on the R&B charts and number 7 on the \"Billboard\" Hot 100 that same year. Its composer, Richard Lewis Spencer, won a Grammy Award for Best R&B song in 1970. \"Color Him Father\" is one of the best known songs by The Winstons. It was released as a single, and the B-side contained an instrumental track titled \"Amen, Brother\". \"Amen, Brother\" contains what has now become one of the most heavily sampled drum breaks", + "score": 0.65380859375 + }, + { + "id": "2458662", + "title": "Music of Alabama", + "text": "country music from the 1960s through the 1980s. The Birmingham area has had more than its fair share of \"American Idol\" contestants do well, including second season winner Ruben Studdard (who played football for Alabama A&M University), fourth season runner-up Bo Bice, and fifth season winner Taylor Hicks (who attended Auburn University). WC Handy, often referred to as the \"father of the blues\", was born and raised in Florence, Alabama, which since 1982 holds an annual WC Handy Music Festival \"to preserve, present, and promote the musical heritage of Northwest Alabama\". The festival is usually held in the summer, and", + "score": 0.65380859375 + }, + { + "id": "2867450", + "title": "Floyd Council", + "text": "Floyd Council Floyd Council (September 2, 1911 \u2013 May 9, 1976) was an American blues guitarist, mandolin player, and singer. He was a practitioner of the Piedmont blues, which was popular in the southeastern United States in the 1920s and 1930s. He was sometimes credited as Dipper Boy Council and promoted as \"The Devil's Daddy-in-Law\". Born in Chapel Hill, North Carolina, to Harrie and Lizzie Council, he began his musical career on the streets of Chapel Hill in the 1920s, performing with two brothers, Leo and Thomas Strowd, as the Chapel Hillbillies. In the late 1920s and early 1930s he", + "score": 0.65380859375 + }, + { + "id": "11024696", + "title": "Robbie McIntosh", + "text": "had two older sisters, and their record collections became early influences: The Beatles, The Rolling Stones, The Kinks, The Spencer Davis Group, Jimi Hendrix etc. His father's love of jazz was also a factor: Fats Waller, Django Reinhardt, Louis Armstrong \u2013 and his mother played the piano. At age 13, he started taking classical guitar lessons from a teacher called Michael Lewin, who later became a professor at the Royal Academy of Music. He continued through to Grade 8 (aged 18). \"Lightnin' Hopkins was the first blues artist that captured my imagination; I've been besotted with blues music ever since.\"", + "score": 0.6533203125 + }, + { + "id": "16315725", + "title": "Fritz Rau", + "text": "concert organiser of the . In 1962 he and Lippmann established the concert agency \"Lippmann + Rau\", and organised the first European tour by the American Folk Blues Festival. This brought American blues musicians such as Willie Dixon, Howlin' Wolf, Muddy Waters, Sonny Boy Williamson II, John Lee Hooker, Memphis Slim, T-Bone Walker, Buddy Guy, Otis Rush, Little Brother Montgomery, J.B. Lenoir, Lonnie Johnson, Victoria Spivey, Big Joe Williams, Sleepy John Estes and others to Europe for the first time. Several annual tours by American blues musicians over the following years directly influenced a generation of young musicians, especially in", + "score": 0.6533203125 + }, + { + "id": "3072657", + "title": "Blues rock", + "text": "close stylistic forerunner, of what, by then, had become known as \"blues rock guitar\". Other American artists, such as Paul Butterfield and Canned Heat are now also considered blues rock pioneers. In the UK, several musicians honed their skills in a handful of British blues bands, primarily those of Cyril Davies and Alexis Korner. While the early British rhythm and blues groups, such as the Rolling Stones, the Yardbirds, and the Animals, incorporated American R&B, rock and roll, and pop, John Mayall took a more distinctly electric blues approach. In 1966, he released \"Blues Breakers with Eric Clapton\", the first", + "score": 0.65283203125 + }, + { + "id": "6156589", + "title": "Ray Thomas", + "text": "Ray Thomas Raymond Thomas (29 December 1941 \u2013 4 January 2018) was an English musician, flautist, singer, founding member and composer in the English progressive rock band the Moody Blues. His flute solo on the band's 1967 hit single \"Nights in White Satin\" is regarded as one of progressive rock's \"defining moments.\" In 2018, Thomas was posthumously inducted into the Rock and Roll Hall of Fame as a member of the Moody Blues. Thomas was born at an emergency maternity unit set up during World War II in Lickhill Manor, Stourport-on-Severn, England. His father's family was from the southwest corner", + "score": 0.65234375 + }, + { + "id": "6600155", + "title": "Lonnie Mack", + "text": "1964) with his stylistic leadership. From \"Legends of Rock Guitar\": Many consider \"Memphis\" and \"Wham!\" the first genuine hit recordings of the virtuoso blues-rock guitar genre. British music critic Bill Millar: \u201cThe term \u2018influential\u2019 is applied to almost anyone these days but there's still a case for saying that the massively popular blues-rock guitar genre can be traced way back to the strength, power and emotional passion of Lonnie Mack.\u201d By his late teens, Mack was well-versed in country and bluegrass guitar, blues guitar, rockabilly guitar, and the percussive chordal riffing of early rock's most influential guitarist, Chuck Berry. Mack's", + "score": 0.65234375 + }, + { + "id": "5876089", + "title": "American Folk Blues Festival", + "text": "performers to Europe. Jazz and rock and roll had become very popular, and both genres drew influences directly back to the blues. Berendt thought that European audiences would flock to concert halls to see them in person. Promoters Horst Lippmann and Fritz Rau brought this idea to reality. By contacting Willie Dixon, an influential blues composer and bassist from Chicago, they were given access to the blues culture of the southern United States. The first festival was held in 1962, and they continued almost annually until 1972, after an eight-year hiatus reviving the festival in 1980 until its final performance", + "score": 0.65234375 + }, + { + "id": "8040131", + "title": "Big Bill Morganfield", + "text": "Big Bill Morganfield William \"Big Bill\" Morganfield (born June 19, 1956) is an American blues singer and guitarist, who is the son of Muddy Waters. Morganfield was born in Chicago, Illinois. He had little contact with his father. Instead he was raised in Southern Florida by his grandmother, and now lives in Atlanta, Georgia. As a child he listened to his father's records, but also to more popular fare such as The Jackson Five. He came to music later in life, having first worked as a teacher after earning a bachelor's degree in English from Tuskegee University and another in", + "score": 0.65234375 + }, + { + "id": "1426942", + "title": "Bobby Bland", + "text": "at his home in Germantown, Tennessee, a suburb of Memphis, after what family members described as \"an ongoing illness\". He was 83. After his death, his son Rodd told news media that Bland had recently told him that the blues musician James Cotton was Bland's half-brother. Bobby Bland Robert Calvin Bland (n\u00e9 Robert Calvin Brooks; January 27, 1930 \u2013 June 23, 2013), known professionally as Bobby \"Blue\" Bland, was an American blues singer. Bland developed a sound that mixed gospel with the blues and R&B. He was described as \"among the great storytellers of blues and soul music... [who] created", + "score": 0.65234375 + }, + { + "id": "19806115", + "title": "Andy Rodgers (musician)", + "text": "Arnold, Raful Neal, Kenny Neal, Little Walter, Phillip Walker, T-Bone Walker, Little Milton, Cab Calloway, Charles Brown, Boxcar Willie, Rose Maddox, Mickey Gilley, Willie Nelson, Blind Lemon Jefferson, Sonny Rhodes, and David \"Honeyboy\" Edwards. Known for his Piedmont blues style of finger-picking the guitar, Rodgers also played the harmonica in a Delta blues style. He was later known to musicians as the \"Grand Daddy of the Blues\". He was inducted into the Cowboy Blues Hall of Fame in Nevada City, California. He also played for President Gerald Ford at the Hilton in Fresno, California. His hay haulage business was primarily", + "score": 0.65234375 + }, + { + "id": "14211104", + "title": "Son Bonds", + "text": "Son Bonds Abraham John Bond Jr., known as Son Bonds (March 16, 1909 \u2013 August 31, 1947), was an American country blues guitarist, singer and songwriter. He was a working associate of Sleepy John Estes and Hammie Nixon. He was similar to Estes in his guitar-playing style. According to the music journalist Jim O'Neal, \"the music to one of Bonds's songs, 'Back and Side Blues' (1934), became a standard blues melody when Sonny Boy Williamson I, from nearby Jackson, Tennessee, used it in his classic \"Good Morning, School Girl\". The best-known of Bonds's other works are \"A Hard Pill to", + "score": 0.65234375 + }, + { + "id": "5821632", + "title": "Vassar Clements", + "text": "Vassar Clements Vassar Carlton Clements (April 25, 1928 \u2013 August 16, 2005) was a Grammy Award-winning American jazz, swing, and bluegrass fiddler. Clements has been dubbed the Father of Hillbilly Jazz, an improvisational style that blends and borrows from swing, hot jazz, and bluegrass along with roots also in country and other musical traditions. Clements was born in Kinard, Florida, but grew up in Kissimmee. He taught himself to play the fiddle at age 7, learning \"There's an Old Spinning Wheel in the Parlor\" as his first song. Soon, he joined with two first cousins, Red and Gerald, to form", + "score": 0.6513671875 + }, + { + "id": "8797604", + "title": "My Father's Eyes (song)", + "text": "My Father's Eyes (song) \"My Father's Eyes\" is a song written and performed by Eric Clapton and produced by Clapton and Simon Climie. It was released as a single in 1998 and was featured on the album \"Pilgrim\". The song reached the top 40 on the Billboard Airplay chart, peaking at number 16, and spent five weeks at number two on the Hot Adult Contemporary chart. \"My Father's Eyes\" won a Grammy award for Best Male Pop Vocal Performance. Clapton performed this track for the first time in 1992 and again in 1996, in both electric and unplugged versions. These", + "score": 0.65087890625 + }, + { + "id": "1472590", + "title": "British blues", + "text": "who moved to London in the early 1960s, eventually forming the Bluesbreakers, whose members at various times included, Jack Bruce, Aynsley Dunbar, Eric Clapton, Peter Green and Mick Taylor. While some bands focused on blues artists, particularly those of Chicago electric blues, others adopted a wider interest in rhythm and blues, including the work of Chess Records' blues artists like Muddy Waters and Howlin' Wolf, but also rock and roll pioneers Chuck Berry and Bo Diddley. Most successful were the Rolling Stones, who abandoned blues purism before their line-up solidified and they produced their first eponymously titled album in 1964,", + "score": 0.65087890625 + }, + { + "id": "1472547", + "title": "Electric blues", + "text": "recording industry was based in Houston with labels like Duke/Peacock, which in the 1950s provided a base for artists who would later pursue the electric Texas blues sound, including Johnny Copeland and Albert Collins. Freddie King, a major influence on electric blues, was born in Texas, but moved to Chicago as a teenager. His instrumental number \"Hide Away\" (1961), was emulated by British blues artists including Eric Clapton. In the late 1960s and early 1970s the Texas electric blues scene began to flourish, influenced by country music and blues rock, particularly in the clubs of Austin. The diverse style often", + "score": 0.65087890625 + }, + { + "id": "15572774", + "title": "Peter Sichel", + "text": "Head there is a musical interlude called The Blue Nun in which a narrator describes a party held in Peter Sichel's comfortable study in his New York townhouse in which the guests compliment the wine. This includes samples from Peter's audio recording \"On Wine: How to Select and Serve\". He is the father of the late filmmaker Alex Sichel and the screenwriter Sylvia Sichel. Peter Sichel Peter Max F. Sichel (born September 12, 1922) is a German American wine merchant, who created the success of the Blue Nun wine brand, for a while the largest international wine brand in the", + "score": 0.65087890625 + }, + { + "id": "2074310", + "title": "Music of Tennessee", + "text": "Noah Lewis, Deford Bailey, John Henry Barbee, Memphis Willie B., Hattie Hart, Mississippi Fred McDowell, Brownie McGhee, Blind James Campbell, Hambone Willie Newbern, Sonny Boy Williamson I, and Terry Garland. Memphis' most significant musical claims to fame are as \"Home of the Blues\" and \"Birthplace of Rock and Roll\". Famed African-American composer W.C. Handy is said to have written the first commercially successful blues song \"St. Louis Blues\" in a bar on Beale Street in 1912. Handy resided in Memphis from 1909 through 1917. He also wrote \"The Memphis Blues\". Memphis blues is a regional style created by area musicians", + "score": 0.650390625 + }, + { + "id": "7758918", + "title": "Elton John", + "text": "At the age of 15, with the help of his mother and stepfather, Reginald Dwight became a weekend pianist at a nearby pub, the Northwood Hills Hotel, playing Thursday to Sunday nights. Known simply as \"Reggie\", he played a range of popular standards, including songs by Jim Reeves and Ray Charles, as well as songs he had written himself. A stint with a short-lived group called the Corvettes rounded out his time. In 1962, Dwight and his friends formed a band called Bluesology. By day, he ran errands for a music publishing company; he divided his nights between solo gigs", + "score": 0.64990234375 + }, + { + "id": "6014839", + "title": "Pops Staples", + "text": "considered by some fans as the definitive version of the song. After Mavis left for a solo career in the 1980s, Pops Staples began a solo career, appearing at international \"blues\" festivals (though steadfastly refusing to sing the blues). Over the course of his career, he was nominated for three Grammy Awards, winning the 1995 Best Contemporary Blues Album Grammy for \"Father, Father\". Staples also tried his hand at acting. In 1986, Roebuck played the role of Mr. Tucker, a voodoo witch doctor, in the Talking Heads film \"True Stories\", during which he performed \"Papa Legba\". He appeared as himself", + "score": 0.64990234375 + }, + { + "id": "1844424", + "title": "Elijah Blue Allman", + "text": "Elijah Blue Allman Elijah Blue Allman (born July 10, 1976), known professionally as P. Exeter Blue, is an American musician, and the son of singer Cher and her second husband Gregg Allman. He is a half-brother of Chaz Bono, Delilah Allman, Michael Allman, Layla Allman, and Devon Allman. Through his mother Cher, Elijah is of Armenian, Irish, English, and German ancestry. On December 1, 2013, he married Marieangela King, an English singer. Elijah Blue Allman is the singer and guitarist for the rock band Deadsy, which, prior to its hiatus in April 2007, consisted of Alec P\u00fcre on drums, Dr.", + "score": 0.64990234375 + }, + { + "id": "17369064", + "title": "Fre\u0301de\u0301ric Rimbaud", + "text": "Fr\u00e9d\u00e9ric Rimbaud Fr\u00e9d\u00e9ric Rimbaud (7 October 1814 in Dole \u2013 16 November 1878 in Dijon) was a French infantry officer. He served in the conquest of Algeria, the Crimean War and the Sardinian Campaign. He is best known as the father of the poet, Arthur Rimbaud. Rimbaud, a Burgundian of Proven\u00e7al extraction, was a captain in the 47th Regiment of Infantry; he had risen from the ranks, and he had spent much of his service outside France. From 1844 to 1850, he participated in the conquest of Algeria and in 1854 was awarded the L\u00e9gion d'honneur \"by Imperial decree\". Captain", + "score": 0.64990234375 + }, + { + "id": "1423863", + "title": "Ma Rainey", + "text": "Ma Rainey \"Ma\" Rainey (born Gertrude Pridgett, September 1882 or April 26, 1886 \u2013 December 22, 1939) was one of the earliest African-American professional blues singers and one of the first generation of blues singers to record. She was billed as the \"Mother of the Blues\". She began performing as a young teenager and became known as Ma Rainey after her marriage to Will Rainey, in 1904. They toured with the Rabbit Foot Minstrels and later formed their own group, Rainey and Rainey, Assassinators of the Blues. Her first recording was made in 1923. In the next five years, she", + "score": 0.6494140625 + }, + { + "id": "55148", + "title": "Blind Lemon Jefferson", + "text": "as a guide. By the early 1920s, Jefferson was earning enough money for his musical performances to support a wife and, possibly, a child. However, firm evidence of his marriage and children has not been found. Prior to Jefferson, few artists had recorded solo voice and blues guitar, the first of which were the vocalist Sara Martin and the guitarist Sylvester Weaver, who recorded \"Longing for Daddy Blues\", probably on October 24, 1923. The first self-accompanied solo performer of a self-composed blues song was Lee Morse, whose \"Mail Man Blues\" was recorded on October 7, 1924. Jefferson's music is uninhibited", + "score": 0.6494140625 + }, + { + "id": "3886097", + "title": "Melvin Franklin", + "text": "Melvin Franklin David Melvin English (October 12, 1942 \u2013 February 23, 1995) better known by the stage name Melvin Franklin, or his nickname \"Blue\", was an American bass singer. Franklin was best known for his role as a founding member of Motown singing group The Temptations from 1960 to 1994. David English was born in Montgomery, Alabama to Rose English, a teenage mother from nearby Mobile. His biological father was the preacher of the English family's church in Mobile; he impregnated her through non-consensual relations. Following David's birth, Rose English married Willard Franklin and moved to Detroit, her grandmother insisting", + "score": 0.6494140625 + }, + { + "id": "10699386", + "title": "Billy Branch", + "text": "of Carey Bell, Dixon's long time Harp player, when Bell left the All-Stars to form his own band. In the 1970s, Branch founded his own group, the Sons of Blues, with Lurrie Bell (the son of Carey Bell) on guitar and Freddie Dixon (the son of Willie Dixon) on bass guitar. They recorded for Alligator Records and, after a change in personnel, for Red Beans Records. The new band consisted of Carlos Johnson on guitar and J. W. Williams on vocals and bass guitar. Branch has also recorded for Verve Records and Evidence Records. Since then, Branch has played on", + "score": 0.6494140625 + } + ], + "answer": "Several musicians are known by variations of the title,\"Father of the Blues\". William Christopher Handy, a composer and musician, called himself the \"Father of the Blues.\" Charley Patton, an American Delta Blues musician, was considered by many to be the \"Father of the Delta Blues.\" McKinley Morganfield, known professionally as Muddy Waters, was an American Blues singer-songwriter and musician is often cited as the \"Father of modern Chicago Blues.\"" + }, + { + "qa_pairs": [ + { + "context": "The song was written by the lyricist Kim Gannon and composer Walter Kent. Songwriter and later producer and manager for The Platters, Buck Ram, who said he previously wrote a poem and song with the same title, was credited as a co-writer of the song following a lawsuit brought by Ram's publisher, Mills Music. Bing Crosby's original 1943 release of the song on Decca Records listed only Walter Kent and Kim Gannon as the songwriters on the record label. Later pressings added the name of Buck Ram to the songwriting credit.", + "question": "When was the song \"I'll Be Home for Christmas\" by Bing Crosby released?", + "short_answers": [ + "1943" + ], + "wikipage": "I'll Be Home for Christmas" + }, + { + "context": "I'll Be Home for Christmas is a Christmas-themed extended play released by Epic Records and Syco Entertainment on November 24, 2014. L.A. Reid served as the EP's executive producer, and it is Epic Records' first-ever holiday extended play.", + "question": "When was the EP I'll Be Home For Christmas released?", + "short_answers": [ + "November 24, 2014" + ], + "wikipage": "I'll Be Home for Christmas (EP)" + }, + { + "context": "No context provided", + "question": "When was the 1988 film I'll Be Home for Christmas released?", + "short_answers": [ + "December 12, 1988" + ], + "wikipage": null + }, + { + "context": "I'll Be Home for Christmas is a 1998 American Christmas family comedy film directed by Arlene Sanford. The plot follows a college student who must make it from his campus in Los Angeles, California to his family's home in Larchmont, New York in time for Christmas dinner in order to win his father's Porsche. It stars Jonathan Taylor Thomas, Jessica Biel, Adam LaVorgna, Sean O'Bryan and Gary Cole and was released on November 13, 1998.", + "question": "When was the 1998 film I'll Be Home for Christmas released?", + "short_answers": [ + "November 13, 1998" + ], + "wikipage": "I'll Be Home for Christmas (1998 film)" + }, + { + "context": "No context provided", + "question": "When was the album I'll Be Home For Christmas by Brian McKnight released?", + "short_answers": [ + "October 7, 2008" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "I'll Be Home for Christmas (1998 film)", + "url": "https://en.wikipedia.org/wiki/I%27ll%20Be%20Home%20for%20Christmas%20%281998%20film%29" + }, + { + "title": "I'll Be Home for Christmas (disambiguation)", + "url": "https://en.wikipedia.org/wiki/I%27ll%20Be%20Home%20for%20Christmas%20%28disambiguation%29" + }, + { + "title": "I'll Be Home for Christmas", + "url": "https://en.wikipedia.org/wiki/I%27ll%20Be%20Home%20for%20Christmas" + }, + { + "title": "I'll Be Home for Christmas (EP)", + "url": "https://en.wikipedia.org/wiki/I%27ll%20Be%20Home%20for%20Christmas%20%28EP%29" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "The phrase, \u201cI\u2019ll Be Home for Christmas\u201d, is a popular name or title for music and movies. It could reference the album by Brian McKnight that was released on October 7, 2008 or the song by Bing Crosby from 1943. It also could be the 1988 film that was released on December 12, 1988 or the 1998 film that came out on November 13, 1998. Even a Christmas-themed EP that L.A. Reid was the executive producer on and released on November 24, 2014, goes by that phrase." + }, + { + "knowledge": [ + { + "content": "\"I'll Be Home for Christmas\" is a Christmas song written by the lyricist Kim Gannon and composer Walter Kent and recorded in 1943 by Bing Crosby, who scored a top ten hit with the song.", + "wikipage": "I'll Be Home for Christmas" + }, + { + "content": "The film, which stars Hal Holbrook and Eva Marie Saint, deals with the lives and relationships of a Massachusetts family during the final Christmas of World War II.[1]", + "wikipage": "I'll Be Home for Christmas (1988 film)" + }, + { + "content": "It stars Jonathan Taylor Thomas, Jessica Biel, Adam LaVorgna, Sean O'Bryan and Gary Cole and was released on November 13, 1998.", + "wikipage": "I'll Be Home for Christmas (1998 film)" + } + ], + "long_answer": "There are several songs and movies by the name \"I'll Be Home for Christmas\". \"I'll Be Home for Christmas\" is a Christmas song written by the lyricist Kim Gannon and composer Walter Kent and recorded in 1943 by Bing Crosby, who scored a top ten hit with the song. Another \"I'll Be Home for Christmas\" is a Christmas-themed extended play released by Epic Records and Syco Entertainment on November 24, 2014. One movie version of \"I'll Be Home for Christmas\" was released on December 12, 1988, and starred Hal Holbrook and Eva Marie Saint. Another movie version was released on November 13, 1998, and featured Jonathan Taylor Thomas, Jessica Biel, Adam LaVorgna, Sean O'Bryan and Gary Cole. Brian McKnight also released an album \"I'll Be Home for Christmas\" on October 7, 2008." + } + ], + "sample_id": "735744690379490621", + "question": "When was i'll be home for christmas released?", + "docs": [ + { + "id": "16124430", + "title": "I'll Be Home for Christmas", + "text": "My Dreams)\", with the John Scott Trotter Orchestra for Decca Records; it was released as a 78 rpm single, Decca 18570A, Matrix #L3203, and reissued in 1946 as Decca 23779. Within a month of release, the song charted for 11 weeks, with a peak at number three. The next year, the song reached number 16 on the charts. The U.S. War Department also released Bing Crosby's performance of \"I'll Be Home for Christmas\" from the December 7, 1944, Kraft Music Hall broadcast with the Henderson Choir, J.S.T., on V-Disc, as U.S. Army V-Disc No. 441-B and U.S. Navy V-Disc No.", + "score": 0.8076171875, + "summary": "\"I'll Be Home for Christmas\" was released as a 78 rpm single by Decca Records in 1943 and reissued in 1946.", + "extraction": "\"I'll Be Home for Christmas\" was released as a 78 rpm single, Decca 18570A, Matrix #L3203 in 1943." + }, + { + "id": "16124432", + "title": "I'll Be Home for Christmas", + "text": "lyrics might lower morale among British troops. In December 1965, astronauts Frank Borman and Jim Lovell while on \"Gemini 7\", requested \"I'll Be Home for Christmas\" be played for them by the NASA ground crew. \"I'll Be Home for Christmas\" was recorded by Perry Como (1946), Frank Sinatra (1957), Elvis Presley (1957), Johnny Mathis (1958), Connie Francis (1959), Jack Jones (1963), The Carpenters (1977) Anita Baker (2005) Sara Evans (\"Hear Something Country - Christmas 2007\", 2007), Kelly Clarkson (\"iTunes Session\" (2011) and \"Wrapped in Red\" (2013)), Michael Buble (\"Christmas\"(2011)), Seth MacFarlane (\"Holiday for Swing\" (2014)), Pentatonix (\"A Pentatonix Christmas\" (2016)),", + "score": 0.80517578125, + "summary": "\"I'll Be Home for Christmas\" was recorded by various artists including Perry Como, Frank Sinatra, and Elvis Presley, but the document does not provide information about when it was released.", + "extraction": "\"I'll Be Home for Christmas\" was recorded by Perry Como (1946), Frank Sinatra (1957), Elvis Presley (1957), Johnny Mathis (1958), Connie Francis (1959), Jack Jones (1963), The Carpenters (1977) Anita Baker (2005) Sara Evans (\"Hear Something Country - Christmas 2007\", 2007), Kelly Clarkson (\"iTunes Session\" (2011) and \"Wrapped in Red\" (2013))," + }, + { + "id": "4783303", + "title": "Buck Ram", + "text": "1943, by Walter Kent (music) and James \"Kim\" Gannon (words). Kent and Gannon revised and re-copyrighted their song on September 27, 1943, and it was this version that Bing Crosby made famous. According to Ram and newspaper articles from the era, Ram wrote the lyrics to \"I'll Be Home For Christmas\" as a gift for his mother when he was a sixteen-year-old college student. In 1942, Ram's publisher chose to hold the song for release because they were going to release Irving Berlin's \"White Christmas\" first. Not completely satisfied with the song, Ram discussed his concerns with casual acquaintances Kent", + "score": 0.80517578125, + "summary": "\"I'll Be Home For Christmas\" was released in a revised and re-copyrighted version on September 27, 1943.", + "extraction": "1943" + }, + { + "id": "12747824", + "title": "Christmas Memories", + "text": "of fashion designer Donna Karan, who was close friends with Streisand before his death in June 2001. \"Christmas Memories\" was released on October 30, 2001 by Columbia. To promote the album, Columbia Records issued advertisements in several American magazines, including in \"InStyle\", \"People\", \"Talk\", and \"Vanity Fair\". An sampler album/extended play featuring five tracks from \"Christmas Memories\" was also released in 2001 and includes \"Grown-Up Christmas List\", \"It Must Have Been the Mistletoe\", \"I'll Be Home for Christmas\", \"Closer\", and \"One God\". The album opens with a cover of \"I'll Be Home for Christmas\", a war song written by Kim", + "score": 0.8046875, + "summary": "\"I'll Be Home for Christmas\" was included in the album \"Christmas Memories\" released on October 30, 2001 by Columbia Records.", + "extraction": "\"I'll Be Home for Christmas\" was released as part of the album \"Christmas Memories\" in 2001." + }, + { + "id": "5458005", + "title": "I'll Be Home for Christmas (1998 film)", + "text": "I'll Be Home for Christmas (1998 film) I'll Be Home for Christmas is a 1998 American Christmas family comedy film directed by Arlene Sanford. The plot follows a college student who must make it from his campus in Los Angeles, California to his family's home in Larchmont, New York in time for Christmas dinner in order to win his father's Porsche. It stars Jonathan Taylor Thomas, Jessica Biel, Adam LaVorgna and Gary Cole and was released on November 13, 1998. Jake Wilkinson (Jonathan Taylor Thomas) is an 18-year-old attending the (fictional) Palisades Academy in California. He has not been home", + "score": 0.80224609375, + "summary": "\"I'll Be Home for Christmas\" was released on November 13, 1998.", + "extraction": "November 13, 1998." + }, + { + "id": "5458015", + "title": "I'll Be Home for Christmas (1998 film)", + "text": "ancient jokes, dumb plotting and empty cheerful sanitized gimmicks into our world and time.\" Christopher Null called the film \"surprisingly engaging\" and gave it 3 out of 5 stars. I'll Be Home for Christmas (1998 film) I'll Be Home for Christmas is a 1998 American Christmas family comedy film directed by Arlene Sanford. The plot follows a college student who must make it from his campus in Los Angeles, California to his family's home in Larchmont, New York in time for Christmas dinner in order to win his father's Porsche. It stars Jonathan Taylor Thomas, Jessica Biel, Adam LaVorgna and", + "score": 0.7978515625, + "summary": "I'll Be Home for Christmas, the 1998 American Christmas family comedy film directed by Arlene Sanford, was released in that year.", + "extraction": "1998" + }, + { + "id": "16124429", + "title": "I'll Be Home for Christmas", + "text": "composer Walter Kent. Songwriter and later producer and manager for The Platters, Buck Ram, who said he previously wrote a poem and song with the same title, was credited as a co-writer of the song following a lawsuit brought by Ram's publisher, Mills Music. Bing Crosby's original 1943 release of the song on Decca Records listed only Walter Kent and Kim Gannon as the songwriters on the record label. Later pressings added the name of Buck Ram to the songwriting credit. On October 1, 1943, Crosby recorded the song under the title \"I'll Be Home for Christmas (If Only in", + "score": 0.796875, + "summary": "\"I'll Be Home for Christmas\" was originally released by Bing Crosby in 1943, with Walter Kent and Kim Gannon listed as songwriters. Buck Ram was later credited as a co-writer following a lawsuit by his publisher.", + "extraction": "Bing Crosby's original 1943 release of the song \"I'll Be Home for Christmas\" on Decca Records." + }, + { + "id": "8865198", + "title": "I Won't Be Home for Christmas", + "text": "weeks. I Won't Be Home for Christmas \"I Won't Be Home for Christmas\" is a song by American rock band Blink-182. The song was originally recorded and released as a radio promo in 1997. MCA Records reissued it internationally as a single on October 16, 2001. The song was recorded with original drummer Scott Raynor and produced by Mark Trombino, who produced the trio's second studio album, \"Dude Ranch\" (1997). The song's title is a parody of the Christmas song \"I'll Be Home for Christmas\". The single topped the charts in Canada, but it did not chart anywhere else, becoming", + "score": 0.79541015625, + "summary": "\"I Won't Be Home for Christmas\" was released as a radio promo in 1997 and reissued internationally as a single on October 16, 2001. \"I'll Be Home for Christmas\" was not mentioned in relation to its release.", + "extraction": "\"I'll Be Home for Christmas\" is mentioned in the passage, but it is not the song being referred to. Therefore, the passage is irrelevant for answering the question." + }, + { + "id": "8865196", + "title": "I Won't Be Home for Christmas", + "text": "I Won't Be Home for Christmas \"I Won't Be Home for Christmas\" is a song by American rock band Blink-182. The song was originally recorded and released as a radio promo in 1997. MCA Records reissued it internationally as a single on October 16, 2001. The song was recorded with original drummer Scott Raynor and produced by Mark Trombino, who produced the trio's second studio album, \"Dude Ranch\" (1997). The song's title is a parody of the Christmas song \"I'll Be Home for Christmas\". The single topped the charts in Canada, but it did not chart anywhere else, becoming the", + "score": 0.79443359375, + "summary": "\"I'll Be Home for Christmas\" was not released in this document.", + "extraction": "\"I'll Be Home for Christmas\" is not mentioned in the passage, so the answer to the question \"When was I'll Be Home for Christmas released?\" is irrelevant." + }, + { + "id": "4783302", + "title": "Buck Ram", + "text": "Telephone Ring,\" among others. Controversy has surrounded \"I'll Be Home for Christmas,\" since it was first published. The label on Bing Crosby's recording of \"I'll Be Home for Christmas\" credits it to Kent, Gannon, and Ram. Later recordings usually credit only Kent and Gannon. The discrepancy arose from the fact that on December 21, 1942 Buck Ram copyrighted a song titled \"I'll Be Home for Christmas (Tho' Just in Memory)\" although that version bore little or no resemblance, other than its title, to the Crosby recording. A song titled \"I'll Be Home for Christmas\" was also copyrighted on August 24,", + "score": 0.79345703125, + "summary": "\"I'll Be Home for Christmas\" was first published with controversy surrounding its credits. Buck Ram copyrighted a different version on December 21, 1942, while the Crosby recording was credited to Kent, Gannon, and Ram. However, later recordings only credited Kent and Gannon. The document does not provide a clear answer as to when the song was released.", + "extraction": "December 21, 1942" + }, + { + "id": "4261829", + "title": "Home for Christmas (NSYNC album)", + "text": "Home for Christmas (NSYNC album) Home for Christmas is the first compilation album by American boy band NSYNC. The album was released on November 10, 1998, following the success of their debut album. On October 27, 1999, \"Home for Christmas\" was certified Double Platinum by the RIAA for shipment of two million copies in the United States. \"Home for Christmas\" was released on September 30, 2002 in the United Kingdom as \"The Meaning of Christmas\" on Ariola Express with an altered track listing. \"Merry Christmas, Happy Holidays\" was released as a single in the United States, and in Germany as", + "score": 0.79150390625, + "summary": "The album \"Home for Christmas\" by NSYNC was released on November 10, 1998.", + "extraction": "\"I'll be home for christmas\" is not mentioned in the given passage, so the answer is \"irrelevant\"." + }, + { + "id": "10522071", + "title": "Christmas Album (Boney M. album)", + "text": "UK it was the B-side of \"Boonoonoonoos\" 12\" single \"We Kill the World (Don't Kill the World)\", in Germany the edited 7\" version was the B-side of \"Christmas Album\" single \"Little Drummer Boy\", and in January 1982 it was repackaged and released as the A-side. Later in the 1980s, the tracks of \"Christmas Album\", with the notable exception of the instrumental \"Winter Fairy-Tale\" and the closing song \"I'll Be Home for Christmas\", were to be remixed and re-issued as \"Die 20 sch\u00f6nsten Weihnachtslieder der Welt\", \"The 20 Greatest Christmas Songs\", \"The Most Beautiful Christmas Songs of the World\", \"Happy Christmas\",", + "score": 0.78369140625, + "summary": "The Christmas song \"I'll Be Home for Christmas\" was released as the closing song of the \"Christmas Album\" in the 1980s, but no specific release date is mentioned.", + "extraction": "\"I'll Be Home for Christmas\" was released in the Christmas Album in January 1982, as the A-side." + }, + { + "id": "15725831", + "title": "I'll Be Home for Christmas (1988 film)", + "text": "Cox's \"overdone emoting\", which is \"contrasted by Holbrook and Saint's lackluster performances here. Both usually give credibility and strength to movies with such weak scripts. In this case they barely manage to muster enough energy to appear interested in their roles.\" I'll Be Home for Christmas (1988 film) I'll Be Home for Christmas is a 1988 American made-for-television Christmas drama film directed and produced by Marvin J. Chomsky. The film, which stars Hal Holbrook and Eva Marie Saint, deals with the lives and relationships of a Massachusetts family during the final Christmas of World War II. Set in 1944 Rockport,", + "score": 0.78076171875, + "summary": "I'll Be Home for Christmas (1988 film) was released in 1988.", + "extraction": "irrelevant. The passage does not provide any information about the release date of the song \"I'll Be Home for Christmas\". Instead, it talks about a 1988 American made-for-television Christmas drama film." + }, + { + "id": "15725825", + "title": "I'll Be Home for Christmas (1988 film)", + "text": "I'll Be Home for Christmas (1988 film) I'll Be Home for Christmas is a 1988 American made-for-television Christmas drama film directed and produced by Marvin J. Chomsky. The film, which stars Hal Holbrook and Eva Marie Saint, deals with the lives and relationships of a Massachusetts family during the final Christmas of World War II. Set in 1944 Rockport, Massachusetts during the final moments of World War II, \"I'll Be Home for Christmas\" focuses on the Bundy family. Head of the family Joseph (Hal Holbrook) and his wife Martha (Eva Marie Saint) await the return of their grown children, who", + "score": 0.77978515625, + "summary": "\"I'll Be Home for Christmas\" (1988 film) was released in 1988.", + "extraction": "Irrelevant. The passage is about a film from 1988 and does not contain any information about the release date of the song \"I'll Be Home for Christmas\"." + }, + { + "id": "12747829", + "title": "Christmas Memories", + "text": "the quality of this project far above the usual Christmas fare\". Tom Santopietro, author of \"The Importance of Being Barbra\", considered it to be Streisand's \"most consistently successful CD\" since \"The Broadway Album\" (1985). He called her \"song choices [...] uniformly excellent\" and stated that \"I'll Be Home for Christmas\", \"What Are You Doing New Year's Eve?\", and \"One God\" were the album's three best tracks. William Ruhlmann, of AllMusic, opined that the album \"may come to seem like a remarkably dour holiday collection\" due to its release taking place after the September 11 attacks, but overall found that its", + "score": 0.77880859375, + "summary": "The document mentions the song \"I'll Be Home for Christmas\" as one of the best tracks on Barbra Streisand's Christmas album, but it does not provide information on when the song was released.", + "extraction": "\"I'll Be Home for Christmas\" was one of the album's three best tracks." + }, + { + "id": "16016337", + "title": "I Still Believe in Santa Claus", + "text": "recording of \"I'll Be Home for Christmas\" spent two weeks at number three upon its first release in 1943. In 1949, recordings of \"Blue Christmas\" by Russ Morgan, Ernest Tubb, and Hugo Winterhalter made the \"Billboard\" charts. That same year marked the first charting of \"What Are You Doing New Year's Eve?\", thanks to The Orioles. 1952 saw the release of \"I Saw Mommy Kissing Santa Claus\", with versions by Molly Bee, Jimmy Boyd, and Spike Jones all making the charts that holiday season. Frank Sinatra's recording of \"The Christmas Waltz\" was released in 1954, and John Lennon and Yoko", + "score": 0.77587890625, + "summary": "\"I'll Be Home for Christmas\" was first released in 1943 and spent two weeks at number three on the charts.", + "extraction": "The recording of \"I'll Be Home for Christmas\" spent two weeks at number three upon its first release in 1943." + }, + { + "id": "14132547", + "title": "Goin' Home for Christmas", + "text": "Goin' Home for Christmas Goin' Home for Christmas is the 36th studio album by American country singer Merle Haggard backed by The Strangers, released in 1982. A Christmas album, it reached Number 41 on the Billboard Country album chart. It was re-issued on Epic in 1984 with a completely different sleeve. Subsequent re-issues have reverted to variations of the original sleeve, but with a bonus track, \"White Christmas\" added. This extra track was recorded in 1986 and released in 1988 on the various artist collection \"Nashville's Greatest Christmas Hits\" (Columbia CK 44412). It was co-produced by Roy Nichols, lead guitarist", + "score": 0.775390625, + "summary": "The document is irrelevant to the question.", + "extraction": "Irrelevant. The passage is about the album \"Goin' Home for Christmas\" by Merle Haggard and does not mention the release date of the song \"I'll Be Home for Christmas\"." + }, + { + "id": "9362488", + "title": "Home for Christmas (Hall & Oates album)", + "text": "Home for Christmas (Hall & Oates album) Home For Christmas is the eighteenth studio album by Hall & Oates, and their first full-length album of Christmas music. It was released in the US on October 3, 2006. A portion of the proceeds of the sale of this album goes to Toys for Tots. It was only available at Trans World Entertainment music stores in 2006, but has since become available at all retail outlets. Previously, the duo released a promotional only single called \"Jingle Bell Rock\" in the early 1980s that had each of them separately singing the lead vocals", + "score": 0.77294921875, + "summary": "\"Irrelevant\"", + "extraction": "\"I'll be home for Christmas\" is not mentioned in the passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "8150681", + "title": "Elvis' Christmas Album", + "text": "Speaker's Corner Records from Germany reissued the album on a high quality heavy vinyl pressing; this reissue also featured a reproduction of the original album cover and RCA Victor label from 1957. In addition, in 2010, a DVD was released in a series from Sony Music called \"The Yule Log DVD\", in which the music from \"Elvis' Christmas Album\" (but without \"I'll Be Home For Christmas\") is featured with three different holiday visuals (one of them the yule log of the series' title). The original LP cover is featured on the DVD menu. Notes Elvis' Christmas Album Elvis' Christmas Album", + "score": 0.7705078125, + "summary": "\"I'll Be Home For Christmas\" is not mentioned in the document. Therefore, it is irrelevant to the question.", + "extraction": "\"I'll Be Home For Christmas\" is not mentioned in the passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "11086723", + "title": "Please Come Home for Christmas", + "text": "release. In 1994 the same recording was released as a charity single in Europe, but this time instead of being credited as a solo recording by Jon Bon Jovi it was released under the band name Bon Jovi. The 1994 single release made the top ten in both the UK and Ireland. Please Come Home for Christmas \"Please Come Home for Christmas\" is a Christmas song, released in 1960, by the American blues singer and pianist Charles Brown. Hitting \"Billboard\"\u2019s Hot 100 chart in December 1961, the tune Brown co-wrote with Gene Redd peaked at position #76. It appeared on", + "score": 0.77001953125, + "summary": "\"Irrelevant\"", + "extraction": "irrelevant. The passage talks about a Christmas song titled \"Please Come Home for Christmas\" by Charles Brown that was released in 1960, but there is no mention of \"I'll be home for Christmas\" or its release date." + }, + { + "id": "1355695", + "title": "Christmas music", + "text": "written by Kelly, tells the story in a letter to his brother from a newly imprisoned man who laments how he will be missing the family Christmas. It received a 'Song of the Year' nomination at the 1998 Australasian Performing Right Association (APRA) Music Awards. Kelly's theme reflects a national experience with Christmas: Other popular Christmas songs often heard around the holidays include: \"I've Got My Love to Keep Me Warm\" (1937), \"I'll Be Home for Christmas\" (1943), \"Merry Christmas Baby\" (1947) \u2014 all recorded by a number of acts. Other song titles that have joined the Christmas music canon", + "score": 0.76806640625 + }, + { + "id": "17659889", + "title": "Home for Christmas (Susan Boyle album)", + "text": "up with Elvis playing in my home. My father was a huge fan. This song is for him and his love of Elvis.\" Unless otherwise indicated, information is also taken from Allmusic Home for Christmas (Susan Boyle album) Home for Christmas is the fifth studio album and second Christmas album by Scottish singer Susan Boyle. It was released on 25 October 2013 in Australia, on 29 October in the United States, and on 25 November 2013 in the United Kingdom. The album is a Christmas holiday album featuring a posthumous duet with Elvis Presley who died in 1977 and two", + "score": 0.76708984375 + }, + { + "id": "9339174", + "title": "Christmas (Baby Please Come Home)", + "text": "one of her signature tunes. Love's later song, \"All Alone on Christmas\", which was used in the 1992 Christmas movie, \"Home Alone 2,\" referenced the song. The song as recorded by Love was released as a single in 1963 (Philles 119) and in 1964 (Philles X-125). But the records did not chart in both years. In December 2010, \"Rolling Stone\" magazine ranked \"Christmas (Baby Please Come Home)\" first on its list of The Greatest Rock and Roll Christmas Songs, noting that \"nobody can match Love's emotion and sheer vocal power.\" As an example of the track's staying power, it reached", + "score": 0.76611328125 + }, + { + "id": "17503094", + "title": "Wrapped in Red", + "text": "2013. In 2014, Clarkson released the title track as the second single and hosted the Christmas benefit concert, Miracle on Broadway, at the Bridgestone Arena from 2014 to 2016. Clarkson had expressed interest in recording a Christmas album for years, having recorded various Christmas songs such as \"Oh Holy Night\" and \"My Grown Up Christmas List\" on the \"American Idol: The Great Holiday Classics\" (2003), \"I'll Be Home for Christmas\" on \"iTunes Session\" (2011), and being featured on Blake Shelton's Christmas album \"Cheers, It's Christmas\" (2012). Weary of constantly being asked for her primary genre, she felt that recording a", + "score": 0.7646484375 + }, + { + "id": "18291483", + "title": "Home for the Holidays (Darius Rucker album)", + "text": "first Christmas album and that it would be released on October 27, 2014. In an interview with \"Rolling Stone\", Rucker expressed his enthusiasm over his first Christmas album: \"I am so excited to finally make a Christmas album. This has been a lifelong dream, and I hope my fans enjoy listening as much as I enjoyed making it.\" \"Home for the Holidays\" was released on October 27, 2014, through Capitol Records Nashville. \"Home for the Holidays\" received mostly positive feedback from music critics. In a three out of five star review, Stephen Thomas Erlewine of AllMusic states the album \"winds", + "score": 0.76416015625 + }, + { + "id": "12795104", + "title": "Home for Christmas (BarlowGirl album)", + "text": "Home for Christmas (BarlowGirl album) Home for Christmas is the fourth studio album and first Christmas album from Christian rock band BarlowGirl. It was released on September 23, 2008 by Fervent Records and was produced by Otto Price and Susan Riley for Twelve-18 Entertainment. \"It's the Most Wonderful Time of the Year\", \"Carol of the Bells / Sing We Now of Christmas\", \"I'll Be Home for Christmas\" and \"Hallelujah (Light Has Come)\" were released as singles. It is BarlowGirl's sole album to deviate from a pop rock sound, as the band opts for a traditional Christmas genre instead. When the", + "score": 0.76416015625 + }, + { + "id": "12795113", + "title": "Home for Christmas (BarlowGirl album)", + "text": "GMA Dove Awards. Home for Christmas (BarlowGirl album) Home for Christmas is the fourth studio album and first Christmas album from Christian rock band BarlowGirl. It was released on September 23, 2008 by Fervent Records and was produced by Otto Price and Susan Riley for Twelve-18 Entertainment. \"It's the Most Wonderful Time of the Year\", \"Carol of the Bells / Sing We Now of Christmas\", \"I'll Be Home for Christmas\" and \"Hallelujah (Light Has Come)\" were released as singles. It is BarlowGirl's sole album to deviate from a pop rock sound, as the band opts for a traditional Christmas genre", + "score": 0.763671875 + }, + { + "id": "4261830", + "title": "Home for Christmas (NSYNC album)", + "text": "well, due to its inclusion on the group's German seasonal album, \"The Winter Album\". As of December 2014, \"Home for Christmas\" has sold 2.8 million copies in the United States, making it the fifteenth best-selling Christmas/holiday album in the U.S. since Nielsen SoundScan started tracking music sales in 1991. The album has sold over 4 million copies worldwide. All lead vocals by Chris Kirkpatrick, JC Chasez, and Justin Timberlake. Home for Christmas (NSYNC album) Home for Christmas is the first compilation album by American boy band NSYNC. The album was released on November 10, 1998, following the success of their", + "score": 0.76318359375 + }, + { + "id": "9362489", + "title": "Home for Christmas (Hall & Oates album)", + "text": "on either side of the 45. The version of \"Jingle Bell Rock\" on this album is different from those two versions. This album features two new songs written by Hall & Oates: \"No Child Should Ever Cry on Christmas\" and \"Home for Christmas\". It includes a version of \"It Came Upon A Midnight Clear\", which became their second number one Adult Contemporary hit. Home for Christmas (Hall & Oates album) Home For Christmas is the eighteenth studio album by Hall & Oates, and their first full-length album of Christmas music. It was released in the US on October 3, 2006.", + "score": 0.76318359375 + }, + { + "id": "16155530", + "title": "I Want to Come Home for Christmas", + "text": "song a few years later after the album's release. Later evaluation of the song by critics labeled it as a \"masterpiece\". Ever since 1990, especially during the Iraq War, Gaye's song has been played on R&B radio stations during the Christmas season. The song was supposed to be part of a Christmas-themed album by Gaye, and was given the Tamla number T-323L and scheduled for release in late 1972. But the album was never released. I Want to Come Home for Christmas \"I Want to Come Home for Christmas\" is a holiday song recorded by Marvin Gaye in 1972. The", + "score": 0.76171875 + }, + { + "id": "5205291", + "title": "Home for Christmas (Amy Grant album)", + "text": "Home for Christmas (Amy Grant album) Home for Christmas is the 13th album by Christian music and pop music singer Amy Grant, released in 1992. It is Grant's second holiday album, the first being 1983's \"A Christmas Album\". Coming off the heels of Grant's massively successful 1991 album \"Heart in Motion\", \"Home for Christmas\" performed even better than \"Heart in Motion\" on the \"Billboard\" charts, reaching No. 2 on the \"Billboard\" 200 and No. 1 on the Christian album chart. It was later reissued in 2003 as 20th Century Masters - The Christmas Collection: The Best of Amy Grant. On", + "score": 0.76171875 + }, + { + "id": "11086720", + "title": "Please Come Home for Christmas", + "text": "Please Come Home for Christmas \"Please Come Home for Christmas\" is a Christmas song, released in 1960, by the American blues singer and pianist Charles Brown. Hitting \"Billboard\"\u2019s Hot 100 chart in December 1961, the tune Brown co-wrote with Gene Redd peaked at position #76. It appeared on the Christmas Singles chart for nine seasons, hitting #1 in 1972. It includes a number of characteristics of Christmas music, such as multiple references in the lyrics to the Christmas season and , and the use of a Church bell type sound, created using tubular bells, at the start of the song.", + "score": 0.76171875 + }, + { + "id": "18420401", + "title": "At Christmas (album)", + "text": "Faithful\" was featured on \"Country Christmas 1999\", \"Go Tell It on the Mountain\" on \"Country Christmas 2001\" and \"I'll Be Home for Christmas\" on \"Hear Something Country: Christmas 2007\". The tracks were first compiled together for a digital EP release in 2009. At Christmas (album) At Christmas is the eighth studio album and first full-length Christmas album by American country music artist Sara Evans. It was released on November 17, 2014 via RCA Nashville. The physical copy of the album was released exclusively through Walmart stores. The album features a selection of well-known classic Christmas songs and one original song,", + "score": 0.76123046875 + }, + { + "id": "1441110", + "title": "Charles Brown (musician)", + "text": "in popularity, he had a small, devoted audience, and his songs were covered by the likes of John Lee Hooker and Lowell Fulson. His \"Please Come Home for Christmas\", a hit for King Records in 1960, remained seasonally popular. \"Please Come Home for Christmas\" had sold over one million copies by 1968 and was awarded a gold disc in that year. In the 1960s Brown recorded two albums for Mainstream Records. In the 1980s Brown made a series of appearances at the New York City nightclub Tramps. As a result of these appearances he signed a recording contract with Blue", + "score": 0.76123046875 + }, + { + "id": "5205292", + "title": "Home for Christmas (Amy Grant album)", + "text": "November 17, 1997, \"Home for Christmas\" was certified Triple Platinum by the Recording Industry Association of America for shipment of three million copies in the United States. As of November 2014, \"Home for Christmas\" is the eighteenth best-selling Christmas/holiday album in the U.S. during the Nielsen SoundScan era of music sales tracking (March 1991 \u2013 present), having sold 2,540,000 copies according to SoundScan. Album - \"Billboard\" (North America) Singles - CCM Magazine/\"Billboard\" (North America) Home for Christmas (Amy Grant album) Home for Christmas is the 13th album by Christian music and pop music singer Amy Grant, released in 1992. It", + "score": 0.75830078125 + }, + { + "id": "7880613", + "title": "Elvis sings The Wonderful World of Christmas", + "text": "the commercial appeal of Elvis\u2019 first Christmas album but over the years, it has become a perennial favorite. It was certified Gold on November 4, 1977, Platinum on December 1, 1977, 2x Platinum on May 20, 1988 and 3x Platinum on July 15, 1999 by the RIAA. Several of the songs on the album were published by Elvis Presley's publishing company, such as \"Holly Leaves and Christmas Trees\", \"I'll Be Home on Christmas Day\", \"If I Get Home on Christmas Day\", and \"On a Snowy Christmas Night\". Presley is accompanied on most of the songs by The Imperials Quartet. On", + "score": 0.75634765625 + }, + { + "id": "7639124", + "title": "Blue Christmas (song)", + "text": "constitute a musical play on words that provides an \"inside joke\" or \"quail egg\" to trained ears. \"Blue Christmas\" was also included on a 1957 45 EP (Extended Play) entitled \"Elvis Sings Christmas Songs\" (EPA-4108), which also included \"Santa Bring My Baby Back (To Me)\" on side one, with \"Santa Claus Is Back in Town\" and \"I'll Be Home for Christmas\" on side two. Presley's original 1957 version was released as a commercially available single for the first time in 1964. This single was also a hit in the United Kingdom, reaching No. 11 on the British singles chart during", + "score": 0.75634765625 + }, + { + "id": "12819340", + "title": "Home for Christmas (Sheryl Crow album)", + "text": "minute-long intro of \"It Came Upon the Midnight Clear\". Home for Christmas (Sheryl Crow album) Home for Christmas is a Christmas album and the seventh studio album by American singer Sheryl Crow, first released in 2008 exclusively at Hallmark stores. The album was re-released in 2010 exclusively at Target stores with new artwork. In 2011, it finally received a major release worldwide, on CD and as a digital download. As of December 2011, it has sold 40,000 copies in the US. Crow previously recorded \"Blue Christmas\" in 1997 as part of the \"A Very Special Christmas 3\" collection, in a", + "score": 0.755859375 + }, + { + "id": "12747823", + "title": "Christmas Memories", + "text": "chart in the United States, peaking at number 28. \"Christmas Memories\" is Barbra Streisand's second Christmas album, following 1967's \"A Christmas Album\". Streisand began taking part in recording sessions for the album on July 19, 2001; on this day, she recorded both \"I'll Be Home for Christmas\" and \"I Remember\". Sessions took place throughout California and in North Vancouver. Streisand and Jay Landers are credited as the executive producers of \"Christmas Memories\", with musicians David Foster and William Ross also receiving additional production credits. According to the liner notes, Streisand dedicated the album to the late artist Stephan Weiss, husband", + "score": 0.755859375 + }, + { + "id": "10894048", + "title": "Merry Christmas (Bing Crosby album)", + "text": "million copies and is the second best-selling Christmas album of all-time behind \"Elvis' Christmas Album\", which has sold more than 19 million copies worldwide. The original 1945 release and subsequent re-releases and re-packages spent a total of 36 weeks at no. 1 on the \"Billboard\" pop albums chart. The original album consisted of ten songs on five 78 records, all of which had been previously released. Each one had a holiday theme with the exception of \"Danny Boy\", paired with \"I'll Be Home for Christmas\" on its original record. Prior to the long-playing album era, such assemblies were not uncommon", + "score": 0.75439453125 + }, + { + "id": "9285915", + "title": "Walter Kent", + "text": "for the next three decades. Kent received Oscar nominations for his film compositions entitled \u201cToo Much In Love\u201d (1944) and \u201cEndlessly\u201d (1945). He worked alongside Kim Gannon, composing songs for the big screen, for much of his Hollywood career. In 1950, Kent worked with Gannon once again to create the musical stage score for \"Seventeen\", a Broadway musical based upon a novel of the same name. Kent\u2019s song \u201cI\u2019ll Be Home For Christmas\u201d has passed the test of time and remains to be a holiday classic, often used in holiday based cinema. Below is a list of Kent\u2019s contributive film/theatrical", + "score": 0.75390625 + }, + { + "id": "12795109", + "title": "Home for Christmas (BarlowGirl album)", + "text": "vocals in Latin, while her sisters and the Shell sisters add English background vocals based on \"O Lord Most Holy\", the English adaptation. Both songs were released as free downloads. \"Home for Christmas\" was released worldwide on September 28, 2008 by Fervent Records. It was made available for digital download by the iTunes Store and Amazon Music. Warner Music Group designed a promotional site, \"Christmas for the Whole Family\", to promote Christmas music in its roster such as BarlowGirl. Two free downloads were made available for this album: \"What Child Is This?\" was free on Amazon Music (then known as", + "score": 0.75390625 + }, + { + "id": "10894054", + "title": "Merry Christmas (Bing Crosby album)", + "text": "a 12-inch LP version of \"Merry Christmas\", catalogue Decca DL-8128, with four additional songs and the now familiar cover with Crosby in his Santa Claus stocking cap as pictured above. The new songs were \"Silver Bells\" and \"Mele Kalikimaka\", both recorded in September 1950, and \"It's Beginning to Look a Lot Like Christmas\" and \"Christmas in Killarney\", both recorded on October 1, 1951. The album's track listing was also adjusted slightly, with \"Faith of Our Fathers\" now preceding \"I'll Be Home for Christmas.\" This issue has remained unchanged to present; first pressings of the album were released on Decca's all-black", + "score": 0.75341796875 + }, + { + "id": "16831875", + "title": "Home for Christmas (Celtic Woman album)", + "text": "at the time on maternity leave. The DVD was released on 29 October 2013 with Susan McFadden, Lisa Lambe, M\u00e9av N\u00ed Mhaolchatha, and fiddler M\u00e1ir\u00e9ad Nesbitt. It was released at the same date a special package (CD & DVD) Home for Christmas was officially Vertified Platinum around 7 March 2013. Home for Christmas (Celtic Woman album) Celtic Woman: Home for Christmas is the eight album released by the group Celtic Woman, released on 9 October 2012. It is the third Christmas album released by the group, but only the second available for international purchase. \"Home for Christmas\" features vocalists Chlo\u00eb", + "score": 0.75341796875 + }, + { + "id": "14179186", + "title": "Christmas at Our House", + "text": "described as \"down home\". It also includes cover versions of Christmas standards such as \"I'll Be Home for Christmas\" and \"Winter Wonderland\"; it also introduced what would become a holiday standard, \"It Must Have Been the Mistletoe (Our First Christmas)\". Torreano gave the album three out of five stars staying, \"Her brand of country-pop may not appeal to all fans of the genre, but many country listeners will probably find this a nice Christmas album to play for the holidays.\" \"Christmas at Our House\" was Mandrell's third album released in 1984, officially issued in October. The album peaked at #31", + "score": 0.75244140625 + }, + { + "id": "12819339", + "title": "Home for Christmas (Sheryl Crow album)", + "text": "Home for Christmas (Sheryl Crow album) Home for Christmas is a Christmas album and the seventh studio album by American singer Sheryl Crow, first released in 2008 exclusively at Hallmark stores. The album was re-released in 2010 exclusively at Target stores with new artwork. In 2011, it finally received a major release worldwide, on CD and as a digital download. As of December 2011, it has sold 40,000 copies in the US. Crow previously recorded \"Blue Christmas\" in 1997 as part of the \"A Very Special Christmas 3\" collection, in a completely different arrangement. Note: \"O Holy Night\" features a", + "score": 0.75244140625 + }, + { + "id": "10915362", + "title": "Merry Christmas, Happy Holidays", + "text": "Merry Christmas, Happy Holidays \"Merry Christmas, Happy Holidays\" is a song by American boy band NSYNC. It was released on November 29, 1998 as the first and only single from their second studio album, \"Home for Christmas\". The song charted at #37 on the Top 40 Mainstream chart. The single was also the second from NSYNC's European seasonal album, \"The Winter Album\". A cappella group Pentatonix covered the song in their 2016 Christmas album, \"A Pentatonix Christmas\". Stephen Thomas Erlewine reviewed the song in the context of \"Home for Christmas\", and gave the following review: The video for the track", + "score": 0.75244140625 + }, + { + "id": "3617880", + "title": "Sara Evans", + "text": "performers made appearances at her shows. Evans participated in performances on the networks, as well as on-air interstitial campaigns and online promotions. In late 2009, Evans released a four-song Christmas EP, \"I'll Be Home for Christmas\", to coincide with her 2009 Christmas tour. The EP includes the title track as well as \"O Come All Ye Faithful\", \"Go Tell It on the Mountain\", and \"New Again\" (a duet with Brad Paisley). It was released on November 3, 2009 to digital retailers. During Evans' 2010 fanclub party on June 10, 2010, she debuted the first single from her sixth studio album,", + "score": 0.75146484375 + }, + { + "id": "13511355", + "title": "You Know I Can't Hear You When the Water's Running", + "text": "shopper who shares his view. In \"I'll Be Home for Christmas\", Chuck and Edith realize how empty their marriage has become as they await the arrival of their adult children. \"I'm Herbert\" is a scattered conversation between Herbert and Muriel, an elderly couple with memory problems who try in vain to recall their earlier relationships. After 15 previews, the original Broadway production opened on March 13, 1967 at the Ambassador Theatre. It transferred twice, to the Broadhurst Theatre and then the Lunt-Fontanne Theatre, before it completed its run of 756 performances on January 4, 1969. Directed by Alan Schneider, the", + "score": 0.7509765625 + }, + { + "id": "18194216", + "title": "I Won't Be Home for Christmas (The Simpsons)", + "text": "some heart and laughs from a quarter-century of well-trod territory. The pleasures aren\u2019t inconsiderable, but they\u2019re effortful.\" I Won't Be Home for Christmas (The Simpsons) \"I Won't Be Home for Christmas\" is the ninth episode of the 26th season of the American animated sitcom \"The Simpsons\", and the 561st episode of the series. It originally aired on the Fox network in the United States on December 7, 2014. It is the thirteenth Christmas episode of the show. The episode begins with Comic Book Guy and Kumiko Albertson watching the \"Cosmic Wars Special\", with CBG expressing shock and outrage that the", + "score": 0.7490234375 + }, + { + "id": "11086722", + "title": "Please Come Home for Christmas", + "text": "backing vocals), Schmit (bass/backing vocals), and Don Felder (lead guitar). Originally released as a vinyl 7\" single, it was re-released as a CD single in 1995, reaching #15 on the \"Billboard\" Adult Contemporary chart. This version includes the lyrics \"bells will be ringing the sad, sad news\" (that is, a Christmas alone) as opposed to Brown's original version which references the \"glad, glad news\" (that is, Christmas in general). Jon Bon Jovi also covered the song on the 1992 holiday album, \"A Very Special Christmas 2\". A promo music video that featured supermodel Cindy Crawford was made to accompany that", + "score": 0.7490234375 + }, + { + "id": "8865197", + "title": "I Won't Be Home for Christmas", + "text": "longest-running number one single in Canada for 2001. It remained at that position for five weeks in 2001 and for one week in 2002. It is the band's sole Canadian number one. The song was originally recorded in 1997. The song was later included on \"\" (2003), a Christmas-themed compilation by Immortal Records. The song\u2019s narrative follows a man \"snapping\" on Christmas Eve and attacking a group of carolers. MSN Canada called the song \"a high-energy punk war on Christmas\". The song peaked at number one in Canada. The song remained at the top of the charts for six non-consecutive", + "score": 0.7490234375 + }, + { + "id": "14282212", + "title": "Driving Home for Christmas", + "text": "Driving Home for Christmas \"Driving Home for Christmas\" is a popular Christmas single written and composed by Chris Rea and released in 1988. It was originally released as one of two new songs on Rea's first compilation album \"New Light Through Old Windows\" in October 1988, and issued as the fourth single from the album in December 1988. The song peaked at #53 in the UK Single Chart in 1988, and re-entered the chart in 2007, peaking at #33. It reached a new peak of #14 in 2017. Although it had modest charting, the single has a brief chart appearance", + "score": 0.7490234375 + }, + { + "id": "16057199", + "title": "We Need a Little Christmas (album)", + "text": "\"I Heard the Bells on Christmas Day\", \"What Child Is This\"), and 1990's \"I Still Believe in Santa Claus\" (\"I'll Be Home for Christmas\") and includes three songs that Williams had not recorded before. In a brief note on the back of the jewel case Williams writes, \"These all-new recordings feature fresh, innovative arrangements of some of my favorite carols. I felt like I was singing them for the very first time.\" The Recording Industry Association of America awarded the album Gold certification for sales of 500,000 units on February 2, 1998. Of the three songs on the album that", + "score": 0.74853515625 + }, + { + "id": "14132548", + "title": "Goin' Home for Christmas", + "text": "of The Strangers. The AllMusic review states: \"Merle Haggard's contribution to the holiday season is a generally festive affair... Mostly though, Haggard is an unexpectedly sensitive interpreter of these seasonal favorites.\" All songs by Merle Haggard unless otherwise noted: Goin' Home for Christmas Goin' Home for Christmas is the 36th studio album by American country singer Merle Haggard backed by The Strangers, released in 1982. A Christmas album, it reached Number 41 on the Billboard Country album chart. It was re-issued on Epic in 1984 with a completely different sleeve. Subsequent re-issues have reverted to variations of the original sleeve,", + "score": 0.7470703125 + }, + { + "id": "1916876", + "title": "Gareth Gates", + "text": "for only one week. Gates' third album, \"Pictures of the Other Side\", was released on 25 June 2007. It proved to be Gates' lowest selling album to date and spent only two weeks on the UK album chart, entering at Number 23 before falling to Number 66 the following week, then dropping out of the chart altogether. During his time working with Judie Tzuke, Gates also co-wrote the song \"Christmas and I'm Home\" with her. It was first premiered live by Gates in 2004 in Bradford, and Tzuke recorded the song with pianist Haim Cotton. Tzuke's version was released commercially", + "score": 0.74658203125 + }, + { + "id": "19170401", + "title": "Christmas Greetings (album)", + "text": "with a holiday theme \u2013 \"Jingle Bells\", \"Santa Claus Is Comin' to Town\", and \"I'll Be Home for Christmas\". All of these songs were huge hits and the issue of a 78rpm set called \"Merry Christmas\" in 1945 firmly cemented Bing\u2019s association with the Christmas season forever. The \"Merry Christmas\" album has been available in one form or another ever since 1945 and in 1949 Decca decided to issue the \"Christmas Greetings\" album to complement this. \"Billboard\" reviewed the album saying: \"Crosby single-handed has something of a corner on the Christmas market with his 'Merry Christmas' album and 'White Christmas'.", + "score": 0.74609375 + }, + { + "id": "17659887", + "title": "Home for Christmas (Susan Boyle album)", + "text": "Home for Christmas (Susan Boyle album) Home for Christmas is the fifth studio album and second Christmas album by Scottish singer Susan Boyle. It was released on 25 October 2013 in Australia, on 29 October in the United States, and on 25 November 2013 in the United Kingdom. The album is a Christmas holiday album featuring a posthumous duet with Elvis Presley who died in 1977 and two duets with Johnny Mathis and The Overtones. The album also features an original song, \"Miracle Hymn\", written for Boyle's debut acting role in the film \"The Christmas Candle\". Boyle was granted permission", + "score": 0.74560546875 + }, + { + "id": "11763425", + "title": "Reckless (1995 film)", + "text": "and Rachel encounters a number of odd characters, including a less-than-helpful therapist and Tim Timko, the host of a television game show. Finally, having lost the power of speech, she finds herself in a homeless shelter run by Sister Margaret, who has her own share of dark secrets. The soundtrack includes \"I'll Be Home for Christmas\" by Bing Crosby, \"Silent Night\" by Jack Jones, \"O Little Town of Bethlehem\" by Roger Williams, and \"Joy to the World\" and \"Jingle Bells\" by Pat Boone. The film premiered at the Toronto International Film Festival in September 1995. It grossed only $103,351 in", + "score": 0.74365234375 + }, + { + "id": "18194211", + "title": "I Won't Be Home for Christmas (The Simpsons)", + "text": "I Won't Be Home for Christmas (The Simpsons) \"I Won't Be Home for Christmas\" is the ninth episode of the 26th season of the American animated sitcom \"The Simpsons\", and the 561st episode of the series. It originally aired on the Fox network in the United States on December 7, 2014. It is the thirteenth Christmas episode of the show. The episode begins with Comic Book Guy and Kumiko Albertson watching the \"Cosmic Wars Special\", with CBG expressing shock and outrage that the special actually gets worse the more he watches it, and Kumiko stating he has every right to", + "score": 0.74365234375 + }, + { + "id": "17694734", + "title": "Punk Goes Christmas", + "text": "\"Home Alone\" Theme originally composed by John Williams. The song was released on November 24, 2015. The rest of the songs were released on November 27, 2015 each with an accompanied lyric video. \"Punk Goes Christmas\" also included a sampler CD containing 8 previous released songs by bands from the Fearless Record label. Charts Release history Punk Goes Christmas Punk Goes Christmas is the fourteenth compilation album of the Punk Goes... series. It was released on 5 November 2013, through Fearless Records. This album, compared to the other albums in the Punk Goes... series received little press. The album was", + "score": 0.74365234375 + }, + { + "id": "8010693", + "title": "Bring Back...", + "text": "Hill\" finally came to an end after 30 years. Transmitted: 10 December 2005 Collins attempts to make a Christmas-themed song to the Christmas number one single slot - a feat not accomplished since Cliff Richard's \"Saviour's Day\" in 1990, excluding the re-recorded version of the 1984 song \"Do They Know It's Christmas?\" by Band Aid 20 in 2004. In the end, they produced the song \"I'm Goin' Home\", featuring the following musicians: Liz Mitchell of Boney M and Aled Jones expressed interest in the project, but were ultimately unable to attend. The song was to be released so it could", + "score": 0.74267578125 + }, + { + "id": "7163992", + "title": "Katharine McPhee", + "text": "actresses Alyson Hannigan, Jaime King, Minka Kelly, and Emily Deschanel in a video slumber party made available in October 2009 and featured on FunnyorDie.com and other Internet platforms in a comedic take to promote regular breast-cancer screenings for the organization Stand Up To Cancer. A Christmas single \"I'll Be Home for Christmas\" was released November 17, 2009. McPhee's second album \"Unbroken\" was released January 5, 2010 and debuted at number 27 on the \"Billboard\" 200 chart, selling 15,000 copies its first week. For her second effort, McPhee worked with producer John Alagia. The first single from the album, \"Had It", + "score": 0.74169921875 + }, + { + "id": "20454146", + "title": "Coming Home for Christmas (2017 film)", + "text": "Jenny Hale. Hale was approached by a screenwriter who wished to adapt the novel after reading the book. Filming took place in British Columbia, in the Abbotsford, Vancouver and Langley areas in August 2017, with a mansion in the Aldergrove area of Langely serving as the property at the centre of the story. The film premiered on the Hallmark Channel on November 18, 2017, as part of the channel's 'Countdown to Christmas' season of programming. Coming Home for Christmas (2017 film) Coming Home for Christmas is a 2017 American-Canadian made-for-television romantic comedy film based on the novel of the same", + "score": 0.73974609375 + }, + { + "id": "15392399", + "title": "Tim Halperin", + "text": "album, \u201cThe Last Song,\u201d as of September 26, 2011 was in the top ten on the Singer/Songwriters Songs chart on iTunes. For the music video of \"The Last Song\" fans donated a budget of $8,000. In November 2012 he released the EP \"Under that Christmas Spell\", which includes five arrangements of classic songs and the eponymous single written by Halperin. The album\u2019s final cover, \u201cI'll Be Home for Christmas,\u201d features Hayley Orrantia on vocals. According to Halperin, \u201cGrowing up, I worked on a Christmas tree farm for four years. Around Christmas, people in general are more happy and forgiving.\u201d According", + "score": 0.73828125 + }, + { + "id": "13541892", + "title": "Coming Home for Christmas", + "text": "Coming Home for Christmas \"Coming Home for Christmas\" is a song by the German band Banaroo, from their second studio album, \"Christmas World\". The song is written and produced by Carsten Wegener and Timo Hohnholz. In 2009 Vicky Chassioti as Vicky Chase covered the song and released it as her debut single on November 20, 2009 through Na klar! Records. In Germany, \"Coming Home for Christmas\" debuted at number twelve on the German Singles Chart after the single release, making it Banaroo's third single to chart on the German Singles Chart. After four weeks the song moved from number twelve", + "score": 0.73828125 + }, + { + "id": "4744609", + "title": "Doctor Jones", + "text": "first release being in October 1997. Most of the releases would be in November 1997, with it hitting the charts in Japan, Scandinavia and mainland Europe in that month. December 1997 saw the Australian release achieve a successful chart placing at No. 1 for seven consecutive weeks, before the song made its impact in the UK in February of the following year. There, it became the group's second number one single, topping the chart for three weeks. The song can also be heard in the 1998 Disney film \"I'll Be Home for Christmas\". Allie Henderson (Jessica Biel) sings along with", + "score": 0.73779296875 + }, + { + "id": "16155527", + "title": "I Want to Come Home for Christmas", + "text": "I Want to Come Home for Christmas \"I Want to Come Home for Christmas\" is a holiday song recorded by Marvin Gaye in 1972. The song was co-written by Gaye and Forest Hairston and was released on a posthumous Marvin compilation titled, \"The Marvin Gaye Collection\" 18 years later. The idea of the song came to Forest Hairston after seeing pictures of people tying yellow ribbons around trees for Vietnam War troops who were forced to be prisoners of war or P.O.W. Hairston hadn't finished writing the song when Marvin Gaye, who he had become friends with, happened to stop", + "score": 0.7373046875 + }, + { + "id": "12510662", + "title": "She Came Home for Christmas", + "text": "She Came Home for Christmas She Came Home for Christmas is the second single by Danish alternative rock band Mew. The song was released after \"I Should Have Been a Tsin-Tsi (For You)\". The song originally appeared on the band's debut album \"A Triumph for Man\" in 1997, and was later included on Frengers, a compilation album of sorts, in 2003. The song was released as a single in both Denmark and the United Kingdom multiple times between 1997 and 2003. The video was filmed in 2002. In the beginning we see the scene, and \"good\" fairy, which appeared on", + "score": 0.73681640625 + }, + { + "id": "2064225", + "title": "Judie Tzuke", + "text": "was an official USA release (via CD Baby only) and international download release of the single \"Christmas And I'm Home\", which Tzuke had written with Gareth Gates in 2004 (Gates had already released his own version of the song). Tzuke recorded versions of the song with Haim Cotton, the pianist with Project Grand Slam. Proceeds from sales went to the New York Ronald McDonald's charity. On 18 July 2009 Tzuke took part in a Teenage Cancer benefit concert at Kilworth House, Leicestershire alongside Lucie Silvas. She performed three tracks solo (\"Love Me No More\", \"Stay With Me Till Dawn\" and", + "score": 0.736328125 + }, + { + "id": "12510664", + "title": "She Came Home for Christmas", + "text": "Christmas. She Came Home for Christmas She Came Home for Christmas is the second single by Danish alternative rock band Mew. The song was released after \"I Should Have Been a Tsin-Tsi (For You)\". The song originally appeared on the band's debut album \"A Triumph for Man\" in 1997, and was later included on Frengers, a compilation album of sorts, in 2003. The song was released as a single in both Denmark and the United Kingdom multiple times between 1997 and 2003. The video was filmed in 2002. In the beginning we see the scene, and \"good\" fairy, which appeared", + "score": 0.73486328125 + }, + { + "id": "11299150", + "title": "Four Christmases", + "text": "other promotional images of the film. It was released on November 25, 2008, by New Line Records. The compact disc format was released on October 6, 2009, by Watertower Music. Four Christmases Four Christmases (known as Four Holidays or Anywhere But Home in some territories) is a 2008 Christmas romantic comedy film about a couple visiting all four of their divorced parents' homes on Christmas Day. It stars Vince Vaughn and Reese Witherspoon, with Sissy Spacek, Mary Steenburgen, Robert Duvall, Jon Voight, Jon Favreau, Tim McGraw, Dwight Yoakam, and Kristin Chenoweth as supporting cast. The film is director Seth Gordon's", + "score": 0.73388671875 + }, + { + "id": "12795112", + "title": "Home for Christmas (BarlowGirl album)", + "text": "called the album \"one of the year's most pleasant surprises.\" Summerford called \"Home for Christmas\" \"a whirlwind adventure with all the bells and whistles any seasonal project should have.\" On December 17, 2011, BarlowGirl returned to its hometown of Elgin, Illinois to perform a \"Home for Christmas\" concert. Credits for \"Home for Christmas\" adapted from liner notes. Musicians Musicians (New Song Ensemble) Production \"Home for Christmas\" charted at No. 180 on the \"Billboard\" 200 at No. 2 on Billboard Holiday Albums. In 2009, the album was nominated for a Dove Award for Christmas Album of the Year at the 40th", + "score": 0.73388671875 + }, + { + "id": "10244571", + "title": "The Bells of St. Mary's (song)", + "text": "refers to the \"red leaves\" of autumn in the chorus). The Drifters recorded the song as the B-side of their 1954 \"White Christmas\" single, and several other artists have included it on Christmas albums; examples include Bob B. Soxx & the Blue Jeans (\"A Christmas Gift for You from Phil Spector\", 1963); Andy Williams (\"Merry Christmas\", 1965); Aaron Neville (\"Aaron Neville's Soulful Christmas\", 1993); and Sheryl Crow (\"Home for Christmas\", 2008). The song appears in an episode of \"Monty Python's Flying Circus\". In a skit called \"Musical Mice\", Ken Ewing (Terry Jones) claims to have trained mice to squeal at", + "score": 0.73291015625 + }, + { + "id": "17117269", + "title": "Christmas Favorites (Sara Niemietz EP)", + "text": "Christmas Favorites (Sara Niemietz EP) Christmas Favorites (2012) is an EP album introduced for digital distribution by Sara Niemietz. 2012 was Sara Niemietz' third year for publishing traditional Christmas song covers, teaming with Randy Kerber on \"All I Want for Christmas Is You\" (Vince Vance & The Valiants) in 2010. In 2011, a various-artists, compilation album was released on YouTube and iTunes (\"A YouTube Christmas\") with Niemietz and Kerber performing Bing Crosby's, 1943 top ten hit, \"I'll Be Home for Christmas\". \"Christmas Favorites\" was recorded at Taylor Made Studios and co-produced by Emmy Award winner W. G. Snuffy Walden. Walden", + "score": 0.732421875 + }, + { + "id": "16831874", + "title": "Home for Christmas (Celtic Woman album)", + "text": "Home for Christmas (Celtic Woman album) Celtic Woman: Home for Christmas is the eight album released by the group Celtic Woman, released on 9 October 2012. It is the third Christmas album released by the group, but only the second available for international purchase. \"Home for Christmas\" features vocalists Chlo\u00eb Agnew, Lisa Lambe, M\u00e9av N\u00ed Mhaolchatha, and fiddler M\u00e1ir\u00e9ad Nesbitt. This is the first album to feature N\u00ed Mhaolchatha since her departure from the group in 2007 following the release of the DVD/PBS special \"\". It is also the first album not to feature founding member Lisa Kelly, who was", + "score": 0.7314453125 + }, + { + "id": "14282213", + "title": "Driving Home for Christmas", + "text": "every year in the Top 40, and is featured among the Top 10 Christmas singles. In interview for the BBC Radio 4 programme \"Today\" in 2009, and \"The Guardian\" in 2016, Rea said he wrote \"Driving Home for Christmas\" many years before its first recording; this was in 1978, and Rea needed to get home to Middlesbrough from Abbey Road Studios in London. His wife had come down to drive him home in her Austin Mini to save money because it was cheaper to drive than travel by train, as Rea was just out of record contract and the record", + "score": 0.72998046875 + }, + { + "id": "7446674", + "title": "Back to Mono (1958\u20131969)", + "text": "in 1962 owing to its controversial subject matter, has also been included. Both \"Walking in the Rain\" by The Ronettes and \"Stumble and Fall\" by Darlene Love are listed in most discographies, including the box booklet, as Philles 123. The single \"Christmas (Baby Please Come Home),\" initially released in 1963 as Philles 119, was re-released the following year as Philles 125 with a different B-side, and did not chart either year. Philles 134 through 136 were not released in the United States; however, there are DJ promo pressings of 136. In addition to the Philles singles catalogue, the first three", + "score": 0.72998046875 + }, + { + "id": "5309557", + "title": "Home for the Holidays (song)", + "text": "on the \"Billboard\" magazine chart in the United States. The next Christmas it was released again, with \"God Rest Ye Merry, Gentlemen\" as the flip side. The same recorded version was released in the United Kingdom by HMV, with the flip side \"Tina Marie\". This recording has appeared on many compilation albums over the years and remains a Christmas radio regular. Como's second recording of the song, in stereo and with a different musical arrangement, was made on July 15, 1959. It was released as a 33rpm single, with flip side \"Winter Wonderland\" in the U.S., and as a 45rpm", + "score": 0.7294921875 + }, + { + "id": "16124431", + "title": "I'll Be Home for Christmas", + "text": "221B, Matrix #VP1253-D5TC206. The song from the broadcast has appeared in many Bing Crosby compilations. The song touched the hearts of Americans, soldiers and civilians alike, in the midst of World War II, and it earned Crosby his fifth gold record. \"I'll Be Home for Christmas\" became the most requested song at Christmas U.S.O. shows. The GI magazine \"Yank\" said Crosby \"accomplished more for military morale than anyone else of that era\". Despite the song's popularity with Americans at the front and at home, in the UK the BBC banned the song from broadcast, as the Corporation's management felt the", + "score": 0.728515625 + }, + { + "id": "15829019", + "title": "Christmas (Michael Buble\u0301 album)", + "text": "the first holiday album to win the award. The album was re-released on November 26, 2012, containing four additional tracks, including a new recording of \"The Christmas Song\". Bubl\u00e9 also released a reworked version of \"White Christmas\", this time featuring Shania Twain, as a single. This version premiered on Bubl\u00e9's NBC television special, \"Home for the Holidays\", on December 10, 2012. The album is Bubl\u00e9's second Christmas-themed release, after he released a five-track extended play, titled \"Let It Snow\" in 2003. Some of the songs from \"Let It Snow\" have been re-recorded for inclusion on \"Christmas\", making \"Christmas\" his first", + "score": 0.728515625 + }, + { + "id": "2014142", + "title": "Home Alone 2: Lost in New York", + "text": "the following year. The film was reissued again on DVD and Blu-ray in 2013 and 2015. John Williams returned from the first installment to score \"Home Alone 2\". While the film featured the first film's theme song \"Somewhere in My Memory\", it also contained its own theme entitled \"Christmas Star\". Two soundtrack albums of the film were released on November 20, 1992, with one featuring Williams' score and the other featuring contemporary Christmas songs featured in the film. Ten years later, a 2-disc Deluxe Edition of the film score soundtrack was released. Home Alone 2: Lost in New York \u2013", + "score": 0.72802734375 + }, + { + "id": "3475257", + "title": "Last Christmas", + "text": "it's the only one that is not broadcast and remains unpublished except on its own official web page), the song has now entered on 16 different occasions, including every year since 2006. Its highest position after 1984 was number 5 (during the 2007 Christmas season). In the Dutch Mega Top 50 (which was first published in 1993), the song re-appeared in 1997, 2000, 2007, 2008, and 2013. The original 1984 version was never commercially released as a single in the United States and therefore did not enter the main charts. It was released for the first time as a 2-track", + "score": 0.72802734375 + }, + { + "id": "5658838", + "title": "BarlowGirl", + "text": "The band announced that it was back in the studio recording a Christmas album in March and April 2008. \"Home for Christmas\" was released on September 26, 2008. It peaked at No 180 on the \"Billboard\" 200 No. 15 on the Christian Albums chart and No. 2 on the 2008 Holiday Albums chart. The song \"Carol of the Bells/Sing We Now of Christmas\" on the album became one of the top 20 most downloaded Christmas songs on iTunes holiday section at one point in 2008. In April 2008, the band Inhabited mentioned BarlowGirl in an \"uncensored\" remix of its \"Hush\"", + "score": 0.7275390625 + }, + { + "id": "12781334", + "title": "Jeff Dunham's Very Special Christmas Special", + "text": "Jeff Dunham's Very Special Christmas Special Jeff Dunham's Very Special Christmas Special is the third Jeff Dunham special. It was taped at Pabst Theater in Milwaukee, Wisconsin on June 7, 2008 and premiered on Comedy Central on November 16, 2008. It was released on DVD November 18, 2008. Dunham also released his first music album, \"Don't Come Home for Christmas\", on November 4, 2008. It contains original Christmas songs as well as a parody of \"Jingle Bells\" (sung by Achmed the Dead Terrorist) entitled \"Jingle Bombs\". All of the songs (except \"Jingle Bombs\") were written and accompanied by Brian Haner,", + "score": 0.72705078125 + }, + { + "id": "18291482", + "title": "Home for the Holidays (Darius Rucker album)", + "text": "Home for the Holidays (Darius Rucker album) Home for the Holidays is the first Christmas-themed album and fifth studio album from Darius Rucker, released on October 27, 2014, through Capitol Records Nashville. The album, produced by Frank Rogers, is a collection of twelve Christmas songs, including two originals and a collaboration with Sheryl Crow. On September 5, 2014, Sheryl Crow posted a picture of herself with Rucker on her Facebook page and wrote: \"I love Darius Rucker - Merry Christmas Baby! (I sang on his upcoming Christmas record!)\" On September 15, 2014, it was announced that Rucker had completed his", + "score": 0.72705078125 + }, + { + "id": "16744729", + "title": "Cheers, It's Christmas", + "text": "a funk side project founded by Shelton's touring band; Kelly Clarkson; Reba McEntire; and Xenia, who placed fifth on the first season of \"The Voice\", a televised singing competition on which Shelton is a judge. The Hallmark Channel holiday film, \"Time for Me to Come Home for Christmas,\" which premiered on December 15, 2018 starring Josh Henderson and Megan Park, was inspired by the track Shelton wrote with his mother. In its first week of release, the album sold 9,000 copies in the U.S. The album sold a total of 428,000 copies in the US in 2012, and was certified", + "score": 0.7265625 + }, + { + "id": "6601391", + "title": "The Year Without a Santa Claus", + "text": "through their ownership of the post-1974 Rankin/Bass Productions library. The special was first released on VHS by Vestron Video on September 5, 1991 as part of their Christmas Classics Series, which is distributed by Family Home Entertainment. Warner Home Video released the special on VHS on September 2, 1992, and re-released it on VHS on September 28, 1999. The special was then released on DVD on October 31, 2000, and re-released on the Deluxe Edition DVD on October 2, 2007. Warner Home Video released the special on Blu-ray on October 5, 2010, making it the first Rankin/Bass production to be", + "score": 0.7265625 + }, + { + "id": "12254389", + "title": "Christmas Fantasy", + "text": "Christmas Fantasy Christmas Fantasy is the seventh and final studio album by American R&B singer Anita Baker. It is Baker's first (and only) holiday album, and was released on October 4, 2005 by Blue Note Records. The album peaked at number 120 on the Billboard 200, and number 31 on the R&B chart. For the album, Baker performed several classic Christmas songs such as: \"I'll Be Home for Christmas\", \"O Come All Ye Faithful\", \"God Rest Ye Merry Gentlemen\", and \"Christmas Time is Here\" (which received a Grammy nomination). \"Frosty's Rag\" is a re-imagined version of \"Frosty the Snowman\", and", + "score": 0.72607421875 + }, + { + "id": "4598231", + "title": "The Winter Album (NSYNC album)", + "text": "The Winter Album (NSYNC album) The Winter Album is the second and final compilation album by American boy band NSYNC. It was released in Germany on November 16, 1998. Following the release of the group's eponymous debut album, \"*NSYNC\", in Germany in March 1997, NSYNC had mostly focused their attention on the British and American markets, releasing updated versions of the album in both territories in summer 1998, and preparing to release a seasonal album, \"Home for Christmas\", in America for Christmas 1998. No material had been released in Germany since \"Together Again\", which was released on November 3, 1997.", + "score": 0.72607421875 + }, + { + "id": "11087473", + "title": "Home (Michael Buble\u0301 song)", + "text": "the fourth Number One hit of his career, and his first since \"Some Beach\" in December 2004. His version also reached number 41 on the \"Billboard\" Hot 100. Shelton occasionally performed the song with Bubl\u00e9 in concert. In 2012, he e-mailed Bubl\u00e9, asking if he would write new lyrics for a Christmas version of the song and sing duet vocals on it. The re-written version, featuring Bubl\u00e9, appears on Shelton's 2012 album, \"Cheers, It's Christmas\". Home (Michael Bubl\u00e9 song) \"Home\" is a song recorded by Canadian singer Michael Bubl\u00e9, and released on March 28, 2005, as the second single from", + "score": 0.72607421875 + }, + { + "id": "10791202", + "title": "This Christmas (film)", + "text": "a budget of just $13 million. \"This Christmas\" was released on DVD and Blu-ray Disc on November 11, 2008. This Christmas Soundtrack was released by Jive Records on November 20, 2007. This Christmas (film) This Christmas is a 2007 American Christmas romantic musical comedy-drama film produced by Rainforest Films and distributed by Screen Gems. Written, produced and directed by Preston A. Whitmore II, it is a Christmas time story that centers on the Whitfield family, whose eldest has come home for the first time in four years. The film is based on the 1970 Donny Hathaway song of the same", + "score": 0.72509765625 + }, + { + "id": "5309558", + "title": "Home for the Holidays (song)", + "text": "single by HMV in the UK. This 1959 version was also included on the album \"Season's Greetings from Perry Como\" and has appeared on many compilations, as well as being played on some radio stations during the holidays. Perhaps the most iconic version of the song, other than the original Perry Como version, is the Carpenters\u2019 recording on their 1984 LP release, An Old Fashioned Christmas. In January 2000, a Garth Brooks version, from \"Garth Brooks and the Magic of Christmas\", reached No. 63 on \"Billboard\"s Hot Country Singles & Tracks chart. On November 30, 2011, T-Mobile announced a surprise", + "score": 0.72509765625 + }, + { + "id": "20454144", + "title": "Coming Home for Christmas (2017 film)", + "text": "Coming Home for Christmas (2017 film) Coming Home for Christmas is a 2017 American-Canadian made-for-television romantic comedy film based on the novel of the same name by Jenny Hale, starring Danica McKellar and Neal Bledsoe. The film premiered on Hallmark Channel on November 18, 2017 as part of the channel's 'Countdown to Christmas' season. Lizzie Richfield is at a crossroads when she lands a job as house manager for the exclusive Ashford Estate in the Virginia countryside. The estate is being sold; prior to its sale, Lizzie plans one final Christmas Eve gala for the owners: the Marley family, who", + "score": 0.724609375 + }, + { + "id": "18652341", + "title": "Johnny Mathis discography", + "text": "\"Sounds of Christmas\" LP spent two weeks at number two on the Christmas Albums chart upon its 1963 release and re-charted for the next five years, and 1969's \"Give Me Your Love for Christmas\" reached number one there during its first of several annual chart showings before achieving Platinum certification. Other notable holiday projects include \"Home for Christmas\", a 1990 home video special that went platinum, and \"Sending You a Little Christmas\", a 2013 release that earned him a Grammy nomination in the category of Best Traditional Pop Vocal Album. Mathis also recorded 43 songs that reached \"Billboard\" magazine's Hot", + "score": 0.72412109375 + }, + { + "id": "12845274", + "title": "Christmas Away from Home", + "text": "Christmas Away from Home Christmas Away from Home is the first Christmas album (third overall) by Filipino singer Jay R, released on November 28, 2006 by his own label, JAYRS Music (later renamed as Homeworkz Records). It was distributed by Universal Records. It is an eleven-track Christmas collection containing six classic Christmas songs, two originals and three instrumental versions of three songs in the album. His sister, Jhing, was featured in one song, entitled \"Spread the Love\". The album was re-released in 2008, retitled as \"Holiday of Love\". It includes six other traditional Christmas songs as addition, like \"O Holy", + "score": 0.72412109375 + }, + { + "id": "6140110", + "title": "White Christmas (film)", + "text": "the film grossed $30 million at the domestic box office. There was a US theatrical re-release by Paramount in 1961. \"White Christmas\" was released on US VHS in 1986 and again in 1997. The first US DVD release was in 2000. It was subsequently re-released in 2009, with a commensurate Blu-ray in 2010. The most recent US issue was a 4-disc \"Diamond Anniversary Edition\" in 2014. This collection contains a Blu-ray with extras, two DVDs with the film and extras, and a fourth disc of Christmas songs on CD. These songs are performed individually by Crosby, Clooney, and Kaye. A", + "score": 0.7236328125 + }, + { + "id": "7164053", + "title": "Elliott Yamin", + "text": "during the 2007 holiday season, it sold 81,000 copies. On October 7, 2008, Yamin released another holiday album titled \"My Kind of Holiday\". It includes the 8 tracks from \"\", plus 2 new tracks: \"Back Door Santa\" and \"Christmas Without Carol\", which he co-wrote. The Japan Exclusive Edition of the album was released on December 10, 2008, and includes three bonus tracks: \"Sharing the Night Together\", an acoustic version of \"Home\", and \"Wait for You (The Standard Club Piano Dance Remix)\". On March 11, 2008, producer Randy Jackson released his first studio album, in which Yamin features in a duet", + "score": 0.72265625 + }, + { + "id": "3475268", + "title": "Last Christmas", + "text": "other countries, \"Last Christmas\" was released on its own with various remixes. The single reached number 21 in the UK, which was Whigfield's final release on Systematic Records. It also features on various Special Edition versions of her debut album \"Whigfield\" and also on \"Whigfield II\". The EP was released on 10 November 1995 in Australia. A UK single was released on 3 December 1995. The music video for \"Last Christmas\" was directed by Italian director Giacomo De Simone. Billie Piper originally recorded a cover of the song as a B-side of her single \"She Wants You\". It was released", + "score": 0.72265625 + }, + { + "id": "6392821", + "title": "Home for the Holidays (1995 film)", + "text": "for the Holidays\" was released on November 3, 1995 in 1,000 theaters and grossed US$4 million in its opening weekend. It went on to make $17.5 million in North America. The film received a 63% rating at Rotten Tomatoes and a 56 metascore at Metacritic. In his three and half star review, Roger Ebert praised Foster's ability to direct \"the film with a sure eye for the revealing little natural moment,\" and Downey's performance that \"brings out all the complexities of a character who has used a quick wit to keep the world's hurts at arm's length.\" Janet Maslin, in", + "score": 0.72265625 + } + ], + "answer": "There are several songs and movies by the name \"I'll Be Home for Christmas\". \"I'll Be Home for Christmas\" is a Christmas song written by the lyricist Kim Gannon and composer Walter Kent and recorded in 1943 by Bing Crosby, who scored a top ten hit with the song. Another \"I'll Be Home for Christmas\" is a Christmas-themed extended play released by Epic Records and Syco Entertainment on November 24, 2014. One movie version of \"I'll Be Home for Christmas\" was released on December 12, 1988, and starred Hal Holbrook and Eva Marie Saint. Another movie version was released on November 13, 1998, and featured Jonathan Taylor Thomas, Jessica Biel, Adam LaVorgna, Sean O'Bryan and Gary Cole. Brian McKnight also released an album \"I'll Be Home for Christmas\" on October 7, 2008." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "What bodies of water surround cabo san lucas as gulf?", + "short_answers": [ + "Gulf of California", + "Vermilion Sea", + "Sea of Cort\u00e9s", + "Sea of Cortez" + ], + "wikipage": null + }, + { + "context": "The main draw for most visitors has been the environment, where the desert meets the sea, best symbolized by El Arco, a natural stone arch over the ocean in Cabo San Lucas where the Pacific Ocean and the Gulf of California meet. The natural features have led to ecotourism such as boat tours to El Arco, tours of the San Jose Estuary and the coral reefs of Cabo Pulmo, and whale watching from January to March, when the animals are here to breed.", + "question": "What bodies of water surround cabo san lucas as ocean?", + "short_answers": [ + "Pacific Ocean" + ], + "wikipage": "Los Cabos Municipality" + }, + { + "context": "No context provided", + "question": "What bodies of water surround cabo san lucas to the east?", + "short_answers": [ + "The Gulf of California", + "Vermilion Se", + "Sea of Cort\u00e9s", + "Sea of Cortez" + ], + "wikipage": null + }, + { + "context": "The municipality borders that of La Paz to the north, with the Pacific Ocean and Gulf of California surrounding it in the other directions. The municipal government consists of a municipal president, a syndic and fourteen representatives called regidors.", + "question": "What bodies of water surround cabo san lucas to the south and west?", + "short_answers": [ + "Pacific Ocean" + ], + "wikipage": "Los Cabos Municipality" + } + ], + "wikipages": [ + { + "title": "Gulf of California", + "url": "https://en.wikipedia.org/wiki/Gulf%20of%20California" + }, + { + "title": "Los Cabos Municipality", + "url": "https://en.wikipedia.org/wiki/Los%20Cabos%20Municipality" + }, + { + "title": "Cabo San Lucas", + "url": "https://en.wikipedia.org/wiki/Cabo%20San%20Lucas" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Cabo San Lucas (Spanish pronunciation: [\u02c8ka\u03b2o san \u02c8lukas], \"Saint Luke Cape\"), or simply Cabo, is a resort city at the southern tip of the Baja California Peninsula, in the Mexican state of Baja California Sur.", + "wikipage": "Cabo San Lucas" + } + ], + "long_answer": "Cabo San Lucas is a resort city that is surrounded by the Gulf of California. The Gulf is also known as the Sea of Cort\u00e9s (Sea of Cortez) or less commonly as the Vermilion Sea, and is a marginal sea of the Pacific Ocean." + }, + { + "knowledge": [ + { + "content": "Cabo San Lucas (Spanish pronunciation: [\u02c8ka\u03b2o san \u02c8lukas], \"Saint Luke Cape\"), or simply Cabo, is a resort city at the southern tip of the Baja California Peninsula, in the Mexican state of Baja California Sur.", + "wikipage": "Cabo San Lucas" + }, + { + "content": "The Gulf of California (Spanish: Golfo de California), also known as the Sea of Cort\u00e9s (Mar de Cort\u00e9s) or less commonly as the Vermilion Sea (Mar Bermejo), is a marginal sea of the Pacific Ocean that separates the Baja California Peninsula from the Mexican mainland.", + "wikipage": "Gulf of California" + } + ], + "long_answer": "Cabo San Lucas, or simply Cabo, is a resort city at the southern tip of the Baja California Peninsula, in the Mexican state of Baja California Sur. Cabo San Lucas is surrounded by the Gulf of California, also known as the Sea of Cort\u00e9s or less commonly as the Vermilion Sea, to the east. To west of Cabo San Lucas is the Pacific Ocean. The main draw for most visitors has been the environment, where the desert meets the sea, best symbolized by El Arco, a natural stone arch over the ocean in Cabo San Lucas where the Pacific Ocean and the Gulf of California meet." + } + ], + "sample_id": "-3228483207040151533", + "question": "What bodies of water surround cabo san lucas?", + "docs": [ + { + "id": "5522853", + "title": "Los Cabos Municipality", + "text": "Preston and John Travolta, and San Jose del Cabo also has a notable expatriate population, mostly retirees who have economic influence. The main draw for most visitors has been the environment, where desert meets the sea, best symbolized by El Arco, a natural stone arch over ocean in Cabo San Lucas where the Pacific Ocean and Gulf of California meet. The natural features have led to ecotourism such as boat tours to El Arco, tours of the San Jose Estuary and the coral reefs of Cabo Pulmo, and whale watching from January to March, when the animals are here to", + "score": 0.76416015625, + "summary": "The Pacific Ocean and Gulf of California surround Cabo San Lucas where El Arco, a natural stone arch, is located.", + "extraction": "The Pacific Ocean and Gulf of California surround Cabo San Lucas." + }, + { + "id": "5522848", + "title": "Los Cabos Municipality", + "text": "extreme south of the state of Baja California Sur. It is connected to the capital of La Paz via the Transpeninsular Highway . The municipality borders that of La Paz to the north, with the Pacific Ocean and Gulf of California surrounding it in the other directions. The municipal government consists of a municipal president, a syndic and fourteen representatives called regidors. The main areas of the municipality are the seat, Cabo San Lucas and the tourist corridor along the coast between them. Although San Jose del Cabo is the government, Cabo San Lucas has the higher population and its", + "score": 0.75146484375, + "summary": "The Pacific Ocean and Gulf of California surround Cabo San Lucas.", + "extraction": "The Pacific Ocean and Gulf of California surround Cabo San Lucas." + }, + { + "id": "2650212", + "title": "Cabo San Lucas", + "text": "Cabo San Lucas Cabo San Lucas (, \"Saint Luke Cape\"), commonly called Cabo in English, is a resort city at the southern tip of the Baja California Peninsula, in the Mexican state of Baja California Sur. As of 2015, the population of the city was 81,111 inhabitants. Cabo San Lucas together with San Jos\u00e9 del Cabo is known as Los Cabos. Together they form a metropolitan area of 305,983 inhabitants. Cabo has been rated as one of Mexico's top 5 tourist destinations; it is known for its beaches, scuba diving locations, balnearios, the sea arch El Arco de Cabo San", + "score": 0.728515625, + "summary": "Cabo San Lucas is a resort city located at the southern tip of the Baja California Peninsula in Mexico. It is surrounded by bodies of water, but the document does not specify which ones.", + "extraction": "Cabo San Lucas is located at the southern tip of the Baja California Peninsula, surrounded by bodies of water including the Pacific Ocean and the Gulf of California." + }, + { + "id": "5522859", + "title": "Los Cabos Municipality", + "text": "which account for twenty five percent of the territory. One of the main natural resources is the beaches. Major beaches include Los Frailes, Buena Vista, Agua Caliente, Cabo San Lucas, Puerto Chileno and Punta Colorada, often promoted together as the Costa de Oro (Golden Coast). One very popular beach in Cabo San Lucas is Lover\u2019s Beach, which is surrounded by dramatic rock shapes. The sea experiences lows of 72\u201373 \u00b0F (22\u201323 \u00b0C) in winter, and highs of 77\u201384 \u00b0F (25\u201329 \u00b0C) during the summer months. As it is on the edge of the desert that covers most of the Baja", + "score": 0.724609375, + "summary": "Cabo San Lucas is surrounded by the sea, including beaches such as Los Frailes, Buena Vista, Agua Caliente, Puerto Chileno, and Punta Colorada, often promoted as the Golden Coast. Lover's Beach is a popular Cabo San Lucas beach, surrounded by dramatic rock shapes.", + "extraction": "The Cabo San Lucas is surrounded by the sea." + }, + { + "id": "6592705", + "title": "Arch of Cabo San Lucas", + "text": "Arch of Cabo San Lucas The arch of Cabo San Lucas, is a distinctive rock formation at the southern tip of Cabo San Lucas, which is itself the extreme southern end of Mexico's Baja California Peninsula. The arch is locally known as \"El Arco.\" It is here that the Pacific Ocean becomes the Gulf of California. This area is widely used in hotel advertising in the Los Cabos Corridor. This spot is a popular gathering area for sea lions and is frequented by tourists. It served as a backdrop for The Marshall Tucker Band's Third Album under the leadership of", + "score": 0.72314453125, + "summary": "The Arch of Cabo San Lucas is a distinctive rock formation at the southern tip of Cabo San Lucas. The Pacific Ocean becomes the Gulf of California here. Irrelevant to the question of what bodies of water surround Cabo San Lucas.", + "extraction": "The bodies of water that surround Cabo San Lucas are the Pacific Ocean and the Gulf of California." + }, + { + "id": "2650222", + "title": "Cabo San Lucas", + "text": "of hotels and tourist attractions. High-end resorts in the corridor include The Resort at Pedregal, Las Ventanas al Paraiso, and Esperanza. Medano Beach, located in the Chileno Bay, is one of the most frequented beaches in the Corridor. It is home to tropical fish, sea turtles, invertebrates, and sponges. Snorkelers often visit Chileno Bay to observe the underwater sea life. Cabo San Lucas has a BWh desert climate. During summer, Cabo San Lucas is cooler than San Jos\u00e9 del Cabo by about 1.5 to 3 \u00b0C (3 to 5 \u00b0F). Sometimes during the summer, when winds blow from the Pacific", + "score": 0.71875, + "summary": "The document is irrelevant to the question.", + "extraction": "Irrelevant." + }, + { + "id": "12583429", + "title": "Pueblo Bonito Hotels and Resorts", + "text": "only 144 rooms, located on with a private beach. It has colonially inspired architecture/decor. Pueblo Bonito Sunset Beach Resort & Spa is located on a private beach in Cabo San Lucas, Mexico. Built on a hill. There is also an on-site chapel for weddings in Cabo. Located on the Pacific ocean side of the Baja Peninsula in Cabo San Lucas, the 154 room Pacifica Holistic Resort & Spa, is a Zen-based Cabo hotel with Zen mazes, modern fountains and minimalist design. There are a variety of spas that are meant to be a \"complete spiritual experience.\" The main spa, Armonia,", + "score": 0.716796875, + "summary": "The document is irrelevant to the question.", + "extraction": "The Pacific ocean surrounds Cabo San Lucas, which is located on the Baja Peninsula." + }, + { + "id": "2650216", + "title": "Cabo San Lucas", + "text": "Lucas is a local landmark. Cabo San Lucas has the highest paying marlin tournament in the world called the \"Bisbee's Los Cabos Offshore\". This tournament takes place every year in the month of October. In the winter, pods of whales can be observed in the area. They bear their calves in the warm waters of the Gulf of California after completing their 6000-mile migration from Alaska and Siberia. The beaches, surfing, and sport fishing opportunities in Cabo San Lucas have attracted a great number of Mexican natives and foreigners to spend their vacations in large-scale tourist developments there. The development", + "score": 0.71435546875, + "summary": "Cabo San Lucas has the Gulf of California surrounding it, which is where whales bear their calves in the winter.", + "extraction": "The Gulf of California surrounds Cabo San Lucas." + }, + { + "id": "5522850", + "title": "Los Cabos Municipality", + "text": "Cabo San Lucas is about twenty miles to the west of San Jose del Cabo and is far more commercial. Unlike most Mexican towns, Cabo San Lucas has no main plaza or large cathedral. Instead it focuses on the marina and the entertainment district. Up until the latter 20th century, the area was a small fishing village when tourist infrastructure was begun. Despite its success, high rise construction has been kept limited, focusing on resorts and sand-top restaurants in the beach area. The main attractions are fishing, nightlife and whale watching. It is a place for vacation, where most visitors", + "score": 0.7099609375, + "summary": "The document is irrelevant to the question.", + "extraction": "Irrelevant." + }, + { + "id": "9837058", + "title": "Hurricane Guillermo (1997)", + "text": "extratropical system, while situated roughly 345 mi (555 km) off of the northern California coastline. Along the Pacific coast of Mexico, surf produced by Hurricane Guillermo affected numerous beaches. From Cabo San Lucas to San Jos\u00e9 del Cabo, the storm sent waves from the Gulf of California over the grounds of beachside resorts. Tourists were driven off some of Cabo's most popular beaches by the rough ocean conditions which flooded homes situated along the coast. Two sightseers were killed after being swept out to sea. Due to accurate forecasts, emergency officials across California were able to close off swimming zones", + "score": 0.70263671875, + "summary": "Hurricane Guillermo affected numerous beaches along the Pacific coast of Mexico, including Cabo San Lucas and San Jos\u00e9 del Cabo. Waves from the Gulf of California flooded homes and drove tourists off popular beaches, resulting in two deaths.", + "extraction": "The passage is irrelevant to the question as it does not provide any information about the bodies of water surrounding Cabo San Lucas." + }, + { + "id": "7192388", + "title": "Los Cabos Corridor", + "text": "Los Cabos Corridor The Los Cabos Corridor (\"Corredor Turistico\") is a touristic area located at the Los Cabos Municipality, Baja California Sur, Mexico. It sits on the southern coast of the Baja California Peninsula, facing the Gulf of California on the Transpeninsular Highway between San Jos\u00e9 del Cabo and Cabo San Lucas. It stretches about 30 kilometers along the highway and addresses within this area are usually specified in terms of distances from the start of Highway 1. The corridor is a popular tourist destination due to its many beach resorts, golf courses, and sport fishing. Lovers' Beach is unusual", + "score": 0.69921875, + "summary": "Cabo San Lucas is surrounded by the Gulf of California, according to the document.", + "extraction": "\"Cabo San Lucas sits on the southern coast of the Baja California Peninsula, facing the Gulf of California.\"" + }, + { + "id": "2650224", + "title": "Cabo San Lucas", + "text": "the population was 81,111 and has experienced very rapid growth and development. It is the third-largest city in Baja California Sur after La Paz and San Jos\u00e9 del Cabo. The majority of non-Mexican inhabitants in the community originate from the United States, and along with residents from San Jos\u00e9 del Cabo they account for the 80% of the U.S. population in the state. Tropical Storm Lidia (August 2017) creates mudslide in Cabo San Lucas - Pure Cabo Cabo San Lucas Cabo San Lucas (, \"Saint Luke Cape\"), commonly called Cabo in English, is a resort city at the southern tip", + "score": 0.697265625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention any bodies of water surrounding Cabo San Lucas." + }, + { + "id": "3153741", + "title": "San Jose\u0301 del Cabo", + "text": "93,069. Together with neighboring Cabo San Lucas, it forms a major tourist destination for travelers, with over 900,000 hotel guests in 2011. The Mission San Jos\u00e9 del Cabo was founded in 1730 on the west bank of the nearby R\u00edo San Jos\u00e9. The R\u00edo San Jos\u00e9 flows into an estuary, the largest body of fresh water in southern Baja California Sur, after flowing largely underground for from its origin in the Sierra de la Laguna (Laguna Mountains). For more than 250 years it has furnished drinking and irrigation water for the town of San Jose del Cabo, beginning as a", + "score": 0.69677734375, + "summary": "The document mentions the neighboring Cabo San Lucas, but it does not provide information about the bodies of water surrounding it. Therefore, the answer is \"irrelevant.\"", + "extraction": "The passage is irrelevant to the question as it does not provide information about the bodies of water that surround Cabo San Lucas." + }, + { + "id": "10548399", + "title": "Hurricane Carlotta (2000)", + "text": "Cabo San Lucas. The hurricane produced heavy rainfall and rough surf along the southwest coast of Mexico, though no serious damage was reported. A Lithuanian freighter traversing through the peak of the hurricane was lost after experiencing an engine failure; its crew of 18 was presumed killed. A tropical wave moved off the coast of Africa on June 3. It tracked westward across the unfavorable Atlantic Ocean, and on June 15 it crossed Central America into the eastern Pacific Ocean. The system continued westward, and late on June 16 a low pressure area developed about 300 miles (480 km) southwest", + "score": 0.69677734375, + "summary": "The document is irrelevant to the question of interest.", + "extraction": "Irrelevant. The passage does not provide information about the bodies of water surrounding Cabo San Lucas." + }, + { + "id": "7192389", + "title": "Los Cabos Corridor", + "text": "in that it opens to two seas: the Pacific side is known as \"Divorce Beach.\" Los Cabos Corridor The Los Cabos Corridor (\"Corredor Turistico\") is a touristic area located at the Los Cabos Municipality, Baja California Sur, Mexico. It sits on the southern coast of the Baja California Peninsula, facing the Gulf of California on the Transpeninsular Highway between San Jos\u00e9 del Cabo and Cabo San Lucas. It stretches about 30 kilometers along the highway and addresses within this area are usually specified in terms of distances from the start of Highway 1. The corridor is a popular tourist destination", + "score": 0.69384765625, + "summary": "Cabo San Lucas is located on the southern coast of the Baja California Peninsula, facing the Gulf of California.", + "extraction": "The Los Cabos Corridor sits on the southern coast of the Baja California Peninsula, facing the Gulf of California on the Transpeninsular Highway between San Jos\u00e9 del Cabo and Cabo San Lucas." + }, + { + "id": "5856365", + "title": "Cabo Rojo (Mexico)", + "text": "Cabo Rojo (Mexico) Cabo Rojo (Spanish for \"Red Cape\") (21\u00b047'N 97\u00b035'W) is a barrier of quartzite sand deposited adjacent to the coast of the Mexican state of Veracruz, about south of the city of Tampico, Tamaulipas. It encloses the brackish lagoon called Laguna de Tamiahua. It is located in the municipalities of Ozuluama de Mascare\u00f1as and Tamiahua. As one of the few protruding features on this part of the coast, it may be regarded as the boundary between the western coasts of the Bay of Campeche and the Gulf of Mexico proper, and is frequently used by the authorities as", + "score": 0.693359375, + "summary": "Irrelevant. The document talks about Cabo Rojo in Veracruz, while the question is about Cabo San Lucas.", + "extraction": "Irrelevant." + }, + { + "id": "5856366", + "title": "Cabo Rojo (Mexico)", + "text": "a breakpoint for tropical cyclone warnings and watches. Cabo Rojo (Mexico) Cabo Rojo (Spanish for \"Red Cape\") (21\u00b047'N 97\u00b035'W) is a barrier of quartzite sand deposited adjacent to the coast of the Mexican state of Veracruz, about south of the city of Tampico, Tamaulipas. It encloses the brackish lagoon called Laguna de Tamiahua. It is located in the municipalities of Ozuluama de Mascare\u00f1as and Tamiahua. As one of the few protruding features on this part of the coast, it may be regarded as the boundary between the western coasts of the Bay of Campeche and the Gulf of Mexico proper,", + "score": 0.6923828125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "5522842", + "title": "Los Cabos Municipality", + "text": "Los Cabos Municipality Los Cabos () is a municipality located at the southern tip of Mexico's Baja California Peninsula, in the state of Baja California Sur. It encompasses the two towns of Cabo San Lucas and San Jos\u00e9 del Cabo (the municipal seat) linked by a twenty-mile Resort Corridor of beach-front properties and championship golf courses. The area was remote and rural until the latter 20th century, when the Mexican government began to develop Cabo San Lucas for tourism, which then spread east to the municipal seat. The main draw is the climate and geography, where desert meets the sea,", + "score": 0.6923828125, + "summary": "The municipality of Los Cabos includes Cabo San Lucas and San Jos\u00e9 del Cabo, both located at the southern tip of Baja California Peninsula in Mexico. The two towns are linked by a twenty-mile Resort Corridor. The area is known for its climate and geography, where desert meets the sea. No specific bodies of water are mentioned, so the answer is \"irrelevant\".", + "extraction": "The bodies of water that surround Cabo San Lucas are not mentioned in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "8854694", + "title": "Misio\u0301n Estero de las Palmas de San Jose\u0301 del Cabo An\u0303uiti\u0301", + "text": "ocean, with a one km long sand bar creating an estuary, the third largest in Mexico. This pooling of brackish water has created an oasis in the surrounding Sarcocaule desert. The R\u00edo San Jos\u00e9 flows largely underground for from its origin in the Sierra de la Laguna (Laguna Mountains). For more than 250 years it has furnished drinking and irrigation water for the town of San Jose del Cabo, beginning as a source of fresh water for Spanish galleons traveling back from the Philippines. Over the sand bar from the estuary is a bay referred to by early Spanish explorers,", + "score": 0.69140625, + "summary": "The document mentions an estuary in San Jose del Cabo, surrounded by the Sarcocaule desert, with a one km long sand bar, and an ocean. However, it does not directly answer the question of what bodies of water surround Cabo San Lucas.", + "extraction": "The passage is irrelevant to answering the question \"What bodies of water surround Cabo San Lucas?\" as it only mentions an estuary and a bay near San Jose del Cabo, which is a different location." + }, + { + "id": "2650213", + "title": "Cabo San Lucas", + "text": "Lucas, and marine life. The Los Cabos Corridor has become a heavily trafficked vacation destination for tourists, with numerous resorts and timeshares along the coast between Cabo San Lucas and San Jos\u00e9 del Cabo. Cabo houses a range of wildlife, including rays, sharks, birds, and a range of fish, such as mahi-mahi (dorado), and striped marlin. Archaeological excavations have shown evidence of continual human habitation in the area for at least 10,000 years. When the first Europeans arrived, they encountered the Peric\u00fa people, who survived on a subsistence diet based on hunting and gathering seeds, roots, shellfish, and other marine", + "score": 0.69140625, + "summary": "The document is irrelevant to the question.", + "extraction": "The passage is irrelevant as it does not provide any information on the bodies of water that surround Cabo San Lucas." + }, + { + "id": "8034761", + "title": "The Log from the Sea of Cortez", + "text": "Stocked with supplies, collecting equipment and a small library, the boat put out to sea on the afternoon of March 11, 1940. They started in a leisurely fashion down the Pacific coast, fishing as they went. They refueled at San Diego and on March 17 passed Point San Lazaro and made their way down the Pacific side of the Baja California peninsula. They put in at Cabo San Lucas, on the tip of the peninsula, where they were greeted by Mexican officials and began collecting specimens. The collecting team was initially planned to consist of Steinbeck and Ricketts alone, but", + "score": 0.69091796875 + }, + { + "id": "1624285", + "title": "Baja California Sur", + "text": "for this purpose, such as the grey whales that come to the area to breed and the natural rock arch at Land\u2019s End is frequently photographed. Tourist attractions are divided into three regions: north (Guerrero Negro to Ciudad Constituci\u00f3n), center (La Paz to Todos Santos) and south (Los Barriles to Cabo San Lucas). There are two main resort areas, Cabo San Lucas and San Jos\u00e9 del Cabo, both in the southern tip of the peninsula. A highway known as the Corridor links the two towns. Other attractions include deep sea fishing, golf, tennis, motorcycling, scuba diving and snorkeling, with windsurfing", + "score": 0.68701171875 + }, + { + "id": "5522852", + "title": "Los Cabos Municipality", + "text": "San Jose del Cabo. Most visitors come from the United States (especially California) and Canada, followed by Mexico, and many visitors return year after year. Visitors can get by in Cabo San Lucas purely in English and use U.S. dollars. Most of the about two million visitors a year arrive by plane to the Los Cabos airport, but the Cabo San Lucas marina also has facilities for cruise ships. In 2012, the area has hotel occupancy of just over 60% with 248 cruise ships visiting. The area\u2019s high end resorts have also attracted notable names such as Bruce Willis, Kelly", + "score": 0.68701171875 + }, + { + "id": "16290466", + "title": "Cabo Pulmo National Park", + "text": "Cabo Pulmo National Park Cabo Pulmo National Park () is a national marine park on the east coast of Mexico's Baja California Peninsula, spanning the distance between Pulmo Point and Los Frailes Cape, approximately north of Cabo San Lucas in the Gulf of California. Bah\u00eda Pulmo is home to the oldest of only three coral reefs on the west coast of North America. Estimated to be 20,000 years old, it is the northernmost coral reef in the eastern Pacific Ocean. The reef has a number of fingers of hard coral atop rock outcroppings that run parallel to the coast, occurring", + "score": 0.68505859375 + }, + { + "id": "1624271", + "title": "Baja California Sur", + "text": "del Cabo, and its most populous city is Cabo San Lucas. The municipality is one of the most important tourist destinations in Mexico. The municipality borders that of La Paz to the north, with the rest defined by the Pacific Ocean and the Gulf of California. The municipality of Loreto is in the center of the state, with the city of Loreto as its seat. It borders the municipalities of Muleg\u00e9 and Comond\u00fa with the Gulf of California to the east. The state is on a narrow peninsula which broke away from the mainland about two million years ago due", + "score": 0.68408203125 + }, + { + "id": "2650223", + "title": "Cabo San Lucas", + "text": "Ocean instead of the Gulf of California, the differences in temperatures between San Jos\u00e9 del Cabo and Cabo San Lucas are higher. Cabo San Lucas is less rainy than San Jos\u00e9 del Cabo, although hurricanes can bring heavy rain for long periods. Hurricane Odile made landfall at Cabo San Lucas on 14 September 2014, and caused widespread damage. Due to the position of the city and orography, local summer thunderstorms do not get near enough to bring rain to the town. The sea temperature experiences lows of in winter, and highs of during the summer months. As of the 2015,", + "score": 0.6826171875 + }, + { + "id": "11412335", + "title": "Hurricane Greg (1999)", + "text": "to the ports of Cabo San Lucas and San Jos\u00e9 del Cabo. The Red Cross opened shelters at several local schools. Municipal authorities issued a red alert. Army and Navy representatives met to discuss rescue operations. About 1,000 people sought refuge in shelters across Cabo San Lucas and nearby San Jose del Cabo as the storm arrived. Most airline flights were canceled, frustrating tourists. As Greg passed offshore southwestern Mexico, its outer bands affected coastal locations. Coahuayana saw at least three villages and 200 homes flooded after a river overflowed its banks, while a stretch of highway connecting Acapulco to", + "score": 0.681640625 + }, + { + "id": "15767201", + "title": "Pacific Coast of Mexico", + "text": "Pacific Coast of Mexico The Pacific Coast of Mexico or West Coast of Mexico stretches along the coasts of western Mexico at the Pacific Ocean and its Gulf of California (Sea of Cortez). On the western Baja California Peninsula coast, it extends from the border with the United States at Tijuana in Baja California state, south to the tip of the Baja California Peninsula at Cabo San Lucas in Baja California Sur state. On the peninsula's eastern coast it extends from the head of the Gulf of California to Cabo San Lucas. Along Mexico's western mainland its Pacific Coast extends", + "score": 0.67919921875 + }, + { + "id": "730298", + "title": "Baja California Peninsula", + "text": "Baja California Peninsula The Baja California Peninsula (, ) is a peninsula in Northwestern Mexico. It separates the Pacific Ocean from the Gulf of California. The peninsula extends from Mexicali, Baja California in the north to Cabo San Lucas, Baja California Sur in the south. It ranges from at its narrowest to at its widest point and has approximately of coastline and approximately 65 islands. The total area of the Baja California Peninsula is . The peninsula is separated from mainland Mexico by the Gulf of California and the Colorado River. There are four main desert areas on the peninsula:", + "score": 0.67919921875 + }, + { + "id": "5522863", + "title": "Los Cabos Municipality", + "text": "Cadua\u00f1o, Miraflores and San Bernard. The river used to flow above ground until the beginning of the 20th century due to anthropogenic causes. For more than 250 years the R\u00edo San Jos\u00e9 has furnished drinking and irrigation water for the town of San Jose del Cabo, beginning as a source of fresh water for Spanish galleons traveling back from the Philippines. Over the sand bar from the estuary is a bay referred to by early Spanish explorers, including Sebastian Vizcaino, as the Bah\u00eda de San Bernab\u00e9 or Bay of San Bernab\u00e9, and now as the Bay of San Jos\u00e9 del", + "score": 0.67919921875 + }, + { + "id": "3153740", + "title": "San Jose\u0301 del Cabo", + "text": "San Jos\u00e9 del Cabo San Jos\u00e9 del Cabo (, \"Saint Joseph of the Cape\") is a city located in southern Baja California Sur state, Mexico. It is the seat of Los Cabos Municipality lying at a shallow bay northeast of Cabo San Lucas on the Gulf of California. The city has a population of 93,069 as of 2015. San Jos\u00e9 del Cabo together with Cabo San Lucas are known as Los Cabos. Together they form a metropolitan area of 305,983 inhabitants. The two cities are served by Los Cabos International Airport. In the 2015 census, it had a population of", + "score": 0.67822265625 + }, + { + "id": "17263131", + "title": "1941 Cabo San Lucas hurricane", + "text": "1941 Cabo San Lucas hurricane The 1941 Cabo San Lucas hurricane is considered one of the worst tropical cyclones on record to affect Cabo San Lucas. The hurricane was first reported on September 8 off the coast of Mexico. It slowly moved northwestward while intensifying. After peaking in intensity, it entered the Gulf of California, and weakened rapidly. It dissipated on September 13. This system brought winds and heavy rain to the southern tip of the Baja California Peninsula. The hurricane destroyed poorer sections of La Paz and its nearby villages. Two villages were completely destroyed. Furthermore, Cabo San Lucas", + "score": 0.67724609375 + }, + { + "id": "1624270", + "title": "Baja California Sur", + "text": "and Loreto with Baja California Norte to the north, the Pacific Ocean to the west and the Gulf of California to the east. It accounts for almost 45% of the state\u2019s territory. The municipality of La Paz is in the south of the state. It is the second largest municipality, accounting for just over 27% of the territory of the state. It borders the municipalities of Comond\u00fa and Los Cabos and extends from the Pacific Ocean to the Gulf of California. The municipality of Los Cabos is at the southern tip of the state, with its seat at San Jos\u00e9", + "score": 0.67578125 + }, + { + "id": "5522857", + "title": "Los Cabos Municipality", + "text": "There are 313 schools from the primary to high school level. 9.3 years of schooling for those over 15. There are two vocational schools and twelve centers for adult education. There are no schools specifically targeting an indigenous population. The municipality of Los Cabos is at the southern end of the Baja California peninsula, where desert meets the sea and the Gulf of California meets the Pacific Ocean. The area was originally underwater, evidenced by the many fossils of marine animals, which are up to 25 million years old. The basement rock underlying Los Cabos formed even earlier, approximately 115", + "score": 0.67578125 + }, + { + "id": "5522851", + "title": "Los Cabos Municipality", + "text": "stay at all-inclusive resorts. The two main events during the year are Spring Break and Sammy Hagar\u2019s birthday on the first weekend in October. The latter focuses on his Cabo Wabo bar and restaurant in the city. The success of Cabo San Lucas and San Jose del Cabo has created a tourist corridor along the coastal highway between the cities. While there has been development of resorts, hotels and golf courses, there are still smaller isolated and undeveloped beaches. By far the main economic activity for the municipality is tourism, focused on a shoreline corridor between Cabo San Lucas and", + "score": 0.6748046875 + }, + { + "id": "2650215", + "title": "Cabo San Lucas", + "text": "was Cipriano Cese\u00f1a in 1788 who arrived from Hermosillo, Sonora. Per The book by Pablo L. Martinez, Guia Familiar de Baja California 1700-1900. A fishing village began growing in the area. In 1917, an American company built a floating platform to catch tuna, and ten years later founded Compa\u00f1\u00eda de Productos Marinos S.A. The plant operated for several years. Cabo San Lucas has become a prominent vacation and spa destination, with a variety of sites of interest and timeshares that have been built on the coast between San Lucas and San Jos\u00e9 del Cabo. The distinctive Arco de Cabo San", + "score": 0.6748046875 + }, + { + "id": "16484658", + "title": "1940\u201348 Pacific hurricane seasons", + "text": "of the Baja California Peninsula for 48 hours, lasting until late September 12. The wind destroyed poorer sections of La Paz and nearby villages. Two villages, Santiago and Triunfo, were completely destroyed. The torrential rains damaged many highways across the peninsula and left thousands homeless. The tuna canning industry declined rapidly in San Jos\u00e9 del Cabo. The port town of Cabo San Lucas was washed away and mostly destroyed due to flooding Furthermore, \"great loss of life\" was reported. Initially following the system, activity among surrounding areas of the village ceased. As of 1966, this tropical cyclone is regarded as", + "score": 0.6748046875 + }, + { + "id": "18728261", + "title": "Hurricane Odile", + "text": "sustained severe damage from the hurricane, where communication service was lost and one bridge was severely damaged. There, numerous hotels temporarily closed, including one that was forced to close for the remainder of the year. The Wild Canyon, an amusement park located between San Jose del Cabo and Cabo San Lucas, was 80% destroyed, including a long suspension bridge. In Cabo San Lucas, just east of where the storm made landfall, many trees and poles were downed. Offshore Cabo San Lucas, eight fishermen were rescued. Along the La Paz harbor, 22 boats were damaged. The Instituto Sucaliforniano del Deporte, a", + "score": 0.673828125 + }, + { + "id": "5557792", + "title": "Cabo Catoche", + "text": "Yalahau Lagoon is a fresh water lagoon and so deep that the water appears to be black. In satellite photographic images the lagoon appears to be a black hole. Cabo Catoche Cabo Catoche or Cape Catoche, in the Mexican state of Quintana Roo, is the northernmost point on the Yucat\u00e1n Peninsula. It lies in the municipality of Isla Mujeres, about north of the city of Canc\u00fan. According to the International Hydrographic Organization, it marks the division point between the Caribbean Sea to the east and Gulf of Mexico to the west. The name is believed to be a corruption of", + "score": 0.6728515625 + }, + { + "id": "6592706", + "title": "Arch of Cabo San Lucas", + "text": "Billy Sanders. It is three stories tall and was formed from natural erosion. Arch of Cabo San Lucas is also a great place for drinking and relaxing on the beach sands. Basement rock in Los Cabos formed through intrusive igneous processes c. 115 million years ago, during the Cretaceous period. Arch of Cabo San Lucas The arch of Cabo San Lucas, is a distinctive rock formation at the southern tip of Cabo San Lucas, which is itself the extreme southern end of Mexico's Baja California Peninsula. The arch is locally known as \"El Arco.\" It is here that the Pacific", + "score": 0.6728515625 + }, + { + "id": "2650219", + "title": "Cabo San Lucas", + "text": "of the leaders in travel in Latin America, many of the developments owed to its increased accessibility with added plane routes from the US and Canada. It is expected that by 2018 4,000 new sleeping rooms will come online in Cabo, and the increase in tourism will contribute to its growth as a leader in leisure. Cabo San Lucas San Jos\u00e9 del Cabo are served by Los Cabos International Airport. The town is also a popular port of call for many cruise ships. Cabo San Lucas has a small international airfield, which handles air traffic for general aviation flights and", + "score": 0.671875 + }, + { + "id": "1295828", + "title": "Gulf of California", + "text": "Gulf of California The Gulf of California (also known as the Sea of Cortez, Sea of Cort\u00e9s or Vermilion Sea; locally known in the Spanish language as Mar de Cort\u00e9s or Mar Bermejo or Golfo de California) is a marginal sea of the Pacific Ocean that separates the Baja California Peninsula from the Mexican mainland. It is bordered by the states of Baja California, Baja California Sur, Sonora, and Sinaloa with a coastline of approximately . Rivers which flow into the Gulf of California include the Colorado, Fuerte, Mayo, Sinaloa, Sonora, and the Yaqui. The gulf's surface area is about", + "score": 0.67138671875 + }, + { + "id": "6325815", + "title": "Cabo Gracias a Dios", + "text": "Cabo Gracias a Dios Cabo Gracias a Dios is a cape located in the middle of the east coast of Central America, within what is variously called the Mosquito Coast and La Mosquitia. It is the point where the Rio Coco flows into the Caribbean, and is the border between the Nicaraguan North Caribbean Coast Autonomous Region and the Honduran department also known as Gracias a Dios. The point was designated as the official Honduras - Nicaragua border by an award of King Alfonso XIII of Spain in 1906, and confirmed by the International Court of Justice in 1960. The", + "score": 0.669921875 + }, + { + "id": "6315961", + "title": "Portola\u0300 expedition", + "text": "Pedro Prat; and a crew of 23 sailors, plus two blacksmiths, two boys, four cooks, and mate Jorge Estorace \u2014 a crew of 62 in all. Weighing anchor, the \"San Carlos\" headed south down the Gulf of California to round Cabo San Lucas and then head north along the Pacific coast. On February 15, G\u00e1lvez dispatched the \"San Antonio\", captained by Juan P\u00e9rez, from Cabo San Lucas; Franciscan friars Juan Vizca\u00edno and Francisco G\u00f3mez served as chaplains. With sailors plus cooks, carpenters and blacksmiths, the \"San Antonio\" carried a total of around 30 men. These ships left ahead of the", + "score": 0.669921875 + }, + { + "id": "2650217", + "title": "Cabo San Lucas", + "text": "of Cabo's tourism industry was prompted by the Mexican government's development of infrastructure to turn Cabo San Lucas into a major center for tourism in Mexico, beginning in 1974. Upon completion of the Transpeninsular Highway, also known as the Mexican Federal Highway 1, tourist developments in Los Cabos proceeded relatively unchecked. Until fairly recently, the unique and fragile environment of this part of Mexico was largely unprotected by law, and therefore was subjected to developers acting in concert with government agencies interested only in low-end tourist bonanzas. There is, however, a growing collection of activists and attorneys now involved in", + "score": 0.66943359375 + }, + { + "id": "5557791", + "title": "Cabo Catoche", + "text": "Ger\u00f3nimo de Aguilar and Gonzalo Guerrero survived. Directly west of Cabo Catouche is Holbox Island and Yalahau lagoon, where the Caribbean and Gulf of Mexico converge, creating a rich environment for an abundance of marine life. These waters are home to the largest gathering of whale sharks in the world for about five months out of the year. Because of the mixing of these waters and the white coraline sands, clear turquoise and emerald waters are found. This island is a protected area and the sands are an important hatchery for sea turtles and a host of bird species. The", + "score": 0.66943359375 + }, + { + "id": "11620209", + "title": "Costa Grande of Guerrero", + "text": "is connected on the west side with Potos\u00ed Bay. The Lagunas de Mitla is situated between land and a sandy strand. It has a length of and a maximum width of . The lagoon empties into the sea through a canal on the southeast. The Laguna de Nusco is connected to the sea via the Barra (sand bar) del Nusco on the south. The Nusco River empties into it. The Laguna de Coyuca is just west of Acapulco Bay. It extends along the coast for and has a width of over . It empties into the ocean on the west", + "score": 0.66796875 + }, + { + "id": "13034016", + "title": "Hurricane Otis (2005)", + "text": "the remaining advisories were lifted the next day. High winds and heavy rainfall were anticipated. In advance of the storm, the governor of Baja California Sur, Narciso Ag\u00fandez Monta\u00f1o, ordered emergency personnel to Comond\u00fa, Lorteo, and Mulege. Approximately 700 families fled to shelters in Cabo San Lucas; elsewhere, an additional 200 families evacuated in San Jose del Cabo. Some residents in Miraflores and Santiago also left their homes. Agundez asked soldiers to assist the isla Magdalena and Margarita in preparing for the storm. Five communities in Mexico, including Cabo San Lucas, declared a state of emergency. Authorities throughout the region", + "score": 0.66552734375 + }, + { + "id": "14943547", + "title": "James Bond Beach", + "text": "James Bond Beach James Bond Beach is a beach that sits on a small peninsula at Oracabessa Bay, about 10 miles (16 km) from Ocho Rios on Jamaica's north coast. The beach has brightly painted changing rooms, a water sports centre, a bar, and a restaurant. It is surrounded by crystal clear water on three sides, and the mountains of St Mary reach straight down to the sea, a sight which serves as the beach's backdrop. Its expansive lawns are a regular venue for concerts by international artists such as Rihanna, Ziggy Marley, and Lauryn Hill. The two-story Moonraker bar,", + "score": 0.6650390625 + }, + { + "id": "6491194", + "title": "Camotes Sea", + "text": "Camotes Sea The Camotes Sea is a small sea within the Philippine archipelago, situated between the Eastern Visayan and the Central Visayan regions. It is bordered by the islands of Leyte to the north and east, Bohol to the south, and Cebu to the west. The sea is connected to the Visayan Sea to the northwest, and to the Bohol Sea (also called the Mindanao Sea) to the southwest by the Cebu Strait (and its 3 channels, the Mactan, the Olango, & the Hilutangan), and the Canigao Channel which is on the southeast side of the Camotes Sea. It contains", + "score": 0.66455078125 + }, + { + "id": "17263134", + "title": "1941 Cabo San Lucas hurricane", + "text": "press reports from Mexico City, the hurricane was considered the worst system to affect the state since the dawn of the 20th century. The port town of Cabo San Lucas was washed away and mostly destroyed due to flooding. The storm brought \"great loss of life\" to the city. Furthermore, the hurricane destroyed a tuna packaging plant. In all, this hurricane is regarded as one of the worst tropical cyclones to affect the city. Initially following the system, activities among the surrounding areas of the village ceased; throughout World War II, Cabo San Lucas was essentially abandoned, but most of", + "score": 0.6640625 + }, + { + "id": "14409465", + "title": "Costalegre", + "text": "state, Mexico. Officially, not a part of Costalegre itself, but separates Puerto Vallarta from the rest of the coast, and marks the top most northern point of Costalegre. Founded in 1944, Cabo Corrientes is a Municipality with over 80 kilometers of scenic highways and 200.106 hectares of forest surrounded by rivers and cascades. Some of its beaches are already very well known due to its proximity to Puerto Vallarta, like Las \u00c1nimas, Quimixto and Yelapa, often considered as part of Vallarta by the tourists, but which are in fact just a minor part of the large Cabo Corrientes's coast. The", + "score": 0.66259765625 + }, + { + "id": "1624268", + "title": "Baja California Sur", + "text": "parallel, plus the uninhabited Rocas Alijos in the Pacific Ocean. It is bordered to the north by the state of \"Baja California\", to the west by the Pacific Ocean, and to the east by the Gulf of California, or the \"Sea of Cort\u00e9s\". The state has maritime borders with Sonora and Sinaloa to the east, across the Gulf of California. The state is home to the tourist resorts of Cabo San Lucas and San Jos\u00e9 del Cabo. Its largest city and capital is La Paz. The state is the southern part of the Baja California Peninsula, located in the northwest", + "score": 0.66259765625 + }, + { + "id": "3180328", + "title": "Navojoa", + "text": "the Gulf of California which offers a variety of beaches. The surrounding country is also popular for hunting ducks, doves and deer. Las Bocas, 30 miles south of Navojoa, is a small beach community on the Gulf of California that is frequently visited by the local residents of Navojoa during spring. (April\u2013May). It is particularly popular during \"Semana Santa\" (Holy Week), when campers stay for seven days and then return to Navojoa for Easter celebrations. Many people from Navojoa own a second house in Las Bocas. Although one of the closer beaches to Navojoa is located about one hour away", + "score": 0.66064453125 + }, + { + "id": "8911403", + "title": "Hurricane Paul (2006)", + "text": "carried the evacuated citizens to schools temporarily set up as shelters. A hotel in Cabo San Lucas informed its guests of the approaching storm, and organized indoor activities for those that stayed. Several tourists ended their vacations early and left through local airports. The threat of the storm closed the port at Cabo San Lucas, causing delays in a local fishing competition. In Sinaloa, authorities evacuated over 5,000 families in risk of flooding. The National Hurricane Center noted that the precursor disturbance had the potential to drop heavy rainfall which could result in life-threatening flash flooding or mudslides in Oaxaca", + "score": 0.66015625 + }, + { + "id": "17613858", + "title": "Lake Bacalar", + "text": "Lake Bacalar Lake Bacalar (or Laguna de Bacalar) is a long and narrow lake in the state of Quintana Roo, Mexico. It is approximately 42 km long measured from north to south, and less than 2 km at its widest. The lake is renowned for its striking blue color and water clarity, partly the result of having a white limestone bottom. Like most bodies of water in the Yucat\u00e1n peninsula, the lake is fed by underground rivers, whose regular open pools are cenotes. Because of the porous limestone, the Yucatan Pen. has almost no lakes, this is by far the", + "score": 0.66015625 + }, + { + "id": "20219164", + "title": "Cabo Corrientes, Mar del Plata", + "text": "Cabo Corrientes, Mar del Plata Cabo Corrientes (Cape Currents) is a rocky outcrop on the Argentine coast between the Chica and Varese beaches in Mar del Plata, in the extreme southeast of Buenos Aires Province, on the Argentine Sea of the Atlantic Ocean. It is located at the geographical coordinates . Cabo Corrientes was originally called Cabo de las Dos Corrientes (Cape of the Two Currents), since it is the point where a warm current from the tropical coast of Brazil (Brazil Current) converges with a current of frigid water from the Antarctic (Falklands Current). Admiral William Brown anchored at", + "score": 0.65966796875 + }, + { + "id": "15943739", + "title": "Boca Teacapan", + "text": "can be taken off the entrance, about 0.8 mile seaward of the outer edge of the bar. Boca Teacapan Boca Teacapan (Tecapan Mouth) is the outlet of the Estero de Teacap\u00e1n (Tecapan Estuary) that drains two large coastal lagoons, Agua Grande Lagoon in Sinaloa and Agua Brava Lagoon in Nayarit to the Pacific Ocean. It forms part of the border between the Escuinapa Municipality of Sinaloa, and Nayarit in Mexico. Boca Teacapan, lies 22.5 miles southeast of the Baluarte River and 44.5 miles southeast of Mazatlan. The mouth is marked by a light. A continuously breaking bar fronts the entrance", + "score": 0.65966796875 + }, + { + "id": "6881538", + "title": "Ras Nouadhibou", + "text": "Ras Nouadhibou Ras Nouadhibou () is a peninsula or headland divided between Mauritania and Western Sahara on the African coast of the Atlantic Ocean. It is internationally known as Cabo Blanco in Spanish or Cap Blanc in French (both meaning \"White Headland\"). In the 14th and 15th centuries, fishing activities carried out from the nearby Canary Islands, by Spanish fishermen, inspired Spain to develop an interest in the desert coast of what is today called Western Sahara. Cabo Blanco, in the Atlantic Ocean, is the only place in the world where Mediterranean monk seals form a true colony. In 1997,", + "score": 0.65966796875 + }, + { + "id": "15943738", + "title": "Boca Teacapan", + "text": "Boca Teacapan Boca Teacapan (Tecapan Mouth) is the outlet of the Estero de Teacap\u00e1n (Tecapan Estuary) that drains two large coastal lagoons, Agua Grande Lagoon in Sinaloa and Agua Brava Lagoon in Nayarit to the Pacific Ocean. It forms part of the border between the Escuinapa Municipality of Sinaloa, and Nayarit in Mexico. Boca Teacapan, lies 22.5 miles southeast of the Baluarte River and 44.5 miles southeast of Mazatlan. The mouth is marked by a light. A continuously breaking bar fronts the entrance and extends up to about 2 miles offshore. The lagoons are accessible only by small craft. Anchorage", + "score": 0.65869140625 + }, + { + "id": "9480707", + "title": "Hurricane Ignacio (2003)", + "text": "hit the eastern Baja California coastline. Swells of 10 feet (3 m) in height in La Paz closed the city's small port. Hurricane-force winds blew down trees, signs, and power lines in and around La Paz, while closer to the beach the hurricane destroyed multiple beach huts. Rough surf in the harbor of La Paz sunk one fishing vessel and grounded four others. Efforts by the Mexican Navy prevented an additional vessel and two cruise ships from being grounded. In Cabo San Lucas, effects were minimal, amounting to light winds and rain of less than 2 inches (50 mm). The", + "score": 0.658203125 + }, + { + "id": "16190921", + "title": "Sa\u0301nchez Magallanes", + "text": "through a swampy area. The peninsula comes to a point on the east. The main road through the town comes to this point, which then connects to a bridge over a gap that connects the lagoon to the Gulf. The Del Carmen Lagoon is the inland body of water to which the center of town faces. It is one of several small lagoons which are separated only by narrow strips of land from the Gulf of Mexico. This water has tones of blue and green. Boats are available to rent for tours of the body of water or to visit", + "score": 0.658203125 + }, + { + "id": "10219017", + "title": "Copano Bay", + "text": "Lake and to the mouth of Port Bay. The bay's maximum depth is , and in contrast to the Laguna Madre (approximately 80 miles down the coast to the south), is not hypersaline. The Mission and Aransas Rivers are the main freshwater sources: small rivers with deep banks that carve through a landscape lined with hardwood trees. Their inflows increase during significant rainfall and reach their seasonal highs during the autumn. These rivers have not been dammed and thus flow free. At both mouths, marshes covering several square miles stretch from the confluences with Copano Bay and forming several saline", + "score": 0.65771484375 + }, + { + "id": "10833060", + "title": "Caballo Lake", + "text": "Caballo Lake Caballo Lake is a reservoir on the Rio Grande in southern New Mexico, United States. It is the fourth largest reservoir in New Mexico in terms of surface area and the fifth largest body of water in New Mexico in terms of volume. The lake is in Caballo Lake State Park, which is approximately south of Truth or Consequences. The lake is used for recreational activities, such as boating, swimming, waterskiing, and fishing. Fish in the lake include walleye, bass, catfish, crappie, and bluegill. Caballo Lake is also a birdwatching site. Many migratory birds use the lake as", + "score": 0.65771484375 + }, + { + "id": "12583430", + "title": "Pueblo Bonito Hotels and Resorts", + "text": "features six treatment rooms with 'waterfall' windows, an indoor Jacuzzi, steam, sauna, cold plunge pool, Swiss shower room, and a VIP couple's chamber with private entrance. Pueblo Bonito Los Cabos is a Mediterranean-inspired hotel located on El Medano beach. Pueblo Bonito Los Cabos' amenities include pool, fitness facilities, and a spa. Pueblo Bonito Rose Resort & Spa features Mediterranean-style architecture and is located on El Medano Beach approximately from Los Cabos International Airport. The hotel has one large main pool and three restaurants. The ABC television show \"The Bachelor\" took place at the Sunset Beach Resort Pac\u00edfica has within its", + "score": 0.6572265625 + }, + { + "id": "2966107", + "title": "Galveston Bay", + "text": "contribute the remaining 18%. Galveston Bay has three outlets to the Gulf of Mexico: Bolivar Roads (the exit of the Houston Ship Channel) between Galveston Island and the Bolivar Peninsula, San Luis Pass at the west end of Galveston Island, and Rollover Pass across Bolivar Peninsula. Many smaller bays and lakes are connected to the main system, including Christmas Bay, Moses Lake, Dickinson Bay, Clear Lake, Ash Lake, Black Duck Bay, and San Jacinto Bay. The Gulf Intracoastal Waterway, an inland waterway consisting of natural islands and man-made canals, runs between the bay and the Gulf. The climate around the", + "score": 0.6572265625 + }, + { + "id": "1624286", + "title": "Baja California Sur", + "text": "at Medano Beach and surfing at Todos Santos, Pescadero East Cape and Scorpion Bay. Other important activities include fishing and fish farming, alternative energy production, mineral and salt extraction, film production, information and communication technologies and biotechnology. As of 2011, the state has 5,651km of highway, eleven ports (five of which are international), and four international airports. The peninsula's main transport artery is Mexican Federal Highway 1, which runs from the southern end of the peninsula at Cabo San Lucas to the United States-Mexico border at San Ysidro. Mexican Federal Highway 19 provides an alternate route between Cabo San Lucas", + "score": 0.6572265625 + }, + { + "id": "20753026", + "title": "Hurricane Bud (2018)", + "text": "well as from Altata to Huatabampo on the mainland. An orange alert was also instated for the popular tourist destination of Los Cabos Municipality, where roughly 21,000 tourists were residing during the storm. These watches and warnings were progressively discontinued as Bud moved further into the Gulf of California and weakened to a tropical depression on June 15. Tropical Storm Bud made landfall near Cabo San Lucas just after 02:00 UTC on June 15 with maximum sustained winds of 45 mph (55 km/h), bringing heavy rains and gusty winds to the southern Baja California Peninsula. A weather station in Cabo", + "score": 0.65673828125 + }, + { + "id": "5522861", + "title": "Los Cabos Municipality", + "text": "of micro climates, including areas with a climate similar to the Mediterranean. Areas between 0 and 400 meters are desert and semi-desert, with many areas having deep sand deposits. Higher elevations get more water and can have pine forests. The main surface water of the municipality is the R\u00edo San Jos\u00e9 or San Jos\u00e9 River, which runs north to south, mostly during the rainy season. Other streams run only during rains and include Santiago, Miraflores, Cadua\u00f1o and Las Palmas. There are subterranean deposits of water such as the Santiago and San Jos\u00e9 del Cabo, but the lack of water is", + "score": 0.65673828125 + }, + { + "id": "15407686", + "title": "Lago de Came\u0301cuaro National Park", + "text": "means \"Place of Bathing\" Lago de Cam\u00e9cuaro National Park is located 14 km (8.5 mi) east of the city of Zamora de Hidalgo, Michoac\u00e1n on Federal Highway 15 heading towards Morelia, Michoac\u00e1n. The lake itself has a surface area of approximately and has a maximum depth of . The lake is supplied with water from numerous springs slightly to the south of the lake. Cam\u00e9cuaro Lake then empties at a slow rate into the Duero River which is an important tributary to the Lerma River. The park is part of a large alluvial plain surrounded by mountains with a northeast-southeast", + "score": 0.65625 + }, + { + "id": "18728255", + "title": "Hurricane Odile", + "text": "track, a state of emergency was declared on September 14 in La Paz, Los Cabos, Comond\u00fa, Loreto and Muleg\u00e9. In Cabo San Lucas, 2,100 marine workers were set up to start evacuations. In La Paz, classes were suspended. Throughout the peninsula, 164 shelters were opened capable of harboring 30,000 people, but only 3,500 persons used these shelters. At the time of landfall, hotels in the state were at 46% of capacity, equal to 30,000 tourists, 26,000 of whom were foreigners. The ports of La Paz, Los Cabos, San Jos\u00e9 del Cabo, and Loreto were closed. Around 800 marine officers were", + "score": 0.65576171875 + }, + { + "id": "12714915", + "title": "Las Bocas, Sonora", + "text": "Las Bocas, Sonora Las Bocas is a small fishing village located in the south of the Mexican state of Sonora. It is part of the Huatabampo municipality. Despite being part of Huatabampo, most properties there are owned by families from Navojoa who have their second house next to the beach. Las Bocas is a popular weekend and holiday destination for people from the south of Sonora (mainly the city of Navojoa) and north of Sinaloa. It is specially visited during the Holy Week which is the week before Easter. There are two main beaches in Las Bocas: Playa Norte (North", + "score": 0.6552734375 + }, + { + "id": "2456116", + "title": "Campeche", + "text": "The rest of the states streams flow only in the rainy season. The Laguna de T\u00e9rminos lagoon is located in the southwest of the state, near the Tabasco border. It is separated from the Gulf of Mexico only by the Isla del Carmen. It receives fresh water from most of Campeche's rivers as well as salt water from the Gulf. In these brackish waters have developed a number of aquatic species such as sea bass, small sharks, crabs, oysters, turbles, and storks. The lagoon is ringed by smaller lakes and forms the most important lake-lagoon system in the country. These", + "score": 0.6552734375 + }, + { + "id": "2650221", + "title": "Cabo San Lucas", + "text": "Company (also the first microbrewery in Baja California), Pink Kitty Nightclub, Mandala, El Squid Roe, Giggling Marlin, Nowhere Bar, Tiki Bar, the Usual Suspects and the Jungle Bar. Restaurants in downtown Cabo include Edith's, Hacienda Cocina y Cantina, and Sunset da Mona Lisa. Tourists can also ride horses through the desert, charter a boat for fishing, snorkel, and parasail on the beach. The English-language newspaper for Cabo San Lucas, the biweekly \"Gringo Gazette\", has news on tourist activities in Cabo San Lucas, San Jose, Todos Santos, La Paz, and the East Cape Baja. The corridor is home to a variety", + "score": 0.654296875 + }, + { + "id": "12714917", + "title": "Las Bocas, Sonora", + "text": "Federal Highway 15 via a two-lane, paved state road. Playa Sur has its main boulevard paved as it is part of the Carretera Costera Riviera Mayo (Mayo Riviera Coastal Road). This highway connects to neighbor beaches Tohaui, Bajerobeta, and Bachoco, and to the port of Yavaros. The nearest commercial airport is Ciudad Obreg\u00f3n International Airport, roughly 100 km away. Las Bocas, Sonora Las Bocas is a small fishing village located in the south of the Mexican state of Sonora. It is part of the Huatabampo municipality. Despite being part of Huatabampo, most properties there are owned by families from Navojoa", + "score": 0.65380859375 + }, + { + "id": "7804307", + "title": "Camp San Luis Obispo", + "text": "courts and camping sites. Dairy Creek Golf Course is located in the southwestern portion of the park. An area in the northern portion of the park is off limits due to the discovery of unexploded munitions. Salinas Dam, which forms Santa Margarita Lake, was built to supply water to Camp San Luis Obispo. The lake now supplies water to the city of San Luis Obispo, though it is still owned by the United States Army Corps of Engineers. In 2011 portions of the Camp were converted for use as the primary Ranger and Lifeguard (State Park Peace Officer) POST certified", + "score": 0.65283203125 + }, + { + "id": "12140753", + "title": "Caban\u0303as, Cuba", + "text": "Caba\u00f1as, Cuba Caba\u00f1as is a village and \"consejo popular\" of the municipality of Mariel, in the Artemisa Province, on the northeast coast in western Cuba. Prior to 1970 was a municipality of Pinar del R\u00edo Province. Caba\u00f1as bay is a harbor with industrial and fishing facilities, with an important base of the Cuban Navy. Located in the western corner of the Caba\u00f1as Bay (\"Bah\u00eda de Caba\u00f1as\"), by the Atlantic Ocean, Caba\u00f1as lies between Mariel (21 km west) and Bah\u00eda Honda (30 km east), and is crossed in the middle by the state highway \"Circuito Norte\" (CN). It is 26 km", + "score": 0.65283203125 + }, + { + "id": "20127105", + "title": "Lake Palomas", + "text": "of the water entering into Lake Palomas seeped into the ground, nourishing aquifers in the Paso del Norte region. The catchment of Lake Palomas covered about , and was fully developed by about 200,000 years ago. Three different shorelines of Lake Palomas are known. These are the La Mota, the Guzm\u00e1n and the Las Muertos at . The La Mota shorelines are noticeable on the northeastern side of the lake between Columbus, New Mexico, and Villa Ahumada, Chihuahua, where they are over . On the western side conversely, they are buried beneath alluvial deposits and thus difficult to recognize. Lower", + "score": 0.65283203125 + }, + { + "id": "19847717", + "title": "Oceta\u0301 Pa\u0301ramo", + "text": "water for lower lying terrains and the Ocet\u00e1 P\u00e1ramo is no exception. In the upper part of the p\u00e1ramo, marshes and small lakes exist. The biggest waterbody is the Laguna Negra and the Calicanto, Tejar and Morro Rivers as well as numerous creeks (\"quebradas\") have their origin on the P\u00e1ramo de Ocet\u00e1. The Penagos waterfall feeds the Laguna Negra. The Ocet\u00e1 P\u00e1ramo is part of the El Cocuy sub-basin, an inverted basin in the Eastern Ranges. During the Hauterivian, the El Cocuy and Tablazo sub-basins formed a continuous basin due to the flooding of the Santander-Floresta paleohigh. The main uplift", + "score": 0.65234375 + }, + { + "id": "12150712", + "title": "Oso Bay", + "text": "for fishing in the area. Oso Bay is home to the Hans and Pat Suter Wildlife Refuge which is considered to be one of the best sea bird watching areas in the world. Some of the birds regularly found in the on and around Oso Bay are Oso Bay Oso Bay is a bay bordered by Corpus Christi, Texas. The bay is fed freshwater by Oso Creek and saltwater from Corpus Christi Bay. The Hans and Pat Suter Wildlife Refuge is located on the bay's western shore near the Pharaoh Valley subdivision, Naval Air Station Corpus Christi is located on", + "score": 0.65234375 + }, + { + "id": "4920520", + "title": "Cabo Gira\u0303o", + "text": "visitors. It is situated less than two kilometres west from the centre of C\u00e2mara de Lobos, between the parishes of Quinta Grande and C\u00e2mara de Lobos. A diamond-shaped sea-cliff escarpment from to above sea level, Cabo Gir\u00e3o lies between two river-valleys that flow into the Atlantic Ocean. The escarpment/cliffs extend approximately three kilometres between the urban sprawl of C\u00e2mara de Lobos to the east and the river-valley of Quinta Grande in the west. There are cultivated wave-cut platforms (Faj\u00e3s de Cabo Gir\u00e3o) located below the sheer cliffs, which at one time only accessible by boat. In August 2003, a cable", + "score": 0.65185546875 + }, + { + "id": "3739350", + "title": "Cape Bojador", + "text": "is said in the \"Sailing Directions\" sound terribly formidable: \"Cabo Falso Bojador is formed by several tall sand dunes ... A rocky shoal, with a least depth of 4.8m, extends up to 3 miles N of the cape. A rocky patch, with a least depth of 8m, lies about 2 miles W of the cape. The coast between Cabo Falso Bojador and Cabo Bojador, 10 miles SW, consists of a sandy beach fringed by rocks. Clumps of scrub top the sand dunes which stand about 0.5 mile inland of this beach. Heavy breakers have been observed along this coast at", + "score": 0.65185546875 + }, + { + "id": "20127109", + "title": "Lake Palomas", + "text": "lake and its catchment. The fragmentation of Lake Palomas would have triggered the split into various species. Before Lake Palomas, an even larger lake existed in the area, Lake Cabeza de Vaca. Named after \u00c1lvar N\u00fa\u00f1ez Cabeza de Vaca, this lake covered a surface area of in Chihuahua and New Mexico. It was nourished by the Rio Grande through the Mesilla Valley and its shores approximately followed the present-day contours. Lake Palomas itself is considered to have formed 500,000 years ago. The La Mota shoreline of Lake Palomas is approximately coeval with Lake Lahontan and Lake Bonneville, about 60,000 years", + "score": 0.65185546875 + }, + { + "id": "15407685", + "title": "Lago de Came\u0301cuaro National Park", + "text": "Lago de Cam\u00e9cuaro National Park Lago de Cam\u00e9cuaro National Park is located east of the city of Zamora de Hidalgo in the municipality of Tanganc\u00edcuaro in the state of Michoac\u00e1n. The Park consists of of protected area including Cam\u00e9cuaro Lake which is supplied by a series of natural springs. The lake is popular due to crystal clear water and the beautiful vegetation that surrounds the lake. Even though the lake is relatively small, many photographers from all over Mexico come to take professional photographs that capture the parks picturesque views. Cam\u00e9cuaro derives from the native language pur\u00e9pecha or tarasca which", + "score": 0.65185546875 + }, + { + "id": "5522873", + "title": "Los Cabos Municipality", + "text": "the Mexican Revolution with a lighthouse at Cabo Falso as early as 1905, just southwest of Cabo San Lucas, in part to remind U.S. ships in the waters here that the territory remained Mexican. Today, it is known as the \u201cFaro Viejo\u201d (Old Lighthouse) and is a historic monument. In 1917, a U.S. company began tuna fishing operations here and had a floating processing plant. In 1927, the Compa\u00f1\u00eda de Productos Marinas based its operations in Cabo San Lucas and helped develop the port to make it open to tourism later. In the 1920s, the first road connecting San Jos\u00e9", + "score": 0.6513671875 + }, + { + "id": "10219009", + "title": "Copano Bay", + "text": "Copano Bay Copano Bay is a northwestern extension of Aransas Bay, west of Rockport, Texas in Refugio and Aransas counties. It is supplied with seawater from the Gulf of Mexico via Aransas Bay, and fed freshwater from the Aransas River, Mission River and Copano Creek. As an estuary, the bay is home to a diverse ecosystem consisting of various birds including the endangered whooping crane, and numerous finfish including the redfish as well as shellfish such as oysters. It is classified as a nursery for shrimp, which prohibits production from the bay. Copano Bay is also a historic location for", + "score": 0.6513671875 + }, + { + "id": "3891793", + "title": "2004 Pacific hurricane season", + "text": "weakened to a tropical storm at 18:00 UTC on July 22 and eventually degenerated into a remnant low at 00:00 UTC on July 26. The post-tropical cyclone dissipated about 1,740 mi (2,800 km) west-southwest of the southern tip of the Baja California Peninsula later that morning. A tropical depression formed at 12:00 UTC on July 26 while positioned about 760 mi (1,225 km) south-southwest of Cabo San Lucas, Mexico from a tropical wave that entered the eastern Pacific nearly a week prior. The system quickly intensified as it curved west-northwest around a subtropical ridge, becoming Tropical Storm Darby at 00:00", + "score": 0.65087890625 + }, + { + "id": "10833062", + "title": "Caballo Lake", + "text": "there are many sandy areas. Beware of the whirlpool at the dam, as it can be a hazard. Caballo Lake Caballo Lake is a reservoir on the Rio Grande in southern New Mexico, United States. It is the fourth largest reservoir in New Mexico in terms of surface area and the fifth largest body of water in New Mexico in terms of volume. The lake is in Caballo Lake State Park, which is approximately south of Truth or Consequences. The lake is used for recreational activities, such as boating, swimming, waterskiing, and fishing. Fish in the lake include walleye, bass,", + "score": 0.650390625 + }, + { + "id": "14074642", + "title": "Abbotts Lagoon", + "text": "Abbotts Lagoon Abbotts Lagoon is a two-stage lagoon on the northwestern coast of the Point Reyes National Seashore, southwest of Tomales Point. The upper lagoon is a fresh water impoundment which overflows into a lower brackish level with occasional winter tidal exchange. The eastern shore of the lagoon is covered with old growth northern coastal scrub including coyote bush, yellow bush lupine, sword fern and California blackberry. Abbotts Lagoon is usually separated from the Pacific Ocean by dune sand to the west. The eastern side of the lagoon is bordered by Miocene marine sediments to the north and Pliocene marine", + "score": 0.64990234375 + }, + { + "id": "13034017", + "title": "Hurricane Otis (2005)", + "text": "opened numerous shelters, and in some locations, police officers went door-to-door asking residents to leave. The port in Cabo San Lucas was closed due to the storm's threat, although the airport remained open. Although the center of Otis remained offshore, tropical storm-force winds were reported at higher elevations over portions of southern Baja California. At Cabo San Lucas, an automated weather station recorded a wind gust to on September 30, with sustained winds of . There, periods of heavy rainfall mixed with fair skies as the storm passed. No damages or fatalities were reported, although some media reports indicated that", + "score": 0.64990234375 + }, + { + "id": "13078058", + "title": "Posadas Lake", + "text": "Posadas Lake Lake Posadas is a lake located on the edge of the southern Andes, northwest of Santa Cruz Province, Argentina, near the border between Argentina and Chile. Its turquoise waters and a curious tunnel-shaped rock at the centre makes a distinctive landscape. A narrow land bridge separates the northern end of Lake Posadas from the bigger, deeper Cochrane/Pueyrred\u00f3n Lake. Bordered by glacial moraines, Lake Posadas is located on the eastern slope of the Andes mountain range. It belongs to the Argentine-Chilean binational basin of the Baker River which drains into the Pacific Ocean. It has an important affluent, the", + "score": 0.64990234375 + }, + { + "id": "7845720", + "title": "Corpus Christi Bay", + "text": "of the 2008 U.S. Wind and Water Open, as well as the Texas International Boat Show in 2008, 2009 and 2010. Corpus Christi Bay Corpus Christi Bay is a scenic semi-tropical bay on the Texas coast found in San Patricio and Nueces counties, next to the major city of Corpus Christi. It is separated from the Gulf of Mexico by Mustang Island, and is fed by the Nueces River and Oso Creek from its western and southern extensions, Nueces Bay and Oso Bay. The bay is located approximately south of San Antonio, and southwest of Houston. Corpus Christi Bay has", + "score": 0.64990234375 + }, + { + "id": "11636240", + "title": "Jalisco", + "text": "of the flow of both the Lerma and Santiago Rivers. There are a number of seasonal and salty lakes linking to form the Zacoalco-Sayula land-locked system. There are other smaller lakes called Cajititl\u00e1n, Sayula, San Marcos, and Atotonilco. Dams include the Caj\u00f3n de Pe\u00f1a, Santa Rosa, La Vega, Tacot\u00e1n and Las Piedras. Jalisco's surface water accounts for fifteen percent of the surface freshwater in Mexico. In 1987, four beaches in Jalisco were designated as federal marine turtle sanctuaries: El Tecu\u00e1n, Cuitzmala, Teopa and Play\u00f3n de Mismaloya, with an extension of . Playa Majahuitas is southwest of Puerto Vallarta with a", + "score": 0.6494140625 + }, + { + "id": "19719834", + "title": "Bass Lake (Marin County, California)", + "text": "Bass Lake (Marin County, California) Bass Lake is a small lake in the southern portion of the Point Reyes National Seashore, northwest of Bolinas. The lake sits at an elevation of and flows out south to the ocean via a creek. Bass Lake is the largest of the five Coast Trail Lakes, which also include Pelican Lake, Crystal Lake, Ocean Lake and Wildcat Lake. As with the other nearby lakes in the southeast portion of the Point Reyes peninsula, Bass Lake occupies a natural synclinal depression formed behind blocks of rock displaced by landslides within the past 10,000 years. The", + "score": 0.6494140625 + }, + { + "id": "7204701", + "title": "Cabo Polonio", + "text": "collecting rain water. According to the 2011 census, it had a population of 95 inhabitants. Cabo Polonio sits on the tip of a peninsula that extends into the Atlantic Ocean. The ocean side of the peninsula experiences strong waves, while the bay interior to the peninsula is sheltered. At the top end, a lighthouse stands over boulders tumbling into the sea. Three small, rocky islands dot the coast nearby. Near to the village is a colony of sea lions. The shore also has mobile sand dunes, in which the sand is blown by the wind and the dunes change their", + "score": 0.6494140625 + }, + { + "id": "17387915", + "title": "Lake Calabay", + "text": "and 1997. Lake Calabay is of irregular shape, constructed that way so as many homes as possible could border the lake. In three places on the south and west the lake borders Hunter's Creek Boulevard. This roadway serves as a form of dam separating Lake Calabay from two bodies of water on the south and west sides of the lake. There are no swimming areas or boat ramps on Lake Calabay, public or private, and no swimming or boating is allowed. This is a private lake, although the public could reach the shores at three points along Hunter's Creek Boulevard.", + "score": 0.6494140625 + }, + { + "id": "11620073", + "title": "Costa Chica of Guerrero", + "text": "Mexican federal police, which has been trying to control an increased incidence of highway robbery. Chautengo is a large lagoon in the Cruz Grande municipality. Most economic activity is based on fishing, but there are some palapas and food service at the Pico del Monte beach, which is next to where the lagoon opens to the sea. La Bocana is a long beach facing open ocean with a small navigable estuary where the Marquelia River empties into the Pacific Ocean. The area is filled with palapa restaurants as the beach is popular with locals. La Pe\u00f1itas has two small bays", + "score": 0.6484375 + }, + { + "id": "5522874", + "title": "Los Cabos Municipality", + "text": "del Cabo and Cabo San Lucas was begun but not completely finished until 1970. For the most part, the area remained rural and undeveloped until the latter 20th century, when the federal agency Fonatur began to develop a tourism industry here. Development began with Cabo San Lucas for vacationers, but then spread to San Jose del Cabo, but with a different direction with more art galleries and promotion of its traditional Mexican character. The current municipality of Los Cabos was created in 1981, separated from the municipality of La Paz, with the seat at San Jose del Cabo. The town", + "score": 0.6484375 + }, + { + "id": "13558934", + "title": "Soto La Marina River", + "text": "the Purificaci\u00f3n river. The Rio Purificaci\u00f3n joins with the Rio Corona near the town of Padilla, Tamaulipas where the river is damned to create the Vicente Guerrero Reservoir. From there downstream the river is called the Soto La Marina. Entering the coastal plain the river passes through the town of Soto La Marina. It forms a delta at its mouth and enters the Gulf of Mexico via two outlets. The lowest 50 kilometers (31 miles) of the river are navigable by boats. The Soto La Marina is the thirteenth longest river in Mexico. The lower course of the Soto La", + "score": 0.6484375 + }, + { + "id": "7845702", + "title": "Corpus Christi Bay", + "text": "Corpus Christi Bay Corpus Christi Bay is a scenic semi-tropical bay on the Texas coast found in San Patricio and Nueces counties, next to the major city of Corpus Christi. It is separated from the Gulf of Mexico by Mustang Island, and is fed by the Nueces River and Oso Creek from its western and southern extensions, Nueces Bay and Oso Bay. The bay is located approximately south of San Antonio, and southwest of Houston. Corpus Christi Bay has a rich history of human settlement along its shores that dates back millennia and is responsible for the growth of Corpus", + "score": 0.64794921875 + } + ], + "answer": "Cabo San Lucas, or simply Cabo, is a resort city at the southern tip of the Baja California Peninsula, in the Mexican state of Baja California Sur. Cabo San Lucas is surrounded by the Gulf of California, also known as the Sea of Cort\u00e9s or less commonly as the Vermilion Sea, to the east. To west of Cabo San Lucas is the Pacific Ocean. The main draw for most visitors has been the environment, where the desert meets the sea, best symbolized by El Arco, a natural stone arch over the ocean in Cabo San Lucas where the Pacific Ocean and the Gulf of California meet." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who is the player scored the first own goal in fifa world cup history?", + "short_answers": [ + "Manuel Rosas", + "Manuel Rosas S\u00e1nchez" + ], + "wikipage": null + }, + { + "context": "No player holds the dubious distinction of having scored multiple own goals. Mexico has had their players score own goals on four different occasions each, while France has benefited on six occasions from opponents scoring own goals. Of the 52 matches with an own goal, seven have ended as wins for the team scoring the own goal, and eight have ended as draws. All but 12 own goals have been scored in the first stages of the tournament.", + "question": "Who is team scored the first own goal in fifa world cup history?", + "short_answers": [ + "Mexico", + "Mexico national football team" + ], + "wikipage": "List of FIFA World Cup own goals" + } + ], + "wikipages": [ + { + "title": "List of FIFA World Cup own goals", + "url": "https://en.wikipedia.org/wiki/List%20of%20FIFA%20World%20Cup%20own%20goals" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Manuel Rosas, Mexico vs Chile, 1930", + "wikipage": "List of FIFA World Cup own goals" + }, + { + "content": "Out of over 2500 goals scored in matches at the 21 final tournaments of the FIFA World Cup,[1] only 53 have been own goals.", + "wikipage": "List of FIFA World Cup own goals" + } + ], + "long_answer": "Over 2500 goals have been scored in the FIFA World Cup, but the first own goal in the tournament goes to Mexico\u2019s national football team player, Manuel Rosas Sanchez or just simply Manuel Rosas. He accomplished this unfortunate goal during a match in 1930 against Chile. Mexico has had their players score on themselves on four different occasions, making them the overall winner or loser depending on who you are rooting for." + }, + { + "knowledge": [ + { + "content": "An own goal is an event in competitive goal-scoring sports (such as association football or hockey) where a player scores on their own side of the playing area rather than the one defended by the opponent.", + "wikipage": "Own goal" + }, + { + "content": "Out of over 2500 goals scored in matches at the 21 final tournaments of the FIFA World Cup,[1] only 53 have been own goals.[2][3]", + "wikipage": "List of FIFA World Cup own goals" + }, + { + "content": "Manuel Rosas S\u00e1nchez (17 April 1912 in Mexico City \u2013 20 February 1989), nicknamed Chaquetas, was a Mexican footballer who participated in the 1930 FIFA World Cup.", + "wikipage": "Manuel Rosas" + } + ], + "long_answer": "An own goal is an event in competitive goal-scoring sports where a player scores on their own side of the playing area rather than the one defended by the opponent. Out of over 2500 goals scored in matches at the 21 final tournaments of the FIFA World Cup, only 53 have been own goals. The first own goal is FIFA World Cup history was by Manuel Rosas S\u00e1nchez, a Mexican footballer. The team that scored the first own goal was the Mexico national football team." + } + ], + "sample_id": "-7915216428658698544", + "question": "Who scored the first own goal in fifa world cup history?", + "docs": [ + { + "id": "3419775", + "title": "Carlos Gamarra", + "text": "losing 1-0 to Argentina in the final. In the 2006 FIFA World Cup, Gamarra was the first player in the tournament to score an own goal, from an incoming free kick from David Beckham in his team's opening match against England, which eventually led to England's 1-0 win. (Scored after just three minutes, this became the fastest World Cup finals own goal in history, until the 2014 FIFA World Cup where Sead Kola\u0161inac scored just after two minutes playing for Bosnia and Herzegovina against Argentina in the group stages.) During the 2006 FIFA World Cup, Gamarra announced his retirement from", + "score": 0.79638671875, + "summary": "Carlos Gamarra scored the first own goal in the 2006 FIFA World Cup against England, leading to England's 1-0 win.", + "extraction": "Carlos Gamarra was the first player in the tournament to score an own goal, from an incoming free kick from David Beckham in his team's opening match against England." + }, + { + "id": "9624623", + "title": "Manuel Rosas", + "text": "in World Cup play (the first to score more than two goals was Luis Hernandez, 68 years later) and the first player to score an own goal in the history of FIFA World Cup (against Chile). His brother, Felipe Rosas, also played in the 1930 World Cup. Both were players of Atlante F.C. during the tournament. Manuel Rosas Manuel Rosas S\u00e1nchez (17 April 1912 in Mexico City \u2013 20 February 1989), nicknamed \"Chaquetas\", was a Mexican footballer who participated in the 1930 FIFA World Cup. He was the first player in the history of FIFA World Cup who scored a", + "score": 0.77734375, + "summary": "Manuel Rosas scored the first own goal in FIFA World Cup history.", + "extraction": "Manuel Rosas scored the first own goal in the history of FIFA World Cup." + }, + { + "id": "10455590", + "title": "Mario Mandz\u030cukic\u0301", + "text": "give Croatia a 2\u20131 victory, sending the team to the World Cup final for the first time in their history. In the final against France on 15 July, he became the first player ever to score an own goal in a World Cup final, when he headed Antoine Griezmann's free-kick into his own net to give France a 1\u20130 lead; he later scored Croatia's second goal by chasing down and capitalizing on an error from French goalkeeper Hugo Lloris, as the match eventually ended in a 4\u20132 defeat. With that goal, Mario Mand\u017euki\u0107 became the second player in World Cup", + "score": 0.77392578125, + "summary": "Mario Mandz\u030cukic\u0301 scored the first own goal in a World Cup final on July 15, giving France a 1-0 lead.", + "extraction": "irrelevant" + }, + { + "id": "20441558", + "title": "2018 FIFA World Cup Group H", + "text": "goalkeeper was beaten by Krychowiak's header with five minutes to go after a free kick from the right. Cionek became the first Polish player to score an own goal in a World Cup match. Cionek's own goal was only the second time an African nation has benefited from an own goal in a World Cup match, after Andoni Zubizarreta for Spain against Nigeria in 1998. Senegal continued their impressive undefeated in the opening World Cup match, having beaten France 1\u20130 in 2002.
The two teams had faced each other three times, most recently in a", + "score": 0.7646484375, + "summary": "Irrelevant.", + "extraction": "\"Cionek became the first Polish player to score an own goal in a World Cup match.\"" + }, + { + "id": "5257539", + "title": "Zvjezdan Misimovic\u0301", + "text": "of the world cup. Almost three minutes into the game, a free kick from Lionel Messi flicked on by Marcos Rojo, was deflected into the net for an own goal by Sead Kola\u0161inac. It was the fastest own goal in the history of the World Cup. In the next half, Messi scored from the edge of the penalty area, tucking the ball into the bottom-right corner. Misimovi\u0107 was substituted 11 minutes later. With five minutes of the match remaining, Ibi\u0161evi\u0107 scored after a pass from Senad Luli\u0107, which was Bosnia's first ever World Cup-goal. The match ended 2\u20131. In the", + "score": 0.7646484375, + "summary": "Irrelevant.", + "extraction": "Sead Kola\u0161inac scored the first own goal in fifa world cup history." + }, + { + "id": "17309347", + "title": "2014 FIFA World Cup Group A", + "text": "Busacca defended the officials for awarding the penalty and insisted there had been some contact between Lovren and Fred, even if it was minimal. However, former top-level FIFA referee Markus Merk criticised FIFA for having Yuichi Nishimura as the referee in the opening match, labelling the refereeing in the match as \"embarrassing\". The game was notable for a number of pioneering events. This was the first occasion in FIFA World Cup history on which an own goal (which was also the first ever own goal scored by Brazil in World Cup finals) opened scoring in the tournament. As the first", + "score": 0.7626953125, + "summary": "The first own goal in FIFA World Cup history was scored in the opening match of the 2014 tournament, but the document contains irrelevant information about referee criticism and defending the decision to award a penalty.", + "extraction": "The first occasion in FIFA World Cup history on which an own goal (which was also the first ever own goal scored by Brazil in World Cup finals) opened scoring in the tournament. \n\nTherefore, the answer to the question \"Who scored the first own goal in FIFA World Cup history?\" is \"an own goal scored by Brazil.\"" + }, + { + "id": "17309412", + "title": "2014 FIFA World Cup Group F", + "text": "substitute Gonzalo Higua\u00edn and shot home from the edge of the penalty area with his left foot into the bottom-right corner. With five minutes remaining in normal time, Bosnia and Herzegovina pulled one back, when Senad Luli\u0107's pass found substitute Vedad Ibi\u0161evi\u0107 to score the country's first ever World Cup goal, shooting under the goalkeeper with his left foot. Kola\u0161inac's own goal after two minutes and nine seconds broke the record for the fastest own goal in the history of the FIFA World Cup, surpassing Carlos Gamarra's own goal (two minutes and 46 seconds) in Paraguay's first group stage match", + "score": 0.7568359375, + "summary": "Kola\u0161inac scored the fastest own goal in FIFA World Cup history, but the document does not mention who scored the first own goal.", + "extraction": "Kola\u0161inac's own goal after two minutes and nine seconds broke the record for the fastest own goal in the history of the FIFA World Cup." + }, + { + "id": "18268019", + "title": "Brazil at the 2014 FIFA World Cup", + "text": "receiving a pass from Ramires. Post-match, FIFA referees chief, Massimo Busacca, defended the officials for awarding the penalty, and insisted there had been some contact between Lovren and Fred even if it was minimal. On the other hand, renowned former top-level FIFA referee Markus Merk criticised FIFA for having Yuichi Nishimura as the referee in the opening match, labelling the refereeing in the match as \"embarrassing\". The game was notable for a number of pioneering events. This was the first occasion in FIFA World Cup history on which an own goal (which was also the first ever own goal scored", + "score": 0.74462890625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "20441487", + "title": "2018 FIFA World Cup Group D", + "text": "the wrong way from 12 yards for his first World Cup goal. Croatia have won their opening game of a World Cup for the first time since their debut in the competition in 1998 (3\u20131 vs Jamaica). Nigeria became the first team in World Cup history to concede two consecutive own goals in the competition, with their last goal shipped in 2014, against France in the last 16, also coming in this manner.
The two teams had met in four matches, including one game at the 1998 FIFA World Cup, an Argentina 1\u20130 victory. Ivan", + "score": 0.7421875, + "summary": "Nigeria became the first team to concede two consecutive own goals in the history of the FIFA World Cup, with their last goal shipped in 2014. However, the document does not mention who scored the first own goal in FIFA World Cup history.", + "extraction": "Nigeria became the first team in World Cup history to concede two consecutive own goals in the competition." + }, + { + "id": "4732462", + "title": "Arthur Kinnaird, 11th Lord Kinnaird", + "text": "every position, from goalkeeper to forward. It was while playing in goal for Wanderers in the 1877 final that he suffered the indignity of scoring the first significant own goal in football history, accidentally stepping backwards over his own goal line after fielding an innocuous long shot from an Oxford University forward. The goal was not formally credited to Kinnaird until early football records were re-examined a century later, and it has been speculated that the player used his influence as a member of the FA council to have the embarrassing record expunged. In fact the confusion appears to have", + "score": 0.7412109375, + "summary": "Arthur Kinnaird scored the first significant own goal in football history while playing in goal for Wanderers in the 1877 final.", + "extraction": "irrelevant" + }, + { + "id": "2997964", + "title": "Andre\u0301s Escobar", + "text": "in any games of the 1994 FIFA World Cup qualification, but he was called up for the World Cup. Escobar's own goal occurred in a match against the United States on June 22, in the second match for Colombia at the 1994 World Cup. Stretching to block a cross from American midfielder John Harkes, he inadvertently deflected the ball into his own net. The United States won the game, 2\u20131. After the 1994 FIFA World Cup, Escobar decided to return to Colombia instead of visiting relatives in Las Vegas, Nevada. On the evening of July 1, 1994, five days after", + "score": 0.73974609375, + "summary": "Andr\u00e9s Escobar scored an own goal in a match against the United States on June 22, in the second match for Colombia at the 1994 World Cup, making it the first own goal in FIFA World Cup history.", + "extraction": "Andr\u00e9s Escobar inadvertently deflected the ball into his own net, scoring the first own goal in FIFA World Cup history." + }, + { + "id": "18148300", + "title": "1978 FIFA World Cup Group A", + "text": "half Arie Haan was cautioned for a challenge on Marco Tardelli who later also picked up a yellow card meaning he too would miss Italy's next match. Some felt that Antonio Cabrini's challenge on Haan many felt warranted a red card, not just a yellow. Shortly after half time Brandts, who earlier scored an own goal blasted home a shot to equalizes. Than fourteen minutes from time Haan hit an audacious shot 30 yards out that went off Zoff's left post an into the net. 1978 FIFA World Cup Group A Group A of the 1978 FIFA World Cup was", + "score": 0.73974609375, + "summary": "Irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "3911061", + "title": "Andranik Eskandarian", + "text": "in 1976. He also played for Iran in the 1978 World Cup, the country's first appearance in the tournament. He infamously was the first member of Iran's team to score in the World Cup: an own-goal in a match against Scotland that his teammate later tied, 1-1. The game was still considered a success for Iran, including Eskandarian's play as a defender against Kenny Dalglish and Joe Jordan, and an embarrassment for Scotland. Soon after that, he moved to America to play for the highest-profile team in the country, the New York Cosmos, beginning in the 1979 season. After the", + "score": 0.72998046875, + "summary": "Andranik Eskandarian scored the first own goal in Iran's match against Scotland in the 1978 World Cup.", + "extraction": "Andranik Eskandarian was the first member of Iran's team to score in the World Cup with an own-goal in a match against Scotland." + }, + { + "id": "11160866", + "title": "Ivica Horvat", + "text": "won the silver medal. In the final, Yugoslavia lost to the rising star of the 1950s, Hungary. In the quarterfinals of the 1954 World Cup the \"Plavi\" lost due to an own goal from Horvat with 0\u20131. This goal was scored in the 10th minute and remained the fastest own goal in World Cup history until 2006 the Paraguayan Carlos Gamarra hit between his own posts against England after three minutes. From 1961 until 1979 Horvat worked as manager, in the beginning as assistant at Eintracht Frankfurt and became successor of the manager legend Paul O\u00dfwald in 1964. But Frankfurt", + "score": 0.7294921875, + "summary": "Ivica Horvat scored the first own goal in the quarterfinals of the 1954 World Cup, which remained the fastest own goal in World Cup history until 2006.", + "extraction": "Ivica Horvat scored the first own goal in fifa world cup history." + }, + { + "id": "4915962", + "title": "Lucien Laurent", + "text": "in Montevideo, Laurent made history by scoring the first ever World Cup goal: a volley in the 19th minute of a game against Mexico on 13 July 1930. France won the game 4\u20131, but lost their remaining group matches to Argentina and Chile, and were thus eliminated. Laurent was ruled out of the third game due to injury. Injury then also denied Laurent a place in the squad for the 1934 World Cup and he moved to Rennes, playing for them until 1937, then for RC Strasbourg until 1939. In all, Laurent played 10 times for France, but scored only", + "score": 0.72900390625, + "summary": "Lucien Laurent scored the first ever World Cup goal in 1930, but there is no information on who scored the first own goal in World Cup history.", + "extraction": "irrelevant" + }, + { + "id": "11195773", + "title": "Austria v West Germany (1978 FIFA World Cup)", + "text": "Final. If the Netherlands\u2013Italy game had a winner, West Germany could still qualify for the third place match by beating Austria, or in case of an Italian loss, even with a draw. Second round, Group A In both games, the first goal was scored in the 19th minute, Karl-Heinz Rummenigge scoring for West Germany and Ernie Brandts scoring for Italy with an own goal. When the Dutch equalised in the 49th minute, the West Germans were still four goals shy of advancing to the final. Then Berti Vogts scored in the 59th minute, but in his own net. Hans Krankl", + "score": 0.7275390625, + "summary": "Ernie Brandts scored the first own goal in FIFA World Cup history during the Austria v West Germany match in 1978.", + "extraction": "Ernie Brandts scoring for Italy with an own goal." + }, + { + "id": "4014562", + "title": "Bert Patenaude", + "text": "goal (according to the United States Soccer Federation). A fiftieth-minute goal by Patenaude gave the U.S. a 3-0 win over the South Americans. The dispute and discrepancies over the second goal had led to confusion over the first-ever World Cup hat-trick, as Argentina's Guillermo St\u00e1bile scored one against Mexico just two days after the U.S.-Paraguay game. However, FIFA announced on November 10, 2006, that Patenaude is the first person to score a hat-trick in World Cup play, confirming that he scored all three goals. Patenaude was inducted into the U.S. Soccer Hall of Fame in 1971. He died in Fall", + "score": 0.7255859375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "1375533", + "title": "1978 FIFA World Cup", + "text": "the 1974 final, the Dutch then drew 2\u20132 with West Germany, who had previously shared a goalless game with Italy. The Italians beat Austria 1\u20130, and so the Netherlands faced Italy in their last group game knowing that the winners would reach the final. Ernie Brandts scored an 18th-minute own goal to put Italy ahead at half-time, but he made up for his mistake by scoring at the right end in the fifth minute of the second half. Arie Haan got the winner for the Dutch with 15 minutes remaining, and the Netherlands had reached their second successive World Cup", + "score": 0.724609375, + "summary": "Irrelevant.", + "extraction": "irrelevant." + }, + { + "id": "679202", + "title": "Golden goal", + "text": "be decided by such a goal was the 1995 Football League Trophy, where Birmingham City beat Carlisle United 1\u20130, with a goal from Paul Tait, followed by the 1996 European Championship final, won by Germany over the Czech Republic. The golden goal in this final was scored by Oliver Bierhoff. The first golden goal in World Cup history took place in 1998, as Laurent Blanc scored to enable France to defeat Paraguay in the Round of 16. In a qualification game for the 1994 Caribbean Cup, Barbados deliberately scored a late own goal in a successful attempt to qualify for", + "score": 0.71875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the first own goal in FIFA World Cup history." + }, + { + "id": "4013677", + "title": "Laurent Blanc", + "text": "Republic. However, Blanc again successfully converted his kick. France then entered the 1998 World Cup, which was held on home soil. Blanc was exemplary during the competition and, on 28 June 1998, scored the first-ever golden goal in World Cup history against Paraguay in the round of 16. In the quarter-final, Blanc helped France to a clean sheet over Italy and scored the winning penalty as \"Les Bleus\" prevailed in the shootout. He missed the final after being sent off in the semi-final against Croatia for slapping Slaven Bili\u0107. The sending off was the first (and only) red card of", + "score": 0.716796875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is about Laurent Blanc's performance in the 1998 World Cup and does not mention the first own goal in FIFA World Cup history." + }, + { + "id": "7389427", + "title": "Jozef Adamec", + "text": "was a participant at the 1962 FIFA World Cup and 1970 FIFA World Cup. Unforgettable will stay his hat-trick against Brazil in match Czechoslovakia - Brazil 3:2 (1:1) played at 23 June 1968 in Bratislava. He has often been incorrectly referred to as the first player ever to score a hat-trick against Brazil (Pole Ernst Wilimowski had scored four goals in the 1938 World Cup match). After retiring as player, Adamec began with football coaching as an assistant in Spartak Trnava. Later he coached Dukla Bansk\u00e1 Bystrica, Tatran Pre\u0161ov, Spartak Trnava, Slovan Bratislava and Inter Bratislava. From 1999 to 2001", + "score": 0.71630859375 + }, + { + "id": "2341828", + "title": "Own goal", + "text": "Taylor\". The most infamous own goal was by Andr\u00e9s Escobar of Colombia in the 1994 FIFA World Cup which lost the match against the United States and knocked Colombia out; a week later, Escobar was shot dead in Colombia by a drug gang member whose boss had lost betting on the match. If a goal is scored by a player on the defending team, credit for the goal goes to the last player on the other team to have touched the puck; this is because own goals in hockey are typically cases where the player so credited had the shot", + "score": 0.71533203125 + }, + { + "id": "17252729", + "title": "History of the Australia national soccer team", + "text": "World Cup finals history. On 18 June, hours before Australia's second game against world champions Brazil, a British newspaper claimed that several Australian players had placed bets amongst themselves, which was said to be against FIFA regulations. Tim Cahill admitted that teammates Lucas Neill and Archie Thompson bet that Cahill would score the first ever Australian goal at the World Cup. Mark Viduka also said that the players were taking bets on who was going to be the first to score, and that goalkeeper Zeljko Kalac was the bookmaker. FIFA have since cleared all players of any wrongdoing, by interpreting", + "score": 0.71435546875 + }, + { + "id": "17609509", + "title": "South Africa at the FIFA World Cup", + "text": "Cup in South Africa, they beat France 2\u20131 and drew 1\u20131 to Mexico, but lost 0\u20133 to Uruguay. They lost out on progression to the round of 16, on goal difference. Head coach: Philippe Troussier Benni McCarthy scored South Africa's first ever goal in the World Cup when he received the ball on the edge of the penalty box before shooting low left footed through the legs of Peter Schmeichel to level the match. Head coach: Jomo Sono Siyabonga Nomvethe scored the only goal of the game, in the fourth minute. A free kick from Quinton Fortune on the left", + "score": 0.7138671875 + }, + { + "id": "2525142", + "title": "Paul Breitner", + "text": "against the Netherlands, and Breitner scored the first German goal on a penalty kick. In the final, he, Franz Beckenbauer and Berti Vogts formed a formidable unit at the back, their resolute defense preventing the Dutch from getting many scoring chances. He moved to Real Madrid following the World Cup and withdrew from the West German squad, remaining off the side until enticed to return by Jupp Derwall in 1981. Breitner is one of only four footballers to have achieved the feat of scoring in two different World Cup final matches, sharing that honour with Pel\u00e9, Vav\u00e1, and Zin\u00e9dine Zidane.", + "score": 0.71337890625 + }, + { + "id": "704897", + "title": "1930 FIFA World Cup", + "text": "30 August 2010 at the age of 100 \u2013 eighty years after the tournament. Lucien Laurent, the scorer of the first ever World Cup Goal was the last surviving Member of the France Squad and was invited in 1998 Final seeing France lifting its first ever World Cup win also as the only France member. He died in 2005 at the age of 97. 1930 FIFA World Cup The 1930 FIFA World Cup was the inaugural FIFA World Cup, the world championship for men's national association football teams. It took place in Uruguay from 13 to 30 July 1930. FIFA,", + "score": 0.71337890625 + }, + { + "id": "7747356", + "title": "Horst Hrubesch", + "text": "European Champion Clubs' Cup final to Nottingham Forest FC. A latecomer to the international scene, Hrubesch had only been called into the West Germany squad after Klaus Fischer broke his leg, and the game against Belgium was only his fifth international appearance. He would play for West Germany 21 times, scoring 6 goals, his last match being the losing 1982 FIFA World Cup final against Italy. Hrubesch is also famous for having scored the winning penalty which defeated France in the 1982 FIFA World Cup semi-final, after an epic game which was tied 3\u20133 after extra-time. Minutes earlier, in the", + "score": 0.71240234375 + }, + { + "id": "4915961", + "title": "Lucien Laurent", + "text": "Lucien Laurent Lucien Laurent (10 December 1907 \u2013 11 April 2005) was a French association football player who played as a forward. Playing for France, he scored the first ever FIFA World Cup goal. Laurent was born in Saint-Maur-des-Foss\u00e9s, Val-de-Marne, near Paris. Between 1921 and 1930, he played for the semi-professional team Cercle Athl\u00e9tique de Paris, before being taken on by Sochaux, then a works team for the car manufacturer Peugeot, where he worked. As an amateur player, he only received basic expenses from the French Football Federation while at the 1930 World Cup in Uruguay. At the Estadio Pocitos", + "score": 0.7119140625 + }, + { + "id": "1375484", + "title": "1974 FIFA World Cup", + "text": "1974 FIFA World Cup The 1974 FIFA World Cup, the tenth staging of the World Cup, was held in West Germany (including West Berlin) from 13 June to 7 July. The tournament marked the first time that the current trophy, the FIFA World Cup Trophy, created by the Italian sculptor Silvio Gazzaniga, was awarded. The previous trophy, the Jules Rimet Trophy, had been won for the third time by Brazil in 1970 and awarded permanently to the Brazilians. The host nation won the title, beating the Netherlands 2\u20131 in the final at Munich's Olympiastadion. The victory was the second for", + "score": 0.7109375 + }, + { + "id": "8055383", + "title": "Angelo Schiavio", + "text": "FIFA revised this in November 2006, giving Nejedl\u00fd a fifth goal and the outright leading scorer title. Schiavio opened his account in the tournament with a hat-trick in the opening game against the USA on 27 May, which included Italy's first ever World Cup goal; the match eventually ended in a 7\u20131 win to the Italians. Despite his prolific display in Italy's opener, he was not able to score in any of the next two games Italy played in order to reach the final. In the final, Czechoslovakia took the lead, but a late goal by Raimundo Orsi levelled the", + "score": 0.70947265625 + }, + { + "id": "631554", + "title": "2002 FIFA World Cup", + "text": "time in FIFA World Cup history that own goals had been scored by both teams in the same match. Oliver Kahn is the only goalkeeper to have won the Golden Ball in FIFA World Cup history. After the tournament, FIFA published a ranking of all teams that competed in the 2002 World Cup finals based on progress in the competition, overall results and quality of the opposition. The sponsors of the 2002 FIFA World Cup are divided into two categories: FIFA World Cup Sponsors and Japan and South Korea Supporters. The original domestic ticket allocation had fully sold out and", + "score": 0.708984375 + }, + { + "id": "3029826", + "title": "Hong Myung-bo", + "text": "Korea was eliminated in the group stage after losing all the three games. Hong's talent was most notable during the 1994 World Cup group stage. When South Korea had only 5 minutes to catch up Spain, who was leading the match with the score of 2-0, Hong scored the first goal and assisted the winger Seo Jung-won to score the equalizer goal shortly after, making the match a memorable draw against Spain. In the match that took place two weeks later, South Korea was losing during the first half with the score of 3-0 to Germany \u2013 the defending World", + "score": 0.70751953125 + }, + { + "id": "9606275", + "title": "O\u0301scar Bonfiglio", + "text": "\u00d3scar Bonfiglio Oscar Bonfiglio Martinez (October 5, 1905 \u2013 November 4, 1987) was a Mexican football goalkeeper, and Olympian, who played for the Mexico national team in the 1930 World Cup. Bonfiglio was the first goalkeeper beaten in World Cup history, with a goal by France forward Lucien Laurent. In two matches he conceded 10 goals: the most in the tournament. At the time, he played for the club Marte FC. Bonfiglio suffered an injury and retired from playing at age 28. Bonfiglio played for Mexico at the 1928 Amsterdam Summer Olympics. Bonfiglio is the father of actor Oscar Morelli.", + "score": 0.7060546875 + }, + { + "id": "7570985", + "title": "History of the FIFA World Cup", + "text": "2018 tournament). Austria's place was offered to England, but they declined. This left the finals with 15 nations competing. France hosted, but for the first time the hosts did not win the competition, as Italy retained their title, beating Hungary in the final. Polish striker Ernest Willimowski became the first player to score four goals in a World Cup game during Poland's 6\u20135 loss against Brazil; his record was later equalled by other players, but was bettered only 56 years later in the 1994 World Cup. The FIFA World Cup was planned to take place in 1942. Germany officially applied", + "score": 0.70556640625 + }, + { + "id": "7421711", + "title": "Ernst Wilimowski", + "text": "Poland include two performances that were both historic and memorable. In a match against Brazil played in Strasbourg, France during the 1938 FIFA World Cup, \"Ezi\" put on a stunning display by becoming the first player ever to score four goals in a single World Cup match. His continued attacks on the opposition net also drew a penalty as he was fouled to the ground by Brazilian keeper Batatais, which led to Poland's fifth goal scored from the spot by German-born Fritz Scherfke, from Pozna\u0144. However, it was not enough - Poland lost the match 5-6 and was eliminated from", + "score": 0.705078125 + }, + { + "id": "6594591", + "title": "Austria v Switzerland (1954 FIFA World Cup)", + "text": "Forward Robert Ballaman opened the score at the 16th minute, followed quickly by two goals by Josef H\u00fcgi. Austria then became the first team in World Cup history to recover from a 3\u20130 deficit, scoring 5 goals in the remainder of the first half; Theodor Wagner initiated the Austrian response at the 25th minute; forward Robert K\u00f6rner drew the score to 2\u20133 one minute later, and another minute later Wagner equalized to 3\u20133. Austria had tied the score in three minutes. In 11 minutes, between the 16th and the 27th minutes, six goals were scored, three by each team. At", + "score": 0.705078125 + }, + { + "id": "7571016", + "title": "History of the FIFA World Cup", + "text": "match ever. The tournament was a successful one for teams traditionally regarded as minnows, with South Korea, Senegal and the United States all reaching the last eight. Brazil beat Germany 2\u20130 in the final for their fifth title. The Turkish Hakan Sukur made history by scoring the earliest World Cup goal of all time against South Korea at only 11 seconds. The 2006 World Cup was held in Germany. It was the first World Cup for which the previous winner had to qualify; the host nation(s) continue to receive an automatic berth. Four African teams also made their debut in", + "score": 0.70458984375 + }, + { + "id": "17001879", + "title": "Ahmed Radhi", + "text": "a volley from 35 yards, a free-kick or an easy tap-in. He starred at the 1986 World Cup finals in Mexico, scoring Iraq\u2019s first & only goal in the World Cup in a 2\u20131 defeat against Belgium, he was also denied a goal in Iraq\u2019s first World Cup game against Paraguay when the referee blew his whistle a split-second before his header crossed the line. After the finals, his club Al-Rasheed were offered $1m by Uruguayan giants Pe\u00f1arol for their star player, but it was quickly rejected. With Al-Rasheed, he won 3 Iraqi league and two cup titles and a", + "score": 0.7041015625 + }, + { + "id": "7155952", + "title": "Timeline of association football", + "text": "France, Italy beats Hungary 4\u20132 in the final and becomes the first team to successfully defend the title and the first to win on foreign soil. Vittorio Pozzo becomes the first coach and only at present to guide his team to two World Cup victories. Polish Ernest Willimowski becomes the first player to score four goals in a World Cup game during Poland's 6\u20135 loss against Brazil. Following the Anschluss with Germany, Austria withdraws and some Austrian players joins the German squad. Argentina and Uruguay boycott the tournament as it is held in Europe for the second successive time. First", + "score": 0.70361328125 + }, + { + "id": "4837751", + "title": "Tim Cahill", + "text": "only goal in their opening group match against Chile on 13 June 2014. He joined Portuguese star Cristiano Ronaldo, Mexican defender Rafael M\u00e1rquez, Dutch players Robin van Persie and Arjen Robben, German player Miroslav Klose, and American Clint Dempsey as the only players to score at the 2006, 2010 and 2014 FIFA World Cups. On 18 June, Cahill scored Australia's first goal against the Netherlands in their 3\u20132 defeat; a strike which has been considered by some experts as one of the best goals ever scored in a World Cup. Cahill volleyed the ball past Jasper Cillessen. Tim Cahill was", + "score": 0.70361328125 + }, + { + "id": "15784426", + "title": "Pat Kruse", + "text": "Pat Kruse Patrick Karl Kruse (born 30 November 1953) is an English former professional football centre back who is best remembered for his five-year spell in the Football League with Brentford, for whom he made over 200 appearances. Kruse is known for scoring what is believed to be the fastest own goal of all time, netting past his own keeper after just six seconds of play in a match in January 1977. A centre back, Kruse began his career at hometown South Midlands League Premier Division club Arlesey Town. He departed in June 1970. Kruse secured a move to the", + "score": 0.70361328125 + }, + { + "id": "7929371", + "title": "Oldr\u030cich Nejedly\u0301", + "text": "scorer in the 1934 World Cup with five goals. This has been officially recognized by FIFA since November 2006, as he was initially credited with only four, making him joint top scorer with Angelo Schiavio and Edmund Conen. He also scored two goals in the 1938 World Cup. Nejedl\u00fd died in 1990, aged 80, while the 1990 FIFA World Cup was being played, tournament which, as the 1934 edition, took place in Italy. Old\u0159ich Nejedl\u00fd Old\u0159ich Nejedl\u00fd (26 December 1909 \u2014 11 June 1990) was a Czech footballer, who spent his entire career at Sparta Prague as an inside-forward. He", + "score": 0.703125 + }, + { + "id": "1375642", + "title": "1990 FIFA World Cup", + "text": "both games. Losing finalists Argentina, meanwhile, scored only five goals in the entire tournament (a record low for a finalist). Argentina also became the first team to advance twice on penalty shoot-outs and the first team to fail to score and have a player sent off in a World Cup final. Largely as a result of this trend FIFA introduced the back-pass rule in time for the 1994 tournament to make it harder for teams to time-waste by repeatedly passing the ball back for their goalkeepers to pick up. Three, rather than two points would be awarded for victories at", + "score": 0.70263671875 + }, + { + "id": "16581541", + "title": "Jonathan Tehau", + "text": "Teaonui Tehau. On 17 June 2013 in Tahiti's first game of the tournament against Nigeria, Jonathan Tehau scored Tahiti's first ever goal at a Confederations Cup in the 54th minute, a back post header from a corner delivered by Marama Vahirua, reducing the deficit to 1\u20133 and sending the Tahiti bench into raptures. Tehau also scored an own goal 15 minutes after he scored in that game that eventually finished 6-1 to Nigeria, making him the first person to score at both ends in Confederations Cup history. He played in Tahiti's remaining two games in the tournament against Spain and", + "score": 0.70263671875 + }, + { + "id": "20441594", + "title": "2018 FIFA World Cup Final", + "text": "his own net to give France the lead in the 18th minute. It was the first own goal to be scored in a World Cup final and the 12th of the tournament, the most of any World Cup. Ten minutes later, Croatia equalised with a left-footed strike by Ivan Peri\u0161i\u0107 to the right corner of the net, assisted by Domagoj Vida after a free kick by Luka Modri\u0107 on the right. In the 34th minute, a penalty was awarded against Croatia after Peri\u0161i\u0107's handball in the box from a corner on the right was reviewed by the video assistant referee.", + "score": 0.7021484375 + }, + { + "id": "9438944", + "title": "Siphiwe Tshabalala", + "text": "African Nations Cup and the 2009 FIFA Confederations Cup. On 11 June 2010, gaining his 50th cap for the nation of South Africa, he scored the first goal of the 2010 FIFA World Cup against Mexico in the 55th minute. The game went on to finish at a 1\u20131 draw. The goal later received a nomination for goal of the year by FIFA. In October 2017, Tshabalala was called up to two of South Africa's World Cup qualifying matches against Senegal \u2013 for the first time since 2014. Goal.com describes Tshabalala as \"a tricky winger with pace and can deliver", + "score": 0.7021484375 + }, + { + "id": "1375671", + "title": "1990 FIFA World Cup", + "text": "the second man (after M\u00e1rio Zagallo of Brazil) to win the World Cup as a player and as team manager. It was also the first time a team from UEFA won the final against a non-European team. Salvatore Schillaci received the Golden Boot award for scoring six goals in the World Cup. This made him the second Italian footballer to have this honour, after Paolo Rossi won the award in 1982. In total, 115 goals were scored by 75 players (none credited as own goals). After the tournament, FIFA published a ranking of all teams that competed in the 1990", + "score": 0.7021484375 + }, + { + "id": "4422980", + "title": "Marc Wilmots", + "text": "three. After being an unused substitute in 1990, he played 54 minutes in 1994 without scoring, but scored two goals in 1998 and three in 2002, making him Belgium's leading goal scorer in World Cup history. He also scored a goal against Brazil in the last 16 match of the 2002 World Cup which was disallowed because of a \"phantom foul\" on Roque J\u00fanior. According to Wilmots, the referee Peter Prendergast apologized for the error to him at half time. Wilmots was named as one of the seven reserves in the 2002 World Cup All-Star Team. Wilmots also played in", + "score": 0.70166015625 + }, + { + "id": "9540732", + "title": "Khalid Ismai\u0308l", + "text": "Khalid Isma\u00efl Khalid Isma\u00efl Mubarak (; born 7 July 1965) is a UAE football (soccer) player who played as a midfielder for the United Arab Emirates national football team and Al-Nasr Club in Dubai. He played in the 1990 FIFA World Cup and scored the first World Cup goal for his country against West Germany. While it has been reported that he received a Rolls Royce from the UAE royal family for his performance at the 1990 World Cup, Ismail stated in a 2010 interview that he never received one. Like other footballers in the UAE team at the 1990", + "score": 0.70166015625 + }, + { + "id": "8236113", + "title": "1990 FIFA World Cup Final", + "text": "1990 FIFA World Cup Final The 1990 FIFA World Cup Final was a football match played between West Germany and Argentina to determine the winner of the 1990 FIFA World Cup. The game took place on 8 July 1990 at the Stadio Olimpico in Italy's capital and largest city, Rome, and was won 1\u20130 by West Germany, with a late penalty kick taken by Andreas Brehme being the game's only goal. The match marked several firsts in World Cup history. This was the first-ever rematch of a final and, to date, the only back-to-back rematch, as Argentina defeated West Germany", + "score": 0.701171875 + }, + { + "id": "1694809", + "title": "Michel Platini", + "text": "1981) in a crucial qualifying match for the 1982 World Cup in Spain. France unexpectedly reached the semifinals of the 1982 World Cup where they met West Germany in Seville for what proved to be one of the great matches of World Cup history. German goalkeeper Harald Schumacher had collided with Patrick Battiston, leaving the Frenchman knocked-out cold, and the referee did not call a penalty, much to the anger of the French. With both sides level at 3\u20133 after extra time had been played (Platini having scored France's first goal of the game from a penalty) the match went", + "score": 0.701171875 + }, + { + "id": "4014556", + "title": "Bert Patenaude", + "text": "Bert Patenaude Bertrand \"Bert\" Arthur Patenaude (; November 4, 1909November 4, 1974) was an American soccer player who played as a forward. Although earlier disputed, he is now officially credited by FIFA as the scorer of the first hat-trick in World Cup history. He is a member of the United States Soccer Hall of Fame. Patenaude began playing in the competitive local leagues in his hometown of Fall River, Massachusetts. In 1928 signed his first professional contract with Philadelphia Field Club of the American Soccer League. In his eight games with Philadelphia, he scored six goals. Despite this productivity, he", + "score": 0.70068359375 + }, + { + "id": "6989673", + "title": "Pietro Vierchowod", + "text": "21, during a 1\u20131 friendly draw against the Netherlands in Montevideo, in the 1981 \"Mundialito\" tournament. He was one of the players in the Italian squad, although he did not play, that won the 1982 FIFA World Cup, under manager Enzo Bearzot. Verchowod was a member of the Italian squad that took part at the 1986 FIFA World Cup, and he also made three appearances at the 1990 FIFA World Cup, as Italy finished in third place on home soil, under manager Azeglio Vicini, after reaching the semi-finals. He is also the oldest goalscorer in the history of the Italy", + "score": 0.7001953125 + }, + { + "id": "145444", + "title": "FIFA World Cup", + "text": "France, Romania, and Yugoslavia to make the trip. In total, 13 nations took part: seven from South America, four from Europe and two from North America. The first two World Cup matches took place simultaneously on 13 July 1930, and were won by France and the USA, who defeated Mexico 4\u20131 and Belgium 3\u20130 respectively. The first goal in World Cup history was scored by Lucien Laurent of France. In the final, Uruguay defeated Argentina 4\u20132 in front of 93,000 people in Montevideo, and became the first nation to win the World Cup. After the creation of the World Cup,", + "score": 0.7001953125 + }, + { + "id": "12529788", + "title": "1934 FIFA World Cup Final", + "text": "1934 FIFA World Cup Final The 1934 FIFA World Cup Final was the deciding match of the 1934 FIFA World Cup. It was contested by Italy and Czechoslovakia. Italy won the game 2-1 for their first World Cup title at the now-closed Stadio Nazionale PNF in Rome in temperatures approaching . The last living player from that final, Franti\u0161ek Pl\u00e1ni\u010dka, died on 20 July 1996. Czechoslovakia took the lead with 19 minutes remaining through Anton\u00edn Pu\u010d. They held the lead for only 10 minutes though, as Italy drew level through striker Raimundo Orsi. There were no more goals in regulation", + "score": 0.69970703125 + }, + { + "id": "11841899", + "title": "Knut Kroon", + "text": "Some sources consider him as the first goalscorer in the history of World Cup preliminary competition, when Sweden scored against Estonia 7 minutes into the game on 11 June 1933, in Stockholm. Some other sources consider this goal was scored by Estonian goalkeeper Evald Tipner, thus being an own goal. Knut Kroon Knut \"Knutte\" Kroon (19 June 1906 \u2013 27 February 1975) was a Swedish footballer. He played as a striker. Kroon was born in H\u00e4lsingborg, and began his career with Stattena IF. In 1925, he moved to the nearby club Helsingborgs IF where he made 516 appearances and scored", + "score": 0.69970703125 + }, + { + "id": "1310204", + "title": "1994 FIFA World Cup", + "text": "proved to be far stronger than Cameroon and Russia in every department. The game between the latter two broke two World Cup records. Oleg Salenko of Russia became the first \u2013 and remains the only \u2013 man to score five goals in a single World Cup game as Russia ran out 6\u20131 winners against their African opponents. The goals also ensured that Salenko finished the tournament joint-top scorer with six goals, having previously bagged one against Sweden. Cameroon left a mark too as Roger Milla, at the age of 42, became the oldest World Cup goalscorer of all time as", + "score": 0.69921875 + }, + { + "id": "6345537", + "title": "Michael Beauchamp", + "text": "as one of only two A-League players in the Australian squad for the 2006 FIFA World Cup. Beauchamp did not make an appearance during the finals tournament, but picked up his second international cap in a warm-up game against Liechtenstein, playing 12 minutes as a substitute for Craig Moore. On 7 October 2006, Beauchamp scored the own goal that gave Australia a 1\u20131 draw in a friendly against Paraguay. He came on late in the game, replacing Tony Popovi\u0107 (who was one of four senior Australian players retiring from international duty). With his first touch, after contact was made by", + "score": 0.69873046875 + }, + { + "id": "4014563", + "title": "Bert Patenaude", + "text": "River on his sixty-fifth birthday. Bert Patenaude Bertrand \"Bert\" Arthur Patenaude (; November 4, 1909November 4, 1974) was an American soccer player who played as a forward. Although earlier disputed, he is now officially credited by FIFA as the scorer of the first hat-trick in World Cup history. He is a member of the United States Soccer Hall of Fame. Patenaude began playing in the competitive local leagues in his hometown of Fall River, Massachusetts. In 1928 signed his first professional contract with Philadelphia Field Club of the American Soccer League. In his eight games with Philadelphia, he scored six", + "score": 0.6982421875 + }, + { + "id": "12311693", + "title": "Anatoliy Puzach", + "text": "for the USSR national team on 25 July 1969, in a friendly against East Germany national team and scored on his debut. He played at the 1970 FIFA World Cup final tournament and in the 1974 FIFA World Cup qualifiers. He was the first player in history to come on as a substitute in a World Cup game when non-injury substitutions were allowed for the first time in 1970. He replaced Viktor Serebryanikov in the opening match of the tournament against Mexico. Anatoliy Puzach Anatoliy Kyrylovych (or Anatoli Kirillovich) Puzach (, ; 3 June 1941 \u2013 19 March 2006) was", + "score": 0.6982421875 + }, + { + "id": "9602407", + "title": "Leopold Kielholz", + "text": "Leopold Kielholz Leopold \"Poldi\" Kielholz (9 June 1911 \u2013 4 June 1980) was a Swiss footballer (striker). He participated in the 1934 FIFA World Cup, scoring 3 goals, and also in the 1938 FIFA World Cup. Historically, he was the first Swiss international to score a goal for his country in a World Cup tournament. He was wearing glasses during games. Leopold Kielholz started his footballer career by BSC Old Boys Basel. A year later he transferred to Black Stars Basel and another two years later to FC Basel. In 1932 he transferred to Servette Geneva. The clubs that he", + "score": 0.69775390625 + }, + { + "id": "4530945", + "title": "Claudio Caniggia", + "text": "net to give Argentina victory. In the semi-final against Italy, he headed past goalkeeper Walter Zenga, the first goal Italy conceded in the tournament, sending the match into extra time as Argentina won on penalties. Having been booked against Italy, his second in the tournament, Caniggia was suspended for the final against West Germany. Caniggia scored two goals in the 1994 FIFA World Cup, both of them in the first round match against Nigeria, the first from a Gabriel Batistuta free kick rebound and second one from a free kick by Maradona, which Caniggia finished by putting the ball in", + "score": 0.69775390625 + }, + { + "id": "8451746", + "title": "Viliam Schrojf", + "text": "1\u20130, he expected a cross from Amarildo and left the goal, allowing the Brazilian to score from an acute angle. Halfway through the second half, with his side already 1\u20132 down, the sun got into his eyes and he failed to catch a simple ball properly, which landed directly at the feet of Vava, who took the opportunity to become the first ever player to score in two different World Cup finals. On club level, Schrojf played mostly for Slovan Bratislava and then for Lokomotiva Ko\u0161ice. On 2 September 2007, the Slovakian media reported that Schrojf had died the previous", + "score": 0.69775390625 + }, + { + "id": "12529789", + "title": "1934 FIFA World Cup Final", + "text": "so the match was forced to go into extra time, the first World Cup final to do so. With just five minutes played in extra time, Italy took the lead with a goal from Angelo Schiavio and they held on for the victory.
Match rules 1934 FIFA World Cup Final The 1934 FIFA World Cup Final was the deciding match of the 1934 FIFA World Cup. It was contested by Italy and Czechoslovakia. Italy won the game 2-1 for their first World Cup title at the now-closed Stadio Nazionale", + "score": 0.697265625 + }, + { + "id": "7571013", + "title": "History of the FIFA World Cup", + "text": "hosts in a first-round match that eliminated Colombia. The total attendance for the tournament of nearly 3.6 million remains the biggest in World Cup history. Oleg Salenko of Russia became the first player to score five goals in a single World Cup finals game in his country's 6\u20131 group stage win over Cameroon. In the same match, 42-year-old Roger Milla scored the only goal for Cameroon, becoming the oldest player ever to score in a World Cup match. Hristo Stoichkov shared the Golden Boot as the joint top goal scorer in the tournament with Oleg Salenko (six goals), as well", + "score": 0.697265625 + }, + { + "id": "6756393", + "title": "Marco Bode", + "text": "in the final of the 2002 World Championships. At the 2002 FIFA World Cup Bode was a surprise substitution from manager Rudi V\u00f6ller in the crucial third group match against Cameroon with the match still at 0\u20130. Being close to retirement, the German fans felt Bode's selection was dubious, however Bode silenced the doubters by scoring the opening goal of an eventual 2\u20130 win for Germany propelling them into the knockout stages as group winners. It would be Bode's final goal and he made his last appearance in the World Cup final as Germany fell to Brazil. Werder Bremen Germany", + "score": 0.6962890625 + }, + { + "id": "9540733", + "title": "Khalid Ismai\u0308l", + "text": "World Cup, Ismail was not a professional. He was working as a Deputy Chief Fire Officer for Dubai airports. He is currently the COO at Emirates Response Services, Abu Dhabi. Khalid Isma\u00efl Khalid Isma\u00efl Mubarak (; born 7 July 1965) is a UAE football (soccer) player who played as a midfielder for the United Arab Emirates national football team and Al-Nasr Club in Dubai. He played in the 1990 FIFA World Cup and scored the first World Cup goal for his country against West Germany. While it has been reported that he received a Rolls Royce from the UAE royal", + "score": 0.6962890625 + }, + { + "id": "17419101", + "title": "Football in South America", + "text": "selection unceremoniously when he did not follow the set by the president curfew. On July 13, 1930 the first game was played for the championship. France beat Mexico with three goals difference - as the first scorer at a World Cup, the Frenchman Lucien Laurent the book was. It was the only win for France in the tournament and one of the (only) four in all European countries. A controversial act of the Brazilian referee in the third match between favorites Argentina and France led to tumult: six minutes before the end of regular time he finished already the game,", + "score": 0.6962890625 + }, + { + "id": "12529858", + "title": "1974 FIFA World Cup Final", + "text": "German players (Sepp Maier, Franz Beckenbauer, Wolfgang Overath, J\u00fcrgen Grabowski, Horst-Dieter H\u00f6ttges) became the first men in history who have won gold, silver and bronze medals at the FIFA World Cup. West Germany was led by Franz Beckenbauer, while the Dutch had their star Johan Cruyff, and their Total Football system which had dazzled the competition. The start of the match was delayed as the ground staff at the stadium had removed the corner flags for the tournament's closing ceremony (which preceded the final) but then forgot to put them back. With just a minute gone on the clock, following", + "score": 0.69580078125 + }, + { + "id": "3982154", + "title": "Guillermo Sta\u0301bile", + "text": "1930, the first ever World Cup final took place, between Argentina and Uruguay. At half time Argentina led 2\u20131, St\u00e1bile having scored the second goal. However, they went on to lose 4\u20132. Despite losing the final, St\u00e1bile made history, becoming the top scorer in the first ever FIFA World Cup, with his tally of 8 goals in 4 games. It turned out that he would never play for Argentina again, and thus he scored in every game he played for his country, with an average of two goals per match. St\u00e1bile had received his first taste of managing, way back", + "score": 0.69580078125 + }, + { + "id": "4014561", + "title": "Bert Patenaude", + "text": "one World Cup remains the standard for an American player. Additionally, his total stood as the all-time career mark for an American player for eighty eight years and counting. Patenaude's historic day came on July 17, 1930, as the United States played Paraguay in the inaugural World Cup. Patenaude scored the opening goal in the tenth minute. A second goal in the fifteenth minute had been credited several different ways: as an own goal by Aurelio Gonz\u00e1lez (according to the RSSSF), a regular goal by the U.S.'s Tom Florie (according to the official FIFA match record), or as Patenaude's second", + "score": 0.69580078125 + }, + { + "id": "3037895", + "title": "Johan Neeskens", + "text": "1991. Neeskens was capped 49 times for his country, scoring 17 goals. He made his debut against East Germany, and played a crucial role in the 1974 and 1978 FIFA World Cups, playing in central midfield. Neeskens scored the opening goal of the 1974 World Cup final against West Germany with a penalty kick after only two minutes of play. Four years later, Neeskens was a crucial player for the Dutch (despite a rib injury suffered in the Scotland defeat), in the absence of Cruijff who had retired from international football in 1977. The Netherlands again reached the final, only", + "score": 0.6953125 + }, + { + "id": "5416010", + "title": "Kevin Sheedy (Irish footballer)", + "text": "of the tournament, and subsequently beat Romania 5\u20134 on penalties, Sheedy scoring the first of Ireland's penalties. Ireland went on to lose 1\u20130 to hosts Italy in the Quarter Final of the FIFA World Cup. In this match, such was Sheedy's threat that Italy put the legendary Giuseppe Bergomi to man-mark Sheedy. Sheedy was also part of the Euro 88 squad and played all 3 matches. He is also noted as the first-ever Republic of Ireland player to score a goal in the World Cup finals. Since retiring from playing, Sheedy has been assistant manager at Tranmere Rovers (and a", + "score": 0.6953125 + }, + { + "id": "18148295", + "title": "1978 FIFA World Cup Group A", + "text": "advantage of some poor defending to provide assist for Johnny Rep to score on either side of half time. Austria which created several chances and were unlucky to score in the first half got one back in the eightieth minute when defender Erich Obermayer scored a brilliant lob over the Dutch goalkeeper for a goal. The Dutch weren't to be deterred as Rensenbrink provided yet another assist this time Willy van de Kerkhof to score just two minutes later. This highly anticipated match was a repeat of the 1974 FIFA World Cup Final, with the Netherlands fielding six players who", + "score": 0.6953125 + }, + { + "id": "6300383", + "title": "Gigi Meroni", + "text": "1966, marking the sixth goal of the Italy\u2013Bulgaria 6\u20131 friendly match in preparation for the World Cup. He scored a goal in the other friendly, Italy\u2013Argentina 3\u20130, held in Turin eight days later. He participated in the ill-fated expedition led by coach Edmondo Fabbri at the World Cup in England in 1966, which culminated with the incredible 1\u20130 defeat to North Korea, and Italy's elimination in the first round. The continuing differences with the coach meant Meroni only played the second game against the USSR. Nicknamed \"La Farfalla Granata\" (\"The Maroon Butterfly\", as maroon is colour associated with Torino F.C.),", + "score": 0.6953125 + }, + { + "id": "19586644", + "title": "History of the Bosnia and Herzegovina national football team", + "text": "the circulation of a photo catching the match referee Peter O'Leary celebrating with the Nigerian goalkeeper for the match Vincent Enyeama. During the second half stoppage time D\u017eeko was also unfortunate to have had his close range shot deflected onto the post by Nigerian goalkeeper. On 9 November 2014, Peter O\u2019Leary, the game referee speaking to New Zealand Herald newspaper admitted D\u017eeko's goal was disallowed in error. On 25 June, Bosnia-Herzegovina recorded its first World Cup victory, beating Iran 3\u20131, with the goals scored by Edin D\u017eeko, Miralem Pjani\u0107 and Avdija Vr\u0161ajevi\u0107. Due to Bosnia's early elimination from the tournament,", + "score": 0.69482421875 + }, + { + "id": "20735101", + "title": "1934 FIFA World Cup final tournament", + "text": "suffered a head injury in the early stages of the match. Austria drew level on the brink of half time thanks to a goal from the star Matthias Sindelar. An uneventful second half followed, so the match became the first in the history of World Cup to go to extra time. In the extra time, Austria prevailed and scored twice before France got a late second goal from the spot.
A clinical Germany took their chance to achieve a scoreline that did not reflect the balance of the game. Belgium closed the first half in", + "score": 0.69482421875 + }, + { + "id": "14644389", + "title": "Abdulrahman Fawzi", + "text": "Abdulrahman Fawzi Abdulrahman Fawzi () (August 11, 1909 \u2013 October 16, 1988) was an Egyptian footballer who played as a winger. He took part at the 1934 FIFA World Cup, where he scored twice for Egypt in their 2\u20134 loss against Hungary, which was the first time (and the only time before 1970) that an African team had competed at the FIFA World Cup. He was thus the first African footballer to score at the World Cup. He would have been the first African to score a hat trick at the World Cup (a feat not yet achieved by an", + "score": 0.6943359375 + }, + { + "id": "8189065", + "title": "Khoren Oganesian", + "text": "by East Germany. Hovhannisyan did not play because of a concussion received in the quarterfinals. In the following bronze medal match against Yugoslavia, Hovhannisyan came off the bench and scored his second goal and the winning goal at the 67th minute. Sergey Andreyev also scored a goal, leaving the final score 2-0 for the Soviet Union. The Soviet national team participated in the 1982 FIFA World Cup. Hovhannisyan became the first Armenian player to take part in the World Cup. Hovhannisyan scored one goal in the second group stage against Belgium. The goal proved to be decisive, as the final", + "score": 0.6943359375 + }, + { + "id": "7212110", + "title": "Brett Holman", + "text": "in 2006 against Bahrain. On 19 June 2010, Holman scored the opening goal against Ghana at the 2010 FIFA World Cup in South Africa in a 1\u20131 draw, following up from a Marco Bresciano free kick. On 24 June 2010, he then scored the second goal in the final group stage match against Serbia with a swerving 25-yard drive. On 10 January 2011, Holman scored the third goal in Australia's 4\u20130 win over India in the Asian Cup. Holman scored a crucial equaliser for Australia against Oman in Sydney on 26 March 2013 in a World Cup Qualifier. On 30", + "score": 0.6943359375 + }, + { + "id": "8709999", + "title": "Richard Herrmann", + "text": "Richard Herrmann Richard Herrmann (28 January 1923 in Katowice, Poland \u2013 27 July 1962) was a German football player. He played for the clubs 1. FC Kattowitz (1934\u20131945) and FSV Frankfurt (1947\u20131960). He was part of the West Germany team which won the 1954 FIFA World Cup. He scored a goal in the first round 3\u20138 defeat by Hungary. However, this was the only match he played in the tournament, and he did not play in the final victory against Hungary. In total he played eight matches for Germany. After World War II Herrmann was a prisoner of war first", + "score": 0.69384765625 + }, + { + "id": "2764756", + "title": "Penalty shoot-out (association football)", + "text": "During the 2006 FIFA World Cup in Germany, Switzerland set an unwanted new record in the round of 16 shoot-out against Ukraine by failing to convert any of their penalties, losing 3\u20130. The goalkeeper Oleksandr Shovkovsky (Ukraine) became the first not to concede a single goal in the penalty shoot-out, saving two of the Swiss attempts, with another shot hitting the crossbar. The result meant that Switzerland became the first nation to be eliminated from the World Cup without conceding any goals (and, moreover, the only nation to participate in a World Cup finals tournament without conceding a goal). The", + "score": 0.69384765625 + }, + { + "id": "3840512", + "title": "Didier Drogba", + "text": "on penalty kicks after a 0\u20130 draw, with Drogba's shot being stopped by Egyptian goalkeeper Essam El-Hadary. At the 2006 FIFA World Cup, the Ivory Coast were drawn in a \"group of death\" with Serbia and Montenegro, the Netherlands and Argentina. On 10 June 2006, Drogba scored the first World Cup goal of his career and of his country's history in the opening game against Argentina, but his team lost 2\u20131. The Ivory Coast were eliminated from the World Cup after their next game, a 1\u20132 defeat to the Netherlands, but came from 0\u20132 down to win against Serbia and", + "score": 0.693359375 + }, + { + "id": "3844075", + "title": "Hans-Peter Briegel", + "text": "did, enjoying his final breakthrough for his country in the mentioned tournament from which they emerged victorious. He was, then, part of the runner-up campaign of West Germany at the 1982 FIFA World Cup and featured alike in the less successful Euro 1984, all under the coaching of Jupp Derwall. In the 1982 World Cup final, he was responsible for conceding a penalty early in the game by fouling Bruno Conti. Luckily, the penalty was missed but it did not save West Germany from losing the final. Derwall's successor Franz Beckenbauer kept him in his squads and, so, Briegel was", + "score": 0.693359375 + }, + { + "id": "631553", + "title": "2002 FIFA World Cup", + "text": "was introduced in 1986. Brazil also became the first team to win every match at a World Cup Finals since 1970 and set a new record for highest aggregate goal difference (+14) for a World Cup winner. Brazil's captain Cafu, who became the first player to appear in three successive World Cup finals, accepted the trophy on behalf of the team. Ronaldo won the Golden Shoe after scoring eight goals. In total, 161 goals were scored by 109 players, with three of them credited as own goals. Two of those own goals were in the same match, marking the first", + "score": 0.693359375 + }, + { + "id": "9624622", + "title": "Manuel Rosas", + "text": "Manuel Rosas Manuel Rosas S\u00e1nchez (17 April 1912 in Mexico City \u2013 20 February 1989), nicknamed \"Chaquetas\", was a Mexican footballer who participated in the 1930 FIFA World Cup. He was the first player in the history of FIFA World Cup who scored a goal from the penalty kick spot (against Argentina). With the first goal he scored during the World Cup, he became at the time the youngest player to have scored in the FIFA World Cup, a record later broken by Pel\u00e9, although Rosas remains second youngest. He was also the first Mexican player to score multiple goals", + "score": 0.693359375 + }, + { + "id": "17111930", + "title": "1978 FIFA World Cup Group 1", + "text": "were favored to win but had been victims of plenty of dull and unexciting performances leading up, while a rejuvenated French team were making their first appearance since the 1966 world cup. The first goal came with under a minute as goalkeeper Bertrand-Demanes passed the ball to Didier Six who ran down the entire length of the pitch before delivering a good cross that Bernard Lacombe headed past Dino Zoff. Italy controlled the rest of the match and equalized half way through the first half when after the ball pinged around the area it glanced off the unsuspecting Paolo Rossi", + "score": 0.693359375 + }, + { + "id": "7570982", + "title": "History of the FIFA World Cup", + "text": "and the United States, who beat Mexico 4\u20131 and Belgium 3\u20130, respectively. The first goal in World Cup history was scored by Lucien Laurent of France. Four days later, the first World Cup hat-trick was achieved by Bert Patenaude of the U.S. in the Americans' 3\u20130 win against Paraguay. In the final, Uruguay defeated Argentina 4\u20132 in front of a crowd of 93,000 people in Montevideo to become the first nation to win a World Cup. The 1934 World Cup was hosted by Italy and was the first World Cup to include a qualification stage. Sixteen teams qualified for the", + "score": 0.693359375 + }, + { + "id": "6269776", + "title": "Sami Al-Jaber", + "text": "from the penalty spot against Morocco in a 2\u20131 win. He was part of the squad that won the 1996 Asian Cup before reaching his second World Cup Finals in 1998. He played in all three games in which the Saudi side appeared in France, scoring a second World Cup goal when he netted in a 2\u20132 draw with South Africa. This made him the first Asian player to score in two consecutive World Cups. After gaining a runners-up medal in the 2000 Asian Cup, he appeared in the 2002 World Cup but only played in one game, an 0\u20138", + "score": 0.69287109375 + }, + { + "id": "2942349", + "title": "United States men's national soccer team", + "text": "of the 1994 World Cup under Bora Milutinovi\u0107, the U.S. opened its tournament schedule with a 1\u20131 tie against Switzerland in the Pontiac Silverdome in the suburbs of Detroit, the first World Cup game played indoors. In its second game, the U.S. faced Colombia, then ranked fourth in the world, at the Rose Bowl. Aided by an own goal from Andr\u00e9s Escobar, the U.S. won 2\u20131. Escobar was later murdered in his home country, possibly in retaliation for this mistake. Despite a 1\u20130 loss to Romania in its final group game, the U.S. made it past the initial round for", + "score": 0.6923828125 + }, + { + "id": "3038094", + "title": "Josef Masopust", + "text": "for the 1958 FIFA World Cup, but the team were knocked out after a play-off match against Northern Ireland. Czechoslovakia finished in third place at the 1960 UEFA European Football Championship, losing to the Soviet Union in the semi-final and defeating France in the third place match. In 1962, Masopust led the Czechoslovakia team that reached the 1962 FIFA World Cup Final, losing to Brazil. He scored the opening goal in the Final, but Brazil came back to win 3\u20131. Because of his performance at the World Cup Finals, he was named European Footballer of the Year in 1962. Masopust", + "score": 0.6923828125 + }, + { + "id": "7570993", + "title": "History of the FIFA World Cup", + "text": "2\u20130 twice in 1958. It was the first (and so far the only) time that a country played a World Cup final round after having been eliminated in the regular qualifiers. The tournament also saw the emergence of Pel\u00e9, who scored two goals in the final. French striker Just Fontaine became the top scorer of the tournament. Chile hosted the 1962 World Cup. Two years before the tournament, an earthquake struck, the largest ever recorded at 9.5 magnitude, prompting officials to rebuild due to major damage to infrastructure. When the competition began, two of the best players were in poor", + "score": 0.69189453125 + }, + { + "id": "2252710", + "title": "Rudi Vo\u0308ller", + "text": "next match, however, saw West Germany eliminated when all they needed was a draw. At the 1986 FIFA World Cup, V\u00f6ller scored the West Germans' equalizer in a 2\u20131 win over Scotland in the group stage. He bagged a last minute goal against France in the semi-final to seal a 2\u20130 win and in the final itself his 80th-minute goal made it 2\u20132 against Argentina. Germany had recovered from 2\u20130 down but eventually lost the match 3\u20132. V\u00f6ller became the third player to score as a substitute in the World Cup final, after Dick Nanninga in 1978 and Alessandro Altobelli", + "score": 0.69189453125 + }, + { + "id": "12529857", + "title": "1974 FIFA World Cup Final", + "text": "1974 FIFA World Cup Final The 1974 FIFA World Cup Final was the final match of the 1974 FIFA World Cup, the 10th FIFA World Cup, a competition to determine the world champion among national men's football sides. The match was contested by the Netherlands and West Germany, with the West Germans winning 2\u20131. The Netherlands opened the scoring via a Johan Neeskens penalty in the second minute, only for Paul Breitner to equalise with another penalty in the 25th minute before Gerd M\u00fcller scored the winning goal in the 43rd minute, claiming West Germany's second FIFA World Cup. Five", + "score": 0.69189453125 + }, + { + "id": "4794739", + "title": "Leandro Cufre\u0301", + "text": "again in the groin.\" FIFA president Sepp Blatter said \"I am furious about that and our disciplinary committee will monitor this incident. We will take some steps towards those who are identified as being the 'provocateurs' of this incident.\" For this attack, Cufr\u00e9 received a red card, which made him the first player ever to be sent off in a World Cup match after the final whistle. FIFA fined Cufr\u00e9 CHF 10,000 and suspended him for four matches. Leandro Cufr\u00e9 Leandro Dami\u00e1n Cufr\u00e9 (born 9 May 1978) is a retired Argentinian footballer who last played as a defender for Club", + "score": 0.69140625 + }, + { + "id": "704878", + "title": "1930 FIFA World Cup", + "text": "Marcel Langiller clear on goal; play only resumed after protests from the French players. Although France had played twice in 48 hours, Chile had yet to play their first match. They faced Mexico the following day, gaining a comfortable 3\u20130 win. France's final match, against Chile, featured the first penalty kick of the World Cup . The first goalkeeper to save a penalty was Alex Th\u00e9pot of France on 19 July 1930, saving from Chile's Carlos Vidal in the 30th minute of the match. In Argentina's second match, against Mexico, three penalty kicks were awarded. During the same match on", + "score": 0.69140625 + }, + { + "id": "16439230", + "title": "Josip Drmic\u0301", + "text": "2014. On 13 May 2014, Drmi\u0107 was named in Switzerland's squad for the 2014 World Cup. He scored the only goal of the match in the 83rd minute from Blerim D\u017eemaili's assist as Switzerland beat Jamaica in a warm-up match for the tournament on 30 May. In the first match of the tournament, a 2\u20131 win over Ecuador, he had a goal ruled out for offside and was substituted for Haris Seferovi\u0107, who scored the winning goal. Drmi\u0107 was dropped for Seferovi\u0107 for the second match, a 5\u20132 defeat to France, but returned and set up two of Xherdan Shaqiri's", + "score": 0.69140625 + }, + { + "id": "12496112", + "title": "1978 FIFA World Cup Final", + "text": "off the pitch. The Italian referee Sergio Gonella upheld the complaints and forced Van de Kerkhof to apply extra bandage. In retaliation, the Netherlands team refused to attend the post-match ceremonies. The match itself saw a number of fouls, and a hostile atmosphere. Ticker tape and confetti in the stadium worked its way onto the pitch. Mario Kempes scored the first goal of the match, slotting under Jan Jongbloed from 12 yards out. The Netherlands almost equalised when Rob Rensenbrink latched onto to a headed pass from Van de Kerkof, but the shot was kept out by the boot of", + "score": 0.69140625 + }, + { + "id": "2283784", + "title": "Italy national football team", + "text": "scoreless, after Antonio Cabrini missed a penalty awarded for a Hans-Peter Briegel foul on Bruno Conti. In the second half Paolo Rossi again scored the first goal, and while the Germans were pushing forward in search of an equaliser, Marco Tardelli and substitute Alessandro Altobelli finalised two \"contropiede\" counterattacks to make it 3\u20130. Paul Breitner scored home West Germany's consolation goal seven minutes from the end. Tardelli's cry, \"Gol! Gol!\" was one of the defining images of Italy's 1982 World Cup triumph. Paolo Rossi won the Golden Boot with six goals as well as the Golden Ball Award for the", + "score": 0.69091796875 + }, + { + "id": "4539838", + "title": "Giovanni van Bronckhorst", + "text": "best goals in World Cup history. Van Bronckhorst's final match for the Netherlands and as a professional footballer came in the World Cup final against Spain. He was substituted in the 105th minute for Edson Braafheid with the score 0\u20130, only for Andr\u00e9s Iniesta to condemn the Dutch to a defeat, scoring the only goal of the match in the 116th minute. After ending the tournament as runners-up, Van Bronckhorst stated he was proud of what the team had achieved. Having retired at the end of the 2009\u201310 season prior to the 2010 World Cup, it was announced on 21", + "score": 0.69091796875 + } + ], + "answer": "An own goal is an event in competitive goal-scoring sports where a player scores on their own side of the playing area rather than the one defended by the opponent. Out of over 2500 goals scored in matches at the 21 final tournaments of the FIFA World Cup, only 53 have been own goals. The first own goal is FIFA World Cup history was by Manuel Rosas S\u00e1nchez, a Mexican footballer. The team that scored the first own goal was the Mexico national football team." + }, + { + "qa_pairs": [ + { + "context": "Justice Govind Mathur is the current Chief Justice of the High Court.", + "question": "Who is the current chief judge of Allahabad High Court since 14 November 2018?", + "short_answers": [ + "Govind Mathur" + ], + "wikipage": "Allahabad High Court" + }, + { + "context": "No context provided", + "question": "Who was the chief judge of Allahabad High Court from 30 July 2016 to 23 October 2018?", + "short_answers": [ + "Dilip Babasaheb Bhosale" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who was the chief judge of Allahabad High Court from 31 October 2013 to 12 May 2016?", + "short_answers": [ + "Dhananjaya Y. Chandrachud" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who is the chief judge of allahabad high court in 2017?", + "short_answers": [ + "Dilip Babasaheb Bhosale" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who is the chief judge of allahabad high court in 2015?", + "short_answers": [ + "Dhananjaya Y. Chandrachud" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who is the chief judge of allahabad high court in 2013?", + "short_answers": [ + "Shiva Kirti Singh" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Allahabad High Court", + "url": "https://en.wikipedia.org/wiki/Allahabad%20High%20Court" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The Allahabad High Court, also known as High Court of Judicature at Allahabad is the high court based in Allahabad (Prayagraj) that has jurisdiction over the Indian state of Uttar Pradesh.", + "wikipage": "Allahabad High Court" + } + ], + "long_answer": "The Allahabad High Court is the high court that has jurisdiction over the Indian state of Uttar Pradesh. Since November 14, 2018, the chief judge of the court has been Justice Govind Mathur. The Justices before him have been Dilip Babasaheb Bhosale from 30 July 2016 to 23 October 2018 and Dhananjaya Y. Chandrachud from 31 October 2013 to 12 May 2016. Shiva Kirti Singh was the chief justice in 2013." + }, + { + "knowledge": [ + { + "content": "The Allahabad High Court, also known as High Court of Judicature at Allahabad is the high court based in Allahabad (Prayagraj) that has jurisdiction over the Indian state of Uttar Pradesh.", + "wikipage": "Allahabad High Court" + } + ], + "long_answer": "The Allahabad High Court, also known as High Court of Judicature at Allahabad is the high court based in Allahabad (Prayagraj) that has jurisdiction over the Indian state of Uttar Pradesh. The Chief Judge of the High Court in 2013 was Shiva Kirti Singh. From October 31, 2013 to May 12, 2016, the Chief Judge was Dhananjaya Y. Chandrachud. From July 30, 2016 to October 23, 2018, the Chief Judge was Dilip Babasaheb Bhosale. The Chief Judge since November 14, 2018 is Govind Mathur." + } + ], + "sample_id": "-4403363030425051444", + "question": "Who is the chief judge of allahabad high court?", + "docs": [ + { + "id": "20941554", + "title": "Govind Mathur", + "text": "as Chief Justice of Allahabad High Court. Govind Mathur Govind Mathur (born 14 April 1959) is an Indian judge and Chief Justice of the Allahabad High Court. Mathur was appointed as additional judge of Rajasthan High Court on 2nd Sept 2004. He was promoted to permanent judge on 29th May 2006. He was transferred to Allahabad High Court on 21st November 2017.
On 24th October 2018, being the senior most Justice of court, he took the oath as acting Chief Justice of the Allahabad High Court. On 10th November 2018, he was appointed as Chief Justice of Allahabad High Court.", + "score": 0.806640625, + "summary": "Govind Mathur is the Chief Justice of Allahabad High Court.", + "extraction": "Govind Mathur is the Chief Justice of the Allahabad High Court." + }, + { + "id": "5949988", + "title": "Allahabad High Court", + "text": "water fountain to the High court. The seat of the court is at Prayagraj. Allahabad High Court maintains a permanent circuit bench at Lucknow, the administrative capital of the state. The maximum number of serving judges is 160, the highest in India. Justice Govind Mathur is the current Chief Justice of the Court. The court has a Sanctioned strength of 160 (Permanent:76, Additional:84) judges. The strength of judges in Allahabad high court as on 22.11.2018 was 109 High Court Judges. Judges elevated to the Supreme Court of India- Judges transferred from the Allahabad High Court- Private journals that report Allahabad", + "score": 0.80126953125, + "summary": "Justice Govind Mathur is the current Chief Justice of Allahabad High Court.", + "extraction": "Justice Govind Mathur is the current Chief Justice of the Court." + }, + { + "id": "9905357", + "title": "Dhananjaya Y. Chandrachud", + "text": "Additional Solicitor General of India until his appointment as a Judge. He became a judge at the Bombay High Court from 29 March 2000 until his appointment as Chief Justice of the Allahabad High Court. During this time, he was also Director of Maharashtra Judicial Academy. All through, he practised law at the Supreme Court of India and the Bombay High Court. He was Chief Justice of the Allahabad High Court from 31 October 2013 until appointment to the Supreme Court of India. He was appointed Judge of the Supreme Court of India on 13 May 2016. He continues to", + "score": 0.79052734375, + "summary": "The chief judge of Allahabad High Court was Dhananjaya Y. Chandrachud from 31 October 2013 until his appointment to the Supreme Court of India.", + "extraction": "Dhananjaya Y. Chandrachud was the Chief Justice of the Allahabad High Court." + }, + { + "id": "14450599", + "title": "Chandramauli Kumar Prasad", + "text": "back to Patna High Court on 10 September 2001. He was appointed as the acting Chief Justice of Patna High Court from 3 March 2008 to 12 May 2008 and from 17 December 2008 to 15 March 2009. He took oath as the Chief Justice of Allahabad High Court on 20 March 2009 and was elevated as a Judge, Supreme Court of India on 8 February 2010 from where he superannuated on 14 July 2014. Thereafter he was appointed Chairman of the Press Council of India on 25 November 2014. Justice Prasad has held various offices including the office of", + "score": 0.7900390625, + "summary": "The chief judge of Allahabad High Court is Chandramauli Kumar Prasad, who took oath on March 20, 2009.", + "extraction": "Chandramauli Kumar Prasad took oath as the Chief Justice of Allahabad High Court on 20 March 2009. Therefore, the chief judge of Allahabad High Court is Chandramauli Kumar Prasad." + }, + { + "id": "5949986", + "title": "Allahabad High Court", + "text": "was founded as the High Court of Judicature for the North-Western Provinces at Agra on 17 March 1866 by the Indian High Courts Act 1861 replacing the old Sadr Diwani Adalat. Sir Walter Morgan, Barrister-at-Law and Mr. Simpson were appointed the first Chief Justice and the first Registrar respectively of the High Court of North-Western Provinces. The location High Court for the North-Western Provinces was shifted from Agra to Allahabad in 1869 and the name was correspondingly changed to the High Court of Judicature at Allahabad from 11 March 1919. On 2 November 1925, the Oudh Judicial Commissioner's Court was", + "score": 0.78466796875, + "summary": "The first chief judge of Allahabad High Court was Sir Walter Morgan.", + "extraction": "The passage provides the information about the history of Allahabad High Court and the first Chief Justice of the High Court of North-Western Provinces, but it does not give information about the current or any specific Chief Judge of Allahabad High Court. Therefore, the extracted span is \"irrelevant\"." + }, + { + "id": "20941553", + "title": "Govind Mathur", + "text": "Govind Mathur Govind Mathur (born 14 April 1959) is an Indian judge and Chief Justice of the Allahabad High Court. Mathur was appointed as additional judge of Rajasthan High Court on 2nd Sept 2004. He was promoted to permanent judge on 29th May 2006. He was transferred to Allahabad High Court on 21st November 2017.
On 24th October 2018, being the senior most Justice of court, he took the oath as acting Chief Justice of the Allahabad High Court. On 10th November 2018, he was appointed as Chief Justice of Allahabad High Court. On 14th November 2018, he took oath", + "score": 0.78173828125, + "summary": "Govind Mathur is the Chief Justice of the Allahabad High Court.", + "extraction": "Govind Mathur is the Chief Justice of the Allahabad High Court." + }, + { + "id": "18195941", + "title": "Sunil Ambwani", + "text": "position of Chairman, Allahabad High Court Mediation and Conciliation Centre, High Court and State Mediation Monitoring Committee; Chairman, Computerization Committee, High Court and State e-Court Steering Committee.; Executive Chairman, U.P. State Legal Services Authority. In July 2014, Ambwani was transferred to Rajasthan High Court. Was appointed as acting Chief Justice Rajasthan High Courtin August, 2014 In March 2015 appointed as the Chief Justice of Rajasthan High Court. Sunil Ambwani Sunil Ambwani was the Chief Justice of Rajasthan High Court and former Justice of Allahabad High Court. Graduated in Law in the year 1975 from University of Allahabad in First Division.", + "score": 0.779296875, + "summary": "Sunil Ambwani was the former Justice of Allahabad High Court but was transferred to Rajasthan High Court in July 2014. He was appointed as the Chief Justice of Rajasthan High Court in March 2015.", + "extraction": "Sunil Ambwani was the Chief Justice of Rajasthan High Court and former Justice of Allahabad High Court." + }, + { + "id": "20989660", + "title": "Dhatri Saran Mathur", + "text": "Allahabad High Court in 1959. Justice Mathur was elevated in the post of Chief Justice of the Allahabad High Court on 6 November 1973. He retired from the post on 13 November 1974. Dhatri Saran Mathur Dhatri Saran Mathur, I.C.S., (born 13 November 1912) was the former Chief Justice of the Allahabad High Court. Mathur studied in Government Intermediate College of Etawah, Agra University, Thomason Civil Engineering College of Roorkee and Balliol College, Oxford. He passed Indian Civil Service on 16 September 1936 and joined in the post of Assistant Magistrate and Collector in the state of Uttar Pradesh under", + "score": 0.77783203125, + "summary": "Dhatri Saran Mathur was the former Chief Justice of Allahabad High Court from 6 November 1973 to 13 November 1974.", + "extraction": "Dhatri Saran Mathur is the former Chief Justice of the Allahabad High Court." + }, + { + "id": "20462595", + "title": "Dilip Babasaheb Bhosale", + "text": "Government Pleader and Assistant Public Prosecutor at the court from 1986 to 1991. He was appointed an Additional Judge at the Bombay High Court in January 2001 and promoted to be a Permanent Judge two years later. Beginning 2012, Bhosale was made a sitting Judge at the High Court of Karnataka. On 30th July 2016, he was promoted to Chief Justice of Allahabad High Court.
On 23rd October 2018, he was retired from High Court. Dilip Babasaheb Bhosale Justice Dilip Babasaheb Bhosale (born 24 October 1956) was the Chief Justice of the High Court of Judicature at Allahabad from", + "score": 0.77587890625, + "summary": "Justice Dilip Babasaheb Bhosale was the Chief Justice of the High Court of Judicature at Allahabad from July 2016 to October 2018.", + "extraction": "Justice Dilip Babasaheb Bhosale is the chief judge of Allahabad High Court." + }, + { + "id": "17041466", + "title": "Pramada Charan Banerjee", + "text": "at the Allahabad High Court, the first being Syed Mahmood. Mahmood had retired from the Court in the face of accusations that his chronic drunkenness was affecting his ability and it was his place that Banerjee took. With Mahmood, Chief Justice John Edge and others, he \"made indelible imprints greatness as Judges on the pages of [Allahabad High Court\u2019s] law reports\". Appointed a Knight Bachelor in the 1913 Birthday Honours, Banerjee was a member of the law faculty at the University of Allahabad and was Vice-Chancellor of the university from 1917 to 1919, in which year the university conferred on", + "score": 0.7734375, + "summary": "The document is irrelevant to the question of who is the chief judge of Allahabad High Court.", + "extraction": "Irrelevant. The passage provides information about Pramada Charan Banerjee, but does not answer the question about the chief judge of Allahabad High Court." + }, + { + "id": "9407330", + "title": "Kamal Narain Singh", + "text": "Past Alumni\" by the Allahabad University Alumni Association. Kamal Narain Singh Kamal Narain Singh (born December 13, 1926) was the 22nd Chief Justice of India. He was educated at L.R.L.A. High School in Sirsa, Allahabad, Ewing Christian College in Allahabad and is a graduate of the University of Allahabad. As a lawyer, Singh practiced civil, constitutional and taxation law since 1957. His first judicial appointment was as Additional Judge of the Allahabad High Court in 1970 and Permanent Judge in 1972. He joined the Supreme Court in 1986 and served as Chief Justice of India from November 25, 1991 until", + "score": 0.76904296875, + "summary": "Kamal Narain Singh was the 22nd Chief Justice of India, but the document does not mention who the chief judge of Allahabad High Court is.", + "extraction": "Kamal Narain Singh was never the chief judge of Allahabad High Court. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "20948493", + "title": "Aniruddha Bose", + "text": "name was recommended for elevation as the Chief Justice of Delhi High Court but returned by the Government of India, with the observation that she does not have the experience to handle the affairs of a prominent High Court like Delhi. The collegium reconsidered the proposal and she was transferred to Jharkhanad High Court as Chief Justice on 4 August 2018. Aniruddha Bose Aniruddha Bose (born 11 April 1959) is an Indian judge and Chief Justice of Jharkhand High Court. Bose passed Higher Secondary Examination from St. Lawrence High School, Kolkata in 1976 and passed B.Com. from St. Xavier's College", + "score": 0.76708984375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "13945549", + "title": "Shah Muhammad Sulaiman", + "text": "at an early age of 34. Sulaiman acted as Chief Justice of the Allahabad High Court when he was 43. He was knighted in the 1929 King's Birthday Honours, becoming Sir Muhammad Sulaiman. At the age of 46 he was made the permanent Chief Justice of the Allahabad High Court on 16 March 1932. Five years later he was elevated to the Federal Court which was a record in the British Commonwealth at the time. As Chief Justice of the Allahabad High Court, he handed down the final judgement in the Meerut Conspiracy Case at the appellate stage (S.H. Jhabwala", + "score": 0.76513671875, + "summary": "The document mentions Sir Muhammad Sulaiman as having been the permanent Chief Justice of the Allahabad High Court at the age of 46 on March 16, 1932.", + "extraction": "Shah Muhammad Sulaiman was the permanent Chief Justice of the Allahabad High Court." + }, + { + "id": "20971112", + "title": "Amreshwar Pratap Sahi", + "text": "Court. On 17 November 2018, he took oath as chief justice of Patna High Court. Amreshwar Pratap Sahi Amreshwar Pratap Sahi (born 1 January 1959) is an Indian judge and Chief Justice of the Patna High Court. Sahir graduated in law in 1985, and enrolled as an advocate of the Allahabad high court on September 6, 1985, where he practiced civil and constitutional matters. He became an additional judge of the Allahabad high court on September 24, 2004 and was confirmed as permanent judge in August 18, 2005. On 23 October, he was appointed as senior most judge of Allahabad", + "score": 0.76416015625, + "summary": "Amreshwar Pratap Sahi is the Chief Justice of Patna High Court. He used to be an additional judge of the Allahabad High Court and was confirmed as a permanent judge in August 2005. He was appointed as the senior-most judge of Allahabad on 23 October.", + "extraction": "Amreshwar Pratap Sahi was appointed as the senior most judge of Allahabad high court on 23 October." + }, + { + "id": "20971111", + "title": "Amreshwar Pratap Sahi", + "text": "Amreshwar Pratap Sahi Amreshwar Pratap Sahi (born 1 January 1959) is an Indian judge and Chief Justice of the Patna High Court. Sahir graduated in law in 1985, and enrolled as an advocate of the Allahabad high court on September 6, 1985, where he practiced civil and constitutional matters. He became an additional judge of the Allahabad high court on September 24, 2004 and was confirmed as permanent judge in August 18, 2005. On 23 October, he was appointed as senior most judge of Allahabad High Court. On 10 November 2018, he was appointed as chief justice of Patna High", + "score": 0.7607421875, + "summary": "Amreshwar Pratap Sahi is the Chief Justice of the Patna High Court. He was previously a judge at the Allahabad High Court, where he became the senior most judge, but the document does not mention who the current Chief Judge of Allahabad High Court is.", + "extraction": "Amreshwar Pratap Sahi is not the chief judge of Allahabad High Court, so the answer is \"irrelevant\"." + }, + { + "id": "18016181", + "title": "Mahesh Mittal Kumar", + "text": "and the Rajiv Gandhi National Law University Patiala. He is a visiting Professor of RGNLU, Patiala. Later appointed as Chief Justice of Jammu and Kashmir High Court on 08.06.2012. As Chief Justice of Jammu and Kashmir High Court, dealt with many PIL concerning world famous Dal Lake (Dal Judge), Violation of Master Plan in Srinagar, Jammu and Katra; Corruption cases, Popularized use of video conferencing, Mega Lok Adalats and a number of other projects. He has the unique distinction of holding the courts during floods in September 2014 when the High court building (10 ft water), District court building (18", + "score": 0.7607421875, + "summary": "The document is irrelevant to the question.", + "extraction": "Irrelevant." + }, + { + "id": "17041465", + "title": "Pramada Charan Banerjee", + "text": "working at Allahabad, Benares and Ghazipore. He was appointed a subordinate judge in 1880, working first in the Small Causes Courts of Agra, where he was the first Indian judge, and then at Allahabad. He held a brief appointment as an additional civil judge at Lucknow in 1893 before becoming a puisne judge for the North-Western Provinces at Allahabad High Court in December of that year. He remained in that office until August 1923, when he was replaced by Kanhaiya Lal prior to retiring from the bench in March 1924. Banerjee was the second Indian to be appointed a judge", + "score": 0.76025390625, + "summary": "Irrelevant.", + "extraction": "The passage is irrelevant to the question as it does not mention the name of the current or former chief judge of Allahabad High Court." + }, + { + "id": "20971327", + "title": "Amitav Banerji", + "text": "High Court on 16 July 1987 and retired on 6 November 1988. Amitav Banerji Amitav Banerji (5 December 1926) is an Indian Judge and Former Chief Justice of the Allahabad High Court Banerji educated from A.B.I. College, Allahabad and passed law from the Allahabad University. He was enrolled as an advocate on 27 August 1951 and started practice in the Allahabad High Court. Banerji worked on Criminal matters as well as the Civil, Constitution and Company matters. In 1973 he was Appointed as Additional Judge of the Allahabad High Court and became permanent Judge on 4 August 1975. Justice Banerji", + "score": 0.76025390625, + "summary": "Amitav Banerji is a former Chief Justice of the Allahabad High Court, but the document does not provide information on who the current chief judge is.", + "extraction": "Amitav Banerji is the Former Chief Justice of the Allahabad High Court." + }, + { + "id": "18707571", + "title": "Ashok Bhushan", + "text": "started practicing in Civil and Original side at Allahabad High Court till the elevation to the Bench. While practicing as an advocate in Allahabad High Court, he served as the standing counsel for various institutions such as Allahabad University, State Mineral Development Corporation Limited and several Municipal Boards, Banks & Education Institutions and also as the Senior Vice \u2013 President of the Allahabad High court Bar Association. Elevated as permanent Judge of the Allahabad High Court on 24 April 2001 was served as Chairman of Higher Judicial Service Committee and headed several other committees. He was appointed as Judge of", + "score": 0.75830078125, + "summary": "Ashok Bhushan was a permanent judge at Allahabad High Court on 24 April 2001 and served as the Chairman of Higher Judicial Service Committee and headed several other committees. However, the document does not mention who the chief judge of Allahabad High Court is.", + "extraction": "Irrelevant. The passage does not provide information on the chief judge of Allahabad High Court." + }, + { + "id": "18365469", + "title": "Badar Durrez Ahmed", + "text": "been a Judge of the Delhi High Court since 2002. He was The Chief Justice of High Court of Jammu and Kashmir from 1 April 2017 to 16 March 2018. In his eleven month tenure as Chief Justice of The State of Jammu and Kashmir he delivered a landmark judgment wherein he acquitted the accused Subhash Chander Sharma who was sentenced to death under section 302 RPC and 498A RPC by the Sessions Judge, Jammu . Subhash Chander Sharma was pleading his own case in the High Court. The Judgment was dictated in open court on the same day. The", + "score": 0.75830078125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "7837236", + "title": "Aziz Mushabber Ahmadi", + "text": "serve as Chief Justice of India. After serving for two and a half years, he eventually stepped down to retire in March 1997. Justice Ahmadi as Chief Justice of India on 13 September 1996 in a judgement authored by Justice Majmundar, in the UCC case, concurred with the view that the offence fell within the scope of section 304A,IPC and not within the scope of section 304 (II), IPC (culpable homicide not amounting to murder). Later the accused were tried user section 304A and were convicted and sentenced to 2 years punishment, further the NGO's raised a hue and cry", + "score": 0.7578125 + }, + { + "id": "13232221", + "title": "Chaudhry Ijaz Ahmed", + "text": "Judge, Lahore District. Some of the landmark judgments delivered by him as Judge of the Lahore High Court are (1) Mukhtaran Mai\u2019s Case, (2) Namoos-e-Risalat Case, (3) Dr.Abdul Qadeer Khan\u2019s Case and (4) Hafiz Saeed Ahmad\u2019s Case. Thus having proved his mettle as Judge of the Lahore High Court for more than 9 years, Hon\u2019ble Mr.Justice Ijaz Ahmed Chaudhry was appointed Chief Justice of Lahore High Court on 9 December 2010. His lordship has been elevated as Judge of the Supreme Court on 17 November 2011. Hon\u2019ble Judge is held in the highest esteem both by the legal fraternity as", + "score": 0.7548828125 + }, + { + "id": "5950463", + "title": "Jammu and Kashmir High Court", + "text": "the basis of the Order No. 1 issued by the Maharaja on 26 March 1928. The Maharaja appointed Lala Kanwar Sain as the first Chief Justice and Lala Bodh Raj Sawhney and Khan Sahib Aga Syed Hussain as Puisne Judges. The seats of the High Court were at Jammu and Srinagar. On 10 September 1943, letters patent were conferred on the High Court by the Maharaja. Khan Sahib Agah Syed Hussain was the first Muslim Judge of the High Court. He retired as Home and Judicial Minister of Jammu & Kashmir during the Maharaja Rule. In August 2018, the Jammu", + "score": 0.7548828125 + }, + { + "id": "19041359", + "title": "Saiyed Saghir Ahmad", + "text": "Pradesh Government in 1976 and of the Northern Railway in 1971. He was appointed Additional Judge of Allahabad High Court on 2 November 1981 and permanent Judge on 30 December 1982. He was transferred to the Jammu & Kashmir High Court on 1 November 1993. He was appointed the Chief Justice of Jammu & Kashmir High Court on 18 March 1994. He was transferred as Chief Justice of Andhra Pradesh High Court on 23 September 1994. He was appointed as Judge of the Supreme Court of India on 6 March 1995 and retired on 30 June 2000. Saiyed Saghir Ahmad", + "score": 0.75390625 + }, + { + "id": "9586077", + "title": "Mohammad Hidayatullah", + "text": "Berar (now Madhya Pradesh) and continued to hold the said post till he was appointed as an Additional Judge of that High Court in 1946. He had the distinction of being the youngest Advocate General of an Indian state, Madhya Pradesh On 24 June 1946, Hidayatullah was appointed as Additional Judge of that High Court of Central Provinces and Berar and on 13 September 1946 he was appointed as permanent judge of said High Court where he served until being elevated to Chief Justice of the Nagpur High Court in 1954 on 3 December 1954, being the youngest Chief Justice", + "score": 0.751953125 + }, + { + "id": "20936270", + "title": "Jagadish Bhalla", + "text": "1983 he became the Standing Counsel for the State government. He was Honorary Head of the Law faculty, D.A.V. College Lucknow, Member of the Executive Council of Lucknow University and King George's Medical University. In 1995, Bhalla was appointed as a Judge of Allahabad High Court. In 2007 he was transferred to Chhattisgarh High Court thereafter appointed as Chief Justice of Himachal Pradesh High Court. Justice Bhalla became the Chief Justice of Rajasthan High Court on 10 August 2009. He retired on 31 October 2010 from the post. Jagadish Bhalla Jagadish Bhalla (born: 1 November 1948) is an Indian Judge", + "score": 0.75146484375 + }, + { + "id": "18195940", + "title": "Sunil Ambwani", + "text": "Sunil Ambwani Sunil Ambwani was the Chief Justice of Rajasthan High Court and former Justice of Allahabad High Court. Graduated in Law in the year 1975 from University of Allahabad in First Division. He was an inmate of Sir Sundar Lal Hostel. Enrolled as an Advocate on 8 April 1976. Practised at Allahabad High Court in the period 1976-1985; 1992-2001 and at Supreme Court in the period 1985-1992 on Civil and Constitutional side.Passed Advocate-on-Record examination in 1986. Life Member Advocate-on-Record Association, Supreme Court of India. Served as Special Counsel, High Court 1998-2001. Elevated as permanent Judge on 24/04/2001. Held the", + "score": 0.75146484375 + }, + { + "id": "20948528", + "title": "Brahma Nath Katju", + "text": "He became the Chief Justice of the same High Court in 1988. Brahma Nath Katju Brahma Nath Katju (born 24 May 1927) was an Indian judge and the Chief Justice of the Allahabad High Court. Katju was the son of Indian politician Kailash Nath Katju. He studied in Boys' High School in Allahabad and Doon School at Dehradun. He passed LL.B. from Allahabad University. After the enrollment as an Advocate in 1951 he started practise in Allahabad High Court. Katju served as Assistant Government Advocate from 1959 to 1974. He mainly practised in Civil, Constitutional and Criminal matters. Katju was", + "score": 0.75048828125 + }, + { + "id": "20206453", + "title": "R Sudhakar", + "text": "as a judge of the Jammu and Kashmir High Court. He was the Acting Chief Justice of Jammu and Kashmir High Court, from 15 March 2017 to 31 March 2017, after the retirement of former Chief Justice N. Paul Vasanthakumar, until the appointment of the current Chief Justice, Badar Durrez Ahmed. He once again assumed the role of Acting Chief Justice after the retirement of Justice Badar Durrez Ahmed, on 16 March 2018. On 27 April 2018, the Supreme Court Collegium recommended Sudhakar for the post of Chief Justice of the Manipur High Court. His father, S.T.Ramalingam served as a", + "score": 0.75048828125 + }, + { + "id": "18092569", + "title": "Adarsh Kumar Goel", + "text": "years and before the Supreme Court of India and Delhi High Court for about 22 years. Designated as Senior Advocate by the Supreme Court on 11 February 1999. He was elevated as Judge of the Punjab and Haryana High Court on 2 July 2001. Appointed as Executive Chairman, Haryana State Legal Services Authority on 17 May 2005. He was the Chief Justice (Acting) of the Punjab and Haryana High Court from 2 May 2011 till he joined as the Senior most Judge of the Gauhati High Court on 12 September 2011. Sworn in as Chief Justice of the Gauhati High", + "score": 0.75 + }, + { + "id": "13915069", + "title": "Alladi Kuppu Swamy", + "text": "as Acting Chief Justice on 23.6.1980 and as permanent Chief Justice on 23.11.1980. He was appointed as One-Man Commission to enquire into the lathi charge on S.S.P. Members opposite Parliament House in 1970 and also to enquire into AVRO Aircrash at Hyderabad in 1973 and to enquire into the irregularities in respect of a contract regarding Nagarjunasagar Canal in 1974. He was President, Sura Bharathi Samithi, Hyderabad and Chairman, Hyderabad Literary Society. He died of cardiac arrest in Hyderabad, Andhra Pradesh on 12 March 2012. Alladi Kuppu Swamy Justice Alladi Kuppuswami B.A., B.L. was Chief Justice of Andhra Pradesh High", + "score": 0.74853515625 + }, + { + "id": "20971326", + "title": "Amitav Banerji", + "text": "Amitav Banerji Amitav Banerji (5 December 1926) is an Indian Judge and Former Chief Justice of the Allahabad High Court Banerji educated from A.B.I. College, Allahabad and passed law from the Allahabad University. He was enrolled as an advocate on 27 August 1951 and started practice in the Allahabad High Court. Banerji worked on Criminal matters as well as the Civil, Constitution and Company matters. In 1973 he was Appointed as Additional Judge of the Allahabad High Court and became permanent Judge on 4 August 1975. Justice Banerji was elevated in the post of the Chief Justice of the Allahabad", + "score": 0.748046875 + }, + { + "id": "15871800", + "title": "Nisar Ahmad Kakru", + "text": "1996, when he was again appointed as an Advocate General till he was promoted to the bench of the High Court of Jammu and Kashmir in November 1997. During his practice as an Advocate General, occasionally Nisar Ahmad was appointed as Acting Chief Justice of Jammu and Kashmir from (April, 2007-June, 2007), (November, 2007-January,2008) and (October,2008-January,2009). Finally on 16 February 2010 he was appointed as a Chief Justice of the High Court of Andhra Pradesh following a recommendation by the Supreme Court which was approved by the President of India. On 19 February 2010. Governor of Andhra Pradesh, E. S.", + "score": 0.748046875 + }, + { + "id": "19390856", + "title": "Dinesh Maheshwari", + "text": "Dinesh Maheshwari Hon'ble Mr. Justice Dinesh Maheshwari (born 15 May 1958) is the current Chief Justice of the High Court of Karnataka. His Lordship took oath as a Judge of Rajasthan High Court on 2 September 2004. He was transferred to Allahabad High Court and remained Senior Judge at the Lucknow Bench of Allahabad High Court from 2 March 2015. He took Oath as Chief Justice of the High Court of Meghalaya on the 24th February 2016. On transfer to Karnataka, Justice Dinesh Maheshwari took oath as 30th Chief Justice of High Court of Karnataka on 12 February 2018. He", + "score": 0.7470703125 + }, + { + "id": "5949987", + "title": "Allahabad High Court", + "text": "replaced by the Oudh Chief Court at Lucknow by the Oudh Civil Courts Act of 1925, enacted by the United Provinces Legislature with the previous sanction of the Governor General the passing of this Act. On 25 February 1948, the Chief Court of Oudh was amalgamated with the High Court of Allahabad. When the state of Uttaranchal, now known as Uttarakhand, was carved out of Uttar Pradesh in 2000, this high court ceased to have jurisdiction over the districts falling in Uttaranchal. Allahabad High court was built by Khan saheb Nizamuddin of Loha Mundi, Agra, India. He also donated the", + "score": 0.74658203125 + }, + { + "id": "20935432", + "title": "Krishna Chandra Agarwal", + "text": "of Rajasthan High Court on 15 April 1990 and in 1994 he became the Chief Justice of the Calcutta High Court. Justice Agarwal Retired on 15 January 1996. Krishna Chandra Agarwal Krishna Chandra Agarwal (born 15 January 1934) or K.C Agarwal is the former Chief Justice of Rajasthan High Court and Calcutta High Court Agarwal studied in Agarwal Intermediate College at Allahabad and became Law graduate from Allahabad University. After the advocate's enrollment in 1956 he practiced in Civil and constitutional matters in the Allahabad High Court. Since 1970 he worked as Chief Standing Counsel of the State Government. He", + "score": 0.74609375 + }, + { + "id": "15871801", + "title": "Nisar Ahmad Kakru", + "text": "L. Narasimhan administered oath of office to Chief Justice Nisar Ahmed Kakru at Raj Bhavan in the presence of Chief Minister K Rosaiah and Assembly Speaker N Kiran Kumar Reddy. He retired upon attaining superannuation as the Chief Justice of the Andhra Pradesh High Court, Hyderabad on 26 October 2011. During his stint as the Acting Chief Justice of Jammu and Kashmir High Court, reorganisation of services of High Court staff took place. As executive chairman of the Jammu and Kashmir Legal Services Authority, Justice Nisar Ahmed played a key role in conducting about 1800 Lok Adalats in which about", + "score": 0.74560546875 + }, + { + "id": "19333239", + "title": "Haider Ahmed Dafalla", + "text": "Haider Ahmed Dafalla by a Presidential decree No. 23/2014 as Chief justice . He starts acting in office from 23 April 2014 . up to date.his Academic Qualifications are : LL.B, Cairo University \u2013 Khartoum branch \"First Class\" 1976. LL.M, Cairo University \"First Class\" 1983. Cairo -Egypt.PHD \"Law\" \u2013 Cairo \u2013Egypt May 1989. Beside a Diploma in Islamic Shariah Law \"First Class\" 1982. Cairo -Egypt. Prof. Haider Ahmed Dafalla was not automatically nominated for the top judicial post for being one of the most outstanding magistrates of the Supreme Court, rather, he was nominated by the following: Started his career", + "score": 0.74560546875 + }, + { + "id": "19245018", + "title": "Chief Justice of Lahore High Court", + "text": "appointment of Chief Justice of Lahore High Court is made by Prime Minister of Pakistan and Chief Justice of Pakistan and final appointments are confirmed by the President of Pakistan. The first Chief Justice of Lahore High Court was Henry Plowden. The current Chief Justice is Muhammad Anwaarul Haq, incumbent since October, 23 2018. Chief Justice of Lahore High Court The Chief Justice of Lahore High Court (Urdu: \u0645\u0646\u0635\u0641 \u0627\u0639\u0638\u0645 \u0639\u062f\u0627\u0644\u062a \u0639\u0627\u0644\u06cc\u06c1 \u0644\u0627\u06c1\u0648\u0631) initials as CJP LHC), is the head of Lahore High court system of Province Punjab, Pakistan and the chief judge of the Lahore High Court of Pakistan.", + "score": 0.744140625 + }, + { + "id": "7837234", + "title": "Aziz Mushabber Ahmadi", + "text": "Aziz Mushabber Ahmadi Aziz Mushabber Ahmadi (A. M. Ahmadi) (born 25 March 1932) was the 26th Chief Justice of India. After serving as a judge in the Gujarat High Court, Ahmadi was appointed judge to the Supreme Court in 1988. He was then elevated to the post of Chief Justice, and served from 1994\u20131997. He served as Chancellor at the Aligarh Muslim University. Having received Bachelor of Laws (LL.B.), Ahmadi joined the Bar in 1954. He eventually was appointed judge to the City Civil & Sessions Court of Ahmedabad in 1964. During this time, Ahmadi was appointed as Secretary of", + "score": 0.74365234375 + }, + { + "id": "12897956", + "title": "Madhukar Hiralal Kania", + "text": "Madhukar Hiralal Kania Madhukar Hiralal Kania (born 18 November 1927) was the 23rd Chief Justice of India, serving from 13 December 1991 until his retirement on 17 November 1992. He was born in Bombay. His uncle was Harilal J. Kania, the first Chief Justice of India. He began his legal career in 1964, and was appointed as a Judge of Bombay High Court in November-1971. In June 1986 he was appointed as Chief Justice of the Bombay High Court. In May 1987, he was appointed as a Judge of the Supreme Court of India, and became the Chief Justice of", + "score": 0.7431640625 + }, + { + "id": "18092570", + "title": "Adarsh Kumar Goel", + "text": "Court on 20 December 2011. Sworn in as Chief Justice of the Odisha High Court on 12 October 2013 on transfer. Elevated as Judge of Supreme Court and assumed charge on 7 July 2014. Adarsh Kumar Goel Adarsh Kumar Goel (born 7 July 1953) is a former judge of the Supreme Court of India. He is a former Chief Justice of the Odisha High Court and the Gauhati High Court, and a former justice of the Punjab and Haryana High Court. He is currently serving as the chair person of National Green Tribunal. He did his B.A. (Hons.) and LL.B.", + "score": 0.74267578125 + }, + { + "id": "20931333", + "title": "Rakesh Tiwari", + "text": "Rakesh Tiwari Rakesh Tiwari (born: 25 October 1955) was an Indian Judge and acting Chief Justice of the Calcutta High Court. Tiwari graduated in Commerce subject and passed LL.B. from Allahabad University in Allahabad. He got the enrollment on 20 July 1984 from the Bar Council of Uttar Pradesh. He started practice in the Allahabad High Court on the Civil matters as well as Labour Industry, Company and Constitutional law. Tiwari also worked as advocate of Central Government Undertaking Corporations, Banks, Local Bodies and Premier Companies. He was first elevated as permanent Judge on 14 February 2002. In March 2016,", + "score": 0.74267578125 + }, + { + "id": "20935431", + "title": "Krishna Chandra Agarwal", + "text": "Krishna Chandra Agarwal Krishna Chandra Agarwal (born 15 January 1934) or K.C Agarwal is the former Chief Justice of Rajasthan High Court and Calcutta High Court Agarwal studied in Agarwal Intermediate College at Allahabad and became Law graduate from Allahabad University. After the advocate's enrollment in 1956 he practiced in Civil and constitutional matters in the Allahabad High Court. Since 1970 he worked as Chief Standing Counsel of the State Government. He was the Editor of the Allahabad Law Journal. Agarwal was appointed as additional Judge of Allahabad High Court on 6 August 1973. He was transferred as Chief Justice", + "score": 0.74267578125 + }, + { + "id": "13910970", + "title": "N. Kumarayya", + "text": "Judge of this High Court with effect from 22 October 1957. He was appointed as Chief Justice of Andhra Pradesh in 1969 and retired on 15 June 1971. N. Kumarayya Justice N. Kumarayya served as the Chief Justice of the Andhra Pradesh High Court., India. He was born on 15 June 1909. He was educated at Middle School, Karimnagar, High School, Warangal and Osmania University, Hyderabad. He joined the Hyderabad Civil Service on 26 July 1931. He was appointed as Munsif Magistrate in 1935, Additional District Magistrate in 1943, District Magistrate in 1946 and Sessions Judge in 1948. He was", + "score": 0.74169921875 + }, + { + "id": "20948527", + "title": "Brahma Nath Katju", + "text": "Brahma Nath Katju Brahma Nath Katju (born 24 May 1927) was an Indian judge and the Chief Justice of the Allahabad High Court. Katju was the son of Indian politician Kailash Nath Katju. He studied in Boys' High School in Allahabad and Doon School at Dehradun. He passed LL.B. from Allahabad University. After the enrollment as an Advocate in 1951 he started practise in Allahabad High Court. Katju served as Assistant Government Advocate from 1959 to 1974. He mainly practised in Civil, Constitutional and Criminal matters. Katju was appointed Additional Judge of the Allahabad High Court on 6 August 1973.", + "score": 0.740234375 + }, + { + "id": "9407329", + "title": "Kamal Narain Singh", + "text": "Kamal Narain Singh Kamal Narain Singh (born December 13, 1926) was the 22nd Chief Justice of India. He was educated at L.R.L.A. High School in Sirsa, Allahabad, Ewing Christian College in Allahabad and is a graduate of the University of Allahabad. As a lawyer, Singh practiced civil, constitutional and taxation law since 1957. His first judicial appointment was as Additional Judge of the Allahabad High Court in 1970 and Permanent Judge in 1972. He joined the Supreme Court in 1986 and served as Chief Justice of India from November 25, 1991 until December 12, 1991. He was honored with \"Proud", + "score": 0.740234375 + }, + { + "id": "13915068", + "title": "Alladi Kuppu Swamy", + "text": "Alladi Kuppu Swamy Justice Alladi Kuppuswami B.A., B.L. was Chief Justice of Andhra Pradesh High Court. He is son of Alladi Krishnaswamy Iyer and born on 23 March 1920. He was educated at Loyola College and Law College, Madras. He did B.A. (Hons.) Mathematics Degree in First Class in 1939 and studied Law in 1939-41. He worked as apprentice under late Sri V. Govindarajachari and enrolled as an Advocate in 1942. He was a member of the Andhra Pradesh Bar Council \u2013 1961-67. He was appointed as an Additional Judge on 21.8.1967 and permanent Judge on 27.11.1967. He was appointed", + "score": 0.740234375 + }, + { + "id": "18008874", + "title": "Anwar Zaheer Jamali", + "text": "reappointed as Judge and Chief Justice of the Sindh High Court on 27 August 2008. He was elevated as judge of the Supreme Court of Pakistan on 3 August 2009 and appointed as Acting Chief Election Commissioner of the Election Commission of Pakistan on 3 July 2014. He was appointed as 24th Chief Justice of Pakistan on 10 September 2015 by President Mamnoon Hussain. Anwar Zaheer Jamali Anwar Zaheer Jamali ( born 31 December 1951), is a Pakistani jurist who served as the 24th Chief Justice of Pakistan. He remained in the Supreme Court from 3 August 2009 to 30", + "score": 0.73974609375 + }, + { + "id": "20950860", + "title": "Syed Rafat Alam", + "text": "Court in his lawyers' career. He also worked as Part time Lecturer in Law Faculty of College of Commerce, Arts and Science, Patna since 1983 till his elevation as Judge. In 1994 he became the Permanent Judge of the Patna High Court and transferred to Allahabad High Court in the same year. Justice Alam took over the charge of Acting Chief Justice of the Allahabad High Court various period. He was appointed as Chief Justice of Madhya Pradesh High Court on 20 December 2009. After the retirement he became the Chairman of Uttar Pradesh Human Rights Commission. Syed Rafat Alam", + "score": 0.7392578125 + }, + { + "id": "5949985", + "title": "Allahabad High Court", + "text": "Allahabad High Court The Allahabad High Court or the High Court of Judicature at Allahabad is a high court based in Prayagraj that has jurisdiction over the Indian state of Uttar Pradesh. It was established on 11 June 1866, making it the fourth high court to be established in India. Allahabad became the seat of Government of North-Western Provinces and a High Court was established in 1834 but was shifted to Agra within a year. In 1868 it shifted back to Allahabad. The former High Court was located at the Accountant General's office at the University of Allahabad complex. It", + "score": 0.7392578125 + }, + { + "id": "20954306", + "title": "Yogeshwar Dayal", + "text": "and served as lawyer for Delhi Administration and various Corporate bodies. On 28 February 1974 he was elevated as Judge of the Delhi High Court. In his tenure Dayal was appointed as One-Man Commission of Inquiry in number of occasions. In 1987 he became the Chief Justice of Delhi High Court thereafter transferred as Chief Justice of Andhra Pradesh High Court on 18 March 1988. He was appointed as a Judge of the Supreme Court of India on 22 March 1991. Justice Dayal retired on 17 November 1995 from the judgeship. Yogeshwar Dayal Yogeshwar Dayal (18 November 1930 \u2013 2", + "score": 0.73876953125 + }, + { + "id": "19041100", + "title": "Baharul Islam", + "text": "Assam and Nagaland High Court (Now Gauhati High Court) on 20 January 1972 (A.N.). Appointed acting chief Justice of the Gauhati High Court on 11.3.1979. Appointed as Chief Justice of the Gauhati High Court on 7 July 1979. Retired on 1 March 1980. Appointed Judge, Supreme Court of India on 4 December 1980. He retired from the Supreme Court on 12 January 1983. He was the Rajya Sabha member from 1962 to 1972. He was a member of, but did not serve as the president of the Gauhati High Court Bar Association. In 1987 Justice Baharul Islam committee was appointed", + "score": 0.73876953125 + }, + { + "id": "13863031", + "title": "K. V. L. Narasimham", + "text": "City Civil Court from April 1958 to April 1959. He was Registrar, High Court of Andhra Pradesh from 1 May 1959 until his elevation. He was appointed as Additional Judge on 9 December 1959 and again appointed as Additional Judge from 9 December 1961. He was made Permanent Judge from 7 June 1962. He was appointed as Chief Justice of Andhra Pradesh High Court on 15 June 1971 and retired on 1 April 1972. He died on 9 October 1973 from a cardiac arrest in his home. K. V. L. Narasimham Justice K. V. L. Narasimham (1910\u20131973) was Chief Justice", + "score": 0.7373046875 + }, + { + "id": "13857024", + "title": "Challa Kondaiah", + "text": "Challa Kondaiah Challa Kondaiah (Telugu: \u0c1a\u0c32\u0c4d\u0c32\u0c3e \u0c15\u0c4a\u0c02\u0c21\u0c2f\u0c4d\u0c2f) is Chief Justice of Andhra Pradesh High Court. He was born on 4 July 1918 at Challavaripalle in Anantapur district to Challa Venkata Kondaiah and Laxmamma. He graduated from Government Arts College in Anantapur and received his Bachelor of Law from Madras Law College. He did Civil, Criminal and Taxation work in Madras High Court, High Court of Andhra at Guntur and High Court of Andhra Pradesh, Hyderabad. He was appointed as Standing Counsel for Income-Tax Department in 1958. He was appointed as permanent Judge on 21 August 1967. He was transferred to", + "score": 0.73681640625 + }, + { + "id": "11871965", + "title": "Ajit Prakash Shah", + "text": "Ajit Prakash Shah Ajit Prakash Shah(born 13 February 1948 at Solapur) is the former Chairman of the 20th Law Commission of India. He was the Chief Justice of Delhi High Court from May 2008 till his retirement in February 2010. Justice Shah is known for his bold judgments. Justice Shah did his graduation from Solapur and attended Government Law College, Mumbai for his law degree. After a short span of practice at the Solapur District Court, he shifted to the Bombay High Court in 1977 and joined the chambers of the then-leading Advocate Shri S.C. Pratap. He gained experience in", + "score": 0.73681640625 + }, + { + "id": "13910969", + "title": "N. Kumarayya", + "text": "N. Kumarayya Justice N. Kumarayya served as the Chief Justice of the Andhra Pradesh High Court., India. He was born on 15 June 1909. He was educated at Middle School, Karimnagar, High School, Warangal and Osmania University, Hyderabad. He joined the Hyderabad Civil Service on 26 July 1931. He was appointed as Munsif Magistrate in 1935, Additional District Magistrate in 1943, District Magistrate in 1946 and Sessions Judge in 1948. He was appointed as Judge of Hyderabad High Court in 1955 and was reappointed as Additional Judge of High Court of Andhra Pradesh in 1956. He was appointed as permanent", + "score": 0.736328125 + }, + { + "id": "21012663", + "title": "Ajoy Nath Ray", + "text": "Court. In June 2004 Ray also took charge in the post of Acting Chief Justice of Calcutta High Court. On 11 January 2005 he became the Chief Justice of the Allahabad High Court. Justice Ray was transferred to Sikkim High Court as Chief Justice on 27 January 2007. He was retired from the judgeship on 30 October 2008. Ajoy Nath Ray Ajoy Nath Ray (born 31 October 1946) is an Indian Judge and former Chief Justice of Allahabad and Sikkim High Court. Ray was born in 1946 in Kolkata. his father Mr. A. N. Ray was the 14th Chief Justice", + "score": 0.736328125 + }, + { + "id": "8318949", + "title": "V. Balakrishna Eradi", + "text": "was established. In 1961, he was appointed as Senior Government Pleader in theKerala High Court where he conducted several important Government cases. He was also doing private practice during this time. In April 1967, Balakrishna was aapointed Additional Judge of the Kerala High Court and six months later elevated as Permanent Judge. During his tenure at Kerala High Court, he was appointed as Chairman of several committees, including the High Court Committee appointed by the Government of Kerala for suggesting ways and means of raising the standard of legal education in the State. Eradi was appointed as Chief Justice of", + "score": 0.73583984375 + }, + { + "id": "12897957", + "title": "Madhukar Hiralal Kania", + "text": "India in December 1991. Madhukar Hiralal Kania Madhukar Hiralal Kania (born 18 November 1927) was the 23rd Chief Justice of India, serving from 13 December 1991 until his retirement on 17 November 1992. He was born in Bombay. His uncle was Harilal J. Kania, the first Chief Justice of India. He began his legal career in 1964, and was appointed as a Judge of Bombay High Court in November-1971. In June 1986 he was appointed as Chief Justice of the Bombay High Court. In May 1987, he was appointed as a Judge of the Supreme Court of India, and became", + "score": 0.7353515625 + }, + { + "id": "19497548", + "title": "Mohan Shantanagoudar", + "text": "Kerala High Court on 1 August 2016. He took the oath as Chief Justice of the Kerala High Court on 22 September 2016. Mohan Shantanagoudar Mohan Mallikarjunagouda Shantanagoudar (born 5 May 1958 in Chikkerur, Haveri District, Karnataka) is an Indian Judge. He was appointed as a Judge of the Supreme court of India on 17 February 2017. He has also served as the Chief Justice of the Kerala High Court before his elevation to the Supreme Court of India. He initially practiced at the Karnataka High Court as an advocate, later appointed as the Additional Judge in 2003, and elevated", + "score": 0.7353515625 + }, + { + "id": "9339264", + "title": "Rajendra Mal Lodha", + "text": "2014 and was succeeded by H L Dattu. These include: Rajendra Mal Lodha Justice R. M. Lodha (born 28 September 1949) was the 41st Chief Justice of the Supreme Court of India. Before being elevated to the Supreme Court, he served as the Chief Justice of Patna High Court. He has also served as a judge in Rajasthan High Court and Bombay High Court. On 14 July 2015, the Supreme Court committee headed by RM Lodha suspended the owners of Rajasthan Royals and Chennai Super Kings from the Indian Premier League cricket tournament for a period of two years for", + "score": 0.73486328125 + }, + { + "id": "17179970", + "title": "Meghalaya High Court", + "text": "who took oath as Chief Justice on 21 May 2018. Before the establishment of Meghalaya High Court the Guwahati High Court use to look after all judicial matters and review them. The first Chief Justice was the Hon'ble Mrs. Justice T. Meena Kumari, who retired on 3 August 2013. On the 14 January 2016 -- with the retirement of the outgoing Chief Justice -- the Hon'ble Mr. Chief Justice Uma Nath Singh, (one of the Permanent Judges of the High Court of Meghalaya, the Hon'ble Mr Justice T. Nandakumar Singh), took oath as Acting Chief Justice with immediate effect. Justice", + "score": 0.734375 + }, + { + "id": "17750899", + "title": "Anil R. Dave", + "text": "the Gujarat High Court on 18.09.1995 and confirmed as Permanent Judge on 18.06.1997. Thereafter transferred to Andhra Pradesh High Court as the Chief Justice 7 January 2008. While holding the post of Chief Justice of High Court of Judicature at Hyderabad, he served as the Patron and Chairman of the Advisory Council of International Centre for Alternative Dispute Resolution (ICADR), Regional Centre, Hyderabad and Chancellor of NALSAR University of Law, Hyderabad. On 11 February 2010 he was transferred to Bombay High Court and from there he was elevated as Judge to Supreme Court of India on 30 April 2010. He", + "score": 0.734375 + }, + { + "id": "12888202", + "title": "Jayantilal Chhotalal Shah", + "text": "Jayantilal Chhotalal Shah Jayantilal Chhotalal Shah (22 January 1906 \u2013 4 January 1991) was the twelfth Chief Justice of India from 17 December 1970 until his retirement on 21 January 1971. He was born in Ahmedabad. Shah attended schooling at R.C. School in Ahmedabad and subsequently studied at Elphinstone college in Bombay. He began practice as a lawyer at Ahmedabad in 1929. He was part of the legal team prosecuting Nathuram Godse and other defendants in the Gandhi assassination case. In 1949, he moved to the Bombay High Court where he was judge for 10 years. In October 1959, he", + "score": 0.73388671875 + }, + { + "id": "19333238", + "title": "Haider Ahmed Dafalla", + "text": "Haider Ahmed Dafalla Haider Ahmed Dafalla is Chief Justice of the Republic of Sudan, and president of the national Supreme Court, he is the highest-ranking and presiding judge in the Supreme Court, and also head of administrative functions. He has been nominated and recommended by the national commission for judicial services to chief justice post, as a Chief Justice is responsible for allocation of cases which deal with an important law matters . He is the 15th Chief Justice to the Republic of Sudan since January 1956 on April 2014 the president of the Republic of Sudan has appointed Prof.", + "score": 0.7333984375 + }, + { + "id": "9586078", + "title": "Mohammad Hidayatullah", + "text": "of a High Court. In November 1956, he was then appointed as the Chief Justice of Madhya Pradesh High Court. On 1 December 1958, he was elevated as a justice to the Supreme Court of India. In his time he was the youngest judge of the Supreme Court of India. After serving as a judge for nearly 10 years, he was appointed as the Chief Justice of India on 28 February 1968 \u2013 becoming the first Muslim Chief Justice of India. He retired from this position on 16 December 1970. During his term as the Chief Justice of India, the", + "score": 0.73291015625 + }, + { + "id": "21011653", + "title": "Anantkumar Surendraray Dave", + "text": "Panel lawyer and also worked as Standing Counsel, Additional Government Pleader in the High Court. Dave also appeared in various Tribunals on behalf of the Government of Gujarat. He was elevated in the post of additional Judge of Gujarat High Court on 8 October 2004 and became permanent Judge on 25 September 2006. Justice Dave was appointed as the Acting Chief Justice of High Court of Gujarat on 14 November 2018. Anantkumar Surendraray Dave Anant Surendraray Dave (born 5 December 1957) is an Indian Judge and present acting Chief Justice of the Gujarat High Court. Dave was born in 1957", + "score": 0.732421875 + }, + { + "id": "20936269", + "title": "Jagadish Bhalla", + "text": "Jagadish Bhalla Jagadish Bhalla (born: 1 November 1948) is an Indian Judge and Former Chief Justice of Himachal Pradesh High Court and Rajasthan High Court. Bhalla's father was a doctor who posted as Chief Medical Officer in Nainital. Bhalla completed his earlier education there. He passed M.A. and LL.B. from Lucknow University in 1971. Bhalla was enrolled as an Advocate in the Bar Council of Allahabad High Court and practiced law in the Lucknow Bench of Allahabad High Court on Constitutional, Civil, Arbitration and Criminal matters. He worked as Special Counsel on behalf of the Government of Uttar Pradesh. In", + "score": 0.732421875 + }, + { + "id": "20955777", + "title": "Ajay Kumar Tripathi", + "text": "State of Bihar. On 9 October 2006 he was elevated as an Additional Judge of Patna High Court. Justice Tripathi became the Chief Justice of the Chhattisgarh High Court on 7 July 2018. Ajay Kumar Tripathi Ajay Kumar Tripathi (born: 12 November 1957) is an Indian Judge and present Chief Justice of the Chhattisgarh High Court. Tripathi was graduated in Economics with Hons. from Shri Ram College of Commerce and studied Law from Delhi University. He started practice in 1981 at Patna High Court on Service matter, Constitutional, Taxation, Excise and commercial litigations. Tripathi was the Standing Counsel for the", + "score": 0.732421875 + }, + { + "id": "9586087", + "title": "Mohammad Hidayatullah", + "text": "the Hidayatullah National Law University was established in 2003, in his home town of Raipur, in the state of Chhattisgarh. University also organises Justice Hidayatullah Memorial National Moot Court Competition (HNMCC) in his memory. In 1948, Hidayatullah married Pushpa Shah who was Hindu by religion. Their son Arshad Hidayatullah is a Senior Counsel at the Supreme Court of India. Mohammad Hidayatullah Mohammad Hidayatullah OBE (17 December 1905 \u2013 18 September 1992) was the 11th Chief Justice of India serving from 25 February 1968 to 16 December 1970, and the sixth Vice President of India, serving from 31 August 1979 to", + "score": 0.73193359375 + }, + { + "id": "13213295", + "title": "Raja Muhammad Fayyaz Ahmad", + "text": "oath of the Office of the Chief Justice on 28 April 2000. Ahmad was elevated to the Supreme Court of Pakistan on September 14, 2005. Raja Muhammad Fayyaz Ahmad Raja Muhammad Fayyaz Ahmad (, born 1 June 1946) is a judge in Supreme Court of Pakistan and is a former Chief Justice of High Court of Balochistan. Ahmad was born in Quetta. He belongs to Gujar Khan district Rawalpindi. He got education from the Government Sandeman High School Quetta and graduated from Government College Quetta. Later he obtained LL.B. degree from University Law College Lahore. Ahmad enrolled as an advocate", + "score": 0.73193359375 + }, + { + "id": "18008871", + "title": "Anwar Zaheer Jamali", + "text": "Anwar Zaheer Jamali Anwar Zaheer Jamali ( born 31 December 1951), is a Pakistani jurist who served as the 24th Chief Justice of Pakistan. He remained in the Supreme Court from 3 August 2009 to 30 December 2016. He has also served as the Acting Chief Election Commissioner of Pakistan, and Chief Justice of the Sindh High Court. In 1995, he was elected as Chairman Executive Committee (CEC) of the Sindh Bar Council and held this position till his elevation to the Bench. He was highly praised for being one of the few judges who refused to take fresh oath", + "score": 0.73193359375 + }, + { + "id": "20994683", + "title": "Sanjay Kumar Seth", + "text": "of The Madhya Pradesh High Court after Justice Hemant Gupta. Justice Seth was appointed as the permanent Chief Justice of the same High Court on 14 November 2018. Sanjay Kumar Seth Sanjay Kumar Seth (born: 10 June 1957) is an Indian Judge and present Chief justice of Madhya Pradesh High Court. After passing B.A., LL.B., Seth was enrolled as an Advocate on 24 July 1981 and practised in Jabalpur on Civil and Constitutional matters. He served as an additional advocate general in the Madhya Pradesh High Court for the Government of Madhya Paradesh. Seth was appointed as a judge to", + "score": 0.7314453125 + }, + { + "id": "20965369", + "title": "Vidyadhar Govind Oak", + "text": "few months. In 1955 he was appointed as Additional Judge of the Allahabad High Court. Justice Oak was elevated in the post of the Chief Justice on 4 June 1957. He retired from the judgeship in 1971. The Astronomical Society of India gives the Justice V.G. Oak Award to Indian researchers for outstanding Thesis in Astronomy. Vidyadhar Govind Oak Vidyadhar Govind Oak, I.C.S, (born: 18 May 1909) was an Indian Bureaucrat and Chief Justice of Allahabad High Court. Oak studied in Maharaja College, Government Madhav Arts and Commerce College, Ujjain and Holkar College of Indore. He graduated in Law from", + "score": 0.7314453125 + }, + { + "id": "20724138", + "title": "Manoj Kumar Mukherjee", + "text": "High Court on 12 November 1991 as Chief Justice. Mukherjee became the Chief Justice Bombay High Court in January 1993. He was also appointed as a Judge of the Supreme Court in 1993. After retirement Mr. Mukherjee was appointed as the chairperson of Mukherjee Commission in 1999 to inquire into the death of Subhas Chandra Bose. His name was recommended by the then Chief Justice of India. Manoj Kumar Mukherjee Manoj Kumar Mukherjee ( Born: 1 December 1933) was the Chief Justices of the Bombay High Court and Allahabad High Court and former judge of the Supreme Court of India.", + "score": 0.7314453125 + }, + { + "id": "5950942", + "title": "Lahore High Court", + "text": "with judges nominated by the Lahore High Court Chief Justice. The first Chief Justice at Lahore was Sir Henry Meredyth Plowden in 1880. The current Chief Justice is Muhammad Yawar Ali, incumbent since Feb 8, 2018. Lahore High Court is headed by a Chief Justice. The bench consist of Justices and additional judges. The retirement age of Chief Justice and Justices is 62 years. The Additional Judges are initially appointed for one year. After that their services could either be extended or they could be confirmed or they are retired. The current Chief Justice of Lahore High Court is Justice", + "score": 0.7314453125 + }, + { + "id": "20987991", + "title": "Navniti Prasad Singh", + "text": "as an additional Judge of Patna High Court. Jusice Singh was elevated in the post of the Chief Justice of the Kerala High Court on 20 March 2017. He was retired on 6 November 2017. Navniti Prasad Singh Navniti Prasad Singh (born: 6 November 1955) is an Indian Judge and former Chief Justice of the Kerala High Court Singh completed his schooling from Scindia School of Gwalior, graduated and passed Law from Delhi University. He was enrolled as Advocate on 2 July 1980 and started practice in Patna and Jharkhand High Court on Commercial, Taxation and Constitutional matter. In his", + "score": 0.7314453125 + }, + { + "id": "14819962", + "title": "Altamas Kabir", + "text": "Altamas Kabir Altamas Kabir (19 July 1948 \u2013 19 February 2017) was the 39th Chief Justice of India. Altamas Kabir was born in Calcutta in 1948 to a prominent Bengali Muslim family from the district of Faridpur (now in Bangladesh). He studied law at the University of Calcutta, Kolkata. His father, Jehangir Kabir was a leading Congress politician and trade union leader from West Bengal who served as the Minister in the B.C. Roy and P.C. Sen ministries and also went on to become a minister in the first non-Congress government in West Bengal in 1967 with Ajoy Kumar Mukherjee", + "score": 0.73046875 + }, + { + "id": "6454964", + "title": "Yogesh Kumar Sabharwal", + "text": "1999, he was appointed as Chief Justice of Bombay High Court. In less than a year, he was appointed as a judge, Supreme Court of India. Being the senior-most judge of the Supreme Court of India at the time, Sabharwal was appointed as the Chief Justice of India to succeed Mr. R.C. Lahoti who was retiring on 31 October 2005. He was sworn in as the Chief Justice by the President of India, A P J Abdul Kalam on 1 November 2005 for a period of about 14 months as he would turn 65, the retirement age for Chief Justices,", + "score": 0.73046875 + }, + { + "id": "21013635", + "title": "Madhukar Narhar Chandurkar", + "text": "of Chief Justice of the Bombay High Court on 2 January 1984. He was transferred to the Madras High Court and served their as the Chief Justice from 2 April 1984 to 13 March 1988. Madhukar Narhar Chandurkar Madhukar Narhar Chandurkar (14 March 1926 \u2014 28 February 2004) was the former Chief Justice of Bombay and Madras High Court. Chandurkar was born in 1926. He studied in Somalwar Academy of Nagpur and Hislop College. He passed Law from the University of Nagpur. Chandurkar enrolled as an Advocate and started practice in the Nagpur High Court in 1954 on Civil, Criminal", + "score": 0.73046875 + }, + { + "id": "19390858", + "title": "Dinesh Maheshwari", + "text": "for Revenue and Excise Departments of Government of Rajasthan in Rajasthan High Court, Jodhpur; Urban Improvement Trust, Jodhpur, Municipal Corporation, Jodhpur; Urban Improvement Trust, Udaipur and Rajasthan Tribal Areas Development Co-Operative Federation, Udaipur and various other Co-operative Banks, Oil Companies, Autonomous Bodies, Boards and Corporations. After a practice and experience of about 23 years as a Laywer he was Elevated and appointed as a Judge of the Rajasthan High Court on 2nd September 2004. Dinesh Maheshwari Hon'ble Mr. Justice Dinesh Maheshwari (born 15 May 1958) is the current Chief Justice of the High Court of Karnataka. His Lordship took oath", + "score": 0.73046875 + }, + { + "id": "20955207", + "title": "Ramayyagari Subhash Reddy", + "text": "both original and appellate side. His field of specialization is in Constitutional Law. He was appointed as an Additional Judge of the Andhra Pradesh High Court on 2 December 2002. He was appointed as Permanent Judge on 24 June 2004. He was appointed as Chief Justice of Gujarat High Court on 13 February 2016. He was appointed as Judge of Supreme Court of India on 2 November 2018. Ramayyagari Subhash Reddy Ramayyagari Subhash Reddy is the judge of Supreme Court of India since 2 November 2018. Prior to his elevation to the bench of Supreme Court, he was the Chief", + "score": 0.72998046875 + }, + { + "id": "12999289", + "title": "Muhammad Aslam (judge)", + "text": "and of no legal effect. Aslam has a Masters in Arts (M.A) and Bachelor of Laws (LL.B.). Aslam was appointed as Additional Judge of Lahore High Court on 3 September 2003 and confirmed as a judge in 2004. He remained on bench of Lahore High Court till 6 February 2008. He was then made the first Chief Justice of a newly created Islamabad High Court. He took oath of that office on 7 February 2008 from President of Islamic Republic of Pakistan General Pervez Musharaf. On 7 March 2008, he was appointed to Supreme Court of President of Islamic Republic", + "score": 0.72998046875 + }, + { + "id": "20970124", + "title": "Vazhakkulangarayil Khalid", + "text": "as an additional Judge of Kerala High Court. He was elevated in the post of the Chief Justice of Jammu and Kashmir High Court on 24 August 1983. In 1984 he served as an acting Governors of Jammu and Kashmir for 12 days. On 25 June 1984 he was appointed as a Judge of the Supreme Court of India and retired on 30 June 1987 from the post. Justice Khalid was known for his judgement in \"Shah Bano Begum case\". He was died at 95 on 15 November 2017. Vazhakkulangarayil Khalid Vazhakkulangarayil Khalid or V. Khalid (1 July 1922 \u2014", + "score": 0.72998046875 + }, + { + "id": "13279450", + "title": "Khawaja Muhammad Sharif", + "text": "appointed Chief Justice of Lahore High Court on 12 April 2009 and retired on 8 December 2010 on attaining the age of superannuation. Chief Justice Khawaja Sharif defend Mumtaz Qadri, who shot Punjab governor Salmaan Taseer on account of his blasphemic statement, confirmed Lawyer Raja Shujaur Rehman. The Divisional bench (DB) of the Islamabad High Court (IHC), composed of Chief Justice Iqbal Hameedur Rehman and Justice Riaz Ahmed Khan heard the case at 10:30am in the IHC. Qadri had filed an appeal before the IHC earlier challenging his death sentence. An anti-terrorism court (ATC) sentenced Qadri to death on two", + "score": 0.7294921875 + }, + { + "id": "17911977", + "title": "G. Rohini", + "text": "G. Rohini G. Rohini was the Chief justice of Delhi High Court. On 21 April 2014, she became the first woman chief Justice of the Delhi high court. Previously, she was the judge at Andhra Pradesh High Court. She retired as the Chief justice of Delhi High Court on 13.04.2017 on attaining superannuation. Justice Gita Mittal has been appointed as the Acting Chief Justice in her place. G. Rohini was born on 14 April 1955 in Visakhapatnam, Andhra Pradesh, India. She completed her bachelor's degree in science at Osmania University and law at Andhra University College of Law, Visakhapatnam. She", + "score": 0.7294921875 + }, + { + "id": "10942414", + "title": "Wajihuddin Ahmed", + "text": "unopposed in 1977 and 1978 and elected President of Karachi Bar association in 1981. Advocate Wajih was appointed Standing Council for Federal Government in 1984 and Advocate General Sindh on 19 November 1986 and elevated to the Bench of the SHC as a Judge in 1988. He became the Chief Justice of the Sindh High Court from 5 November 1997 to 4 May 1998 and moved to the Supreme Court in 1998. During his tenure as SHC CJ, most sou moto actions were taken. He acted as Returning Officer during 1997 Presidential Elections and then appeared as presidential candidate against", + "score": 0.7294921875 + }, + { + "id": "16903382", + "title": "Anandamoy Bhattacharjee", + "text": "Anandamoy Bhattacharjee Anandamoy Bhattacharjee (20 December 1933 - 16 January 2008) was a Bengali Indian jurist, who served as the chief justice of the Calcutta High Court and the Bombay High Court between 1993 and 1995. He had also served as an acting chief justice of the Sikkim High Court. He was born on 20 December 1933 and was educated at the Siliguri Boys High School in Siliguri, the St. Paul's Cathedral Mission College, the Scottish Church College both in Kolkata and at the University College of Law at the University of Calcutta. He enrolled as an advocate of the", + "score": 0.72900390625 + }, + { + "id": "6454963", + "title": "Yogesh Kumar Sabharwal", + "text": "Yogesh Kumar Sabharwal Yogesh Kumar Sabharwal (14 January 1942 \u2013 3 July 2015) was the 36th Chief Justice of India. Sabharwal worked as an advocate for Indian Railways from 1969 to 1981, as an advocate for Delhi administration from 1973 to 1976-1977, later as Additional Standing Counsel and then as Standing Counsel. He also served as Counsel to the Central Government from 1980 to 1986. He represented Delhi in the Bar Council of India from 1969 to 1973. He became an Additional Judge in the Delhi High Court on 17 November 1986 and a judge soon after. On 3 February", + "score": 0.72900390625 + }, + { + "id": "20955206", + "title": "Ramayyagari Subhash Reddy", + "text": "Ramayyagari Subhash Reddy Ramayyagari Subhash Reddy is the judge of Supreme Court of India since 2 November 2018. Prior to his elevation to the bench of Supreme Court, he was the Chief Justice of the of the Gujarat High Court. He is set to retire on 4 January 2022. Shri Justice Ramayyagari Subhash Reddy, B.Sc., LL.B., was born on 5 January 1957. He was enrolled as an Advocate on 30 October 1980 and practiced at Tribunals, Civil Courts and Andhra Pradesh High Court including before the Supreme Court in Civil, Criminal, Constitutional, Revenue, Taxation, Labour, Company and Service matters in", + "score": 0.728515625 + }, + { + "id": "20989596", + "title": "Krishna Murari", + "text": "Krishna Murari Krishna Murari (born: 9 July 1958) is the present Chief Justice of Punjab and Haryana High Court. Murari was born in a lawyer family of Uttar Pradesh. His uncle G.N Verma was a senior advocate and a leading lawyer. Murari passed LL.B. from the Allahabad University, Allahabad. He was enrolled as an Advocate on 23 December 1981 and started practice in the Allahabad High Court on Civil, Constitutional, Company and Revenue matters. In his 22 years lawyers career he served as Standing Counsel of Uttar Pradesh State Yarn Company, Northern Railway Primary Co-operative Bank, Uttar Pradesh State Textile", + "score": 0.728515625 + }, + { + "id": "9339261", + "title": "Rajendra Mal Lodha", + "text": "Rajendra Mal Lodha Justice R. M. Lodha (born 28 September 1949) was the 41st Chief Justice of the Supreme Court of India. Before being elevated to the Supreme Court, he served as the Chief Justice of Patna High Court. He has also served as a judge in Rajasthan High Court and Bombay High Court. On 14 July 2015, the Supreme Court committee headed by RM Lodha suspended the owners of Rajasthan Royals and Chennai Super Kings from the Indian Premier League cricket tournament for a period of two years for alleged involvement in betting. Rajendra Mal Lodha was born to", + "score": 0.72802734375 + }, + { + "id": "3220742", + "title": "Ramesh Chandra Lahoti", + "text": "Ramesh Chandra Lahoti Ramesh Chandra Lahoti (born 1 November 1940) was the 35th Chief Justice of India, serving from 1 June 2004 to 1 November 2005. He joined the Bar in Guna district in 1960 and enrolled as an advocate in 1962. In April 1977, he was recruited directly from the Bar to the State Higher Judicial Service and was appointed as a District & Sessions Judge. After functioning as a District & Sessions Judge for a year, he resigned in May 1978 and reverted to the Bar for practice mainly in the High Court. He was appointed the Additional", + "score": 0.7275390625 + }, + { + "id": "13863091", + "title": "Pingle Jaganmohan Reddy", + "text": "Pingle Jaganmohan Reddy Justice Pingle Jaganmohan Reddy (23 January 1910 \u2013 9 March 1999) was Chief Justice of Andhra Pradesh High Court. He practised in the High Courts of Bombay, Madras and Hyderabad during 1937\u20131946. He served as deputy Secretary, Government of Hyderabad, Additional Judge, District and Sessions Judge, Additional Judge High Court, Hyderabad from 25 February 1945 until 16 November 1946. He was Judge of Hyderabad High Court from 16 February 1952, Judge, High Court of Andhra Pradesh between 1956 and 1966 and Chief Justice of Andhra Pradesh High Court between 1966\u20131969; he was Judge, Supreme Court of India,", + "score": 0.7275390625 + }, + { + "id": "14450605", + "title": "Chandramauli Kumar Prasad", + "text": "the Supreme Court. Chandramauli Kumar Prasad Justice Chandramauli Kumar Prasad (born 15 July 1949) is the Chairman, Press Council of India. Prior to his appointment, he served as a former Judge of the Supreme Court of India, from 8 February 2010 to 14 July 2014. Justice C.K. Prasad undertook school education at Patna High School, from where he passed Secondary School Examination. After graduating in Science from Magadh University, Justice Prasad chose to study the noble stream of law and graduated in Law from Patna University in 1973. Justice Prasad is married to Mrs. Madhu Rukhaiyar and has three children,", + "score": 0.7275390625 + }, + { + "id": "20891955", + "title": "Abhilasha Kumari", + "text": "Tribes Development Corporation and Himachal Pradesh State Electricity Board. She also served as the Standing Counsel for Municipal Council, Dalhousie; Standing Counsel for Simla Municipal Corporation; Himachal Pradesh Board of School Education and Himachal Pradesh Technical Education Board. Kumari served as judge on the Gujarat High Court from 9 January 2006 to 7 February 2018. She then became the first female Chief Justice of Manipur High Court for only thirteen days from 9 to 22 February 2018, when she retired. She has been a Chairperson of the Human Rights Commission of Gujarat state of India since 17 May 2018. Kumari", + "score": 0.7275390625 + }, + { + "id": "11118139", + "title": "Abdul Hameed Dogar", + "text": "Chief Justice Abdul Hameed Dogar, was notified as restored to bench as Chief Justice. Since Iftikhar Muhammad Chaudhry after 3 November 2007 was not re-appointed as Justice and also never re-took oath of office, legality of appointment of Mr Dogar as Chief Justice is questionable and Mr Dogar is considered as a De facto Chief Justice rather than De Jure Mr. Justice Dogar Purchased a house which was already on loan granted to earlier owner. Thus, the same liability was transferred on him. A loan of Rs. 8.93 million from the National Bank of Pakistan has been paid by him", + "score": 0.72705078125 + }, + { + "id": "11871966", + "title": "Ajit Prakash Shah", + "text": "civil, constitutional, service and labour matters. Justice Shah was appointed Additional Judge of Bombay High Court on 18 December 1992 and became a permanent Judge of Bombay High Court on 8 April 1994. He assumed charge as the Chief Justice of Madras High Court on 12 November 2005 and was transferred as the Chief Justice of Delhi High Court on 7 May 2008. Since June 2011, Justice Shah has been the Chairperson of Broadcasting Content Complaints Council (BCCC), the self-regulatory body for non-news general entertainment channels (GECs) set up by the Indian Broadcasting Foundation (IBF). On 11.Jan.2016, Reliance Industries (RIL)", + "score": 0.72705078125 + }, + { + "id": "16903384", + "title": "Anandamoy Bhattacharjee", + "text": "Court in January 1993, and was subsequently transferred as the chief justice of the Bombay High Court in April, 1994 where he stayed in office till April 1995. He had after his retirement, served as a visiting faculty at the Rajiv Gandhi School of Intellectual Property Law of the Indian Institute of Technology Kharagpur. Anandamoy Bhattacharjee Anandamoy Bhattacharjee (20 December 1933 - 16 January 2008) was a Bengali Indian jurist, who served as the chief justice of the Calcutta High Court and the Bombay High Court between 1993 and 1995. He had also served as an acting chief justice of", + "score": 0.7265625 + } + ], + "answer": "The Allahabad High Court, also known as High Court of Judicature at Allahabad is the high court based in Allahabad (Prayagraj) that has jurisdiction over the Indian state of Uttar Pradesh. The Chief Judge of the High Court in 2013 was Shiva Kirti Singh. From October 31, 2013 to May 12, 2016, the Chief Judge was Dhananjaya Y. Chandrachud. From July 30, 2016 to October 23, 2018, the Chief Judge was Dilip Babasaheb Bhosale. The Chief Judge since November 14, 2018 is Govind Mathur." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Where did the novel Anne of Green Gables take place?", + "short_answers": [ + "Avonlea on Prince Edward Island, Canada" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Where did the 1985 film Anne of Green Gables take place?", + "short_answers": [ + "Prince Edward Island" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Where did the 1956 film Anne of Green Gables take place?", + "short_answers": [ + "Avonlea, Prince Edward Island" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "In what type of residence did Anne of Green Gables take place?", + "short_answers": [ + "a farm" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Anne of Green Gables", + "url": "https://en.wikipedia.org/wiki/Anne%20of%20Green%20Gables" + }, + { + "title": "Anne of Green Gables (1985 film)", + "url": "https://en.wikipedia.org/wiki/Anne%20of%20Green%20Gables%20%281985%20film%29" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Anne of Green Gables is a 1908 novel by Canadian author Lucy Maud Montgomery (published as L.M. Montgomery).", + "wikipage": "Anne of Green Gables" + } + ], + "long_answer": "Anne of Green Gables is a 1908 novel that took place on a farm by Canadian author Lucy Maud Montgomery (published as L.M. Montgomery). Avonlea on Prince Edward Island, Canada was the location of the novel and also the place for the 1956 and 1985 movies." + }, + { + "knowledge": [ + { + "content": "Anne of Green Gables is a 1908 novel by Canadian author Lucy Maud Montgomery (published as L. M. Montgomery).", + "wikipage": "Anne of Green Gables" + }, + { + "content": "Set in the late 19th century, the novel recounts the adventures of Anne Shirley, an 11-year-old orphan girl, who is mistakenly sent to two middle-aged siblings, Matthew and Marilla Cuthbert, who had originally intended to adopt a boy to help them on their farm in the fictional town of Avonlea in Prince Edward Island, Canada.", + "wikipage": "Anne of Green Gables" + }, + { + "content": "Anne of Green Gables is a 1985 Canadian made-for-television drama film based on the 1908 novel of the same name by Canadian author Lucy Maud Montgomery, and is the first in a series of four films.", + "wikipage": "Anne of Green Gables (1985 film)" + } + ], + "long_answer": "Anne of Green Gables is a 1908 novel by Canadian author Lucy Maud Montgomery, published as L. M. Montgomery. Set in the late 19th century, the novel recounts the adventures of Anne Shirley, an 11-year-old orphan girl, who is mistakenly sent to two middle-aged siblings, Matthew and Marilla Cuthbert, who had originally intended to adopt a boy to help them on a farm in the fictional town of Avonlea on Prince Edward Island, Canada. The 1956 Anne of Green Gables film also takes place in Avonlea, Prince Edward Island. The 1985 Anne of Green Gables was a Canadian made-for-television drama film that also takes place on Prince Edward Island." + } + ], + "sample_id": "220856851122025289", + "question": "Where did anne of green gables take place?", + "docs": [ + { + "id": "689016", + "title": "Anne of Green Gables", + "text": "of Shining Waters, both described in the book, are located in the vicinity. In addition, the Confederation Centre of the Arts has featured the wildly successful Anne of Green Gables musical on its mainstage every summer for over five decades. The Anne of Green Gables Museum is located in Park Corner, PEI, in a home that inspired L.M. Montgomery. The novel has been very popular in Japan, where it is known as \"Red-haired Anne\", and where it has been included in the national school curriculum since 1952. 'Anne' is revered as \"an icon\" in Japan, especially since 1979 when this", + "score": 0.78759765625, + "summary": "Anne of Green Gables takes place in the vicinity of Shining Waters, located in PEI, Canada. The Anne of Green Gables Museum is also located in PEI.", + "extraction": "The Anne of Green Gables took place in Prince Edward Island (PEI), as described in the passage: \"The Anne of Green Gables Museum is located in Park Corner, PEI, in a home that inspired L.M. Montgomery.\"" + }, + { + "id": "689015", + "title": "Anne of Green Gables", + "text": "M. Montgomery. The province and tourist facilities have highlighted the local connections to the internationally popular novels. \"Anne of Green Gables\" has been translated into 36 languages. \"Tourism by \"Anne\" fans is an important part of the Island economy\". Merchants offer items based on the novels. The Green Gables farmhouse is located in Cavendish, Prince Edward Island. Many tourist attractions on Prince Edward Island have been developed based on the fictional Anne, and provincial licence plates once bore her image. Balsam Hollow, the forest that inspired the Haunted Woods and Campbell Pond, the body of water which inspired The Lake", + "score": 0.77783203125, + "summary": "Anne of Green Gables takes place on Prince Edward Island, specifically in the town of Cavendish where the Green Gables farmhouse is located.", + "extraction": "The Green Gables farmhouse is located in Cavendish, Prince Edward Island." + }, + { + "id": "2997562", + "title": "Green Gables (Prince Edward Island)", + "text": "by the MacNeill family, who were cousins of author Lucy Maud Montgomery. The farm's name is derived from the rich dark green paint of the gables on the farmhouse. The main exterior walls of the farmhouse are painted white. Montgomery visited the farm as a young girl and based the location of her best-selling \"Anne\" series of books on the Green Gables farm. She drew romantic inspiration from the house, as well as the surrounding area, including the \"Haunted Woods\", \"Lovers' Lane\", and \"Balsam Hollow.\" Upon Montgomery's death in 1942, her wake was conducted from the living room of the", + "score": 0.7685546875, + "summary": "Anne of Green Gables took place in Green Gables, a farm in Prince Edward Island, Canada.", + "extraction": "The location of the \"Anne\" series of books by Lucy Maud Montgomery is based on the Green Gables farm, which is located on Prince Edward Island." + }, + { + "id": "2997561", + "title": "Green Gables (Prince Edward Island)", + "text": "Green Gables (Prince Edward Island) For the fell in the English Lake District, see Green Gable. Green Gables is the name of a 19th-century farm in Cavendish, Prince Edward Island, and is one of the most notable literary landmarks in Canada. The Green Gables farm and its surroundings are the setting for the popular \"Anne of Green Gables\" novels by Lucy Maud Montgomery. The site is also known as Green Gables Heritage Place. The house was designated a National Historic Site in 1985 and the complex is located within Prince Edward Island National Park. The Green Gables farm was owned", + "score": 0.7646484375, + "summary": "Green Gables, the setting of the \"Anne of Green Gables\" novels by Lucy Maud Montgomery, is a 19th-century farm in Cavendish, Prince Edward Island, Canada.", + "extraction": "Green Gables is the name of a 19th-century farm in Cavendish, Prince Edward Island, and is one of the most notable literary landmarks in Canada. The Green Gables farm and its surroundings are the setting for the popular \"Anne of Green Gables\" novels by Lucy Maud Montgomery." + }, + { + "id": "6620542", + "title": "Anne of Green Gables (1956 film)", + "text": "Anne of Green Gables (1956 film) Anne of Green Gables (1956) is a Canadian television film directed by Don Harron. The film was based upon the novel, \"Anne of Green Gables\" by Lucy Maud Montgomery. The movie was produced for CBC Television, which also commissioned the more famous remake 1985 film adaptation. The filming and production took place in Toronto, ON and received a 6.3/10 rating on IMDb. The film depicts the story of a preteen orphan girl, Anne Shirley, adopted in the small-town of Avonlea, Prince Edward Island, whose optimistic mindset defies standard ladylike conduct and drives her to", + "score": 0.7587890625, + "summary": "Anne of Green Gables (1956 film) was produced and filmed in Toronto, ON. The story takes place in the small-town of Avonlea, Prince Edward Island.", + "extraction": "The story of Anne of Green Gables takes place in the small-town of Avonlea, Prince Edward Island." + }, + { + "id": "19400237", + "title": "L.M. Montgomery's Anne of Green Gables", + "text": "L.M. Montgomery's Anne of Green Gables L.M. Montgomery's Anne of Green Gables is a Canadian television film based on Lucy Maud Montgomery's novel of the same name. It first aired on YTV on February 15, 2016 and starred Ella Ballentine, Martin Sheen and Sara Botsford. Montgomery's granddaughter, Kate Macdonald Butler, was one of the film's executive producers. The film's world premiere was held February 2, 2016 at the Canadian Museum of History. The 90-minute film replaced the previously announced 13-part series that had been set to film in 2013. It was filmed in Milton, Ontario and Prince Edward Island (although", + "score": 0.75634765625, + "summary": "The document is irrelevant to the question.", + "extraction": "The novel Anne of Green Gables is set in Prince Edward Island." + }, + { + "id": "6620551", + "title": "Anne of Green Gables (1956 film)", + "text": "novel begins with the 1956 screening on CBC television. This then prompted the later and more popular Anne of Green Gables (1985 film) mini-series. Anne of Green Gables (1956 film) Anne of Green Gables (1956) is a Canadian television film directed by Don Harron. The film was based upon the novel, \"Anne of Green Gables\" by Lucy Maud Montgomery. The movie was produced for CBC Television, which also commissioned the more famous remake 1985 film adaptation. The filming and production took place in Toronto, ON and received a 6.3/10 rating on IMDb. The film depicts the story of a preteen", + "score": 0.7548828125, + "summary": "The film adaptation of \"Anne of Green Gables\" was produced for CBC Television and was directed by Don Harron. The filming and production took place in Toronto, ON.", + "extraction": "The filming and production of Anne of Green Gables (1956 film) took place in Toronto, ON." + }, + { + "id": "753628", + "title": "Avonlea (Anne of Green Gables)", + "text": "farming and lobster fishing. Neighbouring fictional communities include Carmody, White Sands (not to be confused with the modern White Sands, which is on the southern edge of PEI), Grafton, Bright River, Newbridge, and Spencervale. Avonlea (Anne of Green Gables) Avonlea (;\"ah-von-LEE\") is a fictional community located on Prince Edward Island, Canada, and is the setting of Lucy Maud Montgomery's novel \"Anne of Green Gables\", following the adventures of Anne Shirley, as well as its sequels, and the television series \"Road to Avonlea\". Montgomery drew much of her inspiration for Avonlea from her childhood experiences in the late 19th century farming", + "score": 0.75341796875, + "summary": "Anne of Green Gables takes place in the fictional community of Avonlea on Prince Edward Island, Canada.", + "extraction": "Avonlea is a fictional community located on Prince Edward Island, Canada, and is the setting of Lucy Maud Montgomery's novel \"Anne of Green Gables\"." + }, + { + "id": "753627", + "title": "Avonlea (Anne of Green Gables)", + "text": "Avonlea (Anne of Green Gables) Avonlea (;\"ah-von-LEE\") is a fictional community located on Prince Edward Island, Canada, and is the setting of Lucy Maud Montgomery's novel \"Anne of Green Gables\", following the adventures of Anne Shirley, as well as its sequels, and the television series \"Road to Avonlea\". Montgomery drew much of her inspiration for Avonlea from her childhood experiences in the late 19th century farming communities surrounding Cavendish, New Glasgow, New London, Hunter River, and Park Corner. In Montgomery's works, Avonlea is located on the northern shore of Prince Edward Island on a small peninsula. Its primary industries are", + "score": 0.74365234375, + "summary": "Anne of Green Gables takes place in Avonlea, a fictional community on Prince Edward Island, Canada.", + "extraction": "Avonlea, the setting of Lucy Maud Montgomery's novel \"Anne of Green Gables\", is located on Prince Edward Island, Canada." + }, + { + "id": "4205546", + "title": "Anne of Green Gables (1985 film)", + "text": "Anne of Green Gables (1985 film) Anne of Green Gables is a 1985 Canadian television miniseries drama film based on the novel of the same name by Canadian author Lucy Maud Montgomery, and is the first in a series of four films. The film starred Megan Follows and was produced and directed by Kevin Sullivan for the Canadian Broadcasting Corporation. It was released theatrically in Iran, Israel, Europe, and Japan. The film aired on CBC Television as a two-part mini-series on December 1 and December 2, 1985. Both parts of the film were among the highest-rated programs of any genre", + "score": 0.74072265625, + "summary": "Anne of Green Gables (1985 film) is a Canadian television drama film based on the novel of the same name by Lucy Maud Montgomery. It was produced and directed by Kevin Sullivan for the Canadian Broadcasting Corporation and aired on CBC Television on December 1 and December 2, 1985. However, the document does not provide information on where Anne of Green Gables took place.", + "extraction": "Irrelevant. The passage only provides information about the 1985 film adaptation of \"Anne of Green Gables\" and its production details, but does not give any information about where the story takes place." + }, + { + "id": "689017", + "title": "Anne of Green Gables", + "text": "story was broadcast as anime, \"Anne of Green Gables\". Japanese couples travel to Prince Edward Island to have civil wedding ceremonies on the grounds of the Green Gables farm. Some Japanese girls arrive as tourists with red-dyed hair styled in pigtails, to look like Anne. In 2014, Asadora 'Hanako to Anne' (Hanako Muraoka is the first translator in Japan) was broadcast and Anne became popular among old and young alike. A replica of the Green Gables house in Cavendish is located in the theme park Canadian World in Ashibetsu, Hokkaido, Japan. The park was a less expensive alternative for Japanese", + "score": 0.73681640625, + "summary": "The document is irrelevant to the question.", + "extraction": "Irrelevant. The passage does not provide information on where Anne of Green Gables takes place." + }, + { + "id": "689005", + "title": "Anne of Green Gables", + "text": "Anne of Green Gables Anne of Green Gables is a 1908 novel by Canadian author Lucy Maud Montgomery (published as L. M. Montgomery). Written for all ages, it has been considered a classic children's novel since the mid-twentieth century. Set in the late 19th century, the novel recounts the adventures of Anne Shirley, an 11-year-old orphan girl, who was mistakenly sent to two middle-aged siblings; Matthew and Marilla Cuthbert, originally intending to adopt a boy to help them on their farm in the fictional town of Avonlea on Prince Edward Island. The novel recounts how Anne makes her way through", + "score": 0.73583984375, + "summary": "Anne of Green Gables takes place in the fictional town of Avonlea on Prince Edward Island.", + "extraction": "The novel \"Anne of Green Gables\" takes place in the fictional town of Avonlea on Prince Edward Island." + }, + { + "id": "689009", + "title": "Anne of Green Gables", + "text": "to live with Marilla and Matthew Cuthbert, siblings in their fifties and sixties, after a childhood spent in strangers' homes and orphanages. Marilla and Matthew had originally decided to adopt a boy from the orphanage to help Matthew run their farm at Green Gables, which is set in the fictional town of Avonlea. Through a misunderstanding, the orphanage sends Anne instead. Anne is highly imaginative, eager to please and, at times, quite a dramatic individual. However, she is defensive about her appearance, despising her red hair and pale, thin frame. She is often quite talkative, especially when it comes to", + "score": 0.734375, + "summary": "Anne of Green Gables takes place in the fictional town of Avonlea at Green Gables farm.", + "extraction": "Anne of Green Gables took place in the fictional town of Avonlea, specifically at Green Gables, the farm run by Marilla and Matthew Cuthbert." + }, + { + "id": "689019", + "title": "Anne of Green Gables", + "text": "Lucy Maud Montgomery established the cordial soda as the favorite beverage of Anne, who declares: \"I just love bright red drinks!\" As one of the most familiar characters in Canadian literature, \"Anne of Green Gables\" has been parodied by several Canadian comedy troupes, including CODCO (\"Anne of Green Gut\") and The Frantics (\"Fran of the Fundy\"). Anne of Green Gables Anne of Green Gables is a 1908 novel by Canadian author Lucy Maud Montgomery (published as L. M. Montgomery). Written for all ages, it has been considered a classic children's novel since the mid-twentieth century. Set in the late 19th", + "score": 0.7333984375, + "summary": "Irrelevant.", + "extraction": "The story of Anne of Green Gables takes place in late 19th century Canada." + }, + { + "id": "689013", + "title": "Anne of Green Gables", + "text": "the fictional Redmond College (based on the real Dalhousie University) on the mainland in Nova Scotia. Near the end of the book, however, tragedy strikes when Matthew dies of a heart attack after learning that all of his and Marilla's money has been lost in a bank failure. Out of devotion to Marilla and Green Gables, Anne gives up the scholarship to stay at home and help Marilla, whose eyesight is failing. She plans to teach at the Carmody school, the nearest school available, and return to Green Gables on weekends. In an act of friendship, Gilbert Blythe gives up", + "score": 0.73095703125, + "summary": "Anne of Green Gables takes place in the fictional Green Gables, located in Nova Scotia.", + "extraction": "Green Gables, which is the setting of the book Anne of Green Gables, is located on the mainland in Nova Scotia." + }, + { + "id": "2997564", + "title": "Green Gables (Prince Edward Island)", + "text": "located within park boundaries, the Green Gables farmhouse is designated a National Historic Site for its importance in literary history, and is one of the most-visited historic sites in the country. The farmhouse exterior has not changed significantly over time, and its interior decor and artifacts depict the late Victorian Period in rural Prince Edward Island. Guided and self-guided tours may be taken of the house and surroundings, with Parks Canada interpretive staff available throughout the site. Various rooms in the house have been named according to the \"Anne of Green Gables\" story. An electrical fire on May 23, 1997", + "score": 0.72998046875, + "summary": "Anne of Green Gables took place in Prince Edward Island.", + "extraction": "The \"Anne of Green Gables\" story is named after various rooms in the house at Green Gables, which is located in rural Prince Edward Island." + }, + { + "id": "4205847", + "title": "Anne of Green Gables: The Sequel", + "text": "United States between 1990 and 1996. It was inspired by a series of short stories and two novels by Lucy Maud Montgomery, author of \"Anne of Green Gables\", which Sullivan had previously adapted as \"Anne of Green Gables\" in 1985 and \"Anne of Green Gables: The Sequel\" in 1987. Many of the actors in the \"Anne of Green Gables\" movies also appear in storylines crossing over into the long-running Emmy award-winning series. Several actors from the first two Anne films can be seen in both \"Road to Avonlea\" and the \"Anne of Green Gables\", including Rosemary Dunsmore, Patricia Hamilton, Colleen", + "score": 0.7275390625, + "summary": "The document is irrelevant to the question of where Anne of Green Gables took place.", + "extraction": "The passage is irrelevant as it does not provide information about where Anne of Green Gables took place." + }, + { + "id": "712847", + "title": "Lucy Maud Montgomery", + "text": "year, thousands of Japanese tourists \"make a pilgrimage to a green-gabled Victorian farmhouse in the town of Cavendish on Prince Edward Island\". In 2012, the original novel \"Anne of Green Gables\" was ranked number nine among all-time best children's novels in a survey published by \"School Library Journal\", a monthly with primarily U.S. audience. The British public ranked it number 41 among all novels in The Big Read, a 2003 BBC survey to determine the \"nation's best-loved novel\". The British scholar Faye Hammill observed that Montgomery is an author overshadowed by her creation as license plates in Prince Edward Island", + "score": 0.7265625, + "summary": "Anne of Green Gables took place in the town of Cavendish on Prince Edward Island.", + "extraction": "Prince Edward Island" + }, + { + "id": "712848", + "title": "Lucy Maud Montgomery", + "text": "bear the slogan \"P.E.I Home of Anne of Green Gables\" rather than \"P.E.I Birthplace of L.M Montgomery. Much to Montgomery's own annoyance, the media in both the United States and Canada tried to project the personality of Shirley onto her. Montgomery's home of Leaskdale Manse in Ontario, and the area surrounding Green Gables and her Cavendish home in Prince Edward Island, have both been designated National Historic Sites. Montgomery herself was designated a Person of National Historic Significance by the Government of Canada in 1943. Bala's Museum in Bala, Ontario, is a house museum established in 1992. Officially it is", + "score": 0.72607421875, + "summary": "The area surrounding Green Gables and Montgomery's Cavendish home in Prince Edward Island is where \"Anne of Green Gables\" took place.", + "extraction": "The area surrounding Green Gables and her Cavendish home in Prince Edward Island." + }, + { + "id": "10691576", + "title": "Anne of Green Gables: A New Beginning", + "text": "movie's actual location photography was shot in various places around the Toronto, Ontario area, using existing houses, streetscapes and natural environments. Period mansions were used as the backdrop for the Thomas residences, and an historic Quaker Boys School converted into the Bolingbroke Poorhouse for the film. When they could not film on location, the production crew and special effects team employed the technology of the green screen and CGI to digitally create the background, or specific details that location filming could not produce. Of the major cast members from the original trilogy of films, only Patricia Hamilton reprises her original", + "score": 0.72607421875, + "summary": "The document is irrelevant to the question.", + "extraction": "Irrelevant." + }, + { + "id": "6620544", + "title": "Anne of Green Gables (1956 film)", + "text": "CBC Folio (1955-1960), airing original drama series and adaptations, including Shakespeare's Macbeth and The Black Bonspiel of Wullie MacCrimmon. It was an early version of Campbell and Harron's \"Anne of Green Gables the Musical\" which would premiere in 1965 at Charlottetown's Confederation Centre of the Arts. William Cole's interpretation as Gilbert Blythe was intended to be portrayed as Elvis Presley when he sings, \"\"Wonderin'/ All at once I'm wonderin\"\". Campbell's music was viewed as an inspiration to the other films later on. Although it is intended to be set in Prince Edward Island, it was filmed in Toronto, Ontario. Running", + "score": 0.72509765625 + }, + { + "id": "6620244", + "title": "Anne of Green Gables (1919 film)", + "text": "Gilbert are married. The film was shot in Dedham, Massachusetts from August to October 1919 and released on November 23, 1919. Lucy Maud Montgomery, who wrote the original novel, was infuriated with the many liberties the film took with her characters, including changing Anne from a Canadian to an American. She wrote in her diary: \"It was a pretty little play well photographed, but I think if I hadn't already known it was from my book, that I would never have recognized it. The landscape and folks were 'New England', never P.E. Island... A skunk and an American flag were", + "score": 0.724609375 + }, + { + "id": "4205573", + "title": "Anne of Green Gables (1985 film)", + "text": "characters. Sullivan Entertainment also solely controls the commercial trademarks to \"Anne of Avonlea\", \"Anne of the Island\", and \"Road to Avonlea\". Anne of Green Gables (1985 film) Anne of Green Gables is a 1985 Canadian television miniseries drama film based on the novel of the same name by Canadian author Lucy Maud Montgomery, and is the first in a series of four films. The film starred Megan Follows and was produced and directed by Kevin Sullivan for the Canadian Broadcasting Corporation. It was released theatrically in Iran, Israel, Europe, and Japan. The film aired on CBC Television as a two-part", + "score": 0.7236328125 + }, + { + "id": "4282569", + "title": "Anne of Green Gables: The Continuing Story", + "text": "\"Anne of Green Gables\" and its 1987 sequel \"Anne of Avonlea\", the screenplay was not based upon Montgomery's works, but instead used Montgomery's characters in a largely original World War I story by Sullivan and Laurie Pearson. Montgomery had written an Anne novel set in that same period, \"Rilla of Ingleside\", a story focusing on Anne's youngest daughter, and in which Anne was a mother whose three sons were fighting in Europe. The chronology of Sullivan's \"Anne of Green Gables\" films is not in synch with the LM Montgomery novels, largely because of the spin-off series \"Road to Avonlea\". Over", + "score": 0.720703125 + }, + { + "id": "6620529", + "title": "Anne of Green Gables (1934 film)", + "text": "Anne of Green Gables (1934 film) Anne of Green Gables is a 1934 film directed by George Nicholls, Jr., based upon the novel, \"Anne of Green Gables\", by Lucy Maud Montgomery. The actress Dawn O'Day, who portrayed the title character of Anne Shirley, changed her stage name to \"Anne Shirley\" after making this film. There was also a sequel; \"Anne of Windy Poplars\". This modest film became a surprise hit in 1934, easily succeeding in becoming one of four top-grossing films RKO made that year (as noted in \"The R.K.O. Story\" published by Arlington House). Anne Shirley (Dawn O'Day) is", + "score": 0.72021484375 + }, + { + "id": "12391890", + "title": "Old Town in the Green Groves", + "text": "hotel. Grace Ingalls is born in Burr Oak on May 23, 1877. Finally, the Ingalls family recovers enough to move west once more, back to Minnesota, and then onto Dakota Territory, where \"By the Shores of Silver Lake\" is largely set. Old Town in the Green Groves Old Town in the Green Groves, by Cynthia Rylant, is a novel based on some notes left by Laura Ingalls Wilder and a general knowledge about her life and the times. This book is not officially part of the Little House series, but describes a period between the end of \"On the Banks", + "score": 0.71923828125 + }, + { + "id": "4557940", + "title": "Anne of the Island", + "text": "Anne of the Island \"Anne of the Island\" is the third book in the \"Anne of Green Gables\" series, written by Lucy Maud Montgomery about Anne Shirley. \"Anne of the Island\" was published in 1915, seven years after the bestselling \"Anne of Green Gables\". In the continuing story of Anne Shirley, Anne attends Redmond College in Kingsport, where she is studying for her BA. Anne leaves Green Gables and her work as a teacher in Avonlea to pursue her original dream (which she gave up in \"Anne of Green Gables\") of taking further education at Redmond College in Nova Scotia.", + "score": 0.7177734375 + }, + { + "id": "13298396", + "title": "The Blythes Are Quoted", + "text": "connection through Anne, however, the short stories do not narratively tie in with the poems or vignettes in any way. The short stories, most of which were originally published in periodicals throughout the 1930s, focus on characters that live in or near Glen St. Mary, the village that Anne lives in as an adult. These previously published stories initially had no connection to Anne or to Glen St. Mary, but in compiling this volume, Montgomery rewrote the stories to change the settings and include mentions and appearances of Anne and her family, mostly in incidental roles. (Montgomery had used a", + "score": 0.716796875 + }, + { + "id": "4282581", + "title": "Anne of Green Gables: The Continuing Story", + "text": "Montgomery's novels; \"Rilla of Ingleside\" portrays Anne's sons going off to fight in World War I while Anne and husband Gilbert witness the War from the home-front of Prince Edward Island. (Rilla, the youngest daughter, raises someone else's little boy for a few years; he is referred to by the family as \"Rilla's war-baby\" and he was presumably the inspiration for Dominic in \"Anne of Green Gables: The Continuing Story\".) While \"The Continuing Story\" was set in New York, England, France and Germany, it filmed almost entirely in studio or on locations in Montreal and Southern Ontario, including Toronto. In", + "score": 0.7138671875 + }, + { + "id": "11406390", + "title": "Before Green Gables", + "text": "Before Green Gables Before Green Gables is the title of a prequel to the Anne Shirley series. The book was published in 2008 by Puffin, a division of Penguin Books, as part of Puffin's celebration of Anne Shirley's centennial anniversary, which will also see the Anne Shirley series re-released to commemorate the event. The first book in the Anne Shirley series was \"Anne of Green Gables\", which was published in 1908. The author of the prequel is Canadian children's author Budge Wilson. In the official press release, Budge Wilson wrote: \"I will, of course, try to be true to the", + "score": 0.71337890625 + }, + { + "id": "4205562", + "title": "Anne of Green Gables (1985 film)", + "text": "films were successful around the world and brought legions of tourists to Prince Edward Island, the Montgomery heirs established an Anne of Green Gables Licensing Authority with the Province of Prince Edward Island to control trademarks to preserve Montgomery's works, through the mechanism of official trademarks. The heirs and the AGGLA became successful at asserting control over the booming Anne-themed tourist industry that the province enjoyed, because of the lack of clarity about the different protections afforded by copyright, trademark and official marks in Canada. AGGLA and the heirs tried to assert control over trademarks Sullivan had established to their", + "score": 0.712890625 + }, + { + "id": "4205551", + "title": "Anne of Green Gables (1985 film)", + "text": "fierce rivalry turns to a secret affection, which blossoms into love. Marilla tries to prevent Anne from seeing Gilbert because Anne is still quite young and Marilla wants Anne to continue her education. In the end, however, when Matthew dies and forces Marilla into considering selling Green Gables, Gilbert gives Anne his teaching post in nearby Avonlea so she can stay at Green Gables and continue to support Marilla. Kevin Sullivan adapted the novel into his own screenplay, collaborating with industry veteran Joe Wiesenfeld. Sullivan developed a co-production between the CBC and PBS in order to film \"Anne of Green", + "score": 0.71240234375 + }, + { + "id": "6620245", + "title": "Anne of Green Gables (1919 film)", + "text": "introduced \u2013 both equally unknown in PE Island. I could have shrieked with rage over the latter. Such crass, blatant Yankeeism!\" Anne of Green Gables (1919 film) Anne of Green Gables is a 1919 American silent comedy-drama film directed by William Desmond Taylor. The film was based upon the novel of the same name by Lucy Maud Montgomery. By 1999, all prints of the film were believed to have been lost. As described in a film magazine, Anne Shirley (Minter), whose orphan career has been a lively one due to her natural mischievousness, is sent by mistake to the home", + "score": 0.7119140625 + }, + { + "id": "21238", + "title": "Anne Bronte\u0308", + "text": "and loved the place. A number of locations in Scarborough were the setting for \"Agnes Grey\"'s final scenes and for Linden-Car village in \"The Tenant of Wildfell Hall\". Whilst working for the Robinsons, Anne and her sisters considered the possibility of setting up a school. Various locations including the parsonage were considered. The project never materialised and Anne chose to return to Thorp Green. She came home on the death of her aunt in early November 1842 while her sisters were in Brussels. Elizabeth Branwell left a \u00a3350 legacy (equivalent to \u00a3 in ) for each of her nieces. It", + "score": 0.71142578125 + }, + { + "id": "6620533", + "title": "Anne of Green Gables (1934 film)", + "text": "in Halifax. She remembers Gilbert is studying with this doctor, so she goes to see Gilbert. He tries flirting with her, and she eventually gives in and finds out that Gilbert heard about Matthew and begged the doctor to save him for free, which he did. After Marilla finds out what he had done, she forgives the Blythes and lets Anne and Gilbert see each other again. The film made a profit of $272,000. The film is preserved with a copy at the Library of Congress. Anne of Green Gables (1934 film) Anne of Green Gables is a 1934 film", + "score": 0.71142578125 + }, + { + "id": "4205846", + "title": "Anne of Green Gables: The Sequel", + "text": "and followed Anne Shirley as she embarked on a new journey, taking her from her home in Prince Edward Island to New York City, London, and into war-ravaged Europe. \"\" was released in fall 2008, and serves as a prequel to the previous films in the \"Anne\" movie trilogy. Set between two different time periods, Anne Shirley, now in her fifties, looks back on her early childhood before arriving at Green Gables only to uncover answers to questions that have plagued her throughout her life. \"Road to Avonlea\" is a television series which was first broadcast in Canada and the", + "score": 0.71142578125 + }, + { + "id": "4282572", + "title": "Anne of Green Gables: The Continuing Story", + "text": "while separated from her fianc\u00e9, Gilbert Blythe, who was finishing medical school. After catching up with Diana Barry and other old friends. Anne and Diana visit Green Gables, and a horrified Anne realizes that since Marilla's death in an episode of Road to Avonlea the owners have treated Green Gables so poorly, that it is coming apart. Later, Anne is reunited with Gilbert on the island. However, instead of settling down immediately, Gilbert asks Anne to move to New York since he has been offered a staff position at Bellevue, a prestigious medical institution. Her reluctant agreement comes with the", + "score": 0.7099609375 + }, + { + "id": "16769102", + "title": "Green Gables (Palo Alto, California)", + "text": "\"House Beautiful\" devoted a feature to the subdivision. The subdivision was added to the National Register of Historic Places on July 28, 2005. Green Gables (Palo Alto, California) Green Gables is a 1950s subdivision located in Palo Alto, California, United States. The subdivision was developed by Joseph Eichler, whose company built its first 63 homes in 1950. Eichler hired the architecture firm Anshen & Allen to design the one-story modernist houses. The houses in Green Gables represent Eichler's efforts to apply modernist principles to affordable single-family houses, which was considered a bold development strategy at the time. Contemporary critics acclaimed", + "score": 0.7080078125 + }, + { + "id": "1794645", + "title": "Anne Shirley", + "text": "first filmed appearance of Anne Shirley was in the 1919 silent film, \"Anne of Green Gables\", in which the role was played by Mary Miles Minter. The film was directed by William Desmond Taylor. As of 2011, no prints of this silent film adaptation are known to survive. The 1919 film version moved the story from Prince Edward Island to New England, which one American critic\u2014who was unaware of the novel was set in Canada\u2014praised the film for \"the genuine New England atmosphere called for by the story\". Montgomery herself was infuriated with the film for changing Anne from a", + "score": 0.70751953125 + }, + { + "id": "4205571", + "title": "Anne of Green Gables (1985 film)", + "text": "\"Anne of Green Gables\" today, there are principally two entities that control rights relating to \"Anne of Green Gables\". The Anne of Green Gables Licensing Authority (AGGLA \u2013 which includes Lucy Maude Montgomery's heirs and the Province of Prince Edward Island) and Sullivan Entertainment (the producers of the well-known films and TV series based on Montgomery's novels). The Anne of Green Gables Licensing Authority controls certain exclusive trademarks relating to \"Anne of Green Gables\" commercial merchandise and service related to Montgomery's literary works and any copyright in the Montgomery books which have not reverted to the public domain. Sullivan Entertainment", + "score": 0.70654296875 + }, + { + "id": "6620549", + "title": "Anne of Green Gables (1956 film)", + "text": "claimed Anne. On June 20, 1908, Lucy Maud Montgomery brought her first copy of the Anne of Green Gables novel through the island postmarked for Boston. But the island and her had a relationship, one where Anne could exist. Later on, about a century later, Lucy Montgomery became a progressive idol for women in the fictional girl she had written. The idea was to do things women didn't typically do in rural Canada, especially in the beginning of the 20th century. The book had novels to follow the original including \"Anne of Avonlea\" that was published in 1909, \"Kilmeny of", + "score": 0.70654296875 + }, + { + "id": "9385269", + "title": "Green Gables Croquet Club", + "text": "Green Gables Croquet Club The Green Gables Croquet Club of Spring Lake, New Jersey was founded in 1957 by Suzie Linden (1913\u20131996). It is the oldest continuous croquet club in the United States and among the three founding members of the U.S. Croquet Association. It is believed that the original property has been sold; on 23 November 2008 the author of this update, who is a resident of Spring Lake, witnessed the demolition of the original house (also known by the same name.) Green Gables began in 1957 when Suzie Linden (then Oakes) invited a few friends for a game", + "score": 0.70654296875 + }, + { + "id": "4205838", + "title": "Anne of Green Gables: The Sequel", + "text": "Anne of Green Gables: The Sequel Anne of Green Gables: The Sequel is a 1987 Canadian television miniseries film. It is a sequel to \"Anne of Green Gables\", and the second of a tetralogy of films. The miniseries dramatizes material from several books in the eight-novel \"Anne\" series by Lucy Maud Montgomery; they are \"Anne of Avonlea\" (Book Two), \"Anne of the Island\" (Book Three) and \"Anne of Windy Poplars\" (Book Four). As well, the TV film introduces several characters and issues not present in the books. The miniseries aired in four hour-long installments, in May and June 1987, on", + "score": 0.7060546875 + }, + { + "id": "16769101", + "title": "Green Gables (Palo Alto, California)", + "text": "Green Gables (Palo Alto, California) Green Gables is a 1950s subdivision located in Palo Alto, California, United States. The subdivision was developed by Joseph Eichler, whose company built its first 63 homes in 1950. Eichler hired the architecture firm Anshen & Allen to design the one-story modernist houses. The houses in Green Gables represent Eichler's efforts to apply modernist principles to affordable single-family houses, which was considered a bold development strategy at the time. Contemporary critics acclaimed Eichler's work on Green Gables; \"Architectural Forum\" awarded it \"Subdivision of the Year\" in 1950 along with four of Eichler's other developments, and", + "score": 0.7060546875 + }, + { + "id": "3626096", + "title": "Bala's Museum", + "text": "do so. It sees visitors from around the world regularly, especially for the annual \"Anne of Green Gables\" Day, with re-enactments of Montgomery's two-week visit to the region in 1922. Montgomery stayed in Bala for two weeks in 1922, and, according to her journals, ate her meals at Fanny Pike's boarding house. The location for her novel \"The Blue Castle\" was set in the Bala area; her only novel not located in PEI. The Huttons co-wrote a book, \"Lucy Maud Montgomery And Bala: A Love Story Of The North Woods\" printed by Watts Printing. The Museum is affiliated with: CMA,", + "score": 0.70556640625 + }, + { + "id": "4557953", + "title": "Anne's House of Dreams", + "text": "five in the series, and chronicles Anne's early married life, as she and her childhood sweetheart Gilbert Blythe begin to build their life together. The book begins with Anne and Gilbert's wedding, which takes place in the Green Gables orchard. After the wedding, they move to their first home together, which Anne calls their \"house of dreams\". Gilbert finds them a small house on the seashore at Four Winds Point, an area near the village of Glen St. Mary, where he is to take over his uncle's medical practice. In Four Winds, Anne and Gilbert meet many interesting people, such", + "score": 0.705078125 + }, + { + "id": "1794604", + "title": "Anne Shirley", + "text": "Anne Shirley Anne Shirley is a fictional character introduced in the 1908 novel \"Anne of Green Gables\" by Lucy Maud Montgomery. Montgomery wrote in her journal that the idea for Anne's story came from relatives who, planning to adopt an orphaned boy, received a girl instead. Anne Shirley's appearance was inspired by a photograph which Montgomery clipped from the Metropolitan Magazine and kept, unaware of the model's identity as the 1900s Gibson Girl was actress Evelyn Nesbit. Anne Shirley was born in the (fictional) town of Bolingbroke, Nova Scotia and spent the earliest years of her childhood there. No specific", + "score": 0.70458984375 + }, + { + "id": "712781", + "title": "Lucy Maud Montgomery", + "text": "already gone through six printings. The Canadian press made much of Montgomery's roots in Prince Edward Island, which was portrayed as a charming part of Canada where the people retained old-fashioned values and everything moved at a much slower pace. The American press suggested that all of Canada was backward and slow, arguing that a book like \"Anne of Green Gables\" was only possible in a rustic country like Canada, where the people were nowhere near as advanced as the United States. Typical of the American coverage of Montgomery was a 1911 newspaper article in Boston, which asserted:\"Recently a new", + "score": 0.7041015625 + }, + { + "id": "5891816", + "title": "Kevin Sullivan (producer)", + "text": "in Japan for five years straight. Anne of Green Gables has been studied in US film schools as a model of TV Drama with a wide appeal to a wide variety of viewers. Part of \"Anne of Green Gables\"' immense attraction was its rich look, featuring painstakingly recreated sets and detailed costumes that imbued it with a magical reality. That look, or a variation on its theme, has become the hallmark of every Sullivan production since. The tremendous success of\" Anne of Green Gables\", starring Megan Follows, Richard Farnsworth and Colleen Dewhurst led to three sequels: \"\" (1987 aka \"Anne", + "score": 0.703125 + }, + { + "id": "4205842", + "title": "Anne of Green Gables: The Sequel", + "text": "and Christine are just friends, then offers to wait for her if there is any hope of them getting together. Anne rejects him again, and Gilbert suspects that there is someone else, despite Anne's assertion there is no person she cares about more than him. Anne returns to Green Gables and decides to look into the job her former teacher Miss Muriel Stacey offered her. Eventually, Anne decides to take this job as an English teacher at Kingsport, Nova Scotia Ladies' College in the hope that it will inspire her and give her something to write about. Initially, Anne finds", + "score": 0.70263671875 + }, + { + "id": "1794621", + "title": "Anne Shirley", + "text": "try writing, where trapped in an abandoned hen-house, she writes out a dialogue between flowers and the birds in the garden. Another scrape occurs at her school, where Anne forces a student to throw a package into the school stove, unaware that the offending package were firecrackers. The following year, Rachel Lynde's husband Thomas died and Rachel moved in with Marilla at Green Gables, leaving Anne free to continue her education at Redmond College (based on Dalhousie University) in Kingsport, Nova Scotia. Anne was pleased because Gilbert would also be going to Redmond the following year. After the wedding of", + "score": 0.70263671875 + }, + { + "id": "6620242", + "title": "Anne of Green Gables (1919 film)", + "text": "Anne of Green Gables (1919 film) Anne of Green Gables is a 1919 American silent comedy-drama film directed by William Desmond Taylor. The film was based upon the novel of the same name by Lucy Maud Montgomery. By 1999, all prints of the film were believed to have been lost. As described in a film magazine, Anne Shirley (Minter), whose orphan career has been a lively one due to her natural mischievousness, is sent by mistake to the home of Marilla Cuthbert (Harris) and her brother Matthew (Burton). The brother and sister had decided to adopt a boy to help", + "score": 0.70068359375 + }, + { + "id": "5593195", + "title": "The Blue Castle", + "text": "The Blue Castle The Blue Castle is a 1926 novel by Canadian author Lucy Maud Montgomery, best known for her novel \"Anne of Green Gables\" (1908). The story takes place prior to World War I in the fictional town of Deerwood, located in the Muskoka region of Ontario, Canada. Deerwood is based on Bala, Ontario, which Montgomery visited in 1922. Maps of the two towns show similarities. This novel is considered one of L.M. Montgomery's few adult works of fiction, along with \"A Tangled Web\", and is the only book she wrote that is entirely set outside of Prince Edward", + "score": 0.7001953125 + }, + { + "id": "4205851", + "title": "Anne of Green Gables: The Sequel", + "text": "non-televised dinner in Las Vegas on Jan. 22, 1988. The ACE awards were established after cable programs and performers were excluded from the Emmy Awards. The National Academy of Cable Programming was established in March 1985 to promote excellence in cable television programming. Anne of Green Gables: The Sequel Anne of Green Gables: The Sequel is a 1987 Canadian television miniseries film. It is a sequel to \"Anne of Green Gables\", and the second of a tetralogy of films. The miniseries dramatizes material from several books in the eight-novel \"Anne\" series by Lucy Maud Montgomery; they are \"Anne of Avonlea\"", + "score": 0.69970703125 + }, + { + "id": "16028028", + "title": "Anne Green", + "text": "Anne Green Anne Green (born 1891, Savannah, Georgia, d. 1979, Paris) was an American writer and translator, the sister of Julien Green. While a child, Green's parents moved to France, where her father, ruined by a financial crisis and poor investments, came to settle. She spent her childhood in Le Havre, before her parents moved to Paris, where her brother Julien was born. She and her brother both participated in World War I, in which she volunteered as an ambulance driver. Her best known work is the 1948 \"With Much Love\", a fictionalized account of her childhood memories. She wrote", + "score": 0.69921875 + }, + { + "id": "4028891", + "title": "Anne of Green Gables: The Musical", + "text": "Anne of Green Gables: The Musical Anne Of Green Gables: The Musical is a musical based on the novel \"Anne of Green Gables\" by Lucy Maud Montgomery. The book is by Don Harron, the music is by Norman Campbell and the lyrics by Don Harron, Norman Campbell, Elaine Campbell and Mavor Moore. The musical has been performed annually ever since 1965, making it Canada's longest-running musical. In March 2014, the production was officially recognized as the longest running annual musical theatre production in the world by \"Guinness World Records\". The idea for the musical version of the book came about", + "score": 0.69921875 + }, + { + "id": "1794617", + "title": "Anne Shirley", + "text": "Gilbert only-jokingly says: \"You've thwarted destiny long enough.\" At the end of \"Anne of Green Gables\", Anne looks out of her window admiring Avonlea as an \"ideal world of dreams\", through she sees a \"bend in the road\" thanks to Gilbert. Mrs. Lynde at the beginning of the book was the self-important busybody of Avonlea who dominated the community; at the end, the book hints that Anne will play the same role, but only much better in the years to come. Immediately after graduating from Avonlea's public school, Anne and Gilbert both went to Queen's Academy in Charlottetown, which trained", + "score": 0.6982421875 + }, + { + "id": "7211428", + "title": "George Gill Green", + "text": "Thanksgiving Day in 1872. The Greens had a son, George Gill Green II (1883-1971), who was born on January 17, 1883 and died in January 1971. In 1893 Green acquired an uncompleted hotel in Pasadena, California, and in 1894 completed and opened it as Hotel Green in Southern California. Green completed a summer home, \"Kil Kare Castle,\" in 1895 at Lake Hopatcong in New Jersey. In 1898 Green built an annex west of Hotel Green, the \"Central Annex\" building or \"Castle Green\" on the block across Raymond Avenue. \"Castle Green\" is listed on the National Register of Historic Places in", + "score": 0.6982421875 + }, + { + "id": "13043775", + "title": "Anne of Green Gables: The Animated Series", + "text": "Anne of Green Gables: The Animated Series Anne of Green Gables: The Animated Series is a Canadian animated television series produced by Sullivan Entertainment and developed by writer/director/producer Kevin Sullivan, based on the 1908 novel \"Anne of Green Gables\" by L. M. Montgomery. One season of the series was produced, with 26 episodes, originally airing from 2001 to 2002. The series was developed for PBS. Then the show aired in reruns on Qubo from May 13, 2013, until December 25, 2016. Each episode contained an educational aspect, with a problem for one or more of the show's characters to face", + "score": 0.6982421875 + }, + { + "id": "6620548", + "title": "Anne of Green Gables (1956 film)", + "text": "the news and decides to withdraw from his teaching career at Avonlea school so that Anne can take his position and be closer to her family. This random act of kindness creates a lasting friendship for Anne and Gilbert. Although Anne's dreams may seem as though lost, Anne believes there is much to look forward to in this beautiful thing called life. Prince Edward Island is recognized as the home of character, Anne Shirley. David Mackenzie], CEO of the Confederation Centre for the Arts in Charlottetown, where the monumental Anne of Green Gables exhibit is held, says the island has", + "score": 0.697265625 + }, + { + "id": "6620545", + "title": "Anne of Green Gables (1956 film)", + "text": "time is approximately an hour and a half and the kinescope presented is in black and white. It was released in Canada on March 4, 1956. Set in the small-town of Avonlea, Prince Edward Island, Canada, elderly siblings Matthew and Marilla Cuthbert agree to adopt an orphan boy to help tackle chores around their family farm. When Matthew arrives at the train station to pick up the boy, he is surprised to confront an 11-year-old orphan girl named Anne Shirley. Anne's enthusiastic personality wins over Matthew's heart who reveals to Marilla he still wants to adopt her even though the", + "score": 0.69677734375 + }, + { + "id": "4868693", + "title": "Cavendish, Prince Edward Island", + "text": "her cousins, the MacNeill family, who owned a farm named Green Gables located west of the intersection. She would later find work in the community with the federal Post Office Department as a postmaster at the Cavendish Post Office. Montgomery's experiences in the community formed a strong impression on her and she would later include much of her experiences in this part of rural Prince Edward Island at the turn of the 20th century in the literary blockbuster \"Anne of Green Gables\" and subsequent works. Prior to Montgomery's writings, Cavendish's primary claim to fame came on July 22, 1883, when", + "score": 0.69677734375 + }, + { + "id": "4028898", + "title": "Anne of Green Gables: The Musical", + "text": "Media planned to turn the long-running musical into a feature, written by actor and playwright Kristen Thomson. The film was cancelled, due to the Netflix show. Anne of Green Gables: The Musical Anne Of Green Gables: The Musical is a musical based on the novel \"Anne of Green Gables\" by Lucy Maud Montgomery. The book is by Don Harron, the music is by Norman Campbell and the lyrics by Don Harron, Norman Campbell, Elaine Campbell and Mavor Moore. The musical has been performed annually ever since 1965, making it Canada's longest-running musical. In March 2014, the production was officially recognized", + "score": 0.6953125 + }, + { + "id": "4205552", + "title": "Anne of Green Gables (1985 film)", + "text": "Gables\". Sullivan amalgamated many of Montgomery's episodes into the film's plot. While the film diverged from Montgomery's original, he relied on strong characterizations and visuals in order to render the story for a contemporary audience. The script also borrows ideas from the 1934 film version. Primary locations for filming the movie included Prince Edward Island, Stouffville, Ontario, Jacksons Point, Ontario, and Westfield Heritage Village in the Hamilton, Ontario neighbourhood of Rockton. Filming was done over a consecutive ten-week shoot. Sullivan used several locations as Green Gables farm and combined them to appear as one property. The original film and sequels", + "score": 0.69482421875 + }, + { + "id": "4282568", + "title": "Anne of Green Gables: The Continuing Story", + "text": "Anne of Green Gables: The Continuing Story Anne of Green Gables: The Continuing Story was a 2000 miniseries television film, and the third installment in a series of four films. The film was highly anticipated among fans of \"Anne of Green Gables\". It borrowed characters from the \"Anne of Green Gables\" novels by Lucy Maud Montgomery. It served as a sequel to two mini-series produced by CBC Television in the 1980s. It was the most controversial and heavily criticized of the three film adaptations written and produced by Kevin Sullivan. \"The Continuing Story\" was criticized principally because unlike the 1985", + "score": 0.69482421875 + }, + { + "id": "7943791", + "title": "Anne of Geierstein", + "text": "Anne of Geierstein Anne of Geierstein, or The Maiden of the Mist (1829) is a novel by Sir Walter Scott. It is set in Central Europe, mainly in Switzerland, shortly after the Yorkist victory at the Battle of Tewkesbury (1471). It covers the period of Swiss involvement in the Burgundian Wars. In May 1823, when Scott had just finished \"Quentin Durward\" he expressed his intention to 'try in a continuation' the deaths of Charles of Burgundy & Louis XI. Five years later he began \"Anne of Geierstein\" which ends with Charles's death at the battle of Nancy and Louis in", + "score": 0.6943359375 + }, + { + "id": "4205558", + "title": "Anne of Green Gables (1985 film)", + "text": "or Series. The series also won an Emmy Award in 1986, for Outstanding Children's Program. Other Awards The \"Anne of Green Gables\" series was released on DVD in a collector's edition set on February 5, 2008 in the U.S., April 29, 2008 in Canada and Japan and on September 22, 2010 in Hungary. The set is the most comprehensive edition of all three movies ever released. In addition to the series, it also includes several DVD extras such as feature length commentary from director Kevin Sullivan and Stefan Scaini, 2 New Documentaries: L.M. Montgomery's Island and Kevin Sullivan's Classic featuring", + "score": 0.69384765625 + }, + { + "id": "11406392", + "title": "Before Green Gables", + "text": "to Green Gables\"), published by Wydawnictwo Literackie. The book was also translated in French as a title of \"Anne... : Avant la maison aux pignons verts\" (meaning \"Anne : Before Green Gables...\"), published by Tr\u00e9carr\u00e9. Benjamin Lefebvre, co-chairman of the L.M. Montgomery Research Group wrote an article about this book. The series was adapted into an anime, \"Kon'nichiwa Anne \u301c Before Green Gables\", the latest entry in Nippon Animation's \"World Masterpiece Theater\" series. It aired in Japan from April 5, 2009 to December 27, 2009. Before Green Gables Before Green Gables is the title of a prequel to the Anne", + "score": 0.69287109375 + }, + { + "id": "4557952", + "title": "Anne's House of Dreams", + "text": "Anne's House of Dreams Anne's House of Dreams is a novel by Canadian author Lucy Maud Montgomery. It was first published in 1917 by McClelland, Goodchild and Stewart. The novel is from a series of books written primarily for girls and young women, about a young girl named Anne Shirley. The books follow the course of Anne's life. It is set principally on Canada's Prince Edward Island, Montgomery's birthplace and home for much of her life. The series has been called classic children's literature, and has been reprinted many times since its original publication. \"Anne's House of Dreams\" is book", + "score": 0.69287109375 + }, + { + "id": "1794632", + "title": "Anne Shirley", + "text": "the house Anne grew up in, and move to the village of Four Winds, P.E.I. There, they take up residence in a small house Anne dubs the \"House of Dreams\", and Gilbert takes over his uncle's medical practice in the nearby town of Glen St. Mary. Anne praises her \"house of dreams\" as \"like a creamy seashell stranded on the harbor shore\", which is surrounded by fir trees \"enfolding secrets\" while the lane leading to the house is full of blossoming trees. The house looks up to a harbor on one side and a shining brook in the valley below.", + "score": 0.6923828125 + }, + { + "id": "9820437", + "title": "Anne & Gilbert", + "text": "Gilbert all along. The show ends with Anne proposing to Gilbert back home in Avonlea for the summer, as the entire town and several friends from Redmond look on. \"Anne and Gilbert\" played at Catholic Central High School in the Lethbridge Alberta in 2007. At the time it was stated that it was the first time it had been performed outside of Prince Edward Island, the first time it had been done by an amateur troupe, and the first time it had been performed in \"theatre in the round.\" The cast and production staff were particularly thrilled when the writers", + "score": 0.6923828125 + }, + { + "id": "13074749", + "title": "Lantern Hill (film)", + "text": "Lantern Hill (film) Lantern Hill is a 1990 television film written and directed by filmmaker Kevin Sullivan and based on the novel by L.M. Montgomery, \"Jane of Lantern Hill\". The film was co-produced by Sullivan Entertainment, the Disney Channel and CBC. For the production of the film, \"Lantern Hill\" was filmed using the same house used for Sullivan's earlier production, \"Anne of Green Gables\", though painted orange. Many of the actors and actresses from \"Anne of Green Gables\", \"Anne of Avonlea\", and \"Road to Avonlea\" made appearances in this film. 12 year old Jane Stuart (Mairon Bennett) has long been", + "score": 0.69189453125 + }, + { + "id": "10691572", + "title": "Anne of Green Gables: A New Beginning", + "text": "Anne of Green Gables: A New Beginning Anne of Green Gables: A New Beginning is a 2008 Canadian television miniseries, the fourth and final film in Sullivan Entertainment's \"Anne of Green Gables\" series. It was released in 2008 on CTV. Before the broadcast, CTV had recently acquired the rights to the entire Anne catalogue including the 1985 miniseries. The film stars 14-year-old Hannah Endicott-Douglas as the child and Barbara Hershey as the adult Anne Shirley. Shirley MacLaine plays matriarch Amelia Thomas in the film. Kevin Sullivan wrote a completely new screenplay for the three-hour movie based on Montgomery's characters (serving", + "score": 0.69140625 + }, + { + "id": "4205557", + "title": "Anne of Green Gables (1985 film)", + "text": "Sullivan Animation also produced the feature-length animated film Anne: Journey to Green Gables which is an imaginative, whimsical prequel to Sullivan's live action Anne of Green Gables film. A year after the mini-series originally aired, Canadian comedy duo Wayne and Shuster created and starred in a parody entitled \"Sam of Green Gables,\" in which a curmudgeonly old man named Sam is sent to Green Gables instead of Anne. The film swept the 1986 Gemini Awards, winning the following: The film was also nominated for \"Best Direction in a Dramatic Program or Mini-Series\" and \"Best Picture Editing in a Dramatic Program", + "score": 0.69091796875 + }, + { + "id": "19400240", + "title": "L.M. Montgomery's Anne of Green Gables", + "text": "Dew\" in 2018. \"The Good Stars\" premiered on February 20, 2017. Bumped up from its original 2018 release window, \"Fire & Dew\" premiered on July 1, 2017. PBS has also picked up both followups. L.M. Montgomery's Anne of Green Gables L.M. Montgomery's Anne of Green Gables is a Canadian television film based on Lucy Maud Montgomery's novel of the same name. It first aired on YTV on February 15, 2016 and starred Ella Ballentine, Martin Sheen and Sara Botsford. Montgomery's granddaughter, Kate Macdonald Butler, was one of the film's executive producers. The film's world premiere was held February 2, 2016", + "score": 0.6904296875 + }, + { + "id": "4282582", + "title": "Anne of Green Gables: The Continuing Story", + "text": "fall 2008, another film in the series, \"\" was released, showing Anne as an older woman looking back at her life as a child before her arrival at Green Gables. Anne of Green Gables: The Continuing Story Anne of Green Gables: The Continuing Story was a 2000 miniseries television film, and the third installment in a series of four films. The film was highly anticipated among fans of \"Anne of Green Gables\". It borrowed characters from the \"Anne of Green Gables\" novels by Lucy Maud Montgomery. It served as a sequel to two mini-series produced by CBC Television in the", + "score": 0.6904296875 + }, + { + "id": "1794647", + "title": "Anne Shirley", + "text": "as something as her Anne would never do. In the 1934 adaption of \"Anne of Green Gables\", Anne Shirley was portrayed by Dawn O'Day, who later adopted the character's name as her own stage name. She reprised the role in \"Anne of Windy Poplars\", a 1940 film adaption. Montgomery liked the 1934 film more than the 1919 film, not least because now the book's dialogue could be portrayed on the silver screen and that two scenes were filmed on location in Prince Edward Island (though the rest of the film was shot in California), but still charged that neither the", + "score": 0.68994140625 + }, + { + "id": "4449240", + "title": "Megan Follows", + "text": "produced in Canada, became successful around the world, and remains to this day the highest-rated drama in Canadian television history. Her performances earned her two Gemini awards as best actress for the first two miniseries, \"Anne of Green Gables\" and \"\", and a Gemini nomination for the third Anne installment, \"\". She did not reprise the role for the fourth film, \"\", and Barbara Hershey took over the role of Anne. Follows, however, is seen in archive footage in the beginning when Anne is reminiscing. Follows has made a number of appearances on both Canadian and U.S. television. In 1989,", + "score": 0.68994140625 + }, + { + "id": "6122911", + "title": "Nancy White (singer-songwriter)", + "text": "Maud Montgomery books \"Anne of Avonlea\" and \"Anne of the Island\". The show premiered at the Victoria Playhouse in Victoria, Prince Edward Island in the summer 2005, and has been produced at the Jubilee Theatre in Summerside for three summers, and in Gananoque, Ontario at the Thousand Islands Playhouse in 2007. In 2008, the Playhouse again produced the show, but at The Grand in Kingston, then toured it around Ontario. It has had amateur productions in Lethbridge, Alberta, Ottawa, Gretna, Manitoba, and Palmerston,Ontario. \"Anne and Gilbert\" returns to Summerside for the 2009 summer season. She has done some translating from", + "score": 0.68896484375 + }, + { + "id": "6620543", + "title": "Anne of Green Gables (1956 film)", + "text": "overcome any obstacle life throws at her. The story of the young red-headed girl with swift braids and a big imagination has long warmed the hearts of theatregoers. The 1956 adaptation was the first and original airing of \"Anne of Green Gables\" for national screening on CBC Television. While the novel was written by Lucy Montgomery, writers Don Harron, Norman and Elaine Campbell, and Mavor Moore extended the musical interpretation of the story in this film. Harron was asked to create the story alongside Lucy Montgomery for the short 90-minute program. The 90-minute film was produced and distributed by the", + "score": 0.68896484375 + }, + { + "id": "18930095", + "title": "Anne Louise Gregory Ritter", + "text": "and in 1896 returned to the United States, where he went to Ohio and she went to Pennsylvania. Gregory took up a teaching post at a local high school, teaching art, French and German. In 1900, Gregory moved to Colorado Springs, where Van Briggle was then residing. She took up a post as Art Supervisor at Colorado Springs High School and worked with Van Briggle in launching the business, pottery design and experimentation. Over the next two years, Artus and Anne continued experimenting with products, incorporated the company and prepared for their public opening. Anne was not on the Board", + "score": 0.68896484375 + }, + { + "id": "9385272", + "title": "Green Gables Croquet Club", + "text": "New York Times, founder Suzie Linden described the mental aspects of Croquet as a \"combination of bilards and chess,\" adding, \"You always have to think three moves ahead!\" Suzie Linden was inducted into the Croquet Hall of Fame in 1980, followed in 2008 by her daughter Diane. Green Gables Croquet Club The Green Gables Croquet Club of Spring Lake, New Jersey was founded in 1957 by Suzie Linden (1913\u20131996). It is the oldest continuous croquet club in the United States and among the three founding members of the U.S. Croquet Association. It is believed that the original property has been", + "score": 0.6884765625 + }, + { + "id": "11135129", + "title": "Anne Ryan", + "text": "school her junior hear to marry attorney William McFadden; they separated in 1923. During this time she frequented art and literary circles in New York's Greenwich Village neighborhood, and published a novel, \"Raquel\", as well as a volume of poetry, \"Lost Hills\". In 1931 and 1932 she lived in Majorca and then Paris. When she returned to the United States and settled on West Fourth Street in New York City, the cultural community there was rapidly galvanizing, attracting artists and writers of all backgrounds through the Works Progress Administration and generating new styles that challenged the Regionalism and Social Realism", + "score": 0.6884765625 + }, + { + "id": "7943817", + "title": "Anne of Geierstein", + "text": "influence of \"Robert le Diable\") and the scholars responding to Queen Victoria's secretary do not refer to it. Between 1942 and 1944 the story was adapted into a newspaper comic strip by Rodolphe and Odette Vincent. Anne of Geierstein Anne of Geierstein, or The Maiden of the Mist (1829) is a novel by Sir Walter Scott. It is set in Central Europe, mainly in Switzerland, shortly after the Yorkist victory at the Battle of Tewkesbury (1471). It covers the period of Swiss involvement in the Burgundian Wars. In May 1823, when Scott had just finished \"Quentin Durward\" he expressed his", + "score": 0.6884765625 + }, + { + "id": "9241190", + "title": "Chronicles of Avonlea", + "text": "is the setting for the story \"The Winning of Lucinda\". The Penhallow family are also the central characters of Montgomery's later novel \"A Tangled Web\", though these Penhallows would appear to be a different branch of the family. The majority of stories, though, are about residents of Avonlea (and surrounding towns) who are never mentioned in the Anne novels. One reason for this is that most of the short stories in this volume were written and published by Montgomery in various magazines before \"Anne of Green Gables\" was even conceived. With the great success of \"Anne of Green Gables\" in", + "score": 0.68798828125 + }, + { + "id": "712780", + "title": "Lucy Maud Montgomery", + "text": "Edward Island. Until her grandmother's death in March 1911, Montgomery stayed in Cavendish to take care of her. This coincided with a period of considerable income from her publications. Although she enjoyed this income, she was aware that \"marriage was a necessary choice for women in Canada.\" In 1908, Montgomery published her first book, \"Anne of Green Gables.\" An immediate success, it established Montgomery's career, and she would write and publish material (including numerous sequels to \"Anne\") continuously for the rest of her life. \"Anne of Green Gables\" was published in June 1908 and by November 1909, the book had", + "score": 0.68798828125 + }, + { + "id": "4205555", + "title": "Anne of Green Gables (1985 film)", + "text": "subsequently retitled \"Anne of Green Gables: The Sequel\" on home video.) The final movie, \"\", was aired on March 5, 2000 in Canada and on July 23, 2000 in the United States. The final film passed over \"Anne's House of Dreams\" \u2013 the corresponding Anne novel \u2013 in favor of a plot not featured in Montgomery's series, and did not receive the same critical praise as the first two films. In 2008, the fourth in the series, titled \"\" was completed. The film stars Barbara Hershey, Shirley MacLaine, and Rachel Blanchard and it introduces Hannah Endicott Douglas as the new", + "score": 0.6875 + }, + { + "id": "19881165", + "title": "Saint Anne's Guest Home", + "text": "Saint Anne's Guest Home St. Anne's Guest Home is a Catholic health care facility in Grand Forks, North Dakota, operated by sisters belonging to the . It has been in operation for more than 70 years and is currently in its third location. It offers two levels of services for residents; basic care and low rent housing. Saint Anne's Guest Home was founded in 1945 in Fargo, North Dakota, to address the needs of the elderly and vulnerable in the community. The original facility in Fargo had 20 beds. In 1952 Saint Anne's Guest Home moved to Grand Forks, converting", + "score": 0.6875 + }, + { + "id": "5891815", + "title": "Kevin Sullivan (producer)", + "text": "in 19th century Canada. His first feature film was \"The Wild Pony\" (1982), which he co-wrote, co-produced and directed became a turning point for Sullivan, because it was the first feature-length movie to be made exclusively for pay-TV in Canada. In 1984, he purchased the rights to \"Anne of Green Gables\" and completed the screenplay the four-hour miniseries in 1985 with co-writer Joe Wiesenfeld. He directed the production for CBC, Disney and PBS in 1985. \"Anne of Green Gables\" and its sequel were the highest rated dramatic productions to air in Canadian TV history. Cinematic feature versions played in theatres", + "score": 0.68701171875 + }, + { + "id": "12927509", + "title": "Kon'nichiwa Anne: Before Green Gables", + "text": "Kon'nichiwa Anne: Before Green Gables , is the 26th series in Nippon Animation's \"World Masterpiece Theater\" anime. The series is an adaptation of Canadian children's literature author Budge Wilson's prequel novel \"Before Green Gables\", which was translated into Japanese as \"Konnichiwa Anne\" (\u3053\u3093\u306b\u3061\u306f \u30a2\u30f3) by Akiko Usagawa. It chronicles the early years of main character Anne Shirley as she loses both her parents and is adopted by Matthew and Marilla Cuthbert. Introduced in Lucy Maud Montgomery's \"Anne of Green Gables\", the series marks the 100th anniversary of the original novel's release and the 30th anniversary of its highly popular anime", + "score": 0.685546875 + }, + { + "id": "4557963", + "title": "Anne's House of Dreams", + "text": "They are listed in the order of Anne's age in each novel. Anne's House of Dreams Anne's House of Dreams is a novel by Canadian author Lucy Maud Montgomery. It was first published in 1917 by McClelland, Goodchild and Stewart. The novel is from a series of books written primarily for girls and young women, about a young girl named Anne Shirley. The books follow the course of Anne's life. It is set principally on Canada's Prince Edward Island, Montgomery's birthplace and home for much of her life. The series has been called classic children's literature, and has been reprinted", + "score": 0.68505859375 + }, + { + "id": "4557951", + "title": "Anne of the Island", + "text": "the story of Anne Shirley in a series of sequels. They are listed in the order of Anne's age in each novel. The musical \"Anne & Gilbert\" drew from this book in the second act - Anne and Gilbert also draws from \"Anne of Avonlea\". The television mini-series \"Anne of Green Gables - The Sequel\" (1987) starring Megan Follows was largely inspired by this book, along with \"Anne of Avonlea\" and \"Anne of Windy Poplars\". Anne of the Island \"Anne of the Island\" is the third book in the \"Anne of Green Gables\" series, written by Lucy Maud Montgomery about", + "score": 0.68505859375 + }, + { + "id": "21239", + "title": "Anne Bronte\u0308", + "text": "was at the Long Plantation at Thorp Green in 1842 that Anne wrote her three-verse poem \"Lines Composed in a Wood on a Windy Day\", which was published in 1846 under her pen-name of Acton Bell. Anne returned to Thorp Green in January 1843 where she secured a position for Branwell. He was to take over as tutor to the Robinsons' son, Edmund, who was growing too old to be in Anne's care. Branwell did not live in the house as Anne did. Anne's vaunted calm appears to have been the result of hard-fought battles, balancing deeply felt emotions with", + "score": 0.6845703125 + }, + { + "id": "11314644", + "title": "Gertrude Messinger", + "text": "\"Babes in the Woods\". During the 1930s her career took off, with significant roles in more than thirty films. Her earliest starring roles were in 1932, when she starred opposite Bob Steele in \"Riders of the Desert\", and opposite Lane Chandler in \"Lawless Valley\". For the remainder of the 1930s she was fairly active in films. In 1934 she played a major part in arguably her biggest movie, \"Anne of Green Gables\", with the starring role being played by actress Dawn O'Day. Her most active year was 1935, when she starred in eight feature films, most notably \"The Fighting Pilot\"", + "score": 0.68408203125 + }, + { + "id": "10691573", + "title": "Anne of Green Gables: A New Beginning", + "text": "as a prequel to his early 3 miniseries movies broadcast originally on CBC) and not directly from her books. The story follows Anne's life before she arrives at Green Gables. Anne, now a middle-aged woman, is troubled by recent events in her life. Her husband, Gilbert, has been killed overseas as a medical doctor during World War II. (This did not happen in the books.) Her two daughters are preoccupied with their own young families and her adopted son Dominic has yet to return from the war. When a long-hidden secret is discovered under the floorboards at Green Gables, Anne", + "score": 0.68310546875 + }, + { + "id": "1794644", + "title": "Anne Shirley", + "text": "as a grandmother with several grandchildren, at least three of whom are preparing to enlist in the Canadian army during the opening days of World War II. These were among the last stories Montgomery wrote before her death in 1942. Anne Shirley also appears in Budge Wilson's \"Before Green Gables\", a prequel to \"Anne of Green Gables\" authorized by the heirs of L.M. Montgomery. Based on background information from the original series, the book tells of the first 11 years of Anne Shirley's childhood, beginning with the brief happiness of Bertha and Walter Shirley's marriage before their early deaths. The", + "score": 0.68310546875 + }, + { + "id": "13043776", + "title": "Anne of Green Gables: The Animated Series", + "text": "and solve. In conjunction with these problems, PBS \"Ready-to-Learn\" guides were created for teachers in America to use in classrooms. In 2005, an animated Anne of Green Gables movie was made, titled \"Anne: Journey to Green Gables\". This 85-minute direct-to-video film was a prequel to the live action Anne of Green Gables series. The cast voices included Lally Cadeau, Cedric Smith, Kathryn Greenwood, and Patricia Hamilton, all of whom had appeared in previous Sullivan Entertainment productions. Anne of Green Gables: The Animated Series Anne of Green Gables: The Animated Series is a Canadian animated television series produced by Sullivan Entertainment", + "score": 0.68310546875 + }, + { + "id": "2706809", + "title": "Old Pasadena", + "text": "he was unable to complete the job, a newcomer to the area, Colonel George Gill Green, took over the construction and finished the Green Hotel, which opened in 1888. Green was a friend of Andrew McNally, a prominent printer from Chicago who had moved West and made his home in Altadena, California. McNally had invited Green to come out and join him in this new community. Together Green and McNally invested heavily in the short-lived Altadena Railroad, which provided them private sidings at their residences and which Green rode daily to the construction site of his new hotel. Green and", + "score": 0.68212890625 + }, + { + "id": "15264810", + "title": "Antiquitas Lost", + "text": "and most recently performed in a larger role for the upcoming Nick Cassavetes film \"Yellow\". The author began writing the book in 2003 while living in New Orleans's Garden District, and New Orleans is prominently featured in the book. Chapter one takes place in New Orleans Garden District, and several real-life locales are mentioned. These include Pleasant Street (location of the authors first New Orleans apartment), the old Lafayette Cemetery (understood to be Lafayette Cemetery number 1 in New Orleans Garden District), and an \"old book store,\" understood to be the Garden District Book Shop on Prytania Street. There are", + "score": 0.68212890625 + }, + { + "id": "12310101", + "title": "Chapel of St. Anne (Arlington, Massachusetts)", + "text": "Chapel of St. Anne (Arlington, Massachusetts) The Chapel of St. Anne is a historic Episcopal chapel on Claremont Avenue in Arlington, Massachusetts. Built in 1915, it is the town's only work of the architect Ralph Adams Cram, and is a fine example of Norman Gothic architecture. The chapel was listed on the National Register of Historic Places in 1985. The chapel is set on the east side of Claremont Avenue in a residential part of Arlington Heights, on the grounds of the Youth Villages-Germaine Lawrence Campus. This property was, at the time of the chapel's construction in 1915, part of", + "score": 0.681640625 + } + ], + "answer": "Anne of Green Gables is a 1908 novel by Canadian author Lucy Maud Montgomery, published as L. M. Montgomery. Set in the late 19th century, the novel recounts the adventures of Anne Shirley, an 11-year-old orphan girl, who is mistakenly sent to two middle-aged siblings, Matthew and Marilla Cuthbert, who had originally intended to adopt a boy to help them on a farm in the fictional town of Avonlea on Prince Edward Island, Canada. The 1956 Anne of Green Gables film also takes place in Avonlea, Prince Edward Island. The 1985 Anne of Green Gables was a Canadian made-for-television drama film that also takes place on Prince Edward Island." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "What date did Ben Stone leave Law and Order?", + "short_answers": [ + "May 25, 1994" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "What episode of Law and Order did Ben Stone last appear in?", + "short_answers": [ + "Season 4 episode 22" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Benjamin Stone (Law & Order character)", + "url": "https://en.wikipedia.org/wiki/Benjamin%20Stone%20%28Law%20%26%20Order%20character%29" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Benjamin \"Ben\" Stone is a fictional character portrayed by Michael Moriarty in the TV drama Law & Order. He was the Executive Assistant District Attorney for New York County until his resignation at the end of season four. He appeared in 88 episodes.", + "wikipage": "Benjamin Stone (Law & Order)" + }, + { + "content": "\"Old Friends\". Law & Order. Season 4. Episode 22. May 25, 1994", + "wikipage": "Benjamin Stone (Law & Order) Reason for departure" + } + ], + "long_answer": "Benjamin \"Ben\" Stone (portrayed by Michael Moriarty), was a fictional character on the TV drama Law & Order. He appeared in 88 episodes and his last episode was titled \u201cOld Friends\u201d. It was the 22nd episode of season 4 and it aired on May 25, 1994. " + }, + { + "knowledge": [ + { + "content": "Benjamin \"Ben\" Stone is a fictional character portrayed by Michael Moriarty in the TV drama Law & Order.", + "wikipage": "Benjamin Stone (Law & Order)" + }, + { + "content": "He was the Executive Assistant District Attorney for New York County until his resignation at the end of season four.", + "wikipage": "Benjamin Stone (Law & Order)" + }, + { + "content": "Moriarty submitted his resignation to producer series creator Dick Wolf on January 25, 1994, and his departure was written into the series.[13][14]", + "wikipage": "Benjamin Stone (Law & Order) Reason for departure" + } + ], + "long_answer": "Benjamin \"Ben\" Stone is a fictional character portrayed by Michael Moriarty in the TV drama Law & Order. He was the Executive Assistant District Attorney for New York County until his resignation at the end of season 4 episode 22 on May 25, 1994. His departure was written into the series, as Moriarty submitted his resignation to producer series creator Dick Wolf on January 25, 1994." + } + ], + "sample_id": "-7291534433564335854", + "question": "When did ben stone leave law and order?", + "docs": [ + { + "id": "5053557", + "title": "Benjamin Stone (Law & Order character)", + "text": "debate Senator Kent Conrad, he was replaced by FCC chairman Reed Hundt. Both appearances were scheduled to air on January 26, 1994. Moriarty submitted his resignation to producer Dick Wolf on January 25, 1994, and his departure was written into the series. Benjamin Stone (Law & Order character) Benjamin \"Ben\" Stone is a fictional character portrayed by Michael Moriarty in the TV drama \"Law & Order\". He was the Executive Assistant District Attorney for New York County until his resignation at the end of season four. He appeared in 88 episodes. Stone works in the Manhattan District Attorney's office under", + "score": 0.82763671875, + "summary": "Ben Stone resigned from Law & Order at the end of season four, but the document does not provide information on when he left the show.", + "extraction": "Ben Stone's resignation was at the end of season four, so it is not specified when he left \"Law & Order\". The given passage is irrelevant to answering the question." + }, + { + "id": "5053556", + "title": "Benjamin Stone (Law & Order character)", + "text": "the visits since their father's death. She is murdered by sex traffickers in \"\". Stone's departure from the series stemmed from actor Michael Moriarty's dispute with the network and U.S. Attorney General Janet Reno, who in 1993 began promoting legislation to limit portrayals of violence on television. Moriarty, who was outspoken against Reno and what he felt was government censorship, was scheduled to appear on NBC shows \"Today\" and \"Now with Tom Brokaw and Katie Couric\", but both ended up canceled. Moriarty had already taped his segment for \"Now\"; for his \"Today\" show appearance, during which he was scheduled to", + "score": 0.78857421875, + "summary": "The document is irrelevant to the question.", + "extraction": "Stone's departure from the series stemmed from actor Michael Moriarty's dispute with the network and U.S. Attorney General Janet Reno." + }, + { + "id": "3623938", + "title": "Michael Moriarty", + "text": "of Korean Air Lines flight 007 in 1983. He portrayed U.S. Air Force Major Hank Daniels, who was largely ignored if not ridiculed for showing how the ill-fated airliner had strayed off course into airspace known by the Soviets to be used by U.S. Air Force electronic surveillance planes as they approached Soviet airspace. From 1990 to 1994, Moriarty starred as Ben Stone on \"Law & Order\". He left the show in 1994, alleging that his departure was a result of his threatening a lawsuit against then-Attorney General Janet Reno, who had cited \"Law & Order\" as offensively violent. Moriarty", + "score": 0.78466796875, + "summary": "Michael Moriarty starred as Ben Stone on \"Law & Order\" from 1990 to 1994. However, the document does not provide information on when Ben Stone left \"Law & Order.\"", + "extraction": "Ben Stone left \"Law & Order\" in 1994." + }, + { + "id": "5964411", + "title": "Law & Order (season 4)", + "text": "Law & Order (season 4) The fourth season of \"Law & Order\" aired on NBC between September 15, 1993, and May 25, 1994. This is the final season to feature Michael Moriarty as Ben Stone. It is also the first season to include a shorter opening sequence and theme (at 46 seconds), which would be used for the remainder of the series' run. Season four was released on DVD December 6, 2005. There were two cast changes from season 3: This was the first time women played any of the \"Law and Order\" 's six major characters: both roles would", + "score": 0.77734375, + "summary": "Michael Moriarty left Law & Order at the end of season 4, which aired between September 15, 1993, and May 25, 1994. Therefore, Ben Stone left Law & Order in May 1994.", + "extraction": "The final season to feature Michael Moriarty as Ben Stone." + }, + { + "id": "5053550", + "title": "Benjamin Stone (Law & Order character)", + "text": "Benjamin Stone (Law & Order character) Benjamin \"Ben\" Stone is a fictional character portrayed by Michael Moriarty in the TV drama \"Law & Order\". He was the Executive Assistant District Attorney for New York County until his resignation at the end of season four. He appeared in 88 episodes. Stone works in the Manhattan District Attorney's office under Alfred Wentworth (in the pilot episode) and Adam Schiff. He was raised in an Irish Catholic family. He was raised mostly by his Irish grandmother, his father having been an alcoholic. Stone is divorced and has a son, Peter Stone, who was", + "score": 0.76318359375, + "summary": "Ben Stone left Law & Order at the end of season four, making his last appearance in the show after appearing in 88 episodes.", + "extraction": "Ben Stone left Law & Order at the end of season four." + }, + { + "id": "3623940", + "title": "Michael Moriarty", + "text": "Hollywood trade magazine, calling upon fellow artists to stand up with him against attempts to censor TV show content. He subsequently wrote and published \"The Gift of Stern Angels\", his account of this time in his life. The character of Ben Stone has yet to reappear on the franchise. The February 7, 2018, episode of \"\" opens with Sam Waterston's character of Jack McCoy delivering a eulogy at Ben Stone's funeral. Wolf and others working on \"Law & Order\" tell a different story, however. On November 18, 1993, Moriarty and Wolf, along with other television executives, met with Reno to", + "score": 0.7568359375, + "summary": "Irrelevant.", + "extraction": "November 18, 1993" + }, + { + "id": "1483934", + "title": "Law & Order", + "text": "filled in by Executive Assistant District Attorney Michael Cutter, played by Linus Roache. Martin later announced that he would leave the show for the second and last time near the end of Season 18 to pursue other endeavors, and Detective Green was written off as resigning from the force due to burnout. He was replaced by Anthony Anderson as Detective Kevin Bernard. In 2010, Merkerson announced that she would leave the show at the end of Season 20, with Lieutenant Van Buren given a season-long story arc involving her battling cervical cancer. However, the cancellation of the show rendered this", + "score": 0.73681640625, + "summary": "Ben Stone's departure from Law & Order is irrelevant to the document.", + "extraction": "Ben Stone is not mentioned in this passage, therefore the answer is \"irrelevant\"." + }, + { + "id": "5053553", + "title": "Benjamin Stone (Law & Order character)", + "text": "prosecutes. Stone makes his last appearance in the show in the episode \"Old Friends,\" the final episode of season four. The episode portrays a racketeering case in which the main witness Ann Madsen (portrayed by Allison Janney), whose testimony Stone had secured by threatening to send her to prison, is murdered by the Russian Mafia. He feels responsible for her death and resigns from the DA's office. He is succeeded by Jack McCoy as Executive ADA. Stone is mentioned in the 1996 episode \"Custody\" as a possible witness against a judge. When his former assistant Paul Robinette, now a defense", + "score": 0.73681640625, + "summary": "Ben Stone left Law and Order in the final episode of season four, \"Old Friends,\" after feeling responsible for the death of a witness he had secured testimony from. He was succeeded by Jack McCoy as Executive ADA and was mentioned in a 1996 episode as a possible witness against a judge.", + "extraction": "Ben Stone made his last appearance in the show in the episode \"Old Friends,\" the final episode of season four. Therefore, it is implied that he left Law and Order after the fourth season." + }, + { + "id": "5053554", + "title": "Benjamin Stone (Law & Order character)", + "text": "attorney, wants a judge to recuse himself for past comments showing bias against drug addicts and support for forced sterilization, Robinette threatens to subpoena Stone to testify about the comments, which both he and Stone heard the judge make. Upon hearing of the threat, Schiff informs McCoy that Stone \"is travelling in Europe, not available to testify at any hearing.\" However, the judge by this time has already declared himself \"unavailable\" to hear the case. The opening scene of the \"\" episode \"The Undiscovered Country\" (aired in 2018) reveals that Stone has died. His successor, Jack McCoy, gives the eulogy", + "score": 0.73095703125, + "summary": "Irrelevant.", + "extraction": "The passage is irrelevant to the question as it does not provide any information about when Ben Stone left Law and Order." + }, + { + "id": "3623933", + "title": "Michael Moriarty", + "text": "Michael Moriarty Michael Moriarty (born April 5, 1941) is an American-Canadian stage and screen actor and jazz musician. He received an Emmy Award and Golden Globe Award for his first acting role on American television as a Nazi SS officer in the 1978 mini-series \"Holocaust\", and he played Executive Assistant District Attorney Benjamin Stone for the first four seasons (1990\u20131994) on the television show \"Law & Order.\" Moriarty is also known for his roles in films such as \"Bang the Drum Slowly\", \"Who'll Stop the Rain\", \"Q: The Winged Serpent\", \"The Stuff\", \"Pale Rider\", \"Troll\", \"Courage Under Fire\", and \"Shiloh\".", + "score": 0.72998046875, + "summary": "Michael Moriarty played Executive Assistant District Attorney Benjamin Stone for the first four seasons (1990\u20131994) on the television show \"Law & Order.\"", + "extraction": "Benjamin Stone left Law & Order in 1994." + }, + { + "id": "20569199", + "title": "Peter Stone (Chicago and Law & Order character)", + "text": "Stone being dropped. Philip Winchester was first announced to be starring in \"Chicago Law\" (later renamed \"Chicago Justice\") on February 19, 2016. It was later reported that Winchester would first appear in a backdoor pilot episode embedded in \"Chicago P.D.\" Winchester continued to guest star in \"P.D.\" and made also a appearance in \"Chicago Med\". Following the cancellation of \"Justice\", it was announced that Winchester would move to \"Law & Order: SVU\" in a starring capacity. Winchester replaced Ra\u00fal Esparza on \"SVU\" who departed the series in Winchester's debut episode. Peter Jankowski, COO and President of Wolf Films, stated \"When", + "score": 0.72802734375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not mention Ben Stone leaving Law and Order." + }, + { + "id": "2094058", + "title": "Benjamin Bratt", + "text": "On June 23, 2009, Bratt appeared on \"The View\" to promote the television series \"The Cleaner\". On October 23, 2009, it was announced that Bratt would return as Detective Curtis on \"Law & Order\". Curtis reunited with his former boss, Lt. Anita van Buren (S. Epatha Merkerson), in the episode that aired on December 11, 2009. He left the show that same year to continue his film career. In 2009, Bratt performed in \"The People Speak\", a documentary feature film that uses dramatic and musical performances of the letters, diaries, and speeches of everyday Americans, based on historian Howard Zinn's", + "score": 0.72265625, + "summary": "Benjamin Bratt left Law & Order in 2009 to continue his film career. He appeared in an episode which aired on December 11, 2009.", + "extraction": "Ben Stone is not mentioned in this passage, so the answer is \"irrelevant\"." + }, + { + "id": "6117439", + "title": "Law & Order (season 16)", + "text": "in the 17th season. Law & Order (season 16) The 16th season of \"Law & Order\" premiered on NBC on September 21, 2005, and concluded on May 17, 2006. Jesse L. Martin returned to his role of Detective Ed Green in the season premiere episode, he left at the end of last season to film in the movie \"Rent\". Mid-season, \"Law & Order's\" future on NBC was in the air, unknown if the show would be renewed or canceled after this season. Prior to the end of the season, Annie Parisse who portrayed ADA Borgia, quit the series,", + "score": 0.71630859375, + "summary": "Irrelevant.", + "extraction": "Ben Stone is not mentioned in the given passage, so the answer to the question \"When did Ben Stone leave Law and Order?\" is irrelevant." + }, + { + "id": "6117436", + "title": "Law & Order (season 16)", + "text": "Law & Order (season 16) The 16th season of \"Law & Order\" premiered on NBC on September 21, 2005, and concluded on May 17, 2006. Jesse L. Martin returned to his role of Detective Ed Green in the season premiere episode, he left at the end of last season to film in the movie \"Rent\". Mid-season, \"Law & Order's\" future on NBC was in the air, unknown if the show would be renewed or canceled after this season. Prior to the end of the season, Annie Parisse who portrayed ADA Borgia, quit the series, wanting out of her contract. A", + "score": 0.71533203125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about Ben Stone leaving Law and Order." + }, + { + "id": "4089043", + "title": "Dann Florek", + "text": "close of the 1992-93 season, NBC told creator/executive producer Dick Wolf that they would cancel the show unless he added a few women to the all-male cast. Wolf reluctantly complied and fired Florek as well as Richard Brooks (who played Paul Robinette), replacing them with S. Epatha Merkerson and Jill Hennessy, respectively. However, Florek was allowed to direct a few \"Law & Order\" episodes in 1994 and 1995. Florek reprised the role of Cragen in the 1995 episode \"Bad Faith\" (which he also directed), and in the 1998 TV-movie \"\", centered on former \"L&O\" star Chris Noth's character, Mike Logan.", + "score": 0.71142578125, + "summary": "Dann Florek was fired from Law & Order at the close of the 1992-93 season and was allowed to direct a few episodes in 1994 and 1995. However, the document does not provide information on when Ben Stone left Law & Order.", + "extraction": "Ben Stone is not mentioned in the given passage, so the answer is \"irrelevant\"." + }, + { + "id": "15610183", + "title": "Law & Order: Special Victims Unit (season 13)", + "text": "Law & Order: Special Victims Unit (season 13) The thirteenth season of \"\" debuted on NBC on September 21, 2011, and concluded on May 23, 2012. With \"\" and \"\" having ended in July 2011 and June 2011 respectively, this season of \"Law & Order: SVU\" was the first to be broadcast without any other running U.S. \"Law & Order\" series, a position the series has held until the nineteenth season, when \"Law & Order True Crime\" premiered. Season 13 dealt with the departure of Detective Elliot Stabler (Christopher Meloni) from the Special Victims Unit after . Additionally, Warren Leight,", + "score": 0.70947265625, + "summary": "Irrelevant.", + "extraction": "Detective Elliot Stabler (Christopher Meloni) left the Special Victims Unit after season 13. The passage does not provide any information about Ben Stone, so the answer is \"irrelevant\"." + }, + { + "id": "15746108", + "title": "Smoked (Law & Order: Special Victims Unit)", + "text": "and was directed by Helen Shaver. It is the last episode produced under the direction of Neal Baer, who had been the showrunner since . Baer, who signed a three-year deal with CBS Television Studios in November 2011, was replaced by former \"\" executive producer-showrunner Warren Leight. Ten days after the episode's broadcast, Meloni left the show after his contract negotiations failed. B. D. Wong, who was absent from this episode, departed the cast as well to star on the NBC drama \"Awake\". Wong later reprised his role in one episode each for the 13th, 14th, 15th and 17th seasons.", + "score": 0.708984375, + "summary": "Christopher Meloni (Ben Stone) left Law & Order: SVU ten days after the broadcast of the last episode directed by Neal Baer, who was replaced by Warren Leight. However, the document does not provide a specific date for when Ben Stone left the show.", + "extraction": "Ten days after the episode's broadcast, Meloni left the show after his contract negotiations failed. Therefore, Ben Stone's leaving time is irrelevant to this passage." + }, + { + "id": "6946980", + "title": "Ben Mitchell (EastEnders)", + "text": "truth would come out about Heather Trott's (Cheryl Fergison) murder which would ultimately lead to Ben's departure, but how the truth would be revealed was being closely kept under wraps by \"EastEnders\" bosses although they did say it will be the outcome everyone is hoping for. He made his final appearance on 24 August 2012. On 2 October 2017, it was announced that Reid had been written out of the show after three years and that he and Ben would depart in an \"explosive storyline\" at the end of the year. An \"EastEnders\" spokeswoman said: \"We can confirm that Harry", + "score": 0.70849609375, + "summary": "Irrelevant.", + "extraction": "Ben Stone is not mentioned in the given passage, making it irrelevant for answering the question about when he left Law and Order." + }, + { + "id": "6946928", + "title": "Ben Mitchell (EastEnders)", + "text": "May 2012, it was announced that Pascoe would be leaving the role, and made his final appearance on 24 August 2012. On 14 May 2014, it was announced that Ben would be returning to the serial, with the part being recast to Harry Reid, who appeared from 22 September 2014. In October 2017, it was announced that Reid had been written out of the show by executive consultant John Yorke. Ben's final episode aired on 12 January 2018 after he fled the country. Ben's storylines include a feud between the show's Mitchell and Beale families for his custody; developing a", + "score": 0.7060546875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is about a character in a TV show called Ben Mitchell from EastEnders, and does not mention anything about Law and Order or Ben Stone." + }, + { + "id": "1483928", + "title": "Law & Order", + "text": "After 12 years on \"Law & Order,\" Orbach announced in March 2004 that he was leaving the show at the end of Season 14 for the spin-off \".\" Lennie Briscoe was written off as retiring from the NYPD and later taking a position as an investigator for the DA's office. He was replaced at the 27th Precinct by Detective Joe Fontana, played by Dennis Farina. At the time, Orbach would not state the reason for his departure, but it was eventually revealed that he had been battling prostate cancer (for over 10 years) and that his role on \"Trial by", + "score": 0.7060546875, + "summary": "Orbach left Law & Order at the end of Season 14 in March 2004, but the reason for his departure was not initially stated.", + "extraction": "Ben Stone is not mentioned in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "4084440", + "title": "Ben Miller", + "text": "that Miller would be departing the series, to be replaced by actor Kris Marshall. Filming began in March 2013, and Miller left in May after completion of the first episode, in which his character was murdered. Miller explained he had personal reasons for the change. \"It was the job of a lifetime, but logistically I just didn't feel I could continue.\" He went on to say that \"My personal circumstances just made it too complicated, but I will miss it like a lung. I love it here.\" Miller's wife had discovered she was pregnant after he had begun filming the", + "score": 0.70556640625 + }, + { + "id": "14060797", + "title": "Ben Kirk", + "text": "September 2010. In March 2014, it was announced that Ben and Libby would return, with Mallard cast as Ben. He made his screen return on 11 June 2014. The character returned again from 23 July 2015 until 16 November before making a permanent return on 31 March 2016, moving in with his grandparents. Mallard left the show in late 2017 and Ben made his final appearance on 10 April 2018. In 2001, Libby Kennedy (Kym Valentine) gave birth to her and husband Drew Kirk's (Dan Paris) son. The birth placed Libby's life in danger and she was rushed to intensive", + "score": 0.70556640625 + }, + { + "id": "3623945", + "title": "Michael Moriarty", + "text": "Right\" Moriarty writes that he was a \"very bad drunk\", but that as of February 1, 2004, he had been sober for three years. Michael Moriarty Michael Moriarty (born April 5, 1941) is an American-Canadian stage and screen actor and jazz musician. He received an Emmy Award and Golden Globe Award for his first acting role on American television as a Nazi SS officer in the 1978 mini-series \"Holocaust\", and he played Executive Assistant District Attorney Benjamin Stone for the first four seasons (1990\u20131994) on the television show \"Law & Order.\" Moriarty is also known for his roles in films", + "score": 0.705078125 + }, + { + "id": "11389664", + "title": "Law & Order: UK", + "text": "remained in their roles. The next series was broadcast in July 2011 and saw Jamie Bamber leave in the fifth series finale. Dominic Rowan and Peter Davison joined the main cast, replacing Daniels and Paterson. The next seven episodes were broadcast in January 2012 as series six, and saw Paul Nicholls join the cast as Sergeant Sam Casey. Jamie Bamber made his final uncredited appearance in the first episode of the series, in both flashback and photograph. It was later announced along with the commission of a seventh series that Harriet Walter and Freema Agyeman would depart off-screen, thus this", + "score": 0.7041015625 + }, + { + "id": "5964417", + "title": "Law & Order (season 6)", + "text": "Richard Brooks) returns in the episode \"Custody\", his first guest appearance after his departure after season three. Law & Order (season 6) The sixth season of \"Law & Order\" aired on NBC between September 20, 1995, and May 22, 1996. Rey Curtis (played by Benjamin Bratt) replaced season five's Mike Logan (Chris Noth) in the role of junior detective. This change left District Attorney Adam Schiff (played by Steven Hill) as the only remaining member of the series' cast from the first season. Hill was not an original member of the cast, as his character replaced D.A. Alfred", + "score": 0.7041015625 + }, + { + "id": "3421705", + "title": "Dennis Farina", + "text": "of his final acting roles. In 2004, the producers of the television series \"Law & Order\" hired Farina as Detective Joe Fontana; following the departure of longtime cast member Jerry Orbach. Farina stayed on the show for two seasons. In May 2006, it was announced Farina was leaving \"Law & Order\" for other projects, including the 2007 \"You Kill Me\" opposite Ben Kingsley and the 2008 \"What Happens in Vegas\" with Cameron Diaz and Ashton Kutcher. His role of Detective Lt. Mike Torello on \"Crime Story\" was as a Chicago police officer, who was assigned to the U.S. Justice Department.", + "score": 0.703125 + }, + { + "id": "3266737", + "title": "Steve Guttenberg", + "text": "Sharon Stone to return for an eighth sequel though Goldthwait said he had no desire to return to the series. Guttenberg also played himself in an episode of the Starz comedy \"Party Down\" that originally aired May 21, 2010. Guttenberg starred in Season 7 Episode 6 of \"Law & Order: Criminal Intent\" (air date: November 8, 2007) He appeared on Broadway in late 2011 to early 2012 in Woody Allen's one-act play \"Honeymoon Hotel\" which was part of the show \"Relatively Speaking\". Guttenberg can be seen on History Channel's 2015 miniseries \"Sons of Liberty\". He plays Jack Bonner. In Fall", + "score": 0.703125 + }, + { + "id": "9766370", + "title": "Warren Leight", + "text": "he left \"Criminal Intent\" after its to be the showrunner for HBO's series \"In Treatment\", a year after \"CI\" moved to cable. In July 2009, it was announced that Leight had joined FX's new drama \"Lights Out\". On April 11, 2011, \"Variety\" reported that Leight would serve as showrunner for \"\" starting with the . Prior to Leight joining \"SVU\", he wrote one of the final episodes of \"Law & Order: Criminal Intent\", the 10th season episode \"\", which was the only episode of the season not to be inspired by a real life, true event. Before production on the", + "score": 0.70263671875 + }, + { + "id": "6246400", + "title": "Arthur Branch", + "text": "ensure her pregnancy would develop past the legal time limit for the procedure, thus prompting her to desperately ask her boyfriend to assault her to induce a still birth. In the episode \"Ain't No Love\", he fires Southerlyn because he feels she is inappropriately sympathetic towards a defendant she is prosecuting. Despite her parting fears, Branch says he is not firing her because she is a lesbian. In May 2007, Fred Thompson left the cast of \"Law & Order\" to run for the Republican Party's 2008 nomination for President. On the show, no reason is given for Branch's departure, and", + "score": 0.701171875 + }, + { + "id": "18573875", + "title": "Law & Order: Special Victims Unit (season 17)", + "text": "Law & Order: Special Victims Unit (season 17) The seventeenth season of \"\" debuted on Wednesday, September 23, 2015 on NBC, and concluded on Wednesday, May 25, 2016. \"Law & Order: Special Victims Unit\" was renewed for a seventeenth season on February 5, 2015, by NBC. Mariska Hargitay (Olivia Benson) had her contract renewed for season 17, as well as Ice-T (Det. Fin Tutuola). It was announced in March 2015 that season seventeen would be show runner/executive producer Warren Leight's last season on the show; he signed a three-year deal with Sony Pictures Television, his contract allowing him to work", + "score": 0.69970703125 + }, + { + "id": "5091092", + "title": "Donald Cragen", + "text": "the murder charge, but announces that she is charging him with several other crimes, prompting Benson and the SVU detectives to dig into Foster's motives. Benson discovers that Foster was being bribed by several people involved in the scandal. The SVU detectives arrest Foster, which allows the charges against Cragen to be dropped. In the Season 15 episode \"Internal Affairs\", Cragen asks Benson to take the Sergeant's Exam and remarks that he is approaching the mandatory retirement age, numbering the days he has left with SVU. Cragen officially announces his retirement in the episode \"Amaro's One-Eighty\". He explains that he", + "score": 0.69970703125 + }, + { + "id": "6660309", + "title": "Ron Carver", + "text": "citing creative differences. Gaye was replaced by Theresa Randle, who herself only appeared in two episodes. Kent once quoted Carver as referring to Major Case as \"major hunch.\" As has often taken place in the Law & Order franchise, Vance first appeared on the original Law & Order series in a 1990 episode, \"By Hooker, By Crook\" as an unnamed Mayor's Aide. He also appeared in the season 5 episode, \"Rage\". In that episode, he portrayed Benjamin Greer, a suspect interviewed and arrested by Detectives Lennie Briscoe and Mike Logan. Appearing in 111 episodes, Carver is the second longest serving", + "score": 0.69921875 + }, + { + "id": "4747244", + "title": "Steven Hill", + "text": "be stated to rescue us from pandemonium. To me it lies in that principle: law and order.\" Hill earned another Emmy nomination for Best Supporting Actor in a Dramatic Series in 1997. At the time of his departure from \"Law & Order\", Hill was the longest-serving member of the original cast (his tenure was twice that of runner up Chris Noth); by the time the series was cancelled in 2010, Hill was the fourth-longest serving cast member altogether (behind S. Epatha Merkerson at 17 seasons, Sam Waterston at 16, and Jerry Orbach at 11 and a half). Hill also appeared", + "score": 0.6982421875 + }, + { + "id": "4688276", + "title": "Alex Walkinshaw", + "text": "left in 2001. In 2003, he returned when his character was promoted to Sergeant. When \"The Bill\" was axed in Scotland in 2009 by STV, Walkinshaw was the last person to appear on Scottish screens alongside Sam Callis as Sgt Callum Stone. After \"The Bill\" was axed in 2010 by ITV, Walkinshaw admitted that \"It was emotional shooting the final scenes\" and that he found it \"tough\" to leave behind some of his co-stars. He has previously admitted that he would be keen to appear in the soap, \"EastEnders\". In 2011, Walkinshaw was cast in \"Waterloo Road\" as PE teacher,", + "score": 0.6982421875 + }, + { + "id": "1483926", + "title": "Law & Order", + "text": "Curtis was. (Briscoe was described as being a recovering alcoholic, as Cragen had been; Green was described as being a recovering compulsive gambler.) In 2000, Hill announced he was leaving the series after Season 10. Hill, who was the last remaining member of the original cast, said his departure was mutual with the producers. He was replaced by Dianne Wiest as Interim District Attorney Nora Lewin, and Adam Schiff was written out off-screen as departing to work with Jewish charities and human-rights organizations in Europe. The following year, Harmon left the show after three seasons (with Abbie Carmichael written off", + "score": 0.69580078125 + }, + { + "id": "3977666", + "title": "S. Epatha Merkerson", + "text": "production opened a successful run on Broadway and earned Merkerson her second Tony nomination. On April 1, 2010, it was confirmed that after 17 seasons, Merkerson would leave \"Law & Order\" at the end of the show's twentieth season. Her departure from \"Law & Order\", which aired on May 24, 2010, was also the show's final episode. In total, Merkerson appeared on the series for 17 consecutive seasons - 395 episodes \u2014 which was more than any other actor associated with the program. In 2012, Merkerson became the host of the show \"Find Our Missing\" which highlights the search for", + "score": 0.6953125 + }, + { + "id": "1614721", + "title": "Law & Order: Special Victims Unit", + "text": "recurring role for episodes 1\u20133 and then was promoted to the main cast in episode 5, with Kelli Giddish, Danny Pino, Ice-T and Ra\u00fal Esparza no longer appearing in every episode. On May 20, 2015, it was revealed that Danny Pino would be leaving the cast after the season 16 finale \"Surrendering Noah\". In August 2017, it was announced that Philip Winchester would recur in season 19 as ADA Peter Stone, his character from \"Chicago P.D.\" and \"Chicago Justice\", who is the son of Benjamin Stone, the ADA on the original \"Law & Order\" show. It was later also announced", + "score": 0.6953125 + }, + { + "id": "5114250", + "title": "Rey Curtis", + "text": "Rey Curtis Reynaldo Curtis is a fictional character on the TV drama \"Law & Order\", created by Ed Zuckerman and portrayed by Benjamin Bratt from 1995 to 1999. He appeared in 98 episodes (95 episodes of \"Law & Order\" and three episodes of \"\"). He also appeared in \"\". Curtis is introduced as a homicide detective in the New York Police Department, the junior partner of Lennie Briscoe (Jerry Orbach) in Manhattan's 27th Detective Squad. In contrast with his predecessor, Mike Logan (Chris Noth), Curtis \u2014 a conservative, devout Catholic \u2014 does his job by the book, and views it", + "score": 0.6943359375 + }, + { + "id": "1614717", + "title": "Law & Order: Special Victims Unit", + "text": "contract. Warren Leight became the new showrunner during this same year and signed on before he knew that Meloni would be leaving the cast. The second major departure to be announced in 2011 was that of BD Wong. On July 17, Wong announced on Twitter that, \"I actually do not return for season 13, I am jumping to \"Awake\"! It's awesome!\" Wong added, \"I don't know if or when I'll be back on \"SVU\"! It was amazing to have such a cool job for 11 years and to be a real NY Actor.\" Wong reprised his role as Dr. Huang", + "score": 0.69384765625 + }, + { + "id": "7360264", + "title": "Kevin Stoney", + "text": "and Small\", \"The Bill\" and in the highest rated episode of \"Inspector Morse\". In 1985, it was reported in the \"Doctor Who\" fan magazine \"DWB\" that Stoney had died at the age of 64, but in 1987 he made an appearance at a \"Doctor Who\" convention to prove he was very much alive, to the shock of the fans. He retired in 1993. Kevin Stoney died on his 87th birthday, 22 January 2008, in Chiswick, after a long battle with skin cancer. Kevin Stoney Kevin Stoney (22 January 1921 \u2013 22 January 2008) was an English actor. He was best", + "score": 0.69384765625 + }, + { + "id": "1768135", + "title": "Vincent D'Onofrio", + "text": "Robert Goren on the NBC/USA Network television show \"\". On March 1, 2008, D'Onofrio made a cameo appearance in a presidential election-related sketch in a \"Saturday Night Live\" episode as his character Det. Robert Goren. In the sketch, he interrogates Hillary Clinton (played by Amy Poehler). His entrance to and exit from the skit are punctuated by the \"Law & Order\" \"dun-DUN\" sound. In 2009, it was announced that D'Onofrio would be leaving \"Law & Order: Criminal Intent\" in the spring of 2010, with his last appearance occurring in the two-part, season-9 premiere. He was replaced by Jeff Goldblum, but", + "score": 0.693359375 + }, + { + "id": "5053551", + "title": "Benjamin Stone (Law & Order character)", + "text": "the Deputy Chief of the Special Prosecutions Bureau in Chicago and is now the Chief ADA of the Sex Crimes Bureau in New York, and a daughter, Pamela. Stone's prosecutorial methods are portrayed as being grounded in moral principles stemming from his Catholic faith. He is shown to be pro-life and opposed to the death penalty. He also is a strong advocate of social justice, having marched in the civil rights movement. It is implied that Stone, like actor Moriarty, is a Dartmouth College alumnus, with references to \"fraternity row\" and New Hampshire. Stone became Executive Assistant DA in 1985", + "score": 0.6923828125 + }, + { + "id": "6734077", + "title": "Angus T. Jones", + "text": "in April 2013 that he would be downgraded to recurring status for season 11, but ultimately he did not appear at all during Season 11. He was replaced on the show by Amber Tamblyn. On March 18, 2014, Angus T. Jones officially announced his departure from the show, stating he had been \"a paid hypocrite\". However, he returned in a cameo for the series finale in Season 12, \"Of Course He's Dead\", which aired February 19, 2015. In 2016, Jones joined the management team of Tonite, a multimedia and event production company started by Justin Combs and Kene Orjioke. Jones", + "score": 0.6923828125 + }, + { + "id": "5516132", + "title": "Olivia Benson", + "text": "Benson is promoted to Sergeant and appointed as acting commanding officer, in the wake of the retirement of both Sergeant John Munch (Richard Belzer) and Captain Donald Cragen (Dann Florek). During the 17th season, she is promoted to Lieutenant and becomes the squad's official commanding officer. The character first appeared in the \"Law & Order: Special Victims Unit\" pilot episode, \"\", which aired September 20, 1999. Hargitay remains the only original cast member still present on the series. Benson has been credited in 444 episodes of \"SVU\" (452 in the franchise/universe), and as of season 20, she is currently the", + "score": 0.6923828125 + }, + { + "id": "17646559", + "title": "Benjamin Perrin", + "text": "had mistakenly been believed, following Perrin's abrupt departure from the PMO in March 2013. The PCO letter states the account was not deleted, as is standard practice, but in fact frozen due to unrelated litigation. In April 2013, Perrin left the Office of the Prime Minister and took up a position on the Faculty of Law at UBC. On 30 July 2014, the Law Society of British Columbia announced that it closed its file related to Perrin's alleged role in the affair because the complaint was not valid. On 25 October 2014, the Law Society of Upper Canada also reported", + "score": 0.6923828125 + }, + { + "id": "2197814", + "title": "The Streets of San Francisco", + "text": "a film career. His character's absence was explained by having him take a teaching position at a local college, while Lt. Stone was partnered with another detective, Insp. Dan Robbins (played by Richard Hatch), who had started his career on the ABC soap \"All My Children\" and would later go on to \"Battlestar Galactica\". The change was not popular with audiences, and the show ended in 1977, due to declining ratings and increased production costs. Additionally in 1977, writer James J. Sweeney won an Edgar Award from the Mystery Writers of America for his teleplay for the season four episode", + "score": 0.69140625 + }, + { + "id": "11389662", + "title": "Law & Order: UK", + "text": "7. On 8 April 2014, it was confirmed that Paterson Joseph, who plays Detective Inspector Wes Layton, would be leaving the series, with his character to be killed off in episode 7 of series 8. He was replaced by Sharon Small as DI Elizabeth Flynn in episode 8. On 3 June 2014, ITV confirmed that Bradley Walsh had declined a contract option to return for a ninth series, simultaneously the show was retired indefinitely. The first four series of \"Law & Order: UK\" starred Bradley Walsh, Jamie Bamber and Harriet Walter, Ben Daniels, Freema Agyeman and Bill Paterson. Each commission", + "score": 0.6904296875 + }, + { + "id": "11165603", + "title": "Christian Clarke", + "text": "friendship with Roxy Mitchell (Rita Simons) and being involved in the coming out storylines of both Steven Beale (Aaron Sidwell) and Ben Mitchell (Joshua Pascoe). On 17 September 2012, it was announced that Partridge would be leaving his role, following Elliott's decision to leave the show. They left together in the 4,532nd episode, originally broadcast on 15 November 2012. Partridge returned to the show for two episodes in May 2014 which saw Christian attend the funeral of Lucy Beale (Hetti Bywater). Christian appeared in two episodes on 19 and 20 May 2014. In January 2015, it was confirmed that Partridge", + "score": 0.6904296875 + }, + { + "id": "14980110", + "title": "Law & Order: Criminal Intent (season 10)", + "text": "consisting of eight episodes, with star Vincent D'Onofrio who portrays Detective Robert Goren. The news of \"Law & Order: CI\" getting a proper closure was in stark contrast with the abrupt cancellation of the original mothership series by NBC in May 2010. Weeks later, it was announced that Kathryn Erbe would be returning as her character Detective Alex Eames, also confirming that ninth season cast member Saffron Burrows (Detective Serena Stevens) had departed. This meant a return to the single, original pair of Detectives Eames and Goren that featured in the first four seasons of the series. In February 2011,", + "score": 0.68994140625 + }, + { + "id": "3692105", + "title": "Angie Harmon", + "text": "Abbie Carmichael from 1998 to 2001. During this time, she also voiced Barbara Gordon in the animated film \"\", succeeding Stockard Channing in that role. Harmon left \"Law & Order\" to concentrate on her film career, saying that she preferred working in film to television. After appearing in the 2001 direct-to-video film \"Good Advice\", she had a supporting role in \"Agent Cody Banks\" (2003), playing the CIA handler of a teenage agent (Frankie Muniz). In 2006, Harmon co-starred with Cuba Gooding Jr. and James Woods in the direct-to-DVD political suspense drama \"End Game\". In 2006, Harmon starred in an ABC", + "score": 0.689453125 + }, + { + "id": "9255944", + "title": "Scottie Thompson", + "text": "She appeared regularly throughout season 4 and left the show in early season 5 (she reappeared later that season in the episode \"Internal Affairs\"). She then filmed the independent movie \"Pornstar\" (2008), co-starring Matthew Gray Gubler of \"Criminal Minds\", and made guest appearances on \"Shark\" (2007), \"\" (2007) and \"Eli Stone\" (2008). In 2008 Thompson appeared in the video for Counting Crows single \"You Can't Count on Me\". She also had a small part in J. J. Abrams \"Star Trek\". In February 2010, Thompson was cast in the Brothers Strause alien-apocalypse film \"Skyline\", which was released in November of that", + "score": 0.6884765625 + }, + { + "id": "5964576", + "title": "Law & Order (season 15)", + "text": "Law & Order (season 15) The 15th season of \"Law & Order\" premiered on NBC with a two-hour premiere on September 22, 2004, and concluded on May 18, 2005. In May 2004, it was announced that Dennis Farina would be replacing Jerry Orbach (Detective Lennie Briscoe) as Detective Joe Fontana. Having moved over to the third \"Law & Order\" spin-off, \"\", Orbach only filmed two episodes of the series before his death in December 2004. Assistant District Attorney Serena Southerlyn, played by Elisabeth R\u00f6hm, became the first ADA to reach her fourth season on \"Law & Order\". However, midway through", + "score": 0.6884765625 + }, + { + "id": "10903025", + "title": "Law & Order: Special Victims Unit (season 9)", + "text": "really looking forward to the future.\" Adam Beach fully joined the cast as Detective Chester Lake, who had already appeared twice on the show. A plan announced by Neal Baer in February 2007 was to portray the detective as a special victim himself. This was fulfilled in the episode \"Fight\" which reveals that Lake was a foster child. However, days after Diane Neal's departure was announced, Adam Beach announced that he was departing the cast as well. \"I very much enjoyed my year on \"Law & Order: SVU\",\" Beach said. \"Now I'm looking forward to new adventures.\" Cynthia Nixon guest", + "score": 0.68798828125 + }, + { + "id": "5674228", + "title": "Ben Thapa", + "text": "during their performances. The group split in 2007, with Thapa stating: \"I am not a team player. I don't want to be Ben from G4 any more\". However, after a seven-year hiatus, G4 reunited for a reunion concert at the Barbican Hall, and announced their 2015 reunion tour. Ben continued touring and recording with G4 until April 2018. Then on 19 July he announced on social media that he was leaving G4 with immediate effect to concentrate on his solo Operatic career. Thapa has worked with the National Chamber Choir of Ireland, released the album \"Songs of My Childhood\", and", + "score": 0.68798828125 + }, + { + "id": "3977620", + "title": "Jesse L. Martin", + "text": "while he was filming the movie adaptation of \"Rent\" in which he reprised the role of Tom Collins. Martin's final episode of \"Law & Order\" aired April 23, 2008, as he was replaced by Anthony Anderson. Martin returned to NBC a year later as the co-star of \"The Philanthropist\". On September 14, 2012, NBC announced that Martin would be joining the cast of \"Smash\" during season two for a nine-episode arc as Scott Nichols, the artistic director of the Manhattan Theatre Workshop. Martin has also been cast as one of the leads in an NBC pilot of \"The Secret Lives", + "score": 0.6875 + }, + { + "id": "17251551", + "title": "Law & Order: Special Victims Unit (season 15)", + "text": "John Munch) would depart the main cast in the fifth episode, \"Wonderland Story.\" The storyline showed Munch retiring from the Special Victims Unit after 15 years in order to move onto becoming a Special District Attorney Investigator, which allowed the character to make future recurring appearances on the series. Belzer, one of the series' original cast members, collectively portrayed Munch for 20 years as a regular on \"\" (1993\u201399) and later \"SVU\", in conjunction with guest appearances in other \"Law & Order\" universe shows. On December 10, 2013, it was announced that Dann Florek (Captain Donald Cragen) would depart \"SVU\"", + "score": 0.6875 + }, + { + "id": "14176030", + "title": "Law & Order: Criminal Intent (season 7)", + "text": "played Detective Nola Falacci, a new partner to Detective Logan, while Nicholson was on maternity leave. Nicholson returned in the episode \",\" which aired on June 15, 2008 (with \"In Plain Sight's\" Mary McCormack making a cameo as her character). Chris Noth decided to leave the series at the end of the season; Noth told \"TV Guide\", \"When others couldn't get television shows produced in New York, Dick Wolf found a way to do it, and as a New Yorker I truly appreciate all that he has done for the city. The last few years have been fantastic, and both", + "score": 0.6875 + }, + { + "id": "1614729", + "title": "Law & Order: Special Victims Unit", + "text": "Paxton (Christine Lahti) and Jo Marlowe (Sharon Stone) until the conclusion of season eleven. Gillian Hardwicke served as the SVU ADA during season twelve. In season thirteen, both Cabot and Novak returned as ADAs. From the beginning of season fourteen, ADA Rafael Barba had been SVU's prosecutor, until leaving halfway through season nineteen. \"Chicago Justice\"'s Peter Stone became SVU's ADA after \"Chicago Justice\" was canceled after only one season. In season 13, other big changes happened when Stabler left in the season twelve finale. Detectives Nick Amaro and Amanda Rollins joined the team filling the void left by Stabler. Amaro", + "score": 0.68701171875 + }, + { + "id": "5114258", + "title": "Rey Curtis", + "text": "19. While sifting through compact discs at an outdoor store at the end of season six, Curtis mentions that he likes the bands Oasis and Big Brother and the Holding Company. Curtis appears along with Briscoe on the \"\" episodes \"For God and Country\", \"Baby, It's You\" and \"Sideshow\", in which they team up with John Munch (Richard Belzer) on cases that span from New York to Baltimore. Rey Curtis Reynaldo Curtis is a fictional character on the TV drama \"Law & Order\", created by Ed Zuckerman and portrayed by Benjamin Bratt from 1995 to 1999. He appeared in 98", + "score": 0.68603515625 + }, + { + "id": "2207464", + "title": "Karl Malden", + "text": "season, Douglas left the show to act in movies; Douglas had also produced the film \"One Flew Over the Cuckoo's Nest\" in 1975. Lt. Stone's new partner was Inspector Dan Robbins, played by Richard Hatch. The show took a ratings nosedive, and ABC cancelled the series after five seasons and 119 episodes. In 1980, Malden starred in \"Skag\", an hour-long drama that focused on the life of a foreman at a Pittsburgh steel mill. Malden described his character, Pete Skagska, as a simple man trying to keep his family together. The pilot episode for the series had Skag temporarily disabled", + "score": 0.68603515625 + }, + { + "id": "18573889", + "title": "Law & Order: Special Victims Unit (season 17)", + "text": "holds a reputation of being a family man, along with a history of corruption and violence against women. Law & Order: Special Victims Unit (season 17) The seventeenth season of \"\" debuted on Wednesday, September 23, 2015 on NBC, and concluded on Wednesday, May 25, 2016. \"Law & Order: Special Victims Unit\" was renewed for a seventeenth season on February 5, 2015, by NBC. Mariska Hargitay (Olivia Benson) had her contract renewed for season 17, as well as Ice-T (Det. Fin Tutuola). It was announced in March 2015 that season seventeen would be show runner/executive producer Warren Leight's", + "score": 0.68603515625 + }, + { + "id": "5516164", + "title": "Olivia Benson", + "text": "Precinct as a Detective 3rd Grade, and was partnered with Stabler. She is promoted to Detective 2nd Grade in 2001, and Detective 1st Grade in 2011. In 2006, she is temporarily reassigned to the Computer Crimes Unit; later that year, she does a stint undercover for the FBI's Domestic Terrorism Unit at the request of her friend, Special Agent Dana Lewis (Marcia Gay Harden). Benson and Stabler work together for over 12 years, until Stabler retires in 2011 after he kills an 18-year-old girl who shot up the SVU squad room. Following Stabler's resignation, she is partnered with Det. Nick", + "score": 0.68505859375 + }, + { + "id": "8625266", + "title": "Law & Order (season 17)", + "text": "Law & Order (season 17) The 17th season of \"Law & Order\" premiered on NBC on September 22, 2006, and concluded on May 18, 2007. Following the departures of Dennis Farina and Annie Parisse at the end of the sixteenth season, Milena Govich and Alana de la Garza joined the cast as Detective Nina Cassady and Assistant District Attorney Connie Rubirosa, respectively. Jesse L. Martin's character (Ed Green) was promoted to senior detective to replace Farina's character. At the end of the season, Fred Thompson (Arthur Branch) and Milena Govich departed the cast. Former cast member Richard Brooks reprised his", + "score": 0.68505859375 + }, + { + "id": "13790183", + "title": "Law & Order: Criminal Intent (season 9)", + "text": "Law & Order: Criminal Intent (season 9) The ninth season of \"\" premiered on the USA Network March 30, 2010, and ended on July 6, 2010. After the two-part , Vincent D'Onofrio, Kathryn Erbe, and Eric Bogosian left the show. Bogosian's character (Capt. Daniel Ross) was killed off in the first part of the premiere. Bogosian was replaced in the cast by Mary Elizabeth Mastrantonio, playing Captain Zoe Callas. Saffron Burrows joined the cast (as Detective Serena Stevens), replacing Julianne Nicholson (who was pregnant and having a child during taping) who played Detective Megan Wheeler. Jeff Goldbum assumed the leading", + "score": 0.6845703125 + }, + { + "id": "5497151", + "title": "Alexandra Cabot", + "text": "Department. At that point, she had not told her former colleagues of her return; she is implied, and later confirmed, to be still traumatized by her attempted murder. The detectives learn she had left witness protection after Velez died in prison and Connors was extradited to Ireland. Sometime between 2006 and 2007, she stepped down from the position of homicide bureau chief and is replaced by Christine Danielson (Gloria Reuben). Cabot begins work in the Appeals Bureau until her return to SVU. She remains at SVU for the remainder of the season, in which she appears in six episodes in", + "score": 0.68408203125 + }, + { + "id": "20569198", + "title": "Peter Stone (Chicago and Law & Order character)", + "text": "Kelly a lesson. Tony tries to attack Carol, but Benson restrains him, while Stone protects her. Stone helps Benson arrest Tony for raping Carol. In \"Mea Culpa\", Stone is accused of rape by a woman named Sarah Kent and charges are pressed against him. Benson arrests Stone for rape and later releases him. Afterward, he is held hostage by Sarah's husband Gary. Suddenly, Benson rescues Stone, who allows the police to arrest Gary. It is soon discovered that Stone's friend Reggie Gregg was the rapist and had set up Stone. Benson arrests Gregg for rape, resulting in the charges against", + "score": 0.68359375 + }, + { + "id": "16520175", + "title": "Jason Gideon", + "text": "Jason Gideon Jason Gideon was a fictional character in the CBS crime drama \"Criminal Minds\", portrayed by Mandy Patinkin. Gideon was a Senior Supervisory Special Agent and the unit chief of the FBI's Behavioral Analysis Unit, and has appeared from the series' pilot episode \"Extreme Aggressor,\" which was originally broadcast on September 22, 2005. He is also portrayed as a younger man by Ben Savage, in flashbacks. Mandy Patinkin abruptly left the show in 2007, just as his character abruptly quit from the BAU, due to emotional distress. In 2012, Patinkin opened up about why he left stating that the", + "score": 0.68310546875 + }, + { + "id": "14980109", + "title": "Law & Order: Criminal Intent (season 10)", + "text": "1.67 million in the age 18-49 demographic; higher than the numbers the show pulled in the . In August 2010, Jeff Goldblum (Detective Zack Nichols) announced his departure from the series after switching agencies and being unsure of the series's future. The options for renewal of Goldblum, Saffron Burrows, and Mary Elizabeth Mastrantonio's contracts formally expired on July 31, 2010, after being extended by a month on June 30 when they were originally up. The series at the time was in limbo. Over a month later, it was confirmed that \"Criminal Intent\" was returning for a tenth and final season", + "score": 0.68310546875 + }, + { + "id": "4089044", + "title": "Dann Florek", + "text": "In 1999 he returned to the Cragen role, only this time on the \"Law & Order\" spin-off series \"\", as the unit captain. Florek was written out of the series during its 15th season, and his final episode aired on January 15, 2014. He reprised his role in the 21st episode of season 16 in May 2015. Florek and his wife, Karen, live in Venice, Los Angeles. Karen works as an artist. His brother, Dave, is also an actor. All three trained in the Daniel L. Quirk Jr. drama school at Eastern Michigan University. Florek received an honorary Bachelor of", + "score": 0.68310546875 + }, + { + "id": "5093500", + "title": "Mike Logan (Law & Order)", + "text": "the \"\" Season 4 episode \"Stress Position\". Logan subsequently became a regular on \"Criminal Intent\", starting with the first episode of season five, \",\" which originally aired on September 25, 2005. Logan then left the series in the 21st episode of season seven, \",\" which originally aired on August 17, 2008. Mike Logan was born in 1958 in New York City's Lower East Side into a working-class Irish-Catholic family. His father was also a police officer. He spent 10 years attending Our Lady of Mercy, where he was often in trouble and sent to see the guidance counselor. Little is", + "score": 0.6826171875 + }, + { + "id": "6660308", + "title": "Ron Carver", + "text": "during a particularly twisted investigation; after hearing all the gruesome details, he observed, \"This makes me want to go home and kiss my wife\". He is pro-life and a fan of classic model cars. While in law school, he also formed a barbershop quartet-style singing group with several of his classmates. Carver was written out of \"Law & Order: Criminal Intent\" after Vance left the show at the end of its fifth season. Carver was to be replaced by . The part was originally given to Nona Gaye (Marvin Gaye's daughter), but she left the show within a few days", + "score": 0.6826171875 + }, + { + "id": "2956091", + "title": "Law & Order: Criminal Intent", + "text": "on July 31, 2010 after being extended by a month on June 30, 2010 when they were originally up. A final decision by the USA Network over whether the series would be renewed for another season had not been announced at that time. On September 22, 2010, \"Variety\" announced that \"Criminal Intent\" had been renewed, and that Vincent D'Onofrio would be returning to the series as Detective Robert Goren for its final season. Kathryn Erbe subsequently signed on to reprise the role of Detective Eames for the eight-episode final season of \"Law & Order: Criminal Intent\". Chris Brancato was announced", + "score": 0.6826171875 + }, + { + "id": "5053552", + "title": "Benjamin Stone (Law & Order character)", + "text": "after convicting con artist and murderer Philip Swann, who years later enters a civil suit against Stone when the validity of the conviction is called into question. (Swann is ultimately found guilty, however, and sent back to prison.) Stone's assistants have been Paul Robinette and Claire Kincaid. A strict, unyielding boss, Stone can be very difficult to work with; in the pilot episode, Sergeant Max Greevey and Detective Mike Logan, intimate that Stone \"eats ADAs for lunch.\" Nevertheless, Stone is usually rather soft-spoken, and is fond of using harmless words like \"sir\" to convey his contempt for the people he", + "score": 0.68212890625 + }, + { + "id": "6135750", + "title": "Lovehammers", + "text": "Fall of 2003, Ben Kelly officially left the band. Marty Casey explained the departure In an informal message posted to the website: \"\"He [Ben] was a part of this band for a long time. I can't honestly sit here and say I do not miss him... There are only 24 hours in a day and Ben was operating on a 48 hour schedule. We wanted to put every single moment of energy into our next CD. This is what I have been building up to for my entire life. I wanted to put every moment of my life into creating", + "score": 0.681640625 + }, + { + "id": "8815608", + "title": "Law & Order: Special Victims Unit (season 8)", + "text": "Law & Order: Special Victims Unit (season 8) The eighth season of the television series, \"\" premiered September 19, 2006 and ended May 22, 2007 on NBC. The series remained in its 10pm/9c Tuesday timeslot. With the introduction of a new partner for Detective Stabler, early episodes of season 8 took on a significantly different focus when compared to those of previous seasons. The eighth season began filming when Mariska Hargitay was in the final stages of her pregnancy. As a result, two episodes \"Informed\" and \"Scheherazade\" made use of desks, folders, and headshots to disguise Benson's abdomen. \"Informed\" became", + "score": 0.681640625 + }, + { + "id": "17515309", + "title": "Law & Order: UK (series 8)", + "text": "Law & Order: UK (series 8) On 28 June 2013, Bradley Walsh stated on \"This Morning\" that would return with an eighth series, commissioned to start filming in October 2013. In September 2013, broadcaster ITV confirmed that \"Law & Order: UK\" would return in 2014 with an eight episode series, and that Ben Bailey Smith had been cast as DS Joe Hawkins, replacing Paul Nicholls as DS Sam Casey. This was the last series of \"Law & Order: UK\" to air, with broadcaster ITV and producer Kudos issuing a joint press release, on 3 June 2014, announcing that it would", + "score": 0.68115234375 + }, + { + "id": "8526277", + "title": "Ensign (band)", + "text": "producer (Steve Evetts) as their debut on Indecision for the next full-length outing, \"Cast the First Stone\" released in March, 1999. While on tour in Ireland, Ryan Murphy decided to leave the band and was replaced by John \"Vince Vegas\" O'Neill. Before touring Europe in 2000, Ryan Donoghue left the band which, although was on very good terms, left the band with a situation. Nate solved it by employing Chris Oliver for bass duties on the tour (teaching him along the way) while taking up the guitar duties himself. In April, 2000, Indecision Records released a retrospective album of Ensign", + "score": 0.68115234375 + }, + { + "id": "11389663", + "title": "Law & Order: UK", + "text": "consisted of thirteen-episode seasons to be broken up in 6\u20137 episode series. Series one was broadcast in February 2009 and concluded in March 2009 with seven episodes being broadcast. The second series followed in January 2010 and consisted of six episodes. The series was renewed for another thirteen episodes and the first seven were broadcast as series three in September 2010. The remaining six were broadcast in March 2011 as series four. The first major cast departures came at the end of the fourth series, with Ben Daniels and Bill Paterson leaving the series. Walsh, Bamber, Walter, and Agyeman all", + "score": 0.68115234375 + }, + { + "id": "14594699", + "title": "Jesse N. Stone", + "text": "the Southern University Law Center. From 1972 to 1974, he was an appointed associate justice of the Louisiana Supreme Court. On July 1, 1974, he returned to the Southern University System to serve as its fourth president, a position that he retained until 1985. After leaving the presidency, Stone became a law professor at the center but retired in 1986. Thereafter, he was a member of the Southern Board of Supervisors from 1991-1995. Stone died in Shreveport of a long illness shortly before his 77th birthday. Survivors included his wife, the former Willa Dean Anderson (born ca. 1928), and a", + "score": 0.6806640625 + }, + { + "id": "2956103", + "title": "Law & Order: Criminal Intent", + "text": "Wheeler temporarily leaves MCS to go to Europe, where she teaches a course on American police procedure. In reality, Julianne Nicholson was pregnant with her first child and was replaced temporarily by Alicia Witt, playing Detective Nola Falacci. Noth left the series at the . He was replaced by Jeff Goldblum as Detective Zack Nichols. The series was renewed for a ninth season, which began in March 2010 and marked the departure of D'Onofrio, Erbe, and Bogosian. Ross is murdered in the first half of the season premiere, while Eames fires Goren in the second half and then quits the", + "score": 0.68017578125 + }, + { + "id": "17251552", + "title": "Law & Order: Special Victims Unit (season 15)", + "text": "in an episode airing in January 2014. The storyline was revealed in \"Internal Affairs\", in which he reveals to Benson (Hargitay) that like Munch, he too has his days left at SVU numbered, as he is approaching the mandatory retirement age limit. Like Belzer, Florek was one of the series' original cast members, portraying Cragen for fifteen consecutive seasons. Florek was the last link to the original franchise, portraying Captain Cragen in the first three seasons of \"Law & Order\" (1990\u201393), returning for guest appearances in later seasons, as well as appearing in \"\" (1998). After appearing in the ,", + "score": 0.6796875 + }, + { + "id": "14443650", + "title": "Payback (Law & Order: Special Victims Unit)", + "text": "show. Shortly after Florek reprised his role for \"\", he received a call to be on \"Sex Crimes\". Initially reluctant, he eventually agreed to star on the show as Cragen on the assurance that he would not be asked to audition for the role. Shortly after the cancellation of \"\", Richard Belzer heard that Benjamin Bratt had left \"Law & Order\". Belzer called his manager and instructed his manager to call Wolf and pitch the idea for Belzer's character from \"Homicide\", John Munch, to become Lennie Briscoe's new partner since they had previously teamed in three \"Homicide\" crossovers. Wolf loved", + "score": 0.67919921875 + }, + { + "id": "20718870", + "title": "Zubin Khan", + "text": "a two-week location shoot. They keep their relationship a secret and Jess becomes pregnant. She dates Senior House Officer Sean Thompson (Chinna Wodu) and pretends the baby is his. The truth eventually comes out and he and Jess get together. Other stories include Zubin being promoted as the head of the hospital's intensive care unit. When Malik decided to leave the show in 2005, Zubin's final episodes saw him investigated over a patient's death and moving to live in the United States. His final appearance occurred in the episode titled \"Days of Repentance\", which aired on 4 October 2005. For", + "score": 0.67919921875 + }, + { + "id": "15455247", + "title": "Ben Lawton", + "text": "a difficult recovery, he resumed all of his professional activities. However, Lawton ultimately developed pancreatic carcinoma in late 1986; he was visited during his last illness by many state and national political figures who were among his friends and admirers. Dr. Lawton died on May 18, 1987, and he is buried in Marshfield, WI. Ben Lawton Ben Redmond Lawton, M.D., F.A.C.S. (July 17, 1922 \u2013 May 18, 1987) was an eminent physician, general and thoracic surgeon, healthcare-reformer, educator, and President of the University of Wisconsin Board of Regents from 1984 to 1986. Ben Lawton was the third of four Lawton", + "score": 0.67822265625 + }, + { + "id": "7099100", + "title": "Monique Jeffries", + "text": "Hurd ultimately departed from the series during the to join the Showtime drama series \"Leap Years\". After her departure from the show, Hurd said, \"I think it's just sad they didn't have faith to stick around with me.\" However, she said she bore no ill feelings about her time on \"Law & Order: Special Victims Unit\", but felt the casting on \"Leap Years\" was a \"rare opportunity\". Roger Friedman, an entertainment journalist for Fox News, reported that Richard Belzer arranged for Hurd to be fired because her character was receiving too many story-lines and distracting attention from him, but that", + "score": 0.67822265625 + }, + { + "id": "10903034", + "title": "Law & Order: Special Victims Unit (season 9)", + "text": "second last episode \"Trade\" starred Stephen Collins and Matthew Davis as Pearson Bartlett Sr and Jr, a pair of coffee magnates who come under suspicion in a woman's murder. When asked if he enjoyed being on \"SVU\", Collins tweeted \"yes, but the role was difficult.\" This was followed by the fast-paced season finale \"\". Law & Order: Special Victims Unit (season 9) The ninth season of the police procedural/legal drama, \"\" premiered September 25, 2007 and ended May 13, 2008 on NBC. It aired on Tuesday nights at 10pm/9c. Mariska Hargitay, having won a Golden Globe Award in", + "score": 0.67822265625 + }, + { + "id": "20569197", + "title": "Peter Stone (Chicago and Law & Order character)", + "text": "and the SVU team, the resulting shoot-out ends up mortally wounding Pamela, who dies in her devastated brother's arms. However, after Stone tells Benson that his sister's last word was his first name, he begins weeping in her arms. In the premiere \"\", it is revealed that Stone has been drinking heavily out of guilt for Pamela's death. He also turns down Benson's offer to talk about his feelings about this, despite her trying to be there for him. In \"Revenge\", Stone welcomes both Benson and Carol Solomon, one of the rape victims, to teach rape and murder suspect Tony", + "score": 0.677734375 + }, + { + "id": "1483931", + "title": "Law & Order", + "text": "his recovery by Detective Nick Falco, played by Michael Imperioli, who had previously guest starred as a murder suspect in the Season 6 episode \"Atonement.\" Parisse left the series at the end of Season 16 (with ADA Borgia written off as being murdered), and Farina announced shortly afterward that he too was leaving \"Law & Order\" to pursue other projects. (Detective Fontana was written off as having retired off-screen.) By this point, NBC executives believed the series was beginning to show its age, as the ratings had been declining since Orbach's departure. Farina had never been popular with fans when", + "score": 0.677734375 + }, + { + "id": "18116990", + "title": "Ben Weston (Days of Our Lives)", + "text": "intentionally played coy during another interview in November 2015. When asked if he was coming or going, the actor \"It's a little bit of both. Maybe he's gone and then he's back and then he's gone. Maybe he's just among us. Maybe he's something that you can't get rid of.\" Wilson seemingly vacated the role on December 8, 2015, when Ben goes to prison. By the time of his departure, Wilson felt that Ben had completed his arc. Despite reports that Wilson was done with the series, the actor continued posting pictures on social media of himself on the set.", + "score": 0.6767578125 + }, + { + "id": "18989590", + "title": "Benjamin S. Liddon", + "text": "term as associate justice. He served 2 years and 7 months from June 1, 1894 to January 1897. Liddon resigned in January 1897 and moved to Pensacola to resume a law practice. Governor William D. Bloxham appointed Francis Carter to succeed him on January 11, 1897. He died December 21, 1909 in New Orleans, Louisiana. Benjamin S. Liddon Benjamin S. Liddon (September 7, 1853 \u2013 December 21, 1909) was a Justice of the Florida Supreme Court from 1894 to 1896. Born in Marianna, Florida, Liddon taught school while studying to become a lawyer. He began practicing law in 1875 and", + "score": 0.6767578125 + }, + { + "id": "14060808", + "title": "Ben Kirk", + "text": "2018, Daniel Kilkelly of \"Digital Spy\" confirmed Mallard had finished filming with the show in late 2017. Ben left Erinsborough on 19 March 2018, but he continued to make appearances via video calls after his departure. He made his final appearance on 10 April 2018. Ben's exit storyline begins with him feeling like he is \"at a loose end\", as he struggles to bond with Mark Brennan (Scott McGregor) at the garage. He is also unsure about what he wants for his future, unlike his girlfriend Xanthe Canning (Lily Van der Meer). His parents' friend Stephanie Scully (Carla Bonner) takes", + "score": 0.6767578125 + }, + { + "id": "15610190", + "title": "Law & Order: Special Victims Unit (season 13)", + "text": "it's got more of a nitty-gritty feel.\" She says having her and Stephanie March back provides a familiarity for viewers now that original cast member Chris Meloni is gone. \"I think they should put us in the court room together!\" she says about March. On July 17, 2011, during an \"SVU\" marathon on USA Network dedicated to his character, BD Wong announced his departure from the cast on Twitter. In response to a tweet about his character's status in season 13, he wrote, \"I actually do not return for Season 13, I am jumping to \"Awake\". It's awesome!\". Wong added,", + "score": 0.67626953125 + }, + { + "id": "17515310", + "title": "Law & Order: UK (series 8)", + "text": "be \"the last to be transmitted for the foreseeable future\". Note: Temporary episode guide taken from ITV press release. Law & Order: UK (series 8) On 28 June 2013, Bradley Walsh stated on \"This Morning\" that would return with an eighth series, commissioned to start filming in October 2013. In September 2013, broadcaster ITV confirmed that \"Law & Order: UK\" would return in 2014 with an eight episode series, and that Ben Bailey Smith had been cast as DS Joe Hawkins, replacing Paul Nicholls as DS Sam Casey. This was the last series of \"Law & Order: UK\"", + "score": 0.67626953125 + }, + { + "id": "6086398", + "title": "Scott Windsor", + "text": "2007, Scott Windsor was written out due to the court case of Freeman's rape allegations. Freeman was expected to return but it had not been confirmed if he would return to the show, he had been absent since January 2007. On 16 December 2007 Digital Spy confirmed that Ben Freeman had been axed from \"Emmerdale\". However, the ITV website claims that Freeman had simply not renewed his contract, for practical reasons. His contract was due to expire at the end of 2007. In October 2008, Freeman was cleared of rape charges, and reports surfaced that he might return to the", + "score": 0.67578125 + }, + { + "id": "5516165", + "title": "Olivia Benson", + "text": "Amaro. Cragen asks Benson to take the Sergeant's exam following the retirement of Sgt. John Munch (Richard Belzer), and she gets the promotion soon afterward; Cragen congratulates her for placing 48th out of 8,000 applicants. Cragen announces at another dinner party that Benson has been approved to remain at SVU (it was feared she would be reassigned); at the end of the episode, Cragen reveals his impending retirement from the NYPD, making Benson SVU's acting commanding officer. Benson remains in command until Lieutenant Declan Murphy (Donal Logue) takes over the squad; he makes her his second-in-command. When Murphy returns to", + "score": 0.67578125 + }, + { + "id": "2956088", + "title": "Law & Order: Criminal Intent", + "text": "showed that \"Criminal Intent\" was ranked sixth overall on top 20 cable ratings, with a viewer base of 4.899 million viewers. The network ordered 16 episodes, which were originally to begin broadcasting in November 2008, but the network moved the premiere back, first to February 5, 2009, then with an expected date of spring\u2013summer 2009, and finally announcing the start date as April 19. The only change in cast members from the seventh season was Chris Noth's departure and replacement by Jeff Goldblum. At the end of Season 7, Leight, who left to focus on \"In Treatment\", was replaced by", + "score": 0.67529296875 + }, + { + "id": "16445433", + "title": "Hearts and Souls", + "text": "of nudity and profanity on public television that forced it to offer discounted advertising rates in spite of its success. Smits, who had left his Emmy Award-winning role as Victor Sifuentes on \"L.A. Law\" in 1991, was signed as a replacement on August 18, 1994. Caruso would continue in his role for the first four episodes of the second season, and Smits replaced him in a new role in episode 5 in November. Smits originally hoped to sign with the show for three years, while ABC sought a more standard five-year contract. In April 1998, toward the end of the", + "score": 0.67529296875 + }, + { + "id": "10357691", + "title": "Eben F. Stone", + "text": "Eben F. Stone Eben Francis Stone (August 3, 1822 \u2013 January 22, 1895) was a U.S. Representative from Massachusetts. Stone was born in Newburyport, Massachusetts to Ebenezer and Fanny (Coolidge) Stone. Stone attended North Andover Academy and graduated from Harvard University in 1843 and from Harvard Law School in 1846. He was admitted to the bar in 1847 and commenced practice in Newburyport, Massachusetts. He served as president of the common council in 1851. He served in the Massachusetts Senate in 1857, 1858, and 1861. Stone enlisted in the Union Army during the Civil War, and commanded the 48th Regiment", + "score": 0.67529296875 + }, + { + "id": "2927855", + "title": "Ben Casey", + "text": "a coma after 15 years. At the beginning of season five (the last season), Jaffe left the show and Franchot Tone replaced Zorba as new chief of neurosurgery, Doctor Daniel Niles Freeland. Creator James E. Moser based the character of Ben Casey on Dr. Allan Max Warner, a neurosurgeon whom Moser met while researching \"Ben Casey\". Warner served as the program's original technical advisor in 1961. He worked closely with the actors, showing them how to handle medical instruments, according to an article in \"TV Guide\" (September 30 \u2013 October 6, 1961). \"Ben Casey\" had several directors, including Irvin Kershner", + "score": 0.6748046875 + }, + { + "id": "2956081", + "title": "Law & Order: Criminal Intent", + "text": "trial phase. Seasons 1\u20134 and 10 focus on Detectives Robert \"Bobby\" Goren and Alexandra Eames as the primary detectives in every episode. In seasons 5\u20138, \"Criminal Intent\" episodes then typically alternated between the team of Goren and Eames and a team composed of veteran Detective Michael \"Mike\" Logan and his partners: Carolyn Barek, Megan Wheeler, and Nola Falacci. After season 7, Mike Logan retired from the NYPD and was replaced with Detective Zack Nichols until season 10, when Goren and Eames returned. The UK-aired version of \"Law & Order: Criminal Intent\" features the song \"There's Only Me\" by Rob Dougan", + "score": 0.6748046875 + } + ], + "answer": "Benjamin \"Ben\" Stone is a fictional character portrayed by Michael Moriarty in the TV drama Law & Order. He was the Executive Assistant District Attorney for New York County until his resignation at the end of season 4 episode 22 on May 25, 1994. His departure was written into the series, as Moriarty submitted his resignation to producer series creator Dick Wolf on January 25, 1994." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "What was the total cost of the Italian cruise ship 'Costa Concordia' disaster including victims' compensation, refloating, towing and scrapping costs?", + "short_answers": [ + "$2 Billion USD" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "What was the initial estimated cost to salvage the Italian cruise ship 'Costa Concordia'?", + "short_answers": [ + "$300 Million USD" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "What was the final cost of the salvage for the Italian cruise ship 'Costa Concordia'?", + "short_answers": [ + "$1.2 Billion USD" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Costa Concordia", + "url": "https://en.wikipedia.org/wiki/Costa%20Concordia" + }, + { + "title": "Costa Concordia disaster", + "url": "https://en.wikipedia.org/wiki/Costa%20Concordia%20disaster" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Costa Concordia (Italian pronunciation: [\u02c8k\u0254sta kon\u02c8k\u0254rdja]) was a cruise ship operated by Costa Crociere. ", + "wikipage": "Costa Concordia" + }, + { + "content": "On 13 January 2012, the Italian cruise ship Costa Concordia ran aground, capsized, and later sank in shallow waters after striking an underwater rock off Isola del Giglio, Tuscany, resulting in 32 deaths.", + "wikipage": "Costa Concordia disaster" + } + ], + "long_answer": "The Costa Concordia was a cruise ship operated by Costa Crociere that ran aground, capsized, and later sank in shallow waters after striking an underwater rock off Isola del Giglio, Tuscany on January 13, 2012. The initial estimated cost was $300 Million USD, but ended up costing $1.2 Billion USD. The total cost due to victims' compensation, refloating, towing and scrapping costs made the grand total $2 Billion USD." + }, + { + "knowledge": [ + { + "content": "On 13 January 2012, the Italian cruise ship Costa Concordia ran aground, capsized, and later sank in shallow waters after striking an underwater rock off Isola del Giglio, Tuscany, resulting in 32 deaths.", + "wikipage": "Costa Concordia disaster" + } + ], + "long_answer": "The initial estimated cost to salvage the Italian cruise ship Costa Concordia was $300 Million USD, but the final cost to salvage it was $1.2 Billion USD. The total cost of the Costa Concordia disaster including victims' compensation, refloating, towing, and scrapping costs was $2 Billion USD. The ship sank in shallow waters after striking an underwater rock off Isola del Giglio, Tuscany, on 13 January 2012." + } + ], + "sample_id": "-119069581933917963", + "question": "How much does it cost to raise the costa concordia?", + "docs": [ + { + "id": "7509562", + "title": "Costa Concordia", + "text": "be completed by early-to-mid-2014. After this \"floating\" operation, the ship would be towed to a salvage yard on the Italian mainland for scrapping or \"breaking\". On 14 July 2014, work commenced to refloat \"Costa Concordia\" in preparation for towing. At this point, the costs had risen to \u20ac1 billion. Including tow cost, \u20ac100 million for the ship to be broken up for scrap and the cost of repairing damage to Giglio island, the estimated final cost was expected to be \u20ac1.5 billion ($2 billion). On 23 July, having been refloated, the ship commenced its final journey under tow at a", + "score": 0.7890625, + "summary": "The cost to raise the Costa Concordia was \u20ac1 billion by July 2014, and the estimated final cost including tow cost, scrapping, and damage repair was \u20ac1.5 billion ($2 billion).", + "extraction": "The estimated final cost of raising the Costa Concordia was expected to be \u20ac1.5 billion ($2 billion), including tow cost, \u20ac100 million for the ship to be broken up for scrap, and the cost of repairing damage to Giglio island." + }, + { + "id": "16222267", + "title": "Costa Concordia disaster", + "text": "in the early hours of 17 September 2013, shortly before 3 a.m. CET. the salvage operation had cost over \u20ac600 million ($800 million). The final cost of the salvage came to be $1.2 billion. Following the conclusion of the righting operation, the ship was kept on a platform while further inspections were made and the starboard sponsons attached. On 10 October 2013 a $30 million option was taken with Dockwise for the use of the world's largest semi-submersible heavy lift vessel, \"Dockwise Vanguard\", to transport \"Costa Concordia\", as an alternative to conventional towing; but the Concordia was instead refloated and", + "score": 0.787109375, + "summary": "The salvage operation for the Costa Concordia disaster cost over \u20ac600 million ($800 million) and the final cost came to be $1.2 billion.", + "extraction": "The final cost of the salvage came to be $1.2 billion." + }, + { + "id": "7509561", + "title": "Costa Concordia", + "text": "her breaking up or sinking deeper. Removal of the fuel from the various fuel tanks distributed throughout the ship was completed in March 2012, later than Smit's initial estimates. This cleared the way to arrange for the ultimate salvaging and scrapping of the ship. On 17 September 2013, \"Costa Concordia\" was brought to a vertical position through a parbuckling procedure. The cost for salvaging the ship increased to $799 million. In addition, the ship had suffered severe hull deformations in two places. Titan Salvage, the company directing the salvage operations, estimated that the next phase of the salvage operation would", + "score": 0.7822265625, + "summary": "The cost for salvaging the Costa Concordia increased to $799 million.", + "extraction": "The cost for salvaging the ship increased to $799 million." + }, + { + "id": "16222263", + "title": "Costa Concordia disaster", + "text": "solutions, had been awarded the contract to refloat and tow \"Costa Concordia\" to a port on the Italian mainland. The salvage operation, using the port of Civitavecchia as its base was anticipated to begin in early May, take about 12 months and cost $300 million. Once in port, the ship would be dismantled and the materials sold as scrap. South African freelance Nick Sloane was appointed as \"salvage master\" to lead the operation. It was announced on 21 April 2012 that the American salvaging firm Titan Salvage and Italian underwater construction firm Micoperi would attempt to refloat and remove the", + "score": 0.78076171875, + "summary": "The contract to refloat and tow the Costa Concordia to a port on the Italian mainland was awarded to solutions. The salvage operation was anticipated to begin in early May, take about 12 months and cost $300 million. Once in port, the ship would be dismantled and the materials sold as scrap.", + "extraction": "The salvage operation to refloat and tow \"Costa Concordia\" to a port on the Italian mainland was anticipated to cost $300 million." + }, + { + "id": "7509554", + "title": "Costa Concordia", + "text": "Sestri Ponente yard in Genoa, as yard number 6122. At the vessel's launch at Sestri Ponente on 2 September 2005, the champagne bottle, released by model Eva Herzigov\u00e1, failed to break when swung against the hull the first time, an inauspicious omen in maritime superstition. The ship was delivered to Costa on 30 June 2006. It cost \u20ac450 million (\u00a3372 million, ) to build. \"Costa Concordia\" was long, had a beam of and drew of water. She had a Diesel-electric power plant consisting of six 12-cylinder W\u00e4rtsil\u00e4 12V46C four-stroke medium-speed Diesel generating sets with a combined output of . These", + "score": 0.7734375, + "summary": "The document provides information about the launch and specifications of the Costa Concordia ship, including the cost of building it at \u20ac450 million. However, there is no mention of the cost to raise the ship, so the answer to the question is \"irrelevant.\"", + "extraction": "Irrelevant. The passage does not provide any information on the cost of raising the Costa Concordia." + }, + { + "id": "16222225", + "title": "Costa Concordia disaster", + "text": "than three times the $612 million construction cost of the ship. Costa Cruises offered compensation to passengers (to a limit of \u20ac11,000 per person) to pay for all damages, including the value of the cruise. 65% of the survivors took the offer. \"Costa Concordia\" (call sign: IBHD, IMO number: 9320544, MMSI number: 247158500), with 3,206 passengers and 1,023 crew members on board, was sailing off Isola del Giglio on the night of 13 January 2012, having begun a planned seven-day cruise from Civitavecchia, Lazio, Italy, to Savona and five other ports. She struck her port side on a reef, at", + "score": 0.75634765625, + "summary": "The document mentions the construction cost of the Costa Concordia, which was $612 million. However, there is no information about the cost to raise the ship.", + "extraction": "irrelevant" + }, + { + "id": "16222224", + "title": "Costa Concordia disaster", + "text": "insurance company, and her salvage was \"one of the biggest maritime salvage operations\". On 16 September 2013, the parbuckle salvage of the ship began, and by the early hours of 17 September 2013, the ship was set upright on its underwater cradle. In July 2014, the ship was refloated by large sponsons (metal tanks) welded to its sides and was towed 320 kilometres (200 miles) to its home port of Genoa for scrapping which was finished in July 2017. The total cost of the disaster, including victims' compensation, refloating, towing and scrapping costs, is estimated at approximately $2 billion, more", + "score": 0.7509765625, + "summary": "The total cost of the Costa Concordia disaster, including refloating and scrapping costs, is estimated at approximately $2 billion.", + "extraction": "The total cost of the disaster, including victims' compensation, refloating, towing and scrapping costs, is estimated at approximately $2 billion." + }, + { + "id": "7470096", + "title": "Costa Cruises", + "text": "the wreck of the Costa Concordia 200 miles (320 kilometers) north from the island of Giglio over a period of five days, the \"Costa Concordia\" arrived in its home port of Genoa, Italy, for eventual scrapping. The total cost of the disaster is estimated to be over $2 billion, including $500 million for the loss of the ship and $1.5 billion for the salvage and recovery operations. On February 11, 2015, Captain Francesco Schettino was found guilty by an Italian court of multiple manslaughter, causing the shipwreck, and abandoning his passengers and was sentenced to 16 years in prison. An", + "score": 0.75048828125, + "summary": "The total cost of salvaging the Costa Concordia is estimated to be $1.5 billion.", + "extraction": "The salvage and recovery operations for the Costa Concordia are estimated to cost $1.5 billion." + }, + { + "id": "16222280", + "title": "Costa Concordia disaster", + "text": "that night is something Giglio will never forget and the rock will be a fitting memorial.\" The cost of removing the 80-tonne boulder is estimated at \u00a340,000. On 13 January 2013, a rock was cast into the sea at the site of the disaster with a plaque to commemorate those lost. Like all passenger ships, \"Costa Concordia\" was subject to two major International Maritime Organization requirements: to perform \"musters of the passengers (...) within 24 hours after their embarkation\" and to be able to launch \"survival craft\" sufficient for \"the total number of persons aboard ... within a period of", + "score": 0.734375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The given passage does not provide any information about the cost of raising the Costa Concordia." + }, + { + "id": "19873861", + "title": "Cabalva (1811 EIC ship)", + "text": "from the wreck site. \"Challenger\" removed the survivors and landed them at Mauritius. The Court of Directors of the EIC awarded Captain John Brett Purvis of \"Magicienne\" 200guineas to enable him to purchase a piece of silver plate. The EIC did not insure its vessels. At \u00a326 10s per ton to build, \"Cabalva\" cost some \u00a334,000 in 1811. The EIC valued the lost cargo at \u00a3149,570. In 1985 divers located the wreck site and were able to recover a number of Spanish \"pieces of 8\". These have found their way to numismatic auctions. Citations References Cabalva (1811 EIC ship) \"Cabalva\"", + "score": 0.69775390625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "1502847", + "title": "Cutty Sark", + "text": "been on site as it had been removed during the preservation work. Doughty stated that the trust was most worried about the state of iron framework to which the fabric was attached. He did not know how much more the ship would cost to restore, but estimated it at an additional \u00a35\u201310 million, bringing the total cost of the ship's restoration to \u00a330\u201335 million. After initial analysis of the CCTV footage of the area suggested the possibility of arson, further investigation over the following days by the Metropolitan Police failed to find conclusive proof that the fire was set deliberately.", + "score": 0.69775390625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about the restoration of the Cutty Sark and does not provide any information about the cost of raising the Costa Concordia." + }, + { + "id": "7509560", + "title": "Costa Concordia", + "text": "Indian crew member Russel Rebello, was recovered on 3 November 2014. An initial assessment by salvage expert Smit International estimated that the removal of \"Costa Concordia\" and her 2,380 tonnes of fuel could take up to 10 months. Smit advised that the ship had been damaged beyond the hope of economical repair and recommended it be written off as a constructive total loss. Smit was soon contracted to initially remove only Concordia's fuel. During the fuel removal operation, Smit reported that the ship had shifted in the three weeks since her grounding, but that there was no immediate prospect of", + "score": 0.69580078125, + "summary": "The document is irrelevant to the question as it does not provide any cost information about raising the Costa Concordia.", + "extraction": "irrelevant" + }, + { + "id": "3332414", + "title": "Shasta Dam", + "text": "create more water (in fact it will actually cause some water loss due to evaporation) but merely increases the capacity to store it. As a result, the reservoir will rarely be filled, as no matter how much Reclamation expands the dam, the river's flow will not increase. The cost of the dam raise is projected at $500 million-$1 billion. One of the expansion's most staunch opponents is the Winnemem Wintu tribe, almost all of whose land was inundated by the construction of Shasta Dam. Raising the dam would destroy much of their little remaining land. Some progress has been made", + "score": 0.6923828125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is about the Shasta Dam and does not mention the cost of raising the Costa Concordia." + }, + { + "id": "16518860", + "title": "French frigate Hermione (2014)", + "text": "was in one of the two dry docks beside the Corderie Royale at Rochefort. As far as possible, traditional construction methods were used although modern power tools were substituted for the period tools on some jobs. The site is open to the public, and admission fees help fund the project. English plans of a sister ship, , were used. The cost was estimated to be $22 million. The original plans had been modified in several ways for reasons of strength and safety: planks had been bolted rather than pegged to avoid movement during the long period of construction. Similarly, the", + "score": 0.6904296875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is about the French frigate Hermione and its construction cost, and does not provide any information about the cost of raising the Costa Concordia." + }, + { + "id": "17978406", + "title": "Centro del Calamar Gigante", + "text": "at a cost of \u20ac1,260,000. The exterior is clad in grey quartzite at ground level, and aluminium composite on the upper two floors. In November 2010 the museum had to close temporarily after being seriously damaged by a storm, the damage amounting to more than \u20ac140,000. The problem was compounded by CEPESMA's financial situation at the time, with the association unable to fund its activities and having to lay off staff. Plans were drawn up for a concrete wall that would protect the museum from future wave damage at a cost of \u20ac573,000. The museum reopened on 21 April 2011", + "score": 0.68896484375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the cost of raising the Costa Concordia." + }, + { + "id": "598038", + "title": "Queen Elizabeth 2", + "text": "to Southampton. Damage from the fire resulted in a replacement boiler having to be fitted by dry-docking the ship and cutting an access hole in her side. By 1978 \"Queen Elizabeth 2\" was breaking even with an occupancy of 65%, generating revenues of greater than 30 million per year against which had to be deducted an annual fuel cost of \u20a45 million and a monthly crew cost of \u20a4225,000. With it costing \u20a480,000 a day for her to sit idle in port, her owners made every attempt to keep her at sea and full of passengers. As a result, as", + "score": 0.6875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is about the Queen Elizabeth 2 and does not provide any information about the cost of raising the Costa Concordia." + }, + { + "id": "8570645", + "title": "Jeanie Johnston", + "text": "In 2011, significant water damage was discovered, but repair work wasn't carried out until three years later since the DDDA claims it did not have the funding to dry dock the vessel. As of 2015, another 500,000 euro would be required to make the ship seaworthy and suitable for training. Running the ship as a tourist attraction costs \u20ac240,000 a year, of which \u20ac70,000 are costs of operating the ship. Dry docking and repairs cost \u20ac70,000, \u20ac40,000 is spent on maintenance and some \u20ac30,000 on marketing. Ticket sales to 20,000 visitors in 2014 made \u20ac140,000. Jeanie Johnston Jeanie Johnston is", + "score": 0.6845703125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the cost of raising the Costa Concordia." + }, + { + "id": "6260161", + "title": "Bluenose II", + "text": "for a major restoration of the \"Bluenose II\". The project is valued at $14.8 million. In July 2010, the Nova Scotia government awarded a $12.5 million contract for the restoration of \"Bluenose II\" to a consortium of three Nova Scotia shipyards. When the ship was finally relaunched in 2012, after major delays, the final cost was closer to 16 million dollars, just from the Nova Scotian government. This restoration was not without controversy. Tourism, Culture and Heritage Department sources stated that the restoration was \"not intended to create an authentic replica of the original \"Bluenose\"\" and that the builders would", + "score": 0.68359375, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about the cost of restoring the \"Bluenose II\" and not about the cost of raising the Costa Concordia." + }, + { + "id": "19068973", + "title": "Constant\u0326a Casino", + "text": "Renard poured a third foundation. The works started for a third time in 1907 and was completed in 1910 with a total construction cost of 1.3 million lei, excluding other expenses such as furniture, fittings, architect's commission, etc. Each of the three foundations cost 70,000 lei, the boardwalk cost 370,000 to extract from the sea, the furniture itself cost approximately 90,000 lei while the total costs railings, gratings, chandeliers, lighting fixtures, furniture, other all decorations cost 547,616 lei - according to Romanian Art Critic and Researcher Doina Pauleanu and historic documents in the City of Constanta archives. Historical documents also", + "score": 0.68310546875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about the construction cost of Constant\u0326a Casino and does not provide any information about the cost of raising the Costa Concordia." + }, + { + "id": "14268551", + "title": "Operazione White Crane", + "text": "over the two days that Cavour had been at Port-au-Prince, had been completed. \"Cavour\" is expected to remain docked at Port-au-Prince through mid-April. Several Italians have criticized the use of \"Cavour\" since it costs over 200,000 Euros a day to operate, and shipping by air would have been far faster. Others have said, that it is a drop in the bucket compared to the efforts by the US. Some have pointed out, it is one of the largest efforts out of Europe. Operazione White Crane Operazione White Crane (\"Operation White Crane\") was Italy's military relief operation for Haiti, following the", + "score": 0.6806640625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the cost to raise the Costa Concordia." + }, + { + "id": "14862659", + "title": "Arena Corinthians", + "text": "million to the cost because of the difference in interest between loans taken from regular banks and from the government agency. Temporary structures were included in the total cost, currently estimated to be R$77 million. After the sale of the tax credits received, Corinthians will have to pay between R$700 and R$750 million spread over 12 years. An\u00edbal Coutinho projected the stadium to generate R$150 million per year. Andres Sanchez expects revenue to reach R$200 million per year and expenses to be up to R$35 million per year. Revenue will come from ticket sales and commercial properties in the arena,", + "score": 0.6806640625 + }, + { + "id": "20554806", + "title": "Caledonia (1795 ship)", + "text": "Long Reach on 2 June. The cost, paid on 22 September, for her fitting for her return voyage was \u00a33140 18s 5d. EIC voyage #3 (1801-1802): Captain Thomas was at Calcutta on 18 June 1801. \"Caledonia\" left Bengal on 11 September, reached the Cape on 20 December and St Helena on 3 February 1802, and arrived at Greenhithe on 17 April. Fitting out for the return voyage this time cost \u00a35540 10s, and was paid on 8 July. She sailed on 4 August for Calcutta and returned to coastal trade in India. On 18 May 1803 \"Caledonia\", George Thomas, master,", + "score": 0.67724609375 + }, + { + "id": "12897652", + "title": "Columbia River Crossing", + "text": "behind schedule. The ongoing project planning costs $1 million per month. Planners say the construction phase would last five to seven years. Official cost estimates for a phased build-out were $2.8 billion, down from earlier estimates of $3.5 billion. The CRC finance plan called for tolling to pay for up to $1.3 billion of the cost. In May 2011, a critic estimated a range of probable cost of $3.1 to $10 billion for five miles of highway and transit work, to include a double-deck truss bridge with ten lanes for auto traffic on the top deck, with public transportation, bicycles", + "score": 0.67626953125 + }, + { + "id": "5291988", + "title": "Peking (ship)", + "text": "for which \u20ac120 million of federal funds will provided. She was taken to Caddell Dry Dock, Staten Island, on September 7, 2016, to spend the winter. On July 17, 2017, she was docked, and two days later, she was transported, at a cost of some \u20ac1 million, in the hold of the semi-submersible heavy-lift ship \"Combi Dock III\" across the Atlantic, arriving on July 30, 2017 at Brunsb\u00fcttel. On August 2, 2017, she was transferred to \"Peters Werft\" located at Wewelsfleth for a 3 year refurbishment at estimated cost of \u20ac32 million:
There might also be an opportunity to", + "score": 0.67578125 + }, + { + "id": "19006985", + "title": "Triton (1787 EIC ship)", + "text": "cargo of rice. Outfitting \"Triton\" for her return voyage cost \u00a37,474 9s 3d, and was billed on 15 July. Captain Nicholas Anstis left Calcutta on 26 February 1802. \"Triton\" left Kedgeree on 17 April, and reached St Helena on 9 July. she arrived at The Downs on 13 September. Outfitting \"Triton\" for her return voyage cost \u00a31,926 9s 2d, and was billed on 1 November. On 12 January 1803 \"Triton\", Captain Anstiss, arrived at Bahia requiring repairs. The authorities put many administrative and pecuniary obstacles in his way and he was not able to effect his repairs and leave until", + "score": 0.6748046875 + }, + { + "id": "13326239", + "title": "MV Monte Cervantes", + "text": "and California apricots for lunch; afternoon tea with filled bee sting cake; and schnitzel (Milan-style) for dinner. The full menu as well as normal drinking water was included in the cruise cost. There were additional charges for wine, beer, mineral water, liquor, and tobacco products. The cost of a cruise on \"Monte Cervantes\" varied, depending upon size of the passenger cabin and the cruise itself, between 240 and 630 Reichmarks. The Reichsmark (English: Reich Mark; symbol: RM) was the currency in Germany from 1924 until 1948. For 240 RM, a passenger was in a sleeping hall with 120 or more", + "score": 0.6748046875 + }, + { + "id": "14862653", + "title": "Arena Corinthians", + "text": "the condition that any construction made in the area would revert to the city at no cost. However, funding was not obtained and other alternatives were considered, such as a concession for the Pacaembu Stadium and demolishing the Alfredo Sch\u00fcrig Stadium making room for another. On 31 August 2010, Corinthians announced the construction of the stadium with an estimated cost of R$335 million and an expected gross revenue of R$100 million per year. The original plans allow for an expansion to 70,000 seats. The club expected to get financing from BNDES and sell the naming rights for the stadium to", + "score": 0.67431640625 + }, + { + "id": "10011949", + "title": "MS Sea Diamond", + "text": "there was much demand from the residents of Santorini for the wreck be raised and removed. Further questions were posed but never answered as to why the ship was moved to deeper water to be allowed to sink in the first place. In May 2011, the Greek government claimed that removing the \"Sea Diamond\" would be \"too costly\" and said that the 150-million-euro cost of raising the ship should be the responsibility of the insurers and company that owned the ship. The latter two have no plans to raise the ship, however, and nothing will be resolved. In October 2017", + "score": 0.67333984375 + }, + { + "id": "7184426", + "title": "Handymax", + "text": "of a handymax Bulk carrier. She is registered in Saint Vincent and the Grenadines and has a deadweight of 42221 tons . The cost of building a handymax is driven by the laws of supply and demand. In early 2007 the cost building a handymax was around $20,000,000. As the global economy boomed the cost doubled to over $40,000,000, as demand for vessels of all sizes exceeded available yard capacity. After the Global Economic Crisis in 2009 the cost fell back to $20M. Handymax Handymax and Supramax are naval architecture terms for the larger bulk carriers in the Handysize class.", + "score": 0.67333984375 + }, + { + "id": "9371147", + "title": "Comandante Ferraz Antarctic Station", + "text": "The construction of the temporary station was completed in May 2013. On 15 April 2013, the Brazilian Navy announced it had chosen the winning design for the new Comandante Ferraz base. The winning proposal went to the Curitiba-based \"Est\u00fadio 41\" architecture firm. The new station will have and will accommodate 64 people. The cost of the project is approximately US$ 100 million. The station is expected to be operational by 2018. With all 12 months having an average temperature below 10\u00b0 C (50\u00b0 F), Comandante Ferraz Antarctic Station features a tundra climate (K\u00f6ppen ET). The average temperature at the station", + "score": 0.6728515625 + }, + { + "id": "20179294", + "title": "RMS Asturias (1925)", + "text": "cover their costs. At that time marine diesel power was at a relatively early stage of development, and RML considered it unable to increase the two ships' speed to the required level. Lord Essendon therefore recommended steam turbines, and two options for the drive system: either conventional reduction gearing, or the newer turbo-electric transmission that had been pioneered in the USA and successfully applied to US, UK and French ocean liners. Whichever transmission was chosen, the cost of re-engining \"Asturias\" and \"Alcantara\" was estimated at about \u00a3500,000. Lord Essendon also urged RML directors to order a third ship of similar", + "score": 0.6728515625 + }, + { + "id": "598001", + "title": "Queen Elizabeth 2", + "text": "traditional role as a provider of a North Atlantic passenger service, and so decided to replace the existing ageing \"Queens\" with a new ocean liner designated \"Q3\", as it would be the third Cunard Queen. The Q3 was projected to measure 75,000 gross register tons, have berths for 2,270 passengers, and cost an estimated \u20a430 million. Work had proceeded as far as the preparation of submissions from six shipyards and applying for government financial assistance with the construction when misgivings among some executives and directors, coupled with a shareholder revolt, led to the benefits of the project being reappraised and", + "score": 0.6728515625 + }, + { + "id": "14862658", + "title": "Arena Corinthians", + "text": "of the sides and on the north and south ends. The addition of the bleachers would raise the stadium's capacity up to 72,000 seats, but would necessitate the relocation of VIP areas and television equipment reducing capacity. Corinthians paid for additional temporary infrastructure required exclusively for the World Cup, which was estimated to cost between R$60 million and 100 million. The World Cup brought more than tourists and an estimated R$1 billion in revenue to the city. The stadium eventually cost R$965 million, 15% more than originally estimated. The two-year delay in receiving BNDES funds caused an increase of R$108", + "score": 0.671875 + }, + { + "id": "18261057", + "title": "Bayocean (motor yacht)", + "text": "Potter Realty Company advertised that \"Bayocean\" cost $50,000 to construct. Other reports differ, with one saying the yacht had cost \"over $40,000\", and another giving the cost as simply $40,000. \"Bayocean\" was intended to carry about 100 passengers, with accommodations for 40 persons in staterooms. Reports on crew size differed, with one report prior to launch stating there would be ten men in the crew. and another in 1913 giving the figure of seven. The crew were attired on uniforms. The yacht would be driven by three gasoline engines turning three propellers. These engines together generated either 475 or 500", + "score": 0.671875 + }, + { + "id": "6842423", + "title": "Cape San Blas Light", + "text": "from the shore will be of little importance so far as its value as a coast light is concerned. It is estimated that to make the change will cost $20,000. The present site cannot be saved except at great cost.\" Nothing had been done, however, by Congress and by early 1890 the tower was only from the sea at high-water mark. Later that year, however, an appropriation of $20,000 was made to remove the tower and dwellings to the point inside the peninsula. Condemnation proceedings to obtain title to the new site, however, dragged on until 1894 when on October", + "score": 0.67138671875 + }, + { + "id": "14684262", + "title": "HMS Concorde (1783)", + "text": "of Frindsbury. The work, which cost a total of \u00a318,259, was completed by April 1793, by which time the French Revolutionary Wars had broken out. She was fitted for service at Chatham between April and May 1793, at a cost of \u00a36,600, and was commissioned in April under Captain Thomas Wells. In 1794 command of \"Concorde\" passed to Captain Sir Richard Strachan, and she joined Commodore John Borlase Warren's squadron off the French coast. The squadron also included Warren's 36-gun , the 38-gun under Captain Sir Edward Pellew, and the 36-gun frigates , under Captain Thomas Wells, and , under", + "score": 0.6708984375 + }, + { + "id": "16222270", + "title": "Costa Concordia disaster", + "text": "location within the Port of Genoa to ease the access of road vehicles which carried the waste from the wreck. By January 2017, most of \"Costa Concordia\" had been completely dismantled and scrapped in Genoa, with all metal being recycled where possible. Final scrapping of the ship was completed in July 2017. After the wreck of \"Costa Concordia\" was towed away, Costa Crociere put Micoperi in charge of the salvage site remediation. This project is also known as phase WP9. Initially, $85 million were assigned to the project, which was to start at the end of 2014, and take about", + "score": 0.67041015625 + }, + { + "id": "7890611", + "title": "Prince Consort-class ironclad", + "text": "ton of all the ironclads listed was similar, with \"Prince Consort\" the least expensive at \u00a336 per ton, and \"Achilles\" and \"Valiant\" the most expensive at \u00a348 per ton. None of the cost data in the table above includes the cost of armament. Data on \"Duncan\" and \"Gibraltar\" are taken from Lambert. The date of steam trials has been taken as the date of completion. Costs probably do not include \"masts, sails, stores, &c., until complete for sea\". Data on the displacement and construction dates of ironclads has been taken from Conways (except for 'laid down' dates for the conversions", + "score": 0.66943359375 + }, + { + "id": "9688653", + "title": "Marcello Cottafava", + "text": "\u20ac425,000 each. After Triestina re-admitted to Serie B in August 2010 (to replace Ancona), Cottafava was bought back by Triestina for \u20ac210,000. and Calliari returned to Chievo for \u20ac220,000, thus a reverse flow of cash of \u20ac10,000. Both D'Ambrosio, Cottafava became the financial burden of Triestina as their accounting value \u20ac850,000 and \u20ac420,000 had to be amortize as a repayment of false profit gained in June 2009. On Chievo side, Brighenti's \u20ac850,000 and Calliari's \u20ac440,000 also became a burden for the club, which both were sold in a lower price and Chievo had to write-off the rest as a cost.", + "score": 0.6689453125 + }, + { + "id": "18735424", + "title": "Estadio Zorros del Desierto", + "text": "19th place with 14,837 points. The former mayor of Calama, Esteban Velasquez, said that the maintenance costs are 300 million CLP, mainly directed to the maintenance of the court, dependencies and officials working in the enclosure. It is fully funded by the Municipality. Cobreloa paid a commission to the Municipality of around 800.000 CLP per month to help in maintenance of the stadium through May 2016. The first stadium name proposal was to honour former Cobreloa player Fernando Cornejo, who died in 2009. It became the name of the stadium project in 2010. However, this project name was not given", + "score": 0.66845703125 + }, + { + "id": "6218508", + "title": "HMAS Manoora (L 52)", + "text": "for up to 450 soldiers, while improved medical facilities and an upgraded galley were also installed. The refit was planned to last from 1995 to 1996, with \"Manoora\" upgraded first. However, extensive corrosion was discovered in both ships. The refit cost for the two ships increased A$400 million, with half of the funding taken from repair and refit allocations for other ships. In April 1999, while the modification was being completed, personnel from \"Manoora\", \"Kanimbla\", and Sydney bases assisted the New South Wales Department of Agriculture in containing an outbreak of Newcastle disease in Mangrove Mountain poultry farms. \"Manoora\" entered", + "score": 0.66845703125 + }, + { + "id": "8001296", + "title": "Nemi ships", + "text": "and when completed would be moored on the lake in front of the museum. On 18 July 1998, the town council of Nemi voted to fund the construction of the forward section and work commenced in the Torre del Greco shipyards. This section was completed in 2001 with the section transported to the Nemi museum where the rest of the vessel was to be constructed. The estimated final cost of the reconstruction was 7.2 million Euros (US$10.7 million). On 15 November 2003, Assimpresa, the second largest confederation of employers and businesses in Italy, announced it would sponsor the project by", + "score": 0.66748046875 + }, + { + "id": "3858038", + "title": "RMS Alcantara (1926)", + "text": "ships' speed to the required level. Lord Essendon therefore recommended steam turbines, and two options for the drive system: either conventional reduction gearing, or the newer turbo-electric transmission that had been pioneered in the US and successfully applied to US, UK and French ocean liners. Whichever transmission was chosen, the cost of re-engining \"Asturias\" and \"Alcantara\" was estimated at about \u00a3500,000. Lord Essendon also urged RML directors to order a third ship of similar speed to share the route with \"Asturias\" and \"Alcantara\". Given the Great Depression at the time, the RML board rejected the idea of a new ship.", + "score": 0.66748046875 + }, + { + "id": "6218514", + "title": "HMAS Manoora (L 52)", + "text": "overhauls of the propulsion, power generators, and air-conditioning, and upgrades to the communication suite. The ships were to be confined to base until after the ships complete a dry-docking initially valued at A$17 million: as of October 2010, tenders for the work were yet to be released. The problems have been attributed to the ship's high operational tempo, delays in maintenance, and the age of the ships. On 1 February 2011, the Minister for Defence announced that repairing \"Manoora\" would not be cost effective given that this would cost A$20 million, and not be complete until mid-2012. As the ship", + "score": 0.6669921875 + }, + { + "id": "12573878", + "title": "Site C dam", + "text": "engineering standards. An updated cost projection was released in May 2011 placing the estimated cost at $7.9 billion, which was revised to $8.3 billion in 2014. This does not include the cost of a transmission line to major population centres, estimated to be in the range of $743 million additional, bringing the total estimated cost to approximately $9 billion. At the invitation of the British Columbia Utilities Commission, Deloitte published a report on the project, and noted that it's likely to miss a crucial river diversion deadline; this will bring the cost to just under $10 billion. Some experts have", + "score": 0.66650390625 + }, + { + "id": "14862661", + "title": "Arena Corinthians", + "text": "during its construction. After the World Cup, Corinthians is preparing the stadium for their use; they consider it is 92% ready for their use just after the tournament. It is expected to be completely retrofitted by February 2015. The estimated cost is R$20 million. One of the largest changes will be the construction of large balconies and the installation of scoreboards behind the goals where the temporary seating installed for the FIFA World Cup stands. The west side will have a large, tree-lined, pedestrian mall with a reflecting pool and new illumination. The reflecting pools will also work as a", + "score": 0.6650390625 + }, + { + "id": "11937899", + "title": "Cathedral of the Blessed Sacrament, Christchurch", + "text": "that further deconstruction of the front and sanctuary areas of the building would be undertaken with a view to investigating the retention of the nave area (which appeared to be relatively undamaged) and its incorporation into a new building. This redevelopment, if it proceeded, would cost about $45 million and take four years to complete. In October 2016, the result of this investigation was announced. The Cathedral could be saved and gradually rebuilt, but at a cost $100 million. In 2018, the newly-installed Bishop of Christchurch, Paul Martin, is considering the future of the cathedral. Cathedral of the Blessed Sacrament,", + "score": 0.6650390625 + }, + { + "id": "16660106", + "title": "Titanic II", + "text": "welded rather than riveted hull, diesel-electric propulsion in place of steam engines, and a bulbous bow. The article concluded that although the various \"Titanic\" revival projects would cost $400\u2013$600 million, they could be economically viable. Although he originally intended to construct the ship in Durban, Gous presented his \u00a3500 million proposal to Belfast City Council in June 2000. He commissioned Olsen Designs to design the ship, advised by Harland and Wolff Technical Services who produced a feasibility study, and Callcott Anderson to design the interior. In November 2000, he began his attempts to raise capital, including through government grants and", + "score": 0.6640625 + }, + { + "id": "2784016", + "title": "Alfred Romer", + "text": "the existence and reports of sea serpents and it thus occurred to Romer to tell Mr. Cabot about the skeleton in the museum closet. Godfrey Cabot thus asked how much a restoration would cost and \"Romer, pulling a figure out of the musty air, replied, 'Oh, about $10,000.'\" Romer may not have been serious but the philanthropist clearly was because the check for said sum came shortly thereafter. Two years - and more than $10,000 - later, following the careful labor of the museum preparators, the restored and mounted skeleton was displayed at Harvard in 1959. However, Dr. Romer and", + "score": 0.66357421875 + }, + { + "id": "7250067", + "title": "Oasis-class cruise ship", + "text": "passengers (5,488 double occupancy), an increase of 64 passengers over the previous ships in the class, as well as 1,197 crew cabins capable of berthing 2,100 crew. The ship features an expanded adults-only solarium area and a water slide. It cost about \u20ac1 billion (US$1.35 billion) and entered service in May 2016. In May 2014, Royal Caribbean exercised their option for a fourth \"Oasis\"-class ship to be delivered in 2018. In February 2015, Royal Caribbean announced that steel cutting had begun for the fourth ship. In May 2016, Royal Caribbean announced that they had signed an agreement for a fifth", + "score": 0.6630859375 + }, + { + "id": "5470792", + "title": "Custom hardware attack", + "text": "the Electronic Frontier Foundation. Their \"Deep Crack\" machine cost U.S. $250,000 to build and decrypted the DES Challenge II-2 test message after 56 hours of work. The only other confirmed DES cracker was the COPACOBANA machine (Cost-Optimized PArallel COde Breaker) built in 2006. Unlike Deep Crack, COPACOBANA consist of commercially available, reconfigurable integrated circuits. COPACOBANA costs about $10,000 to build and will recover a DES key in under 6.4 days on average. The cost decrease by roughly a factor of 25 over the EFF machine is an impressive example for the continuous improvement of digital hardware. Adjusting for inflation over", + "score": 0.6630859375 + }, + { + "id": "1502856", + "title": "Cutty Sark", + "text": "2008, the Heritage Lottery Fund awarded the Cutty Sark Trust another \u00a310 million towards the restoration of the ship, meaning that the Trust had now achieved \u00a330 million of the \u00a335 million needed for the completion of the project. In June 2008, Israeli shipping magnate Sammy Ofer donated the outstanding \u00a33.3 million needed to fully restore the ship although by January 2009 the \"London Evening Standard\" reported that the cost had risen further to \u00a340 million creating a new shortfall. In February 2010, \"The Daily Telegraph\" reported the project cost had risen to \u00a346 million with public money now being", + "score": 0.6630859375 + }, + { + "id": "12870620", + "title": "Marine cloud brightening", + "text": "also been proposed, though their viability has been discounted. The costs of marine cloud brightening remain largely unknown. One academic paper implied annual costs of approximately 50 to 100 million UK pounds (roughly 75 to 150 million US dollars). A report of the US National Academies suggested roughly five billion US dollars annually for a large deployment program (reducing radiative forcing by 5 W/m). Marine cloud brightening would be governed primarily by international law because it would likely take place outside of countries' territorial waters, and because it would affect the environment of other countries and of the oceans. For", + "score": 0.66259765625 + }, + { + "id": "12006153", + "title": "SS Stevens", + "text": "announced September 28, 1967. Within one week of the institute's bid, the U.S. Maritime Administration awarded \"Exochorda\" to Stevens Institute of Technology for $130,301 \u2014 the highest bid and $6,700 more than offered by a scrap metal dealer. The cost of purchasing and refurbishing the ship brought its total cost to approximately $500,000. The total expenditure was not considered excessive when compared to an estimated several million dollars the institute would have had to spend on conventional dormitory housing. \"We didn't think a permanent building was a wise investment\", said Wilson T. Crisman, the institute's director of auxiliary operations. The", + "score": 0.66259765625 + }, + { + "id": "20128916", + "title": "Indians in the United States Virgin Islands", + "text": "1863 and 1865, the immigration of Indian indentured workers alone cost the government $57,786 (42% of $138,000). The Danish colonial government spent $34,214 to bring Indian workers to Saint Croix in 1863, and $15,283 for their return voyage. This cost place a large financial strain on the government, as well as plantation owners who financed the acquisition of workers though loans. Combined with the lower cost of acquiring workers from neighboring Caribbean islands the large expense contributed to collapse of the Indian indentured system in Saint Croix. The 1863 \"Coolie Journal\" shows that Indian workers who returned to India in", + "score": 0.66259765625 + }, + { + "id": "2685433", + "title": "Colorado-class battleship", + "text": "Mark 33 anti-aircraft fire control directors were planned. The mainmast and M2 Browning machine guns would be removed, and studies of the feasibility of a torpedo bulge, the addition of which Construction and Repair believed to be paramount, which would increase the beam to and displacement to . Varying plans for these were complete by October 1938. None was a full reconstruction; costs ranged from $8,094,000 to $38,369,000 per ship. However, as the money for the improvements would lessen the amount available for new battleship construction, and these would be better than even reconstructed old battleship, the Secretary of the", + "score": 0.66259765625 + }, + { + "id": "5570874", + "title": "Britomart Transport Centre", + "text": "to Aotea Square), one in the Karangahape Road / Pitt Street area, and one near Upper Symonds Street in Newton. At the southern end, the line would link to a redeveloped station at Mt Eden. Original estimates for the cost of the CRL were at around $1 billion, taking 5\u20137 years to plan and build. In August 2014 it was announced that the station at Newton had been dropped in favour of an upgraded station at Mt Eden. In 2015, enabling works for CRL construction began. Main works are planned to begin in 2018. A proposed alternative to the City", + "score": 0.66259765625 + }, + { + "id": "441817", + "title": "USS Constitution", + "text": "require $70,000 to make her seaworthy. Acting Secretary David Henshaw faced a dilemma. His budget could not support such a cost, yet he could not allow the country's favorite ship to deteriorate. He turned to Captain John Percival, known in the service as \"Mad Jack\". The captain traveled to Virginia and conducted his own survey of the ship's needs. He reported that the necessary repairs and upgrades could be done at a cost of $10,000. On 6 November, Henshaw told Percival to proceed without delay, but stay within his projected figure. After several months of labor, Percival reported \"Constitution\" ready", + "score": 0.662109375 + }, + { + "id": "12266993", + "title": "Scuttling of the German fleet at Scapa Flow", + "text": "submerged hulls, and then pumped air into them so they would rise to the surface, where they could then be towed to the breakers. Using this technique, he refloated several of the ships. His methods were costly, however, and the final cost of raising \"Hindenburg\" ran to some \u00a330,000. Industrial action and a coal strike in 1926 nearly brought operations to a halt, but Cox instead dug out the coal in the submerged \"Seydlitz\", using it to power his machines until the end of the strike. Salvaging \"Seydlitz\" also proved difficult, as the ship sank again during the first attempt", + "score": 0.66162109375 + }, + { + "id": "13924111", + "title": "USC&GS Marinduque", + "text": "draft of with a speed of . \"Marinduque\" was built at a cost of $67,673.42, The cutters delivered by Farnham, Boyd & Company were satisfactory, meeting requirements. \"Romblon\", arriving in Manila on 19 January 1903, and \"Marinduque\" that arrived 18 April 1903 were did not meet specifications. \"Romblon\" had been accepted by the agent in Japan, later dismissed for neglect of duty, but was found on delivery to have a draft exceeding maximum by to and when loaded with coal, water and ready for sea was down by the bow. Further, the \"material and workmanship on hull, boilers, and engine", + "score": 0.66162109375 + }, + { + "id": "20878799", + "title": "Norwegian Coastal Express Museum", + "text": "million). A third possibility is to let the ship stand outdoors as it is now, with minor superstructures at a cost of NOK 36 million. The report concludes that most of the costs of the Coastal Express Museum are connected with maintaining MS \"Finnmarken\". The state has shown little willingness to take over the operation of the Coastal Express Museum, but it provided funds to build the temporary roof to prevent further deterioration while discussing the matter. The Ministry of Transport and Communications insists that local funding of the museum's operation was a prerequisite when funds were provided to move", + "score": 0.66162109375 + }, + { + "id": "20072130", + "title": "Titanic replica (Sichuan)", + "text": "really unsinkable \"Titanic\" shall be rebuilt, \u201cand let it become the place to pass on and experience the great spirit of \"Titanic\". Romandisea will therefore become a world-class tourist destination with a noble soul and spiritual pursuit.\u201d Wuchang Shipbuilding Industry Group Co.,Ltd has confirmed the replica \"Titanic\" will be a tourist attraction and that will cost approximately US $161 million to build. The ship will include many features of the original, including, dining rooms, first-class cabins, second and third class cabins, Turkish baths, gymnasium and a swimming pool. It will also include replica of the original ship's engine. New features", + "score": 0.6611328125 + }, + { + "id": "7296244", + "title": "Scottish National Antarctic Expedition", + "text": "sea-bottom samples, and for meteorological and magnetic observations. The hull was massively reinforced to withstand the pressures of Antarctic ice, and the ship was re-rigged as a barque with auxiliary engines. This work increased the cost of the ship to \u00a316,700 (approximately \u00a3 as of 2019), which was met by the Coats family who altogether donated \u00a330,000 towards the total expedition costs of \u00a336,000. Renamed \"Scotia\", the ship was ready for her sea trials in August 1902. The expedition's scientific staff consisted of six persons, including Bruce. The zoologist was David Wilton who, like Bruce, had been a member of", + "score": 0.6611328125 + }, + { + "id": "5195205", + "title": "Royal Hudson", + "text": "28 September 2006, the Royal Hudson steamed into the WCRA Squamish station under her own power for the first time since October 1999. The restoration took just over one year with a cost of over $250,000. Money for the restoration was provided wholly by donations. The WCRA also had difficulty locating missing parts. Some of the major components, such as the trailing truck, were borrowed from sister engine 2850. The borrowed parts had to be returned when 2850 was put on public display. WCRA replaced the borrowed tailing truck with one that was being used at a mine, which had", + "score": 0.6611328125 + }, + { + "id": "4389798", + "title": "HMAS Kanimbla (L 51)", + "text": "third helicopter landing spot. Accommodation was provided for up to 450 soldiers, while improved medical facilities and an upgraded galley were also installed. The refit was planned to last from 1995 to 1996, but did not conclude until late 1999, after extensive corrosion was discovered in both ships. The refit cost for the two ships increased A$400 million, with half of the funding taken from repair and refit allocations for other ships. During \"Kanimbla\"s conversion, a small fire started aboard, when a cigarette butt was dropped on piping insulation. The fire, which occurred on 8 February 1999, was extinguished quickly,", + "score": 0.6611328125 + }, + { + "id": "97978", + "title": "Data Encryption Standard", + "text": "the more interesting aspects of COPACOBANA is its cost factor. One machine can be built for approximately $10,000. The cost decrease by roughly a factor of 25 over the EFF machine is an example of the continuous improvement of digital hardware\u2014see Moore's law. Adjusting for inflation over 8 years yields an even higher improvement of about 30x. Since 2007, SciEngines GmbH, a spin-off company of the two project partners of COPACOBANA has enhanced and developed successors of COPACOBANA. In 2008 their COPACOBANA RIVYERA reduced the time to break DES to less than one day, using 128 Spartan-3 5000's. SciEngines RIVYERA", + "score": 0.6611328125 + }, + { + "id": "10194888", + "title": "SS Catala", + "text": "state that they would take the ship back if she could be brought off the reef. Eventually, by incrementally blasting out the rock pillars, and patching the holes in the hull as blasting proceeded, the salvage crew was able to free the ship by December 5, 1927. The salvors took the ship to a temporary anchorage about a mile away, and thereafter to Prince Rupert. Eventually \"Catala\" was brought south to Vancouver, where at a cost of $175,000 the ship was repaired. The repair was supervised by W.D. McLaren, who had been in charge of Coaster Construction in Scotland when", + "score": 0.66064453125 + }, + { + "id": "4399973", + "title": "25 de Abril Bridge", + "text": "their lives, out of a total of 3,000 who worked on the site. Construction took a total of 2,185,000 man-hours of work. The total cost of the bridge came to 2,200,000,000 Portuguese escudos, or US$32 million (US $225 million in 2011 adjusted for inflation). Soon after the Carnation Revolution in 1974, the bridge was renamed the 25 de Abril Bridge, the day the revolution had occurred. A symbol of those times was captured on film, with citizens removing the big \"Salazar\" brass sign from one of the main pillars of the bridge and painting a provisional \"25 de Abril\" in", + "score": 0.66015625 + }, + { + "id": "4138250", + "title": "USS Sequoia (presidential yacht)", + "text": "judge ordered the lender to decide within 60 days whether or not it will buy \"Sequoia\". The lender argued that it had until 2017 to decide on its purchase option since the original term of the 2012 loan was for five years. In a court hearing on May 11, 2016 the cost to restore \"Sequoia\" to seaworthy condition ranged from the owner's estimate of $310,000 by a local boat yard to an estimated $4.2 million by a Rhode Island restoration yard. The higher estimate cited rot in the hull, cracked structural blocks, and other mechanical replacements. The owner countered that", + "score": 0.6591796875 + }, + { + "id": "7720538", + "title": "Rance Tidal Power Station", + "text": "November of the same year. Inauguration of the road crossing the plant took place on 1 July 1967, and connection of the plant to the French National Power Grid was carried out on 4 December 1967. In total, the plant cost \u20a3620 million (approximately \u20ac94.5 million). It took almost 20 years for the La Rance to pay for itself. In spite of the high development cost of the project, the costs have now been recovered, and electricity production costs are lower than that of nuclear power generation (1.8 \u00a2/kWh versus 2.5 \u00a2/kWh for nuclear). However, the capacity factor of the", + "score": 0.6591796875 + }, + { + "id": "9828100", + "title": "Kawasaki C-2", + "text": "the aircraft, were made by prosecutors. In 2008, according to the \"Chunichi Shimbun\", the C-2 was set to cost about 10 billion yen per aircraft (about US$80 million). Postponement of the F-X program and the need to increase funding of the F-15J fleet modernisation program have necessitated the implementation of a one-year delay in the C-X program. In 2014, the aircraft was delayed again following the failure of the rear cargo door during pressure tests. The delay will increase the program cost by 40 billion yen ($390 million) to 260 billion yen in addition to delays to the program. In", + "score": 0.6591796875 + }, + { + "id": "11616867", + "title": "Olympian (sidewheeler)", + "text": "The estimated cost of salvaging \"Olympian\" was $17,500, an amount which it was thought would lead the owners to abandon the vessel. The owners of \"Olympian\" contracted with a local salvor to refloat the vessel for \u00a33,500 ($17,000) on a \u201cno cure, no pay\u201d basis. The salvors expended \u00a31,300 ($6,300), and then refused to proceed any further unless they were paid that amount. The owners refused to pay, and ordered \"Zealandia\", which had been standing by, to proceed on alone if \"Olympian\" were not brought off the beach in five days. When that did not happen, \"Zealandia\" departed, leaving a", + "score": 0.6591796875 + }, + { + "id": "18552680", + "title": "Pitcairn (schooner)", + "text": "deliver a schooner complete in \"hull, spars, and iron work\" by 31 July 1890 at a cost of $7,400, to be paid in installments as the work progressed. Turner agreed to donate $500 of his own money, so the cost was lowered to $6,900. The cost of the schooner when fully rigged was under $12,000, although the final cost of the fully furnished vessel was $18,683.05. Donations of almost $16,000 almost covered the cost, and various publishing houses donated books worth thousands of dollars. The \"Pitcairn\", as the schooner was named, had two masts, both about tall. The ship was", + "score": 0.6591796875 + }, + { + "id": "20881247", + "title": "Halle Building", + "text": "that the nation had ever seen. The original basement and foundation design had an estimated cost of $175,000 ($ in dollars). Under the revised plans, the cost of the cofferdam alone was estimated at between $150,000 and $200,000 ($ to $ in dollars), and that of the foundations $200,000 ($ in dollars). The final total cost of both the cofferdam and the foundation was $500,000 ($ in dollars). Work began on the cofferdam on August 20, 1907, and took about two months to complete. About of concrete and of steel were used just for the foundation, which was finished about", + "score": 0.6591796875 + }, + { + "id": "441840", + "title": "USS Constitution", + "text": "of ruin. Yet the Board recommended that she be thoroughly repaired in order to preserve her as long as possible. The estimated cost of repairs was $400,000. Secretary of the Navy Curtis D. Wilbur proposed to Congress that the required funds be raised privately, and he was authorized to assemble the committee charged with her restoration. The first effort was sponsored by the national Elks Lodge. Programs presented to schoolchildren about \"Old Ironsides\" encouraged them to donate pennies towards her restoration, eventually raising $148,000. In the meantime, the estimates for repair began to climb, eventually reaching over $745,000 after costs", + "score": 0.65869140625 + }, + { + "id": "10457857", + "title": "Bombardier CRJ700 series", + "text": "later with the Embraer E-Jet family. In 1995, the CRJ-X development was expected to cost C$300 million (US$200 million). By 1999, Bombardier had invested C$650 million (US$440 million) to develop the 70-seat CRJ700, and was to invest C$200 million more to develop the CRJ-900, stretched to 90 seats. The CRJ700 was then priced $24-25 million, and the CRJ900 was to be priced $28-29 million. Final assembly of the aircraft is at Montr\u00e9al-Mirabel International Airport in Mirabel, Quebec, outside Montreal, Quebec, Canada. In 2007, Bombardier launched the CRJ900 NextGen to replace the initial version. Its improvements and conic nozzle enhances fuel", + "score": 0.65869140625 + }, + { + "id": "88937", + "title": "Concorde", + "text": "flying at about Mach 2, and a shorter-range version flying at perhaps Mach 1.2. Morgan suggested that a 150-passenger transatlantic SST would cost about \u00a375 to \u00a390 million to develop, and be in service in 1970. The smaller 100 passenger short-range version would cost perhaps \u00a350 to \u00a380 million, and be ready for service in 1968. To meet this schedule, development would need to begin in 1960, with production contracts let in 1962. Morgan strongly suggested that the US was already involved in a similar project, and that if the UK failed to respond it would be locked out of", + "score": 0.65869140625 + }, + { + "id": "10958370", + "title": "St Columba's Church, Long Tower", + "text": "which was in dire need of repair. The fabric of the stonework is fading away, with many parts of the stonework falling to bits. A special prize draw entitled SOS Save Our Stonework was launched and by May 2018 sufficient money was raised for repair and restoration work to commence. The project will take place in stages, with different parts of the church's exterior repaired and restored at different times. The whole restoration work is estimated to be completed by 2020 at a total cost of \u00a3400,000. St Columba's Church, Long Tower St Columba's Church Long Tower is a Roman", + "score": 0.65869140625 + }, + { + "id": "1395005", + "title": "HMCS Bonaventure", + "text": "which had been present since construction, were found and led to cost overruns and delays. In the end, the refit took 18 months and cost $17 million, both behind schedule and well over budget. The refit was complete in August 1967. During her refit, Captain A. T. Brice became the ship's commanding officer on 1 August 1966. \"Bonaventure\" rejoined the fleet in November 1967 with a new commanding officer, Captain R. H. Falls, who had taken command on 21 November 1966. Following the 1968 Unification of the Canadian Forces, the Royal Canadian Navy ceased to exist and \"Bonaventure\" and naval", + "score": 0.65771484375 + }, + { + "id": "10259183", + "title": "Strasbourg tramway", + "text": "even smaller proportion of total funding. The mean cost per passenger transported in these nine urban areas is \u20ac1.3, but varies between 0.8 euro and 2 euro. This value of 1.3 euro corresponds to the price of a pack of ten tickets (\u20ac12.7). For comparison, the CTS reported mean profits of \u20ac0.5 per journey in 2009. The overall financing of the CTS, and thus the current operation of the tramway is heavily subsidized by local authorities. In 2009, the CTS reported income of \u20ac194,194,702 and costs of \u20ac192,014,173, generating a profit of \u20ac2,180,528. The total amount of subsidies paid in", + "score": 0.65771484375 + }, + { + "id": "18305595", + "title": "LNWR George the Fifth class 2013 Prince George", + "text": "the rear portion to be cut, work is continuing on the smokebox with the frames expected to be erected during 2015. The Trust has stated it will cost between \u00a31.5 and \u00a32 million to complete Prince George. Funds are being raised through private donation and sponsorship of parts. Raising the necessary capital is done through having a presence at events, giving talks and generating publicity through the media. \"The Prince is Born\" is a Trust noted strapline. LNWR George the Fifth class 2013 Prince George The LNWR George the Fifth class 2013 \"Prince George\" is a full size LNWR George", + "score": 0.65771484375 + }, + { + "id": "16608335", + "title": "ABFC Ocean Shield", + "text": "Defence acquisitions. The vessel was required to supplement the RAN's sealift capability of the RAN after the \"Kanimbla\"-class amphibious landing ships were decommissioned early due to ongoing mechanical issues. Intended operations included the transportation of equipment and personnel as part of humanitarian and disaster relief operations. The ship cost A$130 million: the price did not include the vessel's subsea equipment. This equipment was retained by the shipyard for installation in a replacement vessel ordered by DOF Subsea, with a 60-tonne SWL crane fitted instead to \"Skandi Bergen\". Fitting out was completed on 22 May 2012, and on 3 June 2012,", + "score": 0.65771484375 + }, + { + "id": "4319408", + "title": "Orange Line (Montreal Metro)", + "text": "sub-contractor for the AMT, and was responsible for the installation of fixed equipment. This project extended the Orange Line by , not including the depot past Montmorency, at a cost of roughly C$143.27 million per kilometre, which is slightly below the average cost for Metro extensions in other major cities. The total cost of the extension was C$745 million. To this amount, C$12.4 million was added to the cost in 2008, to build a second entrance to Cartier station within Parc des Libellules, located northeast of Boulevard des Laurentides and Cartier. The three stations on the extension are wheelchair accessible,", + "score": 0.65771484375 + }, + { + "id": "19288641", + "title": "Birth of the New World", + "text": "have begun in 1999, with the dedication taking place in October 2000. However, the project caused immediate controversy; several homes would have to be destroyed to make way for it and the cost of its assembly was deemed excessive with only the statue's base being estimated to be worth around 150 million dollars. The \"Oficina del Contralor\" (Office of the Comptroller) opened an investigation into the transaction and found that the 1.6 million dollars in taxes that were due when the statue entered the port were not paid. The auditor also investigated the use of public funds to cover the", + "score": 0.65771484375 + }, + { + "id": "20392361", + "title": "Climate change in the Caribbean", + "text": "costs are expected to range between US$350 to $550 million or about 11% to 17% of the current GDP for hurricane damages annually. They expect that the Bahamas, Haiti, and Jamaica are the islands that will suffer the most from climate change. In addition, they suggest that agricultural and rural areas are among the sectors that will be most affected by hurricanes in the Caribbean. They estimate that damages to these areas could cost about US$3 million per year by 2050 and US$12 \u2013 $15 million by 2100. Climate change in the Caribbean Climate change could pose disadvantageous risks to", + "score": 0.6572265625 + }, + { + "id": "7717200", + "title": "Brian Lara Cricket Academy", + "text": "costs involved with the facility has led to it being one of the more controversial infrastructure projects undertaken in Trinidad and Tobago. The initial cost (2006) of the stadium was estimated to be $257 million TT dollars however, with the cost overruns and the increase in prices of materials, this amount has increased significantly. In 2009 the estimated costs were TT$700 million and by the time the facility was eventually opened in 2017 the costs had crossed the TT$1billion figure. The Brian Lara Cricket Academy was meant to be a component of a larger complex situated on of farm lands", + "score": 0.6572265625 + }, + { + "id": "8133012", + "title": "Brooks Stadium", + "text": "The NCAA requires FBS programs to maintain an average attendance of at least 15,000 over a rolling two-year cycle. The expansion project received approval from the state in November 2015, however construction is not expected to begin until January 2017. Coastal Carolina University officials have set the project pricetag at $38 million. The committee also announced in February the lead architects for the expansion will be Heery International, Inc. architectural firm and Stubbs Muldrow Herin architects. Groundbreaking for the project took place on March 21, 2017. Construction will take place over two phases; the first phase will expand the stadium", + "score": 0.65673828125 + }, + { + "id": "15611803", + "title": "South American dreadnought race", + "text": "for ammunition, which was \u00a3605,520, or necessary upgrades to docks, which was \u00a3832,000. Costs for maintenance and related issues, which in the first five years of \"Minas Geraes\"s and \"S\u00e3o Paulo\"s commissioned lives was about 60 percent of the initial cost, only added to the already staggering sum of money. The two \"Rivadavia\"s were purchased for nearly a fifth of the Argentine government's yearly income, a figure which did not include the later in-service costs. Historian Robert K. Massie rounded the figure to a full quarter of each government's annual income. In addition, the nationalistic sentiments that exacerbated the naval", + "score": 0.65625 + }, + { + "id": "20841883", + "title": "Lausanne\u2013Geneva railway", + "text": "and signalling has to be adapted. The costs are estimated at CHF 210 with a margin of uncertainty of \u00b1 20%. A central freight crossing loop was planned to be built between Founex and Coppet between 2016 and 2017. The costs were estimated at CHF 100 million with a margin of uncertainty of \u00b1 30%. It is estimates that demand on the line will increase at Geneva-Cornavin station by 120% in 2030 compared to 2007. This will be particularly driven by the extension of the regional express network and the opening of the CEVA line. To avoid the saturation of", + "score": 0.65576171875 + }, + { + "id": "18139931", + "title": "Mission 31", + "text": "to the expedition. Aquarius costs cost $15,000 a day to operate; the rest of the funds went to pay for equipment. By working out of Aquarius instead of diving from the surface, Mission 31 crew members were able to scuba dive up to nine hours without surfacing or undergoing decompression. They were thus able to collect substantially more data in the time frame than otherwise would have been possible. Additionally, they were able to observe creatures at night, which would not be possible ordinarily. Cousteau estimated his team had collected the equivalent of two years' worth of data during the", + "score": 0.65576171875 + }, + { + "id": "2598551", + "title": "Constellation program", + "text": "Cargo program, which is separate from the Constellation program. However, unsolved technical and design challenges made it impossible for NASA to provide a conclusive estimate. Upon taking office, President Obama declared Constellation to be \"over budget, behind schedule, and lacking in innovation.\" A review concluded that it would cost on the order of $150 billion for Constellation to reach its objective if adhering to the original schedule. Another review in 2009, ordered by President Obama, indicated that neither a return to the Moon nor a manned flight to Mars was within NASA's current budget. The Augustine panel proposed various options,", + "score": 0.65576171875 + }, + { + "id": "2799118", + "title": "TransMilenio", + "text": "million/km. In a report presented later by the Ministry of Transport of Colombia, the total cost of the construction of Transmilenio phase one was estimated at 1.4 billion COP (about US$703 million), of which 253.053 million COP (about US$126.5 million) was provided by the Colombian government. The construction of the phase two was estimated at 3.2 billion COP (about US$1634 million), of which 2.1 billion COP (about US$1058 million) was provided by the Colombian government and the rest was provided by the city. The numbers of this report are calculated in money of 2009. The system is overseen by a", + "score": 0.6552734375 + }, + { + "id": "4654295", + "title": "USS Tecumseh (1863)", + "text": "reported the hull to be covered by a calcareous crust with only nominal surface deterioration present.\" In 1974, Jack Friend \u2013 a Mobile naval historian \u2013 was commissioned to examine the feasibility of raising \"Tecumseh\" and concluded that it would cost an estimated $10 million. More modern estimates have determined a salvage and conservation cost of $80 million. Divers from the Smithsonian Institution recovered an anchor, dishes from the ship's dining hall and a variety of other artifacts during their 1967 expedition. \"Tecumseh\"\u2032s engine room gong was also removed and is currently on display at the Hampton Roads Naval Museum.", + "score": 0.6552734375 + }, + { + "id": "4958124", + "title": "Caribbean Court of Justice", + "text": "an appeal with the CCJ. For the JCPC, the filing of an application for permission to appeal along with the actual notice of appeal would have cost \u00a3220, or roughly US$350 in 2013, while the CCJ requires no payment for filing an application for permission to appeal and the cost for filing a notice of appeal was US$60. In 2015, the new filing fees for the JCPC were noted as ranging from between \u00a3400 to a \u00a35,000 or roughly US$600 to US$7,500 while the comparable fees for the CCJ remained at US$60 thus making the cost of filing an appeal", + "score": 0.6552734375 + }, + { + "id": "2531482", + "title": "HMAS AE2", + "text": "the wreck of \"AE2\" had suffered further damage since the 1998 inspection dives. The bow portion of the external hull casing had been destroyed and the rear of the conning tower now showed significant damage. Following an April 2008 workshop by the Turkish Institute of Nautical Archaeology and the Submarine Institute of Australia, the recommendation was made against raising the wreck. Moving the submarine to a viewing tank, or alternately relocating the wreck to shallower water, were advised against because of the AU$80\u2013100 million cost of such projects. Moving \"AE2\" would also pose high risk to both the submarine and", + "score": 0.65478515625 + }, + { + "id": "4743380", + "title": "Columbia River Treaty", + "text": "cost three times that figure, in addition to other costs. Dr. Hugh L. Keenleyside (for whom Keenleyside dam is named) dismissed these claims and other confusion about the Treaty benefits and costs in his 1974 paper \"Ten Year Later, The Results of the Columbia River Treaty.\" He explained that the original estimate of the cost of the Canadian dams was about C$411 million in 1963 dollars. Actual cost in 1973 dollars was about C$548 million, and this included $50 million in regional improvement beyond replacement of like for like. This was a 33% increase over ten years, and he noted", + "score": 0.65478515625 + }, + { + "id": "13962846", + "title": "Ted Smout Memorial Bridge", + "text": "protection Increases in the cost of construction materials and labour, changes to the scope of the project following technical investigations and community consultation, extra costs associated with the removal of the Hornibrook bridge, as well as design improvements spurred by the events of Hurricane Katrina meant the total cost increased to $315 million, compared with the $149 million estimated in 2004. The preliminary design went on display in June 2007. A falsework platform was used and continually relocated as construction of the bridge segments progressed. Foundation piles were driven up to 39 metres into the sea bed, which were then", + "score": 0.65478515625 + }, + { + "id": "762629", + "title": "Colossus of Rhodes", + "text": "to \u20ac200 million. In December 2015, a group of European architects announced plans to build a modern Colossus bestriding two piers at the harbour entrance, despite a preponderance of evidence and scholarly opinion that the original monument could not have stood there. The new statue, tall (five times the height of the original) would cost an estimated US$283 million, funded by private donations and crowdsourcing. The statue would include a cultural centre, a library, an exhibition hall, and a lighthouse, all powered by solar panels. , no such plans have been carried out and the website for the project is", + "score": 0.65478515625 + }, + { + "id": "15672990", + "title": "Coronations in Africa", + "text": "total bill for Bokassa's regalia alone came to $5,000,000. 240 tons of food and drink were flown into Bangui for Bokassa's coronation banquet, including a tureen of caviar so large that two chefs had to carry it, and a seven-layer cake. Sixty new Mercedes-Benz limousines were airlifted into the capital, at a hefty cost of $300,000 for airfreight alone. All in all, the entire ceremony cost $20,000,000 to stage, an astronomical sum in a nation whose annual gross domestic product was only $250,000,000. The newly crowned Emperor used French aid grants to cover a significant portion of the bill, saying:", + "score": 0.65478515625 + }, + { + "id": "4180909", + "title": "Rondeau Provincial Park", + "text": "species at risk and cost effectiveness.\u201d At this point the dock had been gone for 96 days. The estimated cost to rebuild the structure is $600,000 to $750,000. As a provincially owned structure over 40 years of age, it was covered by the Standards & Guidelines for Protection of Provincial Heritage Properties and should have had a Cultural Heritage assessment done by a qualified assessor prior to demolition. There is no indication that this assessment was ever completed by Ontario Parks. The Rondeau Yacht Club was founded in 1932. In 2007 as part of the club's 75th anniversary celebrations, Martha", + "score": 0.654296875 + } + ], + "answer": "The initial estimated cost to salvage the Italian cruise ship Costa Concordia was $300 Million USD, but the final cost to salvage it was $1.2 Billion USD. The total cost of the Costa Concordia disaster including victims' compensation, refloating, towing, and scrapping costs was $2 Billion USD. The ship sank in shallow waters after striking an underwater rock off Isola del Giglio, Tuscany, on 13 January 2012." + }, + { + "qa_pairs": [ + { + "context": "In \"Frame Toby\", it is revealed that Toby had returned to the office for a week without Michael noticing. When the staff tells Michael that Toby is back, Michael thinks it's a joke until he sees Toby and screams \"No God! Please No! No!\" Michael asks David Wallace to get rid of Toby but the CFO says he can not fire Toby without cause. Michael then attempts to get Toby fired by giving Pam a fake letter to give to Toby, asking him to hug and kiss her no matter how much she resisted, and taunting the HR rep into punching him, but both plans fail. Michael then tries out Dwight's idea of planting drugs in Toby's desk (unknowingly buying basil from a caprese salad from warehouse workers who he thinks sold him marijuana). However, he does feel guilty about what he has done and, when the police are investigating the \"drugs\", Michael tells the police that it's a mistake and tries to stop them from arresting Toby. This suggests that, while Michael does hate Toby, there are limits to his hatred. Then again, Toby's reaction to the setup\u2014that it wasted the cops' time that could have been used to deal with law enforcement\u2014inspires more shock and disgust from Michael.", + "question": "What episode does toby come back to the office?", + "short_answers": [ + "Season 5 Episode 9", + "Frame Toby" + ], + "wikipage": "Toby Flenderson" + }, + { + "context": "\"Frame Toby\" is the ninth episode of the fifth season of the television series \"The Office\", and the show's eighty-first episode overall. The episode aired in the United States on November 20, 2008 on NBC.", + "question": "Which date did the episode air that toby comes back to the office?", + "short_answers": [ + "November 20, 2008" + ], + "wikipage": "Frame Toby" + } + ], + "wikipages": [ + { + "title": "Frame Toby", + "url": "https://en.wikipedia.org/wiki/Frame%20Toby" + }, + { + "title": "Goodbye, Toby", + "url": "https://en.wikipedia.org/wiki/Goodbye%2C%20Toby" + }, + { + "title": "Toby Flenderson", + "url": "https://en.wikipedia.org/wiki/Toby%20Flenderson" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Toby H. Flenderson[1] is a fictional character on the U.S. comedy television series The Office.", + "wikipage": "Toby Flenderson" + }, + { + "content": "\"Goodbye, Toby\" is the fourth season hour-long finale of the American comedy television series The Office, and the show's seventy-first and seventy-second episodes overall. ", + "wikipage": "Goodbye, Toby" + } + ], + "long_answer": "Toby Flenderson is a fictional character on the U.S. comedy television series The Office who comes back in Season 5, Episode 9 called \u201cFrame Toby.\u201d The episode aired on November 20, 2008. The character originally left because he was moving to Costa Rica at the end of season four. " + }, + { + "knowledge": [ + { + "content": "The Office is an American mockumentary sitcom television series that depicts the everyday work lives of office employees in the Scranton, Pennsylvania, branch of the fictional Dunder Mifflin Paper Company.", + "wikipage": "The Office (American TV series)" + }, + { + "content": "Dunder Mifflin's Scranton branch is planning a going-away party for Toby Flenderson (Paul Lieberstein) before he leaves for Costa Rica.", + "wikipage": "Goodbye, Toby" + }, + { + "content": "In this episode, Michael has trouble accepting the fact that his least favorite employee, HR rep Toby, has returned to the office and enlists Dwight's help to frame him for using drugs so he will be fired.", + "wikipage": "Frame Toby" + } + ], + "long_answer": "The Office is an American mockumentary sitcom television series that depicts the everyday work lives of office employees in the Scranton, Pennsylvania, branch of the fictional Dunder Mifflin Paper Company. In the show, Toby Flenderson leaves the company for Costa Rica. In season 5 episode 9, Frame Toby, Toby returns to work and Michael enlists Dwight's help to frame him for using drugs so he will be fired. The episode aired in the United States on November 20, 2008 on NBC." + } + ], + "sample_id": "7376722717277534329", + "question": "When does toby come back to the office?", + "docs": [ + { + "id": "12609565", + "title": "Frame Toby", + "text": "Frame Toby \"Frame Toby\" is the ninth episode of the fifth season of the television series \"The Office\", and the show's eighty-first episode overall. The episode aired in the United States on November 20, 2008 on NBC. On November 25, 2008, a producer's cut of \"Frame Toby\" was posted on NBC.com. This cut ran approximately four minutes longer than the original airing. After nearly a two-year absence, this is the first producer's cut since season three's \"The Return\". In this episode, Michael has trouble accepting the fact that his least favorite employee, HR rep Toby, has returned to the office", + "score": 0.78466796875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "9172303", + "title": "Toby Flenderson", + "text": "feelings for Toby in the episode \"Casino Night,\" asking, \"Why are you the way that you are? Honestly every time I try to do something fun or exciting, you make it not that way. I hate so much about the things that you choose to be.\" For Toby's going away party in \"Goodbye Toby,\" Michael gives him as a gift a rock with a note attached reading \"Suck on This!\" Shortly after arriving in Costa Rica, Toby suffers a zip-line accident and midway through season 5, he returns to his old job at Dunder Mifflin, much to Michael's fury. In", + "score": 0.75537109375, + "summary": "Irrelevant.", + "extraction": "Toby comes back to his old job at Dunder Mifflin midway through season 5." + }, + { + "id": "11882700", + "title": "Goodbye, Toby", + "text": "Goodbye, Toby \"Goodbye, Toby\" is the fourth season hour-long finale of the American comedy television series \"The Office\", and the show's seventy-first and seventy-second episodes overall. Written by Paul Lieberstein and Jennifer Celotta, and directed by Paul Feig, the episode first aired in the United States on May 15, 2008 on NBC. The series\u2014presented as if it were a real documentary\u2014depicts the everyday lives of office employees in the Scranton, Pennsylvania, branch of the fictional Dunder Mifflin Paper Company. In this episode, Toby Flenderson (Lieberstein) spends his last day at Dunder Mifflin before moving to Costa Rica. Michael Scott (Steve", + "score": 0.7490234375, + "summary": "Toby leaves the office and moves to Costa Rica in the episode \"Goodbye, Toby\" which aired on May 15, 2008. The document is irrelevant to the question of when Toby comes back to the office.", + "extraction": "Irrelevant. The passage does not provide any information about Toby's return to the office." + }, + { + "id": "9172384", + "title": "Toby Flenderson", + "text": "hospital more than his treatment from Michael at the office. In \"Frame Toby\" it is revealed that Toby had returned to the office for a week without Michael noticing. When the staff tells Michael that Toby is back, Michael thinks it's a joke until he sees Toby and screams \"No God! Please No! No!\" Michael asks David Wallace to get rid of Toby but the CFO says he can not fire Toby without cause. Michael then attempts to get Toby fired by giving Pam a fake letter to give to Toby, asking him to hug and kiss her no matter", + "score": 0.748046875, + "summary": "irrelevant.", + "extraction": "Toby's return to the office is mentioned in the passage, but it does not mention when he comes back. The passage is irrelevant to the question." + }, + { + "id": "9459895", + "title": "The Return (The Office)", + "text": "series \"Halfway Home\". The annoying personality of Ed Helms's character Andy was noted by multiple observers, and even irritated the actor's own mother to such a degree that she could not watch the episode. \"The Return\" marked Helms' departure from \"The Office\" until the season's nineteenth episode \"Safety Training\". For its first American broadcast on January 18, 2007 on NBC, \"The Return\" aired to an estimated 10.15 million viewers according to Nielsen Media Research. It was positively received by television critics, with several focusing on the character development of Angela Martin (Angela Kinsey). Along with \"Traveling Salesmen\", NBC later re-broadcast", + "score": 0.73828125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "9172401", + "title": "Toby Flenderson", + "text": "by Michael Scott) how serious he is, he decides to kill a hostage, naturally picking Toby. When Goldface shoots Toby's character, his head explodes in an overly dramatic fashion. However, Michael tells Goldenface that the joke is on him, saying that Toby was a \"wanted animal rapist\". Toby returns in \"Michael's Last Dundies\", where he appears to have lost a considerable amount of weight. In the beginning of the episode, Michael eggs his house in the morning and drives away. Toby is later seen at the Dundies sitting with Jim and Pam. Michael awards Toby with the \"Extreme Repulsiveness\" award", + "score": 0.736328125, + "summary": "irrelevant", + "extraction": "Irrelevant. The passage does not provide information about when Toby comes back to the office." + }, + { + "id": "10065346", + "title": "Back from Vacation", + "text": "Back from Vacation \"Back from Vacation\" is the 12th episode of the third season of the American comedy television series \"The Office\", and the show's 40th episode overall. It first aired on January 4, 2007, on NBC, and was the first episode to air after the December holiday hiatus. \"Back from Vacation\" was the first script written by Justin Spitzer for the series. Julian Farino served as the episode director. The series depicts the everyday lives of office employees in the Scranton, Pennsylvania, branch of the fictional Dunder Mifflin Paper Company. In this episode, Michael Scott (Steve Carell) returns from", + "score": 0.7353515625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The given passage does not provide any information about Toby's return to the office." + }, + { + "id": "11882717", + "title": "Goodbye, Toby", + "text": "before Andy proposes to Angela. \"Goodbye, Toby\" first aired on May 15, 2008 on NBC. The episode received 4.1/10 in the 18\u201349 demographic in the Nielsen ratings. This means that 4.1 percent of all households with an 18- to 49-year-old living in it watched the episode, and ten percent had their televisions tuned to the channel at any point. The episode was watched by 8.07 million viewers. \"Goodbye, Toby\" was generally well-received by critics. TV Squad's Jay Black said that \"\"The Office\" is at its best when its exposing the dramas that take place at every workplace\". Black went on", + "score": 0.73388671875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "9172359", + "title": "Toby Flenderson", + "text": "to take money from Michael. I'm gonna chase that feeling.\" In \"The Convention,\" after finding out that Pam is no longer engaged, Toby makes a couple of attempts to ask her out but can't say the words. Michael trashes Toby to Jim and eagerly asks Jim if the HR rep is the reason he left for Stamford. Michael is visibly stung when Jim says no (he later tells Michael about his declaration of love for Pam). In \"The Convict,\" Michael jokingly refers to Toby as a rapist, much to the dismay of those present. Later, Toby convinces Michael to release", + "score": 0.73046875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about when Toby comes back to the office." + }, + { + "id": "11052151", + "title": "The Deposition (The Office)", + "text": "February 12, 2008. Writers were allowed to return to work on the same day. The WGA allowed for show runners to return to work on February 11, in preparation for the conclusion of the strike. The show runner for \"The Office\", Executive Producer Greg Daniels, returned on February 11, while the show's writers returned to work on February 13. \"The Office\" finally returned with original episodes on April 10, 2008, with the episode \"Dinner Party\". Executive producer and show runner Greg Daniels stated that one of the main purposes of \"The Deposition\" was to add on to the tension building", + "score": 0.72802734375, + "summary": "Irrelevant.", + "extraction": "Toby's return date to the office is irrelevant as it is not mentioned in the given passage." + }, + { + "id": "9172410", + "title": "Toby Flenderson", + "text": "visit the convict in prison and was, in fact, strangled and nearly killed by him). In the series finale, it's revealed that Toby was fired immediately after Dwight fired Kevin Malone (it's likely that the Corporate office fired Toby and Dwight simply had the burden of telling him) and Toby then moved to New York where he's trying to become a novelist and has six roommates. Toby surprises his former co-workers at the reunion panel when he says that his life feels meaningless now that he's not being filmed for the documentary anymore. He breaks down in tears while dancing", + "score": 0.7236328125, + "summary": "Toby does not come back to the office, as he was fired and moved to New York to become a novelist with six roommates.", + "extraction": "Irrelevant. The passage does not provide any information on when Toby comes back to the office." + }, + { + "id": "9172330", + "title": "Toby Flenderson", + "text": "leg. After an awkward silence, Toby announces his move to Costa Rica. While shocked at this, Pam does not appear to be angered at Toby for this in subsequent episodes. In \"Goodbye, Toby\" Pam gives to Toby an office picture of the staff that excludes her (because she took the picture herself) for when he leaves for Costa Rica. Toby, unsatisfied by the lack of her presence, shouts at the office staff asking for a camera (possibly the loudest he's ever spoken). When no one responds, he runs off for an extended amount of time just to find a camera", + "score": 0.72314453125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide information about when Toby comes back to the office." + }, + { + "id": "11882720", + "title": "Goodbye, Toby", + "text": "and Pam plot. However, he felt that the episode's \"overstuffed\" qualities were a weakness, and he ultimately awarded it a \"B+\". The episode was nominated for an Emmy at the Primetime Emmys in the \"Best Direction for a Comedy Series\" category in 2008. Goodbye, Toby \"Goodbye, Toby\" is the fourth season hour-long finale of the American comedy television series \"The Office\", and the show's seventy-first and seventy-second episodes overall. Written by Paul Lieberstein and Jennifer Celotta, and directed by Paul Feig, the episode first aired in the United States on May 15, 2008 on NBC. The series\u2014presented as if it", + "score": 0.72216796875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about Toby's return to the office." + }, + { + "id": "9172386", + "title": "Toby Flenderson", + "text": "wasted the cops' time that could have been used to deal with law enforcement\u2014inspires more shock and disgust from Michael. He is seen on occasion in the background in the \"Annex\" of the office. When Michael gives his two weeks notice, Toby shows he's not as resentful towards Michael as Michael is to him in a talking head, referring to him as a movie on an airplane, which is nothing special but something to watch. He was seen breaking up a jam session in the lunch room up between Dwight and Andy who were attempting to impress the new receptionist", + "score": 0.7216796875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about when Toby comes back to the office." + }, + { + "id": "10065353", + "title": "Back from Vacation", + "text": "news that Michael took Jan to Jamaica, and Jan maintaining the ruse that she was in Scottsdale while talking to a coworker at Corporate, who is viewing the photo on his computer. Additional scenes include Dwight complaining about Jim's pranks while Michael was on vacation, Roy helping Ryan with inventory, Andy challenging Dwight to a box-stacking race, and Meredith climbing on a shelf, which falls and traps her. \"Back from Vacation\" first aired on January 4, 2007 in the United States on NBC. It was the first episode of the season to air after the end of the December holiday", + "score": 0.72119140625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "9172346", + "title": "Toby Flenderson", + "text": "an interest in trains during a conversation while spying on Darryl and Dwight says he is welcome anytime to come to his farm. Toby has on occasion been stern with Dwight, notably in \"Casual Friday,\" in which he threatened to write him up if he didn't sit down and has foiled some of Dwight's dangerous schemes such as leaving weapons in the office and stopping Dwight from wearing dangerous costumes to Halloween (for which Dwight threatens to kill him). In the final episode of the series, Dwight fires Toby alongside Kevin (though less harshly), possibly indicating that he dislikes Toby", + "score": 0.72119140625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "4440114", + "title": "Ed Helms", + "text": "a writer for the show who also plays Toby Flenderson, the human resources representative at the Scranton branch of Dunder Mifflin. \"I can't remember when they started merging.\" Helms returned to \"The Daily Show\" on December 5, 2006, stating he had been gone because he was \"undercover at a paper company in Scranton\", an allusion to his stint on \"The Office\". In February 2007, NBC announced that Helms had been promoted to series regular, and in February 2010 Helms was added to the show's opening credits. Helms quickly became a solidifying part of the cast, and eventually came to be", + "score": 0.72119140625, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "9459904", + "title": "The Return (The Office)", + "text": "broadcaster Marv Albert, who was convicted of sexual assault in the late 1990s. \"The Return\" first aired on January 18, 2007 in the United States on NBC. According to Nielsen Media Research, the episode was watched by an estimated 10.15 million viewers. \"The Office\" and its lead-in \"My Name is Earl\" finished first in the 18\u201349 demographic against its time slot competitors, though it was not enough to prevent the overall network from finishing in third place among total viewers. The same day as the episode broadcast, NBC renewed \"The Office\" for a full fourth season, which came as no", + "score": 0.7197265625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The given passage does not provide any information about Toby or his return to the office." + }, + { + "id": "9459902", + "title": "The Return (The Office)", + "text": "would be returning. In early February, NBC confirmed Helms had been hired on as a series regular for the rest of the year, with the actor returning in the season's nineteenth episode, \"The Negotiation\". \"The Return\" was later rebroadcast with \"Traveling Salesmen\" as a combined hour-long episode, on March 15, 2007. NBC added previously unaired and re-edited scenes into the episode, which was perceived by one commentator as a method to \"boost the ratings during the content dearth known as repeat week, giving its replays a creative twist\". Greg Daniels explained that in addition to the attempt to attract a", + "score": 0.71923828125, + "summary": "Toby's return to the office is irrelevant to the document.", + "extraction": "Toby's return to the office is not mentioned in the given passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "7150851", + "title": "Sexual Harassment (The Office)", + "text": "a guy who was just passing drugs from one guy to another\" monologue 5 out of 5. \"Entertainment Weekly\" named Michael Scott's line, \"Toby is in HR, which technically means he works for corporate. So he's really not a part of our family. Also, he's divorced, so he's really not a part of his family,\" one of \"TV's funniest lines\" for the week ending October 3, 2005. Dan Phillips from IGN named \"Michael's Boner\" the tenth most awkward moment of the show, noting that, \"The camera holds the others' reactions just long enough to drive home the awkwardness of the", + "score": 0.71826171875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "9172382", + "title": "Toby Flenderson", + "text": "finally does as his party is ending. Michael gets a last dig in by having Hank the security guard escort Toby out of the office as he leaves for his new life in Costa Rica and is still shown to be upset when Toby looks at his new watch. In a deleted scene at his farewell party, Toby refers to an undefined incident involving his sister; this marks the first time Toby has mentioned having any siblings, although late in season 7 he reveals also having a brother Rory. In season five, Toby is revealed to be in traction in", + "score": 0.71826171875 + }, + { + "id": "9172379", + "title": "Toby Flenderson", + "text": "to Costa Rica. Michael is overjoyed at his departure and plans to throw a lavish goodbye party that reflects this. Both Kelly and Pam say they are sorry he is leaving, with Pam saying in an interview that she thinks he's kind of cute. Toby also ends up annoying Holly, his replacement, to a degree while showing her around the office and she is somewhat rude to him and claims that he almost bored her to sleep, something which Michael enjoys hearing (Holly remains oblivious that Michael, in fact, abuses Toby and Michael claims that Toby tortures him, though it", + "score": 0.716796875 + }, + { + "id": "9172343", + "title": "Toby Flenderson", + "text": "\"Customer Loyalty\". In the finale, however, after Andy returns with a more positive and friendly attitude, Toby is pleased to hear him (and several other staff members) encourage him to join them at the after party in the warehouse, implying the two are now on good terms. Toby and Dwight appear to have a stable relationship and Dwight does not appear to hate Toby like Michael does, though on a few occasions Dwight has helped Michael make Toby miserable such as trying to get him arrested and fired once he returned from his vacation from Costa Rica (even more enthusiastically", + "score": 0.71630859375 + }, + { + "id": "9172353", + "title": "Toby Flenderson", + "text": "been planning to skip. Toby only appears in a few episodes, showing up first in a scene in \"Diversity Day,\" in which he jokes about sitting in an Indian Circle (to which everyone else laughs). Michael, having told many more offensive jokes, is offended by Toby's joke and tells him that \"This is an environment of welcoming, and you should just get the hell out of here.\" Toby does so and the staff suddenly goes very quiet. This is the first instance in the relationship between the two, Toby trying to be responsible, and Michael trying to demean and undermine", + "score": 0.71630859375 + }, + { + "id": "9172411", + "title": "Toby Flenderson", + "text": "with Pam at Dwight and Angela's wedding, saying of what's bad in his life that \"It's everything!\", but he seems cheered a little when the group insists he join them for post-wedding festivities. In a photo gallery NBC released of \"where are they now?\" info-bits for the characters, it's revealed that Toby has returned to his destiny by taking on an HR position at a TJ Maxx store. Toby Flenderson Toby Flenderson (born in 1971) is a fictional character on the U.S. comedy television series, \"The Office\". He is portrayed by the show's writer, director, producer and showrunner Paul Lieberstein,", + "score": 0.7119140625 + }, + { + "id": "11882708", + "title": "Goodbye, Toby", + "text": "security escort Toby out of the office as a parting insult. Dwight is crushed that his ex-girlfriend is marrying someone else. In the last scene of the episode, Phyllis returns to the office, pleased at the success of her party, where she and the camera crew walk in on Angela and Dwight having sex on one of the desks. \"Goodbye, Toby\" was written by Paul Lieberstein and Jennifer Celotta. Lieberstein is also the actor who plays Toby Flenderson. It took Lieberstein and Celotta four or five days to write this episode. Writer Anthony Farrell said that the idea for Dunder", + "score": 0.7099609375 + }, + { + "id": "9172327", + "title": "Toby Flenderson", + "text": "betrays both his difficulty in doing so and his horror when an appreciative Toby suggests that Michael look up Toby's brother Rory in Boulder once he's settled himself in Colorado. This can be viewed as Michael's final comeuppance for his treatment of Toby as even though he is moving away to Colorado, he will still not escape Toby and will have to endure annoyance from Toby's brother Rory (who seems to be virtually identical to him and whom Toby encourages to be friends with Michael). Pam and Toby are shown to have a good relationship. Pam has shown much displeasure", + "score": 0.7099609375 + }, + { + "id": "12609566", + "title": "Frame Toby", + "text": "and enlists Dwight's help to frame him for using drugs so he will be fired. Meanwhile, Pam is disgusted over a mess left in the microwave that no one bothers to clean up, and Jim buys his parents' house \u2013 without telling Pam. Michael is upset when he learns that Toby (Paul Lieberstein) is back as their HR representative, particularly because he is in essence replacing Holly. He tries to get CFO David Wallace (Andy Buckley) to get rid of Toby, but Wallace refuses. Michael says he has been unaware of Toby's return, which happened a week before, as he", + "score": 0.70947265625 + }, + { + "id": "9172302", + "title": "Toby Flenderson", + "text": "in order to pursue the woman he'd later marry and painfully divorce). He likes his colleagues, although he is sometimes exasperated by the excessively chatty Kelly Kapoor. He also has a long-standing crush on Pam Beesly, which he almost reveals at the end of Season 4 when he resigns from his position to move to Costa Rica. Toby was intensely despised by branch manager Michael Scott, largely because Michael had no authority over him as Toby reported to corporate headquarters, and because Toby frequently tried to dissuade Michael from many of his ill-conceived and impulsive ideas. Michael sums up his", + "score": 0.70947265625 + }, + { + "id": "9172392", + "title": "Toby Flenderson", + "text": "the aisle at the ceremony's end. In the following episode, \"Mafia\", Oscar comments that with Jim and Pam off on their honeymoon and Toby having \"mentally checked out in June\" he is the only person left to counter insane antics with rational thinking. When hearing of Oscar's comments Toby casually agrees with him. In the episode \"The Lover\", Toby is yelled at by both Michael and Jim when he walks in on them just after Michael has told Jim he's dating Pam's mom. Later, after Pam blew up at Michael in the conference during an office meeting, Michael comes to", + "score": 0.708984375 + }, + { + "id": "9172387", + "title": "Toby Flenderson", + "text": "with guitar and banjo to the song \"Take Me Home, Country Roads\" by John Denver. Toby simply says, \"You have to stop.\" In \"Stress Relief\", Toby is seen attempting to help the others escape Dwight's fire drill. In the second part of the episode, during the roasting of Michael, Toby begins to walk to the mike but Michael stops him declaring that only friends are allowed to roast him and Toby agrees and sits back down and laughs with the rest of the audience at Michael being roasted. It is possible Michael stopped Toby from roasting him not only because", + "score": 0.70751953125 + }, + { + "id": "9172316", + "title": "Toby Flenderson", + "text": "\"The Deposition\" and \"Niagara\", Michael shows nothing but rudeness and hatred. Michael viewed Toby as his sworn enemy and took every opportunity to demean him. As Michael sneers, \"Toby is in HR, which technically means he works for corporate, so he's really not a part of our family. Also, he's divorced, so he's really not a part of \"his\" family\" and says that \"Toby Flenderson is everything that is wrong with the paper industry.\" He also stated, \"I hate so much about the things that you choose to be\" (immediately following the above quote from Toby regarding the Casino Night).", + "score": 0.70654296875 + }, + { + "id": "9459896", + "title": "The Return (The Office)", + "text": "\"The Return\" as a combined hour-long episode as part of their sweeps week. As a result, both episodes underwent editing which included the addition of four minutes of previously unseen footage. Having quit Dunder Mifflin, Dwight Schrute (Rainn Wilson) settles for a job at Staples. Andy Bernard (Ed Helms) relishes the thought of becoming Michael Scott's (Steve Carell) new Number Three and begins to pester Michael for attention. When Andy begins to irritate his co-workers, Jim Halpert (John Krasinski), after getting no support from Karen Filippelli (Rashida Jones) or Ryan Howard (B. J. Novak), recruits Pam Beesly (Jenna Fischer) to", + "score": 0.7060546875 + }, + { + "id": "9172338", + "title": "Toby Flenderson", + "text": "Athlead. Despite the moments mentioned above, Jim and Toby have a decent relationship. Toby shares the Annex with Kelly, and he is exasperated at being in the close proximity of Kelly and Ryan's juvenile romantic escapades. Using the excuse that he was allergic to his desk, Toby moved locations to escape Kelly's constant talking, moving out of the cubicle, albeit only to a desk adjacent to it. Toby later wonders if Michael intentionally moved Ryan to his former area in order to torture him via Ryan and Kelly's endless fighting, commenting that \"If he did... genius.\" Kelly stated in a", + "score": 0.70556640625 + }, + { + "id": "16861896", + "title": "The Target (The Office)", + "text": "Trevor's van. Angela and Dwight question Toby about the tendencies of homosexuals in a way similar to how Dwight questions Toby about the appearance of female genitalia in the second-season episode \"Sexual Harassment\". While working on her mural, Pam is seen wearing a Pratt Institute hoodie, which she attended for three months during the fifth season. Angela tells Dwight to meet up in the \"usual place\", which Dwight shows up to nude, referencing their previous secretive relationship. \"The Target\" originally aired on NBC on November 29, 2012. In its original American broadcast, the episode was viewed by 3.88 million viewers", + "score": 0.70458984375 + }, + { + "id": "9459894", + "title": "The Return (The Office)", + "text": "The Return (The Office) \"The Return\" (originally titled \"Oscar's Return\") is the fourteenth episode of the third season of the US version of \"The Office\", and the show's 42nd overall. In the episode, the office celebrates Oscar Martinez's (Oscar Nunez) return, who had been on vacation since the first episode of the season. Meanwhile, a recently departed Dwight Schrute (Rainn Wilson) finds a job at Staples. The episode was written by Michael Schur, Lee Eisenberg and Gene Stupnitsky, and was directed by series creator Greg Daniels. Actor Oscar Nunez returned to \"The Office\" after having left to film the television", + "score": 0.70458984375 + }, + { + "id": "9172347", + "title": "Toby Flenderson", + "text": "and that he annoys him to a degree, like his predecessors Michael, Jim, and Andy (or possibly on orders from Corporate or to prevent him from interfering in his firing of Kevin). While Dwight states that he misses Kevin after firing him, he never states the same for Toby. Dwight does, however, invite him to his wedding, possibly showing that he does consider him a friend. In \"Get the Girl\" Toby introduces himself to Nellie as Tony, to which Pam replies \"You messed up saying your name?\" He answers her by saying, \"It happens, okay?\" In \"Dwight Christmas\", at the", + "score": 0.70361328125 + }, + { + "id": "9172399", + "title": "Toby Flenderson", + "text": "the situation he's in with Ryan. Toby tries to offer the best advice he can, but as usual, Michael brushes off what he says and then pokes fun at the fact that someone else is banging his wife. In \"Classy Christmas\" Toby has to go on leave so he can report for jury duty. The case turns out to be that of the Scranton Strangler, a fact Toby lets slip out despite his not supposed to be talking about the case. He later says to the camera crew he likes the attention. Michael is visibly disgusted when Toby returns on", + "score": 0.70361328125 + }, + { + "id": "9172365", + "title": "Toby Flenderson", + "text": "looks like he's about to get angry; Michael then seems to catch himself and admits what he said to Toby was wrong. In \"Beach Games,\" Michael bans Toby from attending the beach event because he wants it to be fun and says it will not be if Toby is there. Toby is visibly upset that he will not get to see Pam in a bikini (which she ends up not wearing there) and is seen despondently doing paper work in a deleted scene from the episode. On the Season 3 DVD, Toby gives a series of wraparound interviews. Among other", + "score": 0.70361328125 + }, + { + "id": "9172367", + "title": "Toby Flenderson", + "text": "Toby then wonders why the 5K course was a straight line instead of a circle that would have returned everyone to the Dunder Mifflin building. In \"Dunder Mifflin Infinity\" after Toby sees Pam kiss Jim he sends out a memo about Public Display of Affection. When Michael accosts Toby about the memo (thinking it's about him and Jan having sex in the office), Toby tells him, in front of everyone, that it is about Jim and Pam. When they confirm that they are dating everyone is happy, except Toby. Later Pam and Jim visit him to see if they have", + "score": 0.703125 + }, + { + "id": "9172408", + "title": "Toby Flenderson", + "text": "from a barrage of tossed pine cones). When Toby isn't aggressive enough for Kelly Kapoor's taste, she stands up and begins threatening and swinging at him, after which Andy defends Toby and gets punched in his other eye. In \"New Guys\", Andy returns from Outward Bound manager training, making him become more \"decisive and confident\". When Andy tells Toby that he plans to fabricate an excuse to fire Nellie, Toby shoots down the idea as a violation of corporate policy, prompting Andy to tell Toby \"I understand why Michael didn't like you.\" When Andy hosts a motivational exercise involving a", + "score": 0.7021484375 + }, + { + "id": "6333855", + "title": "Ryan Howard (The Office)", + "text": "it. In \"Business Trip\", Ryan and Kelly get back together when he moves back to the annex, though Ryan is uncomfortable again as he only made her breakup with Darryl with the expectation he would react violently, which he did not. In \"Frame Toby\", Ryan breaks up with her again and leaves the office altogether. Upon his return, the two do not rekindle their relationship, however, they constantly flirt and bicker with each other on Twitter. In an interview with Yahoo! TV, that was released before the episode \"Business School\", B. J. Novak describes Ryan and Kelly as \"the worst", + "score": 0.701171875 + }, + { + "id": "13228263", + "title": "Casual Friday (The Office)", + "text": "Casual Friday (The Office) \"Casual Friday\" is the twenty-sixth episode of the fifth season of the television series \"The Office\", and the 98th overall episode of the series. It originally aired on NBC in the United States on April 30, 2009. In this episode, Michael, Pam and Ryan return to Dunder Mifflin as salespeople, and other members of the sales staff become upset when they don't get their old clients back that the Michael Scott Paper Company stole from them. Meanwhile, Jim tries to remain neutral about the situation and plays board games with Creed, and Casual Friday is reinstated", + "score": 0.701171875 + }, + { + "id": "15218095", + "title": "Gabe Lewis", + "text": "to reassign him back to Florida, due to his personal issues within the office, over his breakup with receptionist Erin Hannon. However, in the eighth season, Gabe is back in the Scranton office without any on-screen explanation. A deleted scene in the Season 8 premiere had Gabe outlining that Corporate made a bafflingly illogical deal with the Scranton office, which would have Gabe be in Tallahassee three days a week and in Scranton for two, resulting in having to fly every night of the work week between the locations; in the episode \"Trivia\", Gabe repeats this information in a scene", + "score": 0.70068359375 + }, + { + "id": "15218098", + "title": "Gabe Lewis", + "text": "little more than a joke to them, many times being insulted or mocked despite his corporate status. His former workspace was a desk in the Annex, next to HR Toby Flenderson, facing the Break Room; in his comeback episode, he was shown setting up a diminutive desk by reception, though this is shown to have been removed in subsequent episodes. The producer's cut of \"Search Committee\" on the seventh season DVD details how Gabe came to work at Sabre; after Jo purchased Dunder Mifflin, she was in need of a \"ghost\", i.e. someone to \"flitter around, spooking people, keeping them", + "score": 0.69970703125 + }, + { + "id": "9172360", + "title": "Toby Flenderson", + "text": "the office employees from the conference room, whom he had locked in there as punishment for unfavorably comparing Dunder Mifflin to a prison. In \"A Benihana Christmas,\" Michael has Dwight take Toby's gift bag present of an expensive robe when they run out of enough of them for everyone. Pam later comes over and kindly gives her robe to Toby. In \"Back from Vacation,\" Toby asks Michael about the \"Jamaica Jan Sun Princess\" photo. Michael tries to accuse Toby of stealing the file from him, but Toby says \"nine different people sent it to me, including my ex-wife, and, well,", + "score": 0.69921875 + }, + { + "id": "9172326", + "title": "Toby Flenderson", + "text": "a few occasions realized when his mistreatment of Toby has gone too far such as in \"Women's Appreciation\" in which he literally asked him to expose his genitals and also in the aforementioned \"Frame Toby\" after attempting to get Toby arrested and fired, possibly showing that Michael's hatred of Toby has limits. In \"Goodbye, Michael,\" when Michael wants to give everyone in the office a proper goodbye, he somewhat makes up for all the times he has berated and insulted Toby by listening to him without insulting him once, possibly showing that he will miss Toby somewhat. However, his face", + "score": 0.69921875 + }, + { + "id": "6649273", + "title": "Michael Scott (The Office)", + "text": "\"Frame Toby\", he goes to great lengths to get him fired, trying to frame him for possession of marijuana (which turns out to be a caprese salad). In \"The Chump\", Michael says if he had a gun with two bullets and was in a room with Adolf Hitler, Osama bin Laden, and Toby, he would shoot Toby twice (which disgusts the rest of the office). In \"Nepotism\", after Michael spanks Luke, the office intern who is also his nephew, he is ordered to attend counseling sessions moderated by Toby, much to Michael's horror. At first Michael is uncooperative but is", + "score": 0.69921875 + }, + { + "id": "9172404", + "title": "Toby Flenderson", + "text": "informs him that Michael hates them. In the beginning of \"The Inner Circle\", Deangelo informs Toby that he is getting a new chair, but Deangelo, trying to be confusing so the staff won't \"figure him out\", tells Toby he doesn't care if he likes it. Toby is still grateful. In \"Dwight K. Schrute, (Acting) Manager\", he gets to fill out the gun violence accident form, much to his excitement. After Jo demotes Dwight upon learning of his gun accident, she appoints Toby as one of the search committee members who would be in charge of interviewing candidates for the manager", + "score": 0.69873046875 + }, + { + "id": "9172356", + "title": "Toby Flenderson", + "text": "else will just take his place. Michael then claims that if he had the authority, he would immediately fire Toby, to which Toby calmly replies, \"I know, Michael.\" In \"Booze Cruise,\" Toby is late arriving at the dock for a company cruise. When Michael orders the ship to leave without him, Toby grins broadly, implying he had planned things in order to miss the event. In \"Take Your Daughter to Work Day,\" Toby's daughter, Sasha, distracts Michael; the two actually get along, showing Michael's friendly side. Toby and Michael have a good conversation about Michael's desire to have a family:", + "score": 0.69873046875 + }, + { + "id": "11841072", + "title": "The Office (U.S. season 4)", + "text": "show runners to return to work on February 11, in preparation for the conclusion of the strike. The show runner for \"The Office\", Greg Daniels, returned on February 11, and the show's writers returned to work on February 13. The duration of the strike resulted in a script of a Christmas-themed episode being discarded, as production of the episode was due to start the week that the strike began. The basic premise of the Christmas episode, which revolved around the German folk character Belsnickel, was later purposely recycled and reused in the ninth season entry \"Dwight Christmas\". Many characters portrayed", + "score": 0.69873046875 + }, + { + "id": "14938227", + "title": "Counseling (The Office)", + "text": "in archival footage from the previous episode. With the seventh season of \"The Office\" being Carell's last, the writers decided to divide the season into two distinct halves; the first half would \"celebrate Carell's finale year and highlight different actors on the show\", whereas the second half would focus on his departure and the search for a new manager. As such, \"Counseling\" was one of the first episodes of the season to specifically highlight other characters, in this case Lieberstein's character, Toby. The Season Seven DVD contains a number of deleted scenes from this episode. Notable cut scenes include Stanley", + "score": 0.69873046875 + }, + { + "id": "9172363", + "title": "Toby Flenderson", + "text": "to listen to Ryan and Kelly bickering nonstop when Michael moves Ryan back to the annex. Toby wonders if Michael did this to punish Toby and that if he did, it was a genius move. Toby goes with Michael and Darryl to New York after Jan says she will not do the contract negotiation unless Toby is there. When Michael repeatedly mentions his and Jan's relationship at that point, Toby takes notes and Michael insults him, but Toby just says he's \"preparing for the deposition\" that he thinks will inevitably occur because Michael threatened to withhold sex from a female", + "score": 0.6982421875 + }, + { + "id": "9172371", + "title": "Toby Flenderson", + "text": "book, though Oscar and even Pam are also annoyed with Jim's wisecracking, uninformed behavior. Also in this episode Michael tells Karen she can have Toby instead of Stanley; when Karen says Toby is not a salesperson, Michael briefly tries to talk up Toby's ability to learn before saying he can't fake it and insulting the HR rep anew. In the episode \"Survivor Man,\" Toby ends up getting on Jim's nerves. When Jim is named Acting Manager while Michael is off on his \"wilderness adventure\" and starts altering the office's birthday schedule, Toby asks Jim if he can have a birthday", + "score": 0.6982421875 + }, + { + "id": "10939272", + "title": "Money (The Office)", + "text": "Money (The Office) \"Money\" is the seventh and eighth episode of the fourth season of the American comedy television series \"The Office\", and the show's sixtieth and sixty-first episode overall. It first aired on October 18, 2007, on NBC, and was the last of four consecutive hour-long episodes that opened the fourth season. The episode was written and directed by Paul Lieberstein, who also acts on the show as Human Resources Representative Toby Flenderson. \"Money\" marked Lieberstein's directorial debut. In the episode, Jan, now living with Michael, forces costly changes in Michael's life. This causes Michael to worry about his", + "score": 0.69775390625 + }, + { + "id": "9172368", + "title": "Toby Flenderson", + "text": "to sign a \"Love Contract,\" but he tells them to wait and see. In a scene that was added to the episode's repeat airing on NBC, Toby comes into work with a woman he says is his girlfriend and makes out with her right in front of the reception desk and Pam. In \"Money\" Toby shows that he uses very good grammar when he corrects Michael and clears up a confusion between the usages of the words \"whoever\" and \"whomever\" (\"who\" is used as a subject, while \"whom\" is used as an object). Michael responds by telling Toby to shove", + "score": 0.69775390625 + }, + { + "id": "9172390", + "title": "Toby Flenderson", + "text": "Toby ends up bonding with Dwight when they share an interest in trains, and finds that Dwight is restoring a life size one in his slaughterhouse. Although he does not appear, directly, in the episode The Promotion, Michael and Jim put baked beans on pictures of the employees as a way to decide the raises. Jim then sees a drawn picture of what looks to be a clown with a caption saying \"I'm an idiot\" and asks Michael who it is, Michael answers, saying it is Toby. Jim reminds Michael that Toby is not part of this and Michael answers", + "score": 0.69775390625 + }, + { + "id": "15218169", + "title": "Gabe Lewis", + "text": "sexually harassing Erin and trying to lure her back into his arms with professions of love and attempts to defame her boyfriend, all of which fail. After this episode, he is never seen again (along with Pete's ex) and no mention is ever given to his return. Early spoiler reports said that Lewis would return for the series finale, grouped with reports that B.J. Novak and Mindy Kaling would make appearances as well, but these later proved false. However, closure - and an explanation for his absence - was given to the character via a photo album epilogue released by", + "score": 0.697265625 + }, + { + "id": "13090716", + "title": "Two Weeks (The Office)", + "text": "Two Weeks (The Office) \"Two Weeks\" is the twenty-first episode of the fifth season of the television series \"The Office\", and the 93rd overall episode of the series. It originally aired on NBC in the United States on March 26, 2009. In this episode, Michael, who has given his two weeks' notice to Dunder Mifflin, tries to convince others in the office to quit and join him in starting a new paper company. Meanwhile, Pam spends her day trying to put together the new photocopier and becomes frustrated with her job. The episode was written by Aaron Shure and directed", + "score": 0.697265625 + }, + { + "id": "9172381", + "title": "Toby Flenderson", + "text": "he answers the question. Toby does not seem afraid but simply gives a \"things are OK as they are\" answer. Toby later tells the camera that he has made it far enough without disclosing Micheal's behavior and that there is no point in doing so. Toby gets revenge when Michael's insulting farewell gift to him is exposed (a rock with a note reading: \"Suck on this!\") and Pam gets Michael to unwillingly give up his watch to Toby, which he does, clearly upset. Toby's main concern on his last day is getting pictures of himself alone with Pam, which he", + "score": 0.697265625 + }, + { + "id": "6649272", + "title": "Michael Scott (The Office)", + "text": "not a part of our family. He's also divorced so he's not a part of \"his\" family either\". His longtime goal is to get rid of Toby and any attempts at reconciliation between the two usually backfire, with Michael resorting to name calling or jokes at Toby's expense. In the episode \"Goodbye, Toby\", Michael is thrilled when Toby decides to move to Costa Rica and gives as his going away present a rock with a note that reads \"Suck on this\". The next season, after Toby's replacement Holly is transferred, Michael is horrified when Toby returns to Dunder Mifflin. In", + "score": 0.6962890625 + }, + { + "id": "9459898", + "title": "The Return (The Office)", + "text": "fit of rage puts his fist through a wall. When Angela Martin (Angela Kinsey) finally reveals to Michael that she was the cause of Dwight's secret visit to Corporate, Michael realizes his error in forcing Dwight out and goes to Staples to ask him to return to Dunder Mifflin. Angela was worried that Michael would realize the two were involved in a romantic relationship, but Michael believes that Dwight saved Angela out of loyalty to the company. Dwight returns to the office and, much to his delight, thinks Oscar's welcome party is actually meant for him. Karen has noticed how", + "score": 0.6953125 + }, + { + "id": "9172394", + "title": "Toby Flenderson", + "text": "Toby is present in the meeting where Michael wants to talk about insults in the office and as usual when Toby simply makes a point Michael insults him by calling him a waste of life, though corrects himself claiming that's what he would like to say but the meeting is an insult free zone. However, when Michael reveals he has fallen into two fountains Toby appears to find this funny and laughs at Michael. After this, he asks for Michael to kick him out of the meeting and Michael tells him to go. In the episode \"Double Date\", Toby talks", + "score": 0.6953125 + }, + { + "id": "11506295", + "title": "Dinner Party (The Office)", + "text": "Filming of \"The Office\" immediately halted on that date, as Steve Carell, who is a member of the WGA, refused to cross WGA picket lines. Members of Writers Guild of America, East and Writers Guild of America, West voted to end the 100-day strike on February 12, 2008. Writers were allowed to return to work on the same day. The WGA allowed for show runners to return to work on February 11, in preparation for the conclusion of the strike. The show runner for \"The Office\", executive producer Greg Daniels, returned on February 11, while the show's writers returned to", + "score": 0.6953125 + }, + { + "id": "9172389", + "title": "Toby Flenderson", + "text": "with complaints about a too relaxed dress code by Oscar and Meredith. For the first time, he is stern with his employees and enforces HR policy by cancelling Casual Fridays at the office. In the episode \"Gossip\" Michael spreads rumors about various people throughout the Office, including that Toby is a virgin, even though he has a daughter. In the episode \"The Meeting\", Dwight and Toby investigate a dishonest workman's compensation claim filed by Darryl, an event which results in Dwight and Darryl filing complaints against each other, leaving Toby to \"drown in a sea of paperwork.\" During the episode,", + "score": 0.69482421875 + }, + { + "id": "11429708", + "title": "The Listener (TV series)", + "text": "Dev are so overprotective of Toby. It isn't until after the guard who was shot tells Michelle personal details about the robbers that he begins to believe it. He makes a deal to start a unit for cases that are either cold and/or can't be solved by normal procedures. Toby joins IIB as a special consultant, working for the IIB the majority of the time, while picking up shifts as a paramedic. Bell Media announced the series was ordered for a fourth season on July 25, 2012. It premiered May 29, 2013 in Canada. Toby\u2019s personal life heats up as", + "score": 0.693359375 + }, + { + "id": "9172405", + "title": "Toby Flenderson", + "text": "position (along with Jim and Gabe). In \"The List\", new CEO Robert California makes a list of the people in the office, dividing them between perceived \"winners\" and \"losers\"; he takes the winners out to lunch. Although Toby is on the list of \"winners\", he concludes that it must be a mistake, and excuses himself in the middle of lunch. In \"Lotto\", Toby says in a talking-head interview that if he won the lottery, he wouldn't change his life at all, except for quitting his job, moving away, and maybe re-entering the dating world. He also says he would spend", + "score": 0.693359375 + }, + { + "id": "13928844", + "title": "Double Date (The Office)", + "text": "right in the middle of her birthday lunch, as Pam and Jim watch in horror. Back at the office, Michael tries to bribe a furious Pam with a raise, but when she figures out his scheme, he asks her what she wants. Pam decides that she wants to hit Michael in the parking lot with everyone watching, to which Michael nervously agrees. Toby (Paul Lieberstein) makes sure that Pam will hit Michael off company property, and helps her work on her punching technique. That afternoon in the parking lot, Michael initially winces at Pam's attempts to hit him before sincerely", + "score": 0.69140625 + }, + { + "id": "16330180", + "title": "Last Day in Florida", + "text": "leaving Florida. Back in Scranton, Darryl Philbin (Craig Robinson) and Toby Flenderson (Paul Lieberstein) are both trying to sell Girl Scout cookies for their daughters. When Toby's requests clash with Darryl's, Darryl tells him they need their own sections of the office to sell to in order to not interfere with each other. Darryl takes accounting while Toby gets every other section. Darryl asks for accounting because Kevin Malone (Brian Baumgartner) buys more cookies than everyone else put together. Toby eventually realizes Darryl's plan and the two end up fighting over who sells Kevin cookies, with Kevin coming up with", + "score": 0.69091796875 + }, + { + "id": "6313481", + "title": "The Office (U.S. TV series)", + "text": "during this season. Beginning with this season, Zach Woods, who portrays Gabe Lewis, was promoted to a series regular. Erin and Gabe have begun a relationship, much to Andy's chagrin, and Andy attempts to win Erin's affection back. Michael's former girlfriend, Holly, returns to Scranton to fill in for Toby who is doing jury duty for the \"Scranton Strangler\" trial. Michael and Holly eventually restart their relationship. After the two get engaged, Michael then reveals he will be leaving Scranton to go to Colorado with Holly in order to support her elderly parents. Angela starts dating the state senator Robert", + "score": 0.69091796875 + }, + { + "id": "11882702", + "title": "Goodbye, Toby", + "text": "from critics, with many applauding the introduction of Amy Ryan's character, as well as the ending between Jim and Pam. The episode received 4.1 Nielsen rating and was watched by 8.07 million viewers. Dunder Mifflin's Scranton branch is planning a going-away party for Toby Flenderson (Paul Lieberstein) before he leaves for Costa Rica. Michael Scott (Steve Carell) is extremely happy that Toby is leaving, but when Angela Martin (Angela Kinsey) balks at his unreasonable party demands, Phyllis Vance (Phyllis Smith) accepts the duty of planning the party. She does fantastically, ordering carnival rides and hiring a band. Michael's hatred of", + "score": 0.69091796875 + }, + { + "id": "9459907", + "title": "The Return (The Office)", + "text": "that the relationship will devolve, because the setup for the success for most long-term TV romances requires miscommunication and no confrontation.\" In his review of the third season, Travis Fickett of IGN highlighted a scene of the episode; he commented, \"Watching Andy slowly meltdown when he can't find his cell phone is one of the better moments of the season.\" The Return (The Office) \"The Return\" (originally titled \"Oscar's Return\") is the fourteenth episode of the third season of the US version of \"The Office\", and the show's 42nd overall. In the episode, the office celebrates Oscar Martinez's (Oscar Nunez)", + "score": 0.69091796875 + }, + { + "id": "7159368", + "title": "The Client (The Office)", + "text": "The Client (The Office) \"The Client\" is the seventh episode of the second season of the American comedy television series \"The Office\", and the show's thirteenth episode overall. Written by Paul Lieberstein, who also acts in the show as Toby Flenderson, and directed by Greg Daniels, the episode first aired in the United States on November 8, 2005 on NBC. The series depicts the everyday lives of office employees in the Scranton, Pennsylvania branch of the fictional Dunder Mifflin Paper Company. In this episode, Jan Levinson (Melora Hardin) and Michael Scott (Steve Carell) begin a relationship after landing an important", + "score": 0.68994140625 + }, + { + "id": "16130498", + "title": "Pretty Little Liars (season 3)", + "text": "at Radley and offers her the chance to join the A-Team, which Spencer, who wants answers on Toby, accepts. Spencer is released from Radley and comes home, but is unbeknownst to the girls, working with Mona/\"A\" to set up a party so that Red Coat can meet them all. As promised, Mona arranges Spencer a meeting with Toby, who is alive and well and reveals that he joined the A-Team to keep Spencer safe. Spencer and Toby then begin working on the inside to discover Red Coat's identity at the party. Red Coat flies in on a plane and Spencer", + "score": 0.68994140625 + }, + { + "id": "9172407", + "title": "Toby Flenderson", + "text": "days when Toby was continuously mistreated by Michael when they \"prank\" Toby by telling him he's fired. Toby finds Bert's treatment of him hurtful\u2014especially Bert saying he can have Toby fired because he's the CEO's kid\u2014and Dwight finds the whole bit hilarious. In \"Test the Store\", Toby has a rare substantial role in a Season 8 episode, where he leads a self-defense lecture for the employees after they believe Andy was attacked by a gang and left with a black eye (Toby and everyone else later find out Andy was punched by a rude 4th-grade girl when he defended Pam", + "score": 0.68994140625 + }, + { + "id": "11882703", + "title": "Goodbye, Toby", + "text": "Toby has been transferred to the new human resources representative, Holly Flax (Amy Ryan), and he and Dwight Schrute (Rainn Wilson) plan to haze her. When she playfully affects disdain for Toby, Michael takes her seriously, and suddenly falls in love with her. Taking advice from Jim Halpert (John Krasinski), Michael succeeds in warming Holly up with small talk and jokes, and even tempers Toby's exit interview, which he had originally planned to be brutally insulting, because Holly attends. During the interview, Pam helps Toby finally get revenge against Michael by making him give up his favorite watch to Toby", + "score": 0.689453125 + }, + { + "id": "9171647", + "title": "Andy Bernard", + "text": "the subsequent eight episodes, as Ed Helms was busy filming \"The Hangover Part III\". In \"Dwight Christmas\", Andy sends Erin a text message (off-screen) saying he and Walter Jr. have arrived in the Bahamas. Andy decides to stay there for several more weeks to find himself, something that upsets Erin greatly, and causes her to become closer to her friend and co-worker Pete Miller. Andy returns in \"Couples Discount\" in a rapidly different appearance as a result of being away from three months in the Bahamas. He surprises the staff by returning a day early and immediately alienates everyone with", + "score": 0.689453125 + }, + { + "id": "9073229", + "title": "The Convict", + "text": "that the office is better than prison, Michael sends everyone to \"outside time\" in the bitter cold. He then calls a meeting in which he adopts the persona of \"Prison Mike.\" Martin comments that Michael's performance did not remind him of his time in prison. This further infuriates Michael, who then locks all of the staff inside the conference room. In order to have his co-workers released, Toby Flenderson (Paul Lieberstein) tells Michael the staff is simply teasing him. After letting the agitated workers go, a relieved Michael relents, but Martin chooses to quit. \"The Convict\" was written by Ricky", + "score": 0.689453125 + }, + { + "id": "9172301", + "title": "Toby Flenderson", + "text": "Toby Flenderson Toby Flenderson (born in 1971) is a fictional character on the U.S. comedy television series, \"The Office\". He is portrayed by the show's writer, director, producer and showrunner Paul Lieberstein, and is an original character with no equivalent in \"The Office\" (UK TV series). Toby Flenderson is the human resources representative for the Scranton branch of paper distributor Dunder Mifflin/Sabre. Mild-mannered to the point of being physically incapable of voicing his opinions or asserting himself, Toby can be somewhat mournful about his life choices (he fell into the field of Human Resources after leaving his training at seminary", + "score": 0.68896484375 + }, + { + "id": "9172307", + "title": "Toby Flenderson", + "text": "only tolerates Michael. He has reached out to Michael several times despite Michael's continued abuse. He gets along with the rest of the staff. When Dwight approached Michael about missing a gift bag during \"A Benihana Christmas,\" Michael suggested stealing it from Toby, much to Toby's later chagrin, as all the office staff had new robes except for him (Pam later gave her robe to Toby, and this increased Toby's unrequited crush on her). Michael on numerous occasions attempts to blame Toby for problems that are clearly his own fault such as in \"The Merger\" in which he questions Tony", + "score": 0.68896484375 + }, + { + "id": "9172397", + "title": "Toby Flenderson", + "text": "of his self-publishing but is being sued for plagiarism. In \"Counseling\", Toby does counselling for Michael. They briefly become friends as Michael talks to Toby about his life, but when Michael realizes that Toby is, in fact, counselling him, Michael yells at him. Toby reveals that he has a degree in social work. At the end of the episode, however, he seems to be communicating with Toby civilly, as most of his anger is fixed on Gabe Lewis. In \"Costume Contest\", Toby dresses up as a hobo. In a deleted scene, while using a Ouija board at the office Hallowe'en", + "score": 0.6884765625 + }, + { + "id": "16574200", + "title": "The Office (U.S. season 9)", + "text": "episode, but that he did not film any scenes. However, an anonymous source \"close to the show\" said \"don't rule anything out\". TVLine later reported on May 6, that Carell would appear in a cameo, although NBC declined to comment and Carell's representatives continued to deny the reports. Carell, however, did end up returning for the finale; his character, Michael Scott, becomes Dwight's best man at his wedding. A month after the episode aired, Carell explained in an interview with TVLine that he \"lied for months to the press, to almost everyone, really\". He noted that he \"felt terribly for", + "score": 0.6884765625 + }, + { + "id": "6649274", + "title": "Michael Scott (The Office)", + "text": "gradually tricked by Toby into discussing therapeutic details of his life and childhood. In \"Classy Christmas\", Michael is happy to hear the news that Toby is going to be on a leave of absence for jury duty and that Holly will be taking his place. In \"Michael's Last Dundies\", Michael eggs Toby's house in the cold open while yelling, \"you suck\", while he and Deangelo are handing out Dundie nominations. Ironically, Michael is shown to have befriended Toby's daughter Sasha in \"Take Your Daughter to Work\". In \"Goodbye, Michael\", Michael is seen saying goodbye to Toby without insulting him, possibly", + "score": 0.68798828125 + }, + { + "id": "9172358", + "title": "Toby Flenderson", + "text": "past. Toby covertly shows that he files Dwight's complaints against Jim in a trash box and that he puts the huge number of complaints against Michael in unmarked boxes that are filed into the vast space of the warehouse. In \"Casino Night,\" Toby tries to convince Michael not to invite Boy Scouts to a company Casino Night. Michael's response is to demean him in front of everybody. Toby just lets him finish. That night, however, Toby viciously beats Michael at no-limit Texas Hold 'Em, to Michael's visible irritation. Later, Toby says to the camera, \"I'm not gonna lie\u2014it felt good", + "score": 0.6875 + }, + { + "id": "9172364", + "title": "Toby Flenderson", + "text": "superior in order to get a modest, scheduled raise, commenting, \"It will be a groundbreaking case when it inevitably goes to trial.\" Additionally, when Darryl says he will stay in New York for the night, he tells Toby he can join him and stay at his relative's house, pointedly not extending the same offer to Michael. In \"Women's Appreciation,\" Toby is out of the office at a parent-teacher conference when Phyllis is flashed. When he returns, Michael scoffs at his alibi and seriously asks to see his penis to rule him out as a suspect. Toby turns towards Michael and", + "score": 0.6875 + }, + { + "id": "9172350", + "title": "Toby Flenderson", + "text": "looks happy. However, Nellie later firmly establishes her contempt for Toby and there is no further romantic story-line between them. She is also somewhat rude and insulting to him on a few occasions notably in \"Paper Airplane\" in which she speaks of him as being a loser, however, Nellie's poor treatment of him could stem from Toby's awkward and annoying behaviour towards her. When Toby returns to Scranton for the reunion and Angela and Dwight's wedding, Nellie (also returning to Scranton from her new home in Poland) lets the camera crew know she isn't thrilled about seeing Toby again. At", + "score": 0.68701171875 + }, + { + "id": "9172375", + "title": "Toby Flenderson", + "text": "Meredith that the car accident from Fun Run was Michael's fault, and Toby nods. In the episode \"Night Out,\" he puts his hand on Pam's leg and caresses it for a long, awkward moment, which everyone standing around seems to notice, making this the first time the employees see Toby's possible crush on Pam. Immediately thereafter, realizing what he had just done, he abruptly announces that he is moving to Costa Rica, runs outside to the security fence, scales it, and disappears into the night. This scene was done by a stunt double, as Lieberstein wanted to do it himself", + "score": 0.68701171875 + }, + { + "id": "9172403", + "title": "Toby Flenderson", + "text": "effect from Dwight's synthesizer. In \"Goodbye, Michael\", Michael is seen saying goodbye to Toby without insulting him, possibly indicating that he will miss Toby on some level. However, Michael is visibly disgusted when he learns that Toby has a brother, Rory (played by Paul Lieberstein's real-life brother Warren), who lives in Boulder, Colorado as well. Later, Toby is seen talking to Rory via Skype and tells him he thinks his brother and Michael would \"hit it off in an odd way\". Rory suggests that he could bring Michael a welcome basket, and asks Toby if Michael likes Jams, but Toby", + "score": 0.68701171875 + }, + { + "id": "10065318", + "title": "Grief Counseling (The Office)", + "text": "included a coworker showing Jim photographs of her baby, Dwight telling everyone to delete their records of Ed Truck, Michael talking about a need for a grief counselor, Toby holding a grief counseling session for the office, and Roy telling Pam of the birth of a cousin's twins. \"Grief Counseling\" first aired on October 12, 2006 on NBC in the United States. It received a Nielsen rating of 4.1/11. This means that it was seen by 4.1% of all 18- to 49-year-olds, and 11% of all 18- to 49-year-olds watching television at the time of the broadcast. The episode was", + "score": 0.68701171875 + }, + { + "id": "15388055", + "title": "Goodbye, Michael", + "text": "Goodbye, Michael \"Goodbye, Michael\", also known as \"Goodbye Michael Scott\", is the twenty-second episode of the seventh season of the American comedy series \"The Office\" and the show's 148th episode overall. It originally aired on NBC in the United States on April 28, 2011. In the episode, Michael prepares to leave for Colorado with Holly and spends his last day in the office saying goodbye to everyone individually, wanting no drama to ensue. Meanwhile, new manager Deangelo and Andy try to keep Michael's biggest clients. The episode was written by series developer and executive producer Greg Daniels and was directed", + "score": 0.6865234375 + }, + { + "id": "9172355", + "title": "Toby Flenderson", + "text": "only to be interrupted by Michael and a blow-up doll. Michael then states that everyone is still \"generally quite happy,\" which he thinks is because Toby has not yet had the meeting. In fact, Toby did have the meeting and everyone clapped after he was done, leaving them in a good mood. In a deleted scene of \"Halloween,\" Toby tries to persuade Michael to make a decision as to which employee he must fire. When Michael chooses Toby, Toby replies that he does not report to Michael. When Michael then tries to get Toby to quit, Toby replies that someone", + "score": 0.6865234375 + }, + { + "id": "9172337", + "title": "Toby Flenderson", + "text": "seen in \"Did I Stutter?\" where he assists Ryan (now Vice President) in giving Jim a formal warning for his job performance and criticizes him very bitterly in \"Branch Wars\" when Pam reluctantly allows Jim to join the Finer Things Club, though this likely all stems from Toby's jealousy of Jim's relationship with Pam. During \"Stairmageddon\", Jim turns to Toby for advice on marriage counseling due to Toby's past of going to such counseling. Jim is left thoughtful and concerned when Toby notes that Pam is in a very difficult situation of short-term vs. long-term issues with Jim's work at", + "score": 0.68603515625 + }, + { + "id": "9172395", + "title": "Toby Flenderson", + "text": "to Pam to make sure she plans on hitting Michael off grounds. He then gives Pam some tips on how to punch harder, even going through motions with her on how to do it as Michael watches on from his office, visibly afraid. In the episode \"Secret Santa', Toby is called \"Antichrist\" for calling Michael's Jesus costume inappropriate. In \"The Banker\" Toby is interviewed by an investment banker as he evaluates the branch. Michael tries to have Toby distracted while Dwight impersonates him but Toby appears and makes Dwight leave. Despite knowing of several questionable incidents that have taken place", + "score": 0.685546875 + }, + { + "id": "9172340", + "title": "Toby Flenderson", + "text": "Toby home to prevent him from interfering with the hiring of a stripper, Darryl refers to Toby (\"that red-haired guy with the sad eyes\") as a cool guy. While on a trip to the Corporate offices with Darryl and Michael in \"The Negotiation,\" Darryl also offers to let Toby crash for the night at a relative's house in New York, denying Michael the same opportunity. He also had a nickname for Toby (\"T-dog\") at one point, though their relationship soured when Dwight's plan to expose Darryl's worker's compensation fraud led to embarrassment for all of them and Toby insulted Darryl", + "score": 0.685546875 + }, + { + "id": "12818406", + "title": "Stress Relief (The Office)", + "text": "Stress Relief (The Office) \"Stress Relief\" is a two-part episode of the American comedy television series \"The Office\". They constituted the fourteenth and fifteenth episode of the fifth season, and the 86th and 87th overall episodes of the series. Both episodes were directed by Jeffrey Blitz and written by Paul Lieberstein, who also plays Toby Flenderson on the show. In this episode, Dwight stages a fire in the office to test the office's fire safety skills, but things go from bad to worse when Stanley suffers a heart attack, causing Michael to come up with ways to relieve stress in", + "score": 0.685546875 + }, + { + "id": "9172396", + "title": "Toby Flenderson", + "text": "in the office, he does not say anything to the banker. He expresses his torn feelings about this in a talking head. In \"Whistleblower\", Toby is revealed to have written a few chapters of a mystery novel and receives advice on the plot from Jo Bennett to which he replies in an interview, \"Write your own damn novel!\" In \"Nepotism\", as a punishment for physically injuring an employee, Michael is sent to a 6-hour counselling with Toby. In a deleted scene, Toby tells the camera crew that he finished writing his book over the summer and got four sales out", + "score": 0.68505859375 + }, + { + "id": "6649271", + "title": "Michael Scott (The Office)", + "text": "window as his plane flies off. In a deleted scene of \"The Inner Circle\", Pam is flattered that Michael named his new dog \"Pamela Beagsley.\" Pam later teases Jim that their second child will be named \"little Michael Scott\" displaying the friendship she had developed with her former boss. Despite liking the majority of the staff, Michael fiercely hates Human Resources Manager Toby Flenderson, likely due to Toby's requirement to enforce the rules of proper office behavior that Michael loves to flout. Michael once reasoned that \"Toby is in HR, which technically means he works for Corporate. So he's really", + "score": 0.68505859375 + }, + { + "id": "9172305", + "title": "Toby Flenderson", + "text": "divorced. Toby loves his daughter and went the extra mile in \"Moroccan Christmas\" to buy her one of Dwight's Princess Unicorn dolls from Darryl Philbin, noting that his ex-wife \"will be so pissed\" and that \"for once, Daddy's going to be a hero.\" However Darryl bought an African-American doll. When Darryl asks if the doll is okay, Toby says \"It's even better than the one she wanted.\" Toby claims to have no \"passion for HR\" and was only hired at Dunder Mifflin as it was the first job he could find. He joins the others occasionally but only for business", + "score": 0.68505859375 + }, + { + "id": "11032266", + "title": "Survivor Man", + "text": "that he can survive in the wild. Dwight drops Michael off in the middle of a local wooded area and contrary to Michael's wishes, stays behind to monitor Michael. Meanwhile, Jim spends the day as boss, but his plan to incorporate multiple birthdays into one combined event ends up alienating the entire office against him. Ryan Howard (B. J. Novak) invites the regional branch managers and Dunder Mifflin Scranton Human Resources representative Toby Flenderson (Paul Lieberstein) to a corporate wilderness retreat, but does not invite Michael Scott (Carell). To show that he is capable of surviving in the wilderness, Michael", + "score": 0.68505859375 + }, + { + "id": "12558305", + "title": "Employee Transfer", + "text": "Employee Transfer \"Employee Transfer\" is the sixth episode of the fifth season of the television series \"The Office\", and the show's seventy-eighth episode overall. The episode aired in the United States on October 30, 2008 on NBC. In this episode, Michael struggles with the fact that his girlfriend Holly is being transferred back to her old branch in Nashua, NH, after CFO David Wallace discovers their relationship. Meanwhile, Pam and Jim's two brothers play a prank on Jim, and Dwight irritates his romantic rival Andy by taking an interest in Andy's old school, Cornell University. Pam (Jenna Fischer) is embarrassed", + "score": 0.68505859375 + } + ], + "answer": "The Office is an American mockumentary sitcom television series that depicts the everyday work lives of office employees in the Scranton, Pennsylvania, branch of the fictional Dunder Mifflin Paper Company. In the show, Toby Flenderson leaves the company for Costa Rica. In season 5 episode 9, Frame Toby, Toby returns to work and Michael enlists Dwight's help to frame him for using drugs so he will be fired. The episode aired in the United States on November 20, 2008 on NBC." + }, + { + "qa_pairs": [ + { + "context": "The Service Headquarters is located in Hertford whilst the Training and Development Centre and Fire Control Centre are located in Stevenage. It is administered by a Fire Authority which is an internal part of Hertfordshire County Council. The Chief Fire Officer is Darryl Keen, assisted by Deputy Chief Fire Officer Chris Bigland.", + "question": "Who is the Hertfordshire fire and rescue service chief fire officer?", + "short_answers": [ + "Darryl Keen" + ], + "wikipage": "Hertfordshire Fire and Rescue Service" + }, + { + "context": "The Service Headquarters is located in Hertford whilst the Training and Development Centre and Fire Control Centre are located in Stevenage. It is administered by a Fire Authority which is an internal part of Hertfordshire County Council. The Chief Fire Officer is Darryl Keen, assisted by Deputy Chief Fire Officer Chris Bigland.", + "question": "Who is the Hertfordshire fire and rescue service deputy chief fire officer?", + "short_answers": [ + "Chris Bigland" + ], + "wikipage": "Hertfordshire Fire and Rescue Service" + }, + { + "context": "The Service Headquarters is located in Hertford whilst the Training and Development Centre and Fire Control Centre are located in Stevenage. It is administered by a Fire Authority which is an internal part of Hertfordshire County Council. The Chief Fire Officer is Darryl Keen, assisted by Deputy Chief Fire Officer Chris Bigland.", + "question": "Who is the hertfordshire fire and rescue service chief fire officer?", + "short_answers": [ + "Darryl Keen" + ], + "wikipage": "Hertfordshire Fire and Rescue Service" + }, + { + "context": "The Service Headquarters is located in Hertford whilst the Training and Development Centre and Fire Control Centre are located in Stevenage. It is administered by a Fire Authority which is an internal part of Hertfordshire County Council. The Chief Fire Officer is Darryl Keen, assisted by Deputy Chief Fire Officer Chris Bigland.", + "question": "Who is the hertfordshire fire and rescue service deputy chief fire officer?", + "short_answers": [ + "Chris Bigland" + ], + "wikipage": "Hertfordshire Fire and Rescue Service" + } + ], + "wikipages": [ + { + "title": "Hertfordshire Fire and Rescue Service", + "url": "https://en.wikipedia.org/wiki/Hertfordshire%20Fire%20and%20Rescue%20Service" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Hertfordshire Fire and Rescue Service (HFRS) is the statutory fire and rescue service for the county of Hertfordshire, England.", + "wikipage": "Hertfordshire Fire and Rescue Service" + } + ], + "long_answer": "Hertfordshire Fire and Rescue Service (HFRS) is the statutory fire and rescue service for the county of Hertfordshire, England. The Chief Fire Officer is Darryl Keen. He is assisted by Deputy Chief Fire Officer Chris Bigland. " + }, + { + "knowledge": [ + { + "content": "Hertfordshire Fire and Rescue Service (HFRS) is the statutory fire and rescue service for the county of Hertfordshire, England.", + "wikipage": "Hertfordshire Fire and Rescue Service" + } + ], + "long_answer": "Hertfordshire Fire and Rescue Service (HFRS) is the statutory fire and rescue service for the county of Hertfordshire, England. The Chief Fire Officer is Darryl Keen, assisted by Deputy Chief Fire Officer Chris Bigland." + } + ], + "sample_id": "-3775683158491019675", + "question": "Hertfordshire fire and rescue service chief fire officer?", + "docs": [ + { + "id": "9979832", + "title": "Hertfordshire Fire and Rescue Service", + "text": "Hertfordshire Fire and Rescue Service Hertfordshire Fire and Rescue Service (HFRS) is the statutory fire and rescue service for the county of Hertfordshire, England. The county consists of 634 square miles and a population of over 1.1 million. The Service Headquarters is located in Hertford whilst the Training and Development Centre and Fire Control Centre are located in Stevenage. It is administered by a Fire Authority which is an internal part of Hertfordshire County Council. The Chief Fire Officer is Darryl Keen, assisted by Deputy Chief Fire Officer Chris Bigland. In December 2005, the service dealt with what is thought", + "score": 0.81494140625, + "summary": "The Chief Fire Officer of Hertfordshire Fire and Rescue Service is Darryl Keen, assisted by Deputy Chief Fire Officer Chris Bigland.", + "extraction": "The Chief Fire Officer of Hertfordshire Fire and Rescue Service is Darryl Keen, assisted by Deputy Chief Fire Officer Chris Bigland." + }, + { + "id": "9979833", + "title": "Hertfordshire Fire and Rescue Service", + "text": "to be the largest fire since World War II following an explosion at the Buncefield oil depot near Hemel Hempstead. The incident saw a large scale national response involving many UK fire services. Hertfordshire Fire and Rescue Service Hertfordshire Fire and Rescue Service (HFRS) is the statutory fire and rescue service for the county of Hertfordshire, England. The county consists of 634 square miles and a population of over 1.1 million. The Service Headquarters is located in Hertford whilst the Training and Development Centre and Fire Control Centre are located in Stevenage. It is administered by a Fire Authority which", + "score": 0.78515625, + "summary": "Hertfordshire Fire and Rescue Service (HFRS) is the statutory fire and rescue service for the county of Hertfordshire, England.", + "extraction": "Hertfordshire Fire and Rescue Service (HFRS) is the statutory fire and rescue service for the county of Hertfordshire, England." + }, + { + "id": "8656311", + "title": "Fire services in the United Kingdom", + "text": "fire and rescue issues\". It will be headed by a new role that will be known as the Chief Fire and Rescue Adviser The roles carries the historical function of Her Majesty's Fire Service Inspectorate. The Chief Fire and Rescue Adviser is also title Her Majesty's Chief Inspector of Fire Services. Its role (among others)is to work towards reducing the number of fire deaths in England and Wales, and implement changes to FRS required by the Fire and Rescue Services Act 2004 In May 2007, Sir Ken Knight commissioner of the London Fire and Emergency Planning Authority was appointed as", + "score": 0.7744140625, + "summary": "The new role of Chief Fire and Rescue Adviser, also known as Her Majesty's Chief Inspector of Fire Services, was created to work towards reducing fire deaths and implementing changes required by the Fire and Rescue Services Act 2004. In May 2007, Sir Ken Knight was appointed to this role.", + "extraction": "irrelevant. There is no information in the passage about the Hertfordshire fire and rescue service chief fire officer." + }, + { + "id": "9842534", + "title": "Shropshire Fire and Rescue Service", + "text": "an elected Ccuncillor, the current Chair is Councillor Eric Carter. Day to day operational control of the service is vested in the Chief Fire Officer (CFO), Rod Hammerton. Within the organisation the CFO has full responsibility for the service and also manages Finance and Resources. The remainder of executive duties fall to the senior management team, consisting of: Shropshire Fire and Rescue Service is one of the highest performing UK fire services, achieving consistently high marks in external audits carried out by the Audit Commission. For Pods: ^ Prime Mover Callsign when not carrying Pods CBRN Response: Shropshire Fire and", + "score": 0.765625, + "summary": "Irrelevant.", + "extraction": "Rod Hammerton is the Chief Fire Officer (CFO) who has full responsibility for the Hertfordshire fire and rescue service." + }, + { + "id": "9584008", + "title": "Hampshire Fire and Rescue Service", + "text": "Hampshire Fire and Rescue Service Hampshire Fire and Rescue Service (HFRS) is the statutory fire and rescue service for the county of Hampshire, on the south coast of England. The service's chief fire officer is Neil Odin. The Service was formed on 4 April 1948 as a result of the Fire Services Act 1947. Previously all local authorities were duty-bound to make provision for firefighting under the Fire Brigades Act 1938. Many meetings and discussions were held prior to the service's creation in 1948 by the Hampshire fire service committees, to discuss who would be appointed the role of chief", + "score": 0.75537109375, + "summary": "The document is irrelevant to the question about Hertfordshire fire and rescue service chief fire officer.", + "extraction": "Neil Odin is the chief fire officer of Hampshire Fire and Rescue Service." + }, + { + "id": "10915783", + "title": "Her Majesty's Fire Service Inspectorate for Scotland", + "text": "Fire Reform (Scotland) Act 2012 that came into effect on 1 April 2013. The inspectorate is based in St Andrew's House, Edinburgh. The current HMFSI Chief Inspector is Simon Routh-Jones. It is general practice for Chief Inspectors to have previously served as Firemaster or Chief Fire Officer (CFO) - Simon Routh-Jones is a former CFO of Wiltshire Fire and Rescue Service. He holds the Queen's Fire Service Medal. The HMFSI's main responsibilities include the following: Her Majesty's Fire Service Inspectorate for Scotland Her Majesty's Fire Service Inspectorate in Scotland or HM Fire Service Inspectorate is an autonomous agency of the", + "score": 0.7548828125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about the Her Majesty's Fire Service Inspectorate for Scotland and its Chief Inspector, not the Hertfordshire fire and rescue service chief fire officer." + }, + { + "id": "10462720", + "title": "Cambridgeshire Fire and Rescue Service", + "text": "year at Service headquarters, situated at Hinchingbrooke Cottage on the outskirts of Huntingdon. Meetings are open to the general public. Cambridgeshire Fire and Rescue Service Cambridgeshire Fire and Rescue Service is the statutory fire and rescue service for the non-metropolitan county of Cambridgeshire and the unitary authority of Peterborough. Cambridgeshire Fire and Rescue Service was formed in 1974 from the merger of the Cambridgeshire and Isle of Ely Fire Brigade and the Huntingdon and Peterborough Fire Brigade (which had been formed in 1965 from the merger of Huntingdonshire Fire Brigade and the Soke of Peterborough Fire Brigade); all of which", + "score": 0.751953125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the Hertfordshire fire and rescue service chief fire officer." + }, + { + "id": "10462718", + "title": "Cambridgeshire Fire and Rescue Service", + "text": "Cambridgeshire Fire and Rescue Service Cambridgeshire Fire and Rescue Service is the statutory fire and rescue service for the non-metropolitan county of Cambridgeshire and the unitary authority of Peterborough. Cambridgeshire Fire and Rescue Service was formed in 1974 from the merger of the Cambridgeshire and Isle of Ely Fire Brigade and the Huntingdon and Peterborough Fire Brigade (which had been formed in 1965 from the merger of Huntingdonshire Fire Brigade and the Soke of Peterborough Fire Brigade); all of which had existed since 1948. Cambridgeshire Fire and Rescue Service's headquarters are located in Huntingdon. Cambridgeshire Fire and Rescue Service operates", + "score": 0.7509765625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide any information about the Hertfordshire fire and rescue service chief fire officer." + }, + { + "id": "9759132", + "title": "Her Majesty's Chief Inspector of Fire Services", + "text": "made by the then fire minister Angela Smith. The purpose of the unit and its adviser is to \"provide ministers and civil servants with independent professional advice on fire and rescue issues\". The Chief Fire and Rescue Adviser also retains the historic title of HM Chief Inspector which was traditionally given to the head of Her Majesty's Inspectorate of Fire Service. The new unit and its chief advisor will replace HMFSI, its function is to advise ministers, COBR and other government departments; and local government. The Chief Fire and Rescue Adviser or CFRA reports to the Department for Communities and", + "score": 0.7509765625, + "summary": "The document is irrelevant to the question of interest.", + "extraction": "The passage is irrelevant to the question \"Hertfordshire fire and rescue service chief fire officer?\" as it does not mention anything about Hertfordshire fire and rescue service or its chief fire officer." + }, + { + "id": "8355766", + "title": "Chief fire officer", + "text": "Chief fire officer Chief fire officer (CFO), formerly often just chief officer, is the highest rank in British fire and rescue services. There are currently 50 chief fire officers serving in the United Kingdom in charge of the local authority fire services. There is also a chief fire officer responsible for the Ministry of Defence Fire Services, which includes the Defence Fire and Rescue Service and the RAF Fire Service. Some UK airport fire services also designate their seniors officers as CFOs, though these officers rarely wear the same rank insignia as a local authority chief fire officer. Other titles", + "score": 0.7509765625, + "summary": "Hertfordshire fire and rescue service chief fire officer is irrelevant to the document which describes the highest rank in British fire and rescue services.", + "extraction": "\"There are currently 50 chief fire officers serving in the United Kingdom in charge of the local authority fire services.\"" + }, + { + "id": "9865183", + "title": "Leicestershire Fire and Rescue Service", + "text": "Leicester City Council, Leicestershire County Council and Rutland County Council. At the meeting of the Combined Fire Authority on 11 February 2015, Richard Chandler, the current Deputy Chief Fire and Rescue Officer, was confirmed as the successor to the retiring Dave Webb, who has been Chief since 2002. The current team of Directors and Area Managers (correct as of 8 October 2017) Chief Fire and Rescue Officer - Rick Taylor Assistant Chief Fire and Rescue Officer and Director of Service Delivery - Andrew Brodie Assistant Chief Fire and Rescue Officer and Director of Service Support - Richard Hall Area Manager", + "score": 0.7490234375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "6726241", + "title": "Her Majesty's Inspectorate of Constabulary and Fire & Rescue Services", + "text": "Services. The current incumbent is Sir Thomas Winsor. Her Majesty's Inspectorate of Constabulary and Fire & Rescue Services Her Majesty's Inspectorate of Constabulary and Fire & Rescue Services (HMICFRS), formerly Her Majesty's Inspectorate of Constabulary (HMIC), has statutory responsibility for the inspection of the police forces, and since July 2017 the fire and rescue services, of England and Wales. HMICFRS is headed by the Chief Inspector of Constabulary and Chief Inspector of Fire & Rescue Services. It has taken over the responsibilities of Her Majesty's Fire Service Inspectorate. Inspections may also be made, by invitation only, and on a non-statutory", + "score": 0.748046875, + "summary": "The document mentions the Her Majesty's Inspectorate of Constabulary and Fire & Rescue Services, which is responsible for inspecting the fire and rescue services of England and Wales since July 2017. It is headed by the Chief Inspector of Fire & Rescue Services, but it does not mention the Hertfordshire fire and rescue service chief fire officer specifically.", + "extraction": "HMICFRS is headed by the Chief Inspector of Constabulary and Chief Inspector of Fire & Rescue Services." + }, + { + "id": "9759129", + "title": "Her Majesty's Chief Inspector of Fire Services", + "text": "their respective governments. Both roles are categorical in law and cannot be overruled except by the sovereign. In his or her political capacity as \"Fire and Rescue Adviser\" the post holder is responsible for advising their respective UK governments on all matters concerning the fire and rescue service in their jurisdiction. As Her Majesty's Chief Inspector the post holder is responsible for auditing of all the local authority fire services in their jurisdiction to ensure they meet strict performance criteria and targets laid out by the government. Her Majesty's current Chief Inspector for England is also the UK's \"Chief Fire", + "score": 0.74658203125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "9759131", + "title": "Her Majesty's Chief Inspector of Fire Services", + "text": "operated by the Ministry of Defence) on a voluntary basis. Airport fire authorities are inspected by the Civil Aviation Authority. The HMFSI's equivalent in Scotland is Her Majesty's Fire Service Inspectorate for Scotland. In February 2007, the UK government announced it was setting up a new unit to advise ministers on fire and rescue issues and creating the role of Chief Fire and Rescue Adviser (CFRA) confirming in May the same year that Sir Ken Knight had been appointed to the position. In October 2007, Sir Ken left the London Fire Brigade to start his new role. The announcement was", + "score": 0.7451171875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "6651965", + "title": "Hertfordshire Constabulary", + "text": "Hertfordshire Constabulary Hertfordshire Constabulary is the territorial police force responsible for policing the county of Hertfordshire in England. Its headquarters is in Welwyn Garden City. From 2011-2016 the force was headed by Chief Constable Andy Bliss, the current Chief Constable is Charlie Hall QPM. The forces manpower consists of over 3,900 police officers and staff, supported by more than 410 special constables. The Constabulary was founded in 1841, under the County Police Act, five years after the Hertford Borough Police and St Albans Borough Police had been formed. In 1889, the Hertford Borough Police force was merged into Hertfordshire. The", + "score": 0.7421875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is about Hertfordshire Constabulary, not the Hertfordshire fire and rescue service." + }, + { + "id": "8656310", + "title": "Fire services in the United Kingdom", + "text": "in 2007. Chief Fire Officers (CFO) 'speak' collectively via the Chief Fire Officers Association. CFOs do attend some operational incidents. Hertfordshire's CFO, Roy Wilsher, took command at the Buncefield oil depot fire in 2005, forming part of the gold command team. If a CFO attends an incident, he will usually be the commanding officer of that incident. In England, Wales and Northern Ireland fire services are inspected by what was known as the Fire Service Inspectorate. However, in February 2007, the government announced it was establishing a new unit to provide ministers and civil servants with \"independent professional advice on", + "score": 0.74072265625, + "summary": "Hertfordshire's Chief Fire Officer is Roy Wilsher, who took command at the Buncefield oil depot fire in 2005.", + "extraction": "Roy Wilsher is Hertfordshire's CFO." + }, + { + "id": "6726236", + "title": "Her Majesty's Inspectorate of Constabulary and Fire & Rescue Services", + "text": "Her Majesty's Inspectorate of Constabulary and Fire & Rescue Services Her Majesty's Inspectorate of Constabulary and Fire & Rescue Services (HMICFRS), formerly Her Majesty's Inspectorate of Constabulary (HMIC), has statutory responsibility for the inspection of the police forces, and since July 2017 the fire and rescue services, of England and Wales. HMICFRS is headed by the Chief Inspector of Constabulary and Chief Inspector of Fire & Rescue Services. It has taken over the responsibilities of Her Majesty's Fire Service Inspectorate. Inspections may also be made, by invitation only, and on a non-statutory basis, of the Police Service of Northern Ireland", + "score": 0.740234375, + "summary": "The document discusses Her Majesty's Inspectorate of Constabulary and Fire & Rescue Services and their responsibility for inspecting police forces and fire and rescue services in England and Wales, headed by the Chief Inspector of Constabulary and Chief Inspector of Fire & Rescue Services. However, there is no mention of the Hertfordshire fire and rescue service chief fire officer.", + "extraction": "The extracted span is \"HMICFRS is headed by the Chief Inspector of Constabulary and Chief Inspector of Fire & Rescue Services.\"" + }, + { + "id": "17472136", + "title": "Frank Richardson (police officer)", + "text": "become chief constable of Halifax). In March 1875 he was again promoted, to constable first class and in 1878 to sergeant. Promotion brought a move in accommodation to an improved location but still within the city centre. This was considered to be a very rapid rate of promotion. In 1882, the City of Hereford advertised for the office of superintendent of police and chief fire brigade officer. It was very unusual to have a post within the Constabulary which combined both police and fire chief. Richardson applied and went for his first interview in November of that year. One week", + "score": 0.73828125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "9311789", + "title": "Essex County Fire and Rescue Service", + "text": "height. ECFRS assisted in the emergency response to floods in Oxfordshire in 2007, where seven firefighters from the Swift Water Rescue team helped rescue victims trapped by the floods with a specialist fireboat. Essex was also one of 16 brigades called in to attend the Buncefield oil depot fire near Hemel Hempstead, Hertfordshire, in December 2005. Fire appliances from Orsett, Hadleigh, Harlow, and foam appliances from Grays, Maldon and Epping assisted in operations at the largest ever blaze in peacetime Britain. Other emergency services: Essex County Fire and Rescue Service Essex County Fire and Rescue Service (ECFRS) is the statutory", + "score": 0.732421875, + "summary": "Irrelevant.", + "extraction": "Hertfordshire fire and rescue service chief fire officer is irrelevant to the given passage." + }, + { + "id": "9688846", + "title": "Oxfordshire Fire and Rescue Service", + "text": "Oxfordshire Fire and Rescue Service The Oxfordshire Fire and Rescue Service is the fire service serving the county of Oxfordshire, England. It is known as an on-call fire service with whole-time support. Fire and Rescue Service Headquarters is in Kidlington, Oxford, Oxfordshire. This is also the location of the fire service control room and workshops. Oxfordshires control room is now based at Reading, known as Thames valley fire control centre, in partnership with Royal Berkshire and Buckingham / Milton keynes fire and rescue services. Kidlington's control room now acts as a backup/secondary control. The current chief fire officer is Simon", + "score": 0.73193359375, + "summary": "irrelevant", + "extraction": "Irrelevant." + }, + { + "id": "9613928", + "title": "Hereford and Worcester Fire and Rescue Service", + "text": "in which 19 are solely retained. Retained firefighters are part-time and have to live or work within 5 minutes of the station and be available for up to 60 hours a week. CBRN Response: Urban Search & Rescue (USAR): Pods: Hereford and Worcester Fire and Rescue Service The Hereford and Worcester Fire and Rescue Service is the statutory fire and rescue service covering Herefordshire and Worcestershire in the West Midlands region of England. The two counties consist of around 1,500 square miles, and a population of over 750,000 people. The service was created in 1974 when The County Of Hereford", + "score": 0.7314453125 + }, + { + "id": "9688847", + "title": "Oxfordshire Fire and Rescue Service", + "text": "Furlong. The Oxfordshire Fire and Rescue Service currently operates out of 25 fire stations, All with On-call firefighters, 3x with Wholetime 24hr cover 4x day crewed located across Oxfordshire. 1x Body recovery unit working on behalf of the coroners office. Oxfordshire Fire and Rescue Service The Oxfordshire Fire and Rescue Service is the fire service serving the county of Oxfordshire, England. It is known as an on-call fire service with whole-time support. Fire and Rescue Service Headquarters is in Kidlington, Oxford, Oxfordshire. This is also the location of the fire service control room and workshops. Oxfordshires control room is now", + "score": 0.72900390625 + }, + { + "id": "9584017", + "title": "Hampshire Fire and Rescue Service", + "text": "St Mary's, Basingstoke, Rushmoor and Whitchurch. This will be very similar to the current Rescue Pump with a crew of between four and six. They will have a full range of heavy rescue equipment, a large pump and water carrying capacity as well as a specialist foam capability suitable for all types of fires. Hampshire Fire and Rescue Service Hampshire Fire and Rescue Service (HFRS) is the statutory fire and rescue service for the county of Hampshire, on the south coast of England. The service's chief fire officer is Neil Odin. The Service was formed on 4 April 1948 as", + "score": 0.72705078125 + }, + { + "id": "9613924", + "title": "Hereford and Worcester Fire and Rescue Service", + "text": "Hereford and Worcester Fire and Rescue Service The Hereford and Worcester Fire and Rescue Service is the statutory fire and rescue service covering Herefordshire and Worcestershire in the West Midlands region of England. The two counties consist of around 1,500 square miles, and a population of over 750,000 people. The service was created in 1974 when The County Of Hereford Fire Brigade and The Worcester City & County Fire Brigade were merged to create The County Of Hereford and Worcester Fire Brigade. The two counties were split up again in 1998 but the fire service remained, and is now run", + "score": 0.72705078125 + }, + { + "id": "9759128", + "title": "Her Majesty's Chief Inspector of Fire Services", + "text": "Her Majesty's Chief Inspector of Fire Services The title and job role of Her Majesty's Chief Inspector of Fire and Rescue Services in England, Scotland and Wales is combined with that known as Fire and Rescue Adviser (or Government Fire and Rescue Adviser) appointed by the devolved and national governments of the United Kingdom. Despite holding both titles simultaneously the roles of \"HM Chief Inspector of Fire and Rescue Services\", and that of \"Fire and Rescue Adviser\" differ slightly. There is currently an HMCI in England, Wales, and Scotland \u2013 all of whom are also fire and rescue advisers to", + "score": 0.72607421875 + }, + { + "id": "9759133", + "title": "Her Majesty's Chief Inspector of Fire Services", + "text": "Local Government. The new units remit only extends to England and Wales. The separate Inspectorate in Scotland Her Majesty's Fire Service Inspectorate is under the leadership of its Chief Inspector, Steven Torrie. The DfCLG has outlined the \"general\" functions of the CFRA, and the new unit: The detailed job description was made available to the public ahead of Sir Ken's appointment. It said the role of CFRA comes with a \"substantial six figure package\". The CFRA will have to set up the new unit, the last HM Chief inspector of Fire Services was Sir Graham Meldrum who retired in January", + "score": 0.72509765625 + }, + { + "id": "8355767", + "title": "Chief fire officer", + "text": "for this office can include county fire officer and chief executive, neither of which are in common use. Greater Manchester Fire and Rescue Service does, however, use the title of county fire officer and chief executive'. In the London Fire Brigade, the CFO is now known as the commissioner for fire and emergency planning. Chief fire officers in the United Kingdom are represented by the Chief Fire Officers Association; it has a separate section representing principal officers in fire and rescue services in Scotland. In Scotland CFO's were traditionally referred to as firemaster, although this title was replaced by chief", + "score": 0.72509765625 + }, + { + "id": "8355770", + "title": "Chief fire officer", + "text": "someone who represents the interests of the general public. Historically, many CFOs went on to join Her Majesty's Fire Service Inspectorate, formerly Her Majesty's Inspectorate of Fire Services, a government agency directly under the control of the Department for Communities and Local Government. Her Majesty's Inspectors are uniformed and considered to be superior to chief fire officers, although they have no power to directly command frontline fire crews. In 2007, the HMFSI was replaced by the office of the Chief Fire and Rescue Adviser whose responsibilities extend to England and Wales. The Chief Fire and Rescue Advisor also retains the", + "score": 0.72265625 + }, + { + "id": "17510061", + "title": "Alasdair Hay", + "text": "was seconded to the Scottish Fire and Rescue Service Advisory Unit. Returning to the Tayside Fire and Rescue Service, he was appointed Acting Chief Fire Officer on 1 April 2012. Hay was appointed Chief Fire Officer of the newly created Scottish Fire and Rescue Service in October 2013 to prepare for the new nationwide service. He heads a workforce of more than 9000 firefighters and support staff. In the 2011 Queen's Birthday Honours, Hay was awarded the Queen's Fire Service Medal (QFSM) for Distinguished Service. Alasdair Hay Alasdair George Hay, (born 24 December 1961) is a British firefighter. He is", + "score": 0.72119140625 + }, + { + "id": "9290822", + "title": "Cheshire Fire and Rescue Service", + "text": "Cheshire Fire and Rescue Service Cheshire Fire and Rescue Service is the statutory fire and rescue service for the English county of Cheshire, consisting of the unitary authorities of Cheshire East, Cheshire West and Chester, Halton and Warrington. It operates 29 fire stations. The service is led by the Chief Fire Officer, currently Mark Cashin, and the Service Management Team. It is managed by the Cheshire Fire Authority, which is composed of councillors from the local communities of Cheshire, Halton and Warrington. They make decisions on issues such as policy, finance and resources. Cheshire Fire and Rescue Service employs over", + "score": 0.72021484375 + }, + { + "id": "6932347", + "title": "Highlands and Islands Fire and Rescue Service", + "text": "and Islands Fire and Rescue Service, was adopted in summer 2005, under the Fire (Scotland) Act 2005. As well as the name change, for the first time in the service's history, a Gaelic motto, \"d\u00econ is freagair\", or \"protect and respond\", was sanctioned. The Chief Fire Officer before amalgamation was Stewart James Edgar QFSM MBA Chartered FCIPD Cmgr FCMI MIoD FIFireE. Stewart was awarded the Queens Fire Service Medal for Distinguished Service in the Queen's Birthday Honours in 2013. The Highlands and Islands Fire and Rescue Service, along with the other seven fire and rescue services across Scotland, was amalgamated", + "score": 0.7158203125 + }, + { + "id": "10101978", + "title": "Women in firefighting", + "text": "higher ranks, which meant that control staff were ineligible. In 2011, Ann Millington became the first female Chief Fire Officer, taking charge of Kent Fire and Rescue Service. In 2016, Rebecca Bryant was appointed to lead the Staffordshire Fire and Rescue Service; she was the first female CFO to be a former frontline firefighter., while Station Manager Sally Harper received the Queen's Fire Service Medal. In 2017, Dany Cotton became Commissioner of the London Fire Brigade. As of 2017, there were 300 female firefighters in the London Fire Brigade, or 7% of the total. As of March 2007, the proportion", + "score": 0.71533203125 + }, + { + "id": "9584010", + "title": "Hampshire Fire and Rescue Service", + "text": "as the control room. In 1997, Hampshire County Council lost control of the FRS, transferring responsibility to the newly formed Hampshire Fire and Rescue Authority. HFRS are now headquartered in Eastleigh. Since late 2015, it has shared its headquarters with Hampshire Constabulary. CBRN Response: Urban Search & Rescue (USAR): Pods: Hampshire Fire and Rescue Service works in partnership with the South Central Ambulance Service to provide emergency medical cover to select areas of Hampshire. Currently, 21 areas have been identified as having a greater need for ambulance cover. Annually, the service attends over 13,000 medical emergencies supporting the ambulance service.", + "score": 0.71435546875 + }, + { + "id": "19694165", + "title": "Dorset and Wiltshire Fire and Rescue Service", + "text": "since August 2015. Provision of the service is by the Dorset and Wiltshire Combined Fire Authority, created in April 2015, which has thirty elected members from all five constituent councils and is chaired by Dorset county councillor Rebecca Knox. In September 2016 Ben Ansell was appointed as the service's second Chief Fire Officer, succeeding Darran Gunter with effect from December 2016. Dorset and Wiltshire Fire and Rescue Service Dorset and Wiltshire Fire and Rescue Service is an statutory emergency fire and rescue service covering the local authority areas of Bournemouth, Dorset, Poole, Swindon, and Wiltshire. The service was created on", + "score": 0.7119140625 + }, + { + "id": "9290824", + "title": "Cheshire Fire and Rescue Service", + "text": "are broken down as: Pods: Cheshire Fire and Rescue Service Cheshire Fire and Rescue Service is the statutory fire and rescue service for the English county of Cheshire, consisting of the unitary authorities of Cheshire East, Cheshire West and Chester, Halton and Warrington. It operates 29 fire stations. The service is led by the Chief Fire Officer, currently Mark Cashin, and the Service Management Team. It is managed by the Cheshire Fire Authority, which is composed of councillors from the local communities of Cheshire, Halton and Warrington. They make decisions on issues such as policy, finance and resources. Cheshire Fire", + "score": 0.7119140625 + }, + { + "id": "10285315", + "title": "Ken Knight", + "text": "and West Midlands Fire Service (1998-2003), before becoming London\u2019s Fire Commissioner in 2003. In 2007 he was appointed as the Government's Chief Fire and Rescue Adviser for England based at the Department for Communities and Local Government. As the Chief Fire and Rescue Adviser for England (2007-2013), Knight was responsible for advising ministers and senior officials on fire policy matters and for providing advice during major and catastrophic emergencies together with operational advice on preparedness and response during the 2012 London Olympics. He was also responsible for the enforcement of fire safety regulations in Crown Premises in England. He produced", + "score": 0.71142578125 + }, + { + "id": "9613925", + "title": "Hereford and Worcester Fire and Rescue Service", + "text": "by a joint fire authority. The service has 332 wholetime operational staff, 369 retained (part-time) staff, 21 Fire Control staff, as well as about 98 non-uniformed support staff. The busiest areas of Hereford and Worcester fire & rescue is Worcester and Redditch both averaging roughly 1,500 call outs a year, the least busiest areas being Peterchurch and Fownhope averaging between 10-20 callouts a year. Evesham & Peterchurch stations are also home to the fire services realistic training facilities. The main training centre is at Droitwich fire station, and more complex training is undertaken at the Fire Service College in Moreton", + "score": 0.71142578125 + }, + { + "id": "8972551", + "title": "Tom Winsor", + "text": "of people with such issues getting the right support. It was announced his role would be expanded to oversee fire and rescue services in the United Kingdom. HMIC would become 'the single inspectorate' for fire and policing, taking over the role of Her Majesty's Fire Service Inspectorate. The move was well-received within industry groups, with the National Fire Chiefs Council welcoming the increased accountability and transparency the move would bring. A recommendation was made to the Queen to appoint Winsor as the first Her Majesty's Chief Inspector of Fire & Rescue Services. His expanded role began on 17 July 2017.", + "score": 0.71044921875 + }, + { + "id": "9647813", + "title": "Humberside Fire and Rescue Service", + "text": "Humberside Fire and Rescue Service Humberside Fire and Rescue Service is the statutory fire and rescue service covering the area of what was the county of Humberside (1974\u20131996), but now consists of the unitary authorities of East Riding of Yorkshire, Kingston upon Hull, North Lincolnshire and North East Lincolnshire in northern England. Humberside Fire and Rescue Service was formed in 1974 as a result of the new Government laws stating that all areas must have an official fire service. When Humberside County Council, was abolished in 1995, a parliamentary combination order came into effect, establishing Humberside Fire Authority (the current", + "score": 0.70361328125 + }, + { + "id": "5844950", + "title": "1992 Windsor Castle fire", + "text": "had commenced in rooms adjacent to the fire. By 12:12, there were 20 fire engines, and by 12:20 there were 35, with over 200 fire-fighters from London, Buckinghamshire, Surrey and Oxfordshire, as well as from Berkshire. The Fire Incident Commander was David Harper, Deputy Chief Fire and Rescue Officer of the Fire and Rescue Service. The Chief Officer, Garth Scotford, was out of the country, on holiday. By 12:20, the fire had spread to St George's Hall, a banqueting hall and the largest of the State Apartments. The number of fire appliances totalled 39 and 225 fire-fighters were in attendance.", + "score": 0.703125 + }, + { + "id": "8716783", + "title": "Fire chief", + "text": "Fire chief A fire chief is a top executive rank or commanding officer in a fire department. Various official English-language titles for a fire chief include \"fire chief\", \"chief fire officer\" and \"fire commissioner\". The latter can refer to a fire chief or to an overseer who works for the local government. Chief Fire Officer is the usual title in the United Kingdom. Traditionally, a fire chief in Scotland was known as a \"fire master\", but this was changed in 2006. The definition of the term \"fire officer\" varies by country, but generally refers to all firefighting personnel who have", + "score": 0.70263671875 + }, + { + "id": "8782589", + "title": "Fire safety officer", + "text": "Fire safety officer In the United Kingdom Fire and Rescue Service a Fire Safety Officer (sometimes referred to as a Fire Officer) is a firefighter who has attained the rank of Sub-Officer (also known as a Watch Commander) or above, and transferred from front line operational service into the Fire Safety Department. The term \"Fire Officer\" may also refer to a Fire Safety Inspector who is of equivalent rank in the Fire Safety Section of the Fire Service. Fire Officers inspect all manner of commercial premises to ensure that they comply with current fire safety legislation.A fire safety officer can", + "score": 0.70263671875 + }, + { + "id": "6726238", + "title": "Her Majesty's Inspectorate of Constabulary and Fire & Rescue Services", + "text": "England. The inspectorate reports on the activities of the territorial forces of England and Wales and other bodies involved in law enforcement, such as the British Transport Police, the Civil Nuclear Constabulary, HM Revenue and Customs and the National Crime Agency. Reporting has also been performed on a voluntary basis for the Special Investigation Branch (SIB) of the Royal Military Police. As a public authority, HMICFRS is susceptible to judicial review. HM Chief Inspector of Constabulary between 2009 and 2012 was former Surrey Police Chief Constable, Sir Denis O'Connor. In June 2012, the lawyer and former rail regulator Tom Winsor", + "score": 0.70263671875 + }, + { + "id": "20347049", + "title": "Frederick Delve", + "text": "During the war he was appointed Deputy Inspector-in-Chief of Fire Services, advising on fire support needs and helping to establish the National Fire Service in 1941 (in January 1941, he was awarded the King's Police and Fire Services Medal, 'for gallantry'). He was then appointed Chief Officer of No 5 Region (covering the London area), in which role he extended use of radio communications in fire vessels along the River Thames, and was also an adviser on fire bombing. After the war, Delve was appointed Chief Officer of the reconsituted London Fire Brigade in 1948. Challenges included provision of fire", + "score": 0.70166015625 + }, + { + "id": "9579275", + "title": "Dorset Fire and Rescue Service", + "text": "Dorset Fire and Rescue Service Dorset Fire and Rescue Service is the former statutory Fire and Rescue Service for the area of Dorset, South West England. The Service Headquarters were located in Colliton Park, Dorchester, but as of October 2008 moved to a new purpose built location in Poundbury. With effect from April 2016, the fire services of Dorset and Wiltshire were merged into the Dorset and Wiltshire Fire and Rescue Service. Dorset County Fire Brigade was formed by mainly volunteer brigades, falling within the responsibility of Dorset County Council. Fire Brigades were nationalised during the Second World War and", + "score": 0.70068359375 + }, + { + "id": "9311777", + "title": "Essex County Fire and Rescue Service", + "text": "being the first to do this in the country. One of their resources include a search dog trained to locate people trapped in rubble. Another primary role of the service is preventative community safety work; in 2010 ECFRS fitted over 7,000 smoke alarms in houses across the county. ECFRS's headquarters is located in Kelvedon. The Service is divided into four Groups: The Chief Fire Officer/Chief Executive is Jo Turton. On the 1st October 2017, governance of ECFRS was transferred from the Essex Fire Authority (EFA) to the Police, Fire and Crime Commissioner (PFCC), Roger Hirst. It was made very clear,", + "score": 0.69970703125 + }, + { + "id": "17472139", + "title": "Frank Richardson (police officer)", + "text": "an individual to lead both the police and fire departments was an innovation in Hereford. Soon after his arrival, he wrote to the Mayor of Hereford referring to the possible appointment of seven men as firemen. Up until this time policemen carried out fire-fighting, and he wanted a new situation whereby if policemen arrived first at a fire, they would fight the fire but give way to the firemen when they arrived. The letter also suggests that both the police officers and the seven new firemen men should receive training as fire-fighters. This was agreed by the Watch Committee of", + "score": 0.697265625 + }, + { + "id": "8355771", + "title": "Chief fire officer", + "text": "title as the de jure and de facto HM Chief Inspector of Fire Services. The HMFSI Scotland, however, continues its role and functions. According to the New Zealand Fire Service Act 1975, a chief fire officer in the New Zealand Fire Service commands a single fire district. This may be a volunteer fire brigade, with a single fire station, in an outer-urban or rural area, or it may consist of several fire stations in a metropolitan area, staffed by career firefighters. Auckland and Wellington, with their geographic sprawl, have their career stations divided into multiple districts - two in Wellington", + "score": 0.697265625 + }, + { + "id": "8355772", + "title": "Chief fire officer", + "text": "and five in Auckland. The other fourteen cities in New Zealand that have career firefighters are sufficiently compact geographically to allow each one to be a single fire district. The rank badge for chief fire officers is an impeller between two ferns below two impellers. They wear white helmets with two blue stripes. Chief fire officer Chief fire officer (CFO), formerly often just chief officer, is the highest rank in British fire and rescue services. There are currently 50 chief fire officers serving in the United Kingdom in charge of the local authority fire services. There is also a chief", + "score": 0.6962890625 + }, + { + "id": "17472144", + "title": "Frank Richardson (police officer)", + "text": "the city. This arrangement continued until the 1930s. The officers on the special beat list occupied a row of houses in DeLacy Street, adjacent to the police and fire stations. It does underline the city police\u2019s role as a dual law and order and fire-fighting organization, with Frank Richardson being in charge of both organizations. Like many Chief Constables, Richardson often acted a prosecutor at the magistrates' court, so he could be out fighting fires during the night and prosecuting in court the following day. A Report by the Chief Constable was published by the Magistrates Clerk from the Hereford", + "score": 0.6962890625 + }, + { + "id": "9647814", + "title": "Humberside Fire and Rescue Service", + "text": "ruling body of Humberside Fire Brigade) with control of all brigade personnel, equipment and premises. This is a combined fire authority, which is financed by the constituent councils of East Riding of Yorkshire Council, Kingston upon Hull City Council, North Lincolnshire Council and North East Lincolnshire Council. In 1987 Humberside Fire Brigade changed its name to Humberside Fire and Rescue Service. This was to reflect the role they now play in many aspects of fire safety as they do much more than just putting out fires. In 2007 Humberside Fire and Rescue Service featured on a BBC One show entitled", + "score": 0.69580078125 + }, + { + "id": "17510060", + "title": "Alasdair Hay", + "text": "Alasdair Hay Alasdair George Hay, (born 24 December 1961) is a British firefighter. He is the first and current Chief Fire Officer of the Scottish Fire and Rescue Service. Hay was born on 24 December 1961 in Edinburgh, Scotland. Hay was a firefighter with Essex County Fire and Rescue Service from September 1983 to October 1992. He was a senior instructor at the Scottish Fire Services College from 1992 to 1994. In 1994, he joined Tayside Fire and Rescue Service. By 2009, he had risen to the rank of Deputy Chief Fire Officer. Between May 2011 and March 2012, he", + "score": 0.6953125 + }, + { + "id": "9842533", + "title": "Shropshire Fire and Rescue Service", + "text": "Shropshire Fire and Rescue Service The Shropshire Fire and Rescue Service is the statutory fire and rescue service covering Shropshire, including Telford and Wrekin, in the West Midlands region of England. Shropshire's Fire and Rescue Service is provided by 512 full-time and retained firefighters based at 23 fire stations around the county. They currently deploy 46 operational vehicles and a number of specialist appliances. Shropshire Fire and Rescue Service is governed by elected Council representatives from Shropshire's two unitary councils, Shropshire Council and Telford and Wrekin Council, together these representatives make up the Shropshire and Wrekin Fire Authority, chaired by", + "score": 0.69482421875 + }, + { + "id": "19694164", + "title": "Dorset and Wiltshire Fire and Rescue Service", + "text": "Dorset and Wiltshire Fire and Rescue Service Dorset and Wiltshire Fire and Rescue Service is an statutory emergency fire and rescue service covering the local authority areas of Bournemouth, Dorset, Poole, Swindon, and Wiltshire. The service was created on 1 April 2016 by the merger of the Dorset Fire and Rescue Service and the Wiltshire Fire and Rescue Service. Its headquarters is at Salisbury, Wiltshire, some from the Dorset county boundary. The former headquarters at Poundbury, Dorset, and Potterne, Wiltshire, are retained as area offices; emergency calls for the combined area have been answered by a control centre at Potterne", + "score": 0.6943359375 + }, + { + "id": "17472140", + "title": "Frank Richardson (police officer)", + "text": "Hereford City Council. After further discussion, the seven fire fighters were integrated into the police force, using them as constables when there were no fires to be fought. Richardson also introduced a new grey uniform for the fire fighters. A post boy was employed as a runner; one of his duties was to run to the Merton Meadows or the Green Dragon Public House in Broad Street, Hereford, to collect two horses to pull a steam driven fire engine named the \"Nell Gwynne\". A charge of five pounds five shillings was made for attendance of the steam fire engine. The", + "score": 0.6943359375 + }, + { + "id": "8355769", + "title": "Chief fire officer", + "text": "officers, each of whom is delegated with commanding one or multiple areas of fire and rescue operations, such as training, vehicles and equipment, information technology, or human resources. A CFO is responsible for the day-to-day command of the fire service in all areas. Ultimately however major policies and procedures have to be agreed and passed by the fire authority to whom the CFO reports. The fire authority is a committee of locally elected councillors. The committee's prime responsibility is to ensure that the fire service is run properly and responsibly. In simple terms, the chief officer is directly answerable to", + "score": 0.69384765625 + }, + { + "id": "9590017", + "title": "High Sheriff of Hertfordshire", + "text": "High Sheriff of Hertfordshire The High Sheriff of Hertfordshire was an ancient Sheriff title originating in the time of the Angles, not long after the invasion of the Kingdom of England, which was in existence for around a thousand years. On 1 April 1974, under the provisions of the Local Government Act 1972, the title of Sheriff of Hertfordshire was retitled High Sheriff of Hertfordshire. The High Shrievalties are the oldest secular titles under the Crown in England and Wales, their purpose being to represent the monarch at a local level, historically in the shires. The office was a powerful", + "score": 0.693359375 + }, + { + "id": "13377947", + "title": "Fire safety inspector", + "text": "Fire safety inspector In the United Kingdom a fire safety inspector (also known as fire officer or fire safety officer) is a public law enforcement officer responsible for the enforcement fire safety legislation in the United Kingdom. As public law enforcement officers, fire inspectors are duty bound, by law, to enforce fire safety legislation in the name of the Chief Fire Officer and the Chair of the Fire Rescue Authority of the Fire & Rescue Authority they are employed by, for the protection of members of the general public. In turn the Chief Fire Officer discharges power of authority by", + "score": 0.693359375 + }, + { + "id": "10915782", + "title": "Her Majesty's Fire Service Inspectorate for Scotland", + "text": "Her Majesty's Fire Service Inspectorate for Scotland Her Majesty's Fire Service Inspectorate in Scotland or HM Fire Service Inspectorate is an autonomous agency of the Scottish Government which functions to provide independent, risk based and proportionate professional inspection of the Scottish Fire and Rescue Service. The inspectorate, also known simply as HMFSI, is not a firefighting body. HMFSI can enquire into any matter concerning the operation of the Scottish Fire and Rescue Service. The statutory basis of the inspectorate is set out in section 43B of the Fire (Scotland) Act 2005. Its role was substantially amended by the Police and", + "score": 0.693359375 + }, + { + "id": "9759134", + "title": "Her Majesty's Chief Inspector of Fire Services", + "text": "2007. The new post of CFRA has been created to reflect changes to the fire and rescue service in the UK brought about by the Fire and Rescue Services Act 2004, although it only applies to England and Wales. However, it is anticipated that the CFRA will advise the government on any major incident in the UK. Her Majesty's Chief Inspector of Fire Services The title and job role of Her Majesty's Chief Inspector of Fire and Rescue Services in England, Scotland and Wales is combined with that known as Fire and Rescue Adviser (or Government Fire and Rescue Adviser)", + "score": 0.69189453125 + }, + { + "id": "9311779", + "title": "Essex County Fire and Rescue Service", + "text": "when requested by firefighting personnel. Emergency calls are handled on an average of 54 seconds from the time of answering the call, to the time of dispatching the fire crew(s). There are five firefighter training centres, located in Basildon, Chelmsford, Orsett, Witham and Wethersfield. Each of these centres specialise in different forms of training firefighters must become accustomed to, in order to be operationally prepared. The Service workshop is in Lexden, Colchester, where the operational fleet of frontline fire appliances and specialist appliances are maintained, and the reserve fleet of spare appliances are stored. In 2016, the Service started a", + "score": 0.69189453125 + }, + { + "id": "8369836", + "title": "Geography of firefighting", + "text": "ambulancemen/ambulancewomen) and 676 civilian members. Fire Services also provides fire services to Hong Kong International Airport. Government Flying Service provides aerial fire fighting capabilities. The head of HKFSD is called the Director but not the Commissioner. Assisted by the Deputy Director, the Director of the HKFSD is the head of three Operational Fire Commands: Hong Kong, Kowloon and N.T. (i.e. The three Districts). Each of the Commands is under the control of the Chief Fire Officer(CFO). In reality, there is one additional Command: The Heartquarters(HQ), which is under control of the CFO(HQ). See here for more information. Some 7000 firemen", + "score": 0.69140625 + }, + { + "id": "8998299", + "title": "Bedfordshire Fire and Rescue Service", + "text": "that Luton was no longer in the administrative county of Bedfordshire, though Luton remained in the ceremonial county. The brigade changed to its current name in 2012, three years after the administrative county was abolished and divided into two unitary authorities. Bedfordshire Fire and Rescue Service currently employ more than 550 staff on a variety of conditions of service. These include Firefighters on the Wholetime shift system; Firefighters on the Retained Duty System; Fire Officers on the Flexible Duty System; Fire Control Operators and support staff. The county's control room was due to move into a regional control centre in", + "score": 0.69140625 + }, + { + "id": "6726237", + "title": "Her Majesty's Inspectorate of Constabulary and Fire & Rescue Services", + "text": "and the Isle of Man Constabulary. In England and Wales, HMICFRS is responsible to the UK Parliament. The first inspectors were appointed under the County and Borough Police Act 1856; current statutory functions are contained in the Police Act 1996 and related legislation. However, HMICFRS's principal statutory functions are unchanged since its establishment in 1856 \u2013 to assess and report on the efficiency and effectiveness of police forces in England and Wales. In July 2017, its remit was expanded to include responsibility to assess and report on the efficiency, effectiveness and leadership of the 45 fire & rescue services in", + "score": 0.69140625 + }, + { + "id": "15064183", + "title": "Sir Herbert Croft, 9th Baronet", + "text": "inherited the baronetcy on the death of his father in 1865. Throughout his life he evinced considerable interest in local affairs, and was a member of the county council, chairman of the Hereford county bench of magistrates, and deputy-chairman of the Court of quarter sessions. He was a J.P. and Deputy Lieutenant for Herefordshire and a lieutenant in the Herefordshire Militia. At the 1868 general election Croft was elected as a Member of Parliament (MP) for Herefordshire. He held the seat until the 1874 general election, when he did not stand again. From 1892 until his death, he held the", + "score": 0.69091796875 + }, + { + "id": "11839824", + "title": "Airport rescue and firefighting services in the United Kingdom", + "text": "given slightly different titles. The highest ranking airport fire officer is known as an \"AFM\" (airport fire manager). Depending on the service the senior officer may also be referred to as the chief fire officer or the senior airport fire officer (SAFO). There is mainly a five rank structure at the majority of UK airports; This list of rank structure is not exhaustive or limited \u2013 other airports may adopt more ranks, especially larger aerodromes (Cat6+) Like any modern FRS, airport crews will deal with road traffic collisions on airport property, as well as chemical spillages, fires/rescues in airport buildings", + "score": 0.6904296875 + }, + { + "id": "8355768", + "title": "Chief fire officer", + "text": "fire officer in Scottish brigades in 2006 when the Fire (Scotland) Act 2005 came into force. Under proposed changes, chief fire officers were to be renamed brigade managers in line with modernisation directives issued by the Department for Communities and Local Government. However, the title is unpopular and has so far not been used. Most chief fire officers are former frontline firefighters who have risen through the ranks. A few brigades have, however, employed chief fire officers with other career backgrounds. A chief fire officer is assisted by one deputy chief fire officer and a number of assistant chief fire", + "score": 0.6904296875 + }, + { + "id": "9326403", + "title": "Gloucestershire Fire and Rescue Service", + "text": "Gloucestershire Fire and Rescue Service The Gloucestershire Fire and Rescue Service is the statutory emergency fire and rescue service for the non-metropolitan county of Gloucestershire, England. The service is run by Gloucestershire County Council. The service's headquarters are located at the TriService Emergency Centre in Quedgeley, near Gloucester. Also operating from there are Gloucestershire Constabulary and South West Ambulance Service Trust. The service has 22 stations, 18 of which are Retained and 4 which have one appliance Wholetime, that are crewed by 4 watches; Blue, Red, White & Black. CBRN Response: Incident Response Unit (IRU): H9 Gloucestershire Fire and Rescue", + "score": 0.689453125 + }, + { + "id": "7271716", + "title": "Surrey Fire and Rescue Service", + "text": "Surrey Fire and Rescue Service The Surrey Fire and Rescue Service is the statutory fire and rescue service for the County of Surrey, England, with 24 fire stations. It comes under the administrative and legislative control of Surrey County Council, who fund the service by collecting a precept via council tax, and from central government funds, known as a grant settlement. On 31 March 1986, the service, jointly with the neighbouring London Fire Brigade, dealt with a significant blaze at Hampton Court Palace, which is on the border between London and Surrey. Surrey Fire and Rescue Service employs approximately 1000", + "score": 0.68701171875 + }, + { + "id": "18910090", + "title": "Redcliffe Fire Station", + "text": "fires could be implemented. In November 1941 the Redcliffe Fire Brigade Board was formed, and in 1942 the Fire Brigade's first Chief Officer was Frank Mayer, formerly of the MFB. Initial equipment consisted of a Ford Truck, several hundred feet of hose, two hydrants, two branches and one \"Y\" coupling. Later, an International Howe fire engine, a small Coventry pump, and some fire extinguishers were added. The Redcliffe Fire Brigade was initially housed at a residence on the corner of Webb Street and Maude Street, Margate, and it won praise for its efforts at firefighting during 1943 and 1944. Mayer,", + "score": 0.6865234375 + }, + { + "id": "18484248", + "title": "Hereford F.C.", + "text": "business group's reluctance to engage with the former club. The appointment of Hale as Hereford F.C. chairman was released in an FAQ on 13 January. An open meeting two days later confirmed several appointments, including HUST chairman Chris Williams as vice chairman, Hugh Brooks as finance director, George Webb as commercial director and Phil Eynon as governance director (the latter three being part of the Hale-led group of local businessmen). On 20 and 21 January, HUST members voted in favour of the proposal from the Hale group, with 96.71% voting to accept the plans. The Hereford F.C. bid had been", + "score": 0.6865234375 + }, + { + "id": "6647221", + "title": "Buncefield fire", + "text": "remaining fires could be extinguished during the day on Tuesday, 13 December. The smoke plume had been considerably reduced and was more grey, indicating the amount of vapourised water now combining with the smoke. It was reported at 16:45 that all tank fires had been extinguished, although some smaller fires persisted. 75% of firefighters for Hertfordshire were involved in fighting the fire, supported by 16 other brigades. The entire gold command operation, involving many agencies as well as all the emergency services, was run from Hertfordshire Constabulary's headquarters in Welwyn Garden City, some distance from the fire. A further fire", + "score": 0.6865234375 + }, + { + "id": "8641136", + "title": "Chief Fire Officers Association", + "text": "Chief Fire Officers Association The Chief Fire Officers Association or CFOA is the professional body representing senior fire officers in the United Kingdom. The organisation used to be known as the Chief and Assistant Chief Fire Officers Association, it was formed in 1974 following local government re-structuring. The CFOA website says, \"\"CFOA's Aim is to continue as the professional voice of the UK Fire Service, assisting and supporting our members to fulfil their leadership role in improving the well being of local communities in all matters relating to the Fire Services' activities. \"\" Membership of the CFOA is open to", + "score": 0.68603515625 + }, + { + "id": "8809078", + "title": "Avon Fire and Rescue Service", + "text": "Temple Back, Bristol to the Avon and Somerset Constabulary's headquarters in Portishead. Following the move an unexpected number of support staff left the service, resulting in recruitment delays in finding replacement staff. On 28 July 2017, the Chief Fire Officer, Kevin Pearson was suspended following the publication of a report from the Home Office on an investigation into how the service is run, citing that it was being run as an \"old boys' club\", and that Pearson had been \"unchallenged and not held properly to account for too long\". Deputy Chief Fire Officer Lorraine Houghton was also suspended. The service", + "score": 0.685546875 + }, + { + "id": "9311776", + "title": "Essex County Fire and Rescue Service", + "text": "at any moment. Major risks covered include Stansted and Southend airport, Harwich seaport, Lakeside shopping centre, Coryton oil refinery, power stations and docks at Tilbury and part of the M25 and M11 motorways, A127 and A12 road. As well as attending fires, traffic collisions and other rescue operations, ECFRS provides emergency response to hazardous materials incidents and has an Urban Search and Rescue (USAR) team of officers with specialist training and equipment to conduct rescues from collapsed buildings and enclosed spaces. The Urban Search and Rescue (USAR) team have their own fire station separate from others across the county, ECFRS", + "score": 0.685546875 + }, + { + "id": "11141600", + "title": "Norfolk Fire and Rescue Service", + "text": "Norfolk Fire and Rescue Service Norfolk Fire and Rescue Service (NFRS) is the statutory fire and rescue service for the county of Norfolk in the east of England. The county consists of around 870,100 people and 2,074 square miles. The Headquarters of Norfolk Fire and Rescue Service is in the village of Hethersett which is south-west of Norwich. The full address is Whitegates, Hethersett, NR9 3DN. Whitegates was commandeered for use by the National Fire Service during the Second World War and was eventually purchased by Norfolk County Council in 1950. The building was built as a family home in", + "score": 0.685546875 + }, + { + "id": "8656309", + "title": "Fire services in the United Kingdom", + "text": "and local bodies whose role it is to establish a fire authority, implement the legislation from the tier above, while working alongside the relevant HMFSI and other interested bodies. The next level beneath that of local authority, is a brigade which usually comes under the operational command of a high ranking senior officer. Traditionally Chief Fire Officers have risen through the ranks from firefighter, although under modernisation plans brigades can now operate graduate entry, and fast track promotion as is already the case with the armed forces and the police. The London Fire Brigade announced details of its graduate scheme", + "score": 0.6845703125 + }, + { + "id": "15417974", + "title": "Steve Dudeney", + "text": "of the LFB Leadership and Management Development Team. In April 2012 he transferred to LFB's Special Operations Group. On 1 August 2013 he was appointed to the role of LFB Borough Commander for the London Borough of Hackney. Responsible for 200 staff at the four fire Stations in the Borough; Homerton, Kingsland (closed in 2014), Shoreditch & Stoke Newington. In November 2017, he became Borough Commander for the London Borough of Tower Hamlets in Command of the five fire stations in the Borough; Bethnal Green, Millwall, Poplar, Shadwell & Whitechapel. Covering the area where he grew up and started his", + "score": 0.68408203125 + }, + { + "id": "9429306", + "title": "Royal Berkshire Fire and Rescue Service", + "text": "in the Reading suburb of Calcot. It operates from 18 fire stations across Berkshire. Royal Berkshire Fire and Rescue Service The Royal Berkshire Fire and Rescue Service is a statutory fire and rescue service covering the area of the ceremonial county of Berkshire in England. The fire service was formerly administered by Berkshire County Council, but when that was abolished the service became the responsibility of the Royal Berkshire Fire Authority, made up of representatives from the six unitary authorities of Bracknell Forest Borough Council, Reading Borough Council, Royal Borough of Windsor and Maidenhead, Slough Borough Council, West Berkshire Council,", + "score": 0.68359375 + }, + { + "id": "20932597", + "title": "Penrith Museum of Fire", + "text": "Chief Officer (W.H. Beare) to hold a \"dance at the Paddington Town Hall, on Friday, 18th September, 1942: proceeds to be in aid of a Mobile Canteen for the Fire Brigade\". Two days later, Mr Beare informed Chief Officer Richardson of the WFA's desire to raise money for a mobile canteen, and recommended, \"that monies raised at all future functions be donated to this fund until the objective is reached\". On 4 August, at a meeting of the WFA Advisory Committee, it was decided that the WFA should organise social functions with a view to raising A\u20a41,000, to be presented", + "score": 0.68359375 + }, + { + "id": "15222878", + "title": "Leslie Harvey (RAF officer)", + "text": "45 Group before becoming Deputy Air Officer Administration (Maintenance) at Headquarters Transport Command. After the War he was appointed Air Officer Commanding, No. 24 (Training) Group in 1948, Senior Air Staff Officer at Headquarters RAF Technical Training Command in 1950 and Air Officer Commanding-in-Chief Maintenance Command in 1952 before he retired in 1956. In retirement he became a Director of GQ Parachute Company. Leslie Harvey (RAF officer) Air Marshal Sir Leslie Gordon Harvey, (11 April 1896 \u2013 14 October 1972) was a senior Royal Air Force officer who served as Air Officer Commanding-in-Chief Maintenance Command from 1952 until his retirement", + "score": 0.68359375 + }, + { + "id": "6651969", + "title": "Hertfordshire Constabulary", + "text": "for merging. For the foreseeable future, the Constabularly looks likely to remain an independent force. Ultimately, the decision for any full merger of the three forces will be in the hands of the Police and Crime Commissioners, and thereby in turn, the public themselves. Local policing is overseen by the Local Policing Command, headed by a Chief Superintendent. The county is sub-divided into 10 Community Safety Partnerships, which broadly correspond to the local Borough and Council areas. The 10 CSPs, each headed by a Chief Inspector are: Watford, Three Rivers, Dacorum, Welwyn and Hatfield, St Albans, Hertsmere, East Herts, Broxbourne,", + "score": 0.68310546875 + }, + { + "id": "9613926", + "title": "Hereford and Worcester Fire and Rescue Service", + "text": "In Marsh Neighbouring fire services include: Gloucestershire, Warwickshire, Shropshire, Staffordshire, Mid and West Wales, South Wales and the West Midlands. The 4 Wholetime Fire Stations within Herefordshire & Worcestershire have 1 appliance crewed 24/7 by 4 watches of; Blue, Red, Green & White, working on a shift pattern of two 9 hour day shifts and two 15 hour night shifts followed by four days off. The 3 Day Crewed Stations within Worcestershire have 1 appliance crewed for 12 hours a day by 4 watches of Blue, Red, Green & White, working on a shift pattern of four 12 hour shifts", + "score": 0.68310546875 + }, + { + "id": "16892904", + "title": "Hertford Rugby Football Club", + "text": "the club adopted their present name of Hertford RFC. Hertford Rugby Football Club Hertford Rugby Football Club is an English rugby union team based in Ware, Hertfordshire. The club runs five senior sides, the full range of junior teams and a women's section which includes three women's teenage teams. The first XV currently plays in London & South East Premier, a level five league in the English rugby union system. Hertford Rugby Football Club was formed in 1932 as Old Hertfordonians by a group of enthusiasts from Hertford Grammar School. The club played at six venues until moving to their", + "score": 0.68212890625 + }, + { + "id": "11264727", + "title": "Hertfordshire County Football Association", + "text": "Hertfordshire County Football Association The Hertfordshire County Football Association, also simply known as \"Hertfordshire FA\", is the governing body of football in the county of Hertfordshire, England. The Hertfordshire FA was founded accidentally in 1885 after the existing teams (then numbering around 20) agreed to hold a meeting to discuss their position, and ended up affiliating. In the early 1880s there were already 20 clubs operating in Hertfordshire and with interest continuing to grow, the Secretary of St Albans F.C., Mr R Cook called a meeting in 1885 which was to have been held at The Football Association's Headquarters, then", + "score": 0.68212890625 + }, + { + "id": "5608609", + "title": "Matt Wrack", + "text": "He was returned unopposed for a third term as FBU general secretary in 2014. In the years following Wrack's election the FBU saw an unprecedented number of local disputes as employers embarked on various \u2018modernisation\u2019 schemes which saw changes to shift systems and cuts to jobs number in local fire and rescue services. These included strikes in Suffolk, West Midlands, and Hertfordshire. The Hertfordshire dispute saw the decision of the Labour government to provide no military cover during industrial action, a decision which would have significant impact on future fire service industrial disputes. Strike action in Merseyside in 2006 led", + "score": 0.68212890625 + }, + { + "id": "6397111", + "title": "London Fire Brigade", + "text": "Officers Association provides the collective voice on fire, rescue and resilience issues. Membership is made up from senior officers above the rank of Assistant Chief Officer, to Chief Fire Officer (or the new title of Brigade Manager). The London Fire Brigade, along with many UK fire and rescue services has adopted a change in rank structure. The traditional ranks \u2013 to the left of the column below \u2013 have been replaced in the LFB, by new titles more descriptive to the job function. The old titles are still in use in many of the UK's other brigades and fire authorities.", + "score": 0.68212890625 + }, + { + "id": "9429305", + "title": "Royal Berkshire Fire and Rescue Service", + "text": "Royal Berkshire Fire and Rescue Service The Royal Berkshire Fire and Rescue Service is a statutory fire and rescue service covering the area of the ceremonial county of Berkshire in England. The fire service was formerly administered by Berkshire County Council, but when that was abolished the service became the responsibility of the Royal Berkshire Fire Authority, made up of representatives from the six unitary authorities of Bracknell Forest Borough Council, Reading Borough Council, Royal Borough of Windsor and Maidenhead, Slough Borough Council, West Berkshire Council, and Wokingham Borough Council. The service's headquarters are located at Newsham Court, Pincents Kiln,", + "score": 0.681640625 + }, + { + "id": "8998298", + "title": "Bedfordshire Fire and Rescue Service", + "text": "Bedfordshire Fire and Rescue Service Bedfordshire Fire and Rescue Service is the fire and rescue service for the ceremonial county of Bedfordshire, including unitary authorities of Bedford, Central Bedfordshire Luton. Bedfordshire Fire Brigade was re-created in 1947 after the disbanding of the National Fire Service. Luton began operating an independent brigade when it became a county borough in 1964. In 1974, the Luton brigade was re-absorbed into Bedfordshire, which was renamed Bedfordshire Fire Service. It was later renamed to Bedfordshire & Luton Fire and Rescue Service in 1997, on the same day that Luton became a unitary authority. This reflected", + "score": 0.68115234375 + }, + { + "id": "17427792", + "title": "Aylmer Firebrace", + "text": "He recruited John Horner in 1933 and set him on the road to fast track promotion. He would go on to become the general secretary of the Fire Brigades Union. He was promoted to deputy chief in 1936, and finally to chief officer in June 1938. In January 1939, he was seconded to the Home Office to prepare plans to co-ordinate the London Region's sixty-six fire brigades. On the outbreak of World War II, he was appointed regional fire officer, London Region. This posting was purely administrative and prevented him from operationally commanding the region's fire brigades. He was once", + "score": 0.6806640625 + }, + { + "id": "9739475", + "title": "Tayside Fire and Rescue Service", + "text": "standard of fire safety and emergency response services to the communities we serve\" is communicated throughout the organisation using all avenues available from, newsletters, core briefs, breakfast with the Chief, intranet etc. Our Deputy Chief Fire Officer leads the Service Delivery business stream, overseeing Community Safety and Risk Management whilst driving forward the Prevention and Intervention Aims of the organisation. Service Delivery include the departments who interact frequently with the public providing them with an efficient emergency response and effective risk reduction advice. Our Assistant Chief Fire Officer leads the Service Support business stream, overseeing Technical Services, Corporate Services and", + "score": 0.6806640625 + }, + { + "id": "8809080", + "title": "Avon Fire and Rescue Service", + "text": "that she was considering a takeover of the area's fire service. On 11 August 2017, it was announced that Mick Crennell had been appointed as the interim Chief Fire Officer on a six month contract, whilst the investigation of Pearson is taking place. Crennell previously served as Deputy Chief Fire Officer of Mid and West Wales Fire and Rescue Service. In April 2018 Crennell was appointed Chief Fire Officer. The role of a modern fire and rescue service has increased from fighting fires to cover the core functions of 'Protecting, Preventing and Responding'. Avon Fire & Rescue Service now has", + "score": 0.6806640625 + }, + { + "id": "17472156", + "title": "Frank Richardson (police officer)", + "text": "the local press noted by writing : A long and honourable career in the Police Force is recalled by the celebrations of his 80th birthday on Oct 3rd by Mr. Frank Richardson, formerly Chief Constable of Hereford who since he left the city has been enjoying a well earned repose in the town of his birth Upton St Leonards in the neighbouring county of Gloucestershire. Mr. Richardson had been Chief Constable of Hereford for 37 years when he resigned towards the end of 1919. He served the city faithfully during that long period. Altogether Mr. Richardson served the Force nearly", + "score": 0.6806640625 + }, + { + "id": "9865182", + "title": "Leicestershire Fire and Rescue Service", + "text": "Leicestershire Fire and Rescue Service Leicestershire Fire and Rescue Service is the fire and rescue service which covers Leicestershire and Rutland including the unitary authority of Leicester. The Leicestershire and Rutland Fire Brigade and the separate City of Leicester Fire Brigade were created in 1948 by the Fire Services Act 1947. In 1974 the City of Leicester brigade was merged with the Leicestershire and Rutland brigade to form the present fire service. Since Rutland and the City of Leicester became unitary authorities in the 1990s, the fire authority which administers the service is a joint-board made up of representatives from", + "score": 0.6806640625 + }, + { + "id": "20210835", + "title": "Hertfordshire Rugby Football Union", + "text": "Hertfordshire Rugby Football Union The Hertfordshire Rugby Football Union is the governing body for the sport of rugby union in the county of Hertfordshire in England. The union is the constituent body of the Rugby Football Union (RFU) for Hertfordshire, and administers and organises rugby union clubs and competitions in the county. It also administers the Hertfordshire county rugby representative teams. Although the Hertfordshire Rugby Football Union was formed in 1935 and there have been club sides based in the county since as the late 19th century, a senior representative side did not take part in the County Championships until", + "score": 0.6806640625 + }, + { + "id": "10960579", + "title": "Cumbria Fire and Rescue Service", + "text": "Pods: CBRN Response: Cumbria Fire and Rescue Service Cumbria Fire and Rescue Service is the statutory fire and rescue service for the Shire county of Cumbria, England. Of the 38 fire stations, there are six wholetime (Barrow-in-Furness, Carlisle (2 Stations East and West), Whitehaven, Workington and Ulverston). 2-day crewed (Kendal and Penrith) and 30 retained. Since 2012 the headquarters are at Penrith next to the headquarters of Cumbria Constabulary. The recent history of Cumbria Fire & Rescue Service really starts in 1947 when the fire service as we know it today was formed. Prior to that there was the National", + "score": 0.6806640625 + }, + { + "id": "10960577", + "title": "Cumbria Fire and Rescue Service", + "text": "Cumbria Fire and Rescue Service Cumbria Fire and Rescue Service is the statutory fire and rescue service for the Shire county of Cumbria, England. Of the 38 fire stations, there are six wholetime (Barrow-in-Furness, Carlisle (2 Stations East and West), Whitehaven, Workington and Ulverston). 2-day crewed (Kendal and Penrith) and 30 retained. Since 2012 the headquarters are at Penrith next to the headquarters of Cumbria Constabulary. The recent history of Cumbria Fire & Rescue Service really starts in 1947 when the fire service as we know it today was formed. Prior to that there was the National Fire Service and", + "score": 0.6806640625 + }, + { + "id": "8369850", + "title": "Geography of firefighting", + "text": "fight and prevent fire and to respond to other emergencies, including hazardous substance incidents and motor-vehicle collisions. There are mixture of career fire districts, covering major towns and cities, and volunteer fire brigades, covering smaller towns and communities. Each district and brigade is headed by a Chief Fire Officer (CFO), who report via their Area Commander and Regional Commander to the National Commander, the chief operational firefighter of the entire Fire Service. The National Commander reports to the Chief Executive who in turn reports to the NZFSC. The roles of National Commander and Chief Executive may be performed by one", + "score": 0.68017578125 + }, + { + "id": "2039387", + "title": "Ofsted", + "text": "Children's Services and Skills (sometimes abbreviated to HMCI) is the head of Ofsted. Amanda Spielman was appointed Her Majesty's Chief Inspector of Education, Children's Services and Skills on 1 January 2017. The title of Her Majesty's Chief Inspector of Schools (HMCI) was created at the same time as The Office for Standards in Education (Ofsted) itself. Before Ofsted was set up in 1992, the person heading its forerunner, HM Inspectorate of Schools, was known as the Senior Chief Inspector (SCI) and was also a Deputy Secretary in the Department of Education and Science. Ofsted The Office for Standards in Education,", + "score": 0.68017578125 + }, + { + "id": "20347051", + "title": "Frederick Delve", + "text": "and successor, Leslie Leete, proposed control procedures that eventually became national policy, and also recommended the fitting of warning devices to breathing apparatus so that users were alerted when their oxygen supplies were running low. Having been awarded CBE in 1942, Delve was the first LFB chief to be knighted in office, in the 1962 Birthday Honours. After his 1962 retirement, he joined the board of Securicor. Frederick Delve Sir Frederick William Delve (28 October 1902 - 2 October 1995), was an English firefighter who became chief fire officer of the London Fire Brigade from 1948 to 1962, and was", + "score": 0.6796875 + } + ], + "answer": "Hertfordshire Fire and Rescue Service (HFRS) is the statutory fire and rescue service for the county of Hertfordshire, England. The Chief Fire Officer is Darryl Keen, assisted by Deputy Chief Fire Officer Chris Bigland." + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "In 2017, who was the chairman of public accounts committee of lok sabha?", + "short_answers": [ + "Mallikarjun Kharge" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "In 2016, who was the chairman of public accounts committee of lok sabha?", + "short_answers": [ + "Mallikarjun Kharge and K V Thomas" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "I 2015, who was the chairman of public accounts committee of lok sabha?", + "short_answers": [ + "K V Thomas" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Public Accounts Committee (India)", + "url": "https://en.wikipedia.org/wiki/Public%20Accounts%20Committee%20%28India%29" + }, + { + "title": "List of Indian parliamentary committees", + "url": "https://en.wikipedia.org/wiki/List%20of%20Indian%20parliamentary%20committees" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The Public Accounts Committee (PAC) is a committee of selected members of parliament, constituted by the Parliament of India, for the purpose of auditing the revenue and the expenditure of the Government of India. ", + "wikipage": "Public Accounts Committee (India)" + } + ], + "long_answer": "The chairman of the Public Accounts Committee (PAC) of Lok Sabha in 2017 was Mallikarjun Kharge. K V Thomas was the chairman in 2015 and both Mallikarjun Kharge and K V Thomas in 2016. " + }, + { + "knowledge": [ + { + "content": "The Public Accounts Committee (PAC) is a committee of selected members of parliament, constituted by the Parliament of India, for the purpose of auditing the revenue and the expenditure of the Government of India.", + "wikipage": "Public Accounts Committee (India)" + }, + { + "content": "The chairperson is appointed by the Lok Sabha speaker.", + "wikipage": "Public Accounts Committee (India)" + } + ], + "long_answer": "The Public Accounts Committee (PAC) is a committee of selected members of parliament for the purpose of auditing the revenue and the expenditure of the Government of India. The chairperson is appointed by the Lok Sabha speaker. In 2015, K V Thomas was the Chairman of Public Accounts. In 2016, the Chairman was both Mallikarjun Kharge and K V Thomas. In 2017, the Chairman was Mallikarjun Kharge." + } + ], + "sample_id": "-6912552847579078268", + "question": "Present chairman of public accounts committee of lok sabha?", + "docs": [ + { + "id": "15467895", + "title": "Public Accounts Committee (India)", + "text": "representation by means of single transferable vote. The chairperson is appointed by the Lok Sabha speaker. The term of office of the members is one year. At present, the 16th Lok Sabha has no designated leader of opposition, however the Indian National Congress (INC) being largest opposition party has gotten the responsibility of heading the PAC. The current PAC is headed by Mallikarjun Kharge, who is leader of INC in the Lok Sabha. He was re-appointed to a second term in May 2018. The committee was first conceived in the year 1921 in the wake of Montagu-Chelmsford Reforms. During the", + "score": 0.7802734375, + "summary": "The current chairman of the Public Accounts Committee of Lok Sabha is Mallikarjun Kharge, who was re-appointed to a second term in May 2018.", + "extraction": "The current PAC is headed by Mallikarjun Kharge, who is leader of INC in the Lok Sabha." + }, + { + "id": "20970902", + "title": "Standing Committee on Finance", + "text": "single transferable vote. The chairperson is appointed by the Lok Sabha speaker. The term of office of the members is one year. A minister is not eligible to become a member of the committee. If a member after his election to the committee becomes a Minister, he ceases to be a member from the date of such appointment. The committee currently is headed by Veerappa Moily, succeeding Yashwant Sinha from the 15th Lok Sabha. Following the adoption of the Reports of Rules Committees of the 10th Lok Sabha by the two houses on 29 March 1993, the way was paved", + "score": 0.7666015625, + "summary": "Present chairman of public accounts committee of lok sabha is Veerappa Moily.", + "extraction": "Veerappa Moily" + }, + { + "id": "15467896", + "title": "Public Accounts Committee (India)", + "text": "initial days of British colonial government in India, the finance member of the executive council was the chairperson of the committee. Post independence, till 1950 the chairperson of the committee was the finance minister. However, in 1950, the country became republic and the committee became a parliamentary committee functioning under the control of the Speaker of Lok Sabha with a non-official chairperson. From 1950 to 1967, the chairperson was selected from the ruling party. Since 1967, the chairperson of the committee is selected from the opposition, usually the leader of opposition. Prior to the year 1954\u201355, the committee consisted of", + "score": 0.75390625, + "summary": "The document provides information about the history and structure of the Public Accounts Committee in India. It does not mention the present chairman of the committee.", + "extraction": "The present chairman of the Public Accounts Committee of Lok Sabha is not mentioned in the passage. Therefore, the answer is \"irrelevant\"." + }, + { + "id": "20972902", + "title": "Chairman of the Chiefs of Staff Committee", + "text": "Chairman of the Chiefs of Staff Committee Admiral Sunil Lanba stated the heads of the three services had \"finally agreed on a permanent chief of staff committee,\" and the matter had been sent to the Defence Ministry for consideration. Chairman of the Chiefs of Staff Committee The Chairman of the Chiefs of Staff Committee, is the head of the Chiefs of Staff Committee. The most senior chief of staff is appointed to serve as a chairman until he retires. The current chairman is Admiral Sunil Lanba. Following the end of the Kargil war, Kargil Review Committee found there was a", + "score": 0.7353515625, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about the Chairman of the Chiefs of Staff Committee and not the Public Accounts Committee of Lok Sabha." + }, + { + "id": "8772283", + "title": "Basudeb Acharia", + "text": "in 1980. Subsequently, he was re-elected to the Lok Sabha in 1984, 1989, 1991, 1996, 1998, 1999, 2004 and 2009 from the same constituency. He was the leader of the CPI (M) Parliamentary Party in the 15th Lok Sabha. He was a chairman, Committee on Railways, member, Rules Committee, General Purposes Committee, Committee on Security in Parliament Complex, and Committee on Installation of Portraits/Statues of National Leaders and Parliamentarian in Parliament House. He is also one of the All India Vice-Presidents of the Centre of Indian Trade Unions. In 1980, he was elected as an MP for the first time.", + "score": 0.72998046875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "15467905", + "title": "Public Accounts Committee (India)", + "text": "1950. The committee has published a total of 1596 reports from 1950 to April 2018. Public Accounts Committee (India) The Public Accounts Committee (PAC) is a committee of selected members of parliament, constituted by the Parliament of India, for the purpose of auditing the revenue and the expenditure of the Government of India. The check that parliament exercises over the executive stems from the basic principle that parliament embodies the will of the people. This committee along with the Estimates committee (EC) and Committee on Public Undertakings (COPU) are the three financial standing committees of the Parliament of India. It", + "score": 0.7265625, + "summary": "Irrelevant.", + "extraction": "The passage does not provide the answer to the question. It is irrelevant." + }, + { + "id": "1774451", + "title": "Rajya Sabha", + "text": "sittings of the Houses of Parliament of India are rare, and in the history of the Republic, only three such joint-sessions have been held; the latest one for the passage of the 2002 Prevention of Terrorism Act. The Vice President of India (currently, Venkaiah Naidu) is the \"ex-officio\" Chairman of the Rajya Sabha, who presides over its sessions. The Deputy Chairman, who is elected from amongst the house's members, takes care of the day-to-day matters of the house in the absence of the Chairman. The Rajya Sabha held its first sitting on 13 May 1952. The salary and other benefits", + "score": 0.7255859375, + "summary": "irrelevant", + "extraction": "Irrelevant. The passage does not provide any information about the present chairman of public accounts committee of lok sabha." + }, + { + "id": "15467894", + "title": "Public Accounts Committee (India)", + "text": "its primary function is to examine the audit report of Comptroller and Auditor General (C&AG) after it is laid in the Parliament. C&AG assists the committee during the course of investigation. None of the its members are allowed to be ministers in the government. The Public Accounts Committee consists of not more than twenty-two members, fifteen elected by Lok Sabha, the lower house of the Parliament, and not more than seven members of Rajya Sabha, the upper house of the Parliament. The members are elected every year from amongst its members of respective houses according to the principle of proportional", + "score": 0.724609375, + "summary": "The document provides information about the Public Accounts Committee in India, but does not mention the present chairman of the committee. Therefore, the answer is \"irrelevant\".", + "extraction": "The passage is helpful but does not provide an answer to the question. Therefore, the extracted span is \"irrelevant\"." + }, + { + "id": "15467904", + "title": "Public Accounts Committee (India)", + "text": "member of INC, took a serious note of the move and started probing the move wherein it decided to call RBI governor Urjit Patel, Finance Secretary Ashok Lavasa and Economic Affairs Secretary Shaktikanta Das. The decision was taken unanimously by all the members of the committee to call the bureaucratic officers. \"Denotes the year 1967\u201368 from when the chairman of the PAC was member of the main opposition party, usually the leader of opposition.\" As part of its oversight process the committee has published quite a number of reports over the course of its existence post declaration of republic in", + "score": 0.72412109375, + "summary": "Irrelevant. The document mentions the Public Accounts Committee of India but does not provide information about the current chairman.", + "extraction": "irrelevant" + }, + { + "id": "15467893", + "title": "Public Accounts Committee (India)", + "text": "Public Accounts Committee (India) The Public Accounts Committee (PAC) is a committee of selected members of parliament, constituted by the Parliament of India, for the purpose of auditing the revenue and the expenditure of the Government of India. The check that parliament exercises over the executive stems from the basic principle that parliament embodies the will of the people. This committee along with the Estimates committee (EC) and Committee on Public Undertakings (COPU) are the three financial standing committees of the Parliament of India. It serves as a check on the government especially with respect to its expenditure bill and", + "score": 0.72412109375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "20917170", + "title": "Estimates Committee (India)", + "text": "Public Undertakings (COPU) are the three financial standing committees of the Parliament of India. The committee consists of thirty members, all elected from Lok Sabha, the lower house of the Parliament of India. The members are elected every year from amongst its members of the Lok Sabha, according to the principle of proportional representation by means of single transferable vote. The chairperson is appointed by the Lok Sabha speaker. The term of office of the members is one year. A minister is not eligible to become a member of the committee. In case a member after his election to the", + "score": 0.72216796875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "10615566", + "title": "Ashwani Kumar", + "text": "in 2009. He also served as the Chairman of the Select Committee of Rajya Sabha for \"The Prevention of Torture Bill\", 2010. He was also appointed as a member of the Standing Committee of Parliament on Defense and a member of the prestigious Public Accounts Committee in 2013. In 2014, Kumar was appointed a member of the Co-ordination Committee of the INC in Rajya Sabha and a member of the Parliamentary Affairs Committee of the INC which includes MP's from both the Houses of the Parliament. Kumar has also been a member of the Empowered Sub-Committee of the High Level", + "score": 0.72216796875, + "summary": "The document mentions Ashwani Kumar's appointments to various committees in Parliament, including the Public Accounts Committee in 2013, but does not mention the current chairman of the committee.", + "extraction": "The passage is irrelevant because it does not mention the current chairman of the public accounts committee of Lok Sabha." + }, + { + "id": "10655332", + "title": "Satya Pal Jain", + "text": "for all the states of Northern India, Incharge of Punjab Affairs in Lok Sabha and was also appointed as Convener of Legal Committee of the BJP Parliamentary Party. He also remained a member of the Consultative and Parliamentary Standing Committees of Ministry of Home Affairs and The Privileges Committee of Lok Sabha. He was also elected to the Institute Body of Post Graduate Institute of Medical Education and Research, Chandigarh, by the Lok Sabha. During his 2nd term as a member of Lok Sabha (1998\u20131999), he was again nominated as a member of the Parliamentary Standing Committee on Home Affairs,", + "score": 0.720703125, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage does not provide the answer to the given question." + }, + { + "id": "20927912", + "title": "Standing Committee on Defence (India)", + "text": "the Parliament. The members are elected every year from amongst its members of respective houses according to the principle of proportional representation by means of single transferable vote. The chairperson is appointed by the Lok Sabha speaker. The term of office of the members is one year. A minister is not eligible to become a member of the committee. If a member after his election to the committee becomes a Minister, he ceases to be a member from the date of such appointment. The committee currently is headed by MP Kalraj Mishra, succeeding MP Maj Gen BC Khanduri (Retd.). Following", + "score": 0.7197265625, + "summary": "The document is irrelevant to the question of who is the present chairman of the public accounts committee of Lok Sabha.", + "extraction": "MP Kalraj Mishra is the current chairperson of the public accounts committee of Lok Sabha." + }, + { + "id": "16927996", + "title": "Constitution Club of India", + "text": "referred as Club and to register it under the Societies Registration Act 1860. After the Independence, the Club has emerged as a platform for exhibitions, vital meetings, events, press conferences, elite parties & social hangouts between the present and former Members of Parliament. Smt. Sumitra Mahajan, Hon'ble Speaker Lok Sabha, President. She is the 16th Speaker of Lok Sabha. Shri P. J. Kurien, Hon'ble ex-Deputy Chairman, Rajya Sabha & Shri Hardeep Singh Puri, Hon'ble Minister of State (Independent Charge) for Housing and Urban Affairs, are the Vice President. Shri M. Thambidurai, Hon'ble Deputy Speaker Lok Sabha is the General Secretary.", + "score": 0.71875, + "summary": "Irrelevant.", + "extraction": "Smt. Sumitra Mahajan is the present Chairman of Public Accounts Committee of Lok Sabha." + }, + { + "id": "16448646", + "title": "Peter G. Marbaniang", + "text": "Congress ticket. He was re-elected in 1991 to the Tenth Lok Sabha with 144,895 votes, or 48.75% or the total. In 1988 he was a member of the Indian Parliamentary Delegation to the Commonwealth Parliamentary Conference in Canberra. In the Lok Sabha, he was a member of committees on Public Accounts, Public Undertakings, Transport and Tourism, Business Advisory and General Purposes. He was nominated as a member of the panel of Chairman of the lok Sabha in 1992. He was a member of the Meghalaya Legislative Assembly between 1972 and 1983. He served as a minister in the State government", + "score": 0.7177734375, + "summary": "Irrelevant.", + "extraction": "Peter G. Marbaniang was a member of the public accounts committee of Lok Sabha. However, it does not provide information about the present chairman of the public accounts committee of Lok Sabha. Hence, the answer is \"irrelevant\"." + }, + { + "id": "17089385", + "title": "Arjun Ram Meghwal", + "text": "as the Chairman of House Committee, Lok Sabha. Meghwal sworn in as Minister of State for Finance on 5 July 2016. He is doing remarkable work for successful implementation of Goods & Service Tax. Arjun Ram Meghwal Arjun Ram Meghwal (born 20 December 1954) is an Indian politician belonging to the Bharatiya Janata Party and former party Chief Whip in 16th Lok Sabha, Currently He is Union Minister of State in Ministry of Water Resources, River Development & Ganga Rejuvenation and Parliamentary Affairs in Government of India. He has been elected to the 15th and 16th Lok Sabhas (terms of", + "score": 0.71728515625, + "summary": "Irrelevant.", + "extraction": "Arjun Ram Meghwal is the current Chairman of House Committee, Lok Sabha." + }, + { + "id": "6141158", + "title": "R. L. Bhatia", + "text": "the Lok Sabha in 1972, from the Amritsar Parliamentary Constituency. He was re-elected to the Lok Sabha from the same constituency at the 1980, 1985, 1992, 1996 and 1999 elections as a member of the Indian National Congress. During this time he held several other posts as well. He was a member of the executive committee of Congress parliamentary party from 1975 to 1977, the Minister of State for External Affairs in the Government of India from July 1992 until 1993, the Chairman of the Committee of petitions in Lok Sabha in 1983, the President of the Punjab Pradesh Congress", + "score": 0.716796875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "18522462", + "title": "Public Accounts Committee (Ireland)", + "text": "It is normally chaired by a member of the opposition. As of 4 March 2018, the members of the committee are as follows: It is customary for a member of the largest opposition party to chair the committee. Public Accounts Committee (Ireland) The Public Accounts Committee (PAC) (formally the Committee of Public Accounts) () is a standing Committee of D\u00e1il \u00c9ireann, the lower house of the Irish Parliament. It oversees government expenditures to ensure they are effective and honest. It is responsible for examining reports of Comptroller and Auditor General on Departmental expenditure and certain other accounts. It also considers", + "score": 0.716796875, + "summary": "Irrelevant.", + "extraction": "The passage is irrelevant for answering the question as it does not provide any information about the present chairman of the public accounts committee of Lok Sabha." + }, + { + "id": "10615502", + "title": "Suresh Pachouri", + "text": "was first elected to the Rajya Sabha in 1984 and was re-elected in 1990, 1996 & 2002. He was the Minister of State in the Ministry of Defence from 1995-96. He was the Chairman of the Congress Seva Dal. He was a Member of the Consultative Committee of the Ministry of Home Affairs and Defence and was also nominated to the Panel of Deputy Chairman of the Rajya Sabha in 2000. He served as a Minister of State in the Ministry of Personnel, Public Grievances and Pensions and Ministry of Parliamentary Affairs from 24 May 2004 - 6 April 2008.", + "score": 0.71630859375, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "17751945", + "title": "Appachu Ranjan", + "text": "Kothnalli. He headed the joint house committee to probe into the ruckus created by some of the Opposition members during the trust vote of the BJP government on October 11, 2010 was set up by the then House Speaker K.G.Bopaiah. In its 287-page report tabled in the House, the panel headed by him recommended suspension of Rahim Khan, Kakaso Panduranga Patil, U T Khader, N A Harris, (all Congress) B Z Zameer Ahmed Khan, H C Balakrishna, C S Puttaraju, M T Krishnappa (all JD-S) for one year. It recommended suspension of B K Sangamesh, Suresh Gowda, P M Ashok,", + "score": 0.7158203125 + }, + { + "id": "10615567", + "title": "Ashwani Kumar", + "text": "Committee on Manufacturing and the Standing Committee on Commerce. Currently, Dr. Kumar has been nominated as the Chairman of the Parliamentary Standing Committee on Science and Technology, Environment and Forests. In January 2015, Kumar was nominated as a Member of the General Purposes Committee of Rajya Sabha. He was also nominated as a Member of the Consultative Committee for the Ministry of Defence in January 2015. In 2014, Ashwani Kumar was appointed as a Member of the National Literacy Mission. He was a Member of the Indian Ministerial delegation for the 3rd Indo-US Strategic Dialogue and the 1st Indo-Japan Economic", + "score": 0.71484375 + }, + { + "id": "3154431", + "title": "Pranab Mukherjee", + "text": "respected within the party social circles.\" Media accounts describe him as having \"a reputation as a number-crunching politician with a phenomenal memory and an unerring survival instinct.\" Mukherjee became a member of the Congress Working Committee on 27 January 1978. He also became a member of the Central Parliamentary Board of the All India Congress Committee (AICC) that year. Mukherjee briefly held the position of treasurer of the AICC and the Congress party in 1978. Mukherjee was appointed chairman of the Campaign Committee of AICC for conducting National Elections to Parliament in 1984, 1991, 1996 and 1998. He was chairman", + "score": 0.7138671875 + }, + { + "id": "20869172", + "title": "Committee on Public Undertakings (India)", + "text": "than seven members of Rajya Sabha, the upper house of the Parliament. The members are elected every year from amongst its members of respective houses according to the principle of proportional representation by means of single transferable vote. The chairperson is appointed by the Lok Sabha speaker. The term of office of the members is one year. A minister is not eligible to become a member of the committee. If a member after his election to the committee becomes a Minister, he ceases to be a member from the date of such appointment. The first proposal for a separate committee", + "score": 0.712890625 + }, + { + "id": "4619821", + "title": "Speaker of the Lok Sabha", + "text": "Speaker of the Lok Sabha The Speaker of the Lok Sabha is the presiding officer of the Lok Sabha (House of the People), the lower house of the Parliament of India. The speaker is elected generally in the very first meeting of the Lok Sabha following general elections. Serving for a term of five years, the speaker chosen from sitting members of the Lok Sabha (House of people), and is by convention a member of the ruling party or alliance. The current speaker is Sumitra Mahajan of the Bharatiya Janata Party, who is presiding over the 16th Lok Sabha. She", + "score": 0.71142578125 + }, + { + "id": "8772579", + "title": "Ashok Kumar Rawat", + "text": "31 Aug. 2010 Member, Committee on Chemicals and Fertilizers Source: http://164.100.47.192/Loksabha/Members/MemberBioprofile.aspx?mpsno=4096&lastls=15 Ashok Kumar Rawat Ashok Kumar Rawat (born 26 November 1975) is an Indian politician for the Misrikh (Lok Sabha constituency) in Uttar Pradesh. As per PRS report on performance of MP's from Uttar Pradesh he ranked close third with 819 questions asked. http://www.prsindia.org/media/media-updates/performance-of-mps-from-uttar-pradesh-3204/ Positions Held 2004 Elected to 14th Lok Sabha Member, Committee on Information Technology Member, Committee on Public Accounts Member, Committee on Welfare of Scheduled castes and Scheduled Tribes 2007-2009 Member, Committee on Chemicals & Fertilizers 2009 Re-elected to 15th Lok Sabha (2nd term) 6 Aug. 2009", + "score": 0.71142578125 + }, + { + "id": "17570467", + "title": "16th Lok Sabha", + "text": "from June 4 to June 11, 2014. There is no leader of the opposition in the 16th Lok Sabha as the Indian Parliament rules state that a party in the Lok Sabha must have at least 10% of total seats (545) in order to be considered the opposition party. The Indian National Congress (of the UPA) could only manage 44 seats while the All India Anna Dravida Munnetra Kazhagam party from Tamil Nadu came a close third with 37 seats. Mallikarjun Kharge has been declared the leader of the Indian National Congress in the Lok Sabha. 5 sitting members from", + "score": 0.71142578125 + }, + { + "id": "8443272", + "title": "Kariya Munda", + "text": "Kumar (its speaker) and Sri Kariya Munda (Deputy Speaker of Lok Sabha) were unanimously elected to their posts. Hailing Mr. Munda's election, the Prime Minister Manmohan Singh hoped that the spirit of accommodation seen in the election of the Speaker and the Deputy Speaker, would continue through the duration of the 15th Lok Sabha. Pranab Mukherjee, then the Leader of the House [presently, the President of India], was glad that a 32-year-old unbroken tradition of having the Deputy Speaker from the Opposition, which had begun in 1977, the very 1st year when Sri Munda entered the Lok Sabha, had been", + "score": 0.7109375 + }, + { + "id": "20970911", + "title": "Standing Committee on Finance", + "text": "money is leaking\". The committee took up the case of debt-ridden Infrastructure Leasing & Financial Services, which defaulted on debt obligations for scrutiny a day after the government sacked the 15-member IL&FS board and nominated six new directors lead by Uday Kotak, to run the affairs of the company. The chairperson of the SCOF, Moily said that \"[w]hatever has happened at IL&FS is a matter of grave concern. It is a fit case for the Parliamentary Standing Committee on Finance to look into. As the chairman, I will take up the matter in the committee meeting\" As part of its", + "score": 0.7099609375 + }, + { + "id": "8772285", + "title": "Basudeb Acharia", + "text": "Government Assurances. In 1996\u201397 he was the Chairman, Committee on Railways and a Member, Consultative Committee, Ministry of Industry. In 1998\u201399 he was the Convenor, Sub-Committee on Power, Committee on Energy and a Special Invitee, Consultative Committee, Ministry of Railways. Between 1999-2004 he was the Chairman, Committee on Petitions. From 2004 to 2014 he was the leader of the CPI (M) Parliamentary Party in the 14th Lok Sabha, Chairman of the Lok Sabha and a member of several parliamentary committees. In 2007, he was made the Chairman, Committee on Railways. In 2008, he was elected as a member of the", + "score": 0.708984375 + }, + { + "id": "3218191", + "title": "Supreme People's Assembly", + "text": "SPA. Before 1998, the tasks of the Presidium was exercised by a Standing Committee and there was and additional committee called the Reunification-policy Deliberation Committee. The Foreign Affairs Committee, too was discontinued in 1998, but is operating again. The Bills Committee is chaired by Choe Pu-il. The other members are Kang Yun-sok, Ryang Jong-hun, Thae Hyong-chol, Cha Hui-rim, Pak Myong-guk, and Kim Myong-gil. The Budget Committee is chaired by O Su-yong. The other members are Pak Yong-ho, Kye Yong-sam, Hong So-hon, Kim Hui-suk, Choe Yong-il, and Pak Hyong-ryol. The Foreign Affairs Committee is chaired by Ri Su-yong. The other members", + "score": 0.70849609375 + }, + { + "id": "1953344", + "title": "Lok Sabha", + "text": "House of the People as the President may appoint for the purpose. The Lok Sabha has also a separate non-elected Secretariat staff. Shri G. V. Mavalankar was the first Speaker of Lok Sabha (15 May 1952 \u2013 27 February 1956) and Shri M. Ananthasayanam Ayyangar was the first Deputy Speaker (30 May 1952 \u2013 7 March 1956). In the 16th Lok Sabha, Sumitra Mahajan is the Speaker and M. Thambidurai is the Deputy Speaker. Lok Sabha is constituted after the general election as follows: Members of 16th Lok Sabha by their political party (As of 16 December 2018): Lok Sabha", + "score": 0.7080078125 + }, + { + "id": "20869171", + "title": "Committee on Public Undertakings (India)", + "text": "Committee on Public Undertakings (India) The Committee on Public Undertakings (COPU) is a committee of selected members of parliament, constituted by the Parliament of India, for the purpose of examining the reports and accounts of the public sector undertakings(PSUs) as specified in the fourth schedule of the Rules of Procedure and Conduct of Business in Lok Sabha. This committee along with the Public Accounts committee(PAC) and the Estimates committee(EC) are the three financial standing committees of the Parliament of India. The committee consists of twenty-two members, fifteen elected by Lok Sabha, the lower house of the Parliament, and not more", + "score": 0.70703125 + }, + { + "id": "20927914", + "title": "Standing Committee on Defence (India)", + "text": "Sabha, the membership was reduced to 31 members\u201421 from Lok Sabha and 10 from Rajya Sabha. The inaugural chairperson of the committee was Buta Singh, former Minister of Home Affairs (1984-86) and Minister of Consumer Affairs, Food and Public Distribution (1995-96) and a member of Indian National Congress. The functions of the committee are stated as below : The Standing Committees shall not consider the matters of day to day administration of the department. After the general discussion on the Budget in the House is over, the Lok Sabha is adjourned for a fixed period. The Committee considers the Demands", + "score": 0.70654296875 + }, + { + "id": "20972900", + "title": "Chairman of the Chiefs of Staff Committee", + "text": "Chairman of the Chiefs of Staff Committee The Chairman of the Chiefs of Staff Committee, is the head of the Chiefs of Staff Committee. The most senior chief of staff is appointed to serve as a chairman until he retires. The current chairman is Admiral Sunil Lanba. Following the end of the Kargil war, Kargil Review Committee found there was a lack of communication between the service branches, and therefore suggested to create a Chief of Defence Staff position. This was however rejected by many members of the military, arguing that only great or imperial powers engaging in power projection", + "score": 0.7060546875 + }, + { + "id": "11944566", + "title": "15th Lok Sabha", + "text": "from Rajya Sabha, the Upper House of Indian Parliament, were elected to 15th Lok Sabha after the Indian general election, 2009. Members of the 15th Lok Sabha by political party and alliance: Members by political party in 15th Lok Sabha are given below- Source: Various news organisations
The new United Progressive Alliance (UPA) included 79 members, 78 members in the cabinet plus Prime Minister Manmohan Singh. The first 20 cabinet ministers including Manmohan Singh, swore in on 22 May 2009, while the other 59 cabinet members swore in on 27 May 2009. The 5 non-Congress cabinet ministers, include M.K. Azhagiri", + "score": 0.7060546875 + }, + { + "id": "8810377", + "title": "D. V. Sadananda Gowda", + "text": "term as MLA. He has served in various committees of the Karanataka State legislature including the Cell for preparing Draft Bill on prohibiting Atrocities on Women, Karnataka, the Committee of Energy, Fuel and Power, and the Committee for Public Undertaking. He was nominated as the President of the Public Accounts Committee in 2003. He was elected to the 14th Lok Sabha in 2004 from the Mangalore Lok Sabha seat,defeating Veerappa Moily of the Indian National Congress by a margin of 32,314 votes. In 2009, the party shifted him to the Udupi-Chikmagalur constituency. In parliament, he was on the Committee on", + "score": 0.70556640625 + }, + { + "id": "5417660", + "title": "Balwantrai Mehta", + "text": "Lok Sabha from Gohilwad (Bhavnagar) Constituency. He was the Chairman of Estimate committee of Parliament. He chaired the committee set up by Government of India in January 1957 to examine the working of the Community Development Programme and the National Extension Service and to suggest measures for their better working. The committee submitted its report in November 1957 and recommended the establishment of the scheme of 'democratic decentralisation' which finally came to be known as \"Panchayati Raj\". He also remained President of Servants of the People Society (Lok Sevak Mandal), a social service organisation founded by Lala Lajpat Rai, in", + "score": 0.7041015625 + }, + { + "id": "20970903", + "title": "Standing Committee on Finance", + "text": "for the setting up of the seventeen Departmentally Related Standing Committees (DRSCs) covering under their jurisdiction all the ministries or departments of the Government of India. Formally set up in April 1993, the committee used to consist of 45members\u2014 30 nominated by the Speaker from amongst the members of Lok Sabha and 15members nominated by the Chairman, Rajya Sabha from amongst the members of Rajya Sabha. However, during the re-structuring of DRSCs in July 2004 by the 14th Lok Sabha, the membership was reduced to 31members\u201421 from Lok Sabha and 10 from Rajya Sabha. The inaugural chairperson of the committee", + "score": 0.7041015625 + }, + { + "id": "19956638", + "title": "Dharam Pal Singh Malik", + "text": "to 10th Lok Sabha in 1991, then became Member of Estimates Committee, Lok Sabha 1992 He also became the President of Haryana Pradesh Congress Committee in 1992, Member of Committee Subordinate Legislation, Lok Sabha in 1994, Member of the Legislative Assembly in 2005. In 2012, he became the Chairman of Joint Committee i.e., Bharatiya Janata Party and Haryana Janhit Congress (BL). Dharam Pal Singh Malik Dharampal Singh Malik (born 13 May 1943) in a small village, Bidhal Tehsil Gohana, District Sonipat, Haryana. He was a member of the 8th Lok Sabha (1984-1989) representing the Sonipat (Lok Sabha constituency). Later, he", + "score": 0.70263671875 + }, + { + "id": "15368946", + "title": "National Advisory Committee on Accounting Standards", + "text": "nominee; 6. Two members to represent the chambers of commerce and industry to be nominated by The Central Government of India; and 7. One representative of the Security and Exchange Board of India to be nominated by it. Further, Institute of Chartered Accountants of India (ICAI) has the responsibility of preparing the accounting standards and recommend them to NACAS CA.Amarjit Chopra is the current chairman of NACAS. He is a past president of Institute of Chartered Accountants of India, (ICAI). CA. M M Chitale and CA Y H Malegam have been Chairmen of NACAS in the past. National Advisory Committee", + "score": 0.70263671875 + }, + { + "id": "20030261", + "title": "Sakaja Johnson", + "text": "National Assembly as one of its three nominated MPs. In the National Assembly, Sakaja was seconded by Jubilee Coalition to the House Business Committee, the Joint Committee on National Cohesion and Equal Opportunity and Departmental Committee on Finance, Planning and Trade. He is currently the Chairman of the Joint Committee on National Cohesion and Equal Opportunity. Sakaja is also the Chairman of Kenya Young Parliamentary Association which is a caucus made up of MPs who are below 35 years of age. Sakaja has served well in his role at Parliament, sponsoring two key Bills to which the President has assented", + "score": 0.70263671875 + }, + { + "id": "13424849", + "title": "Takam Sanjoy", + "text": "date - Vice President, Arunachal Pradesh Congress Committee
2009 - Elected to 15th Lok Sabha
31 August 2009 - Member, Committee on External Affairs
23 September 2009 - Member, Committee on Government Assurances Takam Sanjoy Takam Sanjoy (born 15 May 1967) is an Indian politician and Member of Parliament belonging to the Indian National Congress. In the 2009 general election he was elected to the 15th Lok Sabha, the lower house of the Parliament of India from the Arunachal West constituency of Arunachal Pradesh. He was an active member of NSUI, associated mostly in students' movements in Arunachal Pradesh and", + "score": 0.7021484375 + }, + { + "id": "17956989", + "title": "Rajesh Chudasama", + "text": "of over 1,35,832 votes. In 2014, Member of Standing Committee on Transport, Tourism& Culture. In 2014, Also a Member of Consulative Committee on the Ministry of Agriculture. May, 2014- Elected to 16th LokSabha Became a member to the following Committees- Standing Committee on Transport,Tourism& Culture. Consulative Committee on the Ministry of Agriculture. Rajesh Chudasama Rajesh Naranbhai Chudasama is the member of the Parliament. He was elected from Mangrol in Junagadh district as a candidate of the Bharatiya Janata Party. He has won the 2014 Lok Sabha election from Junagadh (Lok Sabha constituency). Rajesh Chudasama (born 10 April 1982) is Member", + "score": 0.70166015625 + }, + { + "id": "8761132", + "title": "Hukam Singh (Punjab politician)", + "text": "he joined and remained in the Congress political party. On 20 March 1956, Hukam Singh was unanimously elected as the Deputy Speaker of the Lok Sabha. In 1957, he was elected to the 2nd Lok Sabha from Bhatinda constituency as an Congress candidate. He was elected as Deputy Speaker of the 2nd Lok Sabha on 17 May 1957. In 1962, he was elected to the 3rd Lok Sabha from Patiala constituency as a Congress candidate. He became speaker of the 3rd Lok Sabha (India's Lower House of Parliament) on 17 April 1962. As speaker of the Lok Sabha, Sardar Hukam", + "score": 0.70166015625 + }, + { + "id": "13112706", + "title": "Chairman of the Standing Committee of the National People's Congress", + "text": "Chairman of the Standing Committee of the National People's Congress The Chairman of the Standing Committee of the National People's Congress is the presiding officer of the Standing Committee of the National People's Congress of the People's Republic of China, which is considered China's top legislative body. The current Chairman is Li Zhanshu. From 1998 to 2013, the position has been ranked second in China's political hierarchy since Li Peng was barred from seeking a third term as Premier in 1998. In the political order of precedence, the Chair ranks below the CPC General Secretary and President. From 2013 onwards,", + "score": 0.701171875 + }, + { + "id": "15467900", + "title": "Public Accounts Committee (India)", + "text": "bureaucrats allegedly colluded to show undue favour to companies that lied or misrepresented basic information in their applications for 2G licenses. The C&AG report on the 2G spectrum case stated that a loss of \u20b91.76 trillion (US$25 billion). The initial estimate of loss was at 57,000 crores but was revised upward of 1.76 lakh crores. The committee, on 4 April 2011, summoned Ratan Tata, chairman of the Tata group; and Niira Radia, a corporate lobbyist, regarding the case. The then PAC chairperson Murli Manohar Joshi asked Congress members to apologise to Comptroller and Auditor General of India for making allegations", + "score": 0.701171875 + }, + { + "id": "19236487", + "title": "Deputy Chairman of the Senate of Pakistan", + "text": "Deputy Chairman of the Senate of Pakistan The Deputy Chairman of the Senate of Pakistan (Urdu: \u0688\u067e\u0679\u06cc \u0686\u06cc\u0626\u0631\u0645\u06cc\u0646 \u0633\u06cc\u0646\u06cc\u0679) is the Deputy Chair of the Senate of Pakistan. According to the Constitution of Pakistan, the Deputy chairman is the presiding official when the chairman is unavailable. The Senate must choose a chairman and deputy chairman for a time interval of three years. Saleem Mandviwalla has served as the Deputy chairman since 12 March 2018. During the President's absence, the chairman senate is empowered with the duties of the presidency; in rare events involving the absence of the chairman, the presidential", + "score": 0.70068359375 + }, + { + "id": "13859516", + "title": "Parliamentary Special Committee on Kashmir", + "text": "was established in June, 2004 with Ch. Hamid Nasir Chattha, MNA its chairman. The Committee comprised 49 members (MNAs: 36 & Senators: 13) and continued until November, 2007. Fourteen of its Members were Ministers also. The Committee was headed by Maulana Fazal-ur-Rehman. Chairman of Kashmir Committee has been accorded status of Federal Minister in Pakistan. Parliamentary Special Committee on Kashmir The Parliamentary Special Committee on Kashmir is predominantly composed of senior MNAs and Senators of Pakistan. Its fundamental function is to raise the critical issue of Kashmir at national and international level. Its other key feature is its continuous progress", + "score": 0.7001953125 + }, + { + "id": "7687364", + "title": "P. H. Ravikumar", + "text": "of about Rs.200 crores. He is the Chairman of SKS Microfinance Ltd. which is one of the largest microfinance institutions in India with total asset base of about Rs.7,000 crores ( one billion dollars). He took over as Chairman of the Board of Directors of SKS Microfinance Ltd. in November, 2011 at the height of a crisis as a result of (i) the passage of A.P. MFI Act (ii) accumulated loss of about Rs.1300 crores and (iii) the departure of the promoter owing to differences with shareholders. He steered - along with the executive management team - the Company back", + "score": 0.7001953125 + }, + { + "id": "10620474", + "title": "Janardhana Poojary", + "text": "General Secretary of All India Congress Committee in 1990 as well as President of Karnataka Pradesh Congress Committee in 1990. He continued to be General Secretary of All India Congress Committee during the tenure of Prime Minister Shree P. V. Narasimha Rao up to 1996. After Shree Rajiv Gandhi Shree Rajiv Gandhi his wife All India Congress Committee President (AICC President) & United Progressive Alliance (UPA) Chairperson Smt. Sonia Gandhi also appointed Shree B. Janardhan Poojary as President of Karnataka Pradesh Congress Committee in 2003 for the second time. He continued as President of Karnataka Pradesh Congress Committee up to", + "score": 0.7001953125 + }, + { + "id": "11944567", + "title": "15th Lok Sabha", + "text": "from the DMK. Mukul Roy from Trinamool Congress, Sharad Pawar from Nationalist Congress Party and Farooq Abdullah from National Conference represent the other non-Congress cabinet ministers. Source: The Hindu Members from same family elected in 15th Lok Sabha: 15th Lok Sabha Members of the 15th Lok Sabha were elected during the 2009 general election in India. It was dissolved on 18 May 2014 by President Pranab Mukherjee. Indian National Congress led United Progressive Alliance won 44 more seats than previous 14th Lok Sabha. The next 16th Lok Sabha was convened after Indian general election, 2014. The Second Manmohan Singh ministry", + "score": 0.69970703125 + }, + { + "id": "17436788", + "title": "Sansad Ratna Award", + "text": "of Technology Madras to honour the top performing Parliamentarians of 16th Lok Sabha (up to Budget Session 2018). Shri M. K. Narayanan, Former Governor of West Bengal and Shri T. S. Krishnamurthy, Former Chief Election Commissioner of India presented the Awards. Bhartruhari Mahtab, Supriya Sule, Shrirang Barne, Rajiv Satav, Dhananjay Mahadik and Dr Heena Gavit, were honoured with Sansad Ratna Awards. For the first time an Award was introduced for an outstanding Parliamentary Standing Committee. Dr Veerappa Moily, Chairman of Finance Committee received the Award on behalf of Finance Committee. Sansad Ratna Award Sansad Ratna Award (\"Gem of Parliament\") is", + "score": 0.69970703125 + }, + { + "id": "16728418", + "title": "Committee On Public Enterprises (Sri Lanka)", + "text": "and the Bribery Commission, President Mahinda Rajapaksa has instructed his ministers to appoint new chairmen when the present corrupt Heads are removed and to reconstitute all such Boards of Management in state institutions. Central Bank of Sri Lanka bond issue : In 2016 October COPE revealed that Governor of the Central Bank Arjuna Mahendran should be held responsible for the Bond Issue Scam and legal action should be taken against him. However President Maithripala Sirisena has announced that he has appointed a Commission of Inquiry to further investigate the case. Committee On Public Enterprises (Sri Lanka) The Committee On Public", + "score": 0.69921875 + }, + { + "id": "10615386", + "title": "Jesudasu Seelam", + "text": "SC/ST welfare, Committee on Computers to Members of Rajya Sabha, Business Advisory Committee of Rajya Sabha, Parliamentary Forum on Population & Public Health, IPU Global Advisory Group on HIV/AIDS, Animal Welfare Board of India, Khadi & Village Industries Board of India, Secretary, Indian National Congress, Congress Party in charge for the Delimitation Exercise & Indo-US Parliamentarians Forum. Presently, Member, Public Accounts Committee, Standing Committee on Law & Personnel, Standing Committee on Social Justice, Consultative Committee on Road Transport & National Highways, Committee on Subordinate Legislation, India-Bhutan & India-Pakistan Parliamentarians Forum, Secretary General, Forum of SC/ST Parliamentarians, Secretary General, Forum of", + "score": 0.69921875 + }, + { + "id": "13598929", + "title": "Konakalla Narayana Rao", + "text": "& 2014 (15th and 16th Lok Sabha) elections he was elected to the Lok Sabha from the Machilipatnam constituency, Krishna District in Andhra Pradesh. Konakalla Narayana Rao was appointed as a panel speaker within the Lok Sabha. Panel speakers are also called Panel of Chairpersons and occupy a place in the hierarchy which is next to the Deputy Speaker of the house. In 15th Lok Sabha (2009) he appointed as member of the Committee on Petroleum and Natural Gas. Konakalla Narayana Rao surprised everyone when he was elected to the Lok Sabha in 2009. Despite a dominant Congress party win", + "score": 0.69921875 + }, + { + "id": "8772284", + "title": "Basudeb Acharia", + "text": "In 1981, he was made a Secretariat member in the Purulia District Committee of the Communist Party of India (Marxist). In 1984, he was re-elected to the Lok Sabha. Since 1985, he has been a member of the CPI(M) West Bengal State Committee. He has served as the Chairman, Committee on Public Undertakings from 1990 to 1991. From 1990 to 1996 he was a member of the Consultative Committee, Ministry of Railways. He has been re-elected to the Lok Sabha repeatedly in 1989, 1991, 1996, 1998, 1999, 2004, and 2009. Between 1993 and 96 he was the Chairman, Committee on", + "score": 0.6982421875 + }, + { + "id": "12263430", + "title": "Bangalore Central (Lok Sabha constituency)", + "text": "Bangalore Central (Lok Sabha constituency) Bengaluru Central Lok Sabha constituency () is one of the 28 Lok Sabha constituencies in Karnataka state in southern India. This constituency was created in 2008 as part of delimitation. It was carved out of the Bangalore North and South Lok Sabha constituencies during 2009 Indian elections. It first held elections in 2009 and its first member of parliament (MP) was P. C. Mohan of the Bharatiya Janata Party (BJP). As of the 2014 elections, Mohan represents this constituency. The Central Lok Sabha constituency is dominated by minority voters, and is challenge for candidates, with", + "score": 0.6982421875 + }, + { + "id": "16481436", + "title": "Committee on Judicial Accountability", + "text": "Dinakaran. The statement was signed by Ram Jethmalani, Shanti Bhushan, Fali Sam Nariman, Anil B. Divan, Kamini Jaiswal and Prashant Bhushan. Prashant Bhushan is also the convenor of the Working Committee of the Campaign for Judicial Accountability and Judicial Reforms. Committee on Judicial Accountability The Committee on Judicial Accountability (CJA) is a group of lawyers in India who work to improve the accountability of judges. In 1998 the committee prepared a charge sheet to impeach Justice Madan Mohan Punchhi, and obtained the signatures of 25 Rajya Sabha MPs. However, Punchhi was appointed Chief Justice of India before the required 50", + "score": 0.697265625 + }, + { + "id": "11008610", + "title": "Chairman of the Verkhovna Rada", + "text": "Chairman of the Verkhovna Rada The Chairman of the Verkhovna Rada of Ukraine (, Holova Verkhovnoyi Rady Ukrayiny) is the presiding officer of the Verkhovna Rada, Ukraine's unicameral parliament. The chairman presides over the parliament and its procedures. Chairmen are elected by open voting from the parliament's deputy ranks. Andriy Parubiy is the current chairman since being confirmed on 14 April 2016. The office of Chairman has existed since the ratification of the Constitution of the Ukrainian Soviet Socialist Republic on January 30, 1937. Mykhailo Burmystenko, who was appointed on January 30, 1937, was the inaugural holder of the office.", + "score": 0.69677734375 + }, + { + "id": "17619936", + "title": "Saroj Khaparde", + "text": "was the Vice-Chairman of the Rajya Sabha from 1994-2000. She also chaired several boards in the Rajya Sabha during her tenure. She was the Chairman of the House Committee from 1982-1984, the Committee on Government Assurances, from 1996 to 98 and the Committee on Subordinate Legislation, in 1996 and then from 1998 to 2000. Khaparde also introduced 28 private-member bills in the Rajya Sabha, some of which are stated below. Khaparde introduced the Housewives (Compulsory Weekly Holiday from Domestic Chores) Bill in 1996. The bill provides that notwithstanding any custom, convention, ritual and tradition, it shall be the duty of", + "score": 0.69677734375 + }, + { + "id": "19082799", + "title": "13th Parliament of Singapore", + "text": "Speaker of Parliament Tan Chuan-Jin, the committee consists of seven other members: The public accounts committee examines various accounts of the Government showing the appropriation of funds granted by Parliament to meet public expenditure, as well as other accounts laid before Parliament. The committee consists of eight members: The public petitions committee deals with public petitions received by the House. Its function is to consider petitions referred to the Committee and to report to the House. Chaired by Speaker of Parliament Tan Chuan-Jin, the committee consists of seven other members: The standing orders committee reviews the Standing Orders from time", + "score": 0.6962890625 + }, + { + "id": "8804725", + "title": "Varkala Radhakrishnan", + "text": "serving as a MP for 12 years. During his time as an MP he was very active in parliamentary debates and was involved in various parliamentary standing committees such as Finance, Member's Privileges etc. He toured the country extensively in pursuance of his parliamentary committee work. He was also a member of Panel of Chairmen in the Lok Sabha (who are called upon to regulate the proceedings in the absence of the Speaker and Dy. Speaker). Radhakrishnan did not contest the elections in 2009 to the Lok Sabha, but continued to be actively involved in politics till his death. He", + "score": 0.6962890625 + }, + { + "id": "16340544", + "title": "Appointments Committee of the Cabinet", + "text": "Appointments Committee of the Cabinet The Appointments Committee of the Cabinet (ACC) decides appointments to several top posts under the Government of India. The committee is composed of the Prime Minister of India (who is the Chairman), the Minister of Home Affairs. Originally the Minister in-charge of the concerned Ministry was also the part of the committee but as per the new notification (as on 14 July 2016) the minister of concerned ministry has been excluded from the committee. The Establishment Officer\u2019s Division (EO Division) processes all proposals for senior appointments in the Government of India that require approval of", + "score": 0.6962890625 + }, + { + "id": "6999295", + "title": "Puducherry (Lok Sabha constituency)", + "text": "Puducherry (Lok Sabha constituency) Puducherry Lok Sabha constituency covers the entire Union Territory of Puducherry. Pondicherry became a union territory after the implementation of the Fourteenth Amendment of the Constitution of India in 1962 and changed its name to Puducherry in 2006. This constituency first held elections in 1967 and its first member of parliament (MP) was Thirumudi N. Sethuraman of the Indian National Congress (INC). Sethuraman represented the Indian National Congress (Organisation) in the 1971 election, which he lost to Mohan Kumaramangalam of the INC. The next election in 1977 was won by Aravinda Bala Pajanor of the All", + "score": 0.69580078125 + }, + { + "id": "16911235", + "title": "Radheshyam Ramkumar Morarka", + "text": "Radheshyam Ramkumar Morarka Radheyshyam Ramkumar Morarka (26 March 1923 \u2013 28 May 1995) was a member of Lok Sabha from Jhunjhunu in Rajasthan. He was elected to first Lok Sabha in 1952, from Jhunjhunu (Jhunjhunu & Sri Ganganagar) constituency in Rajasthan as a candidate of Indian National Congress. He was a member of Rajya Sabha from 1978 to 1984. He died in 1995. He studied for B Com at Sydenham College of Commerce in Mumbai and was awarded the gold medal. Member of Public Accounts committee , estimates committee etc whilst a member of Parliament. he represented the country on", + "score": 0.69580078125 + }, + { + "id": "16911236", + "title": "Radheshyam Ramkumar Morarka", + "text": "various delegations to foreign countries Radheshyam Ramkumar Morarka Radheyshyam Ramkumar Morarka (26 March 1923 \u2013 28 May 1995) was a member of Lok Sabha from Jhunjhunu in Rajasthan. He was elected to first Lok Sabha in 1952, from Jhunjhunu (Jhunjhunu & Sri Ganganagar) constituency in Rajasthan as a candidate of Indian National Congress. He was a member of Rajya Sabha from 1978 to 1984. He died in 1995. He studied for B Com at Sydenham College of Commerce in Mumbai and was awarded the gold medal. Member of Public Accounts committee , estimates committee etc whilst a member of Parliament.", + "score": 0.6953125 + }, + { + "id": "13785554", + "title": "Bihar Pradesh Congress Committee", + "text": "the various Central Government schemes in Bihar.The former MLC Vijay Shankar Mishra is the Chairman of the recently reshuffled committee. In addition, the BPCC has constituent organisations, including: Bihar Pradesh Congress Committee The Bihar Pradesh Congress Committee (also known as Bihar PCC or B.P.C.C) is the political unit of the Indian National Congress for the state of Bihar. Its head office is situated in Patna at the Sadaqat Ashram. The current working president is Shyam Sunder Singh Dheeraj, Ashok Kumar, Sameer Kumar Singh, Qaukab Kadri. The BPCC comprises several committees, including a screening committee for potential election candidates and, since", + "score": 0.6953125 + }, + { + "id": "10622448", + "title": "Rajkumar Dhoot", + "text": "the Rajya Sabha in April 2002 and served the Parliamentary Standing Committee on Finance, Consultative Committees for the Ministry of Commerce and Industry & the Ministry of Urban Development & Poverty Alleviation. He has been a regular member of the Consultative Committee of the Ministry of Finance & Special Invitee of the Consultative Committee for the Ministry of Communications & IT and for the Ministry of Petroleum & Natural Gas. He was a special invitee to the Consultative Committee for the Ministry of Information and Broadcasting (India). In April 2008, he was re-elected to Rajya Sabha for a second term", + "score": 0.6953125 + }, + { + "id": "8793251", + "title": "M. M. Pallam Raju", + "text": "General Purposes Committee and a member of the Committee on Papers laid on the Table. He was also the chairman of the Department of Policy Planning and Coordination (DEPPCO) in the All India Congress Committee (AICC). Between August 2004 and January 2006, he served as the chairman of the Parliamentary Standing Committee on Information Technology which comprises the Departments of Information Technology, Communications & Posts and Information & Broadcasting. In January 2006, he was inducted into the Union (Indian Federal) Council of Ministers in the government headed by Prime Minister Manmohan Singh as Minister of State for Defense. During his", + "score": 0.69482421875 + }, + { + "id": "8772286", + "title": "Basudeb Acharia", + "text": "Central Committee of the Communist Party of India (Marxist) from the 19th party congress held at Coimbatore. In 2009, he was re-elected as the leader of the CPI (M) Parliamentary Party in the 15th Lok Sabha. Since August 2009, he has been serving as the Chairman, Committee on Agriculture. He has visited several nations as a parliamentarian. He has been a senior trade union leader. He is one of the Vice-Presidents of the Centre of Indian Trade Unions, also of DVC Shramik Union, Colliery Mazdoor Sabha. He has been a member of the General Council of the CITU and its", + "score": 0.69482421875 + }, + { + "id": "7589120", + "title": "Sam Pitroda", + "text": "2017 Mr. Sam Pitroda is appointed as Chairman of Indian Overseas Congress by President of Indian National Congress, India. In 2017 Mr. Sam Pitroda is appointed as Chairman of Alpha-En Corporation https://alpha-encorp.com, a Pure Lithium Metal Clean Technology. Sam Pitroda currently chairs five major NGOs. The first is the Foundation for Revitalization of Local Health Traditions founded in 1990 with Darshan Shankar. It has now turned into Institute of Trans-Disciplinary Health Sciences and Technology near Bangalore in India. The foundation promotes Ayurveda, India's traditional medicinal knowledge. Today, FRLHT has over 200 scientists and professionals on 19-acres campus and has documented", + "score": 0.69482421875 + }, + { + "id": "7535861", + "title": "Chairman of the Senate of Pakistan", + "text": "President of Pakistan, ahead of the Speaker National Assembly. The Chairman of the Senate was Habibullah Marwat while Wasim Sajjad remains the longest-serving chairman. Balochistan Senator Muhammad Sadiq Sanjrani elected to Senate as an independent in the March 3 election, is the current Chairman of the Senate, having assumed office on 12 March 2018. His election as the first-ever Senate chairman from Balochistan. The office of Chairman of the Senate is created by Article 60(1) of the Chapter 2 in Part III of the Constitution of Pakistan: The main purpose for the creation of the Senate was to give equal", + "score": 0.6943359375 + }, + { + "id": "7123275", + "title": "Raghuvansh Prasad Singh", + "text": "sabha. He was made the member of Bihar legislative council in 1991 post which he became the chairman of Bihar legislative council.He has represented vaishali constituency from Bihar in lok sabha consecutively for five terms and has been in the union cabinet for three terms. He was the Union Cabinet Minister for Rural Development in UPA-I of Manmohan Singh's government and is credited with conceptualization and implementation of NREGA ( National rural employment guarantee act). Dr. Singh is a Professor and Phd. in mathematics and an expert in rural and agricultural landscape in India. Political journey : 1973-77 Secretary, Samyukta", + "score": 0.6943359375 + }, + { + "id": "3330003", + "title": "R. Venkataraman", + "text": "the Madras Legislative Council. Venkataraman was appointed a Member of the Union Planning Commission in 1967 and was entrusted the subjects of Industry, Labour, power, Transport, Communications, Railways. He held that office until 1971. In 1977, Venkataraman was elected to the Lok Sabha from Madras (South) Constituency and served as an Opposition Member of Parliament and Chairman of the Public Accounts Committee. Venkataraman was also, variously, a member of the Political Affairs Committee and the Economic Affairs Committee of the Union Cabinet; Governor, International Monetary Fund, the International Bank for Reconstruction and Development, and the Asian Development Bank. Venkataraman was", + "score": 0.6943359375 + }, + { + "id": "16557896", + "title": "Hirendranath Mukherjee", + "text": "times repeatedly till 1977 (Member, First Lok Sabha, 1952\u201357; Second Lok Sabha 1957\u201362; Third Lok Sabha, 1962\u201367; Fourth Lok Sabha, 1967\u201370 and Fifth Lok Sabha, 1971\u201377). He was the leader of CPI group, 1964 \u2013 67. Deputy Leader, 1952 \u2013 64, 1967 \u2013 71. Member, Public Accounts Committee, 1969\u201370 and 1973\u201374; Chairman, Public Accounts Committee, 1975\u201376 and 1976\u201377; Member, Indian Delegation to the Commonwealth Parliamentary Conference (1959) in Australia, Inter-Parliamentary Union Conference (1972) in Italy, Yaounde, Cameroon (W. Africa), April 1972, and Rome, September 1972. He was also the honorary Adviser, Parliament Library and Bureau of Parliamentary Studies and Training,", + "score": 0.6943359375 + }, + { + "id": "12640002", + "title": "Uttar Pradesh Legislative Council", + "text": "and re-nomination any number of times. The Presiding Officers of Vidhan Parishad are Chairman and Deputy Chairman. Ramesh Yadav is the current Chairman of the Uttar Pradesh Legislative Council. \"See here the List of members of the Uttar Pradesh Legislative Council\" The following are the constituencies of the Uttar Pradesh Vidhan Parishad: The following are the present nominated Members of Legislative Council: Uttar Pradesh Legislative Council The Uttar Pradesh Legislative Council or the Uttar Pradesh Vidhan Parishad is the upper house of the bicameral legislature of Uttar Pradesh state in northern India. Uttar Pradesh is one of the seven states", + "score": 0.6943359375 + }, + { + "id": "6999297", + "title": "Puducherry (Lok Sabha constituency)", + "text": "R. Radhakrishnan of the All India N.R. Congress. Radhakrishnan's victory was the first time that the Lok Sabha seat was won by a member of a Puducherry regional party. As of 2014, Radhakrishnan represents this constituency. The most successful party in this constituency is the Indian National Congress, whose members have won nine out of the thirteen elections held as of 2014. Prior to independence, the colony sent a member to the French National Assembly. Key Puducherry (Lok Sabha constituency) Puducherry Lok Sabha constituency covers the entire Union Territory of Puducherry. Pondicherry became a union territory after the implementation of", + "score": 0.6943359375 + }, + { + "id": "14948870", + "title": "Ram Subhag Singh", + "text": "led by the Congress party. Lok Sabha Ram Subhag Singh Ram Subhag Singh (7 July 1917 \u2013 16 December 1980) was an Indian politician, a member of the Indian National Congress political party and a member of the 3rd and 4th Lok Sabha. He was elected from Bikramganj and Buxar in Bihar state of India in 1962 and 1967 respectively. After the split in the Congress party in 1969, he stayed with the Indian National Congress (Organisation). He was briefly the leader of the opposition in the Lok Sabha in 1969. He participated in the Indian independence movement. He was", + "score": 0.69384765625 + }, + { + "id": "13377425", + "title": "Kodikunnil Suresh", + "text": "Thiruvananthapuram]. He was elected to the [[Lok Sabha]] for the first time in 1989 and thereafter in the 1991,1996, 1999 General Elections to the Lok Sabha from Adoor Constituency. He was defeated in the 1998, 2004 elections. He served as the member of the [[Kerala Pradesh Congress Committee]] and member of AICC. He won the general election to the Lok Sabha in 2009 defeating R.S.Anil of [[Communist Party of India]] with a margin of 48048 votes. In 2014 he won the Lok Sabha elections defeating Chengara Surendran of [[Communist Party of India]] and is the present [[Member of Parliament]] from", + "score": 0.693359375 + }, + { + "id": "16911669", + "title": "Samar Mukherjee", + "text": "from Howrah. He joined the International Peace Conference at Paris in 1977, as a part of the Parliamentary delegation. He served as the leader of the CPI(M) group in Lok Sabha between 1977 and 1984. In 1978, he was elected to the Polit Bureau of the CPI(M), and remained in that capacity till he was elected as the Chairman of the Party\u2019s Central Control Commission at the 14th Congress of the Party in January 1992 at erstwhile Madras. Samar Mukherjee and M. Basavapunniah represented the CPI(M) in the 6th Congress of the Workers' Party of Korea in October 1980. In", + "score": 0.693359375 + }, + { + "id": "17436786", + "title": "Sansad Ratna Award", + "text": "Award, for their sustained outstanding performance in the 15th Lok Sabha from the first session. P P Choudhary and Shrirang Barne were honoured with 'Sansad Ratna' Awards, for their top performance during the first four sessions of the 16th Lok Sabha. On 11 June 2016, 7th Edition of Sansad Ratna Award ceremony was held at Indian Institute of Technology Madras to honour the top performing Parliamentarians of 16th Lok Sabha (up to 7th session). Dr. C. Rangarajan, Former Governor of Andhra Pradesh and Reserve Bank of India presented the Awards. Shivaji Adhalrao Patil. P P Choudhary, Shrirang Barne, Rajiv Satav,", + "score": 0.693359375 + }, + { + "id": "3969373", + "title": "Liberhan Commission", + "text": "influx of visitors, pilgrims, sadhus and sants, monks, travellers, tourists.\u201d BJP president Rajnath Singh will open the debate on the Liberhan Commission report in the Lok Sabha while Leader of Opposition in Rajya Sabha Arun Jaitley is expected to lead the party charge in the Rajya Sabha. The Lok Sabha debated the report on 1 December 2009 and the Rajya Sabha on 7 December 2009. The BJP had initially decided to field Sushma Swaraj as the lead speaker in the Lower House, but she will now be the second speaker on the issue. The performance of its star speakers in", + "score": 0.69287109375 + }, + { + "id": "15387538", + "title": "Fiscal Responsibility and Budget Management Act, 2003", + "text": "by Dr. Arvind Subramanian\" Annexure 6 - \"Rejoinder of the Committee to the Note of Dissent\" Composition of the committee Members Mr N. K. Singh - Chairman Dr Urjit Patel Dr Rathin Roy Mr Sumit Bose Dr Arvind Subramanian Government officers Mr Srinivasan Ramanathan Raja, Undersecretary Mr Prashant Goyal, Joint Secretary (Budget) Mr Naresh Mohan Jha, Director (Budget) Mr L. Sidharth Singh, Director - Comptroller and Auditor General of India Mr Rangeet Ghosh, Officer on Special Duty to the Chief Economic Advisor Mr Kapil Patidar, Deputy Director Mr Syed Zubair Husain Noqvi, Deputy Director Mr Sunil Chaudhary, Deputy Director Specialist", + "score": 0.69287109375 + }, + { + "id": "8810521", + "title": "Pralhad Joshi", + "text": "Pralhad Joshi Pralhad Joshi (born 27 November 1962) is a member of the 16th Lok Sabha (2014-2019) of India. He represents the Dharwad constituency of Karnataka and is the Ex-President of the Karnataka state unit of the Bharatiya Janata Party. He is also part of the pool (as of 2014) which helps Lok Sabha Speaker by chairing the house proceedings when both the Speaker and the Deputy Speaker are not present. Pralhad Joshi (sometimes spelled Prahlad Joshi) first came to public notice with Rastradwaja Horata Samiti Sanchalak when they organised a movement to hoist the Tri-colour flag at Idagah Maidan", + "score": 0.6923828125 + }, + { + "id": "7290656", + "title": "Sitaram Kesri", + "text": "Chief Ministers of Bihar. Kesri was elected president of the Bihar Pradesh Congress Committee in 1973 and treasurer of the All India Congress Committee (AICC) in 1980. Kesri was elected to the Lok Sabha from the Katihar Lok Sabha Constituency in 1967 as a candidate of Congress party.He represented Bihar in the Rajya Sabha for five terms between July 1971 and April 2000, being reelected on April 1974, July 1980, April 1988, and April 1994. He was Union Minister during the regimes of Indira Gandhi, Rajiv Gandhi and P.V. Narasimha Rao as Prime Minister of India. Kesri served as treasurer", + "score": 0.6923828125 + }, + { + "id": "19639277", + "title": "P. P. Chaudhary", + "text": "development programmes and sports competitions. Actively worked for the cause of farmers in the state of Rajasthan. Pursued many cases of farmers related to various irrigation projects. Promoted organic farming. May 2014 \u2013 Elected to 16th Lok Saba 1 September 2014 onwards \u2013 Chairperson, Joint Parliamentary Committee on Offices of Profit Also a member to the following committees: 29 January 2015 onwards- Became a member in the following committees: 13 May 2015 onwards- Member, Joint Committee on the Right to Fair Compensation and Transparency in Land Acquisition, Rehabilitation and Resettlement (Second Amendment) Bill, 2015 11 September 2015 onwards \u2013 Member,", + "score": 0.6923828125 + }, + { + "id": "9365752", + "title": "Darbara Singh", + "text": "national level he was appointed to the All India Congress Committee (AICC) in 1954 and served in the apex congress decision making body the Congress Working Committee from 1962, he held both appointments till his death in 1990. He was elected to the lower house of parliament, the Lok Sabha in 1971 from the Hoshiarpur constituency in Punjab. Even though he was never appointed as a Union Minister, he retained deep influence in the party being elected Deputy Leader of the Congress in the Lok Sabha in 1971. In 1975 he served as the Chairman of the Public Accounts Committee,", + "score": 0.6923828125 + }, + { + "id": "8151638", + "title": "Punjab Legislative Assembly", + "text": "Punjab Legislative Assembly The Punjab Legislative Assembly or the Punjab Vidhan Sabha () is the unicameral legislature of the state of Punjab in northern India. At present, it consists of 117 members, directly elected from 117 single-seat constituencies. The tenure of the Legislative Assembly is five years unless dissolved sooner. The current Speaker of the Assembly is Rana KP Singh. The meeting place of the Legislative Assembly since 6 March 1961 is the \"Vidhan Bhavan\" in Chandigarh. The current ruling party is the Indian National Congress with 2/3rd Majority . An Executive Council was formed under The Indian Councils Act,", + "score": 0.69189453125 + }, + { + "id": "20621182", + "title": "Ahmad Ashfaque Karim", + "text": "then President Chandra Shekhar and Youth President Subodh Kant Sahay. In 1985, before the centenary of Indian National Congress, he joined it, and in 2000, he was elected to the post of Treasurer in the Bihar Pradesh Congress Committee. In 2003, he was elected to the post of General Secretary in the Bihar Pradesh Congress Committee. He served as a member of All India Congress Committee for the term beginning 2001 and 2004. Soon after joining Lok Janshakti Party in 2009, he rose to become National Vice President of Lok Janshakti Party. He contested the 2009 Indian general elections from", + "score": 0.69189453125 + }, + { + "id": "9981415", + "title": "Rangila Ram Rao", + "text": "the post of Permanent Invitee to the Himachal Pradesh Congress Committee(HPCC).On 13 Feb 2014 appointed Vice President & Member HPCC Co-ordination Committee to the Himachal Pradesh Congress Committee(HPCC). Official Profile of Rangila Ram Rao @ hpvidhansabha.nic.in Rangila Ram Rao Rangila Ram Rao,Vice President to the Himachal Pradesh Congress Committee(HPCC)& Member coordination panel of HP Congress(HPCC) & Planning Commission,H.P. (born on 3 April 1946 is an active member of Indian National Congress and Pradesh Congress Committee. A member of Congress since 1972, he has held many portfolios in the Government of Himachal Pradesh, India. Rao was born in Gopalpur, District Mandi.", + "score": 0.69140625 + }, + { + "id": "8151641", + "title": "Punjab Legislative Assembly", + "text": "Parishad was abolished leaving the state with a unicameral legislature. Rana KP Singh (Rana Kanwar Pal Singh) is the current Speaker of the Punjab Legislative Assembly. He was born in Jhandian village in Rupnagar in 1957. Rana K P Singh completed his schooling in neighboring Bharatgarh before moving to Dehradun to study law. He practiced law in Rupnagar courts for 21 years. After becoming sarpanch of his village, he was elevated to the position of the Youth Congress district president. Later, he became the general secretary of the Indian National Congress, Punjab unit before becoming a member of the All", + "score": 0.69140625 + }, + { + "id": "6342948", + "title": "Shahrir Abdul Samad", + "text": "in Johor Bahru on a BN-UMNO ticket, and won. He later claimed that then Prime Minister Tun Abdullah Ahmad Badawi had offered him a post in the Cabinet, but declined, citing the large number of qualified MPs. Instead, he went on to chair the Public Accounts Committee in the \"Dewan Rakyat\". He was link to the Generasi Profesional dan Pewaris Bangsa (PROWARIS), an NGO attempted to raise a third voice in order to influence the UMNO party; which was more incline to the ex-prime minister Tun Dr. Mahathir Mohamed. On 4 May 2006, Shahrir announced his resignation as chairman of", + "score": 0.69091796875 + }, + { + "id": "7603445", + "title": "Boudh", + "text": "Current MLA from Boudh Assembly Constituency is Pradip Kumar Amat, also Speaker in State Legislative Assembly Odisha. He was also the financial minister of odisha for some period of time after he won 2014 election and then he was changed to speaker now. he was previously also a speaker in 2009-2014. he won the seat in State elections of 2014,2009, 2004 of BJD and also in 2000 as an independent candidate. Previous MLAs from this seat include Sachidananda Dalal of JD who won this seat in 1995 and 1990, Sujit Kumar Padhi of INC in 1985, Himanshu Sekhar Pandhi of", + "score": 0.69091796875 + }, + { + "id": "12606521", + "title": "Rajiasar", + "text": "Lok Sabha (Parliament) Constituency. Earlier it was under (Sujangarh(SC)) Assembly constituency but after reorganisation of constituencies now it falls under Ratangarh Assembly constituency. Shri Rahul Kaswan is sitting member of Parliament (Lok Sabha) from this region. Shri Narendra Budania who was member of Parliament (Rajya Sabha) representing Rajasthan, earlier represented Churu Constituency in Lok Sabha. The village has electricity, schools and the drinking water is provided by underground tanks (KUND) that each household has for storing rainwater. Some community Kunds are also there which are collectively managed by village community. Recently, a large water tank has been constructed on the", + "score": 0.6904296875 + }, + { + "id": "11368205", + "title": "Lok Sabha TV", + "text": "not in session Currently Lok Sabha TV is headed by Aashish Joshi, Chief Executive & Editor-in-Chief a well known Journalist and Media/Broadcast professional, and the current editor of the national channel. The Channel's programming is headed by Sumit Singh (Executive Director-Programmes), a journalist and media professional who also anchors a popular show called 'Know Your MP' and Technical headed by Abhishek Agrawal, Senior Technical Manager. With efforts of the Lok Sabha and Prasar Bharati, in 2004 two dedicated satellite channels were set up to telecast live the proceedings of both Houses of Parliament. In July 2006, DD Lok Sabha was", + "score": 0.68994140625 + }, + { + "id": "19109278", + "title": "Chewang Phunsog", + "text": "chairman in 2009. During this period, he also worked as the Advisor to the Governor of Jammu and Kashmir for one year when President's rule was imposed in the state. When his term as the chairman of PSEB ended in 2012, he was reappointed for another term by the Government and holds the chair to date. As the chairman, he heads the body which controls the appointments to the Public sector undertakings in India. Phunsog was honoured with a Certificate of Merit by the Government of Jammu and Kashmir during the Independence day celebrations of 1983. The Government of India", + "score": 0.68994140625 + }, + { + "id": "20437732", + "title": "Abhay Patil", + "text": "the Chairman of the Legislative Assembly\u2019s Estimate Committee for two separate terms during 2008-09 and 2012\u201313, by the Speaker of the Assembly. In 2013, he lost a third consecutive term as an MLA due to the split in the BJP party and lost the election with a narrow margin. However, his growing stature was reflected in his appointment as the Saha Sampark Pramukh of BJP Maha Sampark Abhiyaan of Karnataka\u2019s BJP unit.. He won 2018 Assembly elections on 15/05/2018 with a thumping lead of 58692 votes. Abhay Patil is one of the most influential and inspirational youth leader of the", + "score": 0.689453125 + }, + { + "id": "8770670", + "title": "Adhir Ranjan Chowdhury", + "text": "Berhampore had not been won by the Congress since 1951 and was an RSP stronghold. He has won the Berhampore Lok Sabha seat consecutively since 1999. He took the initiative in the election campaigns of Pranab Mukherjee from Jangipur parliamentary constituency in Murshidabad district in 2004 and also in 2009 which won him the favour of the Congress high command.He was also responsible for the recent election of President Pranab's son Abhijit Mukherjee from the Jangipur Lok Sabha seat. On 28 October 2012 he was inducted in the Union Ministry under Prime Minister Shri Manmohan Singh as Minister of State", + "score": 0.68896484375 + }, + { + "id": "10622449", + "title": "Rajkumar Dhoot", + "text": "& had been a Member of the Standing Committee on IT apart from being a Member of the Hindi Salahkar Samiti of the Ministry of Textiles. He was consecutively re-elected for a third term for the Rajya Sabha in 2014. At present, he is a Member of the Standing Committee on Health & Family Welfare. He has introduced Private Members Bills in the Rajya Sabha. His areas of focus include the prevention of suicides of farmers of Maharashtra, the welfare of pavement dwellers and slum dwellers of Mumbai. He regularly writes to Union Ministers and Chief Minister of Maharashtra for", + "score": 0.68896484375 + } + ], + "answer": "The Public Accounts Committee (PAC) is a committee of selected members of parliament for the purpose of auditing the revenue and the expenditure of the Government of India. The chairperson is appointed by the Lok Sabha speaker. In 2015, K V Thomas was the Chairman of Public Accounts. In 2016, the Chairman was both Mallikarjun Kharge and K V Thomas. In 2017, the Chairman was Mallikarjun Kharge." + }, + { + "qa_pairs": [ + { + "context": "Brand New is the sixth studio album by Ben Rector. It was released on August 28, 2015. It is the second album he has released under his own record label, Aptly Named Recordings. The first single \"Brand New\" which was produced by Ed Cash & David Hodges, debuted at number 94 on the Billboard Hot 100 and then peaked at number 82.", + "question": "When did ben rectors new album, Brand New, come out?", + "short_answers": [ + "August 28, 2015" + ], + "wikipage": "Brand New (Ben Rector album)" + }, + { + "context": "\"The Walking in Between\" was released on August 20, 2013. It was partly produced by Jamie Kenney and Charlie Peacock and partially self-produced. It is the first release on Rector's own Aptly Named Recordings label. The album debuted at No.\u00a016 on the \"Billboard\" 200 chart.", + "question": "When did ben rectors new album, The Walking in Between, come out?", + "short_answers": [ + "August 20, 2013" + ], + "wikipage": "Ben Rector" + }, + { + "context": "No context provided", + "question": "When did ben rectors new album, Something Like This, come out?", + "short_answers": [ + "September 13, 2011" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Brand New (Ben Rector album)", + "url": "https://en.wikipedia.org/wiki/Brand%20New%20%28Ben%20Rector%20album%29" + }, + { + "title": "Ben Rector", + "url": "https://en.wikipedia.org/wiki/Ben%20Rector" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "He has released seven studio albums, including Brand New (2015), which peaked at number 9 on the Billboard 200,[2] and Magic (2018), which debuted at number 1 on the Billboard Americana/Folk Albums chart.", + "wikipage": "Ben Rector" + } + ], + "long_answer": "Ben Rector has released seven studio albums. He released Something Like This on September 13, 2011, The Walking in Between on August 20, 2013, and Brand New on August 28, 2015." + }, + { + "knowledge": [ + { + "content": "Benjamin Evans Rector (born November 6, 1986)[1] is an American singer, songwriter and record producer based in Nashville, Tennessee. He has released seven studio albums, including Brand New (2015), which peaked at number 9 on the Billboard 200,[2] and Magic (2018), which debuted at number 1 on the Billboard Americana/Folk Albums chart.", + "wikipage": "Ben Rector" + }, + { + "content": "Magic is the seventh studio album by American singer/songwriter Ben Rector. The album was released on June 22, 2018[1] through OK Kid Recordings via AWAL and peaked at No. 1 on the Billboard Americana/Folk Albums chart and No. 44 on the Billboard 200.", + "wikipage": "Magic (Ben Rector album)" + } + ], + "long_answer": "Benjamin Evans Rector is an American singer, songwriter and record producer based in Nashville, Tennessee. He has released seven studio albums, including Magic which released on June 22, 2018, which peaked at No. 1 on the Billboard Americana/Folk Albums chart and No. 44 on the Billboard 200. Brand New which released on August 28, 2015, and peaked at number 9 on the Billboard 200. Older albums such as Something Like This, released on September 13, 2011 and The Walking in Between, came out August 20, 2013. " + } + ], + "sample_id": "5601519979032697915", + "question": "When did ben rectors new album come out?", + "docs": [ + { + "id": "5394074", + "title": "Ben (Michael Jackson album)", + "text": "Ben (Michael Jackson album) Ben is the second studio album by Michael Jackson, released by Motown Records on August 4, 1972, while Jackson was still a member of The Jackson 5. The album received mixed reviews from contemporary music critics. \"Ben\" was more successful on the music charts than Jackson's previous studio album, having charted within the top ten on the \"Billboard\" 200. Internationally, the album was less successful, peaking at number twelve in Canada, while charting within the top 200 positions in Australia and France. Worldwide, \"Ben\" has sold a reported 5 million units. The album released one single,", + "score": 0.75439453125, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "14793827", + "title": "Ben Rector", + "text": "Kevin MacIntire (bass), and Jake Goss (drum set). \"The Walking in Between\" was released on August 20, 2013. It was partly produced by Jamie Kenney and Charlie Peacock and partially self-produced. It is the first release on Rector's own Aptly Named Recordings label. The album debuted at No. 16 on the \"Billboard\" 200 chart. Rector toured with Needtobreathe, Drew Holcomb and the Neighbors, and Colony House for the first leg of the \"Tour De Compadres\" tour in early 2015. Rector released his sixth studio album, \"Brand New\", on August 28, 2015, via Aptly Named Recordings. The album debuted No. 9", + "score": 0.75439453125, + "summary": "Ben Rector's album \"The Walking in Between\" was released on August 20, 2013. His album \"Brand New\" was released on August 28, 2015.", + "extraction": "Ben Rector's new album \"Brand New\" came out on August 28, 2015." + }, + { + "id": "5394082", + "title": "Ben (Michael Jackson album)", + "text": "the United States' Top R&B/Hip-Hop Albums chart. On January 13, 1973, \"Ben\" debuted on the United Kingdoms' Album Charts at its peak position, number 17. The album remained within the country's music chart's top 50 positions for seven consecutive weeks. On January 1, 1973, the album was certified Silver by the British Phonographic Industry for shipping 60,000 units across the United Kingdom. After Jackson's death in June 2009, his music experienced a surge in popularity. The album charted on French's music charts on July 25, 2009, at its peak position, number 162. \"Ben\" remained within the country's top 200 positions", + "score": 0.7490234375, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "14793824", + "title": "Ben Rector", + "text": "to pursue songwriting and to continue his career as an artist. Rector's third studio album, \"Into the Morning\", was released on February 16, 2010 reached No. 11 on \"Billboard\"s Top Heatseekers chart. Following the release, Rector co-headlined the \"Three Amigos Tour\" with fellow Nashvillians Steve Moakler and Andrew Ripp. The rest of 2010 brought support slots with Dave Barnes and Five for Fighting, \"The Beat Lives Forever\" co-headline tour with Drew Holcomb and The Neighbors, and the \"Feels Like Home\" tour in Germany, organized by Johannes Strate of the German band Revolverheld. In the early 2011 Rector headlined the Midwest,", + "score": 0.748046875, + "summary": "Ben Rector's album \"Into the Morning\" was released on February 16, 2010.", + "extraction": "Ben Rector's new album is not mentioned in the given passage, so the answer is \"irrelevant\"." + }, + { + "id": "5394085", + "title": "Ben (Michael Jackson album)", + "text": "commented that \"Ben\"s title track was a \"testament to his talent\" and added that the album would \"always be defined\" by that song. Adapted from AllMusic. Ben (Michael Jackson album) Ben is the second studio album by Michael Jackson, released by Motown Records on August 4, 1972, while Jackson was still a member of The Jackson 5. The album received mixed reviews from contemporary music critics. \"Ben\" was more successful on the music charts than Jackson's previous studio album, having charted within the top ten on the \"Billboard\" 200. Internationally, the album was less successful, peaking at number twelve in", + "score": 0.74560546875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is about Michael Jackson's album \"Ben\" and does not provide information about Ben Rector's new album." + }, + { + "id": "1342969", + "title": "Ben Harper", + "text": "had formed a band called Fistful of Mercy with Dhani Harrison and Joseph Arthur. Fistful of Mercy released their debut record, \"As I Call You Down\", on October 5, 2010. On May 17, 2011, Harper's official site posted that his next album was released, entitled \"Give Till It's Gone\". The album is a continuation of recording with Relentless7. On October 1, 2012, a new album from Harper with Charlie Musselwhite was announced entitled \"Get Up!\" on Stax Records / Concord Music Group. The official release date for the album was January 29, 2013. \"Get Up!\" was recorded in Los Angeles", + "score": 0.7451171875, + "summary": "Ben Rector is not mentioned in the document, therefore the answer is \"irrelevant\".", + "extraction": "The new album \"Give Till It's Gone\" by Ben Harper was released on May 17, 2011." + }, + { + "id": "14793829", + "title": "Ben Rector", + "text": "featured on NBC's \"Today\" show hosted by Kathy Lee Gifford and Hoda Kotb where he live performed his single \"Brand New\". On April 12, 2016, Rector performed \"Brand New\" live on Conan. Rector made his Live with Kelly and Ryan debut on July 12, 2016. Rector released the music video for \"Brand New\" on August 18, 2016. On November 24, 2016, Rector appeared in the Macy's Thanksgiving Day Parade and was broadcast live on NBC nationwide.As of 2018, \"Brand New\" has appeared in over 40 television placements including \"America's Got Talent\", \"American Idol\", \"Ellen DeGeneres Show\", \"World of Dance\", \"Heartland\",", + "score": 0.74462890625, + "summary": "Ben Rector performed his single \"Brand New\" on various shows in 2016 and appeared in the Macy's Thanksgiving Day Parade. The music video for \"Brand New\" was released on August 18, 2016. No specific album release date is mentioned, so the answer is irrelevant.", + "extraction": "April 12, 2016" + }, + { + "id": "15870642", + "title": "Rebecca Barnard", + "text": "Jonathan Maron on bass (from the band Groove Collective), and cellist Rufus Cappadocia. Track listing The album was released on iTunes on 9 April 2017, and available on music streaming websites such as Tidal and Spotify, with the album being officially launched in Melbourne on 8 July 2017. For this album, Barnard has collaborated with Michael den Elzen, (who previously played bass with Rebecca's Empire on their 1996 album, \"Way of All Things\"). The album was recorded in den Elzen's studio in Central Victoria, called Waldemar's Studio. The album is a true collaboration between Rebecca and Michael, as they both", + "score": 0.7421875, + "summary": "The document is irrelevant to the question of when Ben Rector's new album came out.", + "extraction": "The passage is irrelevant to the question as it does not provide any information about Ben Rector's new album." + }, + { + "id": "18941502", + "title": "Ben Cantelon", + "text": "a lineage of pastors, while his father Brent is a pastor. Cantelon's music career commenced in 2005, with his first release, \"Daylight Breaks Through\", an extended play, that was released on July 31, 2007, by Survivor Records. The second extended play, \"Introducing Ben Cantelon\", was released by Kingsway Music, on October 20, 2009. His subsequent release, a studio album, \"Running After You\", was released on August 30, 2009, with Kingsway Music. He released, another studio album, \"Everything in Colour\", was released on May 8, 2012, from Kingsway Music. His song, \"Saviour of the World\", was nominated at the Covenant Awards", + "score": 0.74169921875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "14793823", + "title": "Ben Rector", + "text": "John Lennon Songwriting Contest in 2006. He is the youngest person ever to win the award for the pop category. The EP grew popular in surrounding states, and Rector began touring frequently on weekends and during breaks in the school year. Rector released his first full-length album \"Twenty Tomorrow\" in 2007 and its follow-up \"Songs That Duke Wrote\" in 2008. During his college career at the University of Arkansas he played approximately 200 shows. In April 2009 Rector was given the Northwest Arkansas Music Award (NAMA) for best male singer-songwriter in Northwest Arkansas. In June 2009 Rector moved to Nashville", + "score": 0.74169921875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "14793830", + "title": "Ben Rector", + "text": "\"Hawaii Five-O\", and was also featured in the trailers for \"Edge of Seventeen\" and Disney's \"Moana\". On June 22, 2018, Rector released his seventh studio album, \"Magic\", which was led by its first single, \"Drive\". \"Magic\" debuted at No. 1 on \"Billboard\"s Americana/Folk Albums chart, and peaked at No. 44 on the \"Billboard\" 200. Ben Rector Benjamin Evans Rector (born November 6, 1986) is an American singer, songwriter and musician based in Nashville, Tennessee. His most recent record, \"Magic\", was released in June 2018. Rector was born in Tulsa, Oklahoma. He took piano lessons as a child, but he did", + "score": 0.73974609375, + "summary": "Ben Rector's album \"Magic\" was released on June 22, 2018.", + "extraction": "Ben Rector's most recent record, \"Magic\", was released in June 2018." + }, + { + "id": "13552409", + "title": "Out of Ashes", + "text": "2007 release, but due to his commitments to Linkin Park, Bennington held the record off indefinitely. The Pulse of Radio posted that Bennington's solo album was still in production and would be finalized in the spring of 2008. At this point, Bennington described in an interview with \"Rolling Stone\" that he hoped to see the album released in 2009, placing his full commitment to the album. The band made its debut in 2008 at Marquee Theatre at Tempe, Arizona. He also said in some interviews that he would be working on the record while simultaneously writing Linkin Park's then-unreleased fourth", + "score": 0.7373046875, + "summary": "Irrelevant.", + "extraction": "Ben Rector's new album is irrelevant to the given passage." + }, + { + "id": "17566610", + "title": "The Walking in Between", + "text": "The Walking in Between The Walking in Between is the fifth full-length studio album released by Ben Rector, an American singer/songwriter from Oklahoma and now based in Nashville, Tennessee. The album was released on August 20, 2013. It was partly produced by Jamie Kenney and Charlie Peacock and partially self-produced, \"The Walking in Between\" is the first release on Rector's own label, Aptly Named Recordings. The album debuted at No. 16 on the \"Billboard\" 200 chart. The album received mostly positive feedback overall from localized and national publications. A Huffington Post writer regarded the album as a \"smash\". Additionally, according", + "score": 0.7353515625, + "summary": "Ben Rector's album \"The Walking in Between\" was released on August 20, 2013.", + "extraction": "The album was released on August 20, 2013." + }, + { + "id": "3226620", + "title": "Ben Moody", + "text": "for his own solo album. In December 2008, he released the \"Mutiny Bootleg E.P.\" and announced that his solo album would be released on March 3, 2009. This release would be delayed, however, as was hinted at in February 2009, when Moody's official website displayed the release as \"available 2009\" instead of the March 3 release date. On June 9, 2009, Moody's debut solo album, entitled \"All for This\", was released digitally via Amazon.com, iTunes, and Amie Street through Moody's label, FNR Records. His second album, \"You Can't Regret What You Don't Remember\", was released on November 11, 2011. Shortly", + "score": 0.73486328125, + "summary": "Irrelevant.", + "extraction": "Ben Rector's new album is not mentioned in the given passage, so the answer is \"irrelevant\"." + }, + { + "id": "8542443", + "title": "Ben Kweller (album)", + "text": "Ben Kweller (album) Ben Kweller is the self-titled third album by Ben Kweller. It was released September 19, 2006 on ATO Records. For the 9 weeks leading up to the release of the album Ben Kweller previously took footage of himself and made an internet mini-show called \"One Minute Pop Song.\" Each episode would usually run for 2\u20136 minutes. Topics of the videos were varied. Some of the topics were about a fan who sent in a cover version of a song, talking about laying down the tracks and playing all the instruments on the album, showing a tour of", + "score": 0.732421875, + "summary": "Irrelevant.", + "extraction": "Irrelevant." + }, + { + "id": "8862510", + "title": "Ray Quinn", + "text": "BMG to release a debut swing album. Recording process for the album began through January 2007 at the Capitol Records Tower in Los Angeles, where he was accompanied by a 48-piece orchestra. His debut album, \"Doing It My Way\" was released on 12 March 2007. Coincidentally, another \"X Factor\" finalist Ben Mills released his album on the same day. The album became a critical and commercial success. It entered the UK Album Chart at number one, and sold 127,000 copies in its first week of release, before being certified platinum. The album also featured covers of old swing and vocal", + "score": 0.732421875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage is about Ray Quinn's debut swing album and the release date of Ben Mills' album, but it doesn't mention anything about Ben Rector or his new album." + }, + { + "id": "8542445", + "title": "Ben Kweller (album)", + "text": "the album, \"A bonus for me, and you, is I think I might have written my best song while I was in the studio. It's called 'Thirteen'. It's very personal and almost hard for me to listen to.\" \"This Is War\" off the album is featured in the 2011 film . All songs and instruments by Ben Kweller. Ben Kweller (album) Ben Kweller is the self-titled third album by Ben Kweller. It was released September 19, 2006 on ATO Records. For the 9 weeks leading up to the release of the album Ben Kweller previously took footage of himself and", + "score": 0.732421875, + "summary": "Irrelevant.", + "extraction": "Irrelevant. The passage talks about the album \"Ben Kweller\" by Ben Kweller and the song \"Thirteen\", but it does not provide any information about Ben Rector's new album or its release date." + }, + { + "id": "16124453", + "title": "Ben Salter", + "text": "tour he was inspired to release his \"European Vacation EP\". As a solo artist he has supported musicians including Cat Power, Built To Spill, Something for Kate, Violent Femmes, Augie March, and Tim Rogers. Ben won the 2012 album of the year for \"The Cat\" at the Queensland Music Awards. The album was recorded and produced with Gareth Liddiard and Robert F. Cranny. On 23 June 2014 he was invited to perform at the APRA Awards (Australia). In 2015, \"The Stars My Destination\" was released through ABC Music. to warm critical acclaim. In 2017 \"Back Yourself\" was also released by", + "score": 0.73095703125, + "summary": "Irrelevant.", + "extraction": "irrelevant. The passage does not provide information about when Ben Rector's new album came out." + }, + { + "id": "3809818", + "title": "Eric Bene\u0301t", + "text": "Later that year, he then released an album of classic cover songs, exclusively distributed in Japan, titled, \"From E to U, Vol. 1\". In April 2016, he announced a new single \"Sunshine\" set to premiere on May 13, ahead of his eighth studio album that was due in the fall. On October 7, 2016, Ben\u00e9t released his eponymous seventh studio album and first major album release since 2012's \"The One\", the album featured guest appearances from Tamia, Arturo Sandoval and MC Lyte. Ben\u00e9t has also been active as an actor; he had a recurring role on For Your Love (TV", + "score": 0.73095703125, + "summary": "Ben Rector's new album release date is not mentioned in the document.", + "extraction": "Ben Rector's new album is irrelevant in this passage." + }, + { + "id": "3737243", + "title": "Mitch Benn", + "text": "an Angel\", coincided with his autumn 2008 tour of the same name. The title track, featuring Rick Wakeman on piano, was released as a single on iTunes on 1 September 2008. A video was produced to accompany the single. In October 2009, Benn released his seventh album, \"Where Next?\". His seventh studio album, \"Breaking Strings\", was released in March 2012. It features \"I'm Proud of the BBC\", \"I Love My Phone\", \"The Library\" and \"Song for Europe\". Mitch Benn uses and endorses Line 6 guitars and amplification. His current on-stage rig consists of a Variax 700 (replacing the Variax 500", + "score": 0.73046875, + "summary": "Irrelevant.", + "extraction": "The information about Ben Rector's new album is not present in the given passage. Hence the extracted span is \"irrelevant\"." + }, + { + "id": "3663314", + "title": "Mark Kozelek", + "text": "of \"Observer\" added, it \"might well be this difficult artist's most direct work.\" Soundblab rated it the best album of 2014, stating \"When I remember 2014 in music, there will be Sun Kil Moon\u2019s \"Benji\" and there will be everything else.\" Sun Kil Moon's sixth album of original material, \"Universal Themes\", was released on June 2, 2015. The album again featured drummer Steve Shelley, who previously played drums on Benji and then released an album in 2017 \"Common as Light and Love Are Red Valleys of Blood\". Kozelek toured Europe, the United States, and South America in support of the", + "score": 0.72998046875 + }, + { + "id": "18957763", + "title": "The Ben Miller Band", + "text": "In 2010 The Ben Miller Band released a pair of albums. \"1 Ton\" was released on June 10, 2010, with \"2 Ton\" released shortly after on August 5, 2010. The albums are each entirely unique; a testament to the band's versatility, despite having similar titles and close release dates. On May 22, 2011 their hometown of Joplin, Missouri was destroyed by a tornado. In response to the tragedy, the band established a charity to help restore the community. They also released a benefit album titled \"Record for Joplin\". The release of this charity album was followed shortly after by another", + "score": 0.72900390625 + }, + { + "id": "16517747", + "title": "Ben Montague", + "text": "in 2013 through Nusic and EMI Label Services \u2013 the full-length album was produced at Rockfield Studios by Dave Eringa, the producer behind records for Manic Street Preachers, Idlewild and Kylie Minogue.The first single from the album, \"Love Like Stars\", was released on 6 July 2012. Second single \"Another Hard Fall\" was released on 26 August 2012 and was added to the Radio 2 B List from 4 August 2012. After a period of reflection and being involved in the start up of a specialist guitar company The American Guitar Company Ben has recently produced his third album Back into", + "score": 0.72900390625 + }, + { + "id": "16517748", + "title": "Ben Montague", + "text": "Paradise in 2015 through MWM Limited. June 2015 saw the release of third album \"Back into Paradise\" )with the support of producer Peter-John Vettese who co wrote \"Runaway\" ,engineering and mixing by Tuft Evans, guidance of John Giddins and key musicians,Jimmy Sims Bass,Mark Pusey drums,Robbie McIntosh lead guitar..current tour details below.. Ben's last single 'We Start Over' achieved BBC Radio 2's Record of the Week. Ben was also asked to perform on The Chris Evans Breakfast Show with Sara Cox. Recently finished touring with Simply Red over this Summer 'Back into Paradise' Deluxe Album reached No.7 in the iTunes Singer", + "score": 0.72802734375 + }, + { + "id": "3646613", + "title": "Ben Kweller", + "text": "for release in September 2008 but was pushed to February 2, 2009, in Europe and February 3, 2009, in the United States through ATO Records. Kweller has described the new album as being more country in style than his previous releases. The album features his rhythm section Chris Morrissey (bass) and Mark Stepro (drums). It also debuts the talents of Ben Kitterman, who played pedal steel guitar and Dobro. On November 23, 2008, the full album was leaked to the Internet. In a statement, ATO Records said the leak was not the final version of the album. The song \"Hurtin'", + "score": 0.72705078125 + }, + { + "id": "3737242", + "title": "Mitch Benn", + "text": "releasing material, the band support Mitch Benn for some of his comedy programmes, such as the \"Mitch Benn's Crimes Against Music\". In October 2007, a fifth album, \"The Official Edinburgh Bootleg 2007\" (swiftly dubbed \"The Brown Album\" because of its mock brown paper cover art), recorded on the final night of his show at the Edinburgh Fringe, was made available exclusively to those who attended his autumn 2007 tour. In March 2008, Benn released the single \"Happy Birthday War\", to commemorate the fifth anniversary of the Iraq War, with an accompanying video. The release of his sixth album, \"Sing Like", + "score": 0.7255859375 + }, + { + "id": "13003810", + "title": "The Rebirth of Venus", + "text": "Andrew P Street of \"Time Out Sydney\" described as reaching \"a conclusion so baffling that it defies any criticism that isn't expressed via a crowbar to the jaw\"). The album features Missy Higgins, Nic Johns, Cary Brothers, Patience Hodgson, John Alagia (\"Ripe\" producer) and Lara Meyerratken. The Rebirth of Venus The Rebirth of Venus is the seventh studio album by Australian indie pop musician Ben Lee, released on 10 February 2009 by New West Records. A portion of the proceedings attained from the record are to be donated to FINCA International's village banking program. A press release said FINCA \"offers", + "score": 0.7255859375 + }, + { + "id": "15606810", + "title": "Give Till It's Gone", + "text": "free download on March 22, 2011. In Italy, the first single from the album was \"Don't Give Up on Me Now\", released on April 1, 2011. In the album, Ben Harper collaborates with the ex-Beatle Ringo Starr, who co-wrote and played the drums in the tracks \"Spilling Faith\" and \"Get There from Here\". Another song from the album, \"Pray That Our Love Sees the Dawn\", features American singer-songwriter Jackson Browne. Give Till It's Gone Give Till It's Gone is the tenth studio album by Ben Harper. The album was released in Italy on May 10, 2011 and worldwide on May", + "score": 0.7255859375 + }, + { + "id": "19069600", + "title": "Ben Haenow (album)", + "text": "Ben Haenow (album) Ben Haenow is the self-titled debut studio album by English singer Ben Haenow, released on 13 November 2015, through Syco Music and RCA Records. After winning the eleventh series of \"The X Factor\" in 2014, Haenow travelled to Los Angeles to immediately begin development of the album by collaborating with established musicians such as Kelly Clarkson, Julian Bunetta, Iain James, Kodaline, Anne Preven, Red Triangle, Steve Robson, J.R. Rotem, and Amy Wadge. Haenow described the record as a m\u00e9lange of uptempo pop rock anthems and pop ballads, making a departure from the rock album he was expected", + "score": 0.7255859375 + }, + { + "id": "16647779", + "title": "The Sound of the Life of the Mind", + "text": "Mosher until the full album was released. Afterwards the album art was attached to the single. It is still being used in some places for promotion. The Sound of the Life of the Mind The Sound of the Life of the Mind is the fourth studio album by Ben Folds Five, released on September 18, 2012. It is the group's first release since 1999's \"The Unauthorized Biography of Reinhold Messner.\" The album debuted at No. 10 on \"Billboard\" 200, which is Ben Folds' first top ten album on the chart, selling 30,000 copies. It has sold 67,000 copies as of", + "score": 0.72509765625 + }, + { + "id": "17757374", + "title": "Ben Howard discography", + "text": "November 2012, Howard released \"The Burgh Island EP\" produced by Chris Bond, which featured four new tracks. Once again released to critical acclaim, the EP had a darker, more menacing tone than most of Howard's previous work, with Howard also playing electric guitar, rather than his traditional acoustic. In 2014, his second studio album \"I Forget Where We Were\" became his first to reach number one in the UK. Ben Howard discography The discography of English singer-songwriter Ben Howard consists of three studio albums, five extended plays, six singles and six music videos. Howard signed to Island Records in 2011,", + "score": 0.72314453125 + }, + { + "id": "18242527", + "title": "Ben-Hur (2016 film)", + "text": "front legs and gouge out chunks of flesh in the melee. Ben-Hur \u2013 Songs Inspired by the Epic Film is the soundtrack of the film. It was released on August 19, 2016 by Word Entertainment. Ben-Hur (Original Motion Picture Score) is the film score for \"Ben-Hur\". All scores were composed and conducted by Marco Beltrami, with additional music by Brandon Roberts and additional conducting by Mark Graham. It was released on 5 August 2016 by Sony Classical Records. \"Ben-Hur\" was originally scheduled to be released in the United States and Canada on February 26, 2016, but Paramount moved its release", + "score": 0.72265625 + }, + { + "id": "6762000", + "title": "Beni (singer)", + "text": "the promotion for BENI's own wedding dress line named \"Rouge de BENI\" which she all designed by herself. The single was released on August 11, 2010. On 8 October, BENI started her \"Lovebox 2010\" tour accompanied with \"Rouge de BENI\". On 15 October, BENI's official website announced a limited single named 2FACE to be released on 24 November. According to Beni's blog, this song should showcase a \"New Beni\". On November 5, Beni's official website announced a third studio album named \"Jewel\" to be released on 8 December 2010. On 9 February 2011, Beni's official website announced the release of", + "score": 0.72216796875 + }, + { + "id": "18307068", + "title": "Ben Haenow", + "text": "followed by \"Forgive & Forget\" on 13 October 2017 and \"Rising\" on 15 December 2017. Haenow revealed on his Facebook page that new single \"Falling Down\" would be released on 6 April 2018; Ben later announced on 3 May 2018 that his sophomore album was titled \u201cAlive\u201d. The album was released on 25 May 2018. Ben Haenow Benjamin Bernard \"Ben\" Haenow (born 6 January 1985) is a British singer. In 2014, he was crowned as the winner of the eleventh series of \"The X Factor\" UK. Following his win, his debut single, a cover of OneRepublic's \"Something I Need\", was", + "score": 0.72216796875 + }, + { + "id": "8087772", + "title": "Doug Benson", + "text": "August 4, 2009, Benson's second album, \"Unbalanced Load\", was released by Comedy Central Records. His third album, \"Hypocritical Oaf\" was released on August 31, 2010. Benson aims to record a new album every April 20 (with a subsequent summer release date) for as many consecutive years as possible. Benson's fourth album, \"Potty Mouth,\" was released on August 29, 2011. The pattern continued with the release of his fifth album, \"Smug Life\", which was released on July 3, 2012, and \"Gateway Doug\", his sixth album, released on July 9, 2013. On July 8, 2014, Doug released a sequel to \"Gateway Doug\"", + "score": 0.72216796875 + }, + { + "id": "5394077", + "title": "Ben (Michael Jackson album)", + "text": "\"Ben\" began in November 1971, concluding by February 1972 before Jackson's voice began to deepen. It was produced by six people, and executively produced by Berry Gordy. Songwriters for the ten tracks \"Ben\" has include Mel Larson, Jerry Marcellino, Thom Bell, Linda Creed, The Corporation, Smokey Robinson, and Ronald White, among others. \"Ben\" has R&B, contemporary pop rock and soul musical styles. The album's songs have a tempo ranging from 69 beats per minute on \"Ben\", to 130 on \"Shoo-Be-Doo-Be-Doo-Da-Day\". The album's title track, the theme song for the 1972 film of the same name (the sequel to the 1971", + "score": 0.72119140625 + }, + { + "id": "6242804", + "title": "Benny Hester", + "text": "packaged albums, ready for record company distribution, were lost in the studio and warehouse fire that destroyed United Recording. Hester's first album was never released. Only a few albums survived the fire, ending up in the hands of collectors. A digitally remastered version was released on February 19, 2016, made from the artists own promotional copy of the original vinyl. A track from the album, \"No the End is Not Near\" was featured in the season opener of the fifth season of the HBO show Girls. Hester recovered from the fire that claimed his first major recording project. In 1975,", + "score": 0.72119140625 + }, + { + "id": "11971102", + "title": "Changing Horses (Ben Kweller album)", + "text": "statement, ATO Records said the leak was not the final version of the album. The song \"Hurtin' You\" was debuted on Stereogum. The whole album was made available to stream exclusively on Last.fm. Changing Horses (Ben Kweller album) Changing Horses is the fourth studio album by Ben Kweller, which was expected for release in September 2008 but was eventually released on February 2, 2009 in Europe and February 3 2009 in the United States. Kweller has described the new album as being more Country in style than his previous releases. The album features his rhythm section Chris Morrissey (bass) and", + "score": 0.720703125 + }, + { + "id": "3847945", + "title": "Chris Rea", + "text": "album, but according to Michael Levy (co-founder of Magnet) it was started all over again because it did not capture his whole talent. In 1978, \"Whatever Happened to Benny Santini?\" was Rea's debut studio album. It was released in June and was produced by Elton John's record producer Gus Dudgeon. The title of the album was a reference to \"Benjamin Santini\", the stage name that Rea sarcastically invented but the record label insisted that he should adopt. The album peaked at No. 49 on the \"Billboard\" Hot 200, and charted for 12 weeks. The first single taken from the album,", + "score": 0.72021484375 + }, + { + "id": "10387447", + "title": "This Beautiful Republic", + "text": "Need a Parachute\", from which they released their first single \"Casting Off\". On July 8, 2007, \"Learning to Fall\" was officially released on iTunes as a part of the \"Learning to Fall - EP\". In the following week, \"No Turning Back\" was released as a standalone single. Their second album \"Perceptions\" was released August 19, 2008. The track \"My God\" features Aaron Gillespie, of Underoath and The Almost. In late 2009, the band announced on their myspace page that lead singer Ben Olin and This Beautiful Republic had decided to part ways. Ben now sings worship at CedarCreek Church in", + "score": 0.71923828125 + }, + { + "id": "6762003", + "title": "Beni (singer)", + "text": "Both were released on 25 January 2012. On 6 February 2012, Beni's official website announced that Beni would release her first English cover album named \"Covers\". The album contains English covers from Japanese songs from popular Japanese male artists. The album became a huge success: ranking #2 on the Oricon weekly charts and selling even more copies then \"Lovebox (Beni album)\" (which ranked #1 on Oricon weekly charts) and her debut album \"Bitter & Sweet\". On 18 April 2012, Beni's official website announced another live album named \"MTV Unplugged\" to be released on 23 May. The website announced on 21", + "score": 0.71826171875 + }, + { + "id": "15606809", + "title": "Give Till It's Gone", + "text": "Give Till It's Gone Give Till It's Gone is the tenth studio album by Ben Harper. The album was released in Italy on May 10, 2011 and worldwide on May 17, 2011 by Virgin Records. It is Harper's first solo album since \"Both Sides Of The Gun\", released in 2006. However, his band, Relentless7, feature prominently on all the tracks, even co-writing some of the tracks with Harper. The album's title is taken from a line in the second track, \"I Will Not Be Broken.\" The album was preceded by the single \"Rock N' Roll Is Free\", released as a", + "score": 0.7177734375 + }, + { + "id": "11577615", + "title": "Whitechapel (band)", + "text": "vlog that the band was currently in the process of writing a new album entitled \"Mark of the Blade\". The album was released on June 24, 2016. On August 9, 2017, Ben Harclerode announced via Twitter that he had parted ways with the group, stating \"...it was the hardest move I've ever made, but I was truly unhappy and needed to happen.\" On November 2, 2018 the band announced their seventh studio album \"The Valley\" will be released on March 29th, 2019 via Metal Blade Records and the first song \"Brimstone\" was released. It has also been reported Navene Koperweis", + "score": 0.7177734375 + }, + { + "id": "6740506", + "title": "Lucero (band)", + "text": "they had signed a four-album deal with Universal Music Group, though the relationship with Universal was short-lived. \"1372 Overton Park\" was released October 6, 2009 by Universal Music Group and was the first Lucero album to feature a horn section. Lucero's album, \"Women & Work\", was released on March 13, 2012 by ATO Records. This album integrates more of the horn section as well as the pedal steel guitar, keyboards and a gospel chorus. The first solo release from frontman Ben Nichols, \"The Last Pale Light in the West\", was released in January 2009 on Lucero's label Liberty & Lament.", + "score": 0.71728515625 + }, + { + "id": "13003809", + "title": "The Rebirth of Venus", + "text": "The Rebirth of Venus The Rebirth of Venus is the seventh studio album by Australian indie pop musician Ben Lee, released on 10 February 2009 by New West Records. A portion of the proceedings attained from the record are to be donated to FINCA International's village banking program. A press release said FINCA \"offers financial services, not charity, to the world's lowest-income women entrepreneurs. This creates jobs, builds assets and generally improves the standard of living in these destitute communities.\" Critical response to the album has been largely negative, with particular mention of the song 'I'm a Woman, Too' (which", + "score": 0.71728515625 + }, + { + "id": "15140298", + "title": "Ben Jones (musician)", + "text": "2014, followed by their second album, \"Beat Root Revival\" in September 2016. \"Echobox\" was Ben's first solo album, played and produced by him alone. It was recorded at Ranscombe Studios, Rochester, Kent. It featured 12 songs, and was reviewed highly favourably by BBC Introducing, citing it as \"an undeniable triumph for a multitalented musician\". It was re-released on Toulouse Records in 2014. Ben's second solo album, \"Kaleidoscope\", featured 11 new songs and was self released in 2011, before being re-released by Toulouse Records in 2014. Carters England The Lovedays Ben Jones Ben Jones and The Rifle Volunteers Beat Root Revival", + "score": 0.716796875 + }, + { + "id": "17360870", + "title": "Jarren Benton", + "text": "and Krizz Kaliko on the Independent Grind Tour 2014. On January 27, 2015, Benton released his Debut EP, \"Slow Motion, Vol. 1\" named after old friend and fellow rapper \"Slow Motion\" who recently passed away at the time. On July 22, 2016, Benton released his 2nd official studio album, and his first one under his newfound independent record label \"Benton Enterprises\" Slow Motion, Vol. 2, the sequel to his 2015 EP, Slow Motion, Vol. 1. On June 23, 2017, Benton released his third studio album titled \"The Mink Coat Killa LP\" supported by two singles from the album \"C.R.E.A.M. 17\"", + "score": 0.716796875 + }, + { + "id": "2354957", + "title": "Pete Yorn", + "text": "March 31, 2009. Columbia Records released his Mike Mogis-produced album, entitled Back & Fourth on June 23, 2009. Yorn toured with Coldplay as an opening act through summer 2009 and collaborated with actress/musician Scarlett Johansson to record a project entitled \"Break Up\". The album was released on September 15, 2009, and its first single\u2014\"Relator\"\u2014was released digitally on May 26, 2009. The record has since gone Platinum in France. Yorn released a self-titled album on September 28, 2010. This record was released by Vagrant Records, and produced by Frank Black of The Pixies. It received a favorable 8/10 stars in \"Spin\"", + "score": 0.716796875 + }, + { + "id": "1673343", + "title": "Ben Folds", + "text": "legitimate songs from \"Way to Normal\", pastiches of dry humor and melodramatic pop interwoven with bright, energetic melodies. Folds explained on Triple J radio a few weeks later that in one overnight session in Dublin he and the band had recorded 'fake' versions of songs from the new album. His sources had then leaked them to the public as a light-hearted joke on his fans. \"Way to Normal\" was released on September 30, 2008 in the United States and on September 29, 2008 in the United Kingdom. It became Folds' highest-charting album ever in the US, debuting at no. 11", + "score": 0.716796875 + }, + { + "id": "18116561", + "title": "Benjamin Booker", + "text": "began touring as an electric duo and signed with ATO Records to produce his debut album. Booker's self-titled debut album was recorded in December 2013 at The Bomb Shelter, an analog studio in Nashville. Produced by Andrija Tokic (Alabama Shakes, Hurray for the Riff Raff), the album was released on August 19, 2014 via ATO Records in the United States and Rough Trade Records in Europe. The first single from the album, \"Violent Shiver,\" was released in April 2014. The album received early praise, debuting in the top 10 of \"Billboard\"s Alternative Albums and Independent Albums charts and leading to", + "score": 0.71630859375 + }, + { + "id": "18978679", + "title": "Benjah", + "text": "chart. Benjah released, a remix album, Haze & Reflections: Vanity Fare Remixed, on November 5, 2013. This remix album charted on two Billboard charts the Reggae Albums at #3 and Gospel Albums at #41. His fifth studio album, Motives, was released on November 13, 2015, and it charted on two Billboard charts, Christian Albums at #42 and Heatseekers Albums at #18. Benjah\u2019s sixth studio album, Woke, was released on November 11, 2016, and charted on four Billboard charts, Heatseekers South Atlantic at No. 6, Heatseekers at #19, Christian Albums at #32 and Christian/Gospel at #36. Studio albums Remix albums Benjah", + "score": 0.71630859375 + }, + { + "id": "15913961", + "title": "The Best Imitation of Myself: A Retrospective", + "text": "The Best Imitation of Myself: A Retrospective The Best Imitation of Myself: A Retrospective is a compilation album by American singer-songwriter Ben Folds and his alternative rock trio Ben Folds Five, released in the United States of America on October 11, 2011 by Legacy Records. The title comes from a song from their 1995 self-titled debut album. The standard-edition album contains 17 popular songs from the band's discography and Folds' subsequent solo career, as well as the new Ben Folds Five single \"House\", which debuted on the website for the NBC competition show \"The Sing-Off\", on which Folds is a", + "score": 0.71533203125 + }, + { + "id": "12381346", + "title": "William Shatner", + "text": "in the Sky with Diamonds.\" He performed a reading of the Elton John song \"Rocket Man\" during the 1978 Science Fiction Film Awards that has been widely parodied. Ben Folds, who has worked with him several times, produced and co-wrote Shatner's well-received second studio album, \"Has Been\", in 2004. His third studio album, \"Seeking Major Tom\", was released on October 11, 2011. The fourth, \"Ponder the Mystery\", was released in October 2013 on Cleopatra Records, produced and composed by musician Billy Sherwood (member of Yes). Shatner also has done a concert tour with CIRCA:, which includes an ex and current", + "score": 0.71533203125 + }, + { + "id": "17757373", + "title": "Ben Howard discography", + "text": "Ben Howard discography The discography of English singer-songwriter Ben Howard consists of three studio albums, five extended plays, six singles and six music videos. Howard signed to Island Records in 2011, due to the label's history of UK folk singers, including Nick Drake and John Martyn. After singles \"Old Pine\" and \"The Wolves\" were released in 2011, Howard recorded his debut album entitled \"Every Kingdom\", which was released on 3 October 2011. He was nominated for the 2012 \"Mercury Prize\". In 2012, Howard launched his music in the United States, with \"Every Kingdom\" being released on 3 April 2012. In", + "score": 0.71533203125 + }, + { + "id": "3646615", + "title": "Ben Kweller", + "text": "to come out either late January or early February 2012. The delay in release is a result of Kweller's parting ways with his former record label, ATO Records. This was confirmed by Kweller himself while onstage at Stubbs in Austin, Texas, on April 16, 2011. More recently, Kweller posted on his Twitter account that \"Kite's\" released date will be February 12, 2012. This was followed by a tweet saying that it will be available for pre-order in October. Kweller's album was released a few days earlier than expected on iTunes on February 7, 2012. On June 23, 2018, Kweller announced", + "score": 0.71533203125 + }, + { + "id": "16669609", + "title": "Ben Hur (Bitch Magnet album)", + "text": "Alan Douches and released in a box-set containing with the rest of the band's catalog. All songs written by Bitch Magnet Ben Hur (Bitch Magnet album) Ben Hur is the second full-length and final album released by the American post-hardcore band Bitch Magnet. It was recorded after the departure of Bitch Magnet's added guitarist, David Gait, and features an appearance by the band's occasional guitarist, David Grubbs. \"Ben Hur\" was recorded by Louisville, Kentucky producer Howie Gano who had engineered albums by Grubbs' previous band, Squirrel Bait. \"Ben Hur\" was first released in 1990 by Glitterhouse Records. First issue of", + "score": 0.71484375 + }, + { + "id": "16669608", + "title": "Ben Hur (Bitch Magnet album)", + "text": "Ben Hur (Bitch Magnet album) Ben Hur is the second full-length and final album released by the American post-hardcore band Bitch Magnet. It was recorded after the departure of Bitch Magnet's added guitarist, David Gait, and features an appearance by the band's occasional guitarist, David Grubbs. \"Ben Hur\" was recorded by Louisville, Kentucky producer Howie Gano who had engineered albums by Grubbs' previous band, Squirrel Bait. \"Ben Hur\" was first released in 1990 by Glitterhouse Records. First issue of release came with a bonus 7\" that contains the songs Sadie and Where Eagles Fly. In 2011, it was remastered by", + "score": 0.71484375 + }, + { + "id": "16647773", + "title": "The Sound of the Life of the Mind", + "text": "The Sound of the Life of the Mind The Sound of the Life of the Mind is the fourth studio album by Ben Folds Five, released on September 18, 2012. It is the group's first release since 1999's \"The Unauthorized Biography of Reinhold Messner.\" The album debuted at No. 10 on \"Billboard\" 200, which is Ben Folds' first top ten album on the chart, selling 30,000 copies. It has sold 67,000 copies as of August 2015. In 2011, Ben Folds Five reunited to record three tracks for Ben Folds' \"\". Bolstered by the experience, the band reconvened in Folds' Nashville", + "score": 0.71435546875 + }, + { + "id": "5394080", + "title": "Ben (Michael Jackson album)", + "text": "August 1972. As part of promotion for the album, \"Ben\" was released as the album's lead and only single in July 1972. \"Ben\" was a commercial success worldwide, generally charting within the top-10 and top-20 positions on music charts. The song peaked at number one on the \"Billboard\" Hot 100, which was Jackson's first, of what would be 13 songs, to top that chart during his career as a solo artist. \"Ben\" also charted on \"Billboard\"s Hot Adult Contemporary Tracks and Hot R&B/Hip-Hop Songs at number three and five. \"Ben\" charted within the top-10 on the Dutch Top 40 chart,", + "score": 0.71435546875 + }, + { + "id": "14793822", + "title": "Ben Rector", + "text": "Ben Rector Benjamin Evans Rector (born November 6, 1986) is an American singer, songwriter and musician based in Nashville, Tennessee. His most recent record, \"Magic\", was released in June 2018. Rector was born in Tulsa, Oklahoma. He took piano lessons as a child, but he did not pursue music until he picked up guitar in high school (Metro Christian Academy), which later led him to begin songwriting. During his first year at the University of Arkansas, he released a self-titled EP that featured the song \"Conversation\", which went on to win the Grand Prize in the Pop category of the", + "score": 0.71435546875 + }, + { + "id": "1673344", + "title": "Ben Folds", + "text": "on the \"Billboard\" 200. Soon before \"Way to Normal\" was released, Folds announced that he planned to record an album with English author Nick Hornby, with Hornby writing the lyrics and Folds writing the music. The idea of the collaboration came out of the \"fake\" leak of the album \"Way to Normal\" released in July 2008. \"(We will) write and record it in about three days, just like we did in Dublin with the fake record,\" Folds said. In August 2008, Folds played piano for friend and Japanese singer-songwriter Angela Aki's song \"Black Glasses\" on her new album \"Answer\". On", + "score": 0.71435546875 + }, + { + "id": "18113193", + "title": "Ben Bruce", + "text": "releasing it that same year. In March 2014, Bruce was revealed as a featured artist on the cover compilation album of Florence + The Machine, released by Sumerian Records, of which he covered the single Shake It Out. When Rocksound queried on the sound of the solo album, Bruce stated that he'd describe it as \"Chilled out. I'd honestly liken it to Keane, Robbie Williams and Oasis.\" and further stated that he finds Robbie Williams to be his main influence. It was also revealed that the album will be released through Sumerian Records later in 2015, however due to the", + "score": 0.71337890625 + }, + { + "id": "16594233", + "title": "Benny Mardones (album)", + "text": "and smooth, carrying highs and beefing up the choruses with grace. All the ballads sound similar and could have been colored with some bulkier lyrics or even some tempo changes.\" Benny Mardones (album) Benny Mardones is the fourth studio album from American singer Benny Mardones, released in 1989 and produced by Michael Lloyd. It was Mardones' first album since 1981's \"Too Much to Lose\", following his battle with a drug addiction and other personal issues. The album was recorded and released after the successful re-issue of Mardones' 1980 hit song \"Into the Night\". In 1989, a Where Are They Now?", + "score": 0.71240234375 + }, + { + "id": "17790013", + "title": "Benji (album)", + "text": "ranked it at number 34. \"Benji\" placed at number 18 on \"The Village Voice\"s year-end Pazz & Jop critics' poll. \"Benji\" was recognized as one of The 100 Best Albums of the Decade So Far, a list published by \"Pitchfork\" in August 2014. Musicians Recording personnel Artwork Benji (album) Benji is the sixth studio album by American indie folk act Sun Kil Moon, released on 11 February 2014 on Caldo Verde Records. Self-produced by primary recording artist Mark Kozelek, the album shares its name with the 1974 film \"Benji\", and was recorded between March and August 2013 at Hyde Street", + "score": 0.71142578125 + }, + { + "id": "3663300", + "title": "Mark Kozelek", + "text": "\"Ghosts of the Great Highway\", in 2003. Inspired by classical guitar music, Kozelek recorded Sun Kil Moon's fourth studio album, \"Admiral Fell Promises\" (2010), as a solo act, and continued to record mostly alone on its follow-up, \"Among the Leaves\" (2012). The album introduced a deeply personal lyrical perspective, which continued on the collaborative solo releases, \"Perils from the Sea\" and \"Mark Kozelek & Desertshore\", both released in 2013. In 2014, Sun Kil Moon's sixth studio album, \"Benji\", was released to widespread critical acclaim and increased exposure, with its follow-up, \"Universal Themes\", featuring lengthy compositions and stream-of-consciousness lyrics. In 2016,", + "score": 0.71142578125 + }, + { + "id": "15864163", + "title": "Every Kingdom", + "text": "Every Kingdom Every Kingdom is the debut studio album by British singer-songwriter Ben Howard. It was released in the United Kingdom on 30 September 2011 as a digital download, on CD, on LP and as a 200 copy limited edition cassette. It reached a peak chart position of number four in the UK Albums Chart on 24 February 2013 following his success at the Brit Awards that week. The songs on the album were written by Ben Howard and produced by Chris Bond. The cover art was designed by Owen Tozer, based on photography by Mickey Smith and Roddy Bow.", + "score": 0.71142578125 + }, + { + "id": "2703761", + "title": "Turin Brakes", + "text": "new material and played intimate venues in the United Kingdom. In October 2012, Olly Knights released a solo album \"If Not Now When\" on Turin Brakes' own record label, The Complete ATOMIC. In November 2012, the band returned to their studio to record material for their sixth studio album. The band premiered a new song called \"Sleeper\" in Naples, Italy. Recording of their sixth album, \"We Were Here\", started on Monday 11 March 2013 at Rockfield Studios and was released 30 September 2013 on the Cooking Vinyl label. The album was trailed by lead single 'Time and Money' and followed", + "score": 0.71142578125 + }, + { + "id": "9577968", + "title": "Ben Mills", + "text": "Ben Mills Benjamin Collett Mills is a British singer who finished in third place on the third series of \"The X Factor\" in 2006. After the show, Mills signed a five-album record deal with SonyBMG. His debut album, \"Picture of You\", was released on 12 March 2007, the same date as the debut album from \"X Factor\" runner-up Ray Quinn. His debut single was advertised as \"Beside You\" and set to be released on 5 March 2007, but it was pulled by the record company at the last minute. The reason given was to concentrate on album sales. Mills was", + "score": 0.71044921875 + }, + { + "id": "18307067", + "title": "Ben Haenow", + "text": "2014. On 6 January 2015, Haenow's 30th birthday, it was announced that he had been signed by Syco Music. He then spent several months of the year in Los Angeles recording his self-titled debut album, \"Ben Haenow\", which was released on 13 November 2015. The lead single from the album, \"Second Hand Heart\", a duet with Kelly Clarkson, was released on 16 October 2015 and peaked at number 21. On 28 January 2016, Haenow confirmed that he and Syco had parted ways by way of mutual agreement. Haenow released his new single \"Alive\" and on 7 July 2017. This was", + "score": 0.7099609375 + }, + { + "id": "3929592", + "title": "Ben Lee", + "text": "team on the 2013 season of \"The Voice Australia\". In June 2015, Lee released his 10th solo album, \"Love Is the Great Rebellion\", his first on a major label, Warner Bros. Records. According to Geoff Wood at ABC, Lee invented the term \"Electroyoga\" to describe a new form of music dedicated to the practice of yoga. Lee has since followed up this release with an acoustically-oriented album, entitled \"Freedom, Love and Recuperation of the Human Mind\", in 2016; as well as a children's album, called \"Ben Lee Sings Songs About Islam for the Whole Family\", in 2017. November 2017 also", + "score": 0.7099609375 + }, + { + "id": "20072009", + "title": "Rett Smith", + "text": "athletics after multiple severe injuries. Smith started his musical career by taking the stage at House of Blues in Los Angeles and played cathartic blues based songs that were self-written. On September 18, 2015, he released his debut album \"Tularosa\" produced by Joe Nicolo of The Butcher Bros. The album was released internationally by Sony Music's RED label.Also in 2015, Smith became an endorsed artist of Gibson Guitars. In July 2016, Smith released his second album Oscuro, a collection of \"rock with an alternate instrumental backdrop,\" again internationally on Sony Music's RED labelMusicians on \"Tularosa\" and \"Oscuro\" include Chuck Treece", + "score": 0.70947265625 + }, + { + "id": "17790001", + "title": "Benji (album)", + "text": "Benji (album) Benji is the sixth studio album by American indie folk act Sun Kil Moon, released on 11 February 2014 on Caldo Verde Records. Self-produced by primary recording artist Mark Kozelek, the album shares its name with the 1974 film \"Benji\", and was recorded between March and August 2013 at Hyde Street Studios in San Francisco. The album features contributions from Owen Ashworth, Jen Wood, Will Oldham, and Sonic Youth's Steve Shelley. Following the release of Sun Kil Moon's fifth studio album \"Among the Leaves\" in 2012, primary recording artist Mark Kozelek recorded and released three studio albums in", + "score": 0.708984375 + }, + { + "id": "19069606", + "title": "Ben Haenow (album)", + "text": "Factor\". Haenow's version of \"Something I Need\" was included as the tenth track and the closing song on the album's standard edition. \"Ben Haenow\" was released on 13 November 2015, by Syco Music and RCA Records, making him the first male winner of \"The X Factor\" to receive an American joint release deal and the second \"X Factor\" winner after Leona Lewis, who was also signed to RCA during her tenure with Syco. To promote the album, Haenow premiered \"Second Hand Heart\" in a live performance on the twelfth series of \"The X Factor\" on 31 October 2015. \"Second Hand", + "score": 0.708984375 + }, + { + "id": "19069607", + "title": "Ben Haenow (album)", + "text": "Heart\" was released as the lead single from \"Ben Haenow\" on 16 October 2015. Syco also issued \"Make It Back to Me\" and \"All Yours\" as promotional singles from the album on 4 and 11 November 2015, respectively. Haenow also revealed plans to issue \"Slamming Doors\" as follow-up single to \"Second Hand Heart\" in the future. However, these plans have since been halted due to Haenow parting ways with Syco via mutual agreement. On 28 October 2015, Haenow announced the dates for the One Night Tour, his first solo concert tour to support the album, which will commence in April", + "score": 0.708984375 + }, + { + "id": "15003799", + "title": "Ben E\u0301 Samba Bom", + "text": "one that has 'Bicho Do Mato,' 'Shuffling Along,' and 'Leaving Port.'\" All tracks written by Jorge Ben, except where noted. Source: AllMusic Ben \u00c9 Samba Bom Ben \u00e9 Samba Bom is the second studio album by Brazilian singer-songwriter and guitarist Jorge Ben, first released in Brazil in 1964. It was reissued in the United States by Philips Records in 1967, under the title Big Ben Strikes Again (Catalogue no. PHS 600-234). Reviewing the album's 1967 American reissue, \"Sepia\" magazine wrote: \"The expressive voice of Jorge Ben is rough-edged, warm, and very Brazilian. Brazilian music and rhythms have pervaded American and", + "score": 0.708984375 + }, + { + "id": "18077135", + "title": "Ben Harper discography", + "text": "Ben Harper discography The discography of Ben Harper consists of fourteen studio albums, five live albums, two digital albums, three concert films and three miscellaneous albums. Ben Harper appears in the (2002) documentary: \"Standing in the Shadows of Motown\" where he performs \"Ain't Too Proud to Beg\" and \"I Heard It Through the Grapevine\", both are live tracks recorded December, 2000 Ben Harper appeared on John Mayer's \"The Village Sessions\" EP for the song \"Waiting on the World to Change\". The album was released on December 12, 2006. Harper played a slide guitar version of the \"Star-Spangled Banner\" prior to", + "score": 0.708984375 + }, + { + "id": "15003798", + "title": "Ben E\u0301 Samba Bom", + "text": "Ben \u00c9 Samba Bom Ben \u00e9 Samba Bom is the second studio album by Brazilian singer-songwriter and guitarist Jorge Ben, first released in Brazil in 1964. It was reissued in the United States by Philips Records in 1967, under the title Big Ben Strikes Again (Catalogue no. PHS 600-234). Reviewing the album's 1967 American reissue, \"Sepia\" magazine wrote: \"The expressive voice of Jorge Ben is rough-edged, warm, and very Brazilian. Brazilian music and rhythms have pervaded American and European popular music like a gentle rain and Jorge is one of the reasons behind their influence. You will definitely want this", + "score": 0.708984375 + }, + { + "id": "14850007", + "title": "Go Back to the Zoo", + "text": "Back to the Zoo got signed to Universal Music and in May 2009 \u2018Beam Me Up\u2019 was released as their first official single. In December 2009 they released their second single \u2018Electric\u2019 with a video which features the bandmembers as musical transformers. On Friday, August 13, 2010, Go Back To The Zoo released their debut album called \"Benny Blisto\". 'Beam Me Up' was re-released in 2011, after it was used in the promotion video a new season of the TV series Californication On April 6, 2012, Go Back to the Zoo released their second album, Shake A Wave. The album", + "score": 0.70849609375 + }, + { + "id": "5724758", + "title": "Brendan Benson", + "text": "Dean Fertita's former band, The Waxwings. The Raconteurs released their second album, \"Consolers of the Lonely\" in March 2008. Benson's fourth album was \"My Old, Familiar Friend\". In March 2007, a handful of demos from Benson's upcoming album were posted on his Myspace. \"Feel Like Taking You Home\" was the first of these demos to appear. Around the same time the demos of \"Forget\", \"Poised And Ready\" and \"Go Nowhere\" leaked onto the internet. Later he posted more songs on his MySpace including \"Lesson Learned\", \"Eyes on the Horizon\", and \"Untitled\". Dean Fertita, who played keyboards with the Raconteurs on", + "score": 0.70849609375 + }, + { + "id": "1342963", + "title": "Ben Harper", + "text": "toured Hawaii. In 1992, Harper recorded the LP \"Pleasure and Pain\" with folk multi-instrumentalist Tom Freund. After this limited edition record, Harper secured a lifetime record deal with Virgin Records, which released his debut album, \"Welcome to the Cruel World\" in 1994. This allowed him to be invited at the Rencontres Trans Musicales of Rennes in France in December 1993 where he went up for the first time on a large stage. The first album was followed by \"Fight For Your Mind\" in 1995, with Juan Nelson on bass, which became a college radio favorite and included several songs that", + "score": 0.70751953125 + }, + { + "id": "19075419", + "title": "Benjamin Booker (album)", + "text": "Benjamin Booker (album) Benjamin Booker is the self-titled debut studio album by American musician Benjamin Booker. It was released on 9 August 2014 by ATO Records and Rough Trade Records. The album was recorded in December 2013 in engineer/producer Andrija Tokic\u2019s all-analog Bomb Shelter in East Nashville, Andrija Tokic who has produced recordings for Hurray for the Riff Raff and Alabama Shakes. The Bomb shelter was recommend to Booker as a place to record his album by Alynda Lee Segarra of Hurray for the Riff Raff and by Sam Doores of The Deslondes. Booker chose The Bomb Shelter as the", + "score": 0.70751953125 + }, + { + "id": "16596381", + "title": "Mackintosh Braun", + "text": "The album implores you to ride a wave of good vibes, punctuated by drums that remind you how great organic instrumentation can complement a synthesizer.\" \"Arcadia\" was released June 16 through Chop Shop Records / Island Records. \"Clash\" announced in June 2017 that Ben Braun of Mackintosh Braun would be releasing a solo album entitled \"Silent Science\" on Diving Bell Records and premiered the first single \"Prague\". The album is set for release on October 6. According to a profile in the ABC Music Lounge, Mackintosh Braun was formed largely by accident: Mackintosh Braun have received TV and film placement", + "score": 0.70751953125 + }, + { + "id": "18978678", + "title": "Benjah", + "text": "artist. In 2009, Benjah recorded his first studio album, \"Filtered\", that was released by Infinity Music Group, on June 1, 2009. The next album was a co-release with Dillavou, \"Lov'd Ones\", on November 16, 2010, with Jahmen Music Group. He released, \"The Break-Up\", on September 27, 2011, with Jahmen Music Group in association with 220 Entertainment and Capitol CMG. His subsequent studio album, Vanity Fare, was released on March 19, 2013, from Jahmen Music Group . This album was his breakthrough release upon the Billboard charts, where it reached #12 on the Gospel Albums and #43 on the Heatseekers Albums", + "score": 0.70703125 + }, + { + "id": "16403643", + "title": "Two Crown King", + "text": "single, \"We Get Down\" was released on iTunes on March 1, 2011. \"Two Crown King (EP)\" was released on iTunes on July 1, 2011. The artwork for the album was illustrated by Jacqui Oakley and has received global acclaim for its package design. On February 4, 2012, the band released \"Ben's Song\" on iTunes in partnership with Skate4Cancer. The song was written for a close friend of the band whose mother had died from cancer. All sales from \"Ben's Song\" are donated to Princess Margaret Hospital. On February 16, 2012, \"Ben's Song\" was inducted into FM96's Hall Of Fame after", + "score": 0.70654296875 + }, + { + "id": "5724765", + "title": "Brendan Benson", + "text": "the UK on April 30, 2012. Young Hines released \"Give Me My Change\" in the US on April 10, 2012. Brendan Benson Brendan Benson (born November 14, 1970) is an American musician and singer-songwriter. He plays guitar, bass guitar, keyboard, and drums. He has released six solo albums and is a member of the band The Raconteurs. Benson was born in Royal Oak, Michigan. His debut album, \"One Mississippi\", was released in 1996 on Virgin Records. The album featured several contributions with Jason Falkner and failed to sell in sufficient numbers and Benson was dropped by Virgin. In 2002, the", + "score": 0.70654296875 + }, + { + "id": "16472451", + "title": "Benjamin Wynn", + "text": "to the label Friends of Friends and has released three albums on Mush Records, Merck Records, and Neo Ouija and many remixes and tracks for compilations for labels like Hometapes, Ghostly International, Hymen Records, 1320 Records, Unseen, and Mille Plateaux. His album, \"1979\", was released on June 17, 2014, as a limited-edition sculptural object, featuring nine songs by Wynn and accompanied by nine short films by video artist Anthony Ciannamea, that are housed in a custom handheld video projector. In 2010, Deru and fellow electronic music producer Free the Robots joined the electronic music group The Glitch Mob on their", + "score": 0.7060546875 + }, + { + "id": "3560584", + "title": "8 Foot Sativa", + "text": "departure from the band. Christian Humphreys, a member of Rommily's other band, \"New Way Home\", replaced Cleverdon The album was originally meant to be released on 8 May 2006, however it was postponed due to a breached contract. Ben Read stated on the official forums's that the album would not be released until the band could put together NZ$20,000. The album was finally released on 21 May 2007. The album features much heavier vocals than on previous albums, with all or most of the lyrics written by Ben Read and Gary Smith. As well as this, the music takes on", + "score": 0.7060546875 + }, + { + "id": "3809816", + "title": "Eric Bene\u0301t", + "text": "November 30, 2010. The first single \"Sometimes I Cry\" reached number one on the Hot Adult R&B Songs Chart. With its musical direction representing Ben\u00e9t's homage to the sweet soul sound of the early to mid-1970s, the album featured duets with Faith Evans; Chrisette Michelle; Ledisi; and Eddie Levert of The O'Jays. On June 5, 2012, Eric Ben\u00e9t then released his latest album \"The One\". It was the first album released on Ben\u00e9t's newly formed record label Jordan House Records, which he created in partnership with EMI. \"Real Love\" was the first single off \"The One\" and was the #1", + "score": 0.70458984375 + }, + { + "id": "20812623", + "title": "The Very Best of George Benson: The Greatest Hits of All", + "text": "The Very Best of George Benson: The Greatest Hits of All The Very Best of George Benson: The Greatest Hits of All is a compilation album by American singer and guitarist George Benson, released in 2003 by Warner Bros. Records. The album features some of the greatest hits of Benson's career in ten years of career, recorded between 1976 and 1986. This compilation is an international version of \"The Greatest Hits of All\", released in the United States that same year, however, it is a different album, with other Benson hits that had not been included in the American version.", + "score": 0.70458984375 + }, + { + "id": "20812625", + "title": "The Very Best of George Benson: The Greatest Hits of All", + "text": "The Very Best of George Benson: The Greatest Hits of All The Very Best of George Benson: The Greatest Hits of All is a compilation album by American singer and guitarist George Benson, released in 2003 by Warner Bros. Records. The album features some of the greatest hits of Benson's career in ten years of career, recorded between 1976 and 1986. This compilation is an international version of \"The Greatest Hits of All\", released in the United States that same year, however, it is a different album, with other Benson hits that had not been included in the American version.", + "score": 0.70458984375 + }, + { + "id": "16594228", + "title": "Benny Mardones (album)", + "text": "Benny Mardones (album) Benny Mardones is the fourth studio album from American singer Benny Mardones, released in 1989 and produced by Michael Lloyd. It was Mardones' first album since 1981's \"Too Much to Lose\", following his battle with a drug addiction and other personal issues. The album was recorded and released after the successful re-issue of Mardones' 1980 hit song \"Into the Night\". In 1989, a Where Are They Now? Arizona radio segment spurred Los Angeles DJ Scott Shannon to add \"Into the Night\" to his playlist. The exposure ultimately rocketed the song back into the national charts, where it", + "score": 0.7041015625 + }, + { + "id": "19069608", + "title": "Ben Haenow (album)", + "text": "2016. On 5 February 2016, it was confirmed that more than half of the tour dates had been cancelled due to low ticket sales and Haenow's subsequent departure from his record label. The album debuted at number 10 on the UK Albums Chart with 18,130 copies sold. In its second week, the album dropped 19 places to number 29, selling 7,743 copies, bringing its total to 25,873 copies sold.In its third week on the chart, the album dropped 1 place to number 30, selling 9,271 copies, bringing the sales total to 35,144 copies sold Ben Haenow (album) Ben Haenow is", + "score": 0.7041015625 + }, + { + "id": "15864165", + "title": "Every Kingdom", + "text": "Secret 7\", each copy with different cover art. The song \"Black Flies\" was featured in the 2017 Square Enix / Deck Nine game 's fourth, Bonus episode as the ending song of the episode. The album was nominated for the 2012 Mercury Prize. Every Kingdom Every Kingdom is the debut studio album by British singer-songwriter Ben Howard. It was released in the United Kingdom on 30 September 2011 as a digital download, on CD, on LP and as a 200 copy limited edition cassette. It reached a peak chart position of number four in the UK Albums Chart on 24", + "score": 0.7041015625 + }, + { + "id": "1673339", + "title": "Ben Folds", + "text": "the Supermarket\" and a recording of \"Rockin' the Suburbs\" featuring new lyrics written to complement the plot of the film. On October 24, 2006, Folds released \"Supersunnyspeedgraphic, the LP\", a compilation of songs that were originally released on the EPs \"Sunny 16\", \"Speed Graphic\", and \"Super D\". He announced on his MySpace blog that he planned to work on his next studio album in October 2006 (although recording did not actually start until 2007). On that same day, Folds became the first person to webcast a live-by-request concert over MySpace. The concert was complete with pranks staged ahead of time", + "score": 0.7041015625 + }, + { + "id": "4092914", + "title": "Ben Folds Five (album)", + "text": "Ben Folds Five (album) Ben Folds Five is the self-titled debut studio album by American alternative rock band Ben Folds Five, released in 1995. A non-traditional rock album, it featured an innovative indie-pop sound, and excluded lead guitars completely. The album was released on the small independent label Passenger Records, owned by Caroline Records, a subsidiary of Virgin/EMI. \"Ben Folds Five\" received positive reviews, and spawned five singles. The record failed to chart, but sparked an intense bidding war eventually won by Sony Music. Several live versions of songs originally released on \"Ben Folds Five\" reappeared later as b-sides or", + "score": 0.70361328125 + }, + { + "id": "11823971", + "title": "Zac Brown Band", + "text": "Foo Fighters track \"Congregation\" that was recorded for their eighth studio album, \"Sonic Highways\". The track was recorded at Southern Ground Studios in Nashville. In 2016, Zac Brown formed a side-project, Sir Rosevelt, that released several singles and announced an album that was released December 15, 2017. Brown also appeared in a 2016 episode of \"Treehouse Masters\" on Animal Planet. Zac Brown Band re-recorded the song \"From Now On\" from \"The Greatest Showman\", as part of a compilation album, \"The Greatest Showman: Remimagined\". The album was released on November 16, 2018. In 2015, Forbes estimated that Zac Brown Band's annual", + "score": 0.70361328125 + }, + { + "id": "16489245", + "title": "BEN (Adair Lion song)", + "text": "\"Ben\" with the name also serving as an acronym for \"Better Everything Now.\" The single is a part of Lion's forthcoming album \"Michael & Me\" to be released June 25, the anniversary of the death of Michael Jackson. Lion's intention was to bring focus to how homophobic expressions, common in the hip-hop community, are part of a larger problem, and that leading voices of hip hop shouldn't turn their backs on their LGBT friends and family. One of the often quoted lyrics is \"'Gay is OK' may be the No. 1 thing a rapper shouldn't say.\" Equality Texas named Lion", + "score": 0.70361328125 + }, + { + "id": "5298915", + "title": "Benny Benassi", + "text": "On 23 January 2011, Benny Benassi released the music video for \"Electroman\", a single featuring T-Pain. Benassi produced the track \"Beautiful People\", off Chris Brown's 2011 album \"F.A.M.E.\" and off Benassi's album Electroman, released June 7 the same year. \"Electroman\" includes several singles, such as \"Cinema\", \"Electroman\", \"Spaceship\" and \"Control\". In 2012, Benassi worked a second time with Chris Brown. He contributed to \"Don't Wake Me Up\" which was released as the fourth single of Brown's fifth studio album \"Fortune\". Benny Benassi also worked with Madonna, producing three tracks for her latest album \"MDNA\": Second single \"Girl Gone Wild\", \"I'm", + "score": 0.703125 + }, + { + "id": "14793825", + "title": "Ben Rector", + "text": "supported fellow Nashville artist Matt Wertz's \"Weights & Wings\" national release tour, and performed on the VH1 Best Cruise Ever with many artists including Train, The Script, Colbie Caillat and Lifehouse. \"Something Like This\" was released September 2011. In mid-2011, Rector co-produced Steve Moakler's \"Watching Time Run\". Following the release of \"Something Like This\" Rector headlined the \"Good Time Tour\" which spanned 25 cities with Andrew Belle and Graham Colton as support. Over half of the shows sold out in advance. Rector was featured as direct support for a US coast-to-coast tour with Needtobreathe during their \"The Reckoning\" Tour in", + "score": 0.703125 + }, + { + "id": "1673330", + "title": "Ben Folds", + "text": "As Folds put it, \"Jeff Buckley was being signed at that time by Columbia and I was talking to Steve, his A&R guy, and somehow we knew the same people or something.\" In 1995, Ben Folds Five released their self-titled debut album. The debut was followed by \"Whatever and Ever Amen\" in 1997, and the odds-and-ends compilation \"Naked Baby Photos\" was released in early 1998. \"Whatever and Ever Amen\" spawned many singles such as \"Brick\", \"Song for the Dumped\", and \"Battle of Who Could Care Less\". In 1999, the band released what was to be their final album for over", + "score": 0.7021484375 + } + ], + "answer": "Benjamin Evans Rector is an American singer, songwriter and record producer based in Nashville, Tennessee. He has released seven studio albums, including Magic which released on June 22, 2018, which peaked at No. 1 on the Billboard Americana/Folk Albums chart and No. 44 on the Billboard 200. Brand New which released on August 28, 2015, and peaked at number 9 on the Billboard 200. Older albums such as Something Like This, released on September 13, 2011 and The Walking in Between, came out August 20, 2013. " + }, + { + "qa_pairs": [ + { + "context": "The 2010 FIFA World Cup Final (also known as the Battle of Johannesburg) was a football match that took place on 11 July 2010 at Soccer City in Johannesburg, South Africa, to determine the winner of the 2010 FIFA World Cup. Spain defeated the Netherlands 1\u20130 with a goal from Andr\u00e9s Iniesta four minutes from the end of extra time. English referee Howard Webb was selected to officiate the match, which was marked by an unusually high number of yellow cards.", + "question": "Which world cup did spain win their first men's fifa world cup?", + "short_answers": [ + "19th FIFA World Cup", + "2010 FIFA World Cup" + ], + "wikipage": "2010 FIFA World Cup Final" + }, + { + "context": "The final was played on 11 July 2010 at Soccer City, Johannesburg. Spain defeated the Netherlands 1\u20130, after an extra time goal by Andr\u00e9s Iniesta. The win gave Spain its first World Cup title. It was the first time since England in 1966 that the winners of the final wore their second-choice strip.", + "question": "What date did spain win their first men's fifa world cup?", + "short_answers": [ + "11 July 2010" + ], + "wikipage": "2010 FIFA World Cup Final" + }, + { + "context": "No context provided", + "question": "What date did spain win their first men's FIBA world cup?", + "short_answers": [ + "September 3, 2006" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Which world cup did spain win their first men's FIBA world cup?", + "short_answers": [ + "15th FIBA World Championship", + "2006 FIBA World Championship" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "2010 FIFA World Cup Final", + "url": "https://en.wikipedia.org/wiki/2010%20FIFA%20World%20Cup%20Final" + }, + { + "title": "Spain men's national basketball team", + "url": "https://en.wikipedia.org/wiki/Spain%20men%27s%20national%20basketball%20team" + }, + { + "title": "Men's FIH Hockey World Cup", + "url": "https://en.wikipedia.org/wiki/Men%27s%20FIH%20Hockey%20World%20Cup" + }, + { + "title": "Spain at the FIFA World Cup", + "url": "https://en.wikipedia.org/wiki/Spain%20at%20the%20FIFA%20World%20Cup" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The Spain men's national basketball team (Spanish: Selecci\u00f3n Espa\u00f1ola de Baloncesto) represents Spain in international basketball competitions.", + "wikipage": "Spain men's national basketball team" + } + ], + "long_answer": "Spain\u2019s national soccer team won their first world cup at the 2010 FIFA World Cup on 11 July 2010. That was the 19th FIFA World Cup. Spain\u2019s men\u2019s national basketball team won their first FIBA world cup on September 3, 2006, at the 15th FIBA World Championship, called the 2006 FIBA World Championship." + }, + { + "knowledge": [ + { + "content": "With both the Netherlands and Spain attempting to win their first FIFA World Cup, the 2010 final became the sixth final to be contested between non-former champions after 1930, 1934, 1954, 1958, and 1978.", + "wikipage": "2010 FIFA World Cup Final" + }, + { + "content": "The 2010 FIFA World Cup was the 19th FIFA World Cup, the world championship for men's national football teams.", + "wikipage": "2010 FIFA World Cup" + }, + { + "content": "The 2006 FIBA World Championship was the 15th FIBA World Championship, the international basketball world championship for men's teams.", + "wikipage": "2006 FIBA World Championship" + }, + { + "content": "The tournament was won by Spain, who, in the championship final, beat Greece, 70\u201347, to finish the tournament having won all nine games played.", + "wikipage": "2006 FIBA World Championship" + } + ], + "long_answer": "On September 3, 2006, Spain won the the 2006 FIBA World Championship, the 15th FIBA World Championship, which is the international basketball world championship for men's teams. Spain beat Greece in the championship final, 70\u201347, to finish the tournament having won all nine games played. Spain also won the 2010 FIFA World Cup, the 19th FIFA World Cup, which is the world championship for men's national football teams on 11 July 2010 at Soccer City in Johannesburg, South Africa. Both the Netherlands and Spain were attempting to win their first FIFA World Cup, but Spain defeated the Netherlands 1\u20130. " + } + ], + "sample_id": "7204208827008494698", + "question": "When did spain win their first world cup?", + "docs": [ + { + "id": "3018020", + "title": "Spain national football team", + "text": "the silver medal. Spain qualified for their first FIFA World Cup in 1934, defeating Brazil in their first game and losing in a replay to the hosts and eventual champions Italy in the quarter-finals. The Spanish Civil War and World War II prevented Spain from playing any competitive matches between the 1934 World Cup and the 1950 edition's qualifiers. At the 1950 finals in Brazil, they topped their group to progress to the final round, then finished in fourth place. Until 2010, this had been Spain's highest finish in a FIFA World Cup finals, which had given them the name", + "score": 0.7724609375, + "summary": "Spain qualified for their first FIFA World Cup in 1934 and lost in a replay to Italy in the quarter-finals. However, there is no information about when Spain won their first World Cup, so the answer is \"irrelevant\".", + "extraction": "Spain won their first FIFA World Cup in an irrelevant span, as the passage mentions that their highest finish until 2010 was fourth place." + }, + { + "id": "3018021", + "title": "Spain national football team", + "text": "of the \"underachievers\". Spain won its first major international title when hosting the 1964 European Championship held in Spain, defeating the Soviet Union 2\u20131 in the final at the Santiago Bernab\u00e9u Stadium. The victory would stand as Spain's lone major title for 44 years. Spain was selected as host of the 1982 FIFA World Cup, reaching the second round, and four years later they reached the quarter-finals before a penalty shootout defeat to Belgium. Javier Clemente was appointed as Spain's coach in 1992, leading them to the quarter-finals of the 1994 World Cup. The match became controversial when Italian defender", + "score": 0.7587890625, + "summary": "Spain won their first major international title in 1964, defeating the Soviet Union 2-1 in the final at the Santiago Bernab\u00e9u Stadium.", + "extraction": "Spain won its first major international title when hosting the 1964 European Championship held in Spain." + }, + { + "id": "17956430", + "title": "History of the Spain national football team", + "text": "its quarter-final tie with the Soviet Union because of political disagreements between Spain's dictator, Francisco Franco, and the Soviets. The Spaniards, led by Alfredo Di St\u00e9fano, qualified for the 1962 World Cup, beating Wales 3\u20132 over two legs to advance to the UEFA/CAF play-off where they would beat Morocco 4\u20132 over two legs to advance to the final. Spain won its first major international title after winning the 1964 European Championship held in Spain. Spain was able to defeat a highly favored Hungary side 2\u20131 to advance to the final against the Soviet Union, which General Franco refused to play", + "score": 0.75537109375, + "summary": "Spain won their first major international title by winning the 1964 European Championship, held in Spain. However, the document does not provide information on when Spain won their first World Cup.", + "extraction": "Spain won its first major international title after winning the 1964 European Championship held in Spain." + }, + { + "id": "17956423", + "title": "History of the Spain national football team", + "text": "History of the Spain national football team The history of the Spain national football team dates back to the team's formation and first ever international match in 1920. The Spain national football team has experienced a number of successes, most notably their victory at the 2010 FIFA World Cup. The first Spain national football team was constituted in 1920, with the main objective of finding a team that would represent Spain at the Summer Olympics held in Belgium in that same year. Spain made their much anticipated debut at the tournament on 28 August 1920 against the national team of", + "score": 0.75, + "summary": "Spain won their first World Cup in 2010.", + "extraction": "Spain won their first world cup in 2010." + }, + { + "id": "14752096", + "title": "Spain at the FIFA World Cup", + "text": "Spain at the FIFA World Cup This is a record of Spain's results at the FIFA World Cup. Spain is one of only eight countries ever to have won the FIFA World Cup, which it did at the 2010 FIFA World Cup, in South Africa, the first time the team had reached the final. The team is one of the most present at the World Cup finals, with 15 appearances out of the 21 tournaments. Spain reached fourth-place in 1950, and has reached the quarter-finals four times. The Spanish team has also won three UEFA European Football Championships, in 1964,", + "score": 0.74951171875, + "summary": "Spain won their first World Cup in 2010 in South Africa.", + "extraction": "Spain won their first world cup at the 2010 FIFA World Cup in South Africa." + }, + { + "id": "17956434", + "title": "History of the Spain national football team", + "text": "But Spain were eliminated after Austria's two victories and one loss, and Brazil's one win and two draws meant that Spain had a worse record than both. In 1980, for the first time since 1964, Spain qualified for the European Championships, again held in Italy. However, they were eliminated in the group stage after two 2\u20131 losses against Belgium and England and a draw against hosts Italy. In 1976, Spain was selected as host of the 1982 World Cup. This edition of the World Cup featured 24 teams for the first time. Expectations were high for Spain as the host", + "score": 0.7470703125, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "7448527", + "title": "Spain national rugby union team", + "text": "to the next pool round with Scotland. They finished second and qualified for their first Rugby World Cup. For the 1999 Rugby World Cup, Spain were in Pool A, along with Scotland, South Africa and Uruguay. Their first ever World Cup game was played against Uruguay, with Spain losing 27\u201315. They lost their subsequent pool games to Scotland and the Springboks by 40 points, both of which were played at Murrayfield. They failed to score a try in the tournament, the only team in the World to have qualified but not scored a try in the World cup. Spain began", + "score": 0.744140625, + "summary": "irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "20735096", + "title": "1934 FIFA World Cup final tournament", + "text": "1934 FIFA World Cup final tournament The final tournament of the 1934 FIFA World Cup was a single-elimination tournament involving the 16 teams which qualified for the tournament. The tournament began with the round of 16 on 27 May and concluded with the final on 10 June 1934. Italy won the final 2\u20131 for their first World Cup title.
Brazil \u2013 who had only kept Carvalho Leite from the squad participating in the previous edition of the World Cup \u2013 were outclassed by Spain in the first half, who scored thrice. In the second half,", + "score": 0.73876953125, + "summary": "Spain's win in the 1934 FIFA World Cup is not mentioned in the document. Irrelevant.", + "extraction": "Spain's first World Cup win is not mentioned in the given passage. The passage is irrelevant to the question." + }, + { + "id": "17956456", + "title": "History of the Spain national football team", + "text": "defeating Germany 1\u20130 via a headed goal from Carles Puyol. In the final four minutes of extra time during the World Cup final in Johannesburg against the Netherlands, Andr\u00e9s Iniesta scored a single goal from a pass given by Cesc F\u00e0bregas, winning the World Cup for Spain for the first time in their history. In this physical match, Spain received five yellow cards while the Netherlands received nine, as well as one red card, the highest total of cards for a World Cup final in history. Spain won the World Cup by only scoring eight goals and conceding two, which", + "score": 0.73681640625, + "summary": "Spain won their first World Cup in Johannesburg against the Netherlands, with Andr\u00e9s Iniesta scoring the winning goal in the final four minutes of extra time. The match was physical with Spain receiving five yellow cards and the Netherlands receiving nine, as well as one red card. Spain scored eight goals and conceded two throughout the tournament.", + "extraction": "\"winning the World Cup for Spain for the first time in their history.\"" + }, + { + "id": "17956454", + "title": "History of the Spain national football team", + "text": "9 September 2009, Spain secured its place at the 2010 World Cup finals in South Africa after beating Estonia 3\u20130 in M\u00e9rida. Spain went on to record a perfect World Cup qualifying record with ten wins out of ten in Group 5, finishing with a 5\u20132 victory over Bosnia and Herzegovina on 14 October 2009. The Spanish team entered the 2010 World Cup ranked number 2 on the FIFA rankings and as clear favorites to win the tournament. \"See also: 2010 FIFA World Cup, 2010 FIFA World Cup Group H and 2010 FIFA World Cup Final\" The 2010 World Cup", + "score": 0.73388671875, + "summary": "Spain won their first world cup in 2010, as they entered the tournament as clear favorites and finished with a perfect qualifying record.", + "extraction": "Spain won their first world cup in 2010." + }, + { + "id": "707623", + "title": "1954 FIFA World Cup", + "text": "over Zaire (9\u20130) in 1974 and Hungary over El Salvador (10\u20131) in 1982. West Germany also became the first team to win the World Cup after having lost a match at the finals (losing 8\u20133 to Hungary in the group stage). This feat was subsequently repeated by West Germany in 1974, Argentina in 1978 and Spain in 2010, who all lost group matches 1\u20130. Coincidentally, all three teams won against Netherlands sides in the final. West Germany's 1954 victory remains the only time that a team has won the World Cup without playing any team from outside its own continent", + "score": 0.73193359375, + "summary": "Spain won their first World Cup in 2010.", + "extraction": "Spain won their first world cup in 2010." + }, + { + "id": "17956431", + "title": "History of the Spain national football team", + "text": "four years earlier. Spain would go on to win the final played in Madrid by the exact score of 2\u20131 after Marcelino broke the 1\u20131 tie in the 84th minute. The victory would stand as Spain's lone major title for 44 years. Spain qualified for the 1966 World Cup in England, drawn into a group which included West Germany and Argentina. They lost to both those teams 2\u20131 in Birmingham and Sheffield, respectively. This effectively ensured their elimination from the group stage, although they were able to gain some dignity by beating Switzerland 2\u20131. Spain then reached a low point", + "score": 0.7314453125, + "summary": "Spain won their first major title 44 years ago, but the document does not mention when they won their first World Cup.", + "extraction": "Spain won their lone major title 4 years earlier in Madrid, but it was 44 years before they won their next major title. The passage does not provide the exact year when Spain won their first world cup, thus the answer is \"irrelevant\"." + }, + { + "id": "8795757", + "title": "Spain men's national field hockey team", + "text": "Spain men's national field hockey team The Spain men's national field hockey team represents Spain in international men's field hockey and is controlled by the Royal Spanish Hockey Association, the governing body for field hockey in Spain. Spain have competed in every World Cup since the first edition in 1971. They have won the EuroHockey Nations Championship twice and both the Champions Trophy and Champions Challenge once. The following 19 players represented Spain in the 2018 World Cup in Bhubaneswar, India. Head coach: Frederic Soyez \"Caps updated as of 6 December 2018, after the match against New Zealand.\" The following", + "score": 0.72802734375, + "summary": "Irrelevant.", + "extraction": "Spain won their first world cup irrelevant. (The given passage only provides information about Spain's participation in every World Cup since 1971, but does not mention when they won their first World Cup.)" + }, + { + "id": "1375586", + "title": "1982 FIFA World Cup", + "text": "Tango Espa\u00f1a. 1982 FIFA World Cup The 1982 FIFA World Cup, the 12th FIFA World Cup, was held in Spain from 13 June to 11 July 1982. The tournament was won by Italy, who defeated West Germany 3\u20131 during the final match, held in the Spanish capital of Madrid. It was Italy's third World Cup win and first since 1938. The defending champions Argentina were eliminated in the second group round. Algeria, Cameroon, Honduras, Kuwait and New Zealand made their first appearances in the finals. The tournament featured the first penalty shoot-out in World Cup competition. It was also the", + "score": 0.72802734375, + "summary": "Spain hosted the 1982 FIFA World Cup, but Italy won the tournament. There is no mention of when Spain won their first World Cup.", + "extraction": "Italy won the 1982 FIFA World Cup held in Spain from 13 June to 11 July 1982. Therefore, the answer to the question \"When did Spain win their first World Cup?\" is irrelevant as Spain did not win the 1982 FIFA World Cup." + }, + { + "id": "17956429", + "title": "History of the Spain national football team", + "text": "the final group were Uruguay, Brazil, Sweden and Spain. Spain failed to record a win (W0 D1 L2) and finished in fourth place. Until 2010, this had been Spain's highest finish in a FIFA World Cup finals, which had given them the name of the \"underachievers.\" Spain's leading scorer during the 1950 World Cup, who ended the tournament with five goals. Under French-Argentine coach Helenio Herrera and Italian assistant coach Daniel Newlan, Spain came out of dormancy to qualify for the first European Championship in 1960. Spain beat Poland 7\u20132 on aggregate to progress to the quarter-finals. However, Spain forfeited", + "score": 0.72265625, + "summary": "irrelevant", + "extraction": "irrelevant" + }, + { + "id": "3018019", + "title": "Spain national football team", + "text": "the best ever international sides in world football. Spain has been a member of FIFA since its foundation in 1904, even though the Spanish Football Federation was first established in 1909. The first Spain national football team was constituted in 1920, with the main objective of finding a team that would represent Spain at the Summer Olympics held in Belgium in that same year. Spain made their debut at the tournament on 28 August 1920 against Denmark, silver medalists at the last two Olympic tournaments. The Spanish managed to win that match by a scoreline of 1\u20130, eventually finishing with", + "score": 0.7216796875, + "summary": "Irrelevant.", + "extraction": "irrelevant" + }, + { + "id": "1375542", + "title": "1982 FIFA World Cup", + "text": "1982 FIFA World Cup The 1982 FIFA World Cup, the 12th FIFA World Cup, was held in Spain from 13 June to 11 July 1982. The tournament was won by Italy, who defeated West Germany 3\u20131 during the final match, held in the Spanish capital of Madrid. It was Italy's third World Cup win and first since 1938. The defending champions Argentina were eliminated in the second group round. Algeria, Cameroon, Honduras, Kuwait and New Zealand made their first appearances in the finals. The tournament featured the first penalty shoot-out in World Cup competition. It was also the third time", + "score": 0.7216796875, + "summary": "Italy won the 1982 FIFA World Cup held in Spain. Spain did not win their first world cup in 1982.", + "extraction": "Italy won the 1982 FIFA World Cup, held in Spain from 13 June to 11 July 1982." + }, + { + "id": "17026582", + "title": "South American nations at the FIFA World Cup", + "text": "by Argentina who beat the Netherlands 3\u20131 after extra time in the final. This win was the first World Cup title for Argentina. Controversy surrounded the hosts, however, as all of their games in the first round kicked off at night, giving the Argentines the advantage of knowing where they stood in the group. This issue would arise again in Spain 1982, which prompted FIFA to change the rules so that the final two group games in subsequent World Cups would be played simultaneously. In 1978, Argentina needed to beat Copa Am\u00e9rica holders Peru by four clear goals to reach", + "score": 0.7197265625, + "summary": "Argentina won their first World Cup title in 1978. There is no mention of Spain winning their first World Cup.", + "extraction": "irrelevant" + }, + { + "id": "16038910", + "title": "Spain national under-23 football team", + "text": "be represented by senior or amateur teams. Spain's first participation in the Olympics was in Antwerp, Belgium, in 1920. Fourteen teams entered the competition which was organized on a knockout basis. Twelve teams entered the first round, with the six winners joining the host nation (Belgium) and France, in the quarter-finals. Czechoslovakia, participating in their first international tournament, cruised to the final, inflicting heavy defeats on Yugoslavia (who played their first ever international match in the competition), Norway, and France. Belgium beat a talented Spain and then the Netherlands on their way to the final. Belgium won the gold medal", + "score": 0.71728515625, + "summary": "Irrelevant. The document discusses Spain's participation in the Olympics but does not mention when they won their first World Cup.", + "extraction": "irrelevant." + }, + { + "id": "17956457", + "title": "History of the Spain national football team", + "text": "is the lowest by any World Cup winner in both cases. Also, they are the only team not to have conceded a goal in the last four games of the tournament. Spain are the only team that has won the World Cup title after losing its opening game. Spain are only the second team to win a World Cup outside their own continent, following Brazil's wins in Sweden and Korea-Japan, which also makes Spain the first European team to win the World Cup outside of Europe (followed four years later by Germany). It is also the only European champion to", + "score": 0.71484375, + "summary": "Spain's first world cup win is irrelevant to the document.", + "extraction": "irrelevant" + }, + { + "id": "14207129", + "title": "2010 FIFA World Cup Final", + "text": "cards came in the first 90 minutes. Webb's total of 31 yellow cards throughout the tournament came to an average of 7.75 per game. Yuichi Nishimura and Toru Sagara, both from Japan, were the fourth and fifth officials respectively. The final was played on 11 July 2010 at Soccer City, Johannesburg. Spain defeated the Netherlands 1\u20130, after an extra time goal by Andr\u00e9s Iniesta. The win gave Spain its first World Cup title. It was the first time since England in 1966 that the winners of the final wore their second-choice strip. The match had the most yellow cards awarded", + "score": 0.71484375 + }, + { + "id": "5632056", + "title": "Vicente del Bosque", + "text": "a 2\u20130 defeat in the semifinal stage of the same competition against United States. On 14 October 2009, Spain joined the very small number of teams to have won all their World Cup qualifying games in a single campaign, achieving a record-breaking ten wins in ten games. In Spain's first game of the 2010 FIFA World Cup on 16 June, they lost 0\u20131 to Switzerland. Spain bounced back and won group H by winning the next two games. They faced Portugal in the Round of 16, winning 1\u20130, and defeated Paraguay in their quarter-final match, again by 1\u20130. Spain then", + "score": 0.71435546875 + }, + { + "id": "8953258", + "title": "Sport in Spain", + "text": "and Valencia have also gained prominence by winning the UEFA Europa League, with 9 titles going to Spanish teams since 2004. The Spanish national football team has been successful and has qualified for the FIFA World Cup tournament fifteen times since 1934. In 2010, Spain defeated the Netherlands in the final to win the tournament for the first time. In the European Championship they were champions in 1964, 2008 and 2012, and runners-up in 1984. Spain has won two medals in football Olympic Games tournaments. They have won a silver medal at the Sydney 2000 Olympic Games, and won a", + "score": 0.71337890625 + }, + { + "id": "16029694", + "title": "Spain at the Hopman Cup", + "text": "Spain at the Hopman Cup Spain is a nation that has competed at the Hopman Cup tournament on fourteen occasions, their first appearance coming at the 2nd annual staging of the event in 1990. They have won the tournament four times: in 1990, 2002, 2010 and 2013. They were also the runners-up on two occasions: in 1993 and 2007. This is a list of players who have played for Spain in the Hopman Cup. Having already won the two singles rubbers and thus the title, Germany conceded the mixed doubles dead rubber against Spain in the 1993 final. This gave", + "score": 0.712890625 + }, + { + "id": "14752099", + "title": "Spain at the FIFA World Cup", + "text": "goal was scored by Andr\u00e9s Iniesta, a right foot strike from inside the box after an assist by Cesc F\u00e0bregas. Iker Casillas has captained Spain to their World Cup title in 2010 and won the Golden Glove award for best keeper at the same tournament. No Spanish player has ever won the Golden Boot, but Emilio Butrague\u00f1o and Spain's record World Cup scorer David Villa have each won the Silver Boot after scoring five goals in 1986 and 2010 respectively. Spain at the FIFA World Cup This is a record of Spain's results at the FIFA World Cup. Spain is", + "score": 0.7119140625 + }, + { + "id": "1375543", + "title": "1982 FIFA World Cup", + "text": "(1934 and 1966) that all four semifinalists were European. In the first round of Group 3, Hungary defeated El Salvador 10\u20131, equalling the largest margin of victory recorded in the finals (Hungary over South Korea 9\u20130 in 1954, and Yugoslavia over Zaire 9\u20130 in 1974). Spain was chosen as the host nation by FIFA in London, England on 6 July 1966. Hosting rights for the 1974 and 1978 tournaments were awarded at the same time. West Germany agreed a deal with Spain by which Spain would support West Germany for the 1974 tournament, and in return West Germany would allow", + "score": 0.71142578125 + }, + { + "id": "16029695", + "title": "Spain at the Hopman Cup", + "text": "the Germans a 2\u20131 victory overall.
Spain at the Hopman Cup Spain is a nation that has competed at the Hopman Cup tournament on fourteen occasions, their first appearance coming at the 2nd annual staging of the event in 1990. They have won the tournament four times: in 1990, 2002, 2010 and 2013. They were also the runners-up on two occasions: in 1993 and 2007. This is a list of players who have played for Spain in the Hopman Cup. Having already won the two singles rubbers and thus the title, Germany conceded the mixed doubles dead rubber against Spain", + "score": 0.7109375 + }, + { + "id": "17956472", + "title": "History of the Spain national football team", + "text": "and Nacho the last one. Cristiano Ronaldo made a hat-trick for Portugal. Spain won the second match against Iran with a goal by Diego Costa. \"Note: A = Away kits, T = Third kits, otherwise Home kits.\" History of the Spain national football team The history of the Spain national football team dates back to the team's formation and first ever international match in 1920. The Spain national football team has experienced a number of successes, most notably their victory at the 2010 FIFA World Cup. The first Spain national football team was constituted in 1920, with the main objective", + "score": 0.7099609375 + }, + { + "id": "8815212", + "title": "Spain women's national football team", + "text": "where it was defeated 2\u20131 by Italy. All three goals were scored by \u00c1ngeles Parejo. This success was followed by a long series of unsuccessful qualifiers. In the 1999 World Cup's qualifying Spain ended last for the first time, not winning a single game. In the 2001 Euro's it made it to the repechage, where it suffered a 3\u201310 aggregate defeat against Denmark. In the 2003 World Cup's it again ended last despite starting with a 6\u20131 win over Iceland. In the 2005 Euro's, where a 9\u20131 win over Belgium was followed by a 5-game non scoring streak, it ended", + "score": 0.7099609375 + }, + { + "id": "701790", + "title": "1950 FIFA World Cup", + "text": "1950 FIFA World Cup The 1950 FIFA World Cup, held in Brazil from 24 June to 16 July 1950, was the fourth FIFA World Cup. It was the first World Cup since 1938, the planned 1942 and 1946 competitions having been cancelled due to World War II. It was won by Uruguay, who had won the inaugural competition in 1930. They clinched the cup by beating the hosts Brazil 2\u20131 in the deciding match of the four-team final group. This was the only tournament not decided by a one-match final. It was also the first tournament where the trophy was", + "score": 0.70849609375 + }, + { + "id": "701812", + "title": "1950 FIFA World Cup", + "text": "1950 FIFA World Cup The 1950 FIFA World Cup, held in Brazil from 24 June to 16 July 1950, was the fourth FIFA World Cup. It was the first World Cup since 1938, the planned 1942 and 1946 competitions having been cancelled due to World War II. It was won by Uruguay, who had won the inaugural competition in 1930. They clinched the cup by beating the hosts Brazil 2\u20131 in the deciding match of the four-team final group. This was the only tournament not decided by a one-match final. It was also the first tournament where the trophy was", + "score": 0.70849609375 + }, + { + "id": "17956432", + "title": "History of the Spain national football team", + "text": "in its history where they failed to qualify for the 1968, 1972 and 1976 European Championships in Italy, Belgium and Yugoslavia respectively, and they also failed to qualify for the 1970 and 1974 World Cup tournaments in Mexico and West Germany respectively. This reflected the turbulent time in Spain's general history; the fascist government led by Franco was nearing the end of its reign, which effectively happened in 1975. Spain qualified for the 1978 World Cup in Argentina. This proved to be a difficult tournament for the Spanish team as they played under varying pitch conditions. Spain lost their first", + "score": 0.7080078125 + }, + { + "id": "3184996", + "title": "Uruguay national football team", + "text": "after extra time). FIFA assumed the responsibility of the organization of the Football Games to be played by FIFA rules and the tournaments would be recognized as World Championships. It only happened twice (1924/1928 Summer Olympic Games) until the creation of its own FIFA World Championship, the FIFA World Cup, in 1930. Following the double Olympic triumph, Uruguay was chosen as the host nation for the first World Cup, held in 1930, the centenary of Uruguay's first constitution. During the World Cup, Uruguay won all its matches, and converted a 1\u20132 half-time deficit to a 4\u20132 victory against Argentina at", + "score": 0.7080078125 + }, + { + "id": "3018022", + "title": "Spain national football team", + "text": "Mauro Tassotti struck Luis Enrique with his elbow inside Spain's penalty area, causing Luis Enrique to bleed profusely from his nose and mouth, but the foul was not noticed nor sanctioned by referee S\u00e1ndor Puhl. Had the official acknowledged the foul, Spain would have merited a penalty kick. In the 2002 World Cup, Spain won its three group play matches, then defeated the Republic of Ireland on penalties in the second round. They faced co-hosts South Korea in the quarter-finals, losing in a shootout after having two goals controversially called back for alleged infractions during regular and extra time. At", + "score": 0.7080078125 + }, + { + "id": "19612711", + "title": "Italy\u2013Spain football rivalry", + "text": "replay 1\u20130 win the goal coming from Giuseppe Meazza in the 11th minute. Italy went on to win their first World Cup title. On 14 June, Italy and Spain were matched up for the second match in the group stage, where Italy won 1\u20130 with the goal coming from Gianluca Vialli in the 73rd minute. Italy went on to win their last group match, while Spain lost theirs; Italy made it out of the group, while Spain did not. On 9 July, Italy won the quarter-final match up against Spain in the 1994 World Cup 2\u20131 quarter-final at Foxboro Stadium,", + "score": 0.70703125 + }, + { + "id": "14207118", + "title": "2010 FIFA World Cup Final", + "text": "the 2010 final became the sixth final to be contested between non-former champions after 1930, 1934, 1954, 1958, and 1978. The Netherlands had been beaten in the final in 1974 and 1978, while Spain's best performance had been fourth place in 1950. It was the second consecutive all-European final, and marked the first time a European team has won the trophy outside Europe. Before this game, the Netherlands and Spain had never met each other in the main tournament stages of either a World Cup or a European Championship, the two major tournaments for European international teams. In all-time head-to-head", + "score": 0.70703125 + }, + { + "id": "10853104", + "title": "Spain women's national rugby union team", + "text": "unexpected champions of the first European Championship by defeating rival France, in the final 21-6. The 1996 European brought a repeat of that final but this time the Spanish lost by 15-10. In January 1997 a tour of England took place where Spain and were in the lead against the World Champions until 10 minutes from the end of the match. Only a last minute try by England gave them the win and in European (the first where all the British teams competed) played the final but Spain came 3rd. Spain qualified for the World Championships in Amsterdam and managed", + "score": 0.70556640625 + }, + { + "id": "9482947", + "title": "Juan Jose\u0301 Nogue\u0301s", + "text": "on 12 December 1930 in a 1\u20131 draw with Racing de Santander. During his playing career with the club he helped them win the Campionat de Catalunya five times. Between 1932 and 1941 he also played 10 games for the Catalan XI. On 14 February 1934 he played against Spain at \"Les Corts\". Spain, who were preparing for the 1934 World Cup, won 2\u20130. Nogu\u00e9s was subsequently included in the Spain squad for the World Cup. He played his only game for Spain in a quarter-final replay against Italy on 1 June 1934, replacing Ricardo Zamora who had been injured", + "score": 0.70556640625 + }, + { + "id": "145444", + "title": "FIFA World Cup", + "text": "France, Romania, and Yugoslavia to make the trip. In total, 13 nations took part: seven from South America, four from Europe and two from North America. The first two World Cup matches took place simultaneously on 13 July 1930, and were won by France and the USA, who defeated Mexico 4\u20131 and Belgium 3\u20130 respectively. The first goal in World Cup history was scored by Lucien Laurent of France. In the final, Uruguay defeated Argentina 4\u20132 in front of 93,000 people in Montevideo, and became the first nation to win the World Cup. After the creation of the World Cup,", + "score": 0.70556640625 + }, + { + "id": "14207121", + "title": "2010 FIFA World Cup Final", + "text": "have won it just once as of 2010. Spain were the latest new World Champions since France's win in 1998, and they also became the first new winners to win outside their home country since Brazil in 1958 and also the first European team to win outside their own continent. Before the match Spain had an Elo rating of 2111 points and the Netherlands a rating of 2100 points. Thus, the finalists combined for 4211 points, the highest for any international football match ever played, beating the previous record of 4161 combined points for the 1954 FIFA World Cup Final", + "score": 0.70458984375 + }, + { + "id": "705170", + "title": "1934 FIFA World Cup", + "text": "1934 FIFA World Cup The 1934 FIFA World Cup was the second FIFA World Cup, the world championship for men's national association football teams. It took place in Italy from 27 May to 10 June 1934. The 1934 World Cup was the first for which teams had to qualify to take part. Thirty-two nations entered the competition, and after qualification, 16 teams participated in the finals tournament. Reigning champions Uruguay refused to participate due to the fact that just four European teams had accepted their invitation to the 1930 tournament. Italy became the second World Cup champions and the first", + "score": 0.7041015625 + }, + { + "id": "14207120", + "title": "2010 FIFA World Cup Final", + "text": "the quarter-finals stage in 1934, 1986, 1994 and 2002, when single elimination knock-out stages featured. Spain became the 12th different country to play in a World Cup Final, and first new team since France in 1998. The Netherlands played in its third final without a win, surpassing the record it had shared with Hungary and Czechoslovakia. Overall, Germany leads with four final losses. It was the first World Cup final not to feature at least one of Brazil, Italy, Germany or Argentina. Spain became just the eighth country to win the World Cup, joining England and France as nations who", + "score": 0.70361328125 + }, + { + "id": "1448610", + "title": "2010 FIFA World Cup", + "text": "world title. Spain became the eighth nation to win the tournament and the first European nation to win a World Cup hosted outside its home continent: all previous World Cups held outside Europe had been won by South American nations. They are also the only national team since 1978 to win a World Cup after losing a game in the group stage. As a result of their win, Spain represented the World in the 2013 FIFA Confederations Cup. Host nation South Africa and both 2006 World Cup finalists Italy and France were all eliminated in the first round of the", + "score": 0.70263671875 + }, + { + "id": "6187080", + "title": "Spain men's national basketball team", + "text": "2006 Prince of Asturias Award in Sports. The first game in the history of the selection was a qualifier for the EuroBasket 1935, where Spain defeated the team of Portugal by 33\u201312. This event, which was held in Geneva in the summer of 1935 was the first EuroBasket game in history. Spain finished 2nd and qualified for the 1936 Summer Olympics in Berlin where basketball was introduced for the first time. After several tries, Spain won its first continental championship in 2009, repeating its success in 2011 and 2015. Besides success at the \"Big Three\" events (Summer Olympic Games, FIBA", + "score": 0.7021484375 + }, + { + "id": "9767309", + "title": "Spain Davis Cup team", + "text": "2014, competed for 18 consecutive years, returning in 2017, after winning the World Group playoffs the previous year. Spain competed in its first Davis Cup in 1921 but didn't reach the final round until 1965, when the team led by Jaime Bartroli lost to Australia. They reached the final again two years later but though they had great players such as Manuel Santana and Manuel Orantes, Spain lost against Roy Emerson and company again. Spanish fans had to wait 33 years in 2000, to see their team play another Davis Cup final, but this time the Spanish team defeated the", + "score": 0.70166015625 + }, + { + "id": "17956428", + "title": "History of the Spain national football team", + "text": "World Cup and the 1950 World Cup qualifiers, where they overcame Iberian rivals Portugal, who later declined an invitation to take part, with a 5\u20131 win and 2\u20132 draw. At the finals in Brazil, they topped their group against England, Chile and the United States to progress to the final round. For the first, and so far only time in the history of the FIFA World Cup, the winner was decided, not by a single championship match, but via a group format involving the four teams who had won their respective groups in the previous stage. The four teams in", + "score": 0.70166015625 + }, + { + "id": "18807600", + "title": "2006 FIBA World Championship Final", + "text": "2006 FIBA World Championship Final The 2006 FIBA World Championship Final was a basketball game between the men's national teams of Greece and the Spain that took place on September 3, 2006, at the Saitama Super Arena in Saitama, Japan. It was the first Final appearance for Spain, whose best achievement in the World Cup was the fourth place in 1982. Greece also made its first Final appearance, after finishing fourth in the last two tournaments. Spain won the Final 47\u201370, and won its first World Cup title. Also, Spain qualified for the 2008 Summer Olympics. Spain had to play", + "score": 0.70166015625 + }, + { + "id": "7570987", + "title": "History of the FIFA World Cup", + "text": "would have no hope in a single year of planning and scheduling a 1946 World Cup. In fact, FIFA\u2019s first meeting was on July 1, 1946 \u2013 around the time the 1946 World Cup would ordinarily have been played \u2013 and when it planned the next World Cup for 1949 no country would host it. The major international tournament in 1946 was the 1946 South American Championship in which Argentina beat Brazil 2\u20130 on February 10, 1946. Competitions resumed with the 1950 World Cup in Brazil, which was the first to include British participants. British teams withdrew from FIFA in", + "score": 0.701171875 + }, + { + "id": "10853105", + "title": "Spain women's national rugby union team", + "text": "a creditable 7th place. Spain again reached the European final in 1999 against France, losing 13-5, after beating Wales (14-8) and Scotland (11-9). The 2002 World Cup was held in Barcelona, New Zealand retaining its title in defeating (19-9) to England in the final at the Olympic Stadium Lluis Companys. France took the bronze after beating Canada (41-7), while Spain finished in 8th place after yielding to the United States (23-5). Spain were also members of the Five and Six Nations from 2000 to 2006, finishing third on three occasions and winning 10 of the 33 games they played. However,", + "score": 0.7001953125 + }, + { + "id": "14207117", + "title": "2010 FIFA World Cup Final", + "text": "2010 FIFA World Cup Final The 2010 FIFA World Cup Final (also known as the Battle of Johannesburg) was a football match that took place on 11 July 2010 at Soccer City in Johannesburg, South Africa, to determine the winner of the 2010 FIFA World Cup. Spain defeated the Netherlands 1\u20130 with a goal from Andr\u00e9s Iniesta four minutes from the end of extra time. English referee Howard Webb was selected to officiate the match, which was marked by an unusually high number of yellow cards. With both the Netherlands and Spain attempting to win their first FIFA World Cup,", + "score": 0.7001953125 + }, + { + "id": "1448639", + "title": "2010 FIFA World Cup", + "text": "least one of Brazil, Italy, Germany or Argentina. Germany defeated Uruguay 3\u20132 to secure third place. Germany holds the record for most third-place finishes in the World Cup (4), while Uruguay holds the record for most fourth-place finishes (3). The final was held on 11 July 2010 at Soccer City, Johannesburg. Spain defeated the Netherlands 1\u20130, with an extra time goal from Andr\u00e9s Iniesta. Iniesta scored the latest winning goal in a FIFA World Cup final (116'). The win gave Spain their first World Cup title, becoming the eighth team to win it. This made them the first new winner", + "score": 0.69970703125 + }, + { + "id": "16853646", + "title": "Spain in the Eurovision Song Contest 2013", + "text": "the Eurovision Song Contest fifty-one times since its first entry in the 1961 edition. The nation has won the contest on two occasions: in the 1968 competition with the song \"La, la, la\" performed by Massiel and in the 1969 edition with the song \"Vivo cantando\" performed by Salom\u00e9, the latter having won in a four-way tie with France, the Netherlands and the United Kingdom. Spain has also finished second four times, with Karina in the 1971 edition, Mocedades in the 1973 contest, Betty Missiego in the 1979 competition and Anabel Conde in the 1995 event. In the 2012 edition,", + "score": 0.69921875 + }, + { + "id": "7448525", + "title": "Spain national rugby union team", + "text": "just barely behind Romania, Italy, and the Soviet Union. Spain officially joined the IRB in 1987, after not being invited for the 1987 Rugby World Cup, despite the USSR declining an invitation. The 1990s provided a mixed fortune of both near misses and eventual success. In the 1991 qualifying rounds, Spain easily toppled its first group consisting of the Netherlands, Poland and Belgium, all games being played at home. However, Spain very narrowly missed on qualifying for the Rugby World Cup, losing 19\u20136 against Romania, finishing third behind Italy and Romania. In 1992, Spain finally beat Romania for the first", + "score": 0.69873046875 + }, + { + "id": "704866", + "title": "1930 FIFA World Cup", + "text": "the United States and Yugoslavia each won their respective groups to qualify for the semi-finals. In the final, hosts and pre-tournament favourites Uruguay defeated Argentina 4\u20132 in front of a crowd of 68,346 people, and became the first nation to win the World Cup. The first World Cup was the only one without qualification. Every country affiliated with FIFA was invited to compete, and given a deadline of 28 February 1930 to accept. Plenty of interest was shown by nations in the Americas; Argentina, Brazil, Bolivia, Chile, Mexico, Paraguay, Peru and the United States all entered. A total of seven", + "score": 0.6982421875 + }, + { + "id": "1375511", + "title": "1978 FIFA World Cup", + "text": "1978 FIFA World Cup The 1978 FIFA World Cup, the 11th staging of the FIFA World Cup, quadrennial international football world championship tournament, was held in Argentina between 1 and 25 June. The Cup was won by the Argentine hosts, who defeated the Netherlands 3\u20131 in the final, after extra time. The final was held at River Plate's home stadium, Estadio Monumental, in the Argentine capital of Buenos Aires. This win was the first World Cup title for Argentina, who became the fifth team (after Uruguay, Italy, England and West Germany) to be both hosts and world champions. Argentina, the", + "score": 0.6982421875 + }, + { + "id": "6187079", + "title": "Spain men's national basketball team", + "text": "Then, beginning in 1974 Spain developed into a serious competitor and regularly finished among the tournaments top performers for years to come. At the 2006 FIBA World Championship, the Spanish team finally achieved the ultimate victory, the greatest success in its history. The date was 3 September 2006, as Spain won the gold medal game against the Greek national team. Held in the Saitama Super Arena in Japan, the game ended with a final score of 70\u201347. Pau Gasol was named the tournament MVP, and Jorge Garbajosa also made the All-Tournament team. Shortly afterwards, the team were awarded with the", + "score": 0.6982421875 + }, + { + "id": "1375541", + "title": "1978 FIFA World Cup", + "text": "1978 FIFA World Cup The 1978 FIFA World Cup, the 11th staging of the FIFA World Cup, quadrennial international football world championship tournament, was held in Argentina between 1 and 25 June. The Cup was won by the Argentine hosts, who defeated the Netherlands 3\u20131 in the final, after extra time. The final was held at River Plate's home stadium, Estadio Monumental, in the Argentine capital of Buenos Aires. This win was the first World Cup title for Argentina, who became the fifth team (after Uruguay, Italy, England and West Germany) to be both hosts and world champions. Argentina, the", + "score": 0.6982421875 + }, + { + "id": "3108147", + "title": "Culture of Uruguay", + "text": "before the FIFA World Cup began in 1930, hence the four stars on the Uruguayan jersey. The first World Cup, which Uruguay won, was held in 1930 in Montevideo. The Estadio Centenario was built for the World Cup, and serves to this day as the country's main football stadium. Uruguay also won the World Cup in 1950, beating Brazil in Rio de Janeiro at the Est\u00e1dio do Maracan\u00e3. The event has had astounding impacts on the history of the sport, due to Brazil being a heavily favoured team at that time, and is also known as the \"Maracanazo\". Uruguay has", + "score": 0.69775390625 + }, + { + "id": "13530384", + "title": "1903 Copa del Rey", + "text": "win: they count the 1903 cup as its first. 1903 Copa del Rey The Copa del Rey 1903 was the first official staging of the Copa del Rey, the Spanish football cup competition. It followed the 1902 Copa de la Coronaci\u00f3n, held to celebrate the coronation of King Alfonso XIII of Spain, which was won by Club Vizcaya de Bilbao (a temporary combination of and Athletic Bilbao) and given to them permanently. The competition was played on April 6, 7 and 8, 1903. Three teams took part: Athletic Bilbao, Espanyol of Barcelona and Madrid CF. It took the form of", + "score": 0.69677734375 + }, + { + "id": "9039722", + "title": "Spain at the 1920 Summer Olympics", + "text": "Dom\u00ednguez's 25th-place finish in the cross country was the only time a Spanish athlete competed in, and finished, an event final. Spain competed in the Olympic football tournament for the first time. The team compiled a record of 4\u20131 on the way to a silver medal; the four wins were the most of any team in 1920. A first-round win over Denmark set up a quarterfinal contest against eventual gold-medalists Belgium\u2014Spain's only loss. In the consolation tournament, the Spanish squad won its matches against Sweden and Italy to advance to the silver medal game against the Netherlands, which Spain won.", + "score": 0.6962890625 + }, + { + "id": "14586641", + "title": "2010 FIFA World Cup knockout stage", + "text": "one of \"absolute class,\" but admitted the suspension of M\u00fcller for picking up a yellow card was a blow. On 3 July 2010, Spain defeated Paraguay 1\u20130, to secure entry to the semi-finals where they would meet Germany. It was the first time that Spain had progressed to the semi-final of a World Cup since 1950; while for Paraguay, the quarter-final appearance was also the country's best ever performance. The first half of the match finished goalless, although both sides had chances to score and Paraguay's Nelson Valdez had a goal ruled out as offside. The match suddenly became eventful", + "score": 0.69580078125 + }, + { + "id": "3140641", + "title": "2014 FIFA World Cup", + "text": "the largest number of goals in the group stage since the 32-team system was implemented in 1998 and the largest average in a group stage since 1958. World Cup holders Spain were eliminated after only two games, the quickest exit for the defending champions since Italy's from the 1950 tournament. Spain also became the fourth nation to be eliminated in the first round while holding the World Cup crown, the first one being Italy in 1950 (and again in 2010), the second Brazil in 1966, and the third France in 2002. Scores after extra time are indicated by (aet), and", + "score": 0.69580078125 + }, + { + "id": "13544214", + "title": "1919 Copa del Rey", + "text": "1919 Copa del Rey The Copa del Rey 1919 was the 19th staging of the Copa del Rey, the Spanish football cup competition. The competition started on April 12, 1919, and concluded on May 18, 1919, with the Final, held at the Mart\u00ednez Campos in Madrid, in which Arenas Club de Getxo lifted the trophy for the first time ever with a 5\u20132 victory over FC Barcelona. Sevilla FC qualified for the semifinals, as CD \u00c1guilas withdrew before the start of the tournament. \"Arenas Club de Getxo and Racing de Madrid won one match each. At that year, the goal", + "score": 0.6953125 + }, + { + "id": "6314060", + "title": "Spain in the Eurovision Song Contest", + "text": "since the country's debut in 1961. The only country with a longer run of uninterrupted Eurovision appearances is the United Kingdom, ever-present since 1959. Spain has won the contest twice, first in 1968 with the song \"La, la, la\" sung by Massiel and again in 1969, when Salom\u00e9's \"Vivo cantando\" was involved in a four-way tie with France, the Netherlands and the United Kingdom. The 1969 contest in Madrid is the only time Spain has hosted the event, since lots were drawn after 1969's four way tie and the contest was hosted by the Netherlands. Spain has also finished second", + "score": 0.69384765625 + }, + { + "id": "3140646", + "title": "2014 FIFA World Cup", + "text": "1986 and 1990. This marked the first time that teams from the same continent had won three consecutive World Cups (following Italy in 2006 and Spain in 2010). It was also the first time that a European nation had won the World Cup in the Americas. On aggregate Europe then had 11 victories, compared to South America's 9 victories. In total, 171 goals were scored by a record 121 players, with five credited as own goals. Goals scored from penalty shoot-outs are not counted. The most notable disciplinary case was that of Uruguayan striker Luis Su\u00e1rez, who was suspended for", + "score": 0.69384765625 + }, + { + "id": "14752097", + "title": "Spain at the FIFA World Cup", + "text": "2008 and 2012 and the Olympic football tournament in 1992. The Spanish team went to the 2010 World Cup in South Africa as European Champions and enjoyed a record unbeaten streak of 35 matches from 2007 to 2009. Although they lost their first match against Switzerland by 1-0, they went on to win the group after victories over Honduras and Chile while the Swiss failed to win another match and were eliminated. The Spanish team won all three following knockout matches by 1-0, always scoring in the second half of regular time. The opponents were Portugal, Paraguay and Germany. It", + "score": 0.693359375 + }, + { + "id": "14682380", + "title": "1942\u201343 Copa Me\u0301xico", + "text": "the Cup Tournament of 1942-43 season was the first one in the Professional Era. Group A Results Group B Results \"Moctezuma Won the cup\" 1942\u201343 Copa M\u00e9xico The Copa M\u00e9xico 1942\u201343 Copa M\u00e9xico, was the 27th staging of this Mexican football cup competition. The competition started on May 30, 1943, and concluded on September 19, 1943, with the final, held at the Parque Asturias in M\u00e9xico DF, in which Moctezuma lifted the trophy for first time. On April 1943 in an initiative of Am\u00e9rica and Atlante started the professional era in Mexican soccer, Necaxa didn't accept that resolution and decided", + "score": 0.693359375 + }, + { + "id": "17956424", + "title": "History of the Spain national football team", + "text": "Denmark (runners-up in the last two previous Olympic tournament). The match took place at the Stade Joseph Marien in Brussels. The Spanish won that match by a scoreline of 1\u20130 thanks to a goal from Patricio Arabolaza, who thus became Spain's first international goalscorer. This match would also make Spain, at that time, the 28th nation to play a football match. In their next match stage, Spain were set to play their next game against the hosts Belgium; in that match, Spain could not come up with the victory and lost 1\u20133. Hosts Belgium ended up winning the tournament after", + "score": 0.693359375 + }, + { + "id": "3018017", + "title": "Spain national football team", + "text": "Spain national football team The Spain national football team () represents Spain in international men's association football since 1920, and is controlled by the Royal Spanish Football Federation, the governing body for football in Spain. Spain is one of the eight national teams to have been crowned worldwide champions, having participated in a total of 15 of 21 FIFA World Cups and qualifying consistently since 1978. Spain also have won three continental titles, having appeared at 10 of 15 UEFA European Championships. Spain became the first European team to win a FIFA World Cup outside Europe, having won the 2010", + "score": 0.693359375 + }, + { + "id": "704897", + "title": "1930 FIFA World Cup", + "text": "30 August 2010 at the age of 100 \u2013 eighty years after the tournament. Lucien Laurent, the scorer of the first ever World Cup Goal was the last surviving Member of the France Squad and was invited in 1998 Final seeing France lifting its first ever World Cup win also as the only France member. He died in 2005 at the age of 97. 1930 FIFA World Cup The 1930 FIFA World Cup was the inaugural FIFA World Cup, the world championship for men's national association football teams. It took place in Uruguay from 13 to 30 July 1930. FIFA,", + "score": 0.69287109375 + }, + { + "id": "6990826", + "title": "Spain at the Olympics", + "text": "Spain at the Olympics Spain first participated at the Olympic Games in 1900, and has sent athletes to compete in most Summer Olympic Games since 1920. Spain has also participated in every Winter Olympic Games since 1936. Its team is organised by the Spanish Olympic Committee (COE, \"Comit\u00e9 Ol\u00edmpico Espa\u00f1ol\") created in 1924. Spain withdrew from the 1936 Summer Olympics in Nazi Germany because of the Civil War, and also boycotted the 1956 Games in Melbourne because of the Soviet Union's invasion of Hungary. The equestrian events in 1956 were held five months earlier in Stockholm, and Spain did participate", + "score": 0.6923828125 + }, + { + "id": "704876", + "title": "1930 FIFA World Cup", + "text": "with the four group winners progressing to the knockout semi-final stage. Uruguay, Argentina, Brazil, and the United States were seeded, and were kept apart in the draw, which took place in Montevideo once all the teams arrived. Since there were no qualifying games, the opening two matches of the tournament were the first World Cup games ever played, taking place simultaneously on 13 July 1930; France beat Mexico 4\u20131 at the Estadio Pocitos, while the United States defeated Belgium 3\u20130 at the same time at the Estadio Gran Parque Central. France's Lucien Laurent was the scorer of the first World", + "score": 0.6923828125 + }, + { + "id": "17956440", + "title": "History of the Spain national football team", + "text": "gain qualification for Spain for Euro 1992, after finishing third in a group behind France and Czechoslovakia. Vicente Miera did, however, lead Spain to the gold medal at the 1992 Olympics in Barcelona. Javier Clemente was appointed as Spain's coach in 1992, and the qualification for the 1994 World Cup in the United States was achieved with eight wins and one loss in twelve matches. In the final tournament Spain were in Group C in which they drew with Korea Republic 2\u20132 in Dallas and 1\u20131 with Germany in Chicago, before qualifying for the second round with a 3\u20131 victory", + "score": 0.69189453125 + }, + { + "id": "12166965", + "title": "Real Club Espan\u0303a", + "text": "later, in order to play football, 6 young Spanish emigrants would undertake the project to create a new club and would form Real Club Espa\u00f1a. Francisco Aryan, Ramon Lance, Pedro Batgay, Delio Bonet, Enrique Escalada and Francisco G\u00f3mez were the founders. Espa\u00f1a's success began immediately, the year after the foundation the club won its first league title In 1914 they won their first double but it would not stop there, the club won a total of 14 amateur league championships and four cups between 1912 and the professionalisation of Mexican football in 1943. When the professional Primera Divisi\u00f3n de M\u00e9xico", + "score": 0.69140625 + }, + { + "id": "1310207", + "title": "1994 FIFA World Cup", + "text": "decided that it would be Germany who won the group and not them. Germany, who defeated Bolivia 1\u20130 in the tournament's opening game, finished with seven points. Spain had to settle for second place despite leading in all three games. Despite Bolivia finishing last in the group, Erwin Sanchez made team history after scoring the nation's first World Cup goal in a 3-1 loss to Spain. Prior to 1994, Bolivia had never scored in either of their previous appearances at the 1930 and 1950 World Cups. Tournament favorites Argentina led by Diego Maradona collected a maximum of six points from", + "score": 0.69140625 + }, + { + "id": "8815214", + "title": "Spain women's national football team", + "text": "for the final stage of a European Championship. The team qualified for the UEFA Women's Euro 2013, after beating Scotland in the qualifiers playoff. In the group stage, a win over England and a draw against Russia was enough to qualify for the quarterfinals, where it was eliminated by Norway. Two years later, Spain qualified for the first time ever to a World Cup, winning nine of its ten matches of the qualifying round. In the group stage of the 2015 FIFA Women's World Cup. Their campaign, however, ended up being a disaster. Spain managed only a 1\u20131 draw into", + "score": 0.69091796875 + }, + { + "id": "14677397", + "title": "Wales at the FIFA World Cup", + "text": "to the second round. Denmark withdrew from the qualifying process before any matches were played, so Spain advanced to the second round. Austria then also withdrew, leaving Wales and Spain to play off over two legs to determine who would advance. The first leg in Cardiff on 19 April 1961 saw Wales take an early lead through Phil Woosnam after seven minutes, only for Alfonso Rodr\u00edguez Salas to level the scores midway through the first half, before Alfredo Di St\u00e9fano scored the winner for Spain with 12 minutes left in the game. The return leg was played in Madrid a", + "score": 0.69091796875 + }, + { + "id": "705182", + "title": "1934 FIFA World Cup", + "text": "Cup (held in France) as well as the Olympic football tournament in 1936. 1934 FIFA World Cup The 1934 FIFA World Cup was the second FIFA World Cup, the world championship for men's national association football teams. It took place in Italy from 27 May to 10 June 1934. The 1934 World Cup was the first for which teams had to qualify to take part. Thirty-two nations entered the competition, and after qualification, 16 teams participated in the finals tournament. Reigning champions Uruguay refused to participate due to the fact that just four European teams had accepted their invitation to", + "score": 0.6904296875 + }, + { + "id": "20735109", + "title": "1934 FIFA World Cup final tournament", + "text": "Karl Sesta attempted to sit on the ball to ridicule a German player; the ball was stolen by Conen, who crossed to Lehner. Sesta then scored a goal, but Germany held on for the victory.
1934 FIFA World Cup final tournament The final tournament of the 1934 FIFA World Cup was a single-elimination tournament involving the 16 teams which qualified for the tournament. The tournament began with the round of 16 on 27 May and concluded with the final on 10 June 1934. Italy won the final 2\u20131 for their first World Cup title.
1968\u201369 Boston Bruins season The 1968\u201369 Boston Bruins season was the Bruins' 45th season in the NHL. The Bruins set several league records for scoring, both team and individual. Phil Esposito broke league records for points and assists, becoming the first player in NHL history to exceed 100 points, with 126 and 77 respectively. With linemates Ken Hodge and Ron Murphy, he shared in a new record for most points by a forward line with 263. Bobby Orr", + "score": 0.7457509636878967 + }, + { + "id": "3069465", + "title": "Howie Morenz", + "text": "goals, with 25, and points, with 32, to again lead the Canadiens. The one goal he scored in four playoff games was a series winner in the quarter-finals, eliminating the Montreal Maroons from postseason contention. The 1927\u201328 season was one of Morenz's best in the NHL. On March 24, 1928, in the final game of the regular season, Morenz earned two assists, tying the then-NHL record for assists in a season with 18 and becoming the first player to score 50 points in a season, finishing with 51. As the league leader in goals, with 33, assists and points, Morenz", + "score": 0.7430693507194519 + }, + { + "id": "6215921", + "title": "1968\u201369 NHL season", + "text": "with 49 goals and 77 assists for a new record of 126 points, as well as setting a record with linemates Wayne Cashman and Ron Murphy for most points in a season by a forward line. Bobby Hull of Chicago set a new record for goals with 58 and came in second in overall scoring with 107. Gordie Howe of the Detroit Red Wings came in third with 103 points. Red Berenson tied an NHL record, scoring six goals for the St. Louis Blues (all against goaltender Doug Favell) in an 8\u20130 victory over the Philadelphia Flyers on November 7.", + "score": 0.7410001754760742 + }, + { + "id": "12527709", + "title": "1968\u201369 Boston Bruins season", + "text": "1968\u201369 Boston Bruins season The 1968\u201369 Boston Bruins season was the Bruins' 45th season in the NHL. The Bruins set several league records for scoring, both team and individual. Phil Esposito broke league records for points and assists, becoming the first player in NHL history to exceed 100 points, with 126 and 77 respectively. With linemates Ken Hodge and Ron Murphy, he shared in a new record for most points by a forward line with 263. Bobby Orr set new league records for goals and points by a defenseman with 21 and 64. The team as a whole scored the", + "score": 0.7405713200569153 + }, + { + "id": "10669721", + "title": "Dmitri Kvartalnov", + "text": "Dmitri Kvartalnov Dmitri Vyacheslavovich Kvartalnov (\u0414\u043c\u0438\u0442\u0440\u0438\u0439 \u0412\u044f\u0447\u0435\u0441\u043b\u0430\u0432\u043e\u0432\u0438\u0447 \u041a\u0432\u0430\u0440\u0442\u0430\u043b\u044c\u043d\u043e\u0432; born March 25, 1966 in Voskresensk, Soviet Union) is a retired professional ice hockey player who played 112 games in the National Hockey League, all with the Boston Bruins. He had at least a point in his first 14 NHL games, which stood as the NHL record for longest point streak from the beginning of a career, until November 16, 2007, when Evgeni Malkin surpassed this milestone, scoring at least one point in each of his first 15 games. This streak lasted from October 8 to November 12, 1992 during which time", + "score": 0.7402029037475586 + }, + { + "id": "10609658", + "title": "1983\u201384 Edmonton Oilers season", + "text": "after a lecture from coach Glen Sather, and the return of Gretzky and Kurri, the Oilers won eight in a row and finished the season first overall in the NHL. Wayne Gretzky would break the 200 point barrier for the second time in his career, as he won the Art Ross Trophy for the 4th straight year with 205 points. Gretzky scored an NHL high 87 goals and 118 assists. Paul Coffey would put up 126 points, the 2nd highest point total ever by a defenceman, while Jari Kurri (113) and Mark Messier (101) would each break the 100 point", + "score": 0.7392197847366333 + }, + { + "id": "12160632", + "title": "History of the National Hockey League (1942\u20131967)", + "text": "\"Rocket\" Richard. In 1944\u201345, Lach, Richard and Blake finished first, second and third in the NHL's scoring race with 80, 73 and 67 points, respectively. Richard became a media and fan focus with attempts to score 50 goals in a 50-game season, a feat no other player had accomplished in league history. During that season, in a 9\u20131 victory over Detroit on December 28, 1944, Richard set a single-game scoring record, scoring five goals and three assists. Later scoring his 45th goal in his 42nd game, he broke Joe Malone's goal scoring record. Opposing teams did all they could to", + "score": 0.7373406887054443 + }, + { + "id": "11683368", + "title": "Punch line (ice hockey)", + "text": "Hawks in the Stanley Cup Finals. In the 1944\u201345 season, Lach played in all 50 games, picking up a league-leading 80 points, of which 26 were goals and 54 were assists. That season, linemate Maurice Richard became the first player in the NHL to score 50 goals in 50 games. That season, the Punch line amassed 220 points in total, an NHL record until the 1960s. Lach was presented the Hart Memorial Trophy as the league's Most Valuable Player, and was named to the First All-Star team, with Blake and Richard joining him. After being eliminated by the Toronto Maple", + "score": 0.7372943162918091 + }, + { + "id": "5195550", + "title": "Bill Mosienko", + "text": "in two games when the Hawks traveled to Toronto. He finally established himself as an NHL regular in 1943\u201344 and scored a career high 70 points. Mosienko and his linemates Clint Smith and Doug Bentley combined to score 219 points, at that time an NHL record. His 70 points set a team rookie record that stood for 37 years until broken by Denis Savard in 1980\u201381. In 1944\u201345, Mosienko finished sixth in league scoring with 54 points and did not record a single penalty minute throughout the course of the season. He was awarded the Lady Byng Memorial Trophy as", + "score": 0.7364401817321777 + }, + { + "id": "2126900", + "title": "Phil Esposito", + "text": "scorers over the next three seasons. In 1967, Esposito was dealt with Ken Hodge and Fred Stanfield to the Boston Bruins in a blockbuster trade. While Hodge and Stanfield rose to become stars in Boston, Esposito blossomed into the greatest scorer of his day. In 1969, he became the first NHL player to score 100 points in a season, far eclipsing the \"century\" mark with a record 126. He would fall a single point shy in 1970, then reached triple digits again the next five years running. Along the way, he captured the Art Ross Trophy as the top regular", + "score": 0.7361876368522644 + }, + { + "id": "6234536", + "title": "1970\u201371 NHL season", + "text": "records for most victories (57) and points (121). Phil Esposito set records for most goals in a season with 76 and for most points with 152. Defenceman Bobby Orr won his second consecutive Hart Memorial Trophy and set a new record for assists with 102. The Bruins also had the four league leading scorers, the first time in history this was achieved (the only other time being by the Bruins in 1974), and seven of the top eleven leading scorers, the only time in NHL history this has ever been achieved. They had 6 of the top 8 scorers in", + "score": 0.7346975207328796 + }, + { + "id": "11237378", + "title": "1938\u201339 Boston Bruins season", + "text": "lead the Bruins to 1st place in the NHL standings, as they finished the season with a record of 36\u201310\u20132, earning 74 points, their highest point total since the 1929\u201330 season. Bill Cowley would lead the team with 42 points, despite missing 14 games due to injuries. His 34 assists were a league high. Rookie Roy Conacher scored an NHL high 26 goals, and added 11 assists to finish with 37 points. Milt Schmidt continued to show improvement, scoring a career high 32 points. Flash Hollett led the Bruins defense with 27 points, as he scored 10 goals and added", + "score": 0.7341015338897705 + }, + { + "id": "462354", + "title": "Wayne Gretzky", + "text": "accomplished the feat in only 39 games. His 50th goal of the season came on December 30, 1981, in the final seconds of a 7\u20135 win against the Philadelphia Flyers and was his fifth of the game. Later that season, Gretzky broke Esposito's record for most goals in a season (76) on February 24, 1982, scoring three to help defeat the Buffalo Sabres 6\u20133. He ended the 1981\u201382 season with records of 92 goals, 120 assists, and 212 points in 80 games, becoming the only player in NHL history to break the two hundred-point mark. That year, Gretzky became the", + "score": 0.7333450317382812 + }, + { + "id": "3387946", + "title": "1919\u201320 NHL season", + "text": "Quebec Athletics' Joe Malone scored seven goals in one game on January 31, 1920. , it is still the NHL record for most goals in one game. An eighth goal was disallowed on an off-side call. Malone was later quoted \"the thing I recall most vividly is that it was bitterly cold.\" He nearly equalled the record on March 10 when he scored six goals in a 10\u20134 win over the Ottawa Senators. Malone led the league in goals with 39. But by surrendering 7.18 goals against per game, a record that stands today, Quebec finished dead last. With the", + "score": 0.7313544154167175 + }, + { + "id": "1315916", + "title": "Mario Lemieux", + "text": "on April 25, 1989. He tied the NHL record for most goals and points in a postseason game, most goals in a postseason period (four in the first), and most assists in a postseason period (three in the second). However, the Penguins lost the series 4\u20133. During the 1989\u201390 NHL season, Lemieux scored at least one point in 46 consecutive games before he ended the streak by leaving a game due to injury. The streak's length was second only to Gretzky's 51-game streak. Lemieux won his third All-Star Game MVP with a four-goal performance. Although he missed 21 games, he", + "score": 0.7311619520187378 + }, + { + "id": "1315934", + "title": "Mario Lemieux", + "text": "captain of the North American All-Stars during the midseason All-Star game in Denver, Colorado. Despite playing in only 43 games in 2000\u201301, Lemieux scored 76 points to finish 26th in scoring, finishing the season with the highest points-per-game average that season among NHL players. In fact, he had the highest points-per-game average amongst NHL players for the entire period from his 2001 return until his final retirement in 2006. Lemieux was one of the three finalists for the Hart Memorial Trophy and Lester B. Pearson NHLPA awards and earned a selection on the postseason NHL All-Star Second Team. Lemieux led", + "score": 0.7306608557701111 + }, + { + "id": "3069407", + "title": "Joe Malone (ice hockey)", + "text": "NHL's first scoring leader, registering 44 goals in 20 games, a record total that would stand as the NHL's single season goal scoring mark until 1945 and a record per-game average that stands to this day. (If such an average was sustained over today's 82-game schedule, it would result in 180 goals, nearly double Wayne Gretzky's record of 92.) Malone scored at least one goal (and a total of 35 goals) in his first 14 NHL games to set the record for the longest goal-scoring streak to begin an NHL career. This streak still stands as the second-longest goal-scoring streak", + "score": 0.730415940284729 + }, + { + "id": "12254212", + "title": "History of the National Hockey League (1967\u20131992)", + "text": "goals in 39 games, the fastest any player had reached the total in a single season. Gretzky scored his 1,000th NHL point in his 424th game, breaking Guy Lafleur's old record of 720 games. Gretzky's teammates set records of their own. Fuhr's 14 assists in the 1983\u201384 season set a record for most points by a goaltender in a season. In 1985\u201386, Coffey set a record for the most goals in a season by a defenceman, with 48. Adding 90 assists, Coffey wound up a point short of tying Bobby Orr's record for most points in a season by a", + "score": 0.7302370667457581 + }, + { + "id": "11963416", + "title": "1965\u201366 Chicago Black Hawks season", + "text": "record breaking season, as he scored an NHL record 54 goals, while earning an NHL record 97 points, as he won the Art Ross Trophy and Hart Memorial Trophy for his efforts. Stan Mikita recorded a team high 48 assists and finished second with 78 points in NHL scoring. Phil Esposito had a strong season, scoring 27 goals and 53 points, while Bill Hay had 20 goals and 51 points. Kenny Wharram and Doug Mohns each scored over 20 goals, earning 26 and 22 respectively. On the blueline, Pierre Pilote led the way, earning 36 points, while fellow defenseman Pat", + "score": 0.729476809501648 + }, + { + "id": "1273600", + "title": "Gordie Howe", + "text": "assists, which has only been done by five other players in history (a total of 10 times aside from Howe). In three of those years, he led the NHL in goals. In 1952\u201353, Howe became the first NHL player to score 90 points, finishing the season with 95 points and a career-best 49 goals which just missed tying the league record of 50 goals held by Rocket Richard (albeit in a 50-game season). Prior to Howe, no NHLer had led the NHL in points more than two times in a row. Only three other players have ever matched the feat", + "score": 0.7292612791061401 + }, + { + "id": "6215923", + "title": "1968\u201369 NHL season", + "text": "over the starter's job from Wayne Rutledge, who was bothered by groin injuries most of the season. Desjardins recorded 4 shutouts during the season in helping the Kings make the playoffs and win their first round series over Oakland. On March 2, Phil Esposito became the first NHL player to score 100 points in a season in a 4\u20130 win over the Pittsburgh Penguins. In Boston-Chicago game on March 20, two milestones were accomplished. Bobby Hull broke his own record for goals with his 55th goal, and Bobby Orr broke Flash Hollett's record for goals by a defenseman with his", + "score": 0.7289226651191711 + }, + { + "id": "15030916", + "title": "History of the Edmonton Oilers", + "text": "it since is Mario Lemieux.) Jari Kurri led the NHL in goals with 68, finishing with 131 points, and Paul Coffey set a new record for goals by a defenceman with 48. He finished with 138 points, one point behind the all-time record for defencemen set by Bobby Orr. Additionally, the Oilers matched a record they set in 1983\u201384 with three players who scored more than 50 goals: Kurri (68), Glenn Anderson (54) and Gretzky (52). The Oilers overpowered the Vancouver Canucks in the divisional semi-finals, sweeping the series 3\u20130 and outscoring the Canucks 17\u20135. The Oilers faced their most", + "score": 0.7267309427261353 + }, + { + "id": "10611265", + "title": "1984\u201385 Edmonton Oilers season", + "text": "unbeaten streak (12\u20130\u20133). Wayne Gretzky would earn 208 points, breaking the 200 point mark for the third time in his career, and win his fifth straight Art Ross Trophy, and his sixth consecutive Hart Trophy. Jari Kurri would score a career high 71 goals and 135 points, and win the Lady Byng Trophy. Paul Coffey had 121 points (37 goals-84 assists) en route to the first Norris Trophy of his career. On October 26, 1984, Coffey would be the last defenceman in the 20th Century to score four goals in one game. It occurred in a game versus the Detroit", + "score": 0.7261202335357666 + }, + { + "id": "11312505", + "title": "Bill McDougall", + "text": "points (26 goals and 26 assists) in 16 games en route to a Calder Cup championship for Cape Breton. McDougall was awarded with the Jack A. Butterfield Trophy for Most Valuable Player during the AHL playoffs. To this day, his AHL records for goals, assists, and points in a single playoff season still stand, and his total of 3.25 points per game, is more than was ever matched in the NHL. Wayne Gretzky holds the NHL record with 47 points in a single playoff season. McDougall spent the following season in the Tampa Bay Lightning organization, appearing in 22 games", + "score": 0.7260360717773438 + }, + { + "id": "5949198", + "title": "1958\u201359 NHL season", + "text": "again won the regular season standings and again their players dominated the All-Star nominations (with six of a possible twelve, the same number as in 1956) and trophies as Jacques Plante won his fourth straight Vezina Trophy, Tom Johnson won the James Norris Memorial Trophy, ending teammate Doug Harvey's four-year monopoly, and Dickie Moore won the Art Ross Trophy, setting a new record for total points in a season: with a 41-goal, 55-assist campaign, \"Digger\" broke \"Mr. Hockey's\" record by a single point. This season marked the final time until 1967 where we would see an active player that had", + "score": 0.7259203195571899 + }, + { + "id": "4604381", + "title": "2005\u201306 NHL season", + "text": "In terms of total goals scored during an NHL regular season, the 2005\u201306 regular season turned out to be the highest-scoring in NHL history, with 7,443 goals scored in 1,230 games. However, the highest-scoring season in terms of goals per game still belonged to the 1992\u201393 regular season, in which 7,311 goals were scored in only 1,008 games, for an average of 7.25 per game (the average in 2005\u201306 was 6.05 per game). The record for most shorthanded goals scored in a season, set in 1992\u201393 and matched in 1993\u201394 at 312, was broken as 318 shorthanded goals were scored.", + "score": 0.7257496118545532 + }, + { + "id": "2646296", + "title": "Dale Hawerchuk", + "text": "Jets to what was at the time the largest single season turn-around in NHL history, a 48-point improvement. He became the youngest NHL player in history to reach 100 points (a record since broken by Sidney Crosby in 2006), finishing with 103, and winning the Calder Memorial Trophy as the NHL's Rookie of the Year. He also played in that season's All-Star Game. Hawerchuk recorded 91 points in his second season, then hit the 100-plus point plateau for the next five consecutive years, including a career-high 53 goals and 130 points in 1984\u201385. During the 1990 NHL Entry Draft, Hawerchuk", + "score": 0.7253913283348083 + }, + { + "id": "833671", + "title": "Maurice Richard", + "text": "scoring and began Montreal's final regular season game, March 18, on the road against the Boston Bruins with 49 goals. He finally reached the milestone by scoring with 2:15 remaining in the game, a 4\u20132 Montreal win. He became the first player to score 50 goals, a record that would stand for 21 years (Bobby Hull, 54 goals in 1966). His mark of 50 goals in 50 games also became a standard that remains one of the most celebrated achievements in NHL history, unmatched until 36 years later when Mike Bossy did it in 1981 \u2013 the first of only", + "score": 0.7248822450637817 + }, + { + "id": "7050869", + "title": "Al Secord", + "text": "following season, he was dealt to the Chicago Blackhawks on December 18, 1980, in a trade for defenceman Mike O'Connell. In Chicago, Secord enjoyed the best years of his NHL career. In 1981\u201382, he scored 44 goals in 80 games. He was also assessed 303 minutes in penalties, making him the only player in NHL history to record 40 goals and 300 penalty minutes in a single season. Secord joined the 50-goal club in 1982\u201383, posting 54 goals and 32 assists for a career-high 86 points and played in the NHL All-Star Game for the second consecutive season, but injuries", + "score": 0.7248252630233765 + }, + { + "id": "7160348", + "title": "Ian Turnbull (ice hockey)", + "text": "a Maple Leaf team record for most points in a season by a defenceman. This team record still stands over 40 years later. He also still holds the NHL record for most goals in a game by a defenceman, with 5 in a game on February 2, 1977, in a 9\u20131 victory against the Detroit Red Wings. Turnbull only had five shots in the game, making him the first player in NHL history to score five goals on five shots. Turnbull was outstanding in the 1978 playoff series against the New York Islanders, eventually won by Toronto 4 games to", + "score": 0.7247291803359985 + }, + { + "id": "11968932", + "title": "1966\u201367 Chicago Black Hawks season", + "text": "record in wins with 41, and points with 94, as Chicago finished in first place for the first time in team history. The Hawks were 17 points better than the second place Montreal Canadiens, and heavy favorites to win their second Stanley Cup of the decade. Offensively, the Hawks were led by Stan Mikita, who led the NHL with 97 points, winning the Art Ross Trophy, Hart Memorial Trophy, and the Lady Byng Trophy. His 97 points tied the NHL record, set by teammate Bobby Hull in the 1965\u201366 season. Hull recorded his second straight 50+ goal season, as he", + "score": 0.7247247695922852 + }, + { + "id": "5889697", + "title": "1965\u201366 NHL season", + "text": "regular season with illness, the Red Wings won the first two games of the Finals. However, Crozier was injured in the fourth game and the Canadiens won the Cup four games to two. Roger Crozier won the Conn Smythe Trophy as a member of the losing team. Bobby Hull set a new record for goals in a season with 54 and a new record for points in a season with 97, earning him the Art Ross Trophy and his second straight Hart Trophy as the league's most valuable player. No left-winger would pace the NHL in points again until Alexander", + "score": 0.7245659828186035 + }, + { + "id": "2173322", + "title": "Guy Lafleur", + "text": "the NHL in points in 1976, 1977, and 1978. He tied for a Montreal club record with Steve Shutt for goals in a season with 60 in 1977\u201378 and holds the franchise record for points in a season with 136 in 1976\u201377. Lafleur became the first player in NHL history to score at least 50 goals and 100 points in six consecutive seasons as a Hab. Lafleur was also the fastest player (at the time) to reach 1,000 points, doing so in only 720 games. That record has since been broken by Wayne Gretzky, Mario Lemieux and a few others.", + "score": 0.7242274284362793 + }, + { + "id": "6324148", + "title": "Evgeni Malkin", + "text": "Ovechkin's 115 first-place votes and 1,264 points. On 12 June 2009, the Penguins won the Stanley Cup after defeating the Detroit Red Wings 2\u20131 in Game 7 of the Finals. Malkin tallied 36 points (14 goals and 22 assists) to become the first player to lead both the regular season and playoffs in scoring since Mario Lemieux accomplished the feat in 1992. His 36 points were the highest playoff total of any player since Wayne Gretzky amassed 40 points in 1993. Malkin received the Conn Smythe Trophy as playoff MVP, becoming the first Russian-born and Asian-born player to do so.", + "score": 0.7231875658035278 + }, + { + "id": "11507725", + "title": "39th National Hockey League All-Star Game", + "text": "39th National Hockey League All-Star Game The 39th National Hockey League All-Star Game was held in the St. Louis Arena in St. Louis, home to the St. Louis Blues, on February 9, 1988. Pittsburgh Penguins' centremen Mario Lemieux recorded six points (3\u20133\u20136) and scored the game-winner in overtime to lead the Wales Conference to a thrilling 6\u20135 victory. Lemieux's six points broke the previous record for most points in an All-Star Game, which was previously held by six players (four points). Montreal Canadiens' leftwinger Mats Naslund earned an assist on all three of Lemieux's goals and added two more to", + "score": 0.7216423749923706 + }, + { + "id": "6171754", + "title": "Ken Hodge", + "text": "(with 139), Johnny Bucyk (116) and Hodge finished 1\u20132\u20133\u20134 in league scoring, the first time in NHL history the season's top four scorers all played for one team. The season saw Hodge slowed down by injuries, although he recovered again in the playoffs to help the Bruins to their second Stanley Cup in three years. In , he scored 50 goals and 105 points to place third in league scoring, and with Esposito (145), Orr (122) and Cashman (89) likewise finished 1\u20132\u20133\u20134 in league scoring for the only other time in NHL history the season's top four scorers all played", + "score": 0.7213514447212219 + }, + { + "id": "11159616", + "title": "1992\u201393 Pittsburgh Penguins season", + "text": "(1.15 per game) and earning up assists (1.52 per game), he could have scored 97 goals and tallied 128 assists for 225 points had he played all 84 games. Had he achieved these totals, he would have broken Wayne Gretzky's all-time records for most goals in a season (92) and most points in a season (215). In recognition of his dedication and his achievements, Lemieux was awarded the Hart Memorial Trophy as the NHL's MVP during the regular season. The Devils had been a struggling team prior to the 1992\u201393 season, and in the first round of the playoffs, they", + "score": 0.7209231853485107 + }, + { + "id": "6293901", + "title": "Justin Williams", + "text": "most Game 7 goals in NHL history with seven, and has the outright record for most Game 7 points with 14, which has earned him the nickname \"Mr. Game 7.\" He has also won the Conn Smythe Trophy as playoff Most Valuable Player in 2014 with the Kings. Williams grew up in Cobourg, Ontario, and played minor hockey in nearby Port Hope of the OMHA before gaining a reputation as a skilled playmaker with the Cobourg Cougars of the Ontario Provincial Junior A Hockey League in 1997\u201398. His favourite players growing up were Sergei Fedorov and Wayne Gretzky. Williams was", + "score": 0.7199296355247498 + }, + { + "id": "5292350", + "title": "Clint Smith", + "text": "on a line with future fellow Hockey Hall of Famers, Bill Mosienko and Doug Bentley. He recorded 23 goals and established an NHL record for single-season assists with 49 (broken the following season by Elmer Lach of the Montreal Canadiens) for an NHL career-high 72 points. The combined total of Mosienko, Bentley and Smith's points that season also set an NHL record for a line with 219. Smith's record-setting season was complemented by a second Lady Byng Trophy, having only accumulated 4 penalty minutes. The following season, in 1944\u201345, Smith succeeded Bentley Smith set another NHL record with a four-goal", + "score": 0.7191575765609741 + }, + { + "id": "5294638", + "title": "50 goals in 50 games", + "text": "goal in his 58th game). Anders Hedberg (1976\u201377), also playing for the Winnipeg Jets, broke the record established 32 seasons earlier by Richard and matched in 1974\u201375 by Hull. He scored 51 goals in 49 games, becoming the first player in the history of major league hockey to score 50 goals in fewer than 50 games. He finished with 70 goals in 68 games. As the NHL did not consider any WHA records when the leagues merged in 1979, Hull's and Hedberg's feats were not recognized by the NHL. 50 goals in 50 games The phrase \"50 goals in 50", + "score": 0.7191210985183716 + }, + { + "id": "5548474", + "title": "1988\u201389 NHL season", + "text": "They also managed to defeat Gretzky's former team, the Oilers, in seven games in the Smythe Division Semifinal before falling victim to a four-game sweep at the hands of the eventual Cup champion Flames in the Division Final. Mario Lemieux of the Pittsburgh Penguins won the Art Ross Trophy for the second consecutive season, leading the league with 199 points. Lemieux remains the only player other than Gretzky to approach the 200 point plateau (Gretzky surpassed the 200 point mark four times in five years during the 1980s). This was the only season that there were four players that scored", + "score": 0.7190955281257629 + }, + { + "id": "10654506", + "title": "Hank Nowak", + "text": "in Darryl Sittler's NHL record setting game when Boston played the Toronto Maple Leafs. This was the night that Daryl Sittler set an NHL record for most points scored in one game when he recorded ten points (six goals, four assists). Nowak claims that despite the 11-4 loss that night he was still +3! Nowak retired from competitive hockey in 1980. He went on to work for the TTC. He is currently retired from the Toronto Transit Commission. Hank Nowak was playing occasionally in the ASHL for the 'Toronto Blue Hogs.' He plays occasionally in tournaments with some Blue hog", + "score": 0.7190870046615601 + }, + { + "id": "6879224", + "title": "History of the National Hockey League", + "text": "created NHL Pension Society. The NHL All-Stars defeated the Toronto Maple Leafs 4\u20133 and raised C$25,000 for the pension fund. The 1940s Canadiens were led by the \"Punch line\" of Elmer Lach, Toe Blake and Maurice \"Rocket\" Richard. In 1944\u201345, Lach, Richard and Blake finished first, second and third in the NHL's scoring race with 80, 73 and 67 points respectively. It was Richard who became the focus of the media and fans as he attempted to score 50 goals in a 50-game season, a feat no other player had accomplished in league history. Richard scored his 50th goal in", + "score": 0.718957781791687 + }, + { + "id": "5723806", + "title": "1980\u201381 NHL season", + "text": "straight Hart Trophies as the league's most valuable player Mike Bossy of the New York Islanders became only the second man in NHL history to score 50 goals in his first 50 games. In the 50th game, played at his home rink, he had 48 goals going into the 3rd and final period (before the advent of overtime games). Bossy admitted being so embarrassed and upset that he contemplated not going out on the ice for the final period. However, Bossy got his 49th goal with 5:15 left to go in the game and the 50th with 1:50 remaining, sending", + "score": 0.7179874181747437 + }, + { + "id": "7551467", + "title": "Miracle on Manchester", + "text": "assists, and 212 points, all league records, out-scoring his nearest rival for the scoring lead, Mike Bossy of the New York Islanders, by 65 points. Gretzky would win the Hart Memorial Trophy as the NHL's most valuable player for the third consecutive season. The Oilers\u2019 offensive attack was led by Gretzky, Anderson (105 points), Coffey (89 points, leading all NHL defensemen), Messier (88 points), Kurri (86 points), and Dave Lumley (74 points). The defense was anchored by Lowe, team captain Lee Fogolin, Garry Lariviere, Doug Hicks, and Charlie Huddy. In the net, Edmonton featured the goalie tandem of Fuhr and", + "score": 0.7179611325263977 + }, + { + "id": "7150703", + "title": "Ken Linseman", + "text": "with 74 points (25G-49A) in 74 games, and added 10 points (4G-6A) in five playoff games. Injuries held Linseman to 64 games in 1985\u201386, but he scored 81 points (23G-58A), and in 3 playoff games, had 1 assist. His production fell in 1986\u201387, as he was held again to 64 games, getting 49 points (15G-34A), and in 4 playoff games, had 2 points (1G-1A). In 1987\u201388, Linseman was healthy again, and saw his point total increase, getting 74 points (29G-45A) in 77 games, and helped the Bruins to the Stanley Cup Finals, earning 25 points (11G-14A) in 23 playoff games.", + "score": 0.7176283001899719 + }, + { + "id": "2545261", + "title": "Joe Sakic", + "text": "goals (625), assists (1,016) and points (1,641). He also holds the franchise record for most games played (1,363), and is on several notable NHL records which are most All-Star game assists (16) and most playoff overtime goals (8). Sakic is also the only player ever to score 100 points in a season for a team that finishes dead last in the NHL regular season standings, accomplishing this feat in 1989-90 with Quebec Nordiques. Throughout his career, Sakic was one of the top scorers in the league, but in his early years, he was criticized for not leading his team to", + "score": 0.7172926664352417 + }, + { + "id": "3067432", + "title": "Darryl Sittler", + "text": "Harold Ballard. In his first season as captain, Sittler finished the season with 41 goals and 59 assists, being the first Leaf ever to reach the 100 point mark. A few months later, he tied the playoff record for most goals in one game, with five against the Philadelphia Flyers. That summer, in the inaugural Canada Cup, he scored in overtime to win the final series for Team Canada over Czechoslovakia. On February 7, 1976 in a game between Toronto and Boston at Maple Leaf Gardens, Sittler set an NHL record that still stands by tallying 6 goals and adding", + "score": 0.7169720530509949 + }, + { + "id": "12254197", + "title": "History of the National Hockey League (1967\u20131992)", + "text": "point, Red Army threatened to forfeit the game after Ed Van Impe decked Valeri Kharlamov. Red Army was persuaded to complete the game after Alan Eagleson threatened to withhold their appearance fee if the team did not return to the ice. Super Series games continued until 1991, when Soviet players were allowed to enter the NHL after the collapse of the Soviet Union. On February 7, 1976, Maple Leafs star Darryl Sittler set an NHL record, scoring 10 points in one game in an 11\u20134 victory over the Bruins. His six-goal, four-assist effort broke Maurice Richard's record of eight points", + "score": 0.7169702053070068 + }, + { + "id": "11970218", + "title": "1968\u201369 Chicago Black Hawks season", + "text": "in last, and missed the playoffs for the first time since 1957\u201358. Offensively, the Hawks were led by Bobby Hull, who once again set an NHL record for goals in a season, as he scored 58 times, and he became the second player in league history to record 100 points, as he finished the season with 107 points, which was second in league scoring. Stan Mikita had another excellent season also, scoring 30 goals and earning 97 points as he finished fourth in NHL scoring. Newly acquired Jim Pappin fit right in, scoring 30 goals and 70 points. Kenny Wharram", + "score": 0.7167199850082397 + }, + { + "id": "833669", + "title": "Maurice Richard", + "text": "following the season. It was the first of 14 consecutive years he was named a league all-star. The 1944\u201345 NHL season was a record-setting one for Richard. He first set a new mark for points in one game when he made five goals and three assists in a 9\u20131 victory over the Detroit Red Wings on December 28, 1944; his eight points broke the previous record of seven held by three players, and stood for 32 years until surpassed in 1976 by Darryl Sittler. Richard achieved the feat despite arriving for the game exhausted from moving into his new home", + "score": 0.7166334390640259 + }, + { + "id": "5712803", + "title": "1986\u201387 NHL season", + "text": "cut in the face by a skate, requiring more than 200 stitches. It was the third injury to his face and Salming returned to play wearing a visor. On April 4, 1987, the Islanders' Denis Potvin became the first NHL defenceman to reach 1000 points. A shot by the Islanders' Mikko Makela deflected in off Potvin's arm in a 6\u20136 shootout between the Islanders and Sabres. \"Note: W = Wins, L = Losses, T = Ties, GF= Goals For, GA = Goals Against, Pts = Points, PIM = Penalties in minutes\" In an attempt to reduce the number of first", + "score": 0.7164444923400879 + }, + { + "id": "11963659", + "title": "History of the Montreal Canadiens", + "text": "league, the Vezina Trophy, to be given to the goaltender who allowed the fewest goals over the course of the season. The first recipient was his replacement, George Hainsworth. Vezina was inducted into the Hockey Hall of Fame upon its creation in 1945. During the 1927\u201328 season, Morenz became the first player in NHL history to score 50 points in a single season. Morenz was the first NHL player to score a second Stanley Cup winning goal, with the Canadiens' victory in the 1930 Stanley Cup Finals over the Boston Bruins. The Bruins, who finished with a 38\u20135\u20131 record and", + "score": 0.7164046764373779 + }, + { + "id": "833688", + "title": "Maurice Richard", + "text": "series win and second consecutive championship for Montreal. Richard reached a major scoring milestone early in the 1957\u201358 season. During the first period of a 3\u20131 victory over Chicago on October 19, 1957, he became the first player in NHL history to score 500 goals in his career. As Richard celebrated with his teammates, it was announced to the Montreal Forum crowd: \"Canadiens' goal, scored by Mr. Hockey himself, Maurice Richard\". He played only 28 regular season games that season, scoring 34 points, as he missed three months due to a severed Achilles tendon. Returning in time for the playoffs,", + "score": 0.7162772417068481 + }, + { + "id": "6879236", + "title": "History of the National Hockey League", + "text": "League Writers Association presented the league with the Bill Masterton Memorial Trophy later in the season. Following Masterton's death, players slowly began wearing helmets, and starting in the 1979\u201380 season, the league mandated all players entering the league wear them. In the 1968\u201369 season, third-year defenceman Bobby Orr scored 21 goals to set an NHL record for goals by a defenceman en route to winning his first of eight consecutive Norris Trophies as the league's top defenceman. At the same time, Orr's teammate, Phil Esposito, became the first player in league history to score 100 points in a season, finishing", + "score": 0.7160593271255493 + }, + { + "id": "6640494", + "title": "Barry Pederson", + "text": "with 46 goals and 107 points. He led the Bruins in assists and points, and finished fifth in league scoring (the only player in the top eight not to eventually make the Hockey Hall of Fame). In the playoffs, he would take his game to another level, as he and Middleton wreaked havoc combining for 65 points in just 17 games before losing out to New York Islanders in the conference finals. Pederson finished third in playoff goals and points despite not reaching the finals. Pederson continued his exploits in 1983\u201384, posting 39 goals and 77 assists for 116 points.", + "score": 0.7159896492958069 + }, + { + "id": "6737281", + "title": "Pierre Larouche", + "text": "Larouche was drafted 8th overall by the Penguins in the 1974 NHL Amateur Draft. In 1976, he became the 16th player ever to reach the 50-goal mark. At the time he was the youngest player to hit the 50-goal and 100-points plateau. His record was broken by Wayne Gretzky in 1980. He was first player to score 50 goals in a season with two teams: he scored 53 with Pittsburgh in 1975\u201376 and 50 with Montreal in 1979\u201380. and is the only NHL player to have scored more than 45 goals with three separate teams, also scoring 48 with the", + "score": 0.7159180641174316 + }, + { + "id": "1315912", + "title": "Mario Lemieux", + "text": "215 points. He won the Lester B. Pearson Award as the NHL's best regular-season player as voted by his peers. Lemieux missed 17 games of the 1986\u201387 NHL season\u2014his point production slipped, and the Penguins once again failed to make the playoffs. However, he played in the Canada Cup during the summer of 1987 and set a tournament record 11 goals in 9 games; his last goal, which clinched the Canadian victory, broke a tie with the Soviet team with 1:26 remaining in the third period. Lemieux cited his Canada Cup experience as the reason for his elevated play later", + "score": 0.7158171534538269 + }, + { + "id": "2126903", + "title": "Phil Esposito", + "text": "superstar Bobby Orr led the Bruins to Stanley Cup victories in 1970 and 1972, and first-place finishes in the League in 1971, 1972 and 1974. During 1970\u201371, Esposito shattered the record for most goals in a season, finishing with 76. The mark stood until 1982, when Wayne Gretzky scored his 77th, 78th and 79th goals against the Buffalo Sabres on February 24, 1982, at the Buffalo Memorial Auditorium. Esposito was on hand to present the game puck to Gretzky. Esposito also set the single-season point-scoring record in 1971 with 152, a mark later raised by Gretzky to 215. Only three", + "score": 0.7157952189445496 + }, + { + "id": "4306939", + "title": "Joe Mullen", + "text": "ice, even though he stood only five foot nine inches tall and knew he would have to take a hit to make a play. Penguins' play-by-play announcer Mike Lange nicknamed Mullen \"Slippery Rock Joe\" for his ability to evade opposing players. The first American player in NHL history to score 500 goals and 1,000 points, Mullen's career totals of 502 goals and 1,063 points stood as American records until surpassed by Mike Modano and Phil Housley, respectively. Along with his brother Brian, Mullen was named a recipient of the Lester Patrick Award in 1995 in recognition of his contributions to", + "score": 0.7155244946479797 + }, + { + "id": "3683551", + "title": "1992\u201393 NHL season", + "text": "1992\u201393 NHL season The 1992\u201393 NHL season was the 76th regular season of the National Hockey League. Each player wore a patch on their jersey throughout the 1992\u201393 regular season and playoffs to commemorate the 100th anniversary of the Stanley Cup. It proved, at the time, to be the highest-scoring regular season in NHL history, as a total of 7,311 goals were scored over 1,008 games for an average of 7.25 per game. Twenty of the twenty-four teams scored three goals or more per game, and only two teams, the Toronto Maple Leafs and the Chicago Blackhawks, allowed fewer than", + "score": 0.715264618396759 + }, + { + "id": "833656", + "title": "Maurice Richard", + "text": "Maurice Richard Joseph Henri Maurice \"Rocket\" Richard (; ; August 4, 1921 \u2013 May 27, 2000) was a Canadian professional ice hockey player who played 18 seasons in the National Hockey League (NHL) for the Montreal Canadiens. He was the first player in NHL history to score 50 goals in one season, accomplishing the feat in 50 games in 1944\u201345, and the first to reach 500 career goals. Richard retired in 1960 as the league's all-time leader in goals with 544. He won the Hart Trophy as the NHL's most valuable player in 1947, played in 13 All-Star Games and", + "score": 0.7147039175033569 + }, + { + "id": "1950082", + "title": "Dale Hunter", + "text": "3565 penalty minutes, Hunter currently has the second-most penalty minutes in NHL history, after Dave \"Tiger\" Williams (although Hunter played 1,407 games to Williams' 962). When the Capitals retired his No. 32 jersey, he was presented with the penalty box from the demolished Capital Centre at the retirement ceremony. Hunter is the only NHL player ever to score over 1,000 points and rack up over 3,000 penalty minutes (1,020 points and 3,565 PIMs over 1,407 NHL games). As of the end of the 2005\u201306 NHL season, he holds the record for most number of playoff games played without playing for", + "score": 0.7146167159080505 + }, + { + "id": "4973178", + "title": "Guy Lapointe", + "text": "is currently the Chief Amateur scout with the Minnesota Wild, a position he has held since the franchise's inception. Lapointe was inducted into the Hockey Hall of Fame in 1993. In 884 NHL games, Lapointe recorded 171 goals and 451 assists for 622 points. He still holds the Montreal Canadiens' record for most goals in a season for a defenceman (28), and most goals for a rookie defenceman (15). His number (#5) was retired by the Canadiens on November 8, 2014. Since the #5 is already retired on behalf of Bernie Geoffrion, they will both share the honour. He is", + "score": 0.7145572304725647 + }, + { + "id": "5294627", + "title": "50 goals in 50 games", + "text": "Montreal Canadiens was the first player in NHL history to score 50 goals in one season. He achieved the target on March 18, 1945, in the 50th (and final) game of the 1944\u201345 season, the league's twenty-eighth, on goalie Harvey Bennett of the Boston Bruins. Besides Richard's 50-in-50 feat, he also led the NHL in goals on four other occasions and was the league's first career 500-goal scorer. Richard never managed to equal his personal best of 50 goals before retiring in 1960, even though the NHL extended its schedule to 60 games in and 70 in . In recognition", + "score": 0.7141572833061218 + }, + { + "id": "3069468", + "title": "Howie Morenz", + "text": "scored one goal throughout ten playoff games, the final goal of the playoffs, as he won his third Stanley Cup with the Canadiens. The 1931\u201332 season was another productive season for Morenz. With 49 points he finished third in league scoring, and became the first player in NHL history to win the Hart Trophy for a third time, also being named to the First All-Star Team again. In a March 17, 1932, game against the New York Americans, Morenz scored his 334th point with an assist, passing Cy Denneny as the NHL record holder for career points. Minor injuries led", + "score": 0.7141023874282837 + }, + { + "id": "2955044", + "title": "Bryan Trottier", + "text": "Bryan Trottier Bryan John Trottier (born July 17, 1956) is a Canadian former professional ice hockey centre who played 18 seasons in the National Hockey League (NHL) for the New York Islanders and Pittsburgh Penguins. He won four Stanley Cups with the Islanders, two with the Penguins and one as an assistant coach with the Colorado Avalanche. He holds the NHL record for points in a single period with six (four goals and two assists) in the second period against the Rangers on December 23, 1978. He is also one of only eight NHL players with multiple five-goal games. On", + "score": 0.7140520215034485 + }, + { + "id": "2724335", + "title": "Goal (ice hockey)", + "text": "have scored the most goals. The trophy is named after Maurice Richard, the first player to score 50 goals in a season, at a time when the NHL regular season was only 50 games (compared to 82 today). The player to have scored the most goals in an NHL season is Wayne Gretzky. Gretzky is also the fastest to 50 goals; during his record-setting 1981\u201382 season, in which he finished with 92 goals, he scored his 50th goal in the Edmonton Oilers' 39th game of the season. The overall amount of goal scoring is also closely watched. In recent years,", + "score": 0.7135593295097351 + }, + { + "id": "3004936", + "title": "Alexander Mogilny", + "text": "Mogilny's 76 goals and 127 points are also the highest season totals ever for a Russian NHL player. He scored his 50th goal in his 46th game that year, but it did not count as an official 50 goals in 50 games record as it occurred during the team's 53rd game. He finished the season with seven hat-tricks including three in four games, two 4-goal games, and a stretch where he scored 23 goals in 13 games. Mogilny served as the Sabres captain for a period the following season, the first Russian captain NHL history, and finished the year with", + "score": 0.713047444820404 + }, + { + "id": "9011616", + "title": "Richard Kromm", + "text": "was the coach of the Jets). Richard was drafted in the 1982 NHL Entry Draft by the Flames with the 37th overall pick. He made his NHL debut on November 29, 1983 against the Philadelphia Flyers. In that game he got an assist. His final NHL season was 1992\u201393. He only played one game that year, but in that game he scored a goal and 2 assists making his points per game average 3.00 for the whole season. This is a NHL record for single season point per game average which Kromm shares with Bill Kyle who also achieved the", + "score": 0.7120698690414429 + }, + { + "id": "4306930", + "title": "Joe Mullen", + "text": "reached that total. He won his first of three consecutive Molson Cups as the Flames player with the most three star selections during the season. 1988\u201389 was Mullen's best season in the NHL. He reached the 50 goal and 100 point milestones, leading the Flames with 51 and 110 respectively, and won his second Lady Byng Memorial Trophy. He was named a First-Team All-Star at right wing and won the Plus-Minus Award at +51. Additionally, he played in his first NHL All-Star Game, appearing opposite his brother Brian. He led the 1989 Stanley Cup Playoffs with 16 goals as the", + "score": 0.7119224071502686 + }, + { + "id": "4828965", + "title": "2000\u201301 NHL season", + "text": "in a game nationally televised on \"Hockey Night in Canada\", registered his first assist 33 seconds into the game against the Toronto Maple Leafs. He went on to add a goal and finish with three points, solidifying his return and bringing a struggling Jaromir Jagr back to his elite status, who went on to win his fourth straight Art Ross Trophy, narrowly surpassing Joe Sakic. Despite playing in only 43 games in 2000\u201301, Lemieux scored 76 points to finish 26th in scoring, finishing the season with the highest points-per-game average that season among NHL players. Lemieux was one of the", + "score": 0.711844265460968 + }, + { + "id": "5889186", + "title": "1960\u201361 NHL season", + "text": "match the feat. The original Hart Trophy was retired, as all its plaques were filled and its general condition had deteriorated. A new trophy was commissioned and the award was renamed the Hart Memorial Trophy. On September 15, 1960, Maurice \"Rocket\" Richard announced his retirement from hockey. During his career, he had led all scorers with a record 544 goals plus 82 for the playoffs. Despite the league expanding the number of games in a season to 70 games from 50 since Richard's famous 50 goals in 50 games, Richard remained the only player to score 50 goals in a", + "score": 0.7115538120269775 + }, + { + "id": "11077012", + "title": "1969\u201370 Boston Bruins season", + "text": "never have a 2-game losing streak for the remainder of the season, finishing the year with a 40\u201317\u201319 record, earning 99 points, which tied the Chicago Black Hawks for 1st place in the Eastern Division. Chicago was awarded 1st place though due to having more wins than Boston, as the Hawks recorded 45. Bobby Orr had a breakout season, leading the league with 120 points, becoming the first defenseman in league history to record over 100 points, while setting an NHL record with 87 assists. Orr also scored 33 goals, which also was a record by a defenseman. Orr also", + "score": 0.7110183238983154 + }, + { + "id": "3116529", + "title": "Al MacInnis", + "text": "assists in six games in the final series against the Montreal Canadiens en route to winning the Conn Smythe Trophy as the most valuable player of the playoffs. MacInnis became the first defenceman to lead the league in post-season scoring, and he finished with a 17-game scoring streak, the longest by a defenceman in NHL history. MacInnis finished second amongst NHL defencemen in scoring in 1989\u201390 with 90 points and was named a First Team All-Star for the first time. He improved to a career high 103 points the following year, becoming the first Flames' defenceman and only the fourth", + "score": 0.7109988927841187 + }, + { + "id": "10266737", + "title": "1980\u201381 Edmonton Oilers season", + "text": "1980\u201381 Edmonton Oilers season The 1980\u201381 Edmonton Oilers season was the Oilers' second season in the NHL, and they finished with 74 points, a 5-point improvement from their 1st season. Wayne Gretzky would run away with the Art Ross Trophy, awarded to the leading scorer, as he finished with 164 points, 29 points ahead of runner-up Marcel Dionne of the Los Angeles Kings. Gretzky would also win his second consecutive Hart Memorial Trophy, awarded to the MVP of the NHL. His 164 points were an NHL record, previously held by Phil Esposito of the Boston Bruins in the 1970\u201371 NHL", + "score": 0.7107651233673096 + }, + { + "id": "6734699", + "title": "Tim Kerr", + "text": "majority of the 1982-83 season with knee issues and a broken leg, but turned things around starting in the 1983-84 season. That's when he began his team-record run of four consecutive 50-goal campaigns, in the process setting the NHL single-season record for power play goals with 34 in the 1985\u201386 season. During the first round of the '85 playoffs, against the New York Rangers, Kerr set a still-standing NHL single-game record by scoring four goals in a span of 8:16 in the second period of an eventual 6-5 victory at Madison Square Garden which enabled Philadelphia to sweep the best-of-five", + "score": 0.710546612739563 + }, + { + "id": "1950076", + "title": "Dale Hunter", + "text": "an unsuspecting Turgeon into the boards. As a result of the incident, Hunter was suspended for the first 21 games of the 1993-94 season. He broke the 1,000 points barrier (and is the NHL record holder for requiring the most games to do so by a forward, at 1,308, as well having the most penalty minutes when reaching that scoring milestone). He played in the NHL All-Star game in 1997. The following year, he led the fourth seeded Capitals to their first appearance in the Stanley Cup Finals, defeating the Boston Bruins, Ottawa Senators, and Buffalo Sabres. In the finals,", + "score": 0.7105453014373779 + }, + { + "id": "5713057", + "title": "1981\u201382 NHL season", + "text": "of the extra OT period in the NHL regular season. The Penguins would need to win 2 of their games in the OT period (in games 2 and 15) and would not have accomplished their streak in 1982 without the extra period, as two of their games would have ended in a tie. The Edmonton Oilers' young superstar Wayne Gretzky broke several records, including the record of 50 goals in 50 games, set by Maurice Richard and Mike Bossy, by scoring 50 goals in only 39 games. Gretzky also broke Phil Esposito's record of 76 goals in a season with", + "score": 0.7098585963249207 + }, + { + "id": "993403", + "title": "Bobby Hull", + "text": "lead the Chicago Black Hawks to the Stanley Cup in 1961\u2014their third overall and first in 23 years. He finished second in point-scoring three further times. On March 12, 1966, he became the first NHL player to score more than 50 goals in a season, surpassing Maurice Richard's and Bernie Geoffrion's hallowed mark of 50 goals. His 51st goal against the New York Rangers earned him a seven-minute standing ovation from the Chicago Stadium faithful. Hull eventually scored 54 goals that season, the highest single season total of the Original Six era. That same year, Hull set the record for", + "score": 0.7091846466064453 + }, + { + "id": "11551037", + "title": "1973\u201374 QMJHL season", + "text": "had more than 90 goals and 200 points each. Sorel goalkeeper Claude Legris won the top goaltender award, despite posting a 4.50 goals against average; the highest GAA of any Jacques Plante Memorial Trophy winner to date. Pierre Larouche set a Canadian junior ice hockey record scoring record for most points scored in a season with 251, that lasted until the 1983\u201384 QMJHL season when broken by Mario Lemieux. Three different players, Mike Bossy, Alain Daigle and Bob Sirois each scored 70 goals or more in the season, yet none were in the top ten league scoring leaders. The Quebec", + "score": 0.7091079354286194 + }, + { + "id": "5124308", + "title": "Roy Conacher", + "text": "a point per game in 1947\u201348 with 48 points in 52 games. His best statistical season came in 1948\u201349 when he won the Art Ross Trophy as the NHL's leading point scorer playing on a line with Bill Mosienko and Doug Bentley on a team that was coached by his brother Charlie. Conacher recorded 68 points while his 26 goals were good enough for second in the league. Additionally, he was named to the first All-Star team at left wing and played in the 1949 All-Star Game. He remained among the league's scoring leaders in 1949\u201350 as his 56 points", + "score": 0.7089279890060425 + }, + { + "id": "462353", + "title": "Wayne Gretzky", + "text": "of seven consecutive) with a then-record 164 points, breaking both Bobby Orr's record for assists in a season (102) and Phil Esposito's record for points in a season (152). He won his second straight Hart Trophy. In the first game of the 1981 Stanley Cup playoffs, against the Montreal Canadiens, Gretzky had five assists, a single game playoff record. During the 1981\u201382 season, Gretzky surpassed a record that had stood for 35 years: 50 goals in 50 games, first set by Maurice \"Rocket\" Richard during the 1944\u201345 NHL season and tied by Mike Bossy during the 1980\u201381 NHL season. Gretzky", + "score": 0.7084282636642456 + }, + { + "id": "10620330", + "title": "1985\u201386 Edmonton Oilers season", + "text": "assists, breaking records that he had previously set, as he won his sixth Art Ross Trophy and his seventh Hart Trophy. Jari Kurri would become the first Oiler other than Gretzky to lead the team in goals as he scored 68 goals, and added 63 assists to finish with 131 points. Paul Coffey would set the record for most goals (48) by a defenceman, breaking the record of 46 goals that Bobby Orr had previously set while finishing the season with 138 points, which was one point behind Orr's all-time defenceman record of 139 points. He would go on to", + "score": 0.7080897092819214 + }, + { + "id": "5033548", + "title": "Michel Larocque", + "text": "with Montreal in 1976, 1977, 1978 and 1979. Near the trade deadline in 1981, he was traded to the Toronto Maple Leafs for defenceman Robert Picard. Larocque played 50 games the following season with a struggling Leafs team. Larocque was in net when the Buffalo Sabres scored a NHL record of 9 goals in one period in a 14-4 game. He was again traded to the Philadelphia Flyers in 1983 for goaltender Rick St. Croix, and finished his NHL career with the St. Louis Blues in 1984 after being sold by the Flyers, who had settled on Pelle Lindbergh in", + "score": 0.7080283761024475 + }, + { + "id": "3362592", + "title": "Brendan Shanahan", + "text": "1998, 2002). In 2017 Shanahan was named one of the '100 Greatest NHL Players' in history. With his physical play and goal scoring ability, Shanahan scored 656 goals in his NHL career spanning over 1,500 NHL games and, at the time of his retirement, was the leader among active NHL players for goals scored. Shanahan is the only player in NHL history with over 600 goals and 2,000 penalty minutes. Competing for Canada internationally, Shanahan won a gold medal at the 1994 World Championships, 2002 Winter Olympics, and a 1991 Canada Cup championship. Having won what are considered the three", + "score": 0.7077994346618652 + }, + { + "id": "11159605", + "title": "1995\u201396 Pittsburgh Penguins season", + "text": "(362), even-strength goals (235), power-play goals (109), power-play percentage (25.95%) and shooting percentage while scoring 362 goals on just 2,645 shots (13.7%). Despite missing 12 regular-season games, Lemieux led the NHL in goals (69), assists (92), points (161) power-play goals (31) and shorthanded goals (8). Czech superstar Jaromir Jagr had a career year, scoring 62 goals (second in the League), 87 assists (third in the League) and 149 points (second in the League). The third 100-point scorer on the team was Ron Francis, who tallied 27 goals and 92 assists (tied for first in the NHL with Lemieux) for 119", + "score": 0.7076582908630371 + }, + { + "id": "814413", + "title": "Edmonton Oilers", + "text": "NHL in goals with 68, finishing with 131 points. Paul Coffey set a new record for most goals in a season by a defenceman (48), and he just missed setting a new record for points by a defenceman with 138 (Bobby Orr scored 139 in 1970\u201371). Gretzky also set records for assists (163) and points (215). However, the Oilers failed to win their third straight Stanley Cup, as the Calgary Flames defeated them in seven games in the second round of the playoffs. In the third period of a 2\u20132 tie during Game 7, Steve Smith, a rookie for the", + "score": 0.7075867652893066 + }, + { + "id": "7067389", + "title": "Mark Howe", + "text": "Mark Messier. Howe had his best season during the 1985\u201386 season where he posted some of the best numbers ever by an NHL defenseman. He scored 24 goals, added 58 assists for 82 total points. He led the NHL with a remarkable +85. He also added 7 shorthanded goals while being the lifeline out of the Flyers defensive zone with his outstanding skating and passing ability. Unfortunately for Howe, Edmonton's Paul Coffey had perhaps one of the best seasons by a defenseman in NHL history, breaking Bobby Orr's single-season records for goals and tallying 138 points. Howe, for the second", + "score": 0.7074674367904663 + }, + { + "id": "11194886", + "title": "1985\u201386 Philadelphia Flyers season", + "text": "In a 7\u20133 loss to the Devils on March 8, Tim Kerr set an NHL record with his 29th power-play goal of the season, passing Hall-of-Famer Phil Esposito's mark. He finished the year with 34, the league record to this day. Propp had the best chance of his career to crack the 100-point mark, but that was derailed on March 6, when Buffalo Sabres forward Lindy Ruff caught him in the eye with a high stick. The incident cost Propp several games, and he finished with a team-high 97 points while also causing him to wear a visor for the", + "score": 0.7074259519577026 + }, + { + "id": "2556405", + "title": "Mike Modano", + "text": "period in a regulation win against Antero Niittym\u00e4ki of the Philadelphia Flyers with assists by Antti Miettinen and Jon Klemm. He is only the 14th goal scorer to score 500 goals with a single team and the 39th player to reach 500 goals overall. On March 17, 2007, in an away game versus the Nashville Predators, Modano scored his 502nd and 503rd career regular-season goals in a 3\u20132 loss, thus passing Joe Mullen's NHL record (502) for most goals scored by an American-born player. Modano also holds the NHL all-time record for most points scored by a U.S. born player.", + "score": 0.7069101929664612 + }, + { + "id": "5195546", + "title": "Bill Mosienko", + "text": "Bill Mosienko William Mosienko (November 2, 1921 \u2013 July 9, 1994) was a Ukrainian Canadian professional ice hockey right winger who played 14 seasons in the National Hockey League (NHL) for the Chicago Black Hawks. He is best noted for recording the fastest hat trick in NHL history. In a 1952 game against the New York Rangers, Mosienko scored three goals in 21 seconds. In the NHL, Mosienko won the Lady Byng Memorial Trophy in 1945 as the most gentlemanly player in the league, played in five All-Star Games and was twice named to the second All-Star Team. He left", + "score": 0.7067995667457581 + }, + { + "id": "5026472", + "title": "Red Berenson", + "text": "straight Stanley Cup finals and being named the division's best player by his peers in The Sporting News' annual poll each of those years. His most notable scoring feat came on November 7, 1968, in a road game against the Philadelphia Flyers. Berenson scored six goals, including four over a nine-minute span. He became the first player to score a double hat trick on a road game. The six-goal total was one shy of the all-time NHL record (set by Joe Malone in 1920), and has been accomplished only once since. Berenson was named team captain in 1970; however, as", + "score": 0.7066907286643982 + }, + { + "id": "6228196", + "title": "1969\u201370 NHL season", + "text": "the West Division final, the St. Louis Blues beat the Pittsburgh Penguins in six games. The Pens did not get to the semifinals again until their championship season in 1991. Phil Esposito of the Bruins led all playoff scorers with 13 goals and 14 assists for 27 points, at the time a new NHL playoff record, followed by Orr with 20 points and Johnny Bucyk of the Bruins with 19 points. Gerry Cheevers of the Bruins led all goaltenders with twelve wins, while Jacques Plante of the Blues led all goaltenders in goals against average in the playoffs with 1.48.", + "score": 0.7064462304115295 + }, + { + "id": "5251319", + "title": "Cy Denneny", + "text": "NHL history to score 200 goals (181 GP). During a six-week span in the 1920\u201321 NHL season, Cy and his brother Corbett (Toronto St. Patricks), each scored six goals during a game\u2014a feat accomplished by only five other players in the history of the NHL. Despite not being a swift skater, Denneny had one of the most deceptive and accurate shots in the league, which enabled him to achieve his scoring feats so rapidly. He was one of the first known players to use opposing defencemen as screens, and would beat goaltenders with head fakes and subsequently with shots that", + "score": 0.7064391374588013 + } + ] + }, + { + "qa_pairs": [ + { + "context": "The Des Moines metropolitan area, officially known as the Des Moines\u2013West Des Moines, IA Metropolitan Statistical Area (MSA), consists of six counties in central Iowa, United States: Polk, Dallas, Warren, Madison, Guthrie, and as of September 2018, Jasper. The 2010 census population of these counties was 606,475, and the 2017 estimated population was 682,877.", + "question": "What is the 2017 population of the des moines area?", + "short_answers": [ + "682,877" + ], + "wikipage": "Des Moines metropolitan area" + }, + { + "context": "The Des Moines metropolitan area, officially known as the Des Moines\u2013West Des Moines, IA Metropolitan Statistical Area (MSA), consists of six counties in central Iowa, United States: Polk, Dallas, Warren, Madison, Guthrie, and as of September 2018, Jasper. The 2010 census population of these counties was 606,475, and the 2017 estimated population was 682,877.", + "question": "What is the 2010 population of the des moines area?", + "short_answers": [ + "606,475" + ], + "wikipage": "Des Moines metropolitan area" + } + ], + "wikipages": [ + { + "title": "Des Moines metropolitan area", + "url": "https://en.wikipedia.org/wiki/Des%20Moines%20metropolitan%20area" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "The Des Moines metropolitan area, which consists of six counties in Iowa; Polk, Dallas, Warren, Madison, Guthrie, and as of September 2018, Jasper, has a population of 682,877 as of the 2018 census. And according to the 2010 census, the Des Moines metropolitan area, had a population of 606,475. " + } + ], + "sample_id": "7362421500766179608", + "question": "What is the population of the des moines area?", + "docs": [ + { + "id": "8167305", + "title": "Des Moines metropolitan area", + "text": "Des Moines metropolitan area The Des Moines metropolitan area, officially known as the Des Moines\u2013West Des Moines, IA Metropolitan Statistical Area (MSA), consists of six counties in central Iowa, United States: Polk, Dallas, Warren, Madison, Guthrie, and as of September 2018, Jasper. The 2010 census population of these counties was 606,475, and the 2017 estimated population was 682,877. Two additional counties, Boone and Story, are part of the Des Moines\u2013Ames\u2013West Des Moines Combined Statistical Area (CSA). The area encompasses the separate metropolitan area of Ames (Story County), and the separate micropolitan area of Boone (Boone County). The total population of", + "score": 0.8464003801345825 + }, + { + "id": "110797", + "title": "Des Moines, Iowa", + "text": "the city of Des Moines. An additional 759 acres (1.18 square miles) were voluntarily annexed to the city over that same period. The Des Moines-West Des Moines Metropolitan Statistical Area consists of five central Iowa counties: Polk, Dallas, Warren, and Madison. The area had a 2000 census population of 481,394 and an estimated 2014 population of 768,927. The Des Moines-Newton-Pella Combined Statistical Area consists of those four counties plus Jasper and Marion Counties; the 2000 census population of this area was 550,659, and the estimated 2009 population was 631,805. Des Moines' suburban communities include Altoona, Ankeny, Bondurant, Carlisle, Clive, Grimes,", + "score": 0.826547384262085 + }, + { + "id": "110790", + "title": "Des Moines, Iowa", + "text": "single-member districts or wards, rather than at-large. This enabled broader representation of voters. As with many major urban areas, the city core began losing population to the suburbs in the 1960s (the peak population of 208,982 was recorded in 1960), as highway construction led to new residential construction outside the city. The population was 198,682 in 2000 and grew slightly to 200,538 in 2009. The growth of the outlying suburbs has continued, and the overall metropolitan-area population is over 600,000 today. During the Great Flood of 1993, heavy rains throughout June and early July caused the Des Moines and Raccoon", + "score": 0.8174307346343994 + }, + { + "id": "8167308", + "title": "Des Moines metropolitan area", + "text": "of the population. The median income for a household in the MSA was $44,667, and the median income for a family was $52,617. Males had a median income of $34,710 versus $25,593 for females. The per capita income for the MSA was $21,253. Des Moines metropolitan area The Des Moines metropolitan area, officially known as the Des Moines\u2013West Des Moines, IA Metropolitan Statistical Area (MSA), consists of six counties in central Iowa, United States: Polk, Dallas, Warren, Madison, Guthrie, and as of September 2018, Jasper. The 2010 census population of these counties was 606,475, and the 2017 estimated population was", + "score": 0.8057411909103394 + }, + { + "id": "8167307", + "title": "Des Moines metropolitan area", + "text": "after metropolitan areas were redefined. In 2005 the area was renamed the Des Moines\u2013West Des Moines Metropolitan Statistical Area after a special census showed that West Des Moines had topped the 50,000 mark in population. Jasper county was added in September 2018. As of the census of 2000, there were 481,394 people, 189,371 households, and 126,177 families residing within the MSA. The racial makeup of the MSA was 90.24% White, 3.85% African American, 0.24% Native American, 2.15% Asian, 0.05% Pacific Islander, 2.00% from other races, and 1.46% from two or more races. Hispanic or Latino of any race were 4.02%", + "score": 0.8001688718795776 + }, + { + "id": "110773", + "title": "Des Moines, Iowa", + "text": "Des Moines, Iowa Des Moines () is the capital and the most populous city in the U.S. state of Iowa. It is also the county seat of Polk County. A small part of the city extends into Warren County. It was incorporated on September 22, 1851, as Fort Des Moines, which was shortened to \"Des Moines\" in 1857. It is on and named after the Des Moines River, which likely was adapted from the French colonial name, \"Rivi\u00e8re des Moines,\" meaning \"River of the Monks\". The city's population was 217,521 as of the 2017 population estimate. The five-county metropolitan area", + "score": 0.7944708466529846 + }, + { + "id": "8167306", + "title": "Des Moines metropolitan area", + "text": "the CSA was 722,323 in the 2010 census and 806,863 based on 2017 estimates. The lowest geographical point in the metropolitan area is the Des Moines River, where it passes the northeast corner of Warren County, and the southeast corner of Polk County. Polk County was originally the only county in the Des Moines metropolitan area when the United States Bureau of the Budget (now the United States Office of Management and Budget) began defining metropolitan areas in 1950. Warren County was added in 1973 and Dallas County was added in 1983. Guthrie and Madison counties were added in 2003", + "score": 0.7885720133781433 + }, + { + "id": "110774", + "title": "Des Moines, Iowa", + "text": "is ranked 89th in terms of population in the United States with 634,725 residents according to the 2016 estimate by the United States Census Bureau. Des Moines is a major center of the U.S. insurance industry, and has a sizable financial services and publishing business base. The city was credited as the \"number one spot for U.S. insurance companies\" in a \"Business Wire\" article and named the third-largest \"insurance capital\" of the world. The city is the headquarters for the Principal Financial Group, the Meredith Corporation, Ruan Transportation, EMC Insurance Companies, and Wellmark Blue Cross Blue Shield. Other major corporations", + "score": 0.7791724801063538 + }, + { + "id": "110802", + "title": "Des Moines, Iowa", + "text": "city was 33.5 years. 24.8% of residents were under the age of 18; 10.9% were between the ages of 18 and 24; 29.4% were from 25 to 44; 23.9% were from 45 to 64; and 11% were 65 years of age or older. The gender makeup of the city was 48.9% male and 51.1% female. As of the 2000 census, there were 198,682 people, 80,504 households, and 48,704 families in the city. The population density was 2,621.3 people per square mile (1,012.0/km\u00b2). There were 85,067 housing units at an average density of 1,122.3 per square mile (433.3/km\u00b2). The racial makeup", + "score": 0.775651216506958 + }, + { + "id": "110786", + "title": "Des Moines, Iowa", + "text": "1885, numerous mine shafts were within the city limits, and mining began to spread into the surrounding countryside. By 1893, 23 mines were in the region. By 1908, Des Moines' coal resources were largely exhausted. In 1912, Des Moines still had eight locals of the United Mine Workers union, representing 1,410 miners. This was about 1.7% of the city's population in 1910. By 1880, Des Moines had a population of 22,408, making it Iowa's largest city. It displaced the three Mississippi River ports: Burlington, Dubuque, and Davenport, that had alternated holding the position since the territorial period. Des Moines has", + "score": 0.7731620073318481 + }, + { + "id": "18463789", + "title": "Downtown Des Moines", + "text": "Downtown Des Moines Downtown Des Moines is the central business district of Des Moines, Iowa and the Greater Des Moines Metropolitan Area. Downtown Des Moines is defined by the City of Des Moines as located between the Des Moines River to the east, the Raccoon River to the south, Center Street to the north, and 18th and 15th Streets to the west. In 2014, Downtown Des Moines was listed as one of the top 5 up-and-coming downtowns by Fortune.com. As of the 2010 Census, Downtown Des Moines, including the East Village, had a population of 5,431 with a total of", + "score": 0.7711177468299866 + }, + { + "id": "1067093", + "title": "West Des Moines, Iowa", + "text": "West Des Moines, Iowa West Des Moines is a city in Polk, Dallas, and Warren counties in the U.S. state of Iowa. Most of the city is in Polk County, with slivers extending into Dallas and Warren counties. As of the 2010 census, the city population was 56,609. West Des Moines is the second-largest city in the Des Moines metropolitan area and the tenth-largest city in Iowa. It ranked 94th in \"Money\" magazine's list of the \"100 Best Places to Live and Launch\" in 2008, 77th and 57th on the 100 Best Places to Live in 2014 and 2015, respectively,", + "score": 0.7707464694976807 + }, + { + "id": "1251753", + "title": "Des Moines, Washington", + "text": "Des Moines, Washington Des Moines ( ) is a city in King County, Washington, United States. The population was 29,673 as of the 2010 census. Des Moines is located on the east shore of Puget Sound, approximately halfway between the major cities of Seattle and Tacoma. The city is bordered by the suburbs of Federal Way to the south, Kent to the east, SeaTac to the northeast, Burien to the north, and Normandy Park to the northwest. It is one of the few points along this shoreline where the topography facilitates access to the water, and a recreational marina operated", + "score": 0.7579986453056335 + }, + { + "id": "1067125", + "title": "West Des Moines, Iowa", + "text": "populated with homeschoolers on Tuesday and Thursday mornings and during those afternoons. The school also host sporting events for the neighboring Stilwell Jr High school. West Des Moines, Iowa West Des Moines is a city in Polk, Dallas, and Warren counties in the U.S. state of Iowa. Most of the city is in Polk County, with slivers extending into Dallas and Warren counties. As of the 2010 census, the city population was 56,609. West Des Moines is the second-largest city in the Des Moines metropolitan area and the tenth-largest city in Iowa. It ranked 94th in \"Money\" magazine's list of", + "score": 0.7552054524421692 + }, + { + "id": "1067108", + "title": "West Des Moines, Iowa", + "text": "rain in the summer and snowmelt in the spring, filling the streets and damaging homes and businesses. In 1950 West Des Moines had a population of 5,615, but the city grew as many new housing subdivisions were built. West Des Moines annexed the neighboring community of Clover Hills in 1950, the town of Ashawa, a former Rock Island railroad stop, in 1957, and the town of Commerce, along the Raccoon River, in 1960. City government also grew, and when the venerable city hall could not keep up with the city's expansion, the city opened a new municipal building in 1954.", + "score": 0.7546998262405396 + }, + { + "id": "946389", + "title": "Des Moines County, Iowa", + "text": "Des Moines County, Iowa Des Moines County is a county located in the U.S. state of Iowa. As of the 2010 census, the population was 40,325. The county seat is Burlington. It is one of Iowa's two original counties along with Dubuque County; both were organized by the Michigan Territorial legislature in 1834. Des Moines County is part of the Burlington, IA\u2013IL Micropolitan Statistical Area. Des Moines County should not be confused with the city of Des Moines, which is the capital of Iowa. Des Moines County sits on Iowa's eastern border alongside the Mississippi River. The city of Des", + "score": 0.7536835670471191 + }, + { + "id": "946396", + "title": "Des Moines County, Iowa", + "text": "based on the 2010 census of Des Moines County. \u2020 \"county seat\" Des Moines County, Iowa Des Moines County is a county located in the U.S. state of Iowa. As of the 2010 census, the population was 40,325. The county seat is Burlington. It is one of Iowa's two original counties along with Dubuque County; both were organized by the Michigan Territorial legislature in 1834. Des Moines County is part of the Burlington, IA\u2013IL Micropolitan Statistical Area. Des Moines County should not be confused with the city of Des Moines, which is the capital of Iowa. Des Moines County sits", + "score": 0.7498326897621155 + }, + { + "id": "1115134", + "title": "Des Moines Township, Jackson County, Minnesota", + "text": "Des Moines Township, Jackson County, Minnesota Des Moines Township is a township in Jackson County, Minnesota, United States. The population was 273 at the 2000 census. Des Moines Township was organized in 1866, taking its name from the Des Moines River. According to the United States Census Bureau, the township has a total area of , of which is land and (2.01%) is water. As of the census of 2000, there were 273 people, 115 households, and 84 families residing in the township. The population density was 8.6 people per square mile (3.3/km\u00b2). There were 125 housing units at an", + "score": 0.7472712993621826 + }, + { + "id": "946393", + "title": "Des Moines County, Iowa", + "text": "2000 census, there were 42,351 people, 17,270 households, and 11,536 families residing in the county. The population density was 102 people per square mile (39/km\u00b2). There were 18,643 housing units at an average density of 45 per square mile (17/km\u00b2). The racial makeup of the county was 93.69% White, 3.57% Black or African American, 0.25% Native American, 0.59% Asian, 0.04% Pacific Islander, 0.68% from other races, and 1.18% from two or more races. 1.75% of the population were Hispanic or Latino of any race. There were 17,270 households out of which 29.60% had children under the age of 18 living", + "score": 0.744819700717926 + }, + { + "id": "1067118", + "title": "West Des Moines, Iowa", + "text": "of those 65 and older. As of the census of 2010, there were 56,609 people, 24,311 households, and 14,201 families residing in the city. The population density was . There were 26,219 housing units at an average density of . The racial makeup of the city was 88.4% White, 3.3% African American, 0.2% Native American, 4.8% Asian, 1.5% from other races, and 1.9% from two or more races. Hispanic or Latino of any race were 5.2% of the population. There were 24,311 households of which 30.6% had children under the age of 18 living with them, 46.4% were married couples", + "score": 0.7446736693382263 + }, + { + "id": "1251759", + "title": "Des Moines, Washington", + "text": "census of 2010, there were 29,673 people, 11,664 households, and 7,249 families residing in the city. The population density was . There were 12,588 housing units at an average density of . The racial makeup of the city was 63.5% White, 9.1% African American, 1.1% Native American, 10.7% Asian, 2.4% Pacific Islander, 7.8% from other races, and 5.4% from two or more races. Hispanic or Latino of any race were 15.2% of the population. There were 11,664 households of which 30.5% had children under the age of 18 living with them, 43.8% were married couples living together, 12.8% had a", + "score": 0.739159345626831 + }, + { + "id": "946040", + "title": "Polk County, Iowa", + "text": "enlarged.. According to the US Census Bureau, the county has a total area of , of which is land and (3.0%) is water. The county is bisected by the Des Moines River. The 2010 census recorded a population of 430,640 in the county, with a population density of . There were 182,262 housing units, of which 170,197 were occupied. As of the census of 2000, there were 374,601 people, 149,112 households, and 96,624 families residing in the county. The population density was 658 people per square mile (254/km\u00b2). There were 156,447 housing units at an average density of 275 per", + "score": 0.7377156019210815 + }, + { + "id": "946044", + "title": "Polk County, Iowa", + "text": "Polk County, Iowa Polk County is a county in the U.S. state of Iowa. As of the 2010 census, the population was 430,640, making it Iowa's most populous county, hosting over 14% of the state's residents. The county seat is Des Moines, which is also the capital city of Iowa. Polk County is included the Des Moines\u2013West Des Moines, IA Metropolitan Statistical Area. On January 13, 1846, the legislative body of the Indiana Territory authorized creation of twelve counties in the Iowa Territory, with general descriptions of their boundaries. On January 17 they further enacted a resolution setting the effective", + "score": 0.7373665571212769 + }, + { + "id": "946038", + "title": "Polk County, Iowa", + "text": "Polk County, Iowa Polk County is a county in the U.S. state of Iowa. As of the 2010 census, the population was 430,640, making it Iowa's most populous county, hosting over 14% of the state's residents. The county seat is Des Moines, which is also the capital city of Iowa. Polk County is included the Des Moines\u2013West Des Moines, IA Metropolitan Statistical Area. On January 13, 1846, the legislative body of the Indiana Territory authorized creation of twelve counties in the Iowa Territory, with general descriptions of their boundaries. On January 17 they further enacted a resolution setting the effective", + "score": 0.7373481392860413 + }, + { + "id": "110799", + "title": "Des Moines, Iowa", + "text": "precipitation averages , with a peak in the warmer months. Winters are slightly colder than Chicago, but still warmer than Minneapolis, with summer temperatures being very similar between the Upper Midwest metropolitan areas. As of the census of 2010, there were 203,433 people, 81,369 households, and 47,491 families residing in the city. Population density was . There were 88,729 housing units at an average density of . The racial makeup of the city for Unincorporated areas not merged with the city proper was 66.2% White, 15.5% African Americans, 0.5% Native American, 4.0% Asian, and 2.6% from Two or more races.", + "score": 0.7367851734161377 + }, + { + "id": "1067110", + "title": "West Des Moines, Iowa", + "text": "current location in Dallas County. In 1966, Dowling Catholic High School/St. Joseph Educational Center purchased from the Des Moines Golf and Country Club and, subsequently, moved from Des Moines and opened at its current location, 1400 Buffalo Road, in the fall of 1972. Several retail and office complexes opened along the I-235 corridor after the freeway's completion, including Valley West Mall, which opened in 1975. West Des Moines' population jumped from 11,964 in 1960 to 31,702 in 1990. West Des Moines expanded into Dallas County during the 1990s and 2000s, once again placing the premier golf courses of the Des", + "score": 0.7342796325683594 + }, + { + "id": "1251761", + "title": "Des Moines, Washington", + "text": "age or older. The gender makeup of the city was 48.7% male and 51.3% female. As of the census of 2000, there were 29,267 people, 11,337 households, and 7,289 families residing in the city. The population density was 4,616.5 people per square mile (1,782.3/km\u00b2). There were 11,777 housing units at an average density of 1,857.7 per square mile (717.2/km\u00b2). The racial makeup of the city was 74.15% White, 7.20% African American, 0.96% Native American, 8.28% Asian, 1.34% Pacific Islander, 3.32% from other races, and 4.76% from two or more races. Hispanic or Latino of any race were 6.61% of the", + "score": 0.7327728271484375 + }, + { + "id": "1067120", + "title": "West Des Moines, Iowa", + "text": "10.6% were 65 years of age or older. The gender makeup of the city was 48.3% male and 51.7% female. As of the census of 2000, there were 46,403 people, 19,826 households, and 11,915 families residing in the city. The population density was 1,732.5 people per square mile (669.0/km\u00b2). There were 20,815 housing units at an average density of 777.1 per square mile (300.1/km\u00b2). The racial makeup of the city was 92.66% White, 1.87% African American, 0.13% Native American, 2.76% Asian, 0.03% Pacific Islander, 1.26% from other races, and 1.29% from two or more races. Hispanic or Latino of any", + "score": 0.7262414693832397 + }, + { + "id": "1161097", + "title": "Des Moines, New Mexico", + "text": "The village took its name after Des Moines, Iowa. Des Moines is located at (36.760167, -103.835317). According to the United States Census Bureau, the village has a total area of , all of it land. As of the census of 2000, there were 143 people, 72 households, and 37 families residing in the village. The racial makeup of the village was 88.1% White (65.7% non-Hispanic white), 1.4% Native American, 7.0% from other races, and 3.5% from two or more races. Hispanic or Latino of any race were 30.8% of the population. As of the 2000 census There were 72 households", + "score": 0.7242802977561951 + }, + { + "id": "110796", + "title": "Des Moines, Iowa", + "text": "States Census Bureau, the city has an area of , of which is land and is covered by water. It is 850 feet above sea level at the confluence of the Raccoon and Des Moines Rivers. In November 2005, Des Moines voters approved a measure that allowed the city to annex parcels of land in the northeast, southeast, and southern corners of Des Moines without agreement by local residents, particularly areas bordering the Iowa Highway 5/U.S. 65 bypass. The annexations became official on June 26, 2009, as 5,174 acres (9.27 square miles) and around 868 new residents were added to", + "score": 0.7226963043212891 + }, + { + "id": "110850", + "title": "Des Moines, Iowa", + "text": "members from the City of Des Moines and the suburbs of West Des Moines, Windsor Heights, Johnston, and Ankeny, maintains sister city relationships with five world communities: Des Moines, Iowa Des Moines () is the capital and the most populous city in the U.S. state of Iowa. It is also the county seat of Polk County. A small part of the city extends into Warren County. It was incorporated on September 22, 1851, as Fort Des Moines, which was shortened to \"Des Moines\" in 1857. It is on and named after the Des Moines River, which likely was adapted from", + "score": 0.7210462093353271 + }, + { + "id": "110787", + "title": "Des Moines, Iowa", + "text": "remained Iowa's most populous city. In 1910, the Census Bureau reported Des Moines' population as 97.3% white and 2.7% black, reflecting its early settlement pattern primarily by ethnic Europeans. At the turn of the 20th century, Des Moines undertook a \"City Beautiful\" project in which large Beaux Arts public buildings and fountains were constructed along the Des Moines River. The former Des Moines Public Library building (now the home of the World Food Prize); the United States central Post Office, built by the federal government (now the Polk County Administrative Building, with a newer addition); and the City Hall are", + "score": 0.7206023335456848 + }, + { + "id": "1072264", + "title": "Ankeny, Iowa", + "text": "Interstate 35 and U.S. Route 69 about north of downtown Des Moines. According to the United States Census Bureau, the city has a total area of , all of it land. In 1940, Ankeny had a population of 779, but its population began to grow with the rest of the Des Moines suburbs after World War II. The 2010 census of 45,582 makes Ankeny the third-largest city in Polk County, behind Des Moines and West Des Moines. In 2018, Ankeny's population reached an estimated 63,000. As of the census of 2010, there were 45,582 people, 17,433 households, and 12,087 families", + "score": 0.7197635173797607 + }, + { + "id": "1117662", + "title": "Des Moines River Township, Murray County, Minnesota", + "text": "Des Moines River Township, Murray County, Minnesota Des Moines River Township is a township in Murray County, Minnesota, United States. The population was 182 at the 2000 census. Des Moines River Township was organized in 1878, and named after the Des Moines River. According to the United States Census Bureau, the township has a total area of , of which of it is land and of it (1.14%) is water. As of the census of 2000, there were 182 people, 75 households, and 60 families residing in the township. The population density was 5.1 people per square mile (2.0/km\u00b2). There", + "score": 0.7196295261383057 + }, + { + "id": "17955408", + "title": "Davenport\u2013Moline\u2013Clinton, Muscatine, Iowa\u2013Illinois Combined Statistical Area", + "text": "Davenport\u2013Moline\u2013Clinton, Muscatine, Iowa\u2013Illinois Combined Statistical Area Greater Quad Cities, IA/IL is a nickname for the Davenport\u2013Moline\u2013Clinton, Muscatine, IA\u2013IL Combined Statistical Area, an area that is made up of four counties in Iowa and three in Illinois. The statistical area includes one metropolitan areas and two micropolitan area. As of the 2010 Census, the CSA had a population of 471,551 (though a March 2017 estimate placed the population at 472,153). The area consists of the: The communities (both incorporated and unincorporated) in the combined statistical area are as follows: Eastern Iowa Community Colleges Below is a list of the airports in", + "score": 0.7154615521430969 + }, + { + "id": "1161096", + "title": "Des Moines, New Mexico", + "text": "Des Moines, New Mexico Des Moines is a village in Union County, New Mexico, United States. The population was 143 at the 2000 census. Des Moines is a small village surrounded by large cattle ranches. Just Southwest of the town Sierra Grande, the largest shield volcano in the Clayton and Raton volcanic field can be found. The current population is 20% lower since the year 2000. Des Moines is known for its educational services, construction, and agriculture. The general cost of living index for Des Moines is 84.9. A post office called Des Moines has been in operation since 1906.", + "score": 0.7147409915924072 + }, + { + "id": "1251765", + "title": "Des Moines, Washington", + "text": "School and Holy Trinity Lutheran School. Highline College is in Des Moines. CWU-Des Moines, a branch of Central Washington University, is co-located on the Highline College campus and offers several bachelor and graduate degrees. Saltwater State Park is in Des Moines. The Des Moines Police Department is the primary law enforcement agency for the city of Des Moines, Washington. It employs 30 sworn officers. The police chief is Ken Thomas. The City of Des Moines has designated the following landmark: Des Moines, Washington Des Moines ( ) is a city in King County, Washington, United States. The population was 29,673", + "score": 0.7138938307762146 + }, + { + "id": "11942253", + "title": "Waterloo \u2013 Cedar Falls metropolitan area", + "text": "Waterloo \u2013 Cedar Falls metropolitan area The Waterloo\u2013Cedar Falls Metropolitan Statistical Area, as defined by the United States Census Bureau, is an area consisting of three counties in Iowa, anchored by the cities of Waterloo and Cedar Falls. As of the 2000 census, the MSA had a population of 163,706 (though a July 1, 2009 estimate placed the population at 164,913). As of the 2010 Census, the MSA had a population of 169,484. As of the census of 2000, there were 163,706 people, 63,527 households, and 41,855 families residing within the MSA. The racial makeup of the MSA was 90.62%", + "score": 0.7111255526542664 + }, + { + "id": "1070902", + "title": "Montrose, Iowa", + "text": "the streets actually align with the 1834 layout of Fort Des Moines. Montrose's longitude and latitude coordinates
in decimal form are 40.529532, -91.415995. According to the United States Census Bureau, the city has a total area of , of which, is land and is water. As of the census of 2010, there were 898 people, 359 households, and 242 families residing in the city. The population density was . There were 405 housing units at an average density of . The racial makeup of the city was 98.2% White, 0.4% African American, 0.3% Asian, and 1.0% from two or more races.", + "score": 0.7106427550315857 + }, + { + "id": "13152485", + "title": "African Americans in Davenport, Iowa", + "text": "a total 2008 U.S. Census estimated population of 99,514, 9.2 percent - or 9,200 citizens in the Davenport Metro area are African American. For comparison, the average African-American population in Iowa cities is 2.5 percent. In recent history, Davenport has been home to the third largest - in absolute numbers and percentage - African-American community in Iowa, behind Des Moines (16,025 in 2000, 13,164 in 1980) and Waterloo (9,529 in 2000, 8,398 in 1980). In 2000 9,093 (9.3%) of Davenport's population was African-American, up from 6,229 in 1980. The United States Census Bureau estimated from 2005 to 2007 that there", + "score": 0.7104806900024414 + }, + { + "id": "18463790", + "title": "Downtown Des Moines", + "text": "3,667 housing units, with 3,085 of those being occupied. According to the 2010 Census, 70.1% of the population was white; 20.8% was Black or African American; 4.7% was Asian; 1.9% was American Indian or Alaska Native; 0.2% was Native Hawaiian or Other Pacific Islander; and 5.7% reported Other. Of these percentages, 10.6% reported as white also reported Hispanic or Latino descent. The average household size was 1.58 members per household while the average family size was 2.83 members per family. Downtown Des Moines boasts several corporate campuses, with Principal Financial Group's global headquarters calling downtown home. Other major corporations and", + "score": 0.7103803753852844 + }, + { + "id": "1161100", + "title": "Des Moines, New Mexico", + "text": "of those sixty five or over. Des Moines, New Mexico Des Moines is a village in Union County, New Mexico, United States. The population was 143 at the 2000 census. Des Moines is a small village surrounded by large cattle ranches. Just Southwest of the town Sierra Grande, the largest shield volcano in the Clayton and Raton volcanic field can be found. The current population is 20% lower since the year 2000. Des Moines is known for its educational services, construction, and agriculture. The general cost of living index for Des Moines is 84.9. A post office called Des Moines", + "score": 0.7100313901901245 + }, + { + "id": "110805", + "title": "Des Moines, Iowa", + "text": "income for a family was $46,590. Males had a median income of $31,712 versus $25,832 for females. The per capita income for the city was $19,467. About 7.9% of families and 11.4% of the population were below the poverty line, including 14.9% of those under age 18 and 7.6% of those ages 65 or over. Many insurance companies are headquartered in Des Moines, including the Principal Financial Group, EMC Insurance Group, Fidelity & Guaranty Life, Allied Insurance, GuideOne Insurance, Wellmark Blue Cross Blue Shield of Iowa, and American Republic Insurance Company. Des Moines has been referred to as the \"Hartford", + "score": 0.7088286876678467 + }, + { + "id": "946414", + "title": "Dallas County, Iowa", + "text": "is water. The 2010 census recorded a population of 66,135 in the county, with a population density of . There were 27,260 housing units, of which 25,240 were occupied. As of the census of 2000, there were 40,750 people, 15,584 households, and 11,173 families residing in the county. The population density was 70 people per square mile (27/km\u00b2). There were 16,529 housing units at an average density of 28 per square mile (11/km\u00b2). The racial makeup of the county was 94.75% White, 0.74% Black or African American, 0.15% Native American, 0.69% Asian, 0.04% Pacific Islander, 2.79% from other races, and", + "score": 0.7086461782455444 + }, + { + "id": "14439559", + "title": "Iowa", + "text": "Iowa's population were reported as under the age of five, 22.6% under 18, and 14.7% were 65 or older. Males made up approximately 49.6% of the population. The population density of the state is 52.7 people per square mile. The center of population of Iowa is in Marshall County, in the city of Marshalltown. As of the 2010 Census, the population of Iowa was 3,046,355. The gender makeup of the state was 49.5% male and 50.5% female. 23.9% of the population were under the age of 18; 61.2% were between the ages of 18 and 64; and 14.9% were 65", + "score": 0.7074794769287109 + }, + { + "id": "108477", + "title": "Davenport, Iowa", + "text": "city. The population density was 1,566.5 people per square mile (604.8/km\u00b2). There were 41,350 housing units at an average density of 658.5 per square mile (254.3/km\u00b2). Davenport's population density is 30 times the average density of Iowa and 20 times the average density of the United States. However, it is about a third less than Des Moines and 20 percent less than Cedar Rapids, the only two cities in Iowa with higher populations than Davenport. Sioux City, the next city smaller than Davenport in population, has a density of 5 people more per square mile. The racial makeup of the", + "score": 0.7057710289955139 + }, + { + "id": "12177507", + "title": "Muscatine, Iowa micropolitan area", + "text": "Muscatine, Iowa micropolitan area The Muscatine Micropolitan Statistical Area, as defined by the United States Census Bureau, is an area consisting of two counties in east central Iowa, anchored by the city of Muscatine. The Muscatine Micropolitan Statistical Area is also a part of the Davenport-Moline, IA-IL Combined Statistical Area (CSA), which has a population of 474,226, making it the 90th-largest CSA in the nation. As of the 2000 census, the area had a population of 53,905 (though a July 1, 2009 estimate placed the population at 54,179). As of the census of 2000, there were 53,905 people, 20,366 households,", + "score": 0.7047688961029053 + }, + { + "id": "9681553", + "title": "Demographics of Manitoba", + "text": "is located in Census Division No. 17 which had a 2016 census population of 22,205 and is part of Manitoba's Parkland Region. Also included in this Census Division is the Regional Municipality of Dauphin (2,388) which surrounds the City of Dauphin. The Town of Morden had a 2011 census population of 7,812, which was the same as the population for the urban area, and is located in Census Division No. 03. Morden is surrounded by the Regional Municipality of Stanley.(6,367). The Town of The Pas had a 2011 census population of 5,513. The population of the Urban Area was 5,513", + "score": 0.7047039270401001 + }, + { + "id": "11940095", + "title": "Iowa City metropolitan area", + "text": "Iowa City metropolitan area The Iowa City Metropolitan Statistical Area, as defined by the United States Census Bureau, is an area consisting of two counties in Iowa anchored by the city of Iowa City. The Metropolitan Statistical Area (MSA) had a population of 171,491 people in the 2017 US Census Bureau population estimate. growing 12.39% compared to 2010. The Iowa City Metropolitan Statistical Area (MSA) is also a part of a Combined Statistical Area (CSA) with the nearby Cedar Rapids Metropolitan Statistical Area (MSA). This CSA plus two additional counties are known as the Iowa City-Cedar Rapids (ICR) Corridor and", + "score": 0.7040942907333374 + }, + { + "id": "2719344", + "title": "Metro Detroit", + "text": "the Detroit\u2013Warren\u2013Dearborn Metropolitan Statistical Area (MSA) as the six counties of Lapeer, Livingston, Macomb, Oakland, St. Clair, and Wayne. As of the 2010 census, the MSA had a population of 4,296,250 with an area of . The nine county area designated by the OMB as the Detroit\u2013Warren\u2013Ann Arbor Combined Statistical Area (CSA) includes the Detroit\u2013Warren\u2013Dearborn MSA and the three additional counties of Genesee, Monroe, and Washtenaw (which include the metropolitan areas of Flint, Monroe, and Ann Arbor, respectively). It had a population of 5,318,744 as of the 2010 census and covers an area of . Lenawee County was removed from", + "score": 0.7028902769088745 + }, + { + "id": "17955409", + "title": "Davenport\u2013Moline\u2013Clinton, Muscatine, Iowa\u2013Illinois Combined Statistical Area", + "text": "the greater area, followed by their number of enplanements (commercial passenger boardings) that occurred at the airport in calendar year 2013. Below are some notable shopping centers in the area: Davenport\u2013Moline\u2013Clinton, Muscatine, Iowa\u2013Illinois Combined Statistical Area Greater Quad Cities, IA/IL is a nickname for the Davenport\u2013Moline\u2013Clinton, Muscatine, IA\u2013IL Combined Statistical Area, an area that is made up of four counties in Iowa and three in Illinois. The statistical area includes one metropolitan areas and two micropolitan area. As of the 2010 Census, the CSA had a population of 471,551 (though a March 2017 estimate placed the population at 472,153). The", + "score": 0.7028342485427856 + }, + { + "id": "10076853", + "title": "Dubuque area", + "text": "Dubuque area The Dubuque area is the general area encompassing Dubuque, Iowa. The area includes Dubuque County exclusively, and unofficially, but locally includes: The official population of the Dubuque metro (Dubuque County) was 92,384 as of the 2005 population estimates. Although, if you include the unofficial counties, the area's population is near 190,000. The area generally includes the towns of: In Illinois: In Wisconsin: In Iowa The Dubuque area is in the Driftless Area. This area was un-affected by glaciers during the last major ice age. Hills, cliffs, and valleys dominate the region. In fact, Dubuque's hills are often compared", + "score": 0.7019649744033813 + }, + { + "id": "10076855", + "title": "Dubuque area", + "text": "Clarke University University of Dubuque Dubuque area The Dubuque area is the general area encompassing Dubuque, Iowa. The area includes Dubuque County exclusively, and unofficially, but locally includes: The official population of the Dubuque metro (Dubuque County) was 92,384 as of the 2005 population estimates. Although, if you include the unofficial counties, the area's population is near 190,000. The area generally includes the towns of: In Illinois: In Wisconsin: In Iowa The Dubuque area is in the Driftless Area. This area was un-affected by glaciers during the last major ice age. Hills, cliffs, and valleys dominate the region. In fact,", + "score": 0.6992882490158081 + }, + { + "id": "1067067", + "title": "Urbandale, Iowa", + "text": "the 1940s while streetcar service ended in 1951. In 1920, shortly after the city incorporated, Urbandale had 298 people. Its population in 1950 was 1,777, but the city grew rapidly after that along with the rest of Des Moines' suburbs. By 1970 Urbandale had 14,434 people, and in 2000 it had 29,072. Although most of the city's developed area is in Polk County, Urbandale has expanded westward into Dallas County in recent years. In 2012, Urbandale gained national attention after President Barack Obama held a reelection campaign meeting downtown. Urbandale is located in the northwest part of the Des Moines", + "score": 0.699262261390686 + }, + { + "id": "946085", + "title": "Monroe County, Iowa", + "text": "2010 census recorded a population of 7,970 in the county, with a population density of . There were 3,884 housing units, of which 3,213 were occupied. As of the census of 2000, there were 8,016 people, 3,228 households, and 2,211 families residing in the county. The population density was 18 people per square mile (7/km\u00b2). There were 3,588 housing units at an average density of 8 per square mile (3/km\u00b2). The racial makeup of the county was 98.40% White, 0.20% Black or African American, 0.36% Native American, 0.40% Asian, 0.12% from other races, and 0.51% from two or more races.", + "score": 0.6990450620651245 + }, + { + "id": "5012199", + "title": "Des Moines University", + "text": "year of enrollment at Des Moines University. During the 2015-2016 application cycle DMU COM received 5,062 applicants with 225 matriculating at a rate of about 4.44%. Des Moines University has 9 academic programs. Des Moines University Des Moines University is an osteopathic medical school in Des Moines, Iowa. Des Moines University is the second oldest osteopathic medical school and the fifteenth largest medical school in the United States. There are 14,124 total alumni (10,514 living). The university is accredited by the American Osteopathic Association's Commission on Osteopathic College Accreditation (COCA) and by the Higher Learning Commission of the North Central", + "score": 0.6980874538421631 + }, + { + "id": "11936000", + "title": "Cedar Rapids, Iowa metropolitan area", + "text": "Cedar Rapids, Iowa metropolitan area The Cedar Rapids Metropolitan Statistical Area, as defined by the United States Census Bureau, is an area consisting of three counties in Iowa, anchored by the city of Cedar Rapids. As of the 2010 census, the MSA had a population of 257,940, and a 2013 population estimate of 262,421. The Cedar Rapids MSA is part of a Combined Statistical Area (CSA) with the Iowa City MSA. The area is marketed regionally as Iowa City-Cedar Rapids (ICR), which includes both the Cedar Rapids and Iowa City metropolitan areas and several surrounding counties. As of the census", + "score": 0.697024941444397 + }, + { + "id": "946412", + "title": "Dallas County, Iowa", + "text": "Dallas County, Iowa Dallas County is a county located in the U.S. state of Iowa. As of the 2010 Census, the population was 66,135. Its county seat is Adel. The county was named for George M. Dallas, Vice President of the United States under James K. Polk, the namesake of neighboring Polk County. Dallas County is included in the Des Moines\u2013West Des Moines, IA Metropolitan Statistical Area. The land that now forms Dallas County was ceded by the Sac and Fox nation to the United States in a treaty signed on October 11, 1842. On January 13, 1846, the legislative", + "score": 0.6967698931694031 + }, + { + "id": "110834", + "title": "Des Moines, Iowa", + "text": "population of 512,000 aged 12 and older. But in June 2011 it was moved up to 72nd with the addition of Boone, Clarke, Greene, Guthrie, Jasper, Lucas, Madison and Marion counties. iHeartMedia owns five radio stations in the area, including WHO 1040 AM, a 50,000-watt AM news/talk station that has the highest ratings in the area and once employed future President Ronald Reagan as a sportscaster. In addition to WHO, iHeartMedia owns KDRB 100.3 FM (adult hits), KKDM 107.5 FM (contemporary hits), KDXA 106.3 FM (alternative rock), and KXNO 1460 AM (sports radio). They also own news/talk station KASI 1430", + "score": 0.6953493356704712 + }, + { + "id": "6280759", + "title": "Sioux City metropolitan area", + "text": "Sioux City metropolitan area The Sioux City metropolitan statistical area, otherwise known as Siouxland, as defined by the United States Census Bureau, is an area consisting of five counties in three states \u2013 Iowa, Nebraska, and South Dakota, anchored by the city of Sioux City, Iowa. As of the 2010 census, the MSA had a population of 168,825 (though a 2017 estimate placed the population at 182,608). In the future, Wayne County would be considered by some people and politicians as an additional sixth county. As of the census of 2000, there were 143,005 people, 53,586 households, and 36,735 families", + "score": 0.6950411796569824 + }, + { + "id": "945982", + "title": "Sioux County, Iowa", + "text": "to the south east to the Floyd River. The 2010 census recorded a population of 33,704 in the county, with a population density of . There were 12,279 housing units, of which 11,584 were occupied. As of the census of 2000, there were 31,589 people, 10,693 households, and 8,062 families residing in the county. The population density was 41 people per square mile (16/km\u00b2). There were 11,260 housing units at an average density of 15 per square mile (6/km\u00b2). The racial makeup of the county was 97.33% White, 0.20% Black or African American, 0.13% Native American, 0.59% Asian, 0.01% Pacific", + "score": 0.6947780847549438 + }, + { + "id": "1060549", + "title": "Denver, Iowa", + "text": "has a total area of , of which, is land and is water. As of the census of 2010, there were 1,780 people, 701 households, and 504 families residing in the city. The population density was . There were 731 housing units at an average density of . The racial makeup of the city was 98.8% White, 0.1% African American, 0.1% Native American, 0.3% Asian, 0.3% from other races, and 0.4% from two or more races. Hispanic or Latino of any race were 0.6% of the population. There were 701 households of which 34.5% had children under the age of", + "score": 0.6947119235992432 + }, + { + "id": "946516", + "title": "Boone County, Iowa", + "text": "population ranking of the following table is based on the 2010 census of Boone County. \u2020 \"county seat\" Boone County, Iowa Boone County is a county in the U.S. state of Iowa. As of the 2010 census, the population was 26,306. Its county seat is Boone. Boone County comprises the Boone, IA Micropolitan Statistical Area, which is included in the Des Moines-Ames-West Des Moines, IA Combined Statistical Area. The land that now forms Boone and several other Iowa counties was ceded by the Sac and Fox nation to the United States in a treaty signed on October 11, 1842. On", + "score": 0.6942170262336731 + }, + { + "id": "946510", + "title": "Boone County, Iowa", + "text": "Boone County, Iowa Boone County is a county in the U.S. state of Iowa. As of the 2010 census, the population was 26,306. Its county seat is Boone. Boone County comprises the Boone, IA Micropolitan Statistical Area, which is included in the Des Moines-Ames-West Des Moines, IA Combined Statistical Area. The land that now forms Boone and several other Iowa counties was ceded by the Sac and Fox nation to the United States in a treaty signed on October 11, 1842. On January 13, 1846, the legislative body of the Indiana Territory authorized creation of twelve counties in the Iowa", + "score": 0.6941884756088257 + }, + { + "id": "716720", + "title": "Dubuque, Iowa", + "text": "were under the age of 18; 13% were between the ages of 18 and 24; 23.3% were from 25 to 44; 25.9% were from 45 to 64; and 16.5% were 65 years of age or older. The gender makeup of the city was 48.4% male and 51.6% female. As of the census of 2000, there were 57,686 people, 22,560 households, and 14,303 families residing in the city. The population density was 2,178.2 people per square mile (841.1/km\u00b2). There were 23,819 housing units at an average density of 899.4 per square mile (347.3/km\u00b2). The racial makeup of the city was 96.15%", + "score": 0.692651629447937 + }, + { + "id": "15390065", + "title": "Des Moines City Hall", + "text": "ten years the city's population grew by another 10,000 people. In 1880 the city council decided to build a new city hall and a separate building for the police and fire departments next door. It was built in 1882 on the corner of Locust Street and Second Avenue. The city failed to maintain the building adequately, and it was too small to serve its needs, a new building was needed. Des Moines had also grown in size. Its population was 86,000 in 1910 and it covered 65 square miles. In 1907 the city council decided to construct a new city", + "score": 0.6910759210586548 + }, + { + "id": "108444", + "title": "Davenport, Iowa", + "text": "a fur trader with the American Fur Company, and was appointed a quartermaster with the rank of colonel during the Black Hawk War. According to the 2010 census, the city had a population of 99,685 (making it Iowa's third-largest city). The city appealed this figure, arguing that the Census Bureau missed a section of residents, and that its total population was more than 100,000. The Census Bureau estimated Davenport's 2011 population to be 100,802. Located approximately halfway between Chicago and Des Moines, Davenport is on the border of Iowa across the river from Illinois. The city is prone to frequent", + "score": 0.6909398436546326 + }, + { + "id": "11936002", + "title": "Cedar Rapids, Iowa metropolitan area", + "text": "income for the MSA was $27,553. Cedar Rapids, Iowa metropolitan area The Cedar Rapids Metropolitan Statistical Area, as defined by the United States Census Bureau, is an area consisting of three counties in Iowa, anchored by the city of Cedar Rapids. As of the 2010 census, the MSA had a population of 257,940, and a 2013 population estimate of 262,421. The Cedar Rapids MSA is part of a Combined Statistical Area (CSA) with the Iowa City MSA. The area is marketed regionally as Iowa City-Cedar Rapids (ICR), which includes both the Cedar Rapids and Iowa City metropolitan areas and several", + "score": 0.6907021403312683 + }, + { + "id": "9227864", + "title": "Denver\u2013Aurora combined statistical area", + "text": "Denver\u2013Aurora combined statistical area The United States Office of Management and Budget has defined the Denver\u2013Aurora, CO Combined Statistical Area comprising the Denver\u2013Aurora\u2013Lakewood, CO Metropolitan Statistical Area, the Boulder, CO Metropolitan Statistical Area, and the Greeley, CO Metropolitan Statistical Area. The United States Census Bureau estimates that the population was 3,214,218 as of July 1, 2012, an increase of +3.99% since the 2010 United States Census, and ranking as the 16th most populous metropolitan combined statistical area and the 17th most populous primary statistical area of the United States. The population estimate for 2016 is 3,412,607. The Denver\u2013Aurora CSA comprises", + "score": 0.6891079545021057 + }, + { + "id": "15390064", + "title": "Des Moines City Hall", + "text": "building. The project is expected to take 18\u201324 months. During that time, City Hall will be closed to the public, and City offices will move to other nearby locations. In Des Moines\u2019 early years (1851-1870) the city council met in churches, schools, homes and stores. In that time period the population of the city grew from 1,500 to more than 12,000. The city council approved the construction of a two-room log building in 1869 to serve the needs of the fire department and city business. It was built the following year at the corner of Second and Walnut Streets. In", + "score": 0.688740611076355 + }, + { + "id": "9179463", + "title": "Demographics of Dallas", + "text": "Demographics of Dallas This article is about the demographics of Dallas, Texas (USA). As of the census of 2000, there were 1,188,580 people, 451,833 households, and 266,580 families residing in Dallas proper. The population density was 3,469.9 people per square mile (1,339.7/km\u00b2). There were 484,117 housing units at an average density of 1,413.3 per square mile (545.7/km\u00b2). There were 451,833 households out of which 30.3% had children under the age of 18 living with them, 38.8% were married couples living together, 14.9% had a female householder with no husband present, and 41.0% are classified as non-families by the United States", + "score": 0.6882619857788086 + }, + { + "id": "110831", + "title": "Des Moines, Iowa", + "text": "Moines International Airport (DSM), on Fleur Drive in the southern part of Des Moines, offers nonstop service to destinations within the United States. The only international service is cargo service, but there have been discussions about adding an international terminal. The Des Moines Public Schools district is the largest community school district in Iowa with 32,062 enrolled students as of the 2012\u20132013 school year. The district consists of 63 schools: 38 elementary schools, eleven middle schools, five high schools (East, Hoover, Lincoln, North, and Roosevelt), and ten special schools and programs. Small parts of the city are instead served by", + "score": 0.6881213784217834 + }, + { + "id": "946267", + "title": "Guthrie County, Iowa", + "text": "Guthrie County, Iowa Guthrie County is a county located in the U.S. state of Iowa. As of the 2010 census, the population was 10,954. The county seat is Guthrie Center. The county was formed on January 15, 1851 and named after Captain Edwin B. Guthrie, who had died in the Mexican\u2013American War. Guthrie County is one of the five counties that make up the Des Moines\u2013West Des Moines, IA Metropolitan Statistical Area. According to the U.S. Census Bureau, the county has a total area of , of which is land and (0.4%) is water. Example of native vegetation: https://commons.wikimedia.org/wiki/File:Whiterock_Conservancy_Neighborhood_New_Wiki_Version.JPG The", + "score": 0.687922477722168 + }, + { + "id": "946107", + "title": "Marshall County, Iowa", + "text": "a population of 40,648 in the county, with a population density of . There were 16,831 housing units, of which 15,538 were occupied. As of the census of 2000, there were 39,311 people, 15,338 households, and 10,460 families residing in the county. The population density was 69 people per square mile (27/km\u00b2). There were 16,324 housing units at an average density of 28 per square mile (11/km\u00b2). The racial makeup of the county was 90.44% White, 0.93% Black or African American, 0.35% Native American, 0.78% Asian, 0.06% Pacific Islander, 6.03% from other races, and 1.42% from two or more races.", + "score": 0.6874547004699707 + }, + { + "id": "14439558", + "title": "Iowa", + "text": "Development and its annual reports are a source of economic information. The United States Census Bureau estimates the population of Iowa was 3,123,899 on July 1, 2015, a 2.55% increase since the 2010 Census. Of the residents of Iowa, 72.2% were born in Iowa, 23.2% were born in a different US state, 0.5% were born in Puerto Rico, U.S. Island areas, or born abroad to American parent(s), and 4.1% were foreign born. Immigration from outside the United States resulted in a net increase of 29,386 people, while migration within the country produced a net loss of 41,140 people. 6.5% of", + "score": 0.6871761083602905 + }, + { + "id": "4454126", + "title": "Roman Catholic Diocese of Des Moines", + "text": "Roman Catholic Diocese of Des Moines The Diocese of Des Moines () is the Roman Catholic diocese for the southwestern quarter of the U.S. state of Iowa. It is a suffragan see of the Archdiocese of Dubuque. The See city for the diocese is Des Moines. The cathedral parish for the diocese is St. Ambrose. Currently Bishop Richard E. Pates is the bishop of the diocese, though he submitted his letter of resignation to Pope Francis in February 2018, as it is required for bishops to do so upon turning 75. Pates will continue to serve as bishop, until a", + "score": 0.686400294303894 + }, + { + "id": "1251763", + "title": "Des Moines, Washington", + "text": "from 45 to 64, and 14.9% who were 65 years of age or older. The median age was 37 years. For every 100 females, there were 93.0 males. For every 100 females age 18 and over, there were 89.4 males. The median income for a household in the city was $48,971, and the median income for a family was $57,003. Males had a median income of $40,007 versus $30,553 for females. The per capita income for the city was $24,127. About 5.6% of families and 7.6% of the population were below the poverty line, including 9.6% of those under age", + "score": 0.6863779425621033 + }, + { + "id": "1129530", + "title": "Des Peres, Missouri", + "text": "2000, there were 8,592 people, 3,004 households, and 2,532 families residing in the city. The population density was 1,954.3 inhabitants per square mile (754.0/km\u00b2). There were 3,071 housing units at an average density of 698.5 per square mile (269.5/km\u00b2). The racial makeup of the city was 96.55% White, 0.79% African American, 0.19% Native American, 1.83% Asian, 0.03% Pacific Islander, 0.15% from other races, and 0.45% from two or more races. Hispanic or Latino of any race were 0.83% of the population. There were 3,004 households out of which 39.2% had children under the age of 18 living with them, 76.2%", + "score": 0.6855039596557617 + }, + { + "id": "4406631", + "title": "Des Moines International Airport", + "text": "Des Moines International Airport Des Moines International Airport is a civil-military public airport three miles southwest of Des Moines, in Polk County, Iowa, United States. It has 21 connections to major airline hubs. This airport is in the National Plan of Integrated Airport Systems for 2017\u20132021, which called it a \"primary commercial service\" airport. In 2016, a record 2.48 million passengers used the airport, up 5 percent from 2015. The airport hosts the 132nd Wing (132 WG) of the Iowa Air National Guard. During the 1920s the Des Moines area had several small private airports for general aviation and airmail.", + "score": 0.6849238276481628 + }, + { + "id": "107062", + "title": "Denver", + "text": "Statistical Area had an estimated 2017 population of 3,515,374 and is the 15th most populous U.S. metropolitan area. Denver is the most populous city of the 18-county Front Range Urban Corridor, an oblong urban region stretching across two states with an estimated 2017 population of 4,895,589. Denver is the most populous city within a radius and the second-most populous city in the Mountain West after Phoenix, Arizona. In 2016, Denver was named the best place to live in the United States by \"U.S. News & World Report\". In the summer of 1858, during the Pike's Peak Gold Rush, a group", + "score": 0.6846979856491089 + }, + { + "id": "18901112", + "title": "Des Moines Arts Festival", + "text": "Des Moines Arts Festival The Des Moines Arts Festival is an arts festival held every June in Western Gateway Park in Des Moines, Iowa. The three-day festival frequently draws in excess of 200,000 people and has been ranked among the top festivals in the United States. The arts festival has its roots in the Des Moines Arts Center's \"Art in the Park\", which started in 1958. Originally held in the parking lot of the Arts Center, the event eventually moved to a nearby park and later the Iowa State Fairgrounds. Following the 1997 event, organizers decided to move the festival", + "score": 0.6845241785049438 + }, + { + "id": "1117663", + "title": "Des Moines River Township, Murray County, Minnesota", + "text": "were 78 housing units at an average density of 2.2/sq mi (0.8/km\u00b2). The racial makeup of the township was 100.00% White. There were 75 households out of which 24.0% had children under the age of 18 living with them, 72.0% were married couples living together, 5.3% had a female householder with no husband present, and 20.0% were non-families. 18.7% of all households were made up of individuals and 12.0% had someone living alone who was 65 years of age or older. The average household size was 2.43 and the average family size was 2.70. In the township the population was", + "score": 0.6844954490661621 + }, + { + "id": "946080", + "title": "Muscatine County, Iowa", + "text": "has a total area of , of which is land and (2.6%) is water. The 2010 census recorded a population of 42,745 in the county, with a population density of . There were 17,910 housing units, of which 16,412 were occupied. As of the census of 2000, there were 41,722 people, 15,847 households, and 11,283 families residing in the county. The population density was 95 people per square mile (37/km\u00b2). There were 16,786 housing units at an average density of 38 per square mile (15/km\u00b2). The racial makeup of the county was 90.72% White, 0.70% Black or African American, 0.31%", + "score": 0.6842856407165527 + }, + { + "id": "1329180", + "title": "Dows, Iowa", + "text": "and 25.5% were 65 years of age or older. The gender makeup of the city was 48.9% male and 51.1% female. As of the census of 2000, there were 675 people, 290 households, and 164 families residing in the city. The population density was 867.3 people per square mile (334.1/km\u00b2). There were 320 housing units at an average density of 411.2 per square mile (158.4/km\u00b2). The racial makeup of the city was 92.30% White, 0.89% Asian, 6.37% from other races, and 0.44% from two or more races. Hispanic or Latino of any race were 9.19% of the population. There were", + "score": 0.6839605569839478 + }, + { + "id": "946479", + "title": "Calhoun County, Iowa", + "text": "recorded a population of 9,670 in the county, with a population density of . There were 5,108 housing units, of which 4,242 were occupied. As of the census of 2000, there were 11,115 people, 4,513 households, and 3,014 families residing in the county. The population density was 20 people per square mile (8/km\u00b2). There were 5,219 housing units at an average density of 9 per square mile (4/km\u00b2). The racial makeup of the county was 98.06% White, 0.69% Black or African American, 0.20% Native American, 0.18% Asian, 0.01% Pacific Islander, 0.34% from other races, and 0.52% from two or more", + "score": 0.6837915182113647 + }, + { + "id": "5554", + "title": "Ames, Iowa", + "text": "64; and 8.1% were 65 years of age or older. The gender makeup of the city was 53.0% male and 47.0% female. As of the census of 2000, there were 50,731 people, 18,085 households, and 8,970 families residing in the city. The population density was 2,352.3 people per square mile (908.1/km\u00b2). There were 18,757 housing units at an average density of 869.7 per square mile (335.7/km\u00b2). The racial makeup of the city was 87.34% White, 7.70% Asian, 2.65% African American, 0.04% Native American, 0.76% Pacific Islander and other races, and 1.36% from two or more races. Hispanic or Latino of", + "score": 0.6834589242935181 + }, + { + "id": "2719343", + "title": "Metro Detroit", + "text": "nation's largest metropolitan economies, with seventeen Fortune 500 companies. The Detroit Urban Area, which serves as the metropolitan area's core, ranks as the 11th most populous in the United States, with a population of 3,734,090 as of the 2010 census and an area of . This urbanized area covers parts of the counties of Macomb, Oakland, and Wayne. These counties are sometimes referred to as the Detroit Tri-County Area and had a population of 3,862,888 as of the 2010 census with an area of . The Office of Management and Budget (OMB), a federal agency of the United States, defines", + "score": 0.6832106113433838 + }, + { + "id": "18901114", + "title": "Des Moines Arts Festival", + "text": "include Hy-Vee, Meredith Corporation, Prairie Meadows, Principal Financial Group, and \"The Des Moines Register\". Des Moines Arts Festival The Des Moines Arts Festival is an arts festival held every June in Western Gateway Park in Des Moines, Iowa. The three-day festival frequently draws in excess of 200,000 people and has been ranked among the top festivals in the United States. The arts festival has its roots in the Des Moines Arts Center's \"Art in the Park\", which started in 1958. Originally held in the parking lot of the Arts Center, the event eventually moved to a nearby park and later", + "score": 0.682893693447113 + }, + { + "id": "1115135", + "title": "Des Moines Township, Jackson County, Minnesota", + "text": "average density of 3.9/sq mi (1.5/km\u00b2). The racial makeup of the township was 100.00% White. Hispanic or Latino of any race were 0.37% of the population. There were 115 households out of which 30.4% had children under the age of 18 living with them, 65.2% were married couples living together, 3.5% had a female householder with no husband present, and 26.1% were non-families. 25.2% of all households were made up of individuals and 11.3% had someone living alone who was 65 years of age or older. The average household size was 2.36 and the average family size was 2.82. In", + "score": 0.6825037002563477 + }, + { + "id": "5012194", + "title": "Des Moines University", + "text": "Des Moines University Des Moines University is an osteopathic medical school in Des Moines, Iowa. Des Moines University is the second oldest osteopathic medical school and the fifteenth largest medical school in the United States. There are 14,124 total alumni (10,514 living). The university is accredited by the American Osteopathic Association's Commission on Osteopathic College Accreditation (COCA) and by the Higher Learning Commission of the North Central Association of Colleges and Schools. Des Moines University was founded in 1898 as the Dr. S.S. Still College and Infirmary of Osteopathy & Surgery. It was renamed Still College in 1905 and Des", + "score": 0.6824609041213989 + }, + { + "id": "946567", + "title": "Audubon County, Iowa", + "text": "recorded a population of 6,119 in the county, with a population density of . There were 2,972 housing units, of which 2,617 were occupied. As of the census of 2000, there were 6,830 people, 2,773 households, and 1,927 families residing in the county. The population density was 15 people per square mile (6/km\u00b2). There were 2,995 housing units at an average density of 7 per square mile (3/km\u00b2). The racial makeup of the county was 99.17% White, 0.15% Black or African American, 0.09% Native American, 0.19% Asian, 0.03% from other races, and 0.38% from two or more races. 0.48% of", + "score": 0.6823880076408386 + }, + { + "id": "110803", + "title": "Des Moines, Iowa", + "text": "of the city was 82.3% white, 8.07% Black, 0.35% American Indian, 3.50% Asian, 0.05% Pacific Islander, 3.52% from other races, and 2.23% from two or more races. 6.61% of the population were Hispanic or Latino of any race. 20.9% were of German, 10.3% Irish, 9.1% \"American\" and 8.0% English ancestry, according to Census 2000. There were 80,504 households out of which 29.5% had children under the age of 18 living with them, 43.7% were married couples living together, 12.6% had a female householder with no husband present, and 39.5% were non-families. 31.9% of all households were made up of individuals", + "score": 0.6811922788619995 + }, + { + "id": "946581", + "title": "Allamakee County, Iowa", + "text": "The 2010 census recorded a population of 14,330 in the county, with a population density of . There were 7,617 housing units, of which 5,845 were occupied. As of the census of 2000, there were 14,675 people, 5,722 households, and 3,931 families residing in the county. The population density was 23 people per square mile (9/km\u00b2). There were 7,142 housing units at an average density of 11 per square mile (4/km\u00b2). The racial makeup of the county was 95.88% White, 0.14% Black or African American, 0.18% Native American, 0.27% Asian, 0.01% Pacific Islander, 2.82% from other races, and 0.70% from", + "score": 0.6806962490081787 + }, + { + "id": "1072184", + "title": "Fonda, Iowa", + "text": "that amount had decreased to . Des Moines, which lies south and east of Fonda, receives a large portion of its drinking water from the Raccoon River (and thus Big Cedar Creek). From 1978 to 2004, contamination at its water intake plant due to nitrates (an agrichemical) has increased from 4.5 mg/L to 7.7 mg/L. Nitrate consumption is linked to blue baby syndrome. Fonda has seen a steady decrease in its population in recent decades. In 1980, the town had 863 residents, and in 1990 there were 731. The 2004 estimated population is 596. As of the census of 2010,", + "score": 0.6800179481506348 + }, + { + "id": "1329367", + "title": "Sioux City, Iowa", + "text": "from 45 to 64; and 12.4% were 65 years of age or older. The gender makeup of the city was 49.2% male and 50.8% female. As of the census of 2000, there were 85,013 people, 32,054 households, and 21,091 families residing in the city. The population density was 1,551.3 people per square mile (599.0/km\u00b2). There were 33,816 housing units at an average density of 617.1 per square mile (238.3/km\u00b2). The racial makeup of the city was 85.23% White, 2.41% African American, 1.95% Native American, 2.82% Asian, 0.04% Pacific Islander, 5.27% from other races, and 2.28% from two or more races.", + "score": 0.6800163984298706 + }, + { + "id": "946395", + "title": "Des Moines County, Iowa", + "text": "was 39 years. For every 100 females, there were 93.50 males. For every 100 females age 18 and over, there were 90.30 males. The median income for a household in the county was $36,790, and the median income for a family was $45,089. Males had a median income of $34,880 versus $22,530 for females. The per capita income for the county was $19,701. About 8.20% of families and 10.70% of the population were below the poverty line, including 17.30% of those under age 18 and 7.40% of those age 65 or over. The population ranking of the following table is", + "score": 0.6798691153526306 + }, + { + "id": "11477986", + "title": "Rapid City, South Dakota metropolitan area", + "text": "Rapid City, South Dakota metropolitan area The Rapid City Metropolitan Statistical Area, as defined by the United States Census Bureau, is an area consisting of Meade and Pennington County in South Dakota, anchored by the city of Rapid City. As of the 2010 census, the MSA had a population of 126,382 (though a July 1, 2014 estimate placed the population at 135,193). The ethnic makeup of the MSA, according to the 2010 U.S. Census, was the following: As of the census of 2010, there were 126,382 people, 51,154 households, and 33,390 families residing in the MSA. The population density was", + "score": 0.6797059178352356 + }, + { + "id": "1060551", + "title": "Denver, Iowa", + "text": "44; 24.1% were from 45 to 64; and 16.7% were 65 years of age or older. The gender makeup of the city was 47.6% male and 52.4% female. As of the census of 2000, there were 1,627 people, 648 households, and 476 families residing in the city. The population density was 1,177.9 people per square mile (455.2/km\u00b2). There were 672 housing units at an average density of 486.5 per square mile (188.0/km\u00b2). The racial makeup of the city was 98.52% White, 0.18% African American, 0.18% Asian, 0.37% from other races, and 0.74% from two or more races. Hispanic or Latino", + "score": 0.6793624758720398 + }, + { + "id": "1072260", + "title": "Ankeny, Iowa", + "text": "Ankeny, Iowa Ankeny is a city in Polk County, Iowa, United States and home to Des Moines Area Community College. Ankeny is a rapidly growing suburb just north of Des Moines, Iowa's capital city. Ankeny covers approximately 33 square miles and has a population estimated at 54,598 after a special census conducted in 2015. This census also estimated the city's growth at 5 persons per day. The U.S. Census Bureau recently named Ankeny the fastest growing city in the Midwest and the 4th fastest growing city in the United States. Ankeny is the 9th largest city in Iowa and the", + "score": 0.6792330741882324 + }, + { + "id": "1084350", + "title": "Belle Chasse, Louisiana", + "text": "-89.9983335). According to the United States Census Bureau, the CDP has a total area of , of which is land and (12.21%) is water. As of the census of 2010, there were 12,679 people(males:6,319, females:6,360), 3,800 households, and 3,422 families residing in the CDP. The population density was 507.6 people per square mile (152.0/km\u00b2). There were 3,561 housing units at an average density of 142.3 per square mile (55.0/km\u00b2). The racial makeup of the CDP was 82.12% White, 5.23% African American, 0.61% Native American, 3.85% Asian, 0.12% Pacific Islander, 0.85% from other races, and 1.31% from two or more races.", + "score": 0.6788055896759033 + } + ] + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who sings the original lead vocals on twist and shout?", + "short_answers": [ + "Howard \"Howie\" Guyton", + "Guyton" + ], + "wikipage": null + }, + { + "context": "The Isley Brothers' version, with Ronald Isley on lead vocals, was the first major hit recording of the song, peaking at No. 17 on the U.S. pop top 40 charts, and No. 2 on the US R&B charts. The song quickly became a frequently covered R&B tune in the early 1960s. According to Ronald, the song was supposed to be the B-side to the Burt Bacharach standard, \"Make It Easy on Yourself\", which had been a hit for Jerry Butler. When the Isleys recorded \"Twist and Shout\", the brothers did not think the song would do well, as they had not had a hit in the three years since \"Shout\" established them. To their surprise, it became their first Top 40 hit on both the pop and R&B charts, and for a time established the group's reputation for producing fast-paced songs during their earlier career.", + "question": "Who sings lead vocals on twist and shout released in 1962?", + "short_answers": [ + "Ronald Isley", + "Isley" + ], + "wikipage": "Twist and Shout" + }, + { + "context": "The Beatles' rendition of \"Twist and Shout\" was released on their first UK album \"Please Please Me\", based on the Isley Brothers' version and featuring John Lennon on lead vocals. The song was the last to be recorded during the marathon 13-hour album session; producer George Martin knew that Lennon's voice would suffer from the performance, so he left it until last, with only 15 minutes of scheduled recording time remaining. Lennon had a cold and was drinking milk and sucking on cough drops to soothe his throat. His coughing is audible on the album, as is the cold's effect on his voice. He remarked that his voice was not the same for a long time afterward, and that it \"felt like sandpaper\" to swallow. He initially felt ashamed of his performance in the song \"because I could sing better than that, but now it doesn't bother me. You can hear that I'm just a frantic guy doing his best.\" A second take was attempted, but Lennon had nothing left, and it was abandoned.", + "question": "Who sings lead vocals on twist and shout released in 1963?", + "short_answers": [ + "John Lennon", + "Lennon" + ], + "wikipage": "Twist and Shout" + }, + { + "context": "English rock band the Who covered the song live during their career, with Roger Daltrey singing lead vocals on the first version which is on the Isle of Wight Festival in 1970, and on their 1982 Farewell Tour, with their bassist John Entwistle singing the lead vocals. The 1982 version can be heard on the live album \"Who's Last\" (recorded at the Richfield Coliseum on December 14, 1982 and released in November 1984), \"Live From Toronto\" (recorded at the Maple Leaf Gardens in Toronto on December 17, 1982 and released in 2006), as well as on the 1994 compilation \"Thirty Years of Maximum R&B\" (recorded at the Maple Leaf Gardens in Toronto on December 16, 1982, misdated in the liner notes for the concert at Toronto's CNE stadium on October 9, 1982).", + "question": "Who sings lead vocals for the Who on twist and shout released in 1970?", + "short_answers": [ + "Roger Daltrey", + "Daltrey" + ], + "wikipage": "Twist and Shout" + }, + { + "context": "English rock band the Who covered the song live during their career, with Roger Daltrey singing lead vocals on the first version which is on the Isle of Wight Festival in 1970, and on their 1982 Farewell Tour, with their bassist John Entwistle singing the lead vocals. The 1982 version can be heard on the live album \"Who's Last\" (recorded at the Richfield Coliseum on December 14, 1982 and released in November 1984), \"Live From Toronto\" (recorded at the Maple Leaf Gardens in Toronto on December 17, 1982 and released in 2006), as well as on the 1994 compilation \"Thirty Years of Maximum R&B\" (recorded at the Maple Leaf Gardens in Toronto on December 16, 1982, misdated in the liner notes for the concert at Toronto's CNE stadium on October 9, 1982).", + "question": "Who sings lead vocals for the Who on twist and shout during their tour in 1982?", + "short_answers": [ + "their bassist", + "Entwistle", + "John Entwistle" + ], + "wikipage": "Twist and Shout" + } + ], + "wikipages": [ + { + "title": "Twist and Shout", + "url": "https://en.wikipedia.org/wiki/Twist%20and%20Shout" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "The song has been covered by several artists, including several that appeared in the record charts", + "wikipage": "Twist and Shout" + }, + { + "content": " It was originally recorded by the Top Notes, but it did not become a hit in the record charts until it was reworked by the Isley Brothers in 1962. The song has been covered by several artists, including several that appeared in the record charts.", + "wikipage": "Twist and Shout" + } + ], + "long_answer": "The song Twist and Shout has been covered by many artists, since is release by The Top Notes, sang by vocalist Howard \"Howie\" Guyton. In 1962 it was covered by The Isley Brothers with vocals from Ronald Isley. The next year, in 1963, the hit was covered by John Lennon. It was covered again by the English rock band the Who with vocals by Roger Daltrey, and then again by them in 1982 but with vocals by the bassist, John Entwistle. " + } + ], + "sample_id": "-5216048784243694961", + "question": "Who sings lead vocals on twist and shout?", + "docs": [ + { + "id": "3255425", + "title": "Twist and Shout", + "text": "on the UK Singles Chart. The highest charting Beatles track in the aftermath of their new availability on iTunes, it entered the charts at #48 in the first of a two-week run. Engineered by Norman Smith English rock band the Who covered the song live during their career, with Roger Daltrey singing lead vocals on the first version which is on the Isle of Wight Festival in 1970, and on their 1982 Farewell Tour, with their bassist John Entwistle singing the lead vocals. The 1982 version can be heard on the live album \"Who's Last\" (recorded at the Richfield Coliseum", + "score": 0.8040197491645813 + }, + { + "id": "3255414", + "title": "Twist and Shout", + "text": "single by an up-and-coming vocal group, The Top Notes. This was before Spector perfected his \"Wall of Sound\" technique, and the recording, at the Atlantic Studios on February 23, 1961, arranged by Teddy Randazzo with musicians including saxophonist King Curtis, guitarist John Pizzarelli, and drummer Panama Francis, with backing vocals by the Cookies, lacked much of the energy the Top Notes exhibited in their live performances. The Top Notes included singers Howard \"Howie\" Guyton (also known as Guy Howard), a cousin of Dave \"Baby\" Cortez; and Derek Martin, also known as Derek Ray. Guyton provided the lead vocals on \"Twist", + "score": 0.8000295758247375 + }, + { + "id": "3255417", + "title": "Twist and Shout", + "text": "100 singles chart. The Isley Brothers' version, with Ronald Isley on lead vocals, was the first major hit recording of the song, peaking at No. 17 on the U.S. pop top 40 charts, and No. 2 on the US R&B charts. The song quickly became a frequently covered R&B tune in the early 1960s. According to Ronald, the song was supposed to be the B-side to the Burt Bacharach standard, \"Make It Easy on Yourself\", which had been a hit for Jerry Butler. When the Isleys recorded \"Twist and Shout\", the brothers did not think the song would do well,", + "score": 0.7734681367874146 + }, + { + "id": "10054275", + "title": "Twist and Shout (Deacon Blue song)", + "text": "Twist and Shout (Deacon Blue song) \"Twist and Shout\" is the second single from the album \"Fellow Hoodlums\" by the Scottish rock band Deacon Blue. \"Twist and Shout\"' had an unusual combination of pop and Cajun zydeco. It reached No. 10 in the UK Singles Chart in August 1991. \"Twist and Shout\" is not the same song made famous by the Topnotes, The Isley Brothers, and the Beatles. However, the 12\" single of Deacon Blue's release, perhaps in a nod to the common name, contains a live cover of the Beatles' \"I'm Down\". Additionally, towards the end of this song,", + "score": 0.76125168800354 + }, + { + "id": "3255413", + "title": "Twist and Shout", + "text": "Twist and Shout \"Twist and Shout\" is a 1961 song written by Phil Medley and Bert Berns (later credited as \"Bert Russell\"). The song was originally recorded by the Top Notes. It first became a chart hit as a single by the Isley Brothers in 1962. The song has since been covered by several artists, including the Beatles on their first album \"Please Please Me\" (1963), as well as the Tremeloes in 1962 and the Who in 1970 and 1984. In 1961, one year after Phil Spector became a staff producer at Atlantic Records, he was asked to produce a", + "score": 0.7587888240814209 + }, + { + "id": "3255428", + "title": "Twist and Shout", + "text": "charts Twist and Shout \"Twist and Shout\" is a 1961 song written by Phil Medley and Bert Berns (later credited as \"Bert Russell\"). The song was originally recorded by the Top Notes. It first became a chart hit as a single by the Isley Brothers in 1962. The song has since been covered by several artists, including the Beatles on their first album \"Please Please Me\" (1963), as well as the Tremeloes in 1962 and the Who in 1970 and 1984. In 1961, one year after Phil Spector became a staff producer at Atlantic Records, he was asked to produce", + "score": 0.7565892934799194 + }, + { + "id": "4467855", + "title": "The Tremeloes", + "text": "Poole and the Tremeloes over the Beatles, reportedly based on location \u2013 the Tremeloes were from the London area, making them more accessible than the Liverpool-based Beatles. The original quintet consisted of lead vocalist Brian Poole, lead guitarist Rick West (born Richard Westwood), rhythm guitarist/keyboardist Alan Blakley, bassist Alan Howard and drummer Dave Munden. Brian Poole and the Tremeloes first charted in the UK in July 1963 with a version of \"Twist and Shout\", a song previously popularised in America by the Isley Brothers, and already released by the Beatles in the UK in March 1963 on their first British", + "score": 0.7558698058128357 + }, + { + "id": "3255419", + "title": "Twist and Shout", + "text": "vocals, was the last song recorded; producer George Martin knew Lennon's voice would suffer from the performance, so he left it until last, with only 15 minutes of scheduled recording time remaining. Lennon was suffering from a cold, and was drinking milk and sucking on cough drops to soothe his throat. His coughing is audible on the album, as is the cold's effect on his voice. Even so, he produced a memorable vocal performance: a raucous, dynamic rocker. He later said his voice was not the same for a long time afterward, and that \"every time [he] swallowed, it felt", + "score": 0.7554001212120056 + }, + { + "id": "3255423", + "title": "Twist and Shout", + "text": "of their \"Ed Sullivan Show\" appearances in February 1964. The Beatles continued to play the song live until the end of their August 1965 tour of North America. Additionally, they recorded \"Twist and Shout\" on nine occasions for BBC television and radio broadcasts, the earliest of which was for the \"Talent Spot\" radio show on November 27, 1962. The intro sounds very similar to \"La Bamba\" by Ritchie Valens, and the famous vocal buildup resembles that in \"Do You Love Me\" by the Contours. The song enjoyed a resurgence of popularity in 1986 after Matthew Broderick lip-synced to the Beatles'", + "score": 0.7444028854370117 + }, + { + "id": "7924164", + "title": "Brian Poole", + "text": "by the record label. Upon signing with Decca, the company bosses insisted that the band be billed as \"Brian Poole and the Tremeloes\" since this was the trend at the time. The band quickly embraced their new name. Their diverse musical talents meant that as well as producing their own singles they also performed as backing for other recording artists. Their first chart entry was \"Twist and Shout\" in June 1963 (a cover version of an Isley Brothers song that was also covered by the Beatles). \"Twist and Shout\" reached number four in the UK singles chart selling over 1", + "score": 0.7405098676681519 + }, + { + "id": "10054276", + "title": "Twist and Shout (Deacon Blue song)", + "text": "the lyrics; \"Come on, come on baby\" and \"Work it all out\" can be heard, quite similar to how they are sung in the other \"Twist and Shout\". The single's primary B-sides is the song \"Good\". Some versions of the single include an additional B-side entitled \"Golden Bells\". All songs written by Ricky Ross, except where noted: Twist and Shout (Deacon Blue song) \"Twist and Shout\" is the second single from the album \"Fellow Hoodlums\" by the Scottish rock band Deacon Blue. \"Twist and Shout\"' had an unusual combination of pop and Cajun zydeco. It reached No. 10 in the", + "score": 0.7370326519012451 + }, + { + "id": "211482", + "title": "John Lennon", + "text": "it was not heard on a Beatles recording until \"Strawberry Fields Forever\" in 1967. When the Beatles recorded \"Twist and Shout\", the final track during the mammoth one-day session that produced the band's 1963 debut album, \"Please Please Me\", Lennon's voice, already compromised by a cold, came close to giving out. Lennon said, \"I couldn't sing the damn thing, I was just screaming.\" In the words of biographer Barry Miles, \"Lennon simply shredded his vocal cords in the interests of rock 'n' roll.\" The Beatles' producer, George Martin, tells how Lennon \"had an inborn dislike of his own voice which", + "score": 0.7353960275650024 + }, + { + "id": "6019387", + "title": "Jon English", + "text": "band needed a guitarist, he was about 16 and mid-performance was called upon to do vocals, he sang the Beatles' \"Twist and Shout\". His earliest known band was Zenith in 1965, formed at Cabramatta High School, and according to English \"\"they were crap\"\". Next was Gene Chandler & the Interns, which included guitarist Graham Ford, drummer Richard Lillico, bass guitarist Peter Plavsic and English as vocalist and rhythm guitarist. Ford founded Sebastian Hardie Blues Band in 1967 with Lillico and new band members. They played R&B and soul covers but disbanded by early 1968. When Ford reformed the band later", + "score": 0.7274215817451477 + }, + { + "id": "19746517", + "title": "The Top Notes", + "text": "The Top Notes The Top Notes was a rhythm and blues vocal group, centered around the singers Derek Martin and Howard Guyton. They released a number of singles in the early 1960s, amongst which was the first recording of \"Twist and Shout\". Derek Don Martin (also known as \"Derek Ray\") was born in Detroit, Michigan on July 2, 1938. He began his professional career at the age of 17 when he joined Duke Ellington as a vocalist. Howard \"Howie\" Guyton (also known as \"Guy Howard\") was born 1938. He was a cousin of Dave \"Baby\" Cortez, who performed with Guyton", + "score": 0.7261825799942017 + }, + { + "id": "4168099", + "title": "Twist and Shout (album)", + "text": "Twist and Shout (album) Twist and Shout was the Beatles' second album released in Canada, in mono by Capitol Records (catalogue number T-6054) on February 3rd, 1964. It consists of songs mostly drawn from \"Please Please Me\", their first LP released in the United Kingdom. This album, like its parent album, contains both original Beatles songs, as well as covers (including its namesake, \"Twist and Shout\"), denoted in the track listing. Twist and Shout received miscellaneous reissues since the initial release date. The initial release was exclusively mono audio, because stereo record players were not popular in Canada at the", + "score": 0.7253625988960266 + }, + { + "id": "3255418", + "title": "Twist and Shout", + "text": "as they had not had a hit in the three years since \"Shout\" established them. To their surprise, it became their first Top 40 hit on both the pop and R&B charts, and for a time established the group's reputation for producing fast-paced songs during their earlier career. Released on the Beatles' first UK album, \"Please Please Me\" (1963), the complete recording of which on February 11, 1963, was their first album session and is notable for 10 songs recorded in a mere 13 hours. Loosely based on the Isley Brothers version, \"Twist and Shout\", with John Lennon on lead", + "score": 0.724875807762146 + }, + { + "id": "3255421", + "title": "Twist and Shout", + "text": "and Shout\" was the only million-selling Beatles single that was a cover record, and the only Beatles cover single to reach the Top 10 on a national record chart. The song failed to hit #1 because the Beatles had another song occupying the top spot, \"Can't Buy Me Love\". In the UK, \"Twist and Shout\" was released by Parlophone on an EP with three other tracks, \"Do You Want to Know a Secret\", \"A Taste of Honey\", and \"There's a Place\", from the \"Please Please Me\" (1963) album. Both the EP and album reached No. 1 (see \"Twist and Shout\"", + "score": 0.7247055172920227 + }, + { + "id": "2018146", + "title": "The Shangri-Las", + "text": "the Shangri-Las, after a Queens, New York restaurant. Some discographies list The Beatle-ettes and The Bon Bons, who both issued singles in 1964, as early versions of the Shangri-Las. However, they are different groups. Mary Weiss was the main lead singer; Betty, however, took lead on \"Maybe\" (the LP version), \"Shout\", \"Twist and Shout\", \"Wishing Well\" and a number of B-sides and album tracks. Mary Ann Ganser took lead on most of \"I'm Blue\", which is a cover of the Ikettes' biggest hit at the time, and was included on their 1965 album \"Shangri-Las 65!\". In April 1964, when the", + "score": 0.7241572737693787 + }, + { + "id": "4168101", + "title": "Twist and Shout (album)", + "text": "the definitive version. Twist and Shout (album) Twist and Shout was the Beatles' second album released in Canada, in mono by Capitol Records (catalogue number T-6054) on February 3rd, 1964. It consists of songs mostly drawn from \"Please Please Me\", their first LP released in the United Kingdom. This album, like its parent album, contains both original Beatles songs, as well as covers (including its namesake, \"Twist and Shout\"), denoted in the track listing. Twist and Shout received miscellaneous reissues since the initial release date. The initial release was exclusively mono audio, because stereo record players were not popular in", + "score": 0.7229369878768921 + }, + { + "id": "8065479", + "title": "Do You Love Me", + "text": "\"Twist and Shout\". Alvin and the Chipmunks covered the song for their 1988 album \"\". Indie band Steadman has a well known cover of the song, played in the style of the Dave Clark Five. Andy Fraser covered the song in the style of the 1980s back in 1984. Westlife performed a live version for their The Greatest Hits Tour in 2003. German girl group Preluders covered the song for their cover album \"Prelude to History\" in 2004. In 1992 David Hasselhoff famously sang the song in an episode of \"Baywatch.\" In November 2013, The Overtones covered the song for", + "score": 0.7196528911590576 + }, + { + "id": "5591362", + "title": "Peppermint Twist", + "text": "second half of the recording is rarely heard today. \"Peppermint Twist\" replaced Chubby Checker's \"The Twist,\" the song that sparked the Twist fad, at the #1 position. A version by Bill Haley & His Comets was recorded for Armed Forces Radio in 1962, but was not released until 2000. The lead singer in the Starliters' version is David Brigati, whose brother, Eddie Brigati, was a singer for the 1960s hit pop group, the (Young) Rascals. The other personnel on the record featured Carlton Lattimore on organ, Billy Butler on guitar, Jerome Richardson on sax, and Don Martin on drums. The", + "score": 0.7192506790161133 + }, + { + "id": "13299099", + "title": "Phil Medley", + "text": "Phil Medley Philip Medley (April 9, 1916 \u2013 October 3, 1997) was an American songwriter notable for his composition \"Twist & Shout\", which he wrote along with Bert Russell. The song was made famous by both The Isley Brothers and The Beatles. Medley also wrote \"A Million to One\" and co-wrote \"If I Didn't Have a Dime\" for Gene Pitney with Russell. He was also a co-writer of the song \"Killer Joe,\" recorded by many bands including the Rocky Fellers, the Rivieras and the Kingsmen. In 1994, he played guitar for The Jeffersons at the Great Oak Farm Benefit. He", + "score": 0.7190018892288208 + }, + { + "id": "19425122", + "title": "The Beatles' 1965 UK tour", + "text": "for a tour, they now eschewed any songs from before the \"Beatles for Sale\" era. The band chose their 1964 hit \"I Feel Fine\", sung by John Lennon, to open the shows, while their closing song, Paul McCartney's \"I'm Down\", became what \"NME\" journalist Alan Smith later described as \"the 1965 'Twist And Shout'\". Typically for the 1960s, the UK concerts were arranged in a package-tour format, with multiple acts on the bill and two performances held each day. The support acts on the program were the Moody Blues, the Paramounts, Beryl Marsden, Steve Aldo, the Koobas, and the Marionettes.", + "score": 0.7185826301574707 + }, + { + "id": "14999071", + "title": "Down at the Twist and Shout", + "text": "Grammy for Best Country Vocal Performance, Female. Alvin and the Chipmunks recorded a cover for their 1992 album \"Chipmunks in Low Places\". The music video was directed by Jack Cole and premiered in mid-1991. Down at the Twist and Shout \"Down at the Twist and Shout\" is a song written and recorded by American country music artist Mary Chapin Carpenter. It was released in June 1991 as the third single from the album \"Shooting Straight in the Dark\". The song reached number 2 on the \"Billboard\" Hot Country Singles & Tracks chart on September 14, 1991. The Cajun-themed song features", + "score": 0.718228816986084 + }, + { + "id": "3255424", + "title": "Twist and Shout", + "text": "version of it in the film \"Ferris Bueller's Day Off\". Coincidentally, the Rodney Dangerfield film \"Back to School\" (released two days after \"Ferris\") also featured the song, this one sung by Dangerfield himself and patterned after the Beatles' arrangement. The use in the two films helped propel the single up the \"Billboard\" Hot 100, where it peaked at No. 23 late that summer, giving the group their second chart single of the 1980s (the other being \"The Beatles Movie Medley\" in 1982). In November 2010, 47 years after its recording, the Beatles' version of \"Twist and Shout\" made a debut", + "score": 0.7166023254394531 + }, + { + "id": "5283902", + "title": "Shout (Devo album)", + "text": "the album was a critical and commercial failure, peaking at only No. 83 on the \"Billboard 200\" and ultimately leading to Warner Bros. dropping the band from their label. \"Shout\" was the second Devo album (after 1981's \"New Traditionalists\") in which co-founder and bass player Gerald Casale sang the majority of the lead vocals, which are usually performed by Mark Mothersbaugh. Following its release, the band went on hiatus for four years. Although the band would release two studio albums through Enigma Records, they would not release another album through Warner Bros. until \"Something for Everybody\" in 2010. The band", + "score": 0.7138789892196655 + }, + { + "id": "3255427", + "title": "Twist and Shout", + "text": "has become legend that the Beatles were rejected by the label. Ironically, Brian Poole and the Tremeloes had no chart success until the beat boom in British rock surfaced, following the success of the Beatles. This triggered the frenzied signing of most of the popular Liverpool rock groups of that period by the major record labels, and their distinctive \"sound\" became known as Merseybeat. Brian Poole and the Tremeloes imitated this style, and covered \"Twist and Shout\" four months after the Beatles had released their version, and achieved the number four position in the UK Singles Chart. Year-end charts Year-end", + "score": 0.710546612739563 + }, + { + "id": "13299100", + "title": "Phil Medley", + "text": "wrote \"Styrofoam Airplane\". His niece is singer Sharon Brown, who had a top ten hit on the \"Billboard\" Hot Dance Club Play chart in 1982 with the song \"I Specialize in Love\". Phil Medley Philip Medley (April 9, 1916 \u2013 October 3, 1997) was an American songwriter notable for his composition \"Twist & Shout\", which he wrote along with Bert Russell. The song was made famous by both The Isley Brothers and The Beatles. Medley also wrote \"A Million to One\" and co-wrote \"If I Didn't Have a Dime\" for Gene Pitney with Russell. He was also a co-writer of", + "score": 0.7099027037620544 + }, + { + "id": "12673108", + "title": "Tony Kishman", + "text": "to join the band as bassist and vocalist, and subsequently appeared on the band's \"Illuminations\" and \"Live in Geneva\" albums. In 1997, Kishman left Wishbone Ash to pursue different musical projects. He has returned to performing as Paul McCartney in \"Twist and Shout\", an American Beatles tribute band. Kishman is now a current band member with the critically acclaimed Classical Mystery Tour. Tony Kishman Tony Kishman is an American vocalist, bassist, pianist & guitarist, most noted for his work with Wishbone Ash and the musical \"Beatlemania\". Kishman began his musical career playing in cover bands in the Tucson, Arizona area.", + "score": 0.7096155881881714 + }, + { + "id": "9657541", + "title": "Screaming (music)", + "text": "rock) employed occasional brief screaming bits. In the 1950s, one principal screamer was Little Richard, beginning with his \"Tutti Frutti\" (1955). Elvis Presley also screamed some of the lyrics to \"Jailhouse Rock\" in its original 1957 recording, although recordings of live performances of the song in Presley's later career featured him strictly singing the words. By the 1960s, the first take of John Lennon's recording of \"Twist and Shout\" for \"Please Please Me\" was the only take, since Lennon's voice was torn up, partly by the screams that peppered the song. Lennon, inspired by Arthur Janov's Primal Scream therapy, screamed", + "score": 0.7094677090644836 + }, + { + "id": "14999070", + "title": "Down at the Twist and Shout", + "text": "Down at the Twist and Shout \"Down at the Twist and Shout\" is a song written and recorded by American country music artist Mary Chapin Carpenter. It was released in June 1991 as the third single from the album \"Shooting Straight in the Dark\". The song reached number 2 on the \"Billboard\" Hot Country Singles & Tracks chart on September 14, 1991. The Cajun-themed song features backing from members of BeauSoleil, who are also name-dropped in the lyrics. Carpenter (and BeauSoleil) performed the song pregame at Super Bowl XXXI. In 1992, \"Down at the Twist and Shout\" won Carpenter a", + "score": 0.7094342708587646 + }, + { + "id": "5353422", + "title": "Total Devo", + "text": "\"Some Things Never Change\" received some praise. Mark Prindle of Prindle Record Reviews said that, while a stronger effort compared to \"Shout\", \"it's just midtempo, middle-of-the-road pop music, fit only for orthodontist's offices and homecoming dances.\" Michael Azerrad of \"Rolling Stone\" magazine was similarly unfavorable, calling the album \"a desperate SOS from main writer Mark Mothersbaugh.\" and that \"If you listen closely, the bass drum on this record sounds suspiciously like a digital sampling of the sound of a dead horse being beaten.\" All lead vocals performed by Mark Mothersbaugh, except where noted. Total Devo Total Devo is the seventh", + "score": 0.706656813621521 + }, + { + "id": "17906972", + "title": "Andrew Duffield", + "text": "of musicians including Ferrie on gated bass guitar; Pendlebury on guitar and loops; Maurice Frawley on guitar; Gordon Pitts on Fairlight brass sound; Ron Strykert on guitar; and Wilbur Wilde on saxophone. Duffield wrote the theme song for TV series, \"Round the Twist\". Lead vocals for \"Round the Twist\" were sung by Tamsin West, who portrayed lead character, Linda Twist, in series 1 (1989). In May 1989 Duffield, on keyboards, joined Absent Friends, with former Models bandmates: Kelly on vocals and guitar; and Valentine on saxophone; they were joined by Wendy Matthews on lead vocals (latter day member of Models", + "score": 0.706451952457428 + }, + { + "id": "3255416", + "title": "Twist and Shout", + "text": "and died of a heart attack in 1977, aged 39, while touring in Argentina. Songwriter Bert Berns felt Spector had ruined the song, and went out to show Spector how it should be done. When the Isley Brothers decided to record the song in 1962, Bert Berns (who also used the name Bert Russell) opted to produce, and thus demonstrate to Spector what he had intended to be the \"sound\" of the record. The resulting recording captured the verve of an Isley Brothers performance, and became the trio's first record to reach a Top 20 position in the \"Billboard\" Hot", + "score": 0.7054457664489746 + }, + { + "id": "5170421", + "title": "Tony Jackson (bass player)", + "text": "signed by Pye Records in mid-1963 when the Beatles' success created demand for Liverpudlian acts. Jackson was lead singer and played bass on the band's first two United Kingdom hits, \"Sweets for My Sweet\" and \"Sugar and Spice\", but was not the vocalist on the band's biggest hit \"Needles and Pins\". He was featured on both \"Don't Throw Your Love Away\" and \"Love Potion No. 9\". In 1964 the band toured the United States, including an appearance on \"The Ed Sullivan Show\". Jackson was unhappy with the band's move away from rock and roll to a softer, more melodic sound", + "score": 0.7036628127098083 + }, + { + "id": "14701755", + "title": "Twist and Shout (game show)", + "text": "Twist and Shout (game show) Twist and Shout is a Philippine game show that premiered July 3, 2010 airing every weekend on ABS-CBN. It is based on the \"Sing If You Can\" franchise that is owned by Zodiak Entertainment. The show is hosted by the country's leading singers, Gary Valenciano and Martin Nievera. Three kings teams must sing to two-minute songs while being challenged to obstacles and distractions. Two teams of celebrities will play three rounds of challenges/distractions. Contestants will be made to perform the nation\u2019s greatest hits while facing a range of hilarious and humorous physical distractions. Each will", + "score": 0.7027842402458191 + }, + { + "id": "7873852", + "title": "Ty Taylor", + "text": "and the Amazing Technicolor Dreamcoat\", \"Pippin\", \"Songs for a New World\", \"Grease\", and \"We Will Rock You\". Taylor also played the role of \"Freddie\" in a Los Angeles performance of the musical \"Chess\", written by Tim Rice, Benny Andersson and Bj\u00f6rn Ulvaeus. Ty Taylor Ty Taylor (born January 5, 1969 in Montclair, New Jersey) is an American musician best known for being the lead singer of Los Angeles based Soul/Rock band Vintage Trouble. He is the voice of character Lester Grimes on the HBO series \"Vinyl\" created by Martin Scorsese and Mick Jagger. Taylor has two songs, Cha Cha Twist", + "score": 0.7005846500396729 + }, + { + "id": "3255420", + "title": "Twist and Shout", + "text": "like sandpaper\". A second take was attempted, but Lennon had nothing left and it was abandoned. George Martin said, \"I did try a second take ... but John's voice had gone.\" Released as a single in the US on March 2, 1964, with \"There's a Place\" as its B-side, by Chicago-based Vee-Jay Records on the Tollie label, it reached number 2 on April 4, 1964, during the week that the top five places on the chart were all Beatles singles (in the \"Cashbox\" singles chart for the same week, \"Twist and Shout\" was No. 1). In the United States, \"Twist", + "score": 0.6995536684989929 + }, + { + "id": "18174507", + "title": "Oliver Twist (Vaughn De Leath song)", + "text": "Oliver Twist (Vaughn De Leath song) Oliver Twist is a 1921 song written by singer Vaughn De Leath (born Leonore von der Liethi), and performed by her as the first song sung by confirmed trans-Atlantic commercial radio broadcast. In 1922 the song was one of the early major tie ups between silent pictures and music publishers, with De Leath's song being sung, and played instrumentally, during showings of the 1922 silent film \"Oliver Twist\" starring the child actor Jackie Coogan. \"The Wireless Age\" (1923) presented an interview with \"Vaughn De Leath, The Original Radio Girl\", which recounted the 12:30AM December", + "score": 0.6983695030212402 + }, + { + "id": "3255426", + "title": "Twist and Shout", + "text": "on December 14, 1982 and released in November 1984), \"Live From Toronto\" (recorded at the Maple Leaf Gardens in Toronto on December 17, 1982 and released in 2006), as well as on the 1994 compilation \"Thirty Years of Maximum R&B\" (recorded at the Maple Leaf Gardens in Toronto on December 16, 1982, misdated in the liner notes for the concert at Toronto's CNE stadium on October 9, 1982). In 1962 the Decca label signed Brian Poole and the Tremeloes, a British group from Dagenham, East London, in preference to the Beatles. Both groups auditioned on the same day, and it", + "score": 0.698352575302124 + }, + { + "id": "7873845", + "title": "Ty Taylor", + "text": "Ty Taylor Ty Taylor (born January 5, 1969 in Montclair, New Jersey) is an American musician best known for being the lead singer of Los Angeles based Soul/Rock band Vintage Trouble. He is the voice of character Lester Grimes on the HBO series \"Vinyl\" created by Martin Scorsese and Mick Jagger. Taylor has two songs, Cha Cha Twist & The World Is Yours featured on \"VINYL: MUSIC FROM THE HBO\u00ae ORIGINAL SERIES \u2013 VOLUME 1\", soundtrack album released on February 12, 2016 by Atlantic Records. He was formerly the guitarist and vocalist of R&B group Dakota Moon and was also", + "score": 0.6962890028953552 + }, + { + "id": "10196978", + "title": "The Chipmunks Sing the Beatles Hits", + "text": "You Want to Know a Secret?\" is partially cut off. The Chipmunks are not involved in any incidents on the recordings, however, during the instrumental of \"Twist and Shout\", David Seville firmly tells Alvin that his wig is falling off, and tells him to fix it, with the sound of Alvin fixing the wig with muffled tones. In the liner notes, John Lennon ends his critique by saying that Alvin's wig is falling off again. For his work on the album, engineer Dave Hassinger won the 1964 Grammy Award for Best Engineered Recording - Special Or Novel Effects. In a", + "score": 0.6961736679077148 + }, + { + "id": "4971805", + "title": "Shout (The Isley Brothers song)", + "text": "Bon Jovi has covered this song live preceded by \"Bad Medicine\". American punk rock band Green Day performed the song on their 2005 live album \"Bullet in a Bible\" after \"King for a Day\". Green Day has also regularly performed the song during their live shows since at least 2005, always after \"King for a Day\". Also Bruce Springsteen often performs this song live in a medley with \"Twist and Shout\". Blaine Anderson (Darren Criss) and Brittany Pierce (Heather Morris) performed the song in the 2013 \"Glee\" episode \"Girls (and Boys) On Film\". Robbie Williams performed the song as part", + "score": 0.6953727602958679 + }, + { + "id": "13081588", + "title": "Calling Festival", + "text": "but backed out in advance. The 2011 festival took place over the weekend of 24\u201326 June. During the song \"Twist and Shout\", performed by Bruce Springsteen and guest Paul McCartney at the Saturday show, Springsteen was forced to cut his set short when he ran overtime on a council curfew. Paul Simon's set featured Hugh Masekela, Ladysmith Black Mambazo and Jimmy Cliff; it was released on DVD and album in June 2017, titled \"The Concert in Hyde Park\". \"I don't recall anything of Hyde Park,\" Soundgarden bassist Ben Shepherd said in 2013, \"except looking stage-right and seeing that Jimmy Page", + "score": 0.6952417492866516 + }, + { + "id": "9406131", + "title": "Soulful Tapestry", + "text": "up to \"Want Ads,\" the song peaked at number eleven in the US in August, 1971; and \"One Monkey Don't Stop No Show (Pt. 1)\" - a Latin flavoured slam at a lover gone cold with similar chord progressions akin to The Isley Brothers' 1962 hit \"Twist & Shout\", a number fifteen hit in November, 1971. Lyrically, the material was quietly instrumental in developing the message of female empowerment through song. With the aggressive funk music fronted by lead singer, Edna Wright's gospel growl, and lyrics centered on love abandoned and love found, female commentary on modern relationships was becoming", + "score": 0.6936454176902771 + }, + { + "id": "2395551", + "title": "Brent Mydland", + "text": "Petersen, although the song was performed live only once. His high, gravelly vocal harmonies and emotional leads added to the band's singing strength, and he even occasionally incorporated scat singing into his solos. Mydland's vocals added color to old favorites such as \"Cassidy,\" \"Mississippi Half-Step Uptown Toodeloo,\" \"Ramble on Rose,\" the Band's \"The Weight\", and he even wrote his own verse for Willie Dixon's \"Little Red Rooster.\" He sang lead on many covers, including Traffic's \"Dear Mr. Fantasy,\" the Beatles' \"Hey Jude\", and the Meters' \"Hey Pocky Way.\" Mydland's last show with the Grateful Dead was on July 23, 1990", + "score": 0.6926788091659546 + }, + { + "id": "3255415", + "title": "Twist and Shout", + "text": "and Shout\". Guyton, Martin and Cortez had previously all been members of vocal groups the Pearls (also known as the Five Pearls) in their home city of Detroit, and then of the Sheiks in New York; and Guyton and Martin later recorded as members of Jimmy Ricks & the Raves. Derek Martin later recorded a succession of singles, mostly on the Roulette label, in the 1960s and early 1970s, including a version of Otis Blackwell's \"Daddy Rollin' Stone\", before moving to live in France where he has continued to perform. Guyton later sang in a touring version of the Platters,", + "score": 0.6925011277198792 + }, + { + "id": "16674582", + "title": "Tomorrow Never Knows (Beatles album)", + "text": "my band knows about how to approach recording a song is attached to the Beatles in some way.\" Win Butler of Arcade Fire said \"There is a straight line from James Brown to death metal and it runs through \"Helter Skelter.\" The primal edge to the singing on certain Beatles songs was present all along\u2014from \"Twist and Shout\" onwards. It's that edge in the voice that, to me, makes rock n' roll. I've always thought of them as heavy.\" Adam Levine of Maroon 5\u2014\"The Beatles are a massive part of who I am. My mother lived and breathed The Beatles", + "score": 0.691550076007843 + }, + { + "id": "12312417", + "title": "Anfield Rap", + "text": "Too\"). The song also featured the guitar riff (and the Ahhhhh-ahhhhh-ahhhhh element) from \"Twist And Shout\" by The Beatles who hailed from Liverpool. The track featured John Aldridge and Steve McMahon and Gary Ablett the only three native Liverpudlians in the regular line up at the time, making fun of the accents of the other players. The other players featured were John Barnes, Bruce Grobbelaar, Craig Johnston, Kevin MacDonald, Gary Gillespie, Steve Nicol, Ronnie Whelan, Alan Hansen, Ray Houghton, Jim Beglin, Nigel Spackman and Jan Molby, along with manager Kenny Dalglish. One verse of the song was performed by then-ITV", + "score": 0.6914008855819702 + }, + { + "id": "8008828", + "title": "Joey Dee and the Starliters", + "text": "Joey Dee and the Starliters Joey Dee and the Starliters (also credited as Joey Dee and the Starlighters) is an American popular music group. Best known for their successful million-selling recording \"Peppermint Twist\" (1961), the group was started by Joey Dee. With lead singer Rogers Freeman, Joey Dee and the Starliters' first single was \"Lorraine,\" backed with \"The Girl I Walk To School,\" in 1958, distributed by the company Little. That same year, Joey Dee recruited David Brigati for the team after meeting him during a gig at Garfield High School in New Jersey. David and Joey would subsequently share", + "score": 0.6911077499389648 + }, + { + "id": "14098204", + "title": "Los Twisters", + "text": "Los Twisters Los Twisters (English: \"The Twisters\") was a Chilean rock 'n' roll band, formed in 1961. Los Twisters was one of the first South American bands which recorded twist songs. The band originated in the early 1960s after Los Lyons broke up. The band was highly influenced by Bill Haley, Chubby Checker and Elvis Presley. From their beginnings, the band had Luis Dimas as lead vocalist and they had their first successful singles: \"Penas juveniles\", \"Caprichitos\", \"Me recordar\u00e1s\", \"Sue\u00f1a\" and \"Mi secreto\". In 1963 it was selected as the most popular band in Chile; but it didn't continued so", + "score": 0.69074946641922 + }, + { + "id": "12667911", + "title": "Joey and the Twisters", + "text": "Joey and the Twisters Joey and the Twisters was an American twist group, formed from remnants of the original Royal Teens around 1961. The group was led by Teens vocalist Joey Villa (aka Joe Francovilla), along with several other members from the local Manhattan doo-wop scene. The band played regularly at the Peppermint Lounge in Manhattan, alongside Joey Dee and the Starliters and other acts. The Twisters never released an album, but did release several singles on Duel Records, including remakes of Bobby Darin's \"Jailer, Bring me Water,\" Bobby Freeman's \"Do You Want to Dance,\" and \"Bony Maronie,\" and penned", + "score": 0.6903401613235474 + }, + { + "id": "3899486", + "title": "Rick Davies", + "text": "progressive rock compositions and cynical lyrics. Starting with \"Indelibly Stamped\" in 1971, Davies shared lead vocals with Supertramp songwriting partner, Roger Hodgson until the latter's departure in 1983, at which point he became the sole lead vocalist of the group. Davies's voice is deeper than Hodgson's, and he usually employs a raspy baritone which stands in stark contrast to his bandmate's tenor. However, he occasionally sings in a falsetto which superficially resembles Hodgson's vocals, such as on \"Goodbye Stranger\" and \"My Kind of Lady\". He also plays harmonica for the group. Richard Davies was born in Swindon, Wiltshire in 1944", + "score": 0.6892400979995728 + }, + { + "id": "4496466", + "title": "Sha Na Na", + "text": "in law. After graduating from Yale Law School, he became the vice president of production and features at Columbia Pictures. He was a professor at the University of Dayton. Greene was known for his skilled dancing, and sang the lead in \"Tears on My Pillow\", \"Duke of Earl\", and others. He died on September 5, 2015 after a brief illness. Bruce \"Bruno\" Clarke is now a professor of English at Texas Tech University in Lubbock, Texas. Richard Joffe is currently a class-action litigator for a law firm in New York City. Original Sha Na Na vocalist Dave Garrett ran Earth", + "score": 0.6890230178833008 + }, + { + "id": "609696", + "title": "Ike Turner", + "text": "II, playing gigs alongside other local blues artists such as Howlin' Wolf, Charley Booker, Elmore James, Muddy Waters and Little Walter. Performances typically lasted for about twelve hours, from early evening to dawn the next day. Turner described the scenario to an interviewer: Around this time Turner and his band recorded the song \"Rocket 88\". Jackie Brenston, a saxophonist in the Kings of Rhythm, sang lead vocals. Turner played piano on the recording, and his intro was later used nearly note-for-note by Little Richard in \"Good Golly Miss Molly\". Phillips sold the recording to Chess in Chicago, who released it", + "score": 0.6888352632522583 + }, + { + "id": "14809945", + "title": "Spot the Difference", + "text": "on a Squeeze studio album 28 years previously (1982's \"Sweets from a Stranger\"). As well, former Squeeze member Paul Carrack guests on vocals and keyboards on the remake of \"Tempted\". On the re-record of \"Loving You Tonight\", Tilbrook sings the lead vocal that Carrack sang on the original version. Chris Difford went on to explain in an interview in the \"Huffington Post\" (6 August 2010) the reason for the release: \"Well, Squeeze has never owned our own copyrights because, obviously, they're owned by a major record label. We thought it might be fun to re-record our songs to make it", + "score": 0.6882644891738892 + }, + { + "id": "19648029", + "title": "Peter Marsh (musician)", + "text": "is Your Life'. 'This is Your LIfe' featured Steve Nieve on keyboard and Jimmy Edwards and Elvis Costello on backing vocals. The involvement of Jimmy Edwards was due to Marsh's then manager, Tony Gorden, who also managed Sham 69. The involvement of Steve Nieve and Elvis Costello was due to their connections with Roger Bechirian, who co-produced the album with Marsh. Twist was Marsh's first significant collaboration with Bechirian. The two subsequently worked on a project which was to become known as Blanket of Secrecy. Twist was recorded at Amp Pro, a studio in Shepherds Bush in a house owned", + "score": 0.6882342100143433 + }, + { + "id": "5455626", + "title": "Howard Donald", + "text": "\"Here\". He also shares lead vocals with the rest of the band on the album's opening track, \"The Garden\". On the Take That LP called \"Progress\", Howard Donald sings lead vocals on a track called Affirmation. He also plays drums on several songs on \"Progress\" album and has mixed a B-side track for the second single \"Kidz\" called \"Revenge of the Kidz\". On the latest Take That album \"Wonderland\" Donald sings lead vocals on \"Every Revolution\". Donald is one of the judges on a dancing show \"Got to Dance\" in Germany. During the Beautiful World Tour in 2007, Donald suffered", + "score": 0.6881170868873596 + }, + { + "id": "8008829", + "title": "Joey Dee and the Starliters", + "text": "lead vocal honors for the Starliters, with Joey ultimately becoming the primary lead singer. Another early single for the group was \"Face of an Angel,\" with David as lead vocal, released on Scepter Records; the flipside was \"Shimmy Baby.\" An album entitled \"The Peppermint Twisters\" and credited to \"Joey Dee and the Starlighters\" was subsequently released by the company Scepter as well. The group's most notable lineup is considered to be Joey Dee, David Brigati, Larry Vernieri (vocals), Carlton Lattimore (organ), Sam Taylor (guitar) and Willie Davis (drums). In 1960, the Starliters were noticed by agent Don Davis while performing", + "score": 0.6881130337715149 + }, + { + "id": "12991186", + "title": "Gladys Shelley", + "text": "Astaire. A 1946 musical entitled \"The Duchess Misbehaves\", for which she wrote the book and lyrics, opened at the Adelphi Theater in Manhattan, but managed only three performances before closing. The song \"Oliver Twist\" which she co-wrote with Rod McKuen appeared on the same-named single issued on the Spiral label. It was sung by McKuen and in 1961 reached No. 76 on the \"Billboard\" pop chart. Gladys Shelley married Irving Rosenthal, the owner of New Jersey's Palisades Amusement Park, and in 1965 she wrote the music and lyrics to a radio and television jingle called \"Come on Over\" which proved", + "score": 0.6878678798675537 + }, + { + "id": "2060567", + "title": "Vocalese", + "text": "sang lyrics to a Bix Biederbecke and Frankie Trumbauer solo on \"Singin' the Blues\" as early as 1929. The best-known practitioners and popularisers are probably Lambert, Hendricks and Ross, which group was made up of Jon Hendricks, Dave Lambert and Annie Ross. Ross's 1952 lyrics for the song \"Twisted\", a blues improvisation by saxophonist Wardell Gray, are considered a classic of the genre. Other performers known for vocalese include Bob Dorough, Giacomo Gates, Kurt Elling, Al Jarreau, Mark Murphy, Roger Miller, New York Voices, and The Manhattan Transfer, whose Grammy-winning version of Weather Report's \"Birdland\" featured lyrics by Jon Hendricks.", + "score": 0.6874266266822815 + }, + { + "id": "17636201", + "title": "Twist and Shout, Inc.", + "text": "Twist and Shout, Inc. Twist and Shout, Inc. was an American software company based in San Francisco, California and founded in 2011. Its main product is a mobile application called Twist which allows users to share their estimated time of arrival (ETA) and real-time GPS location while traveling. Twist closed its doors on April 1, 2014. Twist and Shout, Inc. was founded by Bill Lee, Mike Belshe, Frank VanZile and Edward Marks. Twist and Shout, Inc. collected $6 million in venture capital funds from Bridgescale Partners, Eric Hahn, Jeff Skoll, Bill Lee and Mike Belshe. Twist and Shout's advisors included", + "score": 0.6871966123580933 + }, + { + "id": "1570120", + "title": "Bert Berns", + "text": "on Laurie Records in 1961. Berns himself had a short-lived career as a recording artist, and in 1961, under the name \"Russell Byrd\", Berns scored his only \"Billboard\" Hot 100 appearance with his own composition, \"You'd Better Come Home\", which peaked at Number 50. That song would later be recorded by the Isley Brothers, and featured as the B-side of their 1962 single \"Twistin' With Linda\". Also in 1962, the Isley Brothers recorded \"Twist and Shout\" on Wand Records, written by Berns and Phil Medley. Berns also hit the charts in late 1962 with the Exciters' \"Tell Him\" on United", + "score": 0.6870598196983337 + }, + { + "id": "14783711", + "title": "Twist Uptown", + "text": "songs from this album not to feature her on lead are \"Oh Yeah, Maybe Baby\" on which Patricia \"Patsy\" Wright sang lead; and \"Gee Whiz\" and \"Frankenstein Twist\" which featured Dolores \"LaLa\" Brooks. During this period, The Crystals appeared as a quintet but this album features the vocals of six Crystals; it contains tracks with original member Myrna Giraud as well as Dolores \"LaLa\" Brooks who was Giraud's permanent replacement by its release. Recording sessions took place mainly at Aldon Music and Mirasound in late 1961 and early 1962. In 1963, the album was repackaged as \"He's a Rebel\" to", + "score": 0.6853299736976624 + }, + { + "id": "8008832", + "title": "Joey Dee and the Starliters", + "text": "Joey Dee and the Starliters filmed the movie \"Hey, Let's Twist\", starring Jo Ann Campbell and Teddy Randazzo, for Paramount Pictures. \"Hey, Let's Twist\" was a fictional story of Joey Dee (Randazzo and Dino DiLuca played the parts of Joey's brother and father, respectively) and the Peppermint Lounge; its release capitalized on the current twist craze and made the once-obscure Lounge famous. The movie and soundtrack album did their part in making the Peppermint Lounge a world-famous venue. Successful singles spawned from \"Hey, Let's Twist\" were the title track and \"Shout, Part I\", which became the group's second-biggest selling record,", + "score": 0.6847767233848572 + }, + { + "id": "4123295", + "title": "The Searchers (band)", + "text": "high harmony vocal links between verses, Jackson again took lead vocal.\"Love Potion No.9\" sung by Jackson lifted from the first LP was a non UK single hit in the US on Kapp Records. Mike Pender then took the main lead vocal on the next two singles: \"Needles And Pins\" and \"Don't Throw Your Love Away\", each featuring Chris Curtis on co-lead/high harmony vocal (both UK chart topping singles). However, live footage of these songs as performed on \"The Ed Sullivan Show\" and NME Poll Winners concert respectively show Pender and Jackson together singing the lead vocal in close harmony with", + "score": 0.6847440004348755 + }, + { + "id": "8793196", + "title": "The Choir (band)", + "text": "Pirates Cove, the Cleveland Agora & Hennessy's in Lakewood. The Original Band featured many local musicians including founding members Steve Doman (lead vocals), Randy Klawon (Dann's brother) on lead gtr., Dan Klawon on bass, Dave Thomas (2nd gtr.& vocals), and Todd Weaver on drums. After Doman left Peter Panic, Dave Thomas took over lead vocals and they were joined by Wally Bryson (Choir & Raspberries) and Rick Bell on sax (the Cleveland Horn, a.k.a. Michael Stanley, Lou Reed) Much like the Choir, various members left the band but returned during the course of the band's lifetime. The original Peter Panic", + "score": 0.6844571828842163 + }, + { + "id": "11678787", + "title": "The Five Du-Tones", + "text": "and \"The Woodbine Twine\". The last Five Du-Tones single, a ballad called \"Mountain of Love\" was released in 1966; they disbanded in 1967. The group's lead singer, Andrew Butler, eventually moved to Los Angeles and joined a latter-day version of The Rivingtons. After their dissolution due to illness, Butler worked in various versions of other 1950s doo-wop groups such as Billy Richard's Coasters and The Robins. \"Shake a Tail Feather\" was covered by Ray Charles together with the Blues Brothers and featured in a prominent choreography scene in The Blues Brothers film (1980). It was also featured on the soundtrack", + "score": 0.6832154989242554 + }, + { + "id": "3255422", + "title": "Twist and Shout", + "text": "(EP)). In Canada, it became the title track to the second album of Beatles material to be issued by Capitol Records of Canada, on February 3, 1964. It is regarded as one of the finest examples of British rock and roll for its vocal performance. The song was used as a rousing closing number on \"Sunday Night at the London Palladium\" in October 1963 and at \"The Royal Variety Show\" in November 1963, the former signalling the start of \"Beatlemania\"; the latter was included on the \"Anthology 1\" compilation album in 1995. In addition, the group performed it on one", + "score": 0.6826615929603577 + }, + { + "id": "5871105", + "title": "Eve Graham", + "text": "she joined songwriter Roger Cooke for a single release, again on Columbia, called \"Smiling Through My Tears\" shortly before becoming a founder member of The New Seekers in 1969 and was lead singer on the majority of their early hits, including the world wide Number One hit - \"I'd Like to Teach the World to Sing\". Other songs that featured Graham as lead vocalist included the US and Canadian smash \"Look What They've Done To My Song, Ma\", the British Top 5 hit \"Circles\", the Japanese No.1 \"The Greatest Song I've Ever Heard\" and the ecologically conscious Roger Cook-Roger Greenaway", + "score": 0.6826069355010986 + }, + { + "id": "11861641", + "title": "Better Scream", + "text": "Better Scream 'Better Scream' was the debut 7\" single released by the first band incarnation of Pete Wylie, Wah! Heat after being member of the short-lived The Crucial Three and The Mystery Girls. It was also Pete Wylie's third serious project (the first being the heavily-funded but short-lived Liverpool super group English Opium Eaters with future Lightning Seeds leader Ian Broudie, future Frankie Goes to Hollywood dancer Paul Rutherford on lead vocals, and future Siouxsie and the Banshees drummer Budgie). When the English Opium Eaters collapsed due to musical differences. Wylie then joined local band Crash Course but left taking", + "score": 0.6822589039802551 + }, + { + "id": "16449765", + "title": "Shampoo (parody band)", + "text": "songs written by Lennon\u2013McCartney except for \u201cTwist and Shout\u201d, written by Phil Medley and Bert Russell; all Neapolitan lyrics by Shampoo. with Shampoo (parody band) Shampoo were an Italian tribute/parody band from Naples, who enjoyed a short period of popularity in the early Eighties as spoofers of The Beatles. The band were originally created in 1978 by radio DJ Giorgio Verdelli for a radio show on a Neapolitan radio station, immediately after Corrado Ferlaino, then chairman of S.S.C. Napoli, had announced a Beatles reunion to celebrate the team\u2019s victory over Liverpool F.C. in a UEFA Cup match. It was very", + "score": 0.6820679903030396 + }, + { + "id": "5274368", + "title": "World of Twist", + "text": "World of Twist World of Twist were an English indie pop band, formed in Sheffield in 1985. The original line-up of the band consisted of James Fry (vocals), Andrew Hobson (bass), Gordon King (guitar), Tony Ogden (drums), Rory Conolly (saxophone), Nick Phillips (organ) and Andy Robbins (synthesiser). This version soon disintegrated, and some years later a new line-up emerged, this time based in Manchester. A short lived 1986 version of World of Twist featured Gordon King (vocalist and co-songwriter), Tony Ogden (co-songwriter), Andy Hobson (Bass, Keyboards), Neil Drabble (Visuals). The 1989 version of World Of Twist featured Ogden (now vocalist", + "score": 0.681305468082428 + }, + { + "id": "19540051", + "title": "Big Twist and the Mellow Fellows", + "text": "Big Twist and the Mellow Fellows Big Twist and the Mellow Fellows was an American blues and rhythm and blues group. The frontman was the singer and harmonica player Larry \"Big Twist\" Nolan (born Lawrence M. Nolan, September 23, 1937, Terre Haute, Indiana; died March 14, 1990, Broadview, Illinois). He began singing in church at the age of six. During the 1950s he sang and played drums in a bar band, the Mellow Fellows, performing everything from R & B, blues and country music. At the beginning of the 1970s he joined with guitarist Pete Special and tenor saxophonist Terry", + "score": 0.6811830401420593 + }, + { + "id": "4349878", + "title": "Tony Sheridan", + "text": "Tony Sheridan Tony Sheridan (born Anthony Esmond Sheridan McGinnity; 21 May 1940 \u2013 16 February 2013) was an English rock and roll singer-songwriter and guitarist. He was best known as an early collaborator of the Beatles (though the record was labelled as being with \"The Beat Brothers\"), one of two non-Beatles (the other being Billy Preston) to receive label performance credit on a record with the group, and the only non-Beatle to appear as lead singer on a Beatles recording which charted as a single. Sheridan was born in Norwich, Norfolk, where he grew up at 2 Hansell Road in", + "score": 0.6810486316680908 + }, + { + "id": "1570122", + "title": "Bert Berns", + "text": "the Movies\"), Barbara Lewis (\"Baby I'm Yours\" and \"Make Me Your Baby\"), Little Esther Phillips (\"Hello Walls\"), Ben E. King, Wilson Pickett and LaVern Baker. With many of Berns's songs being recorded by British Invasion bands such as the Beatles (\"Twist and Shout\"), the Rolling Stones (\"Cry to Me\") and the Animals (\"Baby Let Me Take You Home\"), Berns became the first American record producer to travel across the Atlantic to work in London. He went to England three times between 1964 and 1965, where he produced a number of British Decca artists such as Van Morrison's Them (\"Here Comes", + "score": 0.6806605458259583 + }, + { + "id": "7873847", + "title": "Ty Taylor", + "text": "Robert Taylor, The Who and most recently, AC/DC. Taylor also appeared on the cast recording of Jason Robert Brown's 'Songs for a New World' recorded in 1996. Taylor also appeared as a guest singer on the bonus album given away with 'Shout', recorded by Govt Mule, on the song 'Bring on the Music'. Other guests included Steve Winwood, Elvis Costello, & Dr John. Most recently, Taylor has been the front man for the Los Angeles-based Soul/Rock band, Vintage Trouble. Notable performances include a supporting performance at the final concert of the annual free Summer Concert Series at The Americana at", + "score": 0.6803703308105469 + }, + { + "id": "211398", + "title": "John Lennon", + "text": "McCartney took over on bass after Sutcliffe decided to stay in Hamburg, and Pete Best was replaced with drummer Ringo Starr; this completed the four-piece line-up that would remain until the group's break-up in 1970. The band's first single, \"Love Me Do\", was released in October 1962 and reached No. 17 on the British charts. They recorded their debut album, \"Please Please Me\", in under 10 hours on 11 February 1963, a day when Lennon was suffering the effects of a cold, which is evident in the vocal on the last song to be recorded that day, \"Twist and Shout\".", + "score": 0.6798696517944336 + }, + { + "id": "4971802", + "title": "Shout (The Isley Brothers song)", + "text": "Australian TV show \"Six O'Clock Rock\" and released it as a single, reaching #2 in Australia. His 1964 re-recording was only a minor hit at #49. Joey Dee and the Starliters reached #6 with their recording of the song in 1962 (The Starlighters also worked the call-and-response portion of the song into its even bigger hit, \"Peppermint Twist\"), while the Isley Brothers' version re-charted that same year at #94. Scottish pop singer Lulu had a #7 UK hit with the song in 1964 (attributed to Lulu and the Luvvers), and a #8 UK hit with a re-recorded version in 1986.", + "score": 0.679695188999176 + }, + { + "id": "18174508", + "title": "Oliver Twist (Vaughn De Leath song)", + "text": "9, 1922 WJZ radio broadcast from New York to London. This was the first confirmed trans-Atlantic reception of a U.S. broadcasting station. An article \"\"Oliver Twist\" song in Spotlight's Glare\" in \"The Music Trades\" (November 11, 1922) described the link with the Coogan film as \"One of the biggest tie ups ever undertaken in connection with a picture feature song\". Oliver Twist (Vaughn De Leath song) Oliver Twist is a 1921 song written by singer Vaughn De Leath (born Leonore von der Liethi), and performed by her as the first song sung by confirmed trans-Atlantic commercial radio broadcast. In 1922", + "score": 0.6793205142021179 + }, + { + "id": "14085070", + "title": "Leader of the Pack (album)", + "text": "versions of \"Maybe\" originally by The Chantels with Betty Weiss on lead vocals, along with \"Shout\" by The Isley Brothers and \"Twist and Shout\" by the Top Notes. Also on the album is \"Give Him a Great Big Kiss\" which The Shangri-Las would release as a single later in the year. Although the group had scored two major hits, the album only charted at 109 on the U.S. albums chart. The album was rated the 49th best album of the 1960s by \"Pitchfork\". Side one Side two Shangri-Las Technical Leader of the Pack (album) Leader of the Pack is the", + "score": 0.6792795658111572 + }, + { + "id": "7718204", + "title": "The Beatles with Tony Sheridan and Their Guests", + "text": "on bass. The six Titans tracks had been previously released on the 1961 MGM album, \"Let's Do the Twist for Adults.\" (On the original release, the songs \"Flying Beat,\" \"Rye Beat,\" \"Summertime Beat,\" and \"Happy New Beat\" were originally titled, \"Flying Twist,\" \"Rye Twist,\" \"Summertime Twist\" and \"Happy New Year Twist.\") Performances by the Beatles with Tony Sheridan unless otherwise indicated. Performances by the Titans unless otherwise indicated. The Beatles with Tony Sheridan and Their Guests The Beatles with Tony Sheridan and Their Guests was an American album featuring \"Cry for a Shadow,\" a track recorded by the Beatles in", + "score": 0.6791139245033264 + }, + { + "id": "1324547", + "title": "Robert Smith (musician)", + "text": "these earlier shows. Both drummer Lol Tolhurst and bassist Mick Dempsey are also noted as having performed vocals with the group in the early years. Tolhurst also sang on a cover of \"Wild Thing\" at Malice's early shows, and Dempsey sang backing vocals on songs like \"Killing An Arab\", and even recorded lead vocals on one track on the Cure's debut album, for their cover of Hendrix's \"Foxy Lady\". During March 1977, a vocalist named Gary X came and went, and was replaced by Peter O'Toole, described as \"a demon footballer and Bowie fan\" who made his singing debut in", + "score": 0.6790832877159119 + }, + { + "id": "6779687", + "title": "Jon Oliva", + "text": "produced and sang back up vocals for Tampa/Clearwater band Dave's Not Here as a favor to former 98Rock jockey and Dave's Not Here lead vocalist, Todd T. Riley. In 2000, Oliva contributed the song \"Perfect Christmas Night\" to the Jim Carrey vehicle \"The Grinch\". In 2001, after Stevens left the band citing family reasons, Oliva returned to provide lead vocals for Savatage's new album, \"Poets and Madmen\". It was his first appearance as a lead vocalist on a Savatage studio record in 10 years. After touring and writing with TSO, Oliva formed his own band Jon Oliva's Pain (often known", + "score": 0.678318440914154 + }, + { + "id": "2066363", + "title": "Music of Ohio", + "text": "1954 and recorded with small labels singing doo-wop and rock and roll. After modest success with singles such as \"Shout\", \"Twist and Shout\" and the Motown single \"This Old Heart of Mine (Is Weak for You)\", and a brief tenure with Jimi Hendrix as a background guitar player, the group settled on a brand of gritty soul and funk defined by the Grammy-winning smash \"It's Your Thing\" in 1969. The O'Jays are a Canton-based soul and R&B group, originally consisting of Walter Williams (born August 25, 1942), Bill Isles, Bobby Massey, William Powell (January 20, 1942 \u2013 May 26, 1977)", + "score": 0.6781636476516724 + }, + { + "id": "4933457", + "title": "Donna Lewis", + "text": "(2002), which featured her on an almost entirely acoustic set. During the early 2000s, Lewis was featured as a guest vocalist on several trance music/house music recordings. Her fourth LP, \"In the Pink\", was released in 2008; its first single was \"Shout,\" which was included in the soundtrack to the Marian Quinn film \"32A\". Lewis also sang lead vocals for her side project, Chute, which released their debut EP in April 2010. In March 2015, she released \"Brand New Day\", her first full-length LP in nearly a decade. ! Year !! Awards !! Work !! Category !! Result Donna Lewis", + "score": 0.6776903867721558 + }, + { + "id": "13404844", + "title": "Sharon Brown (singer)", + "text": "Sharon Brown (singer) Sharon Brown is an American singer-songwriter and musician who was born in Harlem, New York, US. She is the niece of songwriter Phil Medley, who co-wrote the song \"Twist and Shout\". She is also the daughter of drummer William Brown, who played with musicians such as The Isley Brothers and Cannonball Adderley. Brown co-wrote and sang backup vocals on the 1976 release of CBS Rock Band \"Blood Sweat & Tears\" Mirror's Image \" LP song titled \"Love Looks Good On You\" former lead vocalist for \"Rare Earth\" Jerry La Croix. In addition to starting her own music", + "score": 0.6775726675987244 + }, + { + "id": "5513693", + "title": "Joe Lynn Turner", + "text": "Joe Lynn Turner Joe Lynn Turner (born Joseph Arthur Mark Linquito, August 2, 1951) is an American singer, guitarist, songwriter, and producer. He is known for his work in the hard rock bands Rainbow and Deep Purple. During his career, Turner fronted and played guitar with pop rock band Fandango in the late 1970s; and in the early 1980s, he became a member of Rainbow, fronting the band and writing songs with guitarist, Ritchie Blackmore and bassist, and producer, Roger Glover. After Rainbow had disbanded (the first time) in March 1984, he pursued a solo career, released one album, Rescue", + "score": 0.6773382425308228 + }, + { + "id": "4856414", + "title": "T-Neck Records", + "text": "the trio formed the Three Boys Music publishing company, which would include their own compositions including later songs \"Respectable\" and \"Nobody But Me\", all of which helped to earn the brothers monetary royalties after the songs were licensed to other artists who covered the tunes including The Yardbirds and The Human Beinz. In 1961, they left RCA, which had been responsible for releasing \"Shout\" but had failed to push any of their subsequent singles, for Scepter Records' Wand subsidiary imprint where they recorded the Bert Berns dance number, \"Twist & Shout\" and released the song in 1962. The song became", + "score": 0.6770522594451904 + }, + { + "id": "7124887", + "title": "Bob Johnson (musician)", + "text": "being introduced by fiddler Peter Knight. Johnson first appeared on the group's fourth album, \"Below the Salt\", where he took lead vocals on the track \"King Henry\". Along with \"King Henry\", he introduced many of the band's better-known songs into the repertoire, such as \"Thomas the Rhymer\", \"Alison Gross\", \"Long Lankin\" and \"Gaudete\". Despite taking lead vocals on many songs, he was something of a background member. Johnson left Steeleye Span temporarily in 1977 to work on a concept album, \"The King of Elfland's Daughter\", along with Peter Knight. However, he returned in 1980 to record \"Sails of Silver\". After", + "score": 0.6763383746147156 + }, + { + "id": "4258669", + "title": "Doug Yule", + "text": "Reed's voice became strained from touring, Yule would sing lead on several songs. While Cale had been a more experimental bass player, Yule was considered more technically proficient on the instrument and his distinct melodic style suited Reed's desire to move the band into a more mainstream direction. His lead vocals can be heard on the song \"She's My Best Friend\" which was recorded in 1969 and later appeared on the outtakes compilation \"VU\", and on the band's fourth album, \"Loaded\" (1970), Yule's role became even more prominent, singing the lead vocals on several songs on the LP (\"Who Loves", + "score": 0.6762790083885193 + }, + { + "id": "5719327", + "title": "Peppermint Lounge", + "text": "and soundtrack album also did their part in making the Peppermint Lounge a world-famous venue. Successful singles spawned from \"Hey, Let's Twist!\" were the title track and \"Shout \u2013 Part I\". Other albums released during this time were \"Doin' the Twist at the Peppermint Lounge\", which was recorded live at the venue, and \"All the World's Twistin' with Joey Dee & the Starliters\". The Beatles were filmed visiting the club during their first U.S. visit in 1964. Artists who performed at the Peppermint Lounge include the Beach Boys, the Ronettes (who made their professional debut here in 1961), the Crystals,", + "score": 0.6760271191596985 + }, + { + "id": "17379442", + "title": "Little Queenie", + "text": "Hamburg and elsewhere with Paul McCartney on lead vocal. An audience recording from December 1962 is included on \"Live! at the Star-Club in Hamburg, Germany; 1962\". Author Doug Sulpy in \"Drugs, Divorce and Slipping Image\" notes during the lengthy sessions for the album \"Get Back\", John Lennon sang the lead vocal on a fairly brief version of it. The Rolling Stones frequently performed the song live; a version recorded in November 1969 at Madison Square Garden is on the album \"Get Yer Ya-Ya's Out! The Rolling Stones in Concert\". It is also on the Stones bootleg Live'r Than You'll Ever", + "score": 0.6759897470474243 + }, + { + "id": "17083308", + "title": "The Dennisons", + "text": "1964. Other tracks they recorded included \"Little Latin Lupe Lu\", \"Devoted to You\", \"You Better Move On\", \"Lucy (You Sure Did It This Time)\", \"My Girl\" and \"Tutti Frutti\". Their lead singer, Eddie Parry (1946\u20131995), left the group in March 1965. The Dennisons continued as a four piece before disbanding in 1967. 1n 1991, they reunited to perform at a memorial concert for Terry Carson. Former drummer Clive Hornby recorded a solo album, \"This Is Your Life\" in 1997, which included musical contributions from fellow former Dennisons, Steve McLaren (1946\u20132007) and Ray Scragg (born Raymond Arthur Scragg, 4 August 1946,", + "score": 0.6758575439453125 + }, + { + "id": "18083612", + "title": "The Vamps (Australian band)", + "text": "roll songs. Their first gig was at Stomp City, AMOCO Centre, Orange in June 1965, where they drew a record crowd of 2030. Following this a fifth member \u2013 Janice Glading (stage name Babs King) \u2013 was added on vocals. The Vamps played the Millers Hotel circuit in Sydney and other venues through to the end of 1965. They also appeared on the Don Lane television show, performing \"Twist and Shout\". At one point in late 1965 Richard Neville of OZ magazine fame was considering managing the band, but he left for London early in 1966. In February of that", + "score": 0.6756600141525269 + }, + { + "id": "9561944", + "title": "Elgin Avenue Breakdown", + "text": "mid-January 1976 Mole was replaced by Dan Kelleher. Here are a few observations on Dan's contribution: 'Apart from his experience and dexterity on bass, he had other skills to offer. The backing vocals was one area that immediately improved with not just his singing but also with the harmony parts that he arranged, and then there were two or three songs on which he sang lead vocal, which would give Joe a welcome breather at strategic points in the set. He also helped me in working out new drum patterns.' The official credits are for Strummer and the 101ers unless", + "score": 0.6755958795547485 + }, + { + "id": "10213430", + "title": "Joshua (band)", + "text": "band Shout was formed in 1987 by three members of Joshua - Joseph Galletta, Loren Robinson, and Ken Tamplin, who also had a successful solo career. Several members were also in metal bands, mostly based in the LA area. Mahlon Hawk formed Centerfold in 1987 with Kurt Wada. Steve Fontaine briefly replaced Peter Goalby in Uriah Heep, and Rich Ortz later provided vocals for Sixty Nine. Donnie Gougeon joined White Sister in 1985, and Emil Lech appeared on the final Sound Barrier album, \"Speed of Light\" (1986). He was also in the band Driver, which at one point also included", + "score": 0.6751571893692017 + }, + { + "id": "8879925", + "title": "The Orchestra (band)", + "text": "2006. The album contains the Bev Bevan co-authored composition \"Over London Skies\", \"The Diary of Horace Wimp\" soundalike \"Jewel & Johnny\", and a cover of \"Twist and Shout\" which begins in a slow, plaintive minor key with arpeggiated chords before building to the familiar, rocking major progression. With the release of \"No Rewind\", The Orchestra temporarily worked some original material into their live set, with \"Jewel & Johnny\" and the album's title song becoming occasional staples, although a vast majority of the songs they perform in concert are covers of Jeff Lynne's compositions that originally appeared on ELO's original albums", + "score": 0.6749837398529053 + }, + { + "id": "8503027", + "title": "Twisting by the Pool", + "text": "Twisting by the Pool Twisting by the Pool is a 1983 song by British rock band Dire Straits which appears on \"ExtendedancEPlay\". It was released as a single in 1983, peaking at No. 14 on the UK Singles Chart and at No. 12 on the US \"Billboard\" Top Tracks chart. According to the sheet music published at Musicnotes.com by Universal Music Publishing Group, the song is set in the time signature of common time, with a tempo of 182 beats per minute. It is composed in the key of A major with Knopfler's vocal range spanning from A to E.", + "score": 0.6748359203338623 + }, + { + "id": "7873849", + "title": "Ty Taylor", + "text": "SERIES \u2013 VOLUME 1\" / Various Artists
2015 1 Hopeful Rd. / Vintage Trouble / Composer, Group Member, Lead Vocals
2015 Walt Disney Records the Legacy Collection: The Aristocats / Various Artists / Primary Artist
2014 The Swing House Acoustic Sessions / Vintage Trouble / Lead Vocals
2013 Sound the Alarm / Booker T. Jones / Composer, Group Member, Lead Vocals
2013 Shout! / Gov't Mule Featured Artist, Primary Artist
2012 Dr. Seuss' the Lorax [Original Songs from the Motion Picture] / Primary Artist
2012 It's Good to Be Live / Pablo Cruise Featured Artist
2011 The", + "score": 0.6745592355728149 + } + ] + }, + { + "qa_pairs": [ + { + "context": "The record for a field goal at any level in game is 69 yards. It was kicked by Ove Johansson of the Abilene Christian University Wildcats in the 1976 game against East Texas State University Lions (now Texas A&M University\u2013Commerce) in Shotwell Stadium, Abilene, Texas.", + "question": "Who set the record for longest field goal at any level?", + "short_answers": [ + "Ove Johansson" + ], + "wikipage": "Field goal" + }, + { + "context": "The longest field goal kick in NFL history is 64 yards, a record set by Matt Prater on December 8, 2013. The previous record was 63, originally set by Tom Dempsey (1970) and then matched by Jason Elam (1998), Sebastian Janikowski (2011), David Akers (2012), Graham Gano (2018), and Brett Maher (2019). The record in the CFL is 62 yards, set by Paul McCallum on October 27, 2001. High school, college and most professional football leagues offer only a three-point field goal; however, some professional leagues have encouraged more rare kicks through \"four-point field goals\". NFL Europe encouraged long field goals of 50 yards or more by making those worth four points instead of three (much like Australian rules' Super Goal or basketball's three-point line), a rule since adopted by the Stars Football League. Similarly, the sport of arena football sought (unsuccessfully) to repopularize the drop kick by making that worth four points; it failed, since only one kicker (Brian Mitchell) was able to do it with any semblance of proficiency. (In six-man football, where there is no offensive line, all field goals are worth four points instead of the usual three.)", + "question": "Who set the record for longest field goal in an NFL game?", + "short_answers": [ + "Matt Prater" + ], + "wikipage": "Field goal" + } + ], + "wikipages": [ + { + "title": "Field goal", + "url": "https://en.wikipedia.org/wiki/Field%20goal" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "According to the Guinness World Records, the longest recorded field goal successfully kicked at any level was 69 yards. It was kicked by Ove Johansson of the Abilene Christian University Wildcats in the 1976 game against East Texas State University Lions (now Texas A&M University\u2013Commerce) in Shotwell Stadium, Abilene, Texas.", + "wikipage": "Field goal" + } + ], + "long_answer": "The record for the longest field goal in an NFL game was set by Matt Prater at 64 yards, but the record for the longest field goal at any level was 69 yards, kicked by Ove Johansson, of Abilene Christian University in1976." + } + ], + "sample_id": "3219470493874132834", + "question": "Who set the record for longest field goal?", + "docs": [ + { + "id": "2634942", + "title": "David Akers", + "text": "record for the longest field goal by kicking a 63-yard field goal off the crossbar against the Green Bay Packers at Lambeau Field. The record was originally set by Tom Dempsey and was shared with Jason Elam and Sebastian Janikowski until Broncos kicker Matt Prater broke the record with a 64-yard field goal on December 8, 2013. The long field goals by Elam, Janikowski, and Prater were all made in Denver, where the ball has the ability to travel slightly farther in thinner air. Elam kicked his 63-yard field goal at Mile High Stadium, while the 63-yarder by Janikowski and", + "score": 0.7977861166000366 + }, + { + "id": "5758609", + "title": "Sebastian Janikowski", + "text": "have broken the all-time NFL field goal record of 63 yards. However, it bounced off the right upright and came back out. On September 28, 2008, Janikowski unsuccessfully attempted a 76-yard field goal against the San Diego Chargers into the heavy wind right before halftime. This is presumed to be the longest attempt in NFL history; though the league keeps no such records on attempts, the longest known attempts previous to this were 74 yard attempts by Mark Moseley and Joe Danelo in 1979. On October 19, 2008, Janikowski broke his own Raiders team record, making a 57-yard field goal", + "score": 0.7848480343818665 + }, + { + "id": "12183799", + "title": "Dirk Borgognone", + "text": "Dirk Borgognone Dirk Ronald Borgognone (born January 9, 1968) is a former National Football League placekicker who currently holds the record for the longest field goal ever kicked in the history of high school football, 68 yards. Borgognone attended Reno High School, initially playing as a soccer player. He soon switched to football and was trained in a \"straight-on\" kicking style. On September 27, 1985, he kicked the longest field goal in high school football history, during a Reno High School game at Sparks High School. The kick measured 68 yards and was longer than any that had ever been", + "score": 0.7823783159255981 + }, + { + "id": "11335507", + "title": "Ove Johansson", + "text": "at national power Davis and Elkins College, and performed this kick during ACU's 1976 homecoming game against East Texas State University at Shotwell Stadium, in Abilene, Texas. This record kick is longer than any other field goal kicked in organized football, one yard longer than the current high school record set by Dirk Borgognone in 1985, 2 yards longer than the NCAA record (Abilene Christian was playing in the National Association of Intercollegiate Athletics at the time), and 5 yards longer than the current NFL record of 64 yards set by Matt Prater in the Denver Broncos vs. Tennessee Titans", + "score": 0.7716180086135864 + }, + { + "id": "6048593", + "title": "Russell Erxleben", + "text": "against the University of Colorado. Despite early troubles in the game, including a missed field goal and a blocked extra point, Erxleben kicked a field goal late in the game, breaking the tie and securing the win for Texas. In 1977, in a game against Rice University, he set the record for the longest field goal in NCAA history with a 67-yard kick. UT head coach Fred Akers said of the kick, \"It was like a gunshot. We couldn't believe a ball was going that far. It had another eight yards on it.\" Erxleben kicked two other field goals over", + "score": 0.7703338861465454 + }, + { + "id": "9303115", + "title": "Field goal", + "text": "to Dempsey's 1970 kick, the longest field goal in NFL history was 56 yards, by Bert Rechichar of the Baltimore Colts A 55-yard field goal, achieved by a drop kick, was recorded by Paddy Driscoll in , and stood as the unofficial record until that point; some sources indicate a 54-yarder by Glenn Presnell in as the due to the inability to precisely verify Driscoll's kick. In a pre-season NFL game between the Denver Broncos and the Seattle Seahawks on August 29, 2002, Ola Kimrin kicked a 65-yard field goal. However, because pre-season games are not counted toward official records,", + "score": 0.7648773193359375 + }, + { + "id": "13894626", + "title": "Field goal range", + "text": "35 and 40 yard lines (closer in a crosswind) often will go for the more risky fourth down conversion rather than risk either the touchback or the missed field goal. The longest field goal in recorded football history was 69 yards, set by collegiate kicker Ove Johansson, who was born in Sweden, in a 1976 Abilene Christian University football game against East Texas State University (now Texas A&M Commerce) at Shotwell Stadium in Abilene. The longest successful field goal in the NFL was 64 yards and was completed by Matt Prater in 2013. The NCAA record is 67 yards held", + "score": 0.7641547322273254 + }, + { + "id": "9303095", + "title": "Field goal", + "text": "toward its own end. The longest field goal kick in NFL history is 64 yards, a record set by Matt Prater on December 8, 2013. The previous record was 63, originally set by Tom Dempsey (1970) and then matched by Jason Elam (1998), Sebastian Janikowski (2011), David Akers (2012), and Graham Gano (2018). High school, college and most professional football leagues offer only a three-point field goal; however, some professional leagues have encouraged more rare kicks through \"four-point field goals\". NFL Europe encouraged long field goals of 50 yards or more by making those worth four points instead of three", + "score": 0.7590022683143616 + }, + { + "id": "4853018", + "title": "Steve Christie", + "text": "Canton. He then went on to kick five field goals in the Bills 29-10 win over the Miami Dolphins in the AFC championship game, helping Buffalo get to their third consecutive Super Bowl. In 1993, Christie set a Bills record by kicking a 59-yard field goal in a regular season game. It was only four yards short of the all-time NFL record. In Super Bowl XXVIII, Christie set a Super Bowl record by kicking a 54-yard field goal. It is currently the longest field goal ever made in Super Bowl History. In the 2000 season, Christie was an instrumental part", + "score": 0.7536283731460571 + }, + { + "id": "2143124", + "title": "Tom Dempsey", + "text": "Dempsey nailed the field goal with a couple of feet to spare. The win was one of only two for the Saints in that dismal season. For many years, it was believed that Saints quarterback Billy Kilmer was the holder of that historic kick, but photos of that day, as well as radio and television calls, revealed that Scarpati was actually the holder. With the kick, Dempsey broke Bert Rechichar's NFL record for longest field goal by seven yards. That record was equaled by Jason Elam in 1998, Sebastian Janikowski in 2011, and David Akers in 2012. On December 8,", + "score": 0.7525871396064758 + }, + { + "id": "9303114", + "title": "Field goal", + "text": "for a field goal at any level is 69 yards. It was kicked by Ove Johansson of the Abilene Christian University Wildcats in the 1976 game against East Texas State University Lions (now Texas A&M University\u2013Commerce) in Shotwell Stadium, Abilene, Texas. The longest field goal made was 64 yards by Matt Prater of the Denver Broncos on December 8, 2013. The longest field goal attempt in an NFL game was 76 yards by Sebastian Janikowski on September 28, 2008. In the history of the NFL regular season, only 20 field goals have been made from at least 60 yards: Prior", + "score": 0.7517120838165283 + }, + { + "id": "20183333", + "title": "Austin Rehkow", + "text": "high school record set in 1986 by Dirk Borgognone. Kelly Imhoff made (62 yards) in 1929 and Larry Stovall-Moody (60 yards) in 1996 are the only 3 60 yards or more kicked in the state of Washington. It was one of three field goals of over 50 yards Rehkow kicked that year. Rehkow went undrafted in the 2017 NFL Draft, with the league's scouting combine profile concluding he lacked the leg strength to be a full-time placekicker (a somewhat ironic conclusion given his high school record; the combine based it on the fact that his longest field goal at the", + "score": 0.7485048770904541 + }, + { + "id": "13894629", + "title": "Field goal range", + "text": "both end zones) is only 66 yards. Scaccia, while playing indoor football, attempted a 64-yard kick that was inches short of success, hitting the crossbar. Longer field goals have been attempted at times; the longest attempt in the NFL, which was well short and was kicked into the wind, was 76 yards, attempted by Sebastian Janikowski of the Oakland Raiders, in a September 28, 2008 game against the San Diego Chargers. NFL Europe rewarded kickers that successfully kicked a field goal of longer than 50 yards with a bonus point, making such field goals worth 4 points instead of 3;", + "score": 0.7476741075515747 + }, + { + "id": "8725179", + "title": "Horst Mu\u0308hlmann", + "text": "he played soccer in the North American Soccer League (NASL) for the Kansas City Spurs. His professional career in American football began in 1969 with the Kansas City Chiefs when he was 29 years old. M\u00fchlmann quickly established a reputation as one of the longest kickers in the game. On 4 September 1971, in a pre-season encounter with the Green Bay Packers, he launched each of his six kickoffs over the crossbar into the endzone denying the Packers a single kickoff return yard. M\u00fchlmann was the first kicker since the AFL-NFL merger to connect on field goals of 50 yards", + "score": 0.7443042993545532 + }, + { + "id": "6048591", + "title": "Russell Erxleben", + "text": "Russell Erxleben Russell Erxleben (born January 13, 1957) is a former American football player and currency investor. He shares the record for the longest field goal, 67 yards, in NCAA history (if not college football history), originally set in 1977 while playing for the University of Texas. Erxleben was a three-time All-America punter (1976, 1977, and 1978). He was drafted in the first round of the NFL Draft, an extremely rare occurrence for a kicker. After an NFL career lasting six years, he became a currency investor. Convicted of securities fraud in 1999, he was released from federal prison in", + "score": 0.7440934777259827 + }, + { + "id": "18245271", + "title": "Chandler Catanzaro", + "text": "21, 2018, in a Week 7 matchup against the Cleveland Browns, after having missed an extra point attempt and a 40-yard field goal attempt earlier in the game Catanzaro hit a game winning 59-yard field goal in overtime to end the game 26-23, in the process setting the record for the longest field goal made in overtime in NFL history. On November 12, 2018, Catanzaro was released by the Buccaneers after missing two field goals in a 16-3 loss to the Washington Redskins. He finished his time with the Buccaneers 11-for-15 on field goals and 23-for-27 on extra points in", + "score": 0.7440608143806458 + }, + { + "id": "3989323", + "title": "Placekicker", + "text": "for the Philadelphia Eagles and New England Patriots. Another was Rich Karlis, who once shared two kicking records - the record for longest field goal in Super Bowl history, kicking a 47-yard field goal in Super Bowl XXI and also for the most field goals in a game, seven for Minnesota in 1989, tying Jim Bakken's record of the time, a record since broken by Rob Bironas. Englishman Rob Hart kicked barefoot during his 7-year NFL Europe career. John Baker also used the style in the 1990s in the Canadian Football League, as did Jos\u00e9 Cort\u00e9z in the XFL. The", + "score": 0.7426005005836487 + }, + { + "id": "6048594", + "title": "Russell Erxleben", + "text": "60 yards that season. Rule changes in NCAA football since 1977, specifically the prohibition of kicking tees for field goals, as well as changes to the placement of the ball following a failed kick, have discouraged such long attempts, thus attempts to break the record are now rare. The longest field goal since the rule changes came in 1998 when Martin Gramatica of Kansas State made a 65-yard attempt. Erxleben is the only three-time All-American punter in NCAA history, being a consensus choice in 1976, 1977, and 1978. In 1979 he was unexpectedly drafted in the first round (eleventh pick", + "score": 0.7416680455207825 + }, + { + "id": "8486242", + "title": "Eddie Murray (American football)", + "text": "was memorable for the fact that the Lions were able to execute the kick without a huddle and out of a non-kicking formation. In 1983, he made the longest field goal in Lions history (54 yards). In the NFC Divisional Playoff at San Francisco, with the Lions trailing 24-23 with 11 seconds left in the game, Murray, having earlier made a 54-yard field goal (an NFL playoff record at the time), narrowly missed a 43-yard attempt that sealed a 23-24 loss. In 1985, he set a franchise record with 12 straight field goals. The next year, he set the franchise", + "score": 0.7411919236183167 + }, + { + "id": "14667788", + "title": "Chris Limahelu", + "text": "a 47-yard field goal. Both of these were his longest kicks to date, and the 47-yard field goal became, at that time, the longest field goal ever by a Trojan place kicker, breaking a 64-year-old record. He was also successful in completing 31 of 34 point-after-touchdown conversions overall. During the 1974 season, in a game against the Stanford University Cardinals, where USC was trailing 23-10 after 3 periods, Limahelu kicked a 34-yard field goal during the game's last 3 seconds, allowing USC to achieve a 27-26 victory, and keeping alive the USC bid for a place in the 1975 Rose", + "score": 0.7411452531814575 + }, + { + "id": "7512995", + "title": "Ola Kimrin", + "text": "at that time shared by Tom Dempsey and Jason Elam. The record also would have survived the later kicks by Sebastian Janikowski (63 yards), David Akers (63 yards), Graham Gano (63 yards), and Matt Prater (64 yards for a new record on December 8, 2013). But being a field goal kicked in a pre-season game, Kimrin's 65-yarder did not count as an NFL record. Despite the 65-yard pre-season field goal, Kimrin was released at the conclusion of camp in favor of veteran Jason Elam. He then competed for a job with the Dallas Cowboys in 2003 during training camp but", + "score": 0.7411316633224487 + }, + { + "id": "3561442", + "title": "Jan Stenerud", + "text": "other kickers in the AFL and NFL. The Chiefs were the final AFL champions in 1969, and they met the NFL Champion Minnesota Vikings in Super Bowl IV in New Orleans. The underdog Chiefs won 23-7, and Stenerud kicked three field goals, scoring the first nine points of the game. His first, a 48-yarder, was the longest field goal in a Super Bowl for 24 years, exceeded by Steve Christie of the Buffalo Bills in Super Bowl XXVIII in January 1994. On Christmas Day 1971, the Chiefs hosted the Miami Dolphins in an AFC divisional playoff game. In perhaps his", + "score": 0.7401156425476074 + }, + { + "id": "6471947", + "title": "Aaron Mills", + "text": "Aaron Mills Aaron Scott Mills (born July 8, 1972) is an American former Arena Football League (AFL) kicker who, in a career lasting two years, played for the San Jose SaberCats (1995\u20131996). He holds the AFL league record for the longest field goal, with a 63-yard field goal in a 1996 game. Playing football at Satellite High School in Satellite Beach, Florida, Mills was a two-time All-State selection as both kicker and punter, and also participated in the Florida-Georgia High School All-Star Game after his senior year. Mills was a four-year letterman at Stanford University and was both, a kicker", + "score": 0.7388780117034912 + }, + { + "id": "6471948", + "title": "Aaron Mills", + "text": "and a punter. As a junior punter, he averaged 42.2 yards per punt and was selected All-Pac-10 first team selection. He currently lives in Las Vegas, Nevada. Aaron Mills Aaron Scott Mills (born July 8, 1972) is an American former Arena Football League (AFL) kicker who, in a career lasting two years, played for the San Jose SaberCats (1995\u20131996). He holds the AFL league record for the longest field goal, with a 63-yard field goal in a 1996 game. Playing football at Satellite High School in Satellite Beach, Florida, Mills was a two-time All-State selection as both kicker and punter,", + "score": 0.7386674880981445 + }, + { + "id": "2477821", + "title": "Jason Elam", + "text": ".852. He also made all 58 extra-point attempts for 127 total points. On October 25, 1998, Elam kicked a 63-yard field goal to end the first half against the Jacksonville Jaguars, tying Tom Dempsey's 28-year-old record for the longest field goal in NFL history. His cleats from the game are currently on display in the Pro Football Hall of Fame. Elam also scored the 20,000th televised point on \"ABC Monday Night Football\". He tied for third in the AFC (tied for fifth in the NFL) in scoring by kickers, and his 58 extra-point conversions ranked second in the NFL while", + "score": 0.7386610507965088 + }, + { + "id": "11372750", + "title": "1953 Baltimore Colts season", + "text": ". The 1953 Colts have the unusual distinction of having a losing record, despite having a league-leading 56 defensive takeaways. Baltimore had a winning record after five games, defeating neighbor Washington before a capacity crowd of over 34,000 at Memorial Stadium, then lost seven straight to finish the season. In the season opener against the Chicago Bears on September 27, Colts' defensive back Bert Rechichar set an NFL record for the longest field goal breaking the previous unofficial record of 55 yards (set by drop kick by Paddy Driscoll in ). It stood for over seventeen years, until Tom Dempsey", + "score": 0.7377175092697144 + }, + { + "id": "6892713", + "title": "Billy Kilmer", + "text": "Manning with the second overall pick of the 1971 NFL Draft, Kilmer asked to be traded and was granted his wish on January 23, 1971, when he was dealt to the Washington Redskins for linebacker Tom Roussel and two draft selections. A short, but friendly dispute arose about who was the actual holder of Tom Dempsey's record-setting 63 yard field goal kick. For many years, it was widely believed that Kilmer was the holder, but it was actually Saints' safety Joe Scarpati (#21), who was the holder of the (then) record-setting field goal. The dispute was finally put to rest,", + "score": 0.736404299736023 + }, + { + "id": "11335509", + "title": "Ove Johansson", + "text": "April (Bankes) Johansson, and they have a daughter, Annika Johansson, and a son, Stefan Johansson. The family is bilingual English-Swedish. Ove Johansson Ove Claes Johansson (born March 31, 1948) is a former American football placekicker and the current holder of the record for the longest field goal ever kicked during an American football game, at , for Abilene Christian University in their October 16, 1976 victory over East Texas State. Johansson is the oldest player to be drafted in the NFL Draft, being 28 years, 281 days old when he was selected in the 12th round of the 1977 NFL", + "score": 0.7357679605484009 + }, + { + "id": "8447311", + "title": "Comparison of American football and rugby union", + "text": "competent kicker. Kicks from 40-45 yards are considered more challenging, but usually makeable, kicks from the 50 yard range are considered difficult. Kicks from 55 or more yards are considered extremely difficult, and are normally only attempted in dire situations at the end of the game when the field goal would tie or win the game. The record for longest field goal is 64 yards, which has been done once by Matt Prater in 2013. A 65-yard kick by Ola Kimrin was made during a preseason exhibition game in 2002, but preseason games are not included in record keeping. Notably,", + "score": 0.733966052532196 + }, + { + "id": "11499970", + "title": "Dick Van Raaphorst", + "text": "against sending the Buckeyes to the Rose Bowl. The University of Minnesota was the replacement team that beat UCLA 21-3. He was injured as a junior. As a senior, he broke the school and conference distance record with a 48-yard field goal. The next game he broke it again with a 49-yard field goal. He also set a record with 6 field goals in Big Ten Conference games and 8 in the season. The next game he broke it again with a 49-yard field goal. Van Raaphorst was selected by the Cleveland Browns in the tenth round (138th overall) of", + "score": 0.7339634895324707 + }, + { + "id": "19514756", + "title": "Dana Coin", + "text": "in 1969, he was a backup linebacker and handled kickoffs for the Wolverines. As a junior in 1970, he began the season handling kickoffs and field goal attempts and took over responsibility for extra points in the middle of the season. On September 19, 1970, he kicked a 42-yard field goal that was, at the time, the longest field goal in Michigan football history. Coin's 42-yard field goal broke a school record of 40 yards set in 1961 by Doug Bickle, and not surpassed until a 50-yard kick by Mike Lantry in 1973. As a senior in 1971, Coin set", + "score": 0.7337334156036377 + }, + { + "id": "13894628", + "title": "Field goal range", + "text": "NFL and have been banned from NCAA since 1989) is 68 yards held by Fabrizio Scaccia, and the high school record 68 yards held by Dirk Borgognone; high school has wider goal posts and treats a field goal attempt that lands short in the field of play the same as a punt, making longer attempts much less risky. The indoor football record, with narrower and higher goal posts, is 63 yards (set by Aaron Mills), which is practically as long of a field goal as is possible in that variant of the sport, since the field in indoor football (including", + "score": 0.7333811521530151 + }, + { + "id": "13894631", + "title": "Field goal range", + "text": "slightly longer range than the standard place kick, but since these kicks are so rare, that is not known for sure. During the early NFL era, this was generally true, and drop kicks were the norm for longer field goals; in fact, the first unofficial NFL record kick of 55 yards, set by Paddy Driscoll in 1924, was indeed set by drop kick. The only successful drop kick in the NFL since the 1941 NFL Championship Game was by Doug Flutie, the backup quarterback of the New England Patriots, against the Miami Dolphins on January 1, 2006, for an extra", + "score": 0.7327179312705994 + }, + { + "id": "9303116", + "title": "Field goal", + "text": "this accomplishment is not the official record. All of the above kicks were successful with the use of a kicking tee, which was banned by the NCAA after the 1988 season. The longest known drop-kicked field goal in college football was a 62-yard kick from Pat O'Dea, an Australian kicker who played on the Wisconsin Badgers football team. O'Dea's kick took place in a blizzard against Northwestern on November 15, 1898. The longest field goal in U Sports football history is 59 yards, by Niko Difonte of Calgary Dinos, playing against the UBC Thunderbirds on November 11, 2017. The field", + "score": 0.7323734164237976 + }, + { + "id": "16581991", + "title": "Peter Christofilakos", + "text": "Peter Christofilakos Peter Harold Christofilakos (born May 28, 1981) is a former professional American football kicker. He attended the University of Illinois and was a soccer team player. He was a member of the Bloomington Extreme/Edge and Arizona Rattlers. Peter played soccer and football at Sacred Heart-Griffin High School. He holds the Central State 8 Conference's record for longest field goals with a 46 yarder. He was a three-year starter on the soccer team. His senior year, he was named All-state in soccer as well as football. He led the soccer team to the 1999 tournament and was named Most", + "score": 0.7320737838745117 + }, + { + "id": "14667785", + "title": "Chris Limahelu", + "text": "Chris Limahelu Chris Limahelu (October 16, 1950 \u2013 April 7, 2010) was place kicker for the USC Trojans football team during the 1973 and 1974 seasons when John McKay was the head coach. Only and during his playing career, he is remembered for setting new team records. His 47-yard field goal at the 1974 Rose Bowl game was the longest ever by a Trojan, breaking a 64-year-old Trojan record, and it became the second longest field goal in Rose Bowl history. By the end of his career in 1975, Limahelu had kicked three of the five longest field goals in", + "score": 0.7302565574645996 + }, + { + "id": "6759936", + "title": "Robbie Gould", + "text": "Gould made a 58-yard field goal late in the first half, setting the Bears record for longest field goal and tying him with Zendejas for most consecutive 50+-yard field goals without a miss with eleven. In Week 13 against the Minnesota Vikings, Gould missed a career-high two field goals, tying his two missed kicks in 2006 against the St. Louis Rams; the two field goals were a 66-yarder, which would have broken the NFL record for longest field goal converted, and a 47-yarder in overtime. On December 27, Gould signed a four-year extension with the Bears worth $15 million, with", + "score": 0.7300399541854858 + }, + { + "id": "10016230", + "title": "Bert Rechichar", + "text": "by Paddy Driscoll in ) in a game against the Chicago Bears on It stood until Tom Dempsey booted a 63-yarder in ; since then, at least 12 others have kicked field goals of 60 yards or more, and many others have kicked field goals of 56 yards or longer. His record-setting kick was his first field goal attempt as Rechichar also played as an outfielder in the farm system of the Cleveland Indians, reaching as high as Reading in the Class A Bert Rechichar Albert Daniel (Bert) Rechichar (born July 16, 1930) is a former American football defensive back", + "score": 0.7296326160430908 + }, + { + "id": "394384", + "title": "Super Bowl XXI", + "text": "line. Then on third down, his 24-yard completion to receiver Mark Jackson advanced the ball to the Giants' 39-yard line. However, the Giants' defense tightened up and halted the drive at the 30-yard line, forcing Denver to settle for Rich Karlis's 48-yard field goal to give them a 3\u20130 lead. Karlis's kick tied a game record for longest field goal set by Jan Stenerud of the Kansas City Chiefs in Super Bowl IV. The Giants then took the ensuing kickoff and stormed right back on a 9-play, 78-yard drive. First, quarterback Phil Simms completed a 17-yard pass to receiver Lionel", + "score": 0.7296297550201416 + }, + { + "id": "6614520", + "title": "Pat Leahy (American football)", + "text": "until replacing Howfield. In 1979, he suffered a right knee sprain during a practice while running pass patterns simulating an opposing team's wide receiver. He played in only 6 games after being placed on the injured reserve list. In 1985, he set the franchise record for the longest field goal (55 yards). In 1986, he set the franchise record for consecutive successful field goal made (22), that was broken by Jay Feely until 2009. In 1991, he played in 15 games and was replaced by Raul Allegre for the season finale, because of a sciatic nerve condition. On July 6,", + "score": 0.7290345430374146 + }, + { + "id": "12183801", + "title": "Dirk Borgognone", + "text": "books that banned kicking off tees for field goal attempts. This not only reduced the general range for field goals (the record off a tee was 67 yards, without, only 65), but Borgognone had always kicked off a tee and was unprepared for the change. Borgognone left college early to pursue an NFL career as a kickoff specialist. Much like Ove Johansson, whose 69-yard field goal in the NAIA in 1976 is the only field goal on record to have bested Borgognone's high school kick, Borgognone struggled to make the National Football League. He spent years bouncing between NFL training", + "score": 0.728188157081604 + }, + { + "id": "12346401", + "title": "Bill McClard", + "text": "Bill McClard Bill W. McClard (born October 15, 1950 in Purcell, Oklahoma) is a former professional football player. A kicker, McClard played college football for the University of Arkansas, where he was named American Football Coaches Association All-America after the 1970 season and by \"The Sporting News\" in 1971. He kicked a then-NCAA record 60-yard field goal in 1970. This was only about one week before Tom Dempsey, with his half-foot, kicked the first 60+-yard field goal in the NFL. Both were responsible for changes in rules regarding returning field goal attempts. Out of college, McClard was drafted in the", + "score": 0.7269733548164368 + }, + { + "id": "13653585", + "title": "Hank Gillo", + "text": "War I (there was no football at Colgate in 1918). After his collegiate career he led the NFL in scoring in 1922 with 52 points. In 1923 he was a Collyer's First Team All-Pro. He held the NFL record for longest field goal with a 55, 56, or 57 yard kick against the Packers in 1922. When he returned to Milwaukee he married Eva Shead, his high school girlfriend. He spent 21 years as a teacher in a prep school in Milwaukee and was the head of the biology department at the time of his death. Gillo died of a", + "score": 0.7261152267456055 + }, + { + "id": "5758610", + "title": "Sebastian Janikowski", + "text": "in overtime to defeat the New York Jets, 16\u201313, the longest overtime field goal in NFL history. On December 27, 2009, he again broke his own team record by kicking a 61-yard field goal against the Cleveland Browns before halftime. On December 26, 2010, Janikowski converted a 59-yard field goal in the second quarter of a home game against the Indianapolis Colts making him the second player with two 59+ yard field goals (Morten Andersen). On January 3, 2010, he reached his 1,000th career point with a 39-yard field goal against the Baltimore Ravens. He is the highest scoring player", + "score": 0.7259680032730103 + }, + { + "id": "6011960", + "title": "Tony Franklin (kicker)", + "text": "a 64-yard field goal in the same game. This made him the only kicker in NCAA history to connect on two field goals of sixty or more yards in the same game. Franklin finished his collegiate career breaking 18 NCAA records at the time, including most career field goals (56), career kick scoring (291 points), most field goals of 50 yards or longer in a career (16), most field goals made in a three-year career (45) and longest average for field goals made in a career (39.5 yards). He was a consensus All-American pick as a sophomore in 1976 and", + "score": 0.7259447574615479 + }, + { + "id": "5985610", + "title": "Rian Lindell", + "text": "secure a 29-27 victory. On December 9, 2007, Rian Lindell set the record for the most consecutive field goals made in Buffalo Bills history. He had played in all 64 games for the Bills since 2003 (until the middle of the 2011 season) and holds a Bills record with 83.04 field goal percentage. On November 29, 2009, Lindell successfully made a 56-yard field goal against rivals Miami Dolphins. This was not only Lindell's longest field goal of his career but also tied Houston Texans' kicker Kris Brown for longest successful field goal in the league for the 2009 season, until", + "score": 0.7257880568504333 + }, + { + "id": "9721785", + "title": "Matt Prater", + "text": "Lions. Matt Prater Matthew Phillip Prater (born August 10, 1984) is an American football placekicker for the Detroit Lions of the National Football League (NFL). He played college football for the University of Central Florida, and was originally signed by the Lions as an undrafted free agent in 2006. Prater holds the NFL record for kicking the longest field goal (64 yards), which he set on December 8, 2013, as a member of the Denver Broncos in a game against the Tennessee Titans in the first half as time expired. He also holds the Detroit Lions franchise record for longest", + "score": 0.7257216572761536 + }, + { + "id": "9721768", + "title": "Matt Prater", + "text": "Matt Prater Matthew Phillip Prater (born August 10, 1984) is an American football placekicker for the Detroit Lions of the National Football League (NFL). He played college football for the University of Central Florida, and was originally signed by the Lions as an undrafted free agent in 2006. Prater holds the NFL record for kicking the longest field goal (64 yards), which he set on December 8, 2013, as a member of the Denver Broncos in a game against the Tennessee Titans in the first half as time expired. He also holds the Detroit Lions franchise record for longest field", + "score": 0.7255834341049194 + }, + { + "id": "6827249", + "title": "Matt Bryant", + "text": "Tom Dempsey in 1970 and Jason Elam in 1998. Sebastian Janikowski and David Akers have since kicked 63-yard field goals. Matt Prater holds the NFL record with a successful 64-yard attempt, which was done in the 2013 season. Prater, then with the Denver Broncos, hit the field goal against the Tennessee Titans. On October 23, 2006, in response to his 62-yard field goal, Mayor Pam Iorio declared October 23 to be \"Matt Bryant Day\" in Tampa, Florida. In the 2006 season, Bryant appeared in all 16 games of the Buccaneers' 4\u201312 season. On the season, he converted 22-of-23 extra point", + "score": 0.7255146503448486 + }, + { + "id": "15240506", + "title": "Paul Woodside", + "text": "with 100 points, currently fifth highest all time among kickers at WVU. He completed 21 of 25 field goal attempts, currently second and third all-time records at WVU. Woodside was perfect in 37 extra-point attempts. His 50-yard field goal against Pacific tied Ed Kenna's 1901 record for the longest field goal for WVU and is still among the longest recorded in school history. WVU defeated Kentucky in the Hall of Fame Bowl with Woodside kicking field goals of 39 and 23 yards. For the third consecutive season, WVU finished in the top 20 in both polls. Woodside was named to", + "score": 0.7248765826225281 + }, + { + "id": "16478970", + "title": "Greg Zuerlein (American football)", + "text": "In Week 3, against the Chicago Bears, Zuerlein made a 56-yard field goal, the longest at Soldier Field. In Week 4, Zuerlein hit a 60-yard field goal against the Seattle Seahawks, which beat the franchise-record of 58 yards, set by Zuerlein earlier in the same game. The kick broke Jeff Wilkins' 14-year record. He also became the first player in NFL history to make a 60-yard field goal and a 50-plus yarder in the same game. In Week 6, Zuerlein missed three field goals wide left, the first two from 37 and 52 yards, and the final one at 66", + "score": 0.7229937314987183 + }, + { + "id": "9995034", + "title": "Hayden Epstein", + "text": "the 20 yard line and averaging 40.1 yards per punt. Michigan finished the season as Big Ten Co-champions with Ohio State and Wisconsin. Jeff Del Verne kicked field goals for the 1999 Wolverines early in the season. In fact, Del Verne led the team in scoring after 5 games. However, on October 9 (in the team's sixth game), Epstein tied Mike Gillette's November 19, 1988 Michigan record for longest field goal with a 56-yard kick against Michigan State in the Michigan\u2013Michigan State football rivalry game. The kick was the longest ever by a Michigan State opponent at the time. It", + "score": 0.7221493124961853 + }, + { + "id": "393759", + "title": "Super Bowl IV", + "text": "scored on placekicker Jan Stenerud's Super Bowl record 48-yard field goal. This record would stand for 24 years until broken by Steve Christie in Super Bowl XXVIII. (According to Dawson, the Vikings were shocked that the Chiefs would attempt a 48-yard field goal. Stenerud was among the first soccer-style placekickers in professional football. The others included brothers Charlie and Pete Gogolak. The soccer-style placekickers used the instep of the foot while the conventional professional football placekickers kicked straight on with their toes. \"Stenerud was a major factor,\" Dawson said.) Minnesota then managed to reach midfield on its next drive, but", + "score": 0.7220650911331177 + }, + { + "id": "4470238", + "title": "Marti\u0301n Grama\u0301tica", + "text": "52 yards. Gram\u00e1tica played at Kansas State from 1994 to 1998. During his four college seasons, he made 54 out of 70 field goals and 187 of 192 point-after-touchdown attempts, gaining a school record of 349 points in four seasons. He set the single-season school record with 135 points and the longest field goal kicked from 65 yards. Those achievements earned him the nickname \"Automatica\" because whenever he attempted a field goal, it was taken for granted that it would be good. In the 1996 season, Gram\u00e1tica was granted a medical redshirt. Gramatica was a first-team All-America choice by the", + "score": 0.7209218740463257 + }, + { + "id": "5910213", + "title": "Fuad Reveiz", + "text": "on field goals of 50 yards or more remains an NCAA single-season record, his 18 consecutive field goals remained an SEC record until broken by Georgia's Marshall Morgan in 2014, and his 60-yard field goal against Georgia Tech in 1982 is tied with two others for the SEC record for longest field goal. His 71 career field goals remains a school record, and his 27 field goals in 1982 remains a school single-season record. His career total of 314 points remained a school record until broken by John Becksvoort in the early 1990s. Reveiz was drafted by the Miami Dolphins", + "score": 0.7203372716903687 + }, + { + "id": "11335506", + "title": "Ove Johansson", + "text": "Ove Johansson Ove Claes Johansson (born March 31, 1948) is a former American football placekicker and the current holder of the record for the longest field goal ever kicked during an American football game, at , for Abilene Christian University in their October 16, 1976 victory over East Texas State. Johansson is the oldest player to be drafted in the NFL Draft, being 28 years, 281 days old when he was selected in the 12th round of the 1977 NFL Draft by the Houston Oilers. Johansson was a junior at Abilene Christian University after being an all American soccer player", + "score": 0.720246434211731 + }, + { + "id": "5758611", + "title": "Sebastian Janikowski", + "text": "in Raiders history. On September 12, 2011, as a rainy first half against the Denver Broncos came to a close, Janikowski made a 63-yard field goal and tied the NFL record set by Tom Dempsey in 1970 and previously tied by Jason Elam (1998) and afterwards by David Akers (2012), but which has subsequently been broken by Matt Prater of the Denver Broncos. On November 27, 2011, in a game against the Chicago Bears, he made 6 field goals of 40, 47, 42, 19, 37, and 44 yards to break the team record of most field goals in a single", + "score": 0.719839870929718 + }, + { + "id": "2634940", + "title": "David Akers", + "text": "July 29, 2011. He kicked a 59-yard field goal just before halftime in a preseason game against the New Orleans Saints on August 12, 2011. On September 18, 2011, he kicked a 55-yard field goal against the Dallas Cowboys, setting a record for the longest field goal made at Candlestick Park. Akers broke the 49ers' record for most points scored in a season in a 20\u20133 win over the Pittsburgh Steelers in a Monday Night Football matchup on December 19, 2011. The record was formerly held by the 49ers' Hall of Fame wide receiver, Jerry Rice. In that same game", + "score": 0.7195942401885986 + }, + { + "id": "13630197", + "title": "Mike Lantry", + "text": "quarter of a 47\u201310 win over Stanford, Lantry kicked a 50-yard field goal to break the school record. In the waning moments of the quarter, Lantry broke his own record by kicking a 51-yard field goal. After the record was broken twice in the span of a 15-minute quarter, Lantry's record stood for 11 years until 1984 when Bob Bergeron kicked a 52-yard field goal for Michigan. In the 1973 Michigan\u2013Ohio State game, Lantry missed two key fourth-quarter field goal attempts. With the game tied 10\u201310, and 1:01 remaining in the game, Lantry attempted a 58-yard field goal but the", + "score": 0.7190626263618469 + }, + { + "id": "6006662", + "title": "Billy Cundiff", + "text": "expected to make the team. Cundiff was later re-signed on November 19, 2005 (directly following the mandatory period after an injury waiver) having recovered from his training camp injury. He replaced kicker Shaun Suisham, in the hope of providing greater consistency to the Cowboys' special teams. In his first game back with the Cowboys, Cundiff made a 56-yard field goal at the end of the first half to set a record for longest field goal in franchise history. Cundiff played six games that season before being released by the Cowboys on December 26, 2005 after missing two field goals in", + "score": 0.7189479470252991 + }, + { + "id": "7137439", + "title": "Michael Koenen", + "text": "field goal. It was the longest field goal of Koenen's career at any level, tied for the ninth longest in NFL history (as well as the single longest in the 2005 season), and was the third longest in history by an undrafted kicker. In the Falcons' first preseason game of 2006, Koenen made four field goals, from 53, 50, 40, and 45 yards, along with doing the punting and kickoff duties. Koenen was slated to do the placekicking, punting, and kickoffs for the Falcons, something that is rarely done in the NFL by one player; however after he converted only", + "score": 0.717497706413269 + }, + { + "id": "11404650", + "title": "2008 Minnesota Vikings season", + "text": "(when he was with the Washington Redskins). In the first quarter, the Vikes trailed early as Saints QB Drew Brees completed a 17-yard TD pass to WR Devery Henderson. Minnesota would respond with CB Antoine Winfield returning a blocked field goal 59 yards for a touchdown, the first (and longest) ever in franchise history. New Orleans would answer with kicker Mart\u00edn Gram\u00e1tica getting a 35-yard field goal, yet the Vikings replied with kicker Ryan Longwell getting a 53-yard field goal. In the second quarter, the Vikes took the lead on a trick play as RB Chester Taylor completed a 4-yard", + "score": 0.7164775729179382 + }, + { + "id": "5990545", + "title": "Paul McCallum (gridiron football)", + "text": "Saskatchewan Roughriders in 1996, and would play for the club through 2000. McCallum was the Las Vegas Outlaws' kicker during the XFL's only season in 2001, scoring the first ever points in XFL history with a 25-yard field goal against the New York/New Jersey Hitmen. After the XFL folded after its inaugural season McCallum returned to the Saskatchewan Roughriders. McCallum set a CFL record for the longest field goal kicked in the CFL when he booted a wind-aided 62-yard field goal against the Edmonton Eskimos on October 27, 2001 in a 12-3 victory at Taylor Field. In the 2004 CFL", + "score": 0.716218888759613 + }, + { + "id": "16478971", + "title": "Greg Zuerlein (American football)", + "text": "yards to tie the game against the Miami Dolphins. In Week 13, Zuerlein made a 54-yard field goal with 26 seconds remaining in overtime to give the Rams a 16-13 victory over the San Francisco 49ers at Edward Jones Dome. It was the second longest successful field goal in NFL overtime history. The field goal was three yards short of tying the NFL overtime record which is held by Sebastian Janikowski. In 2008, Janikowski set the NFL overtime record with a 57-yard field goal to give the Oakland Raiders the win. His ability to convert long field goals has earned", + "score": 0.7151435017585754 + }, + { + "id": "5072161", + "title": "Sean Landeta", + "text": "game-winning field goal in Super Bowl V against the Dallas Cowboys. At Loch Raven High School in Towson, Maryland, Landeta was an All-City and All-Metro punter in his only season (1978). Landeta kicked a 41-yard field goal on his first attempt in his first game. His longest punt was 76 yards, which still stands as a school record. He first began playing organized football as a high school senior. Before his pro career, he played college football at Towson University in 1979, 1980, 1981 and 1982. He started as a freshman for Towson at the age of 17. He led", + "score": 0.7143998146057129 + }, + { + "id": "18289718", + "title": "Chris Boswell", + "text": "31-28 as time expired. His game-winner set a new career-long and tied kicker Dan Bailey's record set in 2016 for the longest NFL field goal ever kicked at Heinz Field (53 yards) in its 17-year history. The only longer successful attempt was in collegiate play when former Old Dominion kicker Jarod Brown made a 54-yard kick against the Pitt Panthers in 2013. In Week 13, Boswell converted both extra points and all three field goal attempts, including a 38-yard game-winner as time expired, in a 23\u201320 comeback win over the Bengals, earning him AFC Special Teams Player of the Week.", + "score": 0.7143007516860962 + }, + { + "id": "9861954", + "title": "History of the Detroit Lions", + "text": "then the longest field goal in NFL history. Dempsey's 63-yard effort on the game's final play lifted the Saints to a 19-17 victory over the Lions. The record was broke in 2013 when then Broncos and current Lions kicker Matt Prater kicked a 64-yard field goal to set the new record. While playing at home against Chicago on October 24, 1971 tragedy struck when wide receiver Chuck Hughes collapsed and died of a massive heart attack. He remains the only NFL player to ever die on the field. To honor his memory, the team wore black armbands for the rest", + "score": 0.7139315009117126 + }, + { + "id": "8775630", + "title": "Steve O'Neal", + "text": "the 13th round, pick 21 of the 1969 Common Draft by the AFL's New York Jets. Steve O'Neal Dr. Steve O'Neal (born February 4, 1946 in Hearne, Texas) is a former American football punter and a wide receiver. O'Neal is best known for kicking a 98-yard punt during the American Football League game between the New York Jets and the Denver Broncos on September 21, 1969. This punt set the record for the longest punt in American Football League and professional football history. He finished his career with 337 punts for 13,725 yards and a 40.7 yards per punt average.", + "score": 0.71330726146698 + }, + { + "id": "9172188", + "title": "Bret Anderson", + "text": "to the BC Lions's 2000 Grey Cup win. From 2001 to 2003, he caught 66 passes and had 4 touchdowns as a backup. He played only 5 games in 2004 before retiring to become a firefighter. In 2005, he came back and recorded his longest kick ever on October 16, 2005 against the Montreal Alouettes. The kick was 91 yards long. Anderson got his second Grey Cup ring in 2006. Bret Anderson works for the Port Coquitlam fire department both during and after the football season. The Coquitlam, British Columbia native has gone through the formality of resigning from the", + "score": 0.7123635411262512 + }, + { + "id": "14458904", + "title": "James E. Duffy (American football)", + "text": "James E. Duffy (American football) James Eugene Duffy (January 10, 1867 \u2013 September 16, 1953) was an American football player and lawyer. He played halfback for the University of Michigan football team for seven years from 1885 to 1891 and was captain of the 1888 team. In 1886, he set the world record by drop kicking a football 168 feet, 7\u00bd inches. After graduating from Michigan, he was an attorney in Bay City, Michigan and a long-time member of the University of Michigan Board in Control of Athletics. A native of Ann Arbor, Michigan (born January 10, 1867), Duffy enrolled", + "score": 0.7112712860107422 + }, + { + "id": "6011959", + "title": "Tony Franklin (kicker)", + "text": "brief period, this was tied for the overall record for all of American college football with J.T. Haxall of Princeton University, having made a 65-yard kick in 1882, but it did not last as Ove Johansson of Abilene Christian University, which at the time was a member of NAIA Division I, made a 69-yard field goal on the same day. Franklin's D-IA record only lasted until 1977, when both Russell Erxleben and Steve Little made 67-yard field goals, and he has since been passed by two other men and tied by Martin Gramatica. However, Franklin set a record by kicking", + "score": 0.7110471725463867 + }, + { + "id": "13458315", + "title": "1977 Nebraska Cornhuskers football team", + "text": "Todd, who created some breathing room by accounting for 9 of the 11 points that separated the Cornhuskers from the Tigers at the final whistle. Nebraska steamrolled Kansas in Lincoln to close out the home schedule, setting records all over in the process. Cornhusker PK Billy Todd set a new Nebraska record for field goals in a season with his 12th and tied a 55-yard longest Nebraska field goal record set in 1969, while the offense set a new single-game rushing record at 550 yards. The Jayhawks' only score came in the 4th quarter against reserves. Both teams struggled to", + "score": 0.7109924554824829 + }, + { + "id": "12421136", + "title": "Steven Hauschka", + "text": "week, he was a perfect 3-for-3 on field goals including a tie-breaking 56-yarder in a 23\u201317 win over the Falcons, earning him his second straight AFC Special Teams Player of the Week. Hauschka broke the NFL record for most consecutive field goals made from 50 yards or beyond after he made a 50-yard field goal against the Los Angeles Chargers on November 19, 2017. In Week 10 of the 2018 season, Hauschka made all seven of his kicks, five extra points and two field goals, including a season-long 54-yarder, in a 41\u201310 win over the New York Jets, earning him", + "score": 0.710978627204895 + }, + { + "id": "11492641", + "title": "1970 New York Giants season", + "text": "a perfect 32 of 32 in extra points but hit only 25 of 41 field goals attempted on the year, with his longest being a kick of 54 yards in week eight vs. the Cowboys, a kick which came on the same day Tom Dempsey set an NFL record with a 63-yard field goal for the Saints vs. the Lions, and 43-year-old George Blanda hit a 53-yard field goal at the gun to lift Oakland over Cleveland 23\u201320. Bill Johnson and Ernie Koy shared punting duties for the Giants, and each was average for the position. Bobby Duhon and Les", + "score": 0.7102622985839844 + }, + { + "id": "12919896", + "title": "1970 New Orleans Saints season", + "text": "victory over the Detroit Lions at Tulane Stadium in which Tom Dempsey set an NFL record with a 63-yard field goal on the final play; it broke the record held by Bert Rechichar of the Baltimore Colts by seven yards, set seventeen years Dempsey's record was tied by three: Jason Elam (Denver Broncos, ), Sebastian Janikowski (Oakland Raiders, ), and David Akers (San Francisco 49ers, ). broken by Matt Prater of the Broncos in , at 64 yards at elevation in Colorado. The victory over the Lions was last of the season for the Saints, but both victories came over", + "score": 0.7102169990539551 + }, + { + "id": "8775629", + "title": "Steve O'Neal", + "text": "Steve O'Neal Dr. Steve O'Neal (born February 4, 1946 in Hearne, Texas) is a former American football punter and a wide receiver. O'Neal is best known for kicking a 98-yard punt during the American Football League game between the New York Jets and the Denver Broncos on September 21, 1969. This punt set the record for the longest punt in American Football League and professional football history. He finished his career with 337 punts for 13,725 yards and a 40.7 yards per punt average. He has been a dentist practicing in Bryan, Texas for many years. O'Neal was drafted in", + "score": 0.710046112537384 + }, + { + "id": "19310909", + "title": "Quinn Nordin", + "text": "goals of 50 yards or longer. His 55-yard field goal marked the longest field goal in a collegiate game played at AT&T Stadium in Arlington, Texas, and the longest converted by a Michigan freshman. Following his outstanding performance, Nordin was named the Big Ten Co-Special Teams Player of the Week for the week ending September 4, 2017. On September 16 against Air Force, Nordin matched a Michigan record by going 5-for-5 on his field goal attempts and was named Big Ten Special Teams Player of the Week for the second time on September 18. He also converted both of his", + "score": 0.7098519802093506 + }, + { + "id": "7836476", + "title": "Dave McNamara", + "text": "Dave McNamara David John \"Dave\" McNamara was an Australian rules footballer in the Victorian Football League (VFL). McNamara played with St Kilda as a Centre Half-Forward. Lured to the Essendon Association side in 1909 (kicking 107 goals in the 1912 season) he resumed with St Kilda in 1914. Possibly the longest kick of a football in history, one kick in 1923 was measured at just over 85 m. Later played amateur football for Ormond Amateur Football Club in the Victorian Amateur Football Association (VAFA). Served as a St Kilda committeeman, vice-president and later president. Following his retirement from football, McNamara", + "score": 0.7092174291610718 + }, + { + "id": "20928051", + "title": "Michael Badgley", + "text": "penalties--he hit the game-winner from 29 yards out to give the Chargers a 33-30 win. The following week against Cincinnati, Badgley hit four field goals from 59, 31, 32, and 46 yards during a 26-21 win. The 59-yarder set a Chargers franchise record for longest field goal. He was named AFC Special Teams Player of the Week for his performance. Michael Badgley Michael Badgley (born July 28, 1995) is an American football placekicker for the Los Angeles Chargers of the National Football League (NFL). He played college football at the University of Miami. Born and raised in Summit, New Jersey", + "score": 0.7091915607452393 + }, + { + "id": "10570543", + "title": "Fred Hughson", + "text": "Fitzroy's Team of the Century. However, he did play up forward in his debut season in 1938, kicking 62 goals in 15 games topping the club's goalkicking charts. A long kicker of the ball, Hughson established the official and recognised world record for a drop kick at 83 yards 11 inches - at the halftime interval of a VFL game against South Melbourne at the Brunswick Street Oval. He finished third in the 1941 Brownlow Medal and sixth in 1947; but the highlight of his career was undoubtedly winning the 1944 Grand Final by 15 points over Richmond, as Captain-Coach.", + "score": 0.7088044285774231 + }, + { + "id": "4470239", + "title": "Marti\u0301n Grama\u0301tica", + "text": "Associated Press both his junior and senior years and received the Lou Groza Award in 1997. Notably, he converted all three field goals from 50+ yards his junior year, and as a senior kicked a phenomenal 65-yard field goal against Northern Illinois University \u2013 the longest field goal in college and professional football history kicked without a tee. He received his Bachelor of Science degree in social science from Kansas State in May 1999. Gram\u00e1tica was known for characteristic jumping in celebration after every successful field goal. However, he stopped this after his brother Bill Gram\u00e1tica tore his ACL while", + "score": 0.7086141109466553 + }, + { + "id": "15168549", + "title": "Ian Howfield", + "text": "record for longest playoff field goal made 47 yards Franchise record for field goals make in the playoffs 2 Ian Howfield Ian Michael Howfield (born June 4, 1966) is a former American football placekicker who played in the National Football League (NFL) and Arena Football League. Howfield graduated from Columbine High School 1984, then attended Midwestern State University in Wichita Falls, Texas from 1984 to 1985. He transferred to the University of Tennessee in 1986 to begin his placekicking career, graduating in 1987. Howfield, who played college football at the University of Tennessee, is the son of former NFL placekicker", + "score": 0.708530604839325 + }, + { + "id": "9304510", + "title": "Art Carmody", + "text": "he became the NCAA football all-time leading scorer for a kicker with 433 points. His record was broken by Boise State kicker Kyle Brotzman in 2010. While at Louisville, he majored in Finance. Carmody currently holds 21 of the 22 kicking records at the University of Louisville, missing the record for longest field goal by one yard. His longest field goal was 51 yards. In 2008, Carmody joined the af2 and was assigned to the Bossier-Shreveport Battle Wings for their final two regular season games. In 2008, he completed 1 of 4 field goal attempts and 16-of-18 PATs, as well", + "score": 0.7084745168685913 + }, + { + "id": "13630194", + "title": "Mike Lantry", + "text": "Mike Lantry Mike Lantry (born c. 1948) is a former All-American football player. He was a left-footed place-kicker who played for Bo Schembechler at the University of Michigan from 1972 through 1974. He was selected as a first-team All-American in 1973 and set Michigan records for the longest field goal, most field goals, and most point after touchdown kicks. However, he also missed three key field goals in the last minutes of the 1973 and 1974 Michigan\u2013Ohio State games. A native of Oxford, Michigan, Lantry enlisted in the U.S. Army after graduating from high school. He spent three years in", + "score": 0.7083617448806763 + }, + { + "id": "2477819", + "title": "Jason Elam", + "text": "and were second in the NFL. During the postseason, he was perfect, converting all 15 extra-point attempts and both field goal attempts of 43 and 51 yards. His 51-yard field goal in Super Bowl XXXII against the Green Bay Packers was the second longest in Super Bowl history since Steve Christie's 54-yarder for the Buffalo Bills in Super Bowl XXVIII as well as the longest in Broncos postseason history. He passed the 500-point plateau with his final extra-point attempt at Seattle, becoming only the third Bronco in history to do so and the fastest in terms of games played (66).", + "score": 0.7073618173599243 + }, + { + "id": "4718481", + "title": "John Kasay", + "text": "Mare (39 in 1999), Neil Rackers (42 in 2005), and David Akers (44 in 2011). Kasay also holds many NFL records as a placekicker. He is second all-time for field goals made from 50+ yards (42) made behind only Jason Hanson (50) and is the only player to convert on four field goals from 46+ yards in a single game. Kasay hit his 400th field goal on December 6, 2009 in a game against the Tampa Bay Buccaneers. He is only the 7th player in NFL history to accomplish that. Kasay is the longest tenured player to play for the", + "score": 0.7072890400886536 + }, + { + "id": "3561440", + "title": "Jan Stenerud", + "text": "Sweeney encouraged Stenerud to suit up with the team for the final home game of 1964, to help him better understand the unfamiliar American game. Following the ski season, Stenerud joined the football team for spring drills in 1965 and as a junior that fall he kicked a 59-yard field goal, then a college football record, in a 24\u20137 home win over rival Montana. In 2013, Stenerud recalled that he had a significant tail-wind aiding him on that kick in Bozeman; the ensuing kick-off went over the end-zone bleachers at Gatton Field, whose elevation exceeded above sea level. He was", + "score": 0.7066012024879456 + }, + { + "id": "20555830", + "title": "NFL Pro Bowl records", + "text": "Janikowski, Oakland, 2012; Blair Walsh, Minnesota, 2013. Field Goals Attempted, Career -- 18, Morten Andersen, New Orleans 1986-89, 1991, 1993; Atlanta 1996. Field Goals, Career -- 11, David Akers, Philadelphia, 2002-03, 2005, 2010-11, San Francisco 2012. Field Goals Attempted, Game -- 6, Jan Stenerud, Kansas City, 1972 (4 made); Eddie Murray, Detroit, 1981 (4 made); Mark Moseley, Washington, 1983 (2 made). Field Goals, Game -- 5, Garo Yepremian, Miami, 1974. Longest Field Goal -- 53, David Akers, Philadelphia, 2003. Safeties, Game -- 1, Art Still, Kansas City, 1983; Mark Gastineau, N.Y. Jets, 1985; Greg Townsend, L.A. Raiders, 1992. Attempts, Career", + "score": 0.7065429091453552 + }, + { + "id": "14458907", + "title": "James E. Duffy (American football)", + "text": "reported that Duffy's kick broke \"the best record of the world by 11 feet and 5 inches.\" A few days before his record-breaking kick at the May 1886 field day, Duffy had kicked the ball 194 feet in a practice session. On the day of the event, he reportedly broke the record five times. In 1888, the \"Detroit Free Press\" wrote: Included in the team is J.E. Duffy, who holds the world's record for the drop kick, he having propelled the ball 168 feet seven and one half inches, at Ann Arbor May 22, 1886. It may be explained that", + "score": 0.706352949142456 + }, + { + "id": "14458908", + "title": "James E. Duffy (American football)", + "text": "a drop kick is made by letting the ball fall from the hands and kicking it at the very instant it rises. Duffy is a tall, well formed muscular player who gets over the ground like a wraith and fights for every point. On November 22, 1891, Duffy also kicked a field goal from the 55-yard line against Cornell\u2014a kick that either tied or fell one yard short of the American football record for the longest field goal to that time. Michigan was undefeated in Duffy's first three seasons with the team, outscoring opponents 222 to 0 in the 1885,", + "score": 0.7055790424346924 + }, + { + "id": "9847160", + "title": "Paul Thorburn", + "text": "Paul Thorburn Paul Thorburn (born 24 November 1962 in Rheindahlen, West Germany) is a former Neath RFC and international Wales rugby union player who played at full back. He also captained Wales. Thorburn was a prolific long distance goal kicker. He holds the record for the longest successful kick in an international test match (although not the longest in Rugby Union as a whole). He gained the record during the 1986 Five Nations Championship at Cardiff Arms Park with a penalty kick measuring exactly 70 yards 8 and a half inches (64.2m) against Scotland. Thorburn was also in the Wales", + "score": 0.7054175138473511 + }, + { + "id": "10399507", + "title": "Joe Scarpati", + "text": "playing free safety in 1969, he had 4 interceptions and one touchdown. A few weeks after Dempsey's record-setting kick, Scarpati retired from professional football. Joe Scarpati Joseph Henry Scarpati, Jr. (born March 5, 1943) is a former professional American football safety in the National Football League for the Philadelphia Eagles and the New Orleans Saints. He was the holder to Tom Dempsey's record breaking 63-yard field goal. Raised in Scotch Plains, New Jersey, Scarpati attended Scotch Plains-Fanwood High School. Scarpati played halfback in college football at North Carolina State University, earning second team All-ACC for football and Academic All-ACC honors", + "score": 0.7052574157714844 + }, + { + "id": "10016229", + "title": "Bert Rechichar", + "text": "Bert Rechichar Albert Daniel (Bert) Rechichar (born July 16, 1930) is a former American football defensive back and kicker who played with the National Football League's Cleveland Browns, Baltimore Colts, and Pittsburgh Steelers from to . He also played for the American Football League's New York Titans in 1961. Rechichar was the tenth overall pick of the 1952 NFL Draft, selected by the Browns out Rechichar held the NFL record for the longest field goal (56 yards) for over seventeen years; while with the Colts in 1953, he broke the previous unofficial record of 55 yards (set by drop kick", + "score": 0.7048503756523132 + }, + { + "id": "9817107", + "title": "Zenon Andrusyshyn", + "text": "start of the season. On October 23, 1977, he recorded a 108-yard punt against the Edmonton Eskimos, which still stands as the longest punt in professional football history. On September 14, 1980 against the Saskatchewan Roughriders, he kicked a career-longest 57-yard field goal. On April 14, 1978, he signed as a free agent with the Kansas City Chiefs. He was waived in August 1979. He played three season (1983-1985) with the Tampa Bay Bandits of the United States Football League. Andrusyshyn met his wife on the television show The Dating Game in 1969. That year, he also had a small", + "score": 0.70474773645401 + }, + { + "id": "13894627", + "title": "Field goal range", + "text": "by 3 kickers, Russell Erxleben of Texas, Steve Little of Arkansas and Joe Williams of Wichita State University. All three of those kickers achieved that feat in the 1977-1978 college seasons. Notably, Johansson, Erxleben and Little all failed dramatically when they entered the NFL\u2014 Johansson's failure was due to an injury, but the other two were first-round draft busts. The CFL record is 62 yards held by Paul McCallum, the NFL preseason record 65 yards held by Ola Kimrin, the independent amateur record (as well as the record without the aid of a tee; tees are not allowed in the", + "score": 0.7042633891105652 + }, + { + "id": "15407466", + "title": "Josh Jasper", + "text": "in Memphis, Tennessee. He played football and soccer at Ridgeway High School in Memphis. Originally, he was a quarterback and wide receiver, before moving over to kicker for his junior and senior years. He was rated the No. 12 kicker in the U.S. by Scout.com as a senior. His longest field goal as a high schooler was 54 yards and he set the state's record for total career field goals, with 44. Jasper attended Louisiana State University, where he played for coach Les Miles's LSU Tigers football team from 2007 to 2010. He completed 47 of 56 field goal attempts", + "score": 0.7038765549659729 + }, + { + "id": "5758606", + "title": "Sebastian Janikowski", + "text": "the Raiders for $16 million over the next four years, including $9 million in guaranteed money, making him the highest paid placekicker in NFL history. On September 12, 2011, in a Monday Night Football game against the Denver Broncos, he tied the previous NFL record for the longest field goal at 63 yards. In 2011 Janikowski received an invite to the Pro Bowl and earned second-team All-Pro honors. In August 2013, Janikowski signed a four-year contract extension with the Raiders for $19 million over five years, including $8 million guaranteed. Prior to the 2017 season, he took a pay cut", + "score": 0.7036660313606262 + }, + { + "id": "4709697", + "title": "1990\u201391 NFL playoffs", + "text": "The drive ended on the Chiefs 40-yard line, where Pete Stoyanovich made an NFL playoff record 58-yard field goal to tie the game. The Chiefs responded with a drive to the Dolphins 30-yard line, featuring a 33-yard reception by receiver Stephone Paige, but it ended with no points when safety Jarvis Williams intercepted a pass from Steve DeBerg. After an exchange of punts, Miami drove to the Chiefs 39-yard line. Stoyanovich attempted another long field goal, this one 57 yards, but this time he missed and the Chiefs got rolling with a 16-yard run from Christian Okoye. Then DeBerg got", + "score": 0.7030285596847534 + }, + { + "id": "18888342", + "title": "Richie Leone", + "text": "single player to handle punting, kickoffs, and kicking. Leone remained on the active roster after the preseason as he fulfilled all three kicking duties. He made his CFL debut against the Ottawa Redblacks on July 4, 2015, where he scored two field goals from 11 and 13 yards as well as an extra point. The following game, on July 10, Leone kicked a 56-yard field goal, setting a BC Lions record for longest field goal and tying the game against the Saskatchewan Roughriders 29\u201329 with 31 seconds remaining; a game which the Lions won in overtime. As of August 3,", + "score": 0.7024648189544678 + }, + { + "id": "10979678", + "title": "Don Bitterlich", + "text": "school with a soccer scholarship, and wanted to major in music, but as athletes were prohibited from doing so, he majored in civil engineering. With the Owls, Bitterlich set six NCAA records. In 1974, Bitterlich was second in the nation for points scored on kicks. The next year, Bitterlich set the record for the longest field goal in Temple history, with a 56-yard field goal. During the year, against Drake, he also broke the NCAA record for the most consecutive conversions with 82, along with tying the NCAA record of for total kicking points with 84. He was inducted into", + "score": 0.7021702527999878 + } + ] + }, + { + "qa_pairs": [ + { + "context": "William Anthony, Director of the Boston Center for Psychiatric Rehabilitation developed a quaint cornerstone definition of mental health recovery in 1993. \"Recovery is a deeply personal, unique process of changing one's attitudes, values, feelings, goals, skills and/or roles. It is a way of living a satisfying, hopeful, and contributing life even with limitations caused by the illness. Recovery involves the development of new meaning and purpose in one's life as one grows beyond the catastrophic effects of mental illness.\"", + "question": "Who developed a definition for the recovery model in mental health?", + "short_answers": [ + "William Anthony" + ], + "wikipage": "Recovery approach" + }, + { + "context": "Application of recovery models to psychiatric disorders is comparatively recent. The concept of recovery can be traced back as far as 1840, when John Perceval, son of one of Britain's prime ministers, wrote of his personal recovery from the psychosis that he experienced from 1830 until 1832, a recovery that he obtained despite the \"treatment\" he received from the \"lunatic\" doctors who attended him. But by consensus the main impetus for the development came from within the consumer/survivor/ex-patient movement, a grassroots self-help and advocacy initiative, particularly within the United States during the late 1980s and early 1990s. The professional literature, starting with the psychiatric rehabilitation movement in particular, began to incorporate the concept from the early 1990s in the United States, followed by New Zealand and more recently across nearly all countries within the \"First World\". Similar approaches developed around the same time, without necessarily using the term recovery, in Italy, the Netherlands and the UK.", + "question": "What group/movement mainly developed the recovery model in mental health during the 1980s and 1990s?", + "short_answers": [ + "a grassroots self-help and advocacy initiative", + "the consumer/survivor/ex-patient movement" + ], + "wikipage": "Recovery approach" + }, + { + "context": "The Tidal Model is a recovery model for the promotion of mental health developed by Professor Phil Barker, Poppy Buchanan-Barker and their colleagues. The Tidal Model focuses on the continuous process of change inherent in all people. It seeks to reveal the meaning of people's experiences, emphasising the importance of their own voice and wisdom through the power of metaphor. It aims to empower people to lead their own recovery rather than being directed by professionals.", + "question": "Who developed the recovery model in mental health known as the Tidal Model?", + "short_answers": [ + "Phil Barker, Poppy Buchanan-Barker and their colleagues", + "Phil Barker" + ], + "wikipage": "Tidal Model" + } + ], + "wikipages": [ + { + "title": "Recovery approach", + "url": "https://en.wikipedia.org/wiki/Recovery%20approach" + }, + { + "title": "Tidal Model", + "url": "https://en.wikipedia.org/wiki/Tidal%20Model" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "the recovery model, recovery approach or psychological recovery is an approach to mental disorder or substance dependence that emphasizes and supports a person's potential for recovery.", + "wikipage": "Recovery model" + }, + { + "content": "Since 2000, it has been put into practice in a number of settings in the UK and abroad", + "wikipage": "Tidal Model" + } + ], + "long_answer": "The recovery model is an approach to mental disorders, that focus on the potential for a patient's recovery. The movement in the 1980s and 1990s that helped develop this method was the consumer/survivor/ex-patient movement. During this movement, in 1993, William Anthony came up with the definition for the recovery model and then in 2000 the Tidal Model, created by Phil Barker, was implemented in the UK. " + } + ], + "sample_id": "1853089893632674717", + "question": "Who developed the recovery model in mental health?", + "docs": [ + { + "id": "9385807", + "title": "Recovery approach", + "text": "National Mental Health Plan 2003-2008 states that services should adopt a recovery orientation although there is variation between Australian states and territories in the level of knowledge, commitment and implementation. In 2005, the National Institute for Mental Health in England (NIMHE) endorsed a recovery model as a possible guiding principle of mental health service provision and public education. The National Health Service is implementing a recovery approach in at least some regions, and has developed a new professional role of Support Time and Recovery Worker. Centre for Mental Health issued a 2008 policy paper proposing that the recovery approach is", + "score": 0.7417058944702148 + }, + { + "id": "9385806", + "title": "Recovery approach", + "text": "such as California (see the California Mental Health Services Act), Wisconsin and Ohio, already report redesigning their mental health systems to stress recovery model values like hope, healing, empowerment, social connectedness, human rights, and recovery-oriented services. At least some parts of the Canadian Mental Health Association, such as the Ontario region, have adopted recovery as a guiding principle for reforming and developing the mental health system. Since 1998, all mental health services in New Zealand have been required by government policy to use a recovery approach and mental health professionals are expected to demonstrate competence in the recovery model. Australia's", + "score": 0.7341783046722412 + }, + { + "id": "9385777", + "title": "Recovery approach", + "text": "in 1993. \"Recovery is a deeply personal, unique process of changing one's attitudes, values, feelings, goals, skills and/or roles. It is a way of living a satisfying, hopeful, and contributing life even with limitations caused by the illness. Recovery involves the development of new meaning and purpose in one's life as one grows beyond the catastrophic effects of mental illness.\" The use of the concept in mental health emerged as deinstitutionalization resulted in more individuals living in the community. It gained impetus as a social movement due to a perceived failure by services or wider society to adequately support social", + "score": 0.7298026084899902 + }, + { + "id": "9385776", + "title": "Recovery approach", + "text": "Recovery approach Psychological recovery or recovery model or the recovery approach to mental disorder or substance dependence emphasizes and supports a person's potential for recovery. Recovery is generally seen in this approach as a personal journey rather than a set outcome, and one that may involve developing hope, a secure base and sense of self, supportive relationships, empowerment, social inclusion, coping skills, and meaning. Recovery sees symptoms as a continuum of the norm rather than an aberration and rejects sane-insane dichotomy. William Anthony, Director of the Boston Center for Psychiatric Rehabilitation developed a quaint cornerstone definition of mental health recovery", + "score": 0.7278220653533936 + }, + { + "id": "9385805", + "title": "Recovery approach", + "text": "of care from traditional medical psychiatric treatment toward the concept of recovery, and the American Psychiatric Association has endorsed a recovery model from a psychiatric services perspective. The US Department of Health and Human Services reports developing national and state initiatives to empower consumers and support recovery, with specific committees planning to launch nationwide pro-recovery, anti-stigma education campaigns; develop and synthesize recovery policies; train consumers in carrying out evaluations of mental health systems; and help further the development of peer-run services. Mental Health service directors and planners are providing guidance to help state services implement recovery approaches. Some US states,", + "score": 0.723808228969574 + }, + { + "id": "13286448", + "title": "Mark Ragins", + "text": "Mark Ragins Mark Raginsis an American psychiatrist in the recovery movement in mental health care. He is a founding member of the Village ISA, where his work with people with severe mental illness led him to become one of the leading voices in recovery-based treatment theory. He is the author of numerous writings on recovery-based mental health care and reforming mental health systems to provide recovery-based care. His full-length book, \"Road to Recovery\" is available for free online. He is a frequent lecturer and consultant nationally and internationally as well as a trainer for psychiatric residents through the University of", + "score": 0.723331868648529 + }, + { + "id": "9385779", + "title": "Recovery approach", + "text": "movement. In general medicine and psychiatry, recovery has long been used to refer to the end of a particular experience or episode of illness. The broader concept of \"recovery\" as a general philosophy and model was first popularized in regard to recovery from substance abuse/drug addiction, for example within twelve-step programs. Application of recovery models to psychiatric disorders is comparatively recent. The concept of recovery can be traced back as far as 1840, when John Perceval, son of one of Britain's prime ministers, wrote of his personal recovery from the psychosis that he experienced from 1830 until 1832, a recovery", + "score": 0.7220146059989929 + }, + { + "id": "9385800", + "title": "Recovery approach", + "text": "models and \"evidence-based practice\" models in the transformation of US mental health services based on the recommendations of the New Freedom Commission on Mental Health. The Commission's emphasis on recovery has been interpreted by some critics as saying that everyone can fully recover through sheer will power and therefore as giving false hope and implicitly blaming those who may be unable to recover. However, the critics have themselves been charged with undermining consumer rights and failing to recognize that the model is intended to support a person in their personal journey rather than expecting a given outcome, and that it", + "score": 0.7219016551971436 + }, + { + "id": "9309617", + "title": "Psychiatric rehabilitation", + "text": "the 1970s. Mental health service agencies or multi-service agencies in the non-profit and voluntary sectors form a critical delivery system for psychosocial services. In the 2000s, a sometime similar but sometimes alternative approach (variability and fidelity of provider implementation in the field) employs the concept of psychosocial recovery. Psychiatric rehabilitation was promulgated in the US through Boston University's Rehabilitation Research and Training Center on Psychiatric Rehabilitation led by Dr. William Anthony and Dr. Marianne Farkas, as well as other professors and teachers such as Julie Ann Racino, Steve Murphy and Bonnie Shoultz of Syracuse University (1989-1991) who also support a", + "score": 0.7185056209564209 + }, + { + "id": "9385781", + "title": "Recovery approach", + "text": "recovery, in Italy, the Netherlands and the UK. Developments were fueled by a number of long term outcome studies of people with \"major mental illnesses\" in populations from virtually every continent, including landmark cross-national studies by the World Health Organization from the 1970s and 1990s, showing unexpectedly high rates of complete or partial recovery, with exact statistics varying by region and the criteria used. The cumulative impact of personal stories or testimony of recovery has also been a powerful force behind the development of recovery approaches and policies. A key issue became how service consumers could maintain the ownership and", + "score": 0.7137771248817444 + }, + { + "id": "9385793", + "title": "Recovery approach", + "text": "mental health recovery from US agencies, that involved some consumer input, defined recovery as a journey of healing and transformation enabling a person with a mental health problem to live a meaningful life in a community of his or her choice while striving to achieve his or her full potential. Ten fundamental components were elucidated, all assuming that the person continues to be a \"consumer\" or to have a \"mental disability\". Conferences have been held on the importance of the \"elusive\" concept from the perspectives of consumers and psychiatrists. One approach to recovery known as the Tidal Model focuses on", + "score": 0.7129594087600708 + }, + { + "id": "674486", + "title": "Rational Recovery", + "text": "Rational Recovery Rational Recovery is a commercial vendor of material related to counseling, guidance, and direct instruction for addiction designed as a direct counterpoint to Alcoholics Anonymous (AA) and twelve-step programs. Rational Recovery was founded in 1986 by Jack Trimpey, a California-licensed clinical social worker. Trimpey is a recovered alcoholic who works in the field of treatment of alcoholism and other drug addictions. Rational Recovery is a commercial trademark, along with the Addictive Voice Recognition Technique (AVRT). The organization published a periodical, the \"Journal of Rational Recovery\", from at latest 1993 until at least June 2001 The program (AVRT) is", + "score": 0.7011040449142456 + }, + { + "id": "9385809", + "title": "Recovery approach", + "text": "The Mental Health Commission of Ireland reports that its guiding documents place the service user at the core and emphasize an individual's personal journey towards recovery. Recovery approach Psychological recovery or recovery model or the recovery approach to mental disorder or substance dependence emphasizes and supports a person's potential for recovery. Recovery is generally seen in this approach as a personal journey rather than a set outcome, and one that may involve developing hope, a secure base and sense of self, supportive relationships, empowerment, social inclusion, coping skills, and meaning. Recovery sees symptoms as a continuum of the norm rather", + "score": 0.7004684209823608 + }, + { + "id": "14793119", + "title": "Recovery coaching", + "text": "nonprofit Recovery Coaches International with Andrew Susskind. William L. White used the term \"recovery coach\" in his 2006 paper \"Sponsor, Recovery Coach, Addiction Counselor\", but later adopted the term \"peer recovery support specialist\" to emphasize a community-based peer model of addiction support. White's Recovery Management model, adapted from the Minnesota Model, includes recovery coaching (peer recovery support specialist) and was developed in 2006. Many recovery coaches use different recovery approaches adapted from the Minnesota Model. Schuyler developed a professional model of life coaching for addiction recovery by blending the Minnesota Model and Harm Reduction model with the core competencies of", + "score": 0.6998239755630493 + }, + { + "id": "14202092", + "title": "Association of Mental Health Providers", + "text": "and a national forum is now established. In 2008 The Association, with Triangle Consulting, worked with service users and The Association's members to develop the Mental Health Recovery Star, which was recommended by the Department of Health New Horizons programme and has been developed for use in adult mental health services. The Recovery Star is a key-working tool that enables staff to support individuals they work with to understand their recovery and plot their progress. It is also an outcomes tool that enables organisations to measure and assess the effectiveness of the services they deliver. It is now being used", + "score": 0.6962409019470215 + }, + { + "id": "13538316", + "title": "Case management (mental health)", + "text": "care delivery system. The case management model developed in the USA was a response to the closure of large psychiatric hospitals (known as deinstitutionalisation) and initially for provision of services which enhances the quality of life without the need for direct patient care or contact. Clinical or therapeutic case management then developed as the need for the mental health professional to establish a therapeutic relationship and be actively involved in clinical care, often in this only the personal and interpersonal resources are utilized. The process involved can be cyclical because of its client-centered nature.According to the American Association on Mental", + "score": 0.6956356763839722 + }, + { + "id": "5431362", + "title": "Recovery International", + "text": "Recovery International Recovery International (formerly Recovery, Inc., often referred to simply as Recovery or RI) is a mental health self-help organization founded in 1937 by neuropsychiatrist Abraham Low in Chicago, Illinois. Recovery's program is based on self-control, self-confidence, and increasing one's determination to act. Recovery deals with a range of people, all of whom have difficulty coping with everyday problems, whether or not they have a history of psychiatric hospitalization. It is non-profit, secular, and although it uses methods devised by Low, most groups are currently led by experienced non-professionals. In 1937 Abraham Low was on the faculty at the", + "score": 0.6921130418777466 + }, + { + "id": "8975760", + "title": "Psychiatric survivors movement", + "text": "as well as from some psychiatrists and other mental health professionals, has been a recovery model which seeks to overturn therapeutic pessimism and to support sufferers to forge their own personal journal towards the life they want to live; some argue however that it has been used as a cover to blame people for not recovering or to cut public services. There has also been criticism of the movement. Organized psychiatry often views radical consumerist groups as extremist, as having little scientific foundation and no defined leadership, as \"continually trying to restrict the work of psychiatrists and care for the", + "score": 0.6903457641601562 + }, + { + "id": "9385808", + "title": "Recovery approach", + "text": "an idea \"whose time has come\" and, in partnership with the NHS Confederation Mental Health Network, and support and funding from the Department of Health, manages the Implementing Recovery through Organisational Change (ImROC) nationwide project that aims to put recovery at the heart of mental health services in the UK. The Scottish Executive has included the promotion and support of recovery as one of its four key mental health aims and funded a Scottish Recovery Network to facilitate this. A 2006 review of nursing in Scotland recommended a recovery approach as the model for mental health nursing care and intervention.", + "score": 0.6884258985519409 + }, + { + "id": "2519055", + "title": "Drug rehabilitation", + "text": "to illicit substances, and least beneficial to those addicted to the physiologically and psychologically addicting opioids, for which maintenance therapies are the gold standard of care. SMART Recovery was founded by Joe Gerstein in 1994 by basing REBT as a foundation. It gives importance to the human agency in overcoming addiction and focuses on self-empowerment and self-reliance. It does not subscribe to disease theory and powerlessness. The group meetings involve open discussions, questioning decisions and forming corrective measures through assertive exercises. It does not involve a lifetime membership concept, but people can opt to attend meetings, and choose not to", + "score": 0.685415506362915 + }, + { + "id": "13028704", + "title": "Abraham Low Self-Help Systems", + "text": "Abraham Low Self-Help Systems Abraham Low Self-Help Systems (ALSHS) is a non-profit organization formed from the merger of Recovery International and the Abraham Low Institute. ALSHS facilitates the estimated 600 worldwide Recovery International meetings and all projects formerly run by the Abraham Low Institute including the Power to Change program. The organization is named after Abraham Low, founder of the mental health self-help organization now known as Recovery International. Recovery, Inc., often referred to simply as Recovery, was officially formed November 7, 1937, by neuropsychiatrist Abraham Low in Chicago, Illinois. Low created the organization to facilitate peer support self-help groups", + "score": 0.6824906468391418 + }, + { + "id": "9385794", + "title": "Recovery approach", + "text": "the continuous process of change inherent in all people, conveying the meaning of experiences through water metaphors. Crisis is seen as involving opportunity; creativity is valued; and different domains are explored such as sense of security, personal narrative and relationships. Initially developed by mental health nurses along with service users, Tidal is a particular model that has been specifically researched. Based on a discrete set of values (the Ten Commitments), it emphasizes the importance of each person's own voice, resourcefulness and wisdom. Since 1999, projects based on the Tidal Model have been established in several countries. For many, recovery has", + "score": 0.6817777156829834 + }, + { + "id": "13298185", + "title": "Will Hall", + "text": "Will Hall Will Hall (born 1966) is an American mental health advocate, counselor, writer, and teacher. Diagnosed with schizophrenia, he is a leader in the recovery approach in mental health and is an organizer within the psychiatric survivors movement. Hall advocates the recovery approach to mental illness and is recognized internationally as an innovator in the treatment and social response to psychosis. In 2001, he co-founded the Freedom Center and from 2004-2009 was a co-coordinator for The Icarus Project. He has consulted for Mental Disability Rights International, the Family Outreach and Response Program, and the Office on Violence Against Women,", + "score": 0.6814467310905457 + }, + { + "id": "9385782", + "title": "Recovery approach", + "text": "authenticity of recovery concepts while also supporting them in professional policy and practice. Increasingly, recovery became both a subject of mental health services research and a term emblematic of many of the goals of the Consumer/Survivor/Ex-Patient Movement. The concept of recovery was often defined and applied differently by consumers/survivors and professionals. Specific policy and clinical strategies were developed to implement recovery principles although key questions remained. It has been emphasized that each individual's journey to recovery is a deeply personal process, as well as being related to an individual's community and society. A number of features or signs of recovery", + "score": 0.6805071830749512 + }, + { + "id": "15345492", + "title": "Tidal Model", + "text": "Tidal Model The Tidal Model is a recovery model for the promotion of mental health developed by Professor Phil Barker, Poppy Buchanan-Barker and their colleagues. The Tidal Model focuses on the continuous process of change inherent in all people. It seeks to reveal the meaning of people's experiences, emphasising the importance of their own voice and wisdom through the power of metaphor. It aims to empower people to lead their own recovery rather than being directed by professionals. The philosophy underpinning the model initially was inspired by a five year research into what people need for care in mental health", + "score": 0.6798745393753052 + }, + { + "id": "17649522", + "title": "Guided Functional Peer Support", + "text": "strongly influenced by John Dewey's work on functional psychology, Mark Ragins's recovery movement in mental health care and Viktor Frankl, Aaron Antonovsky and Michel Foucault's work. The model was originally developed by , music therapist and project director. The model was created while Raivio was working for the Niemikoti Foundation during the period 1998-2009 and piloted in ELVIS-project in Niemikoti foundation 2009-2012 with collaboration of music therapist Teppo Tolvanen and occupational therapist Heidi Karjalainen. In culture houses mental health clients are participating in training programs to tutor functional groups to each other. The model is implemented in five Culture Houses", + "score": 0.6795541644096375 + }, + { + "id": "9858750", + "title": "Abraham Low", + "text": "numerous individuals in the area of mental health. In 1937, Low founded Recovery, Inc. He served as its medical director from 1937 to 1954. During this time he presented lectures to relatives of former patients on his work with these patients and the before and after scenarios. In 1941, Recovery Inc. became an independent organization. Low's three volumes of \"The Technique of Self-help in Psychiatric Aftercare\" (including \"Lectures to Relatives of Former Patients\") were published by Recovery, Inc. in 1943. Recovery's main text, \"Mental Health Through Will-Training\", was originally published in 1950. During the organization's annual meeting in June 2007", + "score": 0.6785725355148315 + }, + { + "id": "5431394", + "title": "Recovery International", + "text": "the members had been hospitalized before joining. Following participation, less than 8% had been hospitalized. Members' scores of neurotic distress decreased, and scores of psychological well-being for longstanding members were no different from members of a control group in the same community. Long-term members were being treated with less psychiatric medication and psychotherapy than newer members. Recovery's methods have been compared to several psychotherapies. Recovery International Recovery International (formerly Recovery, Inc., often referred to simply as Recovery or RI) is a mental health self-help organization founded in 1937 by neuropsychiatrist Abraham Low in Chicago, Illinois. Recovery's program is based on", + "score": 0.6783772706985474 + }, + { + "id": "13286449", + "title": "Mark Ragins", + "text": "Southern California's psychiatry residency. He was the co-recipient of the American Psychiatric Association\u2019s 1995 van Ameringen Award for his outstanding contribution to the field of psychiatric rehabilitation and was named a Distinguished Fellow of the American Psychiatric Association in 2006 for his continuing work in recovery-based mental health care. Additionally, he received the US Psychiatric Rehabilitation Association's John Beard Lifetime achievement award in 2011. Ragins appears as a character in the book The Soloist by Steve Lopez, which was released in a movie version in 2009. Mark Ragins Mark Raginsis an American psychiatrist in the recovery movement in mental health", + "score": 0.6781928539276123 + }, + { + "id": "3771448", + "title": "Mental model", + "text": "theory of reasoning developed by Philip Johnson-Laird and Ruth M.J. Byrne. The term \"mental model\" is believed to have originated with Kenneth Craik in his 1943 book \"The Nature of Explanation\". in \"Le dessin enfantin\" (Children's drawings), published in 1927 by Alcan, Paris, argued that children construct internal models, a view that influenced, among others, child psychologist Jean Piaget. Philip Johnson-Laird published \"Mental Models: Towards a Cognitive Science of Language, Inference and Consciousness\" in 1983. In the same year, Dedre Gentner and Albert Stevens edited a collection of chapters in a book also titled \"Mental Models\". The first line of", + "score": 0.6775791049003601 + }, + { + "id": "19610119", + "title": "Ricky Greenwald", + "text": "Model of trauma-informed treatment as well as progressive counting (PC), a trauma therapy based on the counting method. In recent years he has been pioneering intensive trauma-focused therapy in the format of full consecutive days. Greenwald developed the full-package model of EMDR training, to include all parts of the training as well as follow-up consultation; this training approach has been widely adopted internationally. He also developed PC training, along with a trainer training system and a PC certification. Greenwald offers a six-day small-group Trauma Trainers Retreat every other year, to mentor aspiring trauma experts. In 2002, Greenwald founded the Child", + "score": 0.6754831671714783 + }, + { + "id": "7654892", + "title": "Trauma model of mental disorders", + "text": "disorders have emphasised trauma. Such research has rejuvenated interest in this field, both from clinicians, researchers and service user organisations such as the Hearing Voices movement. Psychiatrist Colin Ross calls his model the \"trauma model of mental disorders\" and emphasises that, unlike biological models, this addresses the literature on comorbidity of trauma with mental disorders. Ross describes the theoretical basis of his trauma model as common sense: \"The problem faced by many patients is that they did not grow up in a reasonably healthy, normal family. They grew up in an inconsistent, abusive and traumatic family. The very people to", + "score": 0.6751445531845093 + }, + { + "id": "10832924", + "title": "Self-help groups for mental health", + "text": "Chicago, Illinois in 1937 by psychiatrist Abraham Low using principles in contrast to those popularized by psychoanalysis. During the organization's annual meeting in June 2007 it was announced that Recovery, Inc. would thereafter be known as Recovery International. Recovery International is open to anyone identifying as \"nervous\" (a compromise between the loaded term neurotic and the colloquial phrase \"nervous breakdown\"); strictly encourages members to follow their physician's, social worker's, psychologist's or psychiatrist's orders; and does not operate with funding restrictions. Fundamentally, Low believes \"Adult life is not driven by instincts but guided by Will,\" using a definition of will opposite", + "score": 0.6732602715492249 + }, + { + "id": "18382684", + "title": "Clinical mental health counseling", + "text": "is changing the underlying philosophy of what is means to be mentally ill. The U.S. government's Substance Abuse and Mental Health Services Administration (SAMHSA) defines recovery as \u201ca journey of healing and transformation enabling a person with a mental health problem to live a meaningful life in a community of his or her choice with striving to achieve his or her full potential.\u201d The ten fundamental components of recover philosophy are: 1) Self-Direction\", 2)\" Person-Centered\", 3) \"Empowerment\", 4) \"Holistic\", 5) \"Non-linear\", 6) \"Strength-based\", 7) \"Peer Support\", 8) \"Respect\", 9) \"Responsibility\", and 10) \"Hope\". Under the recovery consumers of mental health", + "score": 0.672654926776886 + }, + { + "id": "9385778", + "title": "Recovery approach", + "text": "inclusion, and by studies demonstrating that many people do recover. A recovery approach has now been explicitly adopted as the guiding principle of the mental health or substance dependency policies of a number of countries and states. In many cases practical steps are being taken to base services on a recovery model, although a range of obstacles, concerns and criticisms have been raised both by service providers and by recipients of services. A number of standardized measures have been developed to assess aspects of recovery, although there is some variation between professionalized models and those originating in the psychiatric survivors", + "score": 0.6708543300628662 + }, + { + "id": "9385802", + "title": "Recovery approach", + "text": "a study of a community mental health service for people diagnosed with schizophrenia. It was concluded that while the approach may be a useful corrective to the usual style of case management - at least when genuinely chosen and shaped by each unique individual on the ground - serious social, institutional and personal difficulties made it essential that there be sufficient ongoing effective support with stress management and coping in daily life. Cultural biases and uncertainties were also noted in the 'North American' model of recovery in practice, reflecting views about the sorts of contributions and lifestyles that should be", + "score": 0.6707781553268433 + }, + { + "id": "7654888", + "title": "Trauma model of mental disorders", + "text": "shown to have a causal role in depression, PTSD, eating disorders, substance abuse and dissociative disorders, and research reveals that the more severe the abuse the higher the probability that psychiatric symptoms will develop in adult life. Judith Herman's book Trauma and Recovery has heavily influenced therapeutic approaches. Recovery entails three phases which are best worked through sequentially: First 'establishing safety'; secondly 'a process of remembrance and mourning for what was lost'; thirdly 'reconnecting with community and more broadly, society'. Critics of the model, such as August Piper, argue that the logic that childhood trauma causes insanity has a serious", + "score": 0.6696422100067139 + }, + { + "id": "9309605", + "title": "Psychiatric rehabilitation", + "text": "employment, social support and network enhancement and access to leisure activities.The key role of professionals to generate insight about the illness with the help of demonstration of symptoms and prognosis to the patients. There is often a focus on challenging stigma and prejudice to enable social inclusion, on working collaboratively in order to empower clients, and sometimes on a goal of full recovery. The latter is now widely known as a recovery approach or model. Recovery is a process rather than an outcome. It is a personal journey that is about the rediscovery of self in the process of learning", + "score": 0.6692202091217041 + }, + { + "id": "13865134", + "title": "Assistance in Recovery", + "text": "improves outcomes for clients. This increase is a result of consistent support for the family or organization and ongoing advocacy with appropriate clinical support for the individual. The company maintains offices in 15 cities within the United States, with a staff of board certified clinical psychologists, social workers, addiction counselors and therapists. The company also manages cases from outside the United States. Assistance in Recovery (AiR) follows in line with the philosophy and practice of Dr. Vernon Johnson, the creator of the Johnson Model of intervention, which stresses the need to break through the denial harbored by most who suffer", + "score": 0.6684481501579285 + }, + { + "id": "7557156", + "title": "James Grier Miller", + "text": "James Grier Miller James Grier Miller (19167 November 2002, California) was an American biologist, a pioneer of systems science and academic administrator, who originated the modern use of the term \"behavioral science\", founded and directed the multi-disciplinary Mental Health Research Institute at the University of Michigan, and originated the living systems theory. Miller received his A.B. summa cum laude in 1937, an A.M. in psychology in 1938, an M.D. cum laude in 1942, and a Ph.D. in psychology in 1943, all from Harvard University where he was also a junior fellow of the Society of Fellows. Following military service in", + "score": 0.6682568788528442 + }, + { + "id": "12672734", + "title": "Arnold Lazarus", + "text": "the supplementation of other techniques in addition to therapy. Later, in his book \"Behavior Therapy and Beyond,\" Lazarus presented his ideas for adding cognitive constructs to behavioral therapy as treatment for anxiety and depression. Lazarus' ideas continued to develop throughout his next few publications as his writings and theories gained popularity throughout the field. In \"Multimodal Behavioral Therapy \"(1976) and \"The Practice of Multimodal Therapy\" (1981), arguably his most notable works, Lazarus introduced multimodal therapy (MMT). MMT is based on the idea that humans have modalities to their personality that must be addressed separately in order to properly treat a", + "score": 0.6677655577659607 + }, + { + "id": "16951412", + "title": "Six-factor Model of Psychological Well-being", + "text": "Ryff facets of this trait, leading to a genetic construct of eudaimonia in terms of general self-control, and four subsidiary biological mechanisms enabling the psychological capabilities of purpose, agency, growth, and positive social relations. According to Seligman, positive interventions to attain positive human experience should not be at the expense of disregarding human suffering, weakness, and disorder. A therapy based on Ryff's six elements was developed by Fava and others in this regards. Six-factor Model of Psychological Well-being The Six-factor Model of Psychological Well-being is a theory developed by Carol Ryff which determines six factors which contribute to an individual's", + "score": 0.6671667098999023 + }, + { + "id": "2084489", + "title": "E. Fuller Torrey", + "text": "NAMI. In criticizing the New Freedom Commission on Mental Health for not recommending forced outpatient medicating, Torrey claimed that stigma against people with mental disorders was largely due to them committing violent acts due to not taking medication, and called the recovery model harmful for sending a cruel message of hope, or implicit blame, to those he believes cannot engage in a recovery process, despite being a laudable long-term vision for the Commission. Torrey hopes to live long enough to see vaccines to prevent many or most cases of schizophrenia. Although Torrey described family members as \"surviving schizophrenia\" in his", + "score": 0.6669527888298035 + }, + { + "id": "8953784", + "title": "Chaim F. Shatan", + "text": "Lifton, Sarah Haley, Jack Smith and Arthur Egendorf. They relentlessly pursued the issue, and reached out to Mardi J. Horowitz, the pioneer of experimental research in traumatic stress response, Harley Shands, Chief of Psychiatry at Roosevelt Hospital, who was working on workers' compensation cases, and William G. Niederland, who had initiated the study of reactions in concentration camp survivors with Henry Krystal. The group was successful in returning the diagnosis to the next edition of the book, DSM-III, under the new name \"Post-Traumatic Stress Disorder\", a term which evolved from discussions between Shatan and the Working Group with Nancy Andreasen.", + "score": 0.6664976477622986 + }, + { + "id": "18530194", + "title": "Susan Anderson (psychotherapist)", + "text": "topic of abandonment trauma and recovery between 1999 and 2016, including \"Black Swan; The Journey from Abandonment to Healing; The Abandonment Recovery Workbook;\" and \"Taming Your Outer Child.\" Anderson was interviewed on The Early Show (CBS) on February 14, 2007 She was also interviewed on National Public Radio (NPR) Inner Visions \"Overcoming Self Sabotage and Healing Abandonment\" June 23, 2015. Anderson developed her abandonment recovery ideas after her husband of eighteen years left her for another woman. She said \"Ironically abandonment had been my special focus as a psychotherapist at the time.\" In her books, Anderson contends that the grief", + "score": 0.6664912700653076 + }, + { + "id": "10832909", + "title": "Self-help groups for mental health", + "text": "theoretical frameworks have been used in attempts to explain the effectiveness of self-help groups. A framework derived from common themes in empirical data describes recovery as a contextual nonlinear process, a trend of general improvement with unavoidable paroxysms while negotiating environmental, socioeconomic and internal forces, motivated by a drive to move forward in one's life. The framework identified several negotiation strategies, some designed to accommodate illnesses and others designed to change thinking and behavior. The former category includes strategies such as acceptance and balancing activities. The latter includes positive thinking, increasing one's own personal agency/control and activism within the mental", + "score": 0.6657659411430359 + }, + { + "id": "11990603", + "title": "Mental Health Foundation", + "text": "and corporate), legacies and grants. General: Mental Health Foundation The Mental Health Foundation was founded in 1949. It is a British charitable organisation that provides information, carries out research, and campaigns to improve services for people affected by mental health problems. It now incorporates the Foundation for People with Learning Disabilities. In 1949 Derek Richter, a neurochemist with an interest in mental health, and Ian Henderson, a stockbroker, formed the Mental Health Research Fund (MHRF), with the aim of up lifting funds to award grants for research in mental health. In 1972 the Fund merged with another fundraising body, The", + "score": 0.6656562089920044 + }, + { + "id": "6626956", + "title": "The Retreat", + "text": "more humane and psychologically based approaches. The work was taken on by other Quakers, including Tuke's son Henry Tuke who co-founded The Retreat, and Samuel Tuke who helped popularise the approach which convince physicians to adopt it in his 1813, book \"Description of The Retreat near York\". His book explained in detail about the approach to use the moral treatment method for restoring the self-esteem, and self-control in individual with mental issues. In doing so, Samuel Tuke popularised his use of the term moral treatment that he had borrowed from the French \"traitement moral\" being used to describe the work", + "score": 0.6654812097549438 + }, + { + "id": "9309615", + "title": "Psychiatric rehabilitation", + "text": "supported employment), has developed the first university-based community living models for populations with \"severe mental illness\", developed institutional to community training and technical assistance, developed the degree programs at the university levels, offers leadership institutes, and worked collaboratively to expand and upgrade older models such as clubhouses and transitional employment services, among others. Psychiatric rehabilitation was developed and formulated as a new profession of community workers (not medical psychiatry which is a MD awarded by a Medical School) which could assist both in deinstitutionalization (e.g., systems conversion) and in community development in the US. It represents the first Master's and", + "score": 0.6650552749633789 + }, + { + "id": "11990600", + "title": "Mental Health Foundation", + "text": "Mental Health Foundation The Mental Health Foundation was founded in 1949. It is a British charitable organisation that provides information, carries out research, and campaigns to improve services for people affected by mental health problems. It now incorporates the Foundation for People with Learning Disabilities. In 1949 Derek Richter, a neurochemist with an interest in mental health, and Ian Henderson, a stockbroker, formed the Mental Health Research Fund (MHRF), with the aim of up lifting funds to award grants for research in mental health. In 1972 the Fund merged with another fundraising body, The Mental Health Trust, and in 1973", + "score": 0.665045440196991 + }, + { + "id": "13865136", + "title": "Assistance in Recovery", + "text": "understanding of addiction recovery came not only from his experience working under Dr. Fearing, but also from his own personal recovery from heroin addiction in the mid-1990s. After his mother urged him to seek recovery while in a psychiatric ward in Washington D.C., Wainwright entered treatment at the nationally recognized Hazelden center in Center City, Minnesota. While in treatment, Wainwright met Robert Poznanovich and together began Addiction Intervention Resources, Incorporated. The company was the first to implement both Dr. Johnson's model of recovery and the Family Systems model. The AiR Model focuses on a fast initiation of care while also", + "score": 0.6647868156433105 + }, + { + "id": "8371745", + "title": "Mental health professional", + "text": "field of Physical Medicine and Rehabilitation) and as rehabilitation counseling in the School of Education. Both have been developed specifically as preparing community personnel (at the MA and PHD levels) and to aid in the transition to professionally competent and integrated community services. Psychiatric rehabilitation personnel have a community integration-related base, support a recovery and skills-based model of mental health, and may be involved with community programs based upon normalization and social role valorization throughout the US. Psychiatric rehabilitation personnel have been involved in upgrading the skills of staff in institutions in order to move clients into the community settings.", + "score": 0.6645098328590393 + }, + { + "id": "8061591", + "title": "Michael White (psychotherapist)", + "text": "Michael White (psychotherapist) Michael White (29 December 1948 \u2013 4 April 2008) was an Australian social worker and family therapist. He is known as the founder of narrative therapy, and for his significant contribution to psychotherapy and family therapy, which have been a source of techniques adopted by other approaches. Michael Kingsley White was born and raised in Adelaide, South Australia. His first professional job was as a probation and welfare worker. He earned an undergraduate social work degree from the University of South Australia in 1979 and worked as a psychiatric social worker at the Adelaide Children's Hospital. He", + "score": 0.6639957427978516 + }, + { + "id": "11296115", + "title": "SMART Recovery", + "text": "disease, while allowing that it is possible that certain people have a predisposition toward addictive behavior. Incorporated in 1992 as the Alcohol and Drug Abuse Self-Help Network (ADASHN), the organization began operating under the SMART Recovery name in 1994. General operations are overseen by a volunteer board of directors, which initially included Dr. Marc Kern. Local groups are run by volunteers known as \"facilitators\" with the assistance of volunteer recovery professionals called \"volunteer advisors\". A central office is currently maintained in Mentor, Ohio. SMART Recovery offers its services for free. Donations are encouraged, and its publications are sold. SMART Recovery", + "score": 0.6637849807739258 + }, + { + "id": "9385790", + "title": "Recovery approach", + "text": "is an important part of empowerment. This may require recovering detached social skills and identity, making up for gaps in work history for better self-management, etc. What constitutes 'recovery', or a recovery model, is a matter of ongoing debate both in theory and in practice. In general, professionalized clinical models tend to focus on improvement in particular symptoms and functions, and on the role of treatments, while consumer/survivor models tend to put more emphasis on peer support, empowerment and real-world personal experience. Similarly, recovery may be viewed in terms of a social model of disability rather than a medical model", + "score": 0.6636908054351807 + }, + { + "id": "16216336", + "title": "The Assault on Truth", + "text": "of Freud's treatment of his patient Emma Eckstein, for suggesting that children are by nature innocent and asexual, and for taking part in a reaction against the sexual revolution. Masson has also been blamed for encouraging the recovered memory movement by implying that a collective effort to retrieve painful memories of incest was required, although he has rejected the accusation as unfounded. Formerly a Sanskrit professor, Masson retrained as a psychoanalyst, and in the 1970s found support within the psychoanalytic profession in the United States. His relationship with the psychoanalyst Kurt R. Eissler helped him become the projects director of", + "score": 0.6636562943458557 + }, + { + "id": "7508536", + "title": "Dan Anderson (psychologist)", + "text": "Dan Anderson (psychologist) Dan Anderson (March 30, 1921 \u2013 February 19, 2003) was an American clinical psychologist and educator. He served as the president and director of the Hazelden Foundation in Center City, Minnesota. He is most associated with the development of the Minnesota Model, the clinical method of addiction treatment, based in part on the twelve-step program of Alcoholics Anonymous. Anderson was born in Minneapolis and studied at the College of St. Thomas, where he received a B.A. degree in 1950. Starting in 1952 he worked at Willmar State Hospital. After having graduated in 1956 as a M.A. in", + "score": 0.6635633707046509 + }, + { + "id": "674496", + "title": "Rational Recovery", + "text": "The Rational Recovery FAQ states: Rational Recovery claims to remain neutral on the subject of religion and sobriety. Rational Recovery founder Jack Trimpey explains, \"...Rational Recovery is not interested in having people give up any of their religious beliefs; it's just none of our business what people believe about gods and saints. The only exception here, of course, is when one is 'depending' on a rescuing deity in order to remain sober. If that is one's preference, then AA is an ideal program.\" Rational Recovery claims that \"AVRT has made recovery groups obsolete.\" In 1998, Rational Recovery announced, \"The Recovery", + "score": 0.6629899144172668 + }, + { + "id": "8975728", + "title": "Psychiatric survivors movement", + "text": "moral treatment approach. In the United States, The Opal (1851\u20131860) was a ten volume Journal produced by patients of Utica State Lunatic Asylum in New York, which has been viewed in part as an early liberation movement. Beginning in 1868, Elizabeth Packard, founder of the Anti-Insane Asylum Society, published a series of books and pamphlets describing her experiences in the Illinois insane asylum to which her husband had had her committed. A few decades later, another former psychiatric patient, Clifford W. Beers, founded the National Committee on Mental Hygiene, which eventually became the National Mental Health Association. Beers sought to", + "score": 0.6627213954925537 + }, + { + "id": "9674493", + "title": "Marie Clay", + "text": "After studying clinical child psychology at the University of Minnesota as a Fulbright scholar, Clay received her PhD from the University of Auckland in 1966, where she had been on the faculty since 1960. She developed the Reading Recovery intervention programme, which was adopted by all New Zealand schools in 1983. In 1985, teachers and researchers from Ohio State University brought Reading Recovery to the United States. Reading Recovery is an early intervention for at-risk students in grade one that is designed to close gaps within an average of 12\u201320 weeks. The programme is currently used in Great Britain, Canada,", + "score": 0.6626373529434204 + }, + { + "id": "10101486", + "title": "Austen Riggs Center", + "text": "Austen Riggs Center The Austen Riggs Center is a psychiatric treatment facility founded in 1913 in Stockbridge, Massachusetts. A New York City internist who repaired to Stockbridge, MA while suffering from tuberculosis, Austen Fox Riggs developed a treatment regimen that both anticipated the rise of psychosomatic medicine and therapeutic psychology, and forged a new direction for residential care. Riggs was influenced by the mental hygiene movement (also known as the social hygiene movement). He developed his residential model after observing a physician in Bethel, Maine named John George Gehring, who treated patients through strict daily regimens and treatments through suggestion.", + "score": 0.6625456809997559 + }, + { + "id": "5431363", + "title": "Recovery International", + "text": "University of Illinois at Chicago, and participants in Recovery were limited to those who had been hospitalized in the Psychiatric Institute at the University. The original thirty-seven founding members had recovered their mental health after receiving insulin shock treatments at the Institute. Low began the groups as part of an attempt to improve the patient's care following discharge from his hospital. In the early years of the organization he encouraged members to advocate for improvements in social policies regarding state mental health regulations. Following backlash from the medical community to these efforts, Low disbanded the group in 1941. His patients,", + "score": 0.6622598171234131 + }, + { + "id": "11123135", + "title": "Celebrate Recovery", + "text": "participants found that levels of spirituality were associated with greater confidence to resist substance use. Celebrate Recovery has not been significantly studied, so there is no empirical evidence regarding the impacts or efficacy of the Celebrate Recovery program. John Baker was an alcoholic and staff member of Saddleback Church who began healing through Alcoholics Anonymous. He wanted a specifically Christian addiction recovery group, so with the support of Rick Warren, Celebrate Recovery began as a ministry of Saddleback Church under Baker's leadership in 1990. John Baker continues to be the primary author of The Celebrate Recovery curriculum and materials. The", + "score": 0.6618106961250305 + }, + { + "id": "6878449", + "title": "John Curtis Gowan", + "text": "human creativity. His work in this area was inspired by the writings of Aldous Huxley and Carl Jung. Based on his work in creativity and with gifted children, Dr. Gowan developed a model of mental development that derived from the work of Jean Piaget and Erik Erikson, but also included adult development beyond the ordinary adult successes of career and family building, extending into the emergence and stabilization of extraordinary development and mystical states of consciousness. He described the entire spectrum of available states in his classic \"Trance, Art, & Creativity\" (1975), with its different modalities of spiritual and aesthetic", + "score": 0.6616854667663574 + }, + { + "id": "14793114", + "title": "Recovery coaching", + "text": "recovery support specialist ensures there is a contract for engagement, called a personal recovery plan. This is a key component of the recovery management model, which all RSSs follow. These specialists are sometimes also called \"recovery coaches\". William L. White, researcher and original author of the recovery management model, uses the term \"recovery support specialist\". This is referenced in the paper titled \"Recovery Oriented System of Care (ROSC) Substance Use Disorder (SUD) Glossary of Terms\", compiled by the Bureau of Substance Abuse and Addiction Services (BSAAS). Another term for a peer recovery support specialist is \"peer mentor\". The family plays", + "score": 0.6596745252609253 + }, + { + "id": "6581602", + "title": "Evidence-based practice", + "text": "mental health, evidence-based practice guides have been created by such organizations as the Substance Abuse and Mental Health Services Administration and the Robert Wood Johnson Foundation, in conjunction with the National Alliance on Mental Illness. Evidence-based practice has now spread into a diverse range of areas outside of health where the same principles are known by names such as results-focused policy, managing for outcomes, evidence-informed practice etc. This model of care has been studied for 30 years in universities and is gradually making its way into the public sector. It effectively moves away from the old \u201cmedical model\u201d (You have", + "score": 0.6596670150756836 + }, + { + "id": "3880863", + "title": "Stanley Greenspan", + "text": "Families and former director of the National Institute of Mental Health's Clinical Infant Developmental Program and Mental Health Study Center. The developmental model Greenspan formulated guides the care and treatment of children and infants with developmental and mental health disorders, and his work has led to the formation of regional councils and networks in most major American cities. He has been recognized internationally as a foremost authority on mental health and disorders in infants and young children, having received awards from both the American Psychiatric Association and the American Orthopsychiatric Association. In 1981, he received the Ittleson Prize, the American", + "score": 0.6595554351806641 + }, + { + "id": "2084488", + "title": "E. Fuller Torrey", + "text": "for a recovery model without necessarily needing medication; it has since lost its funding from the CMHS. Torrey has in general been instrumental in lobbying against, and undermining, community-based consumer projects because they promoted social and experiential recovery and questioned the standard medical model. Consumer organizations have protested that they are already economically disadvantaged and vulnerable to political whim while Torrey and his organizations have rich and powerful backers. It has been argued that Torrey and other psychiatric and family member advocates do not necessarily have the same interests as consumers/survivors themselves. Differences in ideology sharpened after the development of", + "score": 0.65923672914505 + }, + { + "id": "20812072", + "title": "Bloomfield Hospital, Orange", + "text": "mentally ill propounded by Frederick Norton Manning and later developed by Eric Sinclair. Manning championed a shift from seeing institutions for the mentally ill as asylums or places of confinement to being places for the treatment of the patient's illness where the architecture and setting of the hospital was integral to patients treatment. During his term as Director General for the Insane he worked to further eliminate the stigma of mental illness by ensuring that medical practitioners alone were responsible for scheduling mentally ill patients. Doctors were charged with the administration of the hospitals and the treatment of patients. Sinclair", + "score": 0.6592296361923218 + }, + { + "id": "16239114", + "title": "Andersen healthcare utilization model", + "text": "community etc. Need represents both perceived and actual need for health care services. The original model was developed by Ronald M. Andersen, a health services professor at UCLA, in 1968. The original model was expanded through numerous iterations and its most recent form models past the use of services to end at health outcomes and includes feedback loops. A major motivation for the development of the model was to offer measures of access. Andersen discusses four concepts within access that can be viewed through the conceptual framework. Potential access is the presence of enabling resources, allowing the individual to seek", + "score": 0.6591952443122864 + }, + { + "id": "5431393", + "title": "Recovery International", + "text": "found that following participation in Recovery, former mental patients reported no more anxiety about their mental health than the general public. Members rated their life satisfaction levels as high, or higher, than the general public. Members who had participated two years or more reported the highest levels of satisfaction with their health. Members who participated for less than two years tended to still be taking medication and living below the poverty level with smaller social networks. A 1988 study found that participation in Recovery decreased members' symptoms of mental illness and the amount of psychiatric treatment needed. About half of", + "score": 0.6585506200790405 + }, + { + "id": "15345496", + "title": "Tidal Model", + "text": "Commitments. The Twenty Competencies were introduced to assist with the auditing of recovery practice by generating practice-based evidence for the model. They focus on competencies in practice and there are two related to each of the commitments above. In 2000, the Tidal Model was first implemented in Newcastle-upon-Tyne, UK in the adult mental health programme covering nine acute admission wards. Almost 100 different Tidal Model projects were established in the UK, Ireland, New Zealand, Canada, Japan and Australia. However, it has yet to be broadly adopted. Tidal Model The Tidal Model is a recovery model for the promotion of mental", + "score": 0.6584985852241516 + }, + { + "id": "6055250", + "title": "John Rawlings Rees", + "text": "meeting twice a week to formulate a new way forward for their work at Tavistock, based on war-time experience. Rees\u2019 plans for the Institute of Medical Psychology were never realised; instead, the group went on to found the Tavistock Institute, with funding from the Rockefeller Foundation. Rees left shortly afterwards in 1947. After leaving the Tavistock, Rees\u2019 first role was as the chief organiser of the 1948 International Congress for Mental Health, held in London. At this congress, the World Federation for Mental Health was founded, and Rees was elected as the first president. This organisation is now a non-governmental", + "score": 0.6579896807670593 + }, + { + "id": "1359159", + "title": "Milton H. Erickson", + "text": "Milton H. Erickson Milton Hyland Erickson (5 December 1901 \u2013 25 March 1980) was an American psychiatrist and psychologist specializing in medical hypnosis and family therapy. He was founding president of the American Society for Clinical Hypnosis and a fellow of the American Psychiatric Association, the American Psychological Association, and the American Psychopathological Association. He is noted for his approach to the unconscious mind as creative and solution-generating. He is also noted for influencing brief therapy, strategic family therapy, family systems therapy, solution focused brief therapy, and neuro-linguistic programming. Erickson was largely self-taught, and his biography was noted down by", + "score": 0.6572743058204651 + }, + { + "id": "9076016", + "title": "J. Mark G. Williams", + "text": "Stockton Grammar School, Stockton-on-Tees, and at St Peter's College, Oxford. His research is concerned with psychological models and treatment of depression and suicidal behaviour. He uses experimental cognitive psychology \u2013 in particular investigations into the specificity of autobiographical memory \u2013 to help understand the processes that increase risk of suicidal behaviour in depression. With colleagues John D. Teasdale (Cambridge) and Zindel Segal (Toronto) he developed Mindfulness-based Cognitive Therapy (MBCT; ) for prevention of relapse and recurrence in depression, and several RCTs have now found that MBCT significantly decreases the recurrence rate in those who have suffered three or more previous", + "score": 0.6567294597625732 + }, + { + "id": "5323932", + "title": "Richard Layard, Baron Layard", + "text": "new science (2011) and The Origins of Happiness (2018). In 2012 he co-edited, with Jeffrey Sachs and John Helliwell, the World Happiness Report, and has been involved in subsequent years. Layard's mental health work resulted in the development of Improving Access to Psychological Therapies (IAPT), an initiative to improve access to psychological therapies in the United Kingdom. In 2014, with the clinical psychologist David M Clark, he published the book \"Thrive: The Power of Evidence-Based Psychological Therapies\", in which the authors demonstrate the potential value of the wider availability of modern talking therapies, and include a chapter on mental illness", + "score": 0.6566978096961975 + }, + { + "id": "10723332", + "title": "Mental Research Institute", + "text": "Mental Research Institute The Palo Alto Mental Research Institute (MRI) is one of the founding institutions of brief and family therapy. Founded by Don D. Jackson and colleagues in 1958, MRI has been one of the leading sources of ideas in the area of interactional/systemic studies, psychotherapy, and family therapy. According to an article in the \"Psychotherapy Networker\" on Jay Haley (a Research Associate at MRI in the 1960s) MRI \"became the go-to place for any therapist who wanted to be on the cutting edge of psychotherapy research and practice. Fostering a climate of almost untrammeled experimentalism, MRI started the", + "score": 0.6562418937683105 + }, + { + "id": "9075932", + "title": "Zindel Segal", + "text": "first started working on the mindfulness-based cognitive therapy (MBCT) project, he was studying how depression alters a person's self-image. His research included measuring a depressed patient's self-image by calculating the time it took her to react to positive or negative information about her. David Kupfer, who was head of the Psychobiology of Depression Research Network of the John D. and Catherine T. MacArthur Foundation, asked Segal to create a \"maintenance\" version of cognitive therapy which could be used to fight depression relapse after one had recovered from an acute episode. This need for a new therapy became Zindel Segal's new", + "score": 0.6562409400939941 + }, + { + "id": "5431371", + "title": "Recovery International", + "text": "possible. Recovery focuses on treating former mental patients, sometimes referred to as postpsychotic persons, as well as psychoneurotic persons. The latter group is most often referred to as \"nervous\" or \"nervous patients.\" Recovery members may refer to themselves as \"nervous patients\" regardless of whether they are being treated by a physician or other professional. Sociologist Edward Sagarin described this as a compromise between the term neurotic and the more colloquial phrase \"nervous breakdown.\" Recovery encourages members to cognitively reframe their experiences using several techniques. Spotting, reframing defeatist language, self-endorsement and creating Examples are the most commonly cited in scholarly reviews", + "score": 0.6560274362564087 + }, + { + "id": "20272860", + "title": "Michael J. Lindell", + "text": "Network was founded by Lindell to \"bring hope, recovery, and mentorship\" to those struggling with drug addictions. The platform will give addicts the ability to view stories from recovered addicts who are their age and use the same drugs. The addicts will also be able to access vetted, Christian recovery organizations, as well as have access to mentors for help when they get out of recovery. The Lindell Recovery Network was highlighted in an October 24, 2018, Opioid Crisis meeting hosted by President Trump at the White House. Lindell attended this meeting with 21 other private-sector and nonprofit partners that", + "score": 0.6552696228027344 + }, + { + "id": "2699204", + "title": "Humphry Osmond", + "text": "psychedelic.\"). Osmond is also known for a study in the late 1950s in which he attempted to cure alcoholics with LSD. He claimed to have achieved a fifty-percent success rate. Osmond noticed that some drinkers were only able to give up drinking after an episode of delirium tremens and tried to replicate this state in patients through giving them high doses of the drug. This came to be known as the psychedelic treatment model, contrasted to the psycholytic model that used low doses to help release repressed material from the mind which it was hoped would help the psychotherapeutic process.", + "score": 0.6549787521362305 + }, + { + "id": "12672729", + "title": "Arnold Lazarus", + "text": "Arnold Lazarus Arnold Allan Lazarus (27 January 1932 \u2013 1 October 2013) was a South African-born clinical psychologist and researcher who specialized in cognitive therapy and is best known for developing multimodal therapy (MMT). A 1955 graduate of South Africa's University of the Witwatersrand, Lazarus' accomplishments include authoring the first text on cognitive behavioral therapy (CBT) called \"Behaviour Therapy and Beyond\" and 17 other books, over 300 clinical articles, and presidencies of psychological associations; he received numerous awards including the Distinguished Psychologist Award of the Division of Psychotherapy from the American Psychological Association, the Distinguished Service Award from the American", + "score": 0.6549466848373413 + }, + { + "id": "14927352", + "title": "The Park Centre for Mental Health", + "text": "people. In addition, the increasing criticism of conditions within mental hospitals and the abuse of patients' rights gave impetus to the development of alternative models, in particular, community-based mental health services. The community care model was adopted slowly in Queensland. Institutions were reformed, however, an emphasis on institutional care remained. Short-term care with intensive treatment was the preferred model. Several major building projects, which reflected these changing ideas, were undertaken at Wolston Park during the 1970s, as well as extensive re-modelling of existing structures. In 1978, the Barrett Psychiatry Unit was established to provide acute care. It comprised eight separate", + "score": 0.6547187566757202 + }, + { + "id": "16369557", + "title": "Spontaneous recovery", + "text": "Spontaneous recovery Spontaneous recovery is a phenomenon of learning and memory that was first named and described by Ivan Pavlov in his studies of classical (Pavlovian) conditioning. In that context, it refers to the re-emergence of a previously extinguished conditioned response after a delay. Such a recovery of \"lost\" behaviors can be observed within a variety of domains, and the recovery of lost human memories is often of particular interest. For a mathematical model for spontaneous recovery see Further Reading. Spontaneous recovery is associated with the learning process called classical conditioning, in which an organism learns to associate a neutral", + "score": 0.6545841693878174 + }, + { + "id": "4325413", + "title": "Solution-focused brief therapy", + "text": "two American social workers, and their team at The Brief Family Therapy Center in Milwaukee, USA. Core members of this team were Eve Lipchik, Wallace Gingerich, Elam Nunnally, Alex Molnar, and Michele Weiner-Davis. Their work in the early 1980s built on that of a number of other innovators, among them Milton Erickson, and the group at the Mental Research Institute at Palo Alto \u2013 Gregory Bateson, Donald deAvila Jackson, Paul Watzlawick, John Weakland, Virginia Satir, Jay Haley, Richard Fisch, Janet Beavin Bavelas and others. Many of the concepts of brief therapy were independently discovered by several therapists, in their own", + "score": 0.6541821360588074 + }, + { + "id": "255881", + "title": "Mental disorder", + "text": "of schizophrenia have found that over a half of individuals recover in terms of symptoms, and around a fifth to a third in terms of symptoms and functioning, with many requiring no medication. While some have serious difficulties and support needs for many years, \"late\" recovery is still plausible. The World Health Organization concluded that the long-term studies' findings converged with others in \"relieving patients, carers and clinicians of the chronicity paradigm which dominated thinking throughout much of the 20th century.\" Around half of people initially diagnosed with bipolar disorder achieve syndromal recovery (no longer meeting criteria for the diagnosis)", + "score": 0.6541654467582703 + }, + { + "id": "7709030", + "title": "Therapeutic community", + "text": "The term was coined by Thomas Main in his 1946 paper, \"The hospital as a therapeutic institution\", and subsequently developed by others including Maxwell Jones, R. D. Laing at the Philadelphia Association, David Cooper at Villa 21, and Joshua Bierer. Under the influence of Maxwell Jones, Main, Wilmer and others (Caudill 1958; Rapoport 1960), combined with the publications of critiques of the existing mental health system (Greenblatt et al. 1957, Stanton and Schwartz 1954) and the sociopolitical influences that permeated the psychiatric world towards the end of and following the Second World War, the concept of the therapeutic community and", + "score": 0.6540820002555847 + }, + { + "id": "6616933", + "title": "Ignacio Marti\u0301n-Baro\u0301", + "text": "may have caused these mental health problems. He integrated diverse theories, and was so convinced of the benefits to be gained by the \"de-ideologising\" potential of social psychology that he openly questioned the theoretical models of mainstream psychology. He considered these models inadequate to address the effects of the structural violence that prevailed in El Salvador. His work inspired the development of liberation psychology in Latin America and influenced community psychology throughout the world. Through grant-making and education, the \"Mart\u00edn-Bar\u00f3 Fund for Mental Health and Human Rights\" fosters psychological well-being, social consciousness, active resistance, and progressive social change in communities", + "score": 0.6539447903633118 + }, + { + "id": "9385804", + "title": "Recovery approach", + "text": "extent any system of categorical classification of mental disorders) uses definitions and terminology that are inconsistent with a recovery model, leading to suggestions that the next version, the DSM-V, requires: greater sensitivity to cultural issues and gender; to recognize the need for others to change as well as just those singled out for a diagnosis of disorder; and to adopt a dimensional approach to assessment that better captures individuality and does not erroneously imply excess psychopathology or chronicity. The New Freedom Commission on Mental Health has proposed to transform the mental health system in the US by shifting the paradigm", + "score": 0.6539125442504883 + }, + { + "id": "16116085", + "title": "Rise Asset Development", + "text": "Social Entrepreneurship in Mental Health Equity Award for Toronto social enterprises advancing mental health equity. Sandra Rotman founded Rise Asset Development. She brought to the table the Rotman School and Management (University of Toronto) and Ontario\u2019s world-leading Centre for Addiction and Mental Health (CAMH) for their respective expertise. Through initial funding from Sandra Rotman, Rise conducted a pilot to assist entrepreneurs living with mental health and addiction challenges to explore self-employment and build successful, self-sustaining small businesses. In 2009, the initial pilot successfully helped a small group of emerging entrepreneurs to access investment capital, business mentoring and support. The pilot", + "score": 0.6537384986877441 + }, + { + "id": "17352682", + "title": "M. Brewster Smith", + "text": "of the social scientists in the worst possible light.\" Smith was the vice president of the Joint Commission on Mental Illness and Health, an independent organization created by the United States Congress in 1955 to study the care of the nation's mentally ill. The group's final report is thought to have influenced legislation that led to the deinstitutionalization of the American mentally ill. The report, \"Action for Mental Health\" (1961), advocated for community-based mental health care. It recommended that no mental hospitals should be constructed with more than 1,000 beds and that existing hospitals of greater than 1,000 beds should", + "score": 0.6533910036087036 + }, + { + "id": "19610117", + "title": "Ricky Greenwald", + "text": "Ricky Greenwald Ricky Greenwald is a clinical psychologist and a leading expert on eye movement desensitization and reprocessing (EMDR) as well as the creator of progressive counting (PC), both psychotherapy methods for resolving traumatic memories and associated symptoms. He founded the Trauma Institute & Child Trauma Institute, a non-profit organization, and is currently its executive director and chair of faculty. Greenwald holds a B.S. in psychology from Lesley College (1988) and a M.A. in psychology from Forest Institute of Professional Psychology (1989). After completing a two-year certificate in Family Therapy at the Kantor Family Institute (1991), Greenwald returned to the", + "score": 0.653387188911438 + }, + { + "id": "5684178", + "title": "Murray Bowen", + "text": "at the Menninger Foundation in Topeka, Kansas, as a fellow in psychiatry and personal psychoanalysis. This psychiatric training and experience lasted until 1954. From 1954 to 1959, Bowen worked at the National Institute of Mental Health, Bethesda, Maryland, where he continued to develop the theory that would be named after him: \"Bowen Theory.\" At that time, family therapy was still only a by-product of theory. Bowen did his initial research on parents who lived with one adult schizophrenic child, which he thought could provide a paradigm for all children. After defining the field of \"family therapy\" he started integrating new", + "score": 0.6532195806503296 + }, + { + "id": "12453834", + "title": "Services for mental disorders", + "text": "Health Organization has called for an urgent scaling up of the funding, staffing and coverage of services for mental disorders in all countries, especially in low-income and middle-income countries. According to the Recovery model, services must always support an individual's personal journey of recovery and independence, and a person may or may not need services at any particular time, or at all. The UK is moving towards paying mental health providers by the outcome results that their services achieve. Services for mental disorders Services for mental disorders offer treatments, support or advocacy to people judged to have mental disorders (mental", + "score": 0.6531603336334229 + }, + { + "id": "19424514", + "title": "Attachment and Health", + "text": "more systematic way. Since that time it has been used to understand variation in stress response, health outcomes and health behaviour. Ultimately, the application of attachment theory to health care may enable health care practitioners to provide more personalized medicine by creating a deeper understanding of patient distress and allowing clinicians to better meet their needs and expectations. John Bowlby and Mary Ainsworth developed attachment theory in the 1960s while investigating the effects of maternal separation on infant development. The development of the Strange Situation task in 1965 by Ainsworth and Wittig allowed researchers to systematically investigate the attachment system", + "score": 0.6531416177749634 + }, + { + "id": "10619816", + "title": "History of psychotherapy", + "text": "of the shape of the skull developed by respected anatomist Franz Joseph Gall. Other popular treatments included physiognomy\u2014the study of the shape of the face\u2014and mesmerism, developed by Franz Anton Mesmer\u2014designed to relieve psychological distress by the use of magnets. Spiritualism and Phineas Quimby's \"mental healing\" technique that was very like modern concept of \"positive visualization\" were also popular. While the scientific community eventually came to reject all of these methods, academic psychologists also were not concerned with serious forms of mental illness. That area was already being addressed by the developing fields of psychiatry and neurology within the asylum", + "score": 0.6530854105949402 + }, + { + "id": "8290867", + "title": "Helen Erickson", + "text": "Practice and Research. Society for Advancement of Modeling and Role-Modeling. Vol. 1(1), 178-202. Erickson, H. Modeling and role-modeling with psychophysiological problems (1990). In J.K. Zeig & Gilligan, S. (Eds.) Brief Therapy: Myths, Methods, and Metaphors New York: Brunner/Mazel, 473-491. Kinney, C. & Erickson, H. (1990). Modeling the client's world: A way to holistic care. Issues in Mental Health Nursing. Vol. 11 (2), 93-108. Erickson, H. & Swain, M.A. (1990). Mobilizing self-care resources: A nursing intervention for hypertension. Issues in Mental Health Nursing. Vol. 11 (3), 217-236. Barnfather, J., Swain, MA, & Erickson, H. (1989) Evaluation of two assessment techniques. Nursing", + "score": 0.6530719995498657 + }, + { + "id": "16023731", + "title": "Richard Fisch", + "text": "with John Weakland, Jay Haley, Paul Watzlawick, Virginia Satir, and many other prominent figures in the development of family therapy, brief therapy, systems theory and communication theory. In 1965, in a memo to Don Jackson, dated September 15, 1965, Fisch proposed creation of a research project that would \"provide imaginative, well planned, brief therapy and at the same time permit a more thorough study if the effectiveness of this approach. With the backing of Don Jackson, MRI's Brief Therapy Center as founded by Fisch, John Weakland, Paul Watzlawick, and Art Bodin. The Brief Therapy Center was central to the emergence", + "score": 0.6528949737548828 + }, + { + "id": "9109324", + "title": "Marsha M. Linehan", + "text": "Marsha M. Linehan Marsha M. Linehan (born May 5, 1943) is an American psychologist and author. She is the creator of dialectical behavior therapy (DBT), a type of psychotherapy that combines behavioral science with Buddhist concepts like acceptance and mindfulness. Linehan is a Professor of Psychology, Adjunct Professor of Psychiatry and Behavioral Sciences at the University of Washington in Seattle and Director of the Behavioral Research and Therapy Clinics. Her primary research is in borderline personality disorder, the application of behavioral models to suicidal behaviors, and drug abuse. Linehan was born in Tulsa, Oklahoma on May 5, 1943. She was", + "score": 0.6524910926818848 + }, + { + "id": "16210255", + "title": "David Oaks", + "text": "David Oaks David William Oaks (born September 16, 1955, Chicago, Illinois) is a civil rights activist and founder and former executive director of Eugene, Oregon-based MindFreedom International. David Oaks' organization MindFreedom International includes psychiatric survivors and psychiatrists who reject the biomedical model that defines contemporary psychiatry. They believe that \"mental illness is caused by severe emotional distress, often combined with lack of socialization\", and they \"decry the pervasive treatment with prescription drugs, sales of which have nearly doubled since 1998\". Further, \"they condemn the continued use of electro-convulsive therapy\u2014or ECT, also known as electroshock\u2014which they say violates patients' human rights.\"", + "score": 0.6523844599723816 + } + ] + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "What team scored the most Premier League goals in a season?", + "short_answers": [ + "Manchester City" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "What player set a record when he scored the most Premier League goals in a season?", + "short_answers": [ + "Andy Cole" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "What player tied the record when he scored the most Premier League goals in a season?", + "short_answers": [ + "Alan Shearer" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Premier League records and statistics", + "url": "https://en.wikipedia.org/wiki/Premier%20League%20records%20and%20statistics" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Alan Shearer (for Newcastle United v. Sheffield Wednesday, 19 September 1999) W 8\u20130", + "wikipage": "Premier League records and statistics" + }, + { + "content": "Andy Cole (Newcastle United, 1993\u201394)", + "wikipage": "Premier League records and statistics" + } + ], + "long_answer": "The team with the most Premier League goals in a season is Manchester City. The player that set a record when he scored the most Premier League goals in a season, was Andy Cole of Newcastle United, but the record was later tied by Alan Shearer of Newcastle United. " + } + ], + "sample_id": "3272015411718315385", + "question": "Who scored most premier league goals in one season?", + "docs": [ + { + "id": "1746356", + "title": "2002\u201303 FA Premier League", + "text": "Arsenal. The Premier League Golden Boot award was also won by Ruud van Nistelrooy who scored 25 goals in 38 league matches and 44 in all competitions. He also equalled his record of eight goals in eight successive matches at the beginning of the season, a milestone he had reached the previous season. Van Nistelrooy finished one goal ahead of Arsenal's Thierry Henry while James Beattie managed 23 league goals for Southampton. Since the reduction of the number of games from 42 to 38 in 1996, only Kevin Phillips had scored more Premiership goals in one season \u2013 30 for", + "score": 0.7785975337028503 + }, + { + "id": "142733", + "title": "Premier League", + "text": "his fourth overall scoring title by scoring 27 goals in the 2005\u201306 season. Andrew Cole and Alan Shearer hold the record for most goals in a season (34) \u2013 for Newcastle and Blackburn respectively. Ryan Giggs of Manchester United holds the record for scoring goals in consecutive seasons, having scored in the first 21 seasons of the league. The Premier League maintains two trophies \u2013 the genuine trophy (held by the reigning champions) and a spare replica. Two trophies are held in the event that two clubs could win the League on the final day of the season. In the", + "score": 0.7629804015159607 + }, + { + "id": "142732", + "title": "Premier League", + "text": "and Philippe Coutinho is now the most expensive transfer involving a Premier League club at \u00a3106 million. The highest transfer fee paid by a Premier League club is \u00a389 million for Paul Pogba. The Golden Boot is awarded to the top Premier League scorer at the end of each season. Former Blackburn Rovers and Newcastle United striker Alan Shearer holds the record for most Premier League goals with 260. Twenty-eight players have reached the 100-goal mark. Since the first Premier League season in 1992\u201393, 14 players from 10 clubs have won or shared the top scorers title. Thierry Henry won", + "score": 0.749279260635376 + }, + { + "id": "3475539", + "title": "Dixie Dean", + "text": "in summer 1926 left Dean with a fractured skull and jaw, and doctors were unsure whether he would be able to play again. In his next game for Everton he scored using his head, leading Evertonians to joke that the doctor left a metal plate in Dean's head. Dean's greatest point of note is he is still the only player in English football score 60 league goals in one season (1927\u201328). At that season's end he was 21 years old. Middlesbrough's George Camsell, who holds the highest goals-to-games ratio for England, had scored 59 league goals the previous season, although", + "score": 0.7457046508789062 + }, + { + "id": "9088421", + "title": "Luis Sua\u0301rez", + "text": "28 goals in a Premier League season in a 4\u20130 home win against Tottenham which took Liverpool top of the league with six matches remaining. On 20 April, he scored in a 3\u20132 win at Norwich to become the first Liverpool player to score 30 league goals in a season since Ian Rush in 1986\u201387. This also made him the seventh player to score 30 goals in a Premier League season, following Andy Cole, Alan Shearer, Kevin Phillips, Thierry Henry, Cristiano Ronaldo and Robin van Persie. On 18 April, Su\u00e1rez was named as one of the six players nominated for", + "score": 0.7435800433158875 + }, + { + "id": "2879111", + "title": "Andy Cole", + "text": "they finished third and qualified for the UEFA Cup. Cole scored 41 total goals in all competitions \u2013 breaking the club's goalscoring record which had been set by Hughie Gallacher nearly 70 years earlier (Gallacher still holds the record for the highest number of league goals in a season with 36). His first top division goal was in a 1\u20131 draw against defending league champions Manchester United (who went on to win the double) at Old Trafford on 21 August. This was Newcastle's first goal in the Premier League. Exactly three months later, Cole scored all three goals as \"the", + "score": 0.7407277226448059 + }, + { + "id": "10043001", + "title": "2007\u201308 Premier League", + "text": "Fernando Torres finished second, with Arsenal midfielder Cesc F\u00e0bregas finishing third. BBC broadcaster and former England and Blackpool full-back Jimmy Armfield received the PFA Merit Award for his services to the game. Cristiano Ronaldo, the Portuguese winger, collected the Premier League Merit Award for reaching 30 league goals this season. 2007\u201308 Premier League The 2007\u201308 Premier League (known as the Barclays Premier League for sponsorship reasons) season was the 16th since its establishment. The first matches of the season were played on 11 August 2007, and the season ended on 11 May 2008. Manchester United went into the 2007\u201308 season", + "score": 0.7407098412513733 + }, + { + "id": "14552433", + "title": "Premier League Golden Boot", + "text": "Premier League Golden Boot, with Henry achieving this on two occasions (2004 and 2005). Shearer, Hasselbaink and Van Persie are the only players to win the Golden Boot with two clubs. Andy Cole and Shearer \u2013 with 34 goals in 1993\u201394 and 1994\u201395, respectively \u2013 scored the most goals to win the Golden Boot when the Premier League was a 42-game season, Mohamed Salah with 32 goals in 2017\u201318 holds the record for the current 38-game season, while Nicolas Anelka scored the fewest to clinch the award outright, with 19 goals in 2008\u201309. The all-time record for lowest number of", + "score": 0.7399629354476929 + }, + { + "id": "2313304", + "title": "Ruud van Nistelrooy", + "text": "a 3\u20132 win. In total during his first season, Van Nistelrooy scored 23 goals in 32 league games. He broke the record he shared with Mark Stein, Alan Shearer and Thierry Henry, by scoring in eight consecutive league games. He also scored ten Champions League goals, and was named the PFA Players' Player of the Year. The following season, he finished as the top Premier League scorer with 25 goals in 34 games, with a goal on the final day against Everton earning him the Golden Boot ahead of Arsenal's Thierry Henry. His tally included three hat-tricks against Newcastle United,", + "score": 0.737815797328949 + }, + { + "id": "10619961", + "title": "2007\u201308 Manchester United F.C. season", + "text": "Koumas shot appeared to deflect off Rio Ferdinand's outstretched upper arm. Wigan's anguish was then compounded when referee Steve Bennett awarded United a penalty for Emmerson Boyce's foul on Wayne Rooney. Cristiano Ronaldo stepped up to take the penalty, which he converted, equalling Alan Shearer's record for the most goals in a 38-game season with 31 goals. Soon after, Scholes was fortunate not to be sent off when he cynically brought down Wilson Palacios. Steve Bennett chose to keep his cards in his pocket. In the second half, United continued to test the Wigan goal, but goalkeeper Chris Kirkland was", + "score": 0.7368038892745972 + }, + { + "id": "3667669", + "title": "Mark Hughes", + "text": "he scored 25 goals in 55 matches across all competitions as United achieved an FA Cup final victory over Everton. They also finished fourth in the league. Hughes managed a further 18 goals in the 1985\u201386 season, where they led until February having won their first ten league matches of the season, before a dismal second half of the season saw them slip into fourth place in the final table. That season saw him score 17 goals in the Football League First Division \u2013 it would remain the highest goals tally in a league season throughout his career. In the", + "score": 0.733627438545227 + }, + { + "id": "12946401", + "title": "2009\u201310 Premier League", + "text": "given to Chelsea for the third consecutive year. Chelsea collected the Premier League Merit Award for being the first team to score 100 goals in a Premier League season. 2009\u201310 Premier League The 2009\u201310 Premier League (known as the Barclays Premier League for sponsorship reasons) was the 18th season of the Premier League since its establishment in 1992. A total of 20 teams competed in the league, with Chelsea unseating the three-time defending champions Manchester United, scoring a then Premier League record 103 goals in the process. The season began on 15 August 2009 and concluded on 9 May 2010.", + "score": 0.7310646772384644 + }, + { + "id": "7155483", + "title": "1995\u201396 in English football", + "text": "and Kamara's first signing Mark Stallard. Tony Pulis guided Gillingham F.C.out of Division Three and was named the Manager of the Season. Alan Shearer topped the Premiership scoring charts with 31 goals, the highest number of goals in the league charted at the time. Shearer was followed closely by Robbie Fowler on 28, Ian Wright and Les Ferdinand, who won the PFA Players' Player of the Year award. Steve McManaman led the assists chart with 25 assists this season, also a new record for the league. Eric Cantona was awarded the FWA Footballer of the Year for his comeback and", + "score": 0.7307128310203552 + }, + { + "id": "4048552", + "title": "1992\u201393 FA Premier League", + "text": "United. The top goalscorer in the Premier League's inaugural season was Teddy Sheringham, who scored one goal for Nottingham Forest before his early-season transfer followed by 21 for Tottenham Hotspur for a total of 22. Alan Shearer had scored 16 goals by Christmas before suffering a season-ending injury. 1992\u201393 FA Premier League The 1992\u201393 FA Premier League was the inaugural season of the Premier League, the top division of English football. The season began on 15 August 1992 and ended on 11 May 1993. The league was made up of the 22 clubs that broke away from The Football League", + "score": 0.7304422855377197 + }, + { + "id": "96980", + "title": "Chelsea F.C.", + "text": "passed Bobby Tambling's longstanding record of 202 in May 2013. Seven other players have also scored over 100 goals for Chelsea: George Hilsdon (1906\u201312), George Mills (1929\u201339), Roy Bentley (1948\u201356), Jimmy Greaves (1957\u201361), Peter Osgood (1964\u201374 and 1978\u201379), Kerry Dixon (1983\u201392) and Didier Drogba (2004\u201312 and 2014\u20132015). Greaves holds the record for the most goals scored in one season (43 in 1960\u201361). Chelsea's biggest winning scoreline in a competitive match is 13\u20130, achieved against Jeunesse Hautcharage in the Cup Winners' Cup in 1971. The club's biggest top-flight win was an 8\u20130 victory against Wigan Athletic in 2010, which was matched", + "score": 0.7294484376907349 + }, + { + "id": "6103803", + "title": "Benjani Mwaruwari", + "text": "7\u20134 win over Reading, which broke the record for the most goals scored in a Premier League match, and a league match shown on \"Match of the Day\". After Portsmouth's visit to Wigan on 20 October, Benjani became the Premier League's top scorer. Portsmouth boss Harry Redknapp banned Benjani from taking any further penalties after he missed a spot-kick in second-half injury time in a home game against West Ham United. He then made amends for his miss scoring in the 4\u20131 victory over Newcastle United to bring his total to eight for the season. He then scored his ninth", + "score": 0.7274428009986877 + }, + { + "id": "17113312", + "title": "2013\u201314 Premier League", + "text": "by a 2\u20130 victory over West Bromwich Albion on 7 May. Norwich City, Fulham, and Cardiff City were the bottom three teams and were relegated to the Football League Championship. Two teams (Manchester City and Liverpool) scored more than 100 goals for the first time in league history. The feat has only once been achieved before \u2013 by Chelsea in 2009\u201310. Luis Su\u00e1rez won the golden boot for most goals with 31, ahead of teammate Daniel Sturridge who came second with 21 goals. Wojciech Szcz\u0119sny of Arsenal and Petr \u010cech of Chelsea led the league with 16 clean sheets each.", + "score": 0.7267726063728333 + }, + { + "id": "8215619", + "title": "Sam Raybould", + "text": "record of 31 league goals in a single league season. This record stood until 1931 when Gordon Hodgson broke it by scoring 36 goals. In 1903 he, along with right-back Archie Glover was given a seven-month ban from football for agreeing to 'financial inducements' to sign for Southern League Portsmouth. They were also given a lifetime ban on ever signing for Portsmouth. Raybould regained his place in the Liverpool side and went on to score 130 goals in 226 appearances for Liverpool and remained their record goalscorer for 37 years. As of 2006, he stands as the tenth-highest goalscorer in", + "score": 0.7235654592514038 + }, + { + "id": "6020004", + "title": "Ronnie Rooke", + "text": "Athletic on 14 December 1946, and by the end of the season had taken his total to 21 goals from 24 league matches and helped Arsenal finish in mid-table. He scored 33 league goals in 1947\u201348, a total that made him that season's First Division top scorer, remains () Arsenal's all-time record for the most goals scored in a postwar season, and helped them win their sixth League title. Rooke scored another 15 goals in 1948\u201349, including one in Arsenal's 4\u20133 victory over Manchester United in the 1948 FA Charity Shield. In all, he scored 70 goals in just 94", + "score": 0.7225221991539001 + }, + { + "id": "15661602", + "title": "1927\u201328 Leicester City F.C. season", + "text": "1927\u201328 Leicester City F.C. season The 1927\u201328 season was Leicester City's 30th season in the Football League and their 4th in the First Division. Leicester finished the season in their highest ever league finish to date, finishing 3rd in the First Division. Though they would go on to break that again the following season. Arthur Chandler also broke the club record for the most goals in a single season, scoring 34 times. He would equaled this record himself in the 1928\u201329 season. This record still stands today at the most goals ever scored by a Leicester player in a single", + "score": 0.7213355302810669 + }, + { + "id": "905832", + "title": "Everton F.C.", + "text": "Dixie Dean from Tranmere Rovers. In 1927\u201328, Dean set the record for top-flight league goals in a single season with 60 goals in 39 league games, which is a record that still stands. He helped Everton win their third League Championship that season. However, Everton were relegated to the Second Division two years later during internal turmoil at the club. The club quickly rebounded and was promoted at the first attempt, while scoring a record number of goals in the Second Division. On return to the top flight in 1931\u201332, Everton wasted no time in reaffirming their status and won", + "score": 0.7213060855865479 + }, + { + "id": "2866354", + "title": "Arthur Rowley", + "text": "again the following season, scoring 41 times in 42 games, 39 of these goals coming in the league, earning him the Second Division golden boot award. He scored a further 36 goals in the 1953\u201354 season helping fire Leicester to the Second Division title. However, Leicester lasted just one season in the First Division as they were relegated back to the second tier at the first attempt. A couple of seasons later, in 1956\u201357, Rowley broke the club record for the most goals in a season for the third time, scoring 44 times in 42 games (this record still stands", + "score": 0.7210272550582886 + }, + { + "id": "8840279", + "title": "Arthur Chandler (footballer)", + "text": "Arthur Chandler (footballer) Arthur Clarence Hillier Chandler (27 November 1895 \u2013 18 June 1984) was a professional footballer in the 1920s and 1930s. He is most famous at Leicester City, where he is the club's all-time record goal scorer, with 273 goals, though he also played for Queens Park Rangers and Notts County. As well as being Leicester's record goalscorer, Chandler also holds the club records for, scoring the most goals in a single top flight season (34, a record which he achieved twice), scoring the most top flight goals for the club (203), scoring the most hat-tricks or greater", + "score": 0.720146119594574 + }, + { + "id": "3048762", + "title": "Cristiano Ronaldo", + "text": "United on 12 January 2008, bringing United up to the top of the Premier League table. A month later, on 19 March, he captained United for the first time in a home win over Bolton, and scored both goals of the match. His second goal was his 33rd of the campaign, which bettered George Best's total of 32 goals in the 1967\u201368 season, thus setting the club's new single-season record by a midfielder. His 31 league goals earned him the Premier League Golden Boot, as well as the European Golden Shoe, which made him the first winger to win the", + "score": 0.7193314433097839 + }, + { + "id": "2029510", + "title": "Leicester City F.C.", + "text": "when he netted after just nine seconds against Preston North End in April 2006. Jamie Vardy broke the Premier League record for scoring 13 goals in 11 consecutive league games, in the 2015\u201316 Premier League season. Vardy is also the ninth player to score 20 top-flight goals in a season, following Arthur Chandler, Ernie Hine, Arthur Rowley, Jimmy Walsh, Ken Keyworth, Jackie Sinclair, Frank Worthington and Gary Lineker. Vardy's goal at Sunderland on 10 April 2016 saw him become the first player since Gary Lineker in 1984\u201385 to score 20 top flight goals for the club, having already become Leicester's", + "score": 0.7192140817642212 + }, + { + "id": "8840283", + "title": "Arthur Chandler (footballer)", + "text": "to score nearly 550 goals for the club between them and all three still sit among Leicester's top 5 goalscorers of all-time). In 1927\u201328 and 1928\u201329 as the club finished in its highest ever league finishes of 3rd and 2nd respectively, now in his mid 30s Chandler reached the top of his game, hitting 34 league goals in both seasons, still a club record for the most goals in a single season in the top flight. It was also at this time in which Chandler played his most famous game: On 20 October 1928 Chandler scored six goals against Portsmouth", + "score": 0.7183797955513 + }, + { + "id": "7956091", + "title": "Adam le Fondre", + "text": "Fulham. This also meant le Fondre clinched the record for most Premier League goals in a season as a substitute. On 14 May, he was named Reading F.C. Player of the Season. He also scored in Reading's 4\u20132 defeat at West Ham United on the final day of the season, when he turned in Nick Blackman's cross to equalize after coming off the bench at half time. This meant le Fondre ended the season with 14 goals, including 12 in the Premier League. On 3 August 2013, le Fondre scored on the opening day of the season at home to", + "score": 0.7172107696533203 + }, + { + "id": "14699638", + "title": "2001\u201302 Arsenal F.C. season", + "text": "the Football Writers' Association Footballer of the Year, with five votes separating himself from Ruud van Nistelrooy; he said it was \"a great honour\" to receive the award, adding: \"Times have been difficult with my injury, but this has given me something to smile about.\" For his goal against Newcastle United, Bergkamp received the Goal of the Season award, as voted by viewers of ITV's \"The Premiership\". Henry earned the Premier League Golden Boot, scoring 24 league goals \u2013 one more than van Nistelrooy, while Paul Burgess was named \"Premier League Groundsman of the Year\". \"[R]\" \u2013 Reserve team player", + "score": 0.7142497301101685 + }, + { + "id": "10042999", + "title": "2007\u201308 Premier League", + "text": "The Manchester United winger's 31 goals from 34 league appearances helped see off stiff opposition for this award from Arsenal's Emmanuel Adebayor and Fernando Torres of Liverpool. This was the first Premier League season that a player has scored more than 30 goals since Alan Shearer's 31-goal haul for Blackburn Rovers twelve years prior. Liverpool goalkeeper Pepe Reina claimed the Premier League Golden Glove award for the third season in succession. Clean sheets in 18 out of the 38 games meant Reina kept more clean sheets than any other goalkeeper in the top flight during the 2007\u201308 campaign. The Premier", + "score": 0.7140780687332153 + }, + { + "id": "8457830", + "title": "BBC Goal of the Season", + "text": "Twitter poll and the BBC Sport website. Jack Wilshere is the first player to win Goal of the Season in consecutive seasons (2013\u201314 and 2014\u201315) since the start of the Premier League. The 1987-88 competition was unique in that all 10 goals shortlisted were scored by Liverpool players. As of 2015-16, this is the only occasion where the contenders were made up entirely of goals scored by players for one club. For several years in the late 2000s, the winner was not subject to public vote due to the 2007 Phone-in scandals. The winning goal was instead decided by pundits", + "score": 0.7129197120666504 + }, + { + "id": "14552434", + "title": "Premier League Golden Boot", + "text": "goals scored to be bestowed the award, however, is 18 goals; this was achieved during the 1997\u201398 and 1998\u201399 seasons, when the award was shared between three players both times. The latter season marked the last time the Golden Boot was shared until 2010\u201311, when Dimitar Berbatov and Carlos Tevez both scored 20 goals that season to tie for the award. Harry Kane recorded the highest goals-to-games ratio to win the award, scoring 29 goals in 30 games in 2016\u201317 for a rate of 0.97. General Specific Premier League Golden Boot The Premier League Golden Boot is an annual association", + "score": 0.7129195928573608 + }, + { + "id": "690137", + "title": "Alan Shearer", + "text": "in the UEFA Cup that season, and scored in the second leg as Blackburn went out in the first round, losing to Trelleborgs FF of Sweden. His efforts for the club led to Shearer being awarded the PFA Players' Player of the Year for 1995. Although the club could not retain the title the following year, Shearer again ended the (now 38-game) season as Premier League top scorer, with 31 goals in 35 games, as Blackburn finished seventh in the league. The previous season's first-place finish also saw the club enter the Champions League. Shearer's only goal in six full", + "score": 0.7128090858459473 + }, + { + "id": "12274390", + "title": "Pierre-Emerick Aubameyang", + "text": "tallied 16 goals in Premier League play. According to Opta statistics, that gives him a minutes per goal ratio of 104.6, which sets the record for the best minutes per goal ratio in Premier League history (minimum 10 goals). Aubameyang became the first player to reach 10 goals in the Premier League, following a brace in Arsenal's 4-2 victory over Tottenham Hotspur in the North London derby. Aubameyang scored the Gunners' opening goal from the penalty spot and later, curled a shot past Hugo Lloris in the second-half; Aubameyang also grabbed an assist for Arsenal's fourth goal, which was Lucas", + "score": 0.7120943665504456 + }, + { + "id": "3475550", + "title": "Dixie Dean", + "text": "from his former clubs (Tranmere and Everton) and Liverpool F.C. When asked if he thought his record of scoring 60 goals in a season would be broken, Dean said: \"People ask me if that 60-goal record will ever be beaten. I think it will. But there's only one man who'll do it. That's the fellow that walks on the water. I think he's about the only one.\" In total, Dean scored 383 goals for Everton in 433 appearances\u2014an exceptional strike-rate which includes 37 hat-tricks. He was known as a sporting player, never booked or sent off during his career despite", + "score": 0.7119532823562622 + }, + { + "id": "2866359", + "title": "Arthur Rowley", + "text": "describes him as a \"record breaking football hero\". Fulham Leicester City Individual Arthur Rowley George Arthur Rowley Jr., (21 April 1926 \u2013 19 December 2002), nicknamed \"The Gunner\" because of his explosive left-foot shot, was an English football player and cricketer. He holds the record for the most goals in the history of English league football, scoring 434 from 619 league games. He was the younger brother of Manchester United footballer Jack Rowley. He was shortlisted for inclusion into the English Football Hall of Fame in 2008. He holds the club record for the most goals in a single season", + "score": 0.711652398109436 + }, + { + "id": "4106544", + "title": "Hughie Gallacher", + "text": "beaten 1\u20130 at St James\u2019 Park on 19 March before a then record crowd of 67,211. The goalscorer was Gallacher, still widely rated today as Newcastle's finest ever player. He scored 36 league goals in 38 appearances, still the highest number of league goals in one season by a Newcastle player In the 1927\u201328 season he scored 21 league goals in 32 appearances. In the 1928\u201329 season he scored 24 league goals in 33 appearances. In the 1929\u201330 season he scored 29 league goals in 38 appearances. Within a few months of coming to Newcastle he met and fell in", + "score": 0.7113535404205322 + }, + { + "id": "690152", + "title": "Alan Shearer", + "text": "last season saw him break Jackie Milburn's 49-year-old record of 200 goals for Newcastle United (not including his 38 World War II Wartime League goals) when he netted his 201st strike in a home Premier League fixture against Portsmouth on 4 February 2006, becoming the club's highest-ever league and cup competition goalscorer with 206 goals altogether. On 17 April 2006, with three games remaining in his final season as a player, Shearer suffered a tear to the medial collateral ligament in his left knee after a collision during the 4\u20131 win at Sunderland in which he scored his 206th goal", + "score": 0.7113425135612488 + }, + { + "id": "4611291", + "title": "George Camsell", + "text": "George Camsell George Henry Camsell (27 November 1902 \u2013 7 March 1966) was an English footballer who scored a club record 325 league goals in 419 games for Middlesbrough, and 18 goals in 9 appearances for England. His 59 goals in one season (1926\u201327) for Middlesbrough was a Football League record at the time, and has only ever be bettered within the English game by Dixie Dean of Everton in 1927-28. He also holds the highest goals-to-games ratio for England of anyone who has played more than a single international. Born in Framwellgate Moor, Durham City in 1902, Camsell worked", + "score": 0.7111942768096924 + }, + { + "id": "13070976", + "title": "Lesley Manyathela Golden Boot", + "text": "after he scored 22 goals for Bush Bucks in the inaugural Premier Division season. He is one of only four players to have scored 20 or more goals in a season alongside Pollen Ndlanya, Collins Mbesuma and Siyabonga Nomvethe. Mbesuma holds the record for the most goals scored in a single season following his return of 25 goals for Kaizer Chiefs in the 2004\u201305 season. He is also the only player to have won the award more than once, having claimed the trophy for a second time during his spell with Mpumalanga Black Aces in 2016. Bernard Parker holds the", + "score": 0.710922360420227 + }, + { + "id": "12163386", + "title": "1994\u201395 Manchester United F.C. season", + "text": "Collymore, United broke the national transfer record on 10 January 1995 in a \u00a37 million deal to sign 23-year-old striker Andy Cole from Newcastle United. Cole, who was the Premier League's top scorer in 1993\u201394 with 34 goals and had already managed nine in 1994\u201395, cost United \u00a36 million in cash, with \u00a31 million-rated winger Keith Gillespie moving in the opposite direction. Five days later, the two sides met at St James' Park in the league, but neither player turned out for their new side in the game which ended in a 1\u20131 draw. United had gone ahead with an", + "score": 0.7108156085014343 + }, + { + "id": "3071888", + "title": "2004\u201305 FA Premier League", + "text": "Johnson(Poka) Chelsea midfielder Frank Lampard won this award. Chelsea's midfielder Frank Lampard won the Premier League Player of the Season award. Arsenal and French striker Thierry Henry won the Premier League Golden Boot award for the third time in his career with an impressive 25 goals. Chelsea goalkeeper Petr \u010cech won the Premier League Golden Glove, for 24 clean sheets, in his debut season as he set a remarkable record of 10 consecutive clean sheets, as Chelsea won the title. Jos\u00e9 Mourinho was awarded the Premier League Manager of the Season award after he led Chelsea to their first Premier", + "score": 0.7107256650924683 + }, + { + "id": "6657502", + "title": "1992\u201393 in English football", + "text": "Paul McGrath. Gary Pallister played every minute of Manchester United's title-winning Premier League campaign. No other player matched that feat until the 2014\u201315 season, more than two decades later. Coventry signed Newcastle striker Micky Quinn for a nominal fee in November, and he responded by scoring 17 Premier League goals (the first 10 in 6 games) to keep the Sky Blues clear of relegation. Striker Les Ferdinand established himself as one of the country's top marksmen with more than 20 goals in all competitions for Queens Park Rangers. Alan Shearer scored 16 goals in his first 21 Premier League games", + "score": 0.7104461193084717 + }, + { + "id": "6723744", + "title": "1994\u201395 in English football", + "text": "Alan Shearer was the English league's top scorer with 34 Premiership goals for champions Blackburn Rovers. 20-year-old Robbie Fowler collected a League Cup winner's medal with Liverpool as well as the PFA Young Player of the Year award, following another season of strong goalscoring, and teammate Steve McManaman capped the cup final with a man of the match display in a season where he charted 20 assists in the league. Peter Schmeichel established himself as a world-class goalkeeper by conceding just 4 goals in 18 home Premiership fixtures with Manchester United. Stan Collymore scored 22 Premiership goals for Nottingham Forest", + "score": 0.7103124856948853 + }, + { + "id": "8811657", + "title": "Peter Simpson (Scottish footballer)", + "text": "transfer away from Selhurst Park seemed certain. However, the Palace directors put a huge price-tag on his contract, and no move came. He finished the season, and improved on his record up until March, finally having netted 36 times in 34 games. In the 1930-31 season, he achieved a Palace record, scoring six goals in a 7-2 win over Exeter City, in a Division Three South fixture. He would go on to score 46 goals that season, a Palace record that still stands. In his first five Palace seasons, Simpson topped the goalscoring charts every time, another unbeaten record. In", + "score": 0.7100632190704346 + }, + { + "id": "14979565", + "title": "Son Heung-min", + "text": "with over 20 goals on the season. Son scored his first goal of the 2017\u201318 season in the UEFA Champions League game against Borussia Dortmund on 13 September 2017 at Spurs temporary home Wembley Stadium, which Spurs won 3\u20131. He scored his first Premier League goal of the season when Spurs beat Liverpool 4\u20131 at home. On 5 November 2017, Son scored the only goal in the 1\u20130 win against Crystal Palace. The goal brought his tally in the Premier League to 20 and in doing so he became the top Asian goalscorer in Premier League history, breaking the record", + "score": 0.7097275257110596 + }, + { + "id": "10788088", + "title": "Ernie Morgan", + "text": "Ernie Morgan Ernest Morgan (13 January 1927 \u2013 3 October 2013) was an English professional Association football player and manager. He spent the bulk of his career with Gillingham, where he set a record for the highest number of goals scored in a single season which still stands. Born in Royston, Morgan worked as a miner from the age of 14 and played for his colliery football team, leading them to a Sheffield Senior Cup win shortly after World War II, the first time a works team had won the cup. Morgan initially turned down the chance to turn professional,", + "score": 0.7088019847869873 + }, + { + "id": "690147", + "title": "Alan Shearer", + "text": "notched up 23 goals. Shearer suffered an injury-hit and frustrating season in the 2000\u201301 season, having retired from international football after the UEFA Euro 2000 tournament to focus on club football. He managed only five goals in 19 games in the league. The 2001\u201302 season was much better though; Shearer bagged 23 goals in 37 league games as Newcastle finished fourth \u2014 their highest standing since 1997 \u2014 meaning they would qualify for the following season's Champions League competition. One of the most memorable incidents of the season saw Roy Keane sent off after a confrontation with Shearer during Newcastle's", + "score": 0.7084922790527344 + }, + { + "id": "15801368", + "title": "Premier League Player of the Season", + "text": "Month and Player of the Season awards were only first bestowed during the 1994\u201395 season. The first Player of the Season award was given to Blackburn Rovers striker Alan Shearer, who won the Premier League title with his team and the Golden Boot that season. Thierry Henry, Cristiano Ronaldo and Nemanja Vidi\u0107 have been Player of the Season on two occasions each and are the only players to have won the award more than once, with Ronaldo having achieved this in consecutive years (2007 and 2008). Eight players were the Premier League's leading goalscorer and won the Golden Boot alongside", + "score": 0.7084438800811768 + }, + { + "id": "8698835", + "title": "Dave Halliday", + "text": "the North, scoring at least 35 league goals in each of the four full seasons he spent at Sunderland. His 43 goals in 1928\u201329 made him top scorer in England's top division that season. This tally remains Sunderland's highest number of league goals scored by a player during a season. Halliday hit his first 100 goals for Sunderland in just 101 games. Halliday is the only goalscorer in top-flight football in England to have scored more than 30 goals in four consecutive seasons. Halliday as well has a strike rate or goals to games ratio of 0.943 which is the", + "score": 0.7079429030418396 + }, + { + "id": "12212918", + "title": "2003\u201304 Arsenal F.C. season", + "text": "in a 4\u20134\u20132 formation throughout the season, with two wide midfielders. Tour\u00e9 featured in 55 matches \u2013 the most of any Arsenal player in the campaign and Lehmann started in all 38 league matches. The team scored a total of 114 goals in all competitions. The highest scorer was Henry, with 39 goals, followed by Pires who scored 19 goals. Three of Arsenal's goals in the 2003\u201304 season (Henry against Manchester City and Liverpool, Vieira against Tottenham Hotspur) were shortlisted for Goal of the Season by viewers of ITV's \"The Premiership\". Five Arsenal players were sent off during the season:", + "score": 0.7077988386154175 + }, + { + "id": "13747337", + "title": "2010\u201311 Premier League", + "text": "Dimitar Berbatov (Manchester United) The PFA Young Player of the Year was awarded to Jack Wilshere. The FWA Footballer of the Year was awarded to Scott Parker. Dimitar Berbatov of Manchester United and Carlos Tevez of Manchester City shared the Premier League Golden Boot this season, both finishing with 20 goals. Berbatov's 20 goals came in 32 appearances, with Tevez's 20 goals coming in 31 appearances. This was the first time either player had won the award, and the first time it had been shared since the 1998\u201399 season. The Premier League Golden Glove award was won by Joe Hart", + "score": 0.7075443267822266 + }, + { + "id": "18044098", + "title": "2014\u201315 Chelsea F.C. season", + "text": "(262 days) had been at the top of the table for longer in a single campaign. Due to the Blues securing the title against Palace, Chelsea spent 274 days at the top of the table and set a new record. Mourinho continued his unbeaten run against Liverpool after drawing 1\u20131. The Blues goal came from Terry, who broke the record for the most goals by a defender in Premier League history. The Blues last away game of the year was a 0\u20133 defeat at West Brom. However, the game made no difference to either of the teams' league positions, yet", + "score": 0.7073719501495361 + }, + { + "id": "7585732", + "title": "Bruce Dyer", + "text": "Birmingham City on 27 February 1996. Palace were relegated back to the First Division for the 1995\u201396 season and he scored 13 goals in 35 league appearances. The next season saw Palace earn promotion back to the Premier League, with Dyer being top scorer with 18 goals in 51 appearances. Dyer's second and final hat-trick for Palace was in a 3\u20130 victory over Leicester City in the FA Cup on 24 January 1998. He finished as top scorer for the second successive season after scoring eight goals in 30 appearances in the 1997\u201398 season as", + "score": 0.7069907188415527 + }, + { + "id": "6657501", + "title": "1992\u201393 in English football", + "text": "win their first league title for 26 years. Teddy Sheringham was the new Premier League's top scorer with 22 goals. He scored once for Nottingham Forest and was then transferred to Tottenham Hotspur, opening his goalscoring account with the club by scoring 21 league goals. Chris Waddle was voted FWA Footballer of the Year after helping Sheffield Wednesday reach both domestic cup finals. Guy Whittingham scores a club record 42 league goals during the season for Portsmouth. He was on target 46 times in all competitions. The PFA Players' Player of the Year award went to experienced Aston Villa centre-back", + "score": 0.7067967057228088 + }, + { + "id": "2464254", + "title": "Ian Rush", + "text": "that season. Rush also added the Football Writers Footballer of the Year to the PFA award he had already claimed \u2013 the same feat that his strike partner Kenny Dalglish had achieved a year earlier. He scored 47 goals in 65 games (making him the highest goalscorer in all competitions for any professional club that season), a goal every 1.4 matches, as Liverpool finished three points clear of closest rivals Southampton in the League. They beat derby rivals Everton 1\u20130 in the replayed final of the League Cup (after a 0\u20130 draw in the first ever all-Merseyside final). They also", + "score": 0.7062132358551025 + }, + { + "id": "17273205", + "title": "2013\u201314 Liverpool F.C. season", + "text": "2013\u201314 Liverpool F.C. season The 2013\u201314 season was Liverpool Football Club's 122nd season in existence, and their 51st consecutive season in the top flight of English football. It was also the club's 22nd consecutive season in the Premier League. As well as the Premier League, the club competed in the FA Cup and the League Cup. Liverpool enjoyed a memorable season, scoring 101 league goals, the highest number of goals scored by a Premier League runner-up and also the third highest number of goals ever scored by the club in the top flight. Luis Su\u00e1rez finished as the league's top", + "score": 0.7059735059738159 + }, + { + "id": "16513405", + "title": "2012\u201313 Manchester United F.C. season", + "text": "2012\u201313 Manchester United F.C. season The 2012\u201313 season was Manchester United's 21st season in the Premier League, and their 38th consecutive season in the top flight of English football. United's season began on 20 August 2012 with the first game of the Premier League campaign. After narrowly missing out on goal difference the previous season, they won an unprecedented 20th English top-flight title on 22 April 2013 with a win over Aston Villa at Old Trafford, in which top scorer Robin van Persie scored a hat-trick, finishing the season with 26 league goals and 30 goals in all competitions. United", + "score": 0.7054052352905273 + }, + { + "id": "14548170", + "title": "2008\u201309 Leicester City F.C. season", + "text": "Leicester also broke club records for the most points ever gained in a season (96), the most league wins ever gained in a season (27) and the fewest league defeats in a season (4), the latter record especially impressive considering the amount of league seasons Leicester have had to play fewer than 46 games. Matty Fryatt also became the first Leicester player to score over 30 goals in one season since legendary striker Arthur Rowley, 52 years previously. Leicester City retained the previous season's home kit. A yellow away kit and a black third kit were also used. The kits", + "score": 0.7049524784088135 + }, + { + "id": "15918470", + "title": "1988\u201389 Arsenal F.C. season", + "text": "Thomas scored the all-important second goal. 17 different players represented Arsenal in four competitions and there were 14 different goalscorers. Arsenal's top goalscorer was Alan Smith, who scored 25 goals in 46 appearances. Smith and David Rocastle were the only Arsenal representatives in the PFA Team of the Year. Forward Paul Merson was named the PFA Young Player of the Year, an award voted for by his fellow peers. Once the league season finished, Arsenal players and staff paraded the trophy before a crowd of 250,000 on their way to a civic reception. In May 1986, George Graham was appointed", + "score": 0.704886794090271 + }, + { + "id": "10762111", + "title": "2005\u201306 Manchester United F.C. season", + "text": "better in the FA Cup, reaching the Fifth Round, but their real success came in the League Cup, in which they beat Wigan Athletic 4\u20130 in the final. United became the first club in Premier League history to score 1,000 goals, a milestone reached on 29 October in the 4\u20131 defeat to Middlesbrough at the Riverside, with Cristiano Ronaldo scoring the goal. The 2005\u201306 season also saw the departure of club captain Roy Keane, who had been at Old Trafford since 1993. Keane played his last game for the club on 18 September 2005 in a goalless draw with Liverpool,", + "score": 0.7048282027244568 + }, + { + "id": "3357824", + "title": "James Beattie (footballer)", + "text": "form at the end of September 2001, and he ended 2001\u201302 with an impressive total of 14, despite a two-month spell on the sidelines, the result of an ankle injury which he sustained in a match against Manchester United in January 2002. In 2002\u201303, Beattie scored 23 league goals, making him the third-highest Premiership goalscorer (and the highest English goalscorer) for that season. His fine form helped Southampton reach the 2003 FA Cup Final, their first since victory in 1976. Southampton lost 1\u20130 to Arsenal and Beattie had to settle for a runners-up medal. He eventually left Southampton in January", + "score": 0.7046040296554565 + }, + { + "id": "3062044", + "title": "Robbie Keane", + "text": "the 2006\u201307 season against Manchester City scoring the first goal in a 2\u20131 victory that saw Tottenham secure fifth place in the league. He signed a new five-year contract with Tottenham on 28 May 2007. On 26 December 2007, he became the thirteenth player in the history of the league to score 100 Premier League goals. 2007 proved to be a remarkable year for the striker with a total of 31 goals and 13 assists from just 40 starts. His tally of 19 league goals in the calendar year was the highest of any player in the Premier League throughout", + "score": 0.7032300233840942 + }, + { + "id": "4611294", + "title": "George Camsell", + "text": "Jimmy Cookson's haul of 44 (for Chesterfield in 1925\u201326). 59 remains the second-highest number of league goals scored and the equal highest number in all competitions in one English league season, behind Dixie Dean's 60 league and 100 total a year later. Camsell was Middlesbrough's top scorer in each of his first ten full seasons, and he bagged at least 30 in each of the first five as well as the tenth. Between 1925 and 1939, Camsell scored 345 goals in 453 games for Middlesbrough, including 325 league goals, (the fifth-highest English total of all-time). His goals included 24 hat-tricks", + "score": 0.7028518915176392 + }, + { + "id": "14060031", + "title": "Premier League 10 Seasons Awards", + "text": "same year became the youngest player to score a Football League hat-trick at age 17. In July 1992, just before the inaugural Premier League season, Shearer moved to Blackburn for a then domestic record transfer fee of \u00a33.3m, making his d\u00e9but two days after his 22nd birthday. After scoring 31 league goals in the 1993\u201394 season in which Blackburn finished in second place, Shearer was named Player of the Year by the Football Writers' Association in May 1994. The following season in 1994\u201395 Blackburn became League Champions for the first time in 81 years, and Shearer was voted the Players'", + "score": 0.702485203742981 + }, + { + "id": "18462197", + "title": "Mike Fletcher", + "text": "for most goals and points in a single season, scoring 450 points (including 199 goals) in 1989\u201390. He left the club in 1998 and joined Hunslet Hawks. At representative level, Fletcher played twice for Great Britain under-21s in 1988, and played in a Humberside XIII against Papua New Guinea in 1991. Mike Fletcher Mike Fletcher (born 14 April 1967) is an English former professional rugby league footballer who played as a , or . He spent almost his entire club career at Hull Kingston Rovers, and is the club's record point scorer. He also played for Hunslet Hawks. At representative", + "score": 0.7020628452301025 + }, + { + "id": "10785054", + "title": "1991\u201392 Blackpool F.C. season", + "text": "ended, after just over a year, with a defeat by Crewe Alexandra on 23 November. Dave Bamber was the club's top scorer for the second consecutive season, with 36 goals (28 in the league, one in the play-offs, one in the FA Cup and six in the League Cup, the latter including a hat-trick against Mansfield). The six goals Blackpool scored against Aldershot were expunged from the record books when the latter went out of business in March 1992, hence only 71 of Blackpool's actual 77 league goals scored in the 1991-92 season are accounted for in the table below.", + "score": 0.7018811702728271 + }, + { + "id": "17366468", + "title": "Gu\u0308nter Pro\u0308pper", + "text": "scored five goals in a game against SpVgg Erkenschwick, and in October 1971, Wuppertal had an away match against Pr\u00f6pper's former club Rot-Weiss Essen. He went on to score four times in an eventual 5\u20130 win, and received a standing ovation from both sets of supporters as he was substituted. By the end of the season, Pr\u00f6pper had scored a total of 52 goals in 34 league games \u2013 a record in German professional football for most goals in one season, and a further eight goals in the \"Aufstiegsrunde\" as Wuppertal won promotion to the Bundesliga. Pr\u00f6pper scored 21 goals", + "score": 0.701833963394165 + }, + { + "id": "10466869", + "title": "2007\u201308 Arsenal F.C. season", + "text": "the team going on a run of four draws in the Premier League. Manchester United soon overtook them in first and defeat to Chelsea in March moved Arsenal down in third place, where they remained at the end of the season. Thirty-two different players represented the club in four competitions, and there were 16 different goalscorers. Emmanuel Adebayor was Arsenal's top goalscorer in the 2007\u201308 season, scoring 30 goals in 48 appearances. The previous season was a transitional period for Arsenal. The club transferred a number of first-team players such as defenders Sol Campbell and Lauren to Portsmouth and winger", + "score": 0.7018240094184875 + }, + { + "id": "2866348", + "title": "Arthur Rowley", + "text": "Arthur Rowley George Arthur Rowley Jr., (21 April 1926 \u2013 19 December 2002), nicknamed \"The Gunner\" because of his explosive left-foot shot, was an English football player and cricketer. He holds the record for the most goals in the history of English league football, scoring 434 from 619 league games. He was the younger brother of Manchester United footballer Jack Rowley. He was shortlisted for inclusion into the English Football Hall of Fame in 2008. He holds the club record for the most goals in a single season at both Leicester City and Shrewsbury Town, scoring 44 goals in 42", + "score": 0.7018136382102966 + }, + { + "id": "17231241", + "title": "2013\u201314 Manchester City F.C. season", + "text": "156 goals in all competitions, breaking the previous goal aggregate record of 143 goals set by Manchester United in 1956\u201357. Their 100th Premier League goal of the season was scored in the 4\u20130 victory over Aston Villa on 7 May 2014. This was the first time City had scored more than 100 league goals in the top English division in a season since 1957\u201358. Coincidentally, their 100th goal was notable for another reason, as it became the first goal in all of English league football to be decided via the Hawk-Eye system, which had been rolled out for use in", + "score": 0.7012280225753784 + }, + { + "id": "5660736", + "title": "Ukrainian Premier League", + "text": "Shatskikh winning the top single season scorer title twice in 1999\u20132000 and 2002\u201303, Rebrov once in 1997-98. Since the first Ukrainian Premier League season in 1992, 22 different players have won or shared the top scorer's title. Only four players have won the title more than once, Tymerlan Huseynov, Maksim Shatskikh, Yevhen Seleznyov and Alex Teixeira. Henrikh Mkhitaryan holds the record for most goals in a season (25), Serhiy Rebrov and Maksim Shatskikh are the only two players to score at least 20 goals twice. The most prolific all-time scorers are Ivan Hetsko and Viktor Leonenko, respectively attaining 0.59 and", + "score": 0.7011423110961914 + }, + { + "id": "5085239", + "title": "Tony Cottee", + "text": "he helped Leicester defeat Tranmere Rovers 2\u20131 in the Football League Cup final. That season he scored 13 league goals, which remained the most Premier League goals scored by a Leicester player in a single season until the 2015\u201316 season, when Jamie Vardy surpassed his total. He remained at Filbert Street until 11 September 2000, by which time he had played a total of 85 league games for the Foxes and scored 27 goals. This brought his total career tally to 214 goals in the English top division, making him the 17th highest goal scorer in the history of English", + "score": 0.7010939121246338 + }, + { + "id": "1721193", + "title": "Thierry Henry", + "text": "In terms of goal-scoring awards, Henry was the European Golden Boot winner in 2004 and 2005 (sharing it with Villarreal's Diego Forl\u00e1n in 2005). Henry was also the top goalscorer in the Premier League for a record four seasons (2002, 2004, 2005, 2006). In 2006, he became the first player to score more than 20 goals in the league for five consecutive seasons (2002 to 2006). With 175, Henry is currently fifth in the list of all-time Premier League goalscorers, behind Alan Shearer, Andy Cole, Wayne Rooney and Frank Lampard. All of his Premier League goals were for Arsenal, giving", + "score": 0.7009735107421875 + }, + { + "id": "7128573", + "title": "1987\u201388 in English football", + "text": "draw at Chelsea, a result that sends their opponents into the relegation play-offs. 9 May 1988 \u2013 Liverpool finish their League campaign with a 1\u20131 draw against Luton Town. John Aldridge finishes the season as the First Division's top scorer with 27 league strikes for Liverpool, and 30 in all competitions. Brian McClair of Manchester United, the division's next highest scorer, scores twice against Wimbledon to take his league tally to 24. 10 May 1988 \u2013 Tottenham Hotspur sell striker Clive Allen to Bordeaux of France for \u00a31 million. 75-year-old Portsmouth chairman John Deacon sells the club to Jim Gregory", + "score": 0.7003847360610962 + }, + { + "id": "12212854", + "title": "2003\u201304 Arsenal F.C. season", + "text": "of April, they were eliminated from the FA Cup and Champions League, but by the end of the month had secured their status as league champions, with a 2\u20132 draw against local rivals Tottenham Hotspur. 34 different players represented the club in five competitions and there were 15 different goalscorers. Arsenal's top goalscorer for the third year running was Thierry Henry, who scored 39 goals in 51 games. The Frenchman was given the accolade of PFA Players' Player of the Year by his fellow peers and the FWA Footballer of the Year by football writers. Although the Arsenal team were", + "score": 0.7002719640731812 + }, + { + "id": "776773", + "title": "Tranmere Rovers F.C.", + "text": "having scored six goals in the 11\u20131 victory over Durham City \u2013 went to Aston Villa for \u00a34,700. Waring retains the record of scoring most goals for Villa in a single season. In 1934, an FA Cup tie between Rovers and Liverpool was watched at Anfield by 61,036 fans, then a record crowd for a game involving Rovers. One year later, Bunny Bell netted 57 goals during the 1933\u201334 season, and nine goals in the 13\u20134 Boxing Day 1935 victory over Oldham Athletic. As of 2011, the aggregate of 17 goals in one game remains a league record. During this", + "score": 0.6991005539894104 + }, + { + "id": "10619912", + "title": "2007\u201308 Manchester United F.C. season", + "text": "retro kit reminiscent of the kit worn by the 1958 team, abandoning squad numbers in favour of a 1\u201311 numbering system. United's players were also successful on an individual level in the 2007\u201308 season, with three players in the PFA Premier League Team of the Year, while Cristiano Ronaldo picked up six individual awards, including the Premier League Golden Boot for his 31 league goals. United began their pre-season in July 2007 with a tour of the Far East where they played Urawa Red Diamonds, FC Seoul, Shenzen FC and Guangzhou Pharmaceutical; they went undefeated throughout the entire tour, winning", + "score": 0.6984552145004272 + }, + { + "id": "12004757", + "title": "2008\u201309 Manchester United F.C. season", + "text": "from Paul Scholes out on the left wing. He then took the ball round a sliding Carlton Cole and cut into the box, before curling a shot through a narrow gap and past Robert Green's outstretched left hand for the first goal of the game. The goal meant that Giggs maintained his record of having scored in every season of the Premier League since its inception. Cristiano Ronaldo was denied a penalty in the dying minutes of the game after he was tripped by Lucas Neill, and then he smashed a free kick into the chest of Scott Parker, but", + "score": 0.6978975534439087 + }, + { + "id": "14806375", + "title": "1998\u201399 Arsenal F.C. season", + "text": "the campaign. Overmars featured in 49 matches \u2013 the most of any Arsenal player in the campaign. Vivas made the most appearances as a substitute with 18. The team scored a total of 82 goals in all competitions. The highest scorer was Anelka, with 19 goals, followed by Bergkamp who scored 16 goals. Three Arsenal players were sent off during the season: Dixon, Keown and Petit (twice). No. = Squad number Pos = Playing position Nat. = Nationality Apps = Appearances GK = Goalkeeper DF = Defender MF = Midfielder FW = Forward \"Numbers in parentheses denote appearances as substitute.", + "score": 0.6975520253181458 + }, + { + "id": "6626723", + "title": "2007\u201308 in English football", + "text": "by the FA on 17 December 2007, and took up his new role on 7 January 2008. The home team is listed on the left; the visiting one on the right. Manchester United were crowned league champions for the second year in succession, the tenth time in the history of the Premier League and the 17th time overall. They also won the European Cup/UEFA Champions League for the third time, and Cristiano Ronaldo finished as the league's top scorer with 31 goals. While all three of their main rivals kept the battle for the title close, Chelsea had the more", + "score": 0.6973866820335388 + }, + { + "id": "15670338", + "title": "Tom Keetley", + "text": "of Notts County, of scoring the most goals in a season \u2013 39 in 34 league games \u2013 and ten hat-tricks in four seasons. He left Notts in 1933 to join Lincoln City, having scored 94 goals in 103 league appearances and four goals in seven FA Cup ties. He played just 10 games for Lincoln in 1934 before briefly moving onto non-league Gresley Rovers in 1934, and then Heanor Town. He is 29th in the all-time top scorers list in league football in England and Scotland having the 9th highest goals per game ratio of 0.75. As of June", + "score": 0.6972633004188538 + }, + { + "id": "6723750", + "title": "1994\u201395 in English football", + "text": "an increase of 25,641 from the previous season. The attendance at the Final was 79,592. The five-year revival of Blackburn Rovers under the ownership of Jack Walker paid off as they were crowned Premiership champions and finished top of the English league for the first time in 81 years. A key force in the title glory was striker Alan Shearer, who scored 34 League goals and was named PFA Players' Player of the Year. His strike partner Chris Sutton also had a major influence on Blackburn's success, as did captain Tim Sherwood and defenders Colin Hendry and Graeme Le Saux.", + "score": 0.6969794034957886 + }, + { + "id": "3878174", + "title": "Nicolas Anelka", + "text": "set up another in a 4\u20131 away win against former club Arsenal. Anelka did not celebrate the goal which he scored in the game, as he disclosed \"he still loved Arsenal\". A goal in Chelsea's final Premier League game of the season at Sunderland put him as top goal scorer for the season in the Premier League, earning him the Golden Boot with 19 goals. Anelka scored his first goal of the 2009\u201310 season against West London rivals Fulham in a 2\u20130 win at Craven Cottage, before continuing his fine form with the opening goal in Chelsea's 3\u20130 win over", + "score": 0.6967645287513733 + }, + { + "id": "2428039", + "title": "Matt Le Tissier", + "text": "was one of the league's top goalscorers with 20 goals as Southampton finished seventh in the First Division, the club's highest finish for five years. Le Tissier's highest scoring league season was 1993\u201394, when he scored 25 league goals. The following season he won the Match of the Day Goal of the Season award for his drifting 40-yard chip against Blackburn Rovers, scoring against his long term friend, and former Southampton keeper, Tim Flowers. Le Tissier's goal tally for the season regularly went well into double figures for the league alone throughout the 1990s, playing a major role in Southampton", + "score": 0.6964644193649292 + }, + { + "id": "1721156", + "title": "Thierry Henry", + "text": "151, breaking Arsenal legend Cliff Bastin's league goals record. Henry scored his 100th league goal at Highbury, a feat unparalleled in the history of the club, and a unique achievement in the Premier League. On the final day of the Premier League season, Henry scored a hat-trick against Wigan Athletic in the last ever match played at Highbury. He completed the season as the league's top goalscorer, was voted the FWA Footballer of the Year for the third time in his career, and was selected in the FIFA World XI. Nevertheless, Arsenal failed to win the Premier League title again,", + "score": 0.69636470079422 + }, + { + "id": "9088422", + "title": "Luis Sua\u0301rez", + "text": "the PFA Player of the Year award for the second consecutive season. On 27 April, he won the award, becoming the first non-European to win the award. On 5 May 2014, Su\u00e1rez was named as the Football Association Writers Player of the Year. He finished the season with 31 goals in 33 matches, winning the Premier League Golden Boot, with Sturridge as runner-up, as Liverpool came second in the league and returned to the UEFA Champions League. Su\u00e1rez also won the Barclay's Premier League Player of the Season award. As the Premier League's top scorer with 31 goals, he also", + "score": 0.6962510347366333 + }, + { + "id": "2362423", + "title": "Crystal Palace F.C.", + "text": "against Chelsea on 31 March 1973. Cannon's last game was on 7 May 1988, a home win against Manchester City. Peter Simpson holds the record for the most goals scored in a season, 54 in the 1930\u201331 season in Division Three (South). Simpson, who signed for the club from Kettering Town, is also the top scorer over a career \u2013 165 between 1929 and 1935. Wayne Hennessey holds the club record for most international caps. Crystal Palace hold a number of records and achievements. They were inaugural champions of the newly formed Third Division in 1920\u201321, which was also their", + "score": 0.6961466670036316 + }, + { + "id": "2337159", + "title": "Burnley F.C.", + "text": "is George Beel, who scored 187 goals from 1923 to 1932. He also holds the record for the most league goals scored in a season, 35 in the 1927\u201328 season in the Football League First Division. Bert Freeman has scored the most goals in all official, competitive competitions in a single season, scoring 36 goals in the Football League Second Division and FA Cup in 1912\u201313. As of August 2018, Jimmy McIlroy is the most capped player while playing at Burnley, making 51 appearances for Northern Ireland between 1951 and 1962. The first Burnley player to be capped was forward", + "score": 0.6961196660995483 + }, + { + "id": "15240822", + "title": "Harry Kane", + "text": "he scored his 50th goal for Tottenham in a 2\u20132 draw against Leicester in the third round of the FA Cup. Kane was Premier League Player of the Month for the third time in March 2016, after scoring five goals in four games, including one in the North London derby. After scoring his 22nd league goal of the season in a 1\u20131 draw against Liverpool at Anfield on 2 April, Kane became the club's highest goalscorer in a single Premier League season, with six games of the season remaining. Kane ended the season winning the Premier League Golden Boot, finishing", + "score": 0.6960804462432861 + }, + { + "id": "12022108", + "title": "2008\u201309 Liverpool F.C. season", + "text": "they finished four points behind in second place. Twenty-six different players represented the club in four competitions, and there were 16 different goalscorers. Liverpool's top goalscorer was Steven Gerrard, who scored 24 goals in 44 matches. Defender Jamie Carragher made the most appearances during the season with 54. The 2007\u201308 season was unsuccessful for Liverpool. Despite new signing Fernando Torres scoring 33 goals in all competitions, including 24 in the Premier League, Liverpool finished in fourth place, 11 points behind eventual winners Manchester United. The club fared little better in the cup competitions. They exited the FA Cup in the", + "score": 0.6959106922149658 + }, + { + "id": "16431164", + "title": "Mohamed Salah", + "text": "goalscorer in a single season, behind Ian Rush. He had previously also broken the club's record for the Premier League era, surpassing Robbie Fowler's total of 36 goals set in the 1995\u201396 campaign, and Fernando Torres' record of 33 for the most goals by a Liverpool player in a debut season. After his two goals and assists in the first leg against Roma, Salah featured in the second leg as Liverpool beat Roma 6\u20137 on aggregate to qualify for the final for the first time in eleven years. He would then become the Premier League's all-time goalscorer for a 38", + "score": 0.6953864097595215 + }, + { + "id": "12946389", + "title": "2009\u201310 Premier League", + "text": "2009\u201310 Premier League The 2009\u201310 Premier League (known as the Barclays Premier League for sponsorship reasons) was the 18th season of the Premier League since its establishment in 1992. A total of 20 teams competed in the league, with Chelsea unseating the three-time defending champions Manchester United, scoring a then Premier League record 103 goals in the process. The season began on 15 August 2009 and concluded on 9 May 2010. Prior to each opening week match, a minute's applause was held in memory of Sir Bobby Robson. Nike provided a new match ball \u2013 the T90 Ascente \u2013 for", + "score": 0.695324182510376 + }, + { + "id": "15008569", + "title": "2005\u201306 Charlton Athletic F.C. season", + "text": "the English national side (the job eventually went to Middlesbrough's Steve McLaren). Curbishley was replaced by Iain Dowie, who infamously left South London rivals Crystal Palace, claiming he wanted to be closer to his family in Bolton - only to join the Addicks. Striker Darren Bent, signed from Championship side Ipswich Town, made a significant impact in his first full Premiership season, scoring 18 goals (22 in all competitions) to finish as the third highest scorer in the league and the highest scoring Englishman. Unfortunately for him his prolific scoring was not enough for him to make England's World Cup", + "score": 0.6952238082885742 + }, + { + "id": "10042993", + "title": "2007\u201308 Premier League", + "text": "first goal of the season was scored by Michael Chopra, who scored a 94th-minute winner for Sunderland against Tottenham in the early kick-off. The first red card of the season was given to Reading's Dave Kitson after a challenge on Patrice Evra in their opening game against Manchester United. The first hat-trick was scored by Emmanuel Adebayor in the match between Arsenal and Derby County. On 29 September 2007, Portsmouth beat Reading 7\u20134 in the highest-scoring match in Premier League history. On 15 December 2007, both Roque Santa Cruz (Blackburn Rovers) and Marcus Bent (Wigan Athletic) scored hat-tricks during Wigan's", + "score": 0.6948729753494263 + }, + { + "id": "3242316", + "title": "Frank Lampard", + "text": "on 25 April 2010. This milestone also represented the first time he had hit 25 in all competitions in a season. On 2 May, Lampard scored against Liverpool in the second last game of the season to give Chelsea a vital three points that took them to the top of the league by a single point. He scored one and assisted two other goals in the final match of the season where Chelsea thrashed Wigan Athletic 8\u20130 at Stamford Bridge to win the 2009\u201310 Premier League title and give him a remarkable 27 goals in the season. Lampard ended his", + "score": 0.6948410272598267 + }, + { + "id": "5068798", + "title": "Tonbridge Angels F.C.", + "text": "a 2\u201311 loss at Folkestone in the Kent Senior Cup had given the club its record defeat. The biggest win at Longmead Stadium was on 5 September 2017 when the Angels defeated Herne Bay 10-1 in the Isthmian League Cup. Kevin McCurley had held the record for goals in a season for 45 years, having amassed 40 goals in 1961\u201362. His record was finally beaten by prolific striker Jon Main who scored 44 goals. This tally included seven hat-tricks which was a record for trebles in a season, and also equalled the record for career hat-tricks set by Jimmy Constantine", + "score": 0.6947208642959595 + }, + { + "id": "4258397", + "title": "1993\u201394 FA Premier League", + "text": "was followed by a slump in form, and manager Howard Kendall stepped down at the beginning of December with the Toffees now in the bottom half of the table. They only narrowly avoided relegation on the final day of the season. Aston Villa finished a disappointing 10th in the league, but won the Football League Cup for the fourth time. Finishing runners-up in the Premier League were Blackburn Rovers. In third place came Newcastle United, whose 22-year-old striker Andy Cole was the Premier League's leading scorer with 34 goals in 40 games, with a total of 41 goals in all", + "score": 0.6945134997367859 + }, + { + "id": "12163391", + "title": "1994\u201395 Manchester United F.C. season", + "text": "the month ended on a sour note with a 1\u20130 defeat at Everton \u2013 United's first since their 2\u20131 defeat at home to Nottingham Forest before Christmas. A landslide victory in that game would have put United top on goal difference. 4 March 1995 saw United set two notable new records in the Premier League. Their 9\u20130 home win over Ipswich Town was the biggest victory margin and saw them score the highest number of goals in any game in the league's three-season history. Andy Cole's five goals were the most scored by any player in a Premier League game.", + "score": 0.6942138075828552 + }, + { + "id": "16784431", + "title": "Jack Holliday", + "text": "a flying start, scoring 39 goals in 35 games in the 1932\u201333 season to send the Bees to Division Two as champions. With 38 league goals, he claimed the club record for most league goals scored in a season and most league hattricks (five), records which as of 2015 have never been surpassed. He was also the first player to score five goals in a single game for Brentford, which he achieved in an incredible 5\u20135 draw with Luton Town on 1 February 1933. The Bees narrowly missed out on a second successive promotion during the 1933\u201334 season, finishing fourth", + "score": 0.6938396692276001 + }, + { + "id": "14485669", + "title": "Ahmed Musa", + "text": "loaned to JUTH F.C. where he played 18 games, scoring four goals in his first two professional seasons for the Healers. He was subsequently loaned to Kano Pillars F.C., in the 2009\u201310 season where he set the league record scoring multiple crucial goals as Pillars finished second. Musa held the record for the highest goals ever scored in one season in the history of the Nigeria Premier League until November 2011, when Jude Aneke of Kaduna United F.C. set a new record of 20 goals. Musa was transferred to Dutch club VVV-Venlo in summer 2010, but the move was held", + "score": 0.693709135055542 + } + ] + }, + { + "qa_pairs": [ + { + "context": "Rudolph made his first screen appearance in 1948, in a cartoon short produced by Max Fleischer for the Jam Handy Corporation that was more faithful to May's original story than Marks' song, which had not yet been written. It was reissued in 1951 with the song added.", + "question": "When was the original Rudolph the Red Nose Reindeer made?", + "short_answers": [ + "1948" + ], + "wikipage": "Rudolph the Red-Nosed Reindeer" + }, + { + "context": "Rudolph the Red-Nosed Reindeer: The Movie is a 1998 American Christmas animated adventure musical film about the character of the same name, who first appeared in a 1939 story by Robert L. May. The film was the first theatrical feature from GoodTimes Entertainment, long known as a home video company. It stars Kathleen Barr as the voice of the titular Rudolph, and also features celebrity talents including John Goodman, Eric Idle, Cathy Weseluck, Whoopi Goldberg, Debbie Reynolds, Richard Simmons and Bob Newhart. The film disappointed at the box-office, recouping only $113,484 of its $10 million budget from its theatrical release. ", + "question": "When was the remake of the movie rudolph the red nose reindeer made?", + "short_answers": [ + "1998", + "October 16, 1998" + ], + "wikipage": "Rudolph the Red-Nosed Reindeer: The Movie" + } + ], + "wikipages": [ + { + "title": "Rudolph the Red-Nosed Reindeer (1948 film)", + "url": "https://en.wikipedia.org/wiki/Rudolph%20the%20Red-Nosed%20Reindeer%20%281948%20film%29" + }, + { + "title": "Rudolph the Red-Nosed Reindeer", + "url": "https://en.wikipedia.org/wiki/Rudolph%20the%20Red-Nosed%20Reindeer" + }, + { + "title": "Rudolph the Red-Nosed Reindeer (TV special)", + "url": "https://en.wikipedia.org/wiki/Rudolph%20the%20Red-Nosed%20Reindeer%20%28TV%20special%29" + }, + { + "title": "Rudolph the Red-Nosed Reindeer: The Movie", + "url": "https://en.wikipedia.org/wiki/Rudolph%20the%20Red-Nosed%20Reindeer%3A%20The%20Movie" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Rudolph the Red-Nosed Reindeer is a 1948 animated short film produced and directed by Max Fleischer for Jam Handy based on the 1939 Robert L. May poem of the same name, about a flying reindeer who helps Santa Claus.", + "wikipage": "Rudolph the Red-Nosed Reindeer (1948 film)" + } + ], + "long_answer": "There have been multiple movies based around the character Rudolph the Red Nosed Reindeer, from the poem of the same name by Robert L. May. The first movie adaption titled, Rudolph the Red-Nosed Reindeer was released in 1948. The movie was later remade in the 1990s, titled Rudolph the Red-Nosed Reindeer: The Movie and came out on October 16, 1998." + } + ], + "sample_id": "-1195488704015289556", + "question": "When was the movie rudolph the red nose reindeer made?", + "docs": [ + { + "id": "19712261", + "title": "Rudolph the Red-Nosed Reindeer (1948 film)", + "text": "and removed the Montgomery Ward name. The 1951 reissue is widely available on public domain video tapes and DVDs, as well as on the Internet. The original version is stored at the Library of Congress, and it was posted online by them in 2014. Rudolph the Red-Nosed Reindeer (1948 film) Rudolph the Red-Nosed Reindeer is a 1948 animated short film produced and directed by Max Fleischer based on the 1939 Robert L. May poem \"Rudolph the Red-Nosed Reindeer\", about a flying reindeer who helps Santa Claus. Rudolph is a reindeer, with an unusual red nose that shines (some would even", + "score": 0.7872432470321655 + }, + { + "id": "4184673", + "title": "Rudolph the Red-Nosed Reindeer (TV special)", + "text": "Rudolph the Red-Nosed Reindeer (TV special) Rudolph the Red-Nosed Reindeer is a 1964 Christmas stop motion animated television special produced by Videocraft International, Ltd. (later known as Rankin/Bass Productions) and currently distributed by Universal Television. It first aired Sunday, December 6, 1964, on the NBC television network in the United States, and was sponsored by General Electric under the umbrella title of \"The General Electric Fantasy Hour\". The special was based on the Johnny Marks song \"Rudolph the Red-Nosed Reindeer\" which was itself based on the poem of the same name written in 1939 by Marks' brother-in-law, Robert L. May.", + "score": 0.7855464220046997 + }, + { + "id": "1375447", + "title": "Rudolph the Red-Nosed Reindeer", + "text": "widely parodied and imitated in the decades since its original airing. The success of the special led to two sequels \"Rudolph's Shiny New Year\" (premier air date December 10, 1976) which continued the reindeer's journeys, and the series was made into a trilogy with the 1979 feature-length film \"Christmas in July\", which integrated the \"Rudolph\" universe into that of Rankin/Bass's adaptation of \"Frosty the Snowman\". \"\" (1998) is an animated feature film. It received only a limited theatrical release before debuting on home video. Its inclusion of a villain, a love interest, a sidekick, and a strong protector are more", + "score": 0.783768892288208 + }, + { + "id": "19712258", + "title": "Rudolph the Red-Nosed Reindeer (1948 film)", + "text": "Rudolph the Red-Nosed Reindeer (1948 film) Rudolph the Red-Nosed Reindeer is a 1948 animated short film produced and directed by Max Fleischer based on the 1939 Robert L. May poem \"Rudolph the Red-Nosed Reindeer\", about a flying reindeer who helps Santa Claus. Rudolph is a reindeer, with an unusual red nose that shines (some would even say that it glows). Because of this, he is laughed at and told to go home by his peers. Saddened, he goes home, hangs his stocking and goes to bed. Meanwhile, at the North Pole, Santa Claus notices that the coming fog will be", + "score": 0.7825509905815125 + }, + { + "id": "12761624", + "title": "Rudolph the Red-Nosed Reindeer: The Movie", + "text": "a hero's welcome when he returns. \"Rudolph the Red-Nosed Reindeer: The Movie\" received mixed reviews. Rotten Tomatoes gave the film a 40% approval rating, based on 5 reviews. The audience gave a more positive score of 59%. In 1998, four books based on the film were released. Rudolph the Red-Nosed Reindeer: The Movie Rudolph the Red-Nosed Reindeer: The Movie is a 1998 American animated adventure musical film about the character of the same name, who first appeared in a 1939 story by Robert L. May. The film was the first theatrical feature from GoodTimes Entertainment, long known as a home", + "score": 0.7788721323013306 + }, + { + "id": "9264995", + "title": "Rudolph the Red-Nosed Reindeer and the Island of Misfit Toys", + "text": "Rudolph the Red-Nosed Reindeer and the Island of Misfit Toys Rudolph the Red-Nosed Reindeer and the Island of Misfit Toys is a 2001 American-Canadian Christmas computer-animated adventure musical film directed by Bill Kowalchuk for GoodTimes Entertainment. It was released on video and DVD on October 30, 2001. The film uses the characters from the 1964 Rankin/Bass TV special \"Rudolph the Red-Nosed Reindeer\" and takes place several years after the events of that special (despite Rudolph and Clarice appearing younger in this film than they did at the end of the original special). The film thus revisits classic characters like Hermey", + "score": 0.7752689123153687 + }, + { + "id": "19712260", + "title": "Rudolph the Red-Nosed Reindeer (1948 film)", + "text": "Red-Nosed Reindeer\" and the animated 1964 version. It was based on Robert L. May's 1939 story, rather than the song. The 1964 film more closely resembles the song rather than the original story. This short film was created to advertise Montgomery Ward department stores, the publisher of the original story. The original release included a credit for the company, and it lacked the \"Rudolph the Red Nosed Reindeer\" song, with the opening credits instead playing over an instrumental version of Silent Night, Holy Night. The 1951 re-release of the film added a choral version of the song to the credits", + "score": 0.7698428630828857 + }, + { + "id": "12761616", + "title": "Rudolph the Red-Nosed Reindeer: The Movie", + "text": "Rudolph the Red-Nosed Reindeer: The Movie Rudolph the Red-Nosed Reindeer: The Movie is a 1998 American animated adventure musical film about the character of the same name, who first appeared in a 1939 story by Robert L. May. The film was the first theatrical feature from GoodTimes Entertainment, long known as a home video company. It stars Kathleen Barr as the voice of the titular Rudolph, and also features celebrity talents including John Goodman, Eric Idle, Cathy Weseluck, Whoopi Goldberg, Debbie Reynolds, Richard Simmons and Bob Newhart. The film disappointed at the box-office, recouping only $113,484 of its $10 million", + "score": 0.7567603588104248 + }, + { + "id": "1375448", + "title": "Rudolph the Red-Nosed Reindeer", + "text": "derivative of the Rankin/Bass adaptation of the story than the original tale and song (the characters of Stormella, Zoey, Arrow, Slyly, and Leonard parallel the Rankin/Bass characters of the Bumble, Clarice, Fireball, Hermey, and Yukon, respectively). The movie amplifies the early backstory of Rudolph's harassment by his schoolmates (primarily his cousin Arrow) during his formative years. GoodTimes Entertainment, the producers of \"Rudolph the Red-Nosed Reindeer: The Movie\", brought back most of the same production team for a CGI animated sequel, \"Rudolph the Red-Nosed Reindeer and the Island of Misfit Toys\" (2001). Unlike the previous film, the sequel featured the original", + "score": 0.750321090221405 + }, + { + "id": "13157408", + "title": "Bent Image Lab", + "text": "Amy Poehler, Erik Bergmann, and Robert Smigel. The short is a parody of the 1964 holiday TV special \"Rudolph the Red-Nosed Reindeer\". Bent Image Lab has since replicated the same stop-motion style of \"Rudolph the Red-Nosed Reindeer\" in television advertisements for AT&T, AFLAC, Bing and in a series of 2014 holiday promos for CBS commemorating the 50th anniversary of \"Rudolph the Red-Nosed Reindeer.\" In 2016, the studio produced a ten-minute remake of \"Rudolph the Red-Nosed Reindeer\" as a 4D attraction film for SimEx-Iwerks. Another significant stop motion project is \"Jingle All the Way (TV special)\", a holiday special for Hallmark", + "score": 0.748654842376709 + }, + { + "id": "4184690", + "title": "Rudolph the Red-Nosed Reindeer (TV special)", + "text": "Couple of Misfits\". The special has been edited to make more time for commercial advertising by shortening some musical numbers. When \"Rudolph\" was first issued on VHS, Betamax, and LaserDisc by Family Home Entertainment and Broadway Video from 1989 to 1997 under the \"Christmas Classics Series\" label, the 1965 rebroadcast print described above was used. All current video prints of \"Rudolph\" by Classic Media are a compendium of the two previous telecast versions of the special. All the footage in the current versions (starting with the 1998 VHS by Sony Wonder) follow the original 1964 NBC broadcast (without the original", + "score": 0.7414566278457642 + }, + { + "id": "1375439", + "title": "Rudolph the Red-Nosed Reindeer", + "text": "Fleischer cartoon short, is no longer in print, but a revised Little Golden Books version of the storybook was reissued in 1972. Perhaps the most well-known version of all the Rudolph adaptations is the Rankin/Bass version of 1964. Filmed in Tokyo, Japan, with all sound recordings done in Toronto, Canada, the show premiered on NBC. As the producers of the special only had the song as source material and did not have a copy of the original book, they interpolated an original story around the central narrative of the song, one that differed from the book. This re-telling chronicles Rudolph's", + "score": 0.74081951379776 + }, + { + "id": "16207350", + "title": "Rudolph the Red-Nosed Reindeer (soundtrack)", + "text": "Rudolph the Red-Nosed Reindeer (soundtrack) Rudolph the Red-Nosed Reindeer is a soundtrack album to the 1964 Rankin/Bass television special of the same name. The original cast recordings from the TV special (side \"A\" of the original LP release) are supplemented with instrumental versions recorded by the Decca Concert Orchestra (on side \"B\"). All songs used in the television special were written by Johnny Marks. The original LP album was first released in 1964, and reissued as a CD in 1995. The CD was certified Gold by the RIAA on November 30, 2004. As of November, the album has sold 1,411,200", + "score": 0.7380608320236206 + }, + { + "id": "1375436", + "title": "Rudolph the Red-Nosed Reindeer", + "text": "The story chronicles the experiences of Rudolph, a youthful reindeer buck (male) who possesses an unusual luminous red nose. Mocked and excluded by his peers because of this trait, Rudolph proves himself one Christmas Eve with poor visibility due to inclement weather after Santa Claus catches sight of Rudolph's nose and asks Rudolph to lead his sleigh for the evening. Rudolph agrees and is finally favored by his fellow reindeer for his heroism and accomplishment. Rudolph made his first screen appearance in 1948, in a cartoon short produced by Max Fleischer for the Jam Handy Corporation that was more faithful", + "score": 0.7360935211181641 + }, + { + "id": "9309909", + "title": "Robert L. May", + "text": "adaptation of Rudolph. Though the song was turned down by such popular vocalists as Bing Crosby and Dinah Shore, it was recorded by the singing cowboy Gene Autry. \"Rudolph the Red-Nosed Reindeer\" was released in 1949 and became a phenomenal success, selling more records than any other Christmas song, with the exception of \"White Christmas\". In 1941, May married another Ward employee, Virginia, and had five children with her. She was a devout Catholic, and he converted to Catholicism during the marriage. May wrote two sequels to \"Rudolph the Red-Nosed Reindeer\". The first is mostly in prose (except that Rudolph", + "score": 0.7359368801116943 + }, + { + "id": "12909019", + "title": "Christmas in the post-war United States", + "text": "animated Christmas special created specifically for television, \"Mister Magoo's Christmas Carol\". Based on Dickens' novelette, \"A Christmas Carol\", the animated special featured a score by Broadway duo Jule Styne and Bob Merrill. On December 6, 1964, NBC aired \"Rudolph the Red\u2013Nosed Reindeer\", a stop motion animated special produced by Rankin/Bass. The special was based on a 1949 song by Johnny Marks, which was based in turn on a 1939 poem by Robert L. May. The program has aired every year since 1964, making it the longest-running Christmas television special. On December 9, 1965, CBS aired \"A Charlie Brown Christmas\" then", + "score": 0.7355624437332153 + }, + { + "id": "4580420", + "title": "Rudolph's Shiny New Year", + "text": "Christmas\", a sequel to the 1974 special, \"The Year Without a Santa Claus\", is also included. Released with \"The Year Without a Santa Claus\" Rudolph's Shiny New Year Rudolph's Shiny New Year is a 1976 Christmas/New Year's stop motion animated television special and a sequel to the 1964 special \"Rudolph the Red-Nosed Reindeer\" produced by Rankin/Bass Productions. The special premiered on ABC on December 10, 1976. Three years later, it was also aired on TV Asahi in Japan on December 24, 1979 under the Japanese dub title \u8d64\u9f3b\u306e\u30c8\u30ca\u30ab\u30a4 \u30eb\u30c9\u30eb\u30d5\u7269\u8a9e (\"Akahananotonakai Rudorufu Monogatari\"). A year after delivering Christmas presents, Santa Claus", + "score": 0.733104944229126 + }, + { + "id": "2807298", + "title": "Johnny Marks", + "text": "story of Rudolph., He lived on West 11th Street in Greenwich Village and is buried in Woodlawn Cemetery in The Bronx, New York City. Among Marks' many works is \"Rudolph, the Red-Nosed Reindeer\", which was based on a poem of the same name, written by Marks\u2019s brother-in-law, Robert L. May, Rudolph's creator. A television film based on the story and song first aired in 1964, with Marks himself composing the score. In addition to his songwriting, he founded St. Nicholas Music in 1949, and served as director of ASCAP from 1957 to 1961. In 1981, he was inducted into the", + "score": 0.7327306270599365 + }, + { + "id": "484097", + "title": "CBS", + "text": "from 1988 to 1995). \"Rudolph the Red-Nosed Reindeer\", produced in stop motion by the Rankin/Bass studio, has been another annual holiday staple of CBS since 1972; however, that special originated on NBC in 1964. , \"Rudolph\" and \"Frosty the Snowman\" are the only two pre-1990 animated specials remaining on CBS; the broadcast rights to the \"Charlie Brown\" specials are now held by ABC, \"The Grinch\" rights are now held by NBC and the rights to the \"Garfield\" specials are now held by Boomerang. All of these animated specials, from 1973 to 1990, began with a fondly remembered seven-second animated opening", + "score": 0.7298022508621216 + }, + { + "id": "9265003", + "title": "Rudolph the Red-Nosed Reindeer and the Island of Misfit Toys", + "text": "was saving him as a family gift. He then places him in the bed of Steven's new daughter who awakens to cuddle up with him, as Mr. Cuddles declares this the happiest day of his life, Steven walks into the room to check on his daughter. As he smiles Santa flies off into the night. Rudolph the Red-Nosed Reindeer and the Island of Misfit Toys Rudolph the Red-Nosed Reindeer and the Island of Misfit Toys is a 2001 American-Canadian Christmas computer-animated adventure musical film directed by Bill Kowalchuk for GoodTimes Entertainment. It was released on video and DVD on October", + "score": 0.7291613817214966 + }, + { + "id": "1375438", + "title": "Rudolph the Red-Nosed Reindeer", + "text": "Red-Nosed Reindeer\" from 1950 to 1962. Rube Grossman drew most of the 1950s stories. In 1972, DC Comics published a 14th edition in an extra-large format. Subsequently, they published six more in that format: \"Limited Collectors' Edition\" C-24, C-33, C-42, C-50 and \"All-New Collectors' Edition\" C-53, C-60. Additionally, one digest format edition was published as \"The Best of DC\" #4 (March\u2013April 1980). The 1970s Rudolph stories were written and drawn by Sheldon Mayer. In 1958, Little Golden Books published an illustrated storybook, adapted by Barbara Shook Hazen and illustrated by Richard Scarry. The book, similar in story to the Max", + "score": 0.7286616563796997 + }, + { + "id": "4184698", + "title": "Rudolph the Red-Nosed Reindeer (TV special)", + "text": "as an anomaly. The copyright of the \"Rudolph the Red-Nosed Reindeer\" special lies in an area of uncertainty in regard to American federal copyright law. When the recording was originally published, the date of copyright (published in Roman numerals) was accidentally listed as 1164 (MCLXIV), omitting an M that should have been present (1964 in Roman numerals is MCMLXIV); this mistake was not corrected with subsequent edits and remains on televised prints to this day. The songs were validly and separately copyrighted, and the original character on which the special was based also remains under copyright and trademark protection, extending", + "score": 0.7257980704307556 + }, + { + "id": "16207351", + "title": "Rudolph the Red-Nosed Reindeer (soundtrack)", + "text": "copies in the United States since 1991 when SoundScan began tracking sales. LP side A: LP side B (instrumental versions): Rudolph the Red-Nosed Reindeer (soundtrack) Rudolph the Red-Nosed Reindeer is a soundtrack album to the 1964 Rankin/Bass television special of the same name. The original cast recordings from the TV special (side \"A\" of the original LP release) are supplemented with instrumental versions recorded by the Decca Concert Orchestra (on side \"B\"). All songs used in the television special were written by Johnny Marks. The original LP album was first released in 1964, and reissued as a CD in 1995.", + "score": 0.7256044745445251 + }, + { + "id": "15743594", + "title": "Rudolph the Red-Nosed Reindeer (song)", + "text": "Rudolph the Red-Nosed Reindeer (song) \"Rudolph, the Red-Nosed Reindeer\" is a song by songwriter Johnny Marks based on the 1939 story \"Rudolph the Red-Nosed Reindeer\" published by the Montgomery Ward Company. Gene Autry's recording hit No. 1 on the U.S. charts the week of Christmas 1949. In 1939 Marks's brother-in-law, Robert L. May, created the character Rudolph as an assignment for Montgomery Ward and Marks decided to adapt the story of Rudolph into a song. The song had an added introduction, paraphrasing the poem \"A Visit from Saint Nicholas\" (public domain by the time the song was written), stating the", + "score": 0.7246116399765015 + }, + { + "id": "1375435", + "title": "Rudolph the Red-Nosed Reindeer", + "text": "Gillen, to draw \"cute reindeer\", using zoo deer as models. The alert, bouncy character Gillen developed convinced management to support the idea. Maxton Books published the first mass-market edition of \"Rudolph\" in 1947 and a sequel, \"Rudolph the Red-Nosed Reindeer Shines Again\", in 1954. In 1992, Applewood Books published \"Rudolph's Second Christmas\", an unpublished sequel that Robert May wrote in 1947. In 2003, Penguin Books issued a reprint version of the original \"Rudolph the Red-Nosed Reindeer\" with new artwork by Lisa Papp. Penguin also reprinted May's sequels, \"Rudolph Shines Again\" and \"Rudolph's Second Christmas\" (now retitled \"Rudolph to the Rescue\").", + "score": 0.7245699167251587 + }, + { + "id": "4580411", + "title": "Rudolph's Shiny New Year", + "text": "Rudolph's Shiny New Year Rudolph's Shiny New Year is a 1976 Christmas/New Year's stop motion animated television special and a sequel to the 1964 special \"Rudolph the Red-Nosed Reindeer\" produced by Rankin/Bass Productions. The special premiered on ABC on December 10, 1976. Three years later, it was also aired on TV Asahi in Japan on December 24, 1979 under the Japanese dub title \u8d64\u9f3b\u306e\u30c8\u30ca\u30ab\u30a4 \u30eb\u30c9\u30eb\u30d5\u7269\u8a9e (\"Akahananotonakai Rudorufu Monogatari\"). A year after delivering Christmas presents, Santa Claus receives a letter from his friend Father Time asking for help to find Happy the Baby New Year before midnight on New Year's Eve,", + "score": 0.7211360931396484 + }, + { + "id": "9265982", + "title": "Rudolph and Frosty's Christmas in July", + "text": "Rudolph and Frosty's Christmas in July Rudolph and Frosty's Christmas in July (titled on-screen as Rudolph and Frosty: Christmas in July, or simply Rudolph and Frosty) is an American crossover Christmas television special produced by Rankin/Bass, featuring characters from the company's holiday specials \"Rudolph the Red-Nosed Reindeer\" and \"Frosty the Snowman\", among others. It was filmed in Japan using the company's trademark \"Animagic\" stop-motion animation style. The film premiered in the US on November 25, 1979 on ABC. This was the last Rankin/Bass special to star Billie Mae Richards as Rudolph and Jackie Vernon as Frosty. Mickey Rooney reprised his", + "score": 0.7193033695220947 + }, + { + "id": "9265971", + "title": "Frosty the Snowman (film)", + "text": "VHS as part of the Christmas Classics Series in 1989 and 1993, with multiple re-prints throughout the 1990s. It was paired with \"The Little Drummer Boy\" on LaserDisc in 1992. Upon its 1989 and 1993 releases, the special was also bundled in box sets with the other Rankin/Bass Christmas specials including \"Rudolph the Red-Nosed Reindeer\" and \"Santa Claus is Comin' to Town\", the 1973 Chuck Jones holiday special, \"A Very Merry Cricket\" and the sequel \"Frosty Returns\" which aired on CBS in 1992. In 1998, Sony Wonder and Golden Books Family Entertainment released the special on VHS, and also paired", + "score": 0.7147032022476196 + }, + { + "id": "4580418", + "title": "Rudolph's Shiny New Year", + "text": "Father Time's castle with Happy just in time for the beginning of the new year, which is designated \"Nineteen-Wonderful\". After the celebration, everyone wishes Happy a happy new year and Rudolph proclaims to the viewers that it may be shiny, too. Among the islands of the Archipelago of Last Years are: The special was filmed in 1975 (according to the copyright), but it was shown on ABC on December 10, 1976. \"Rudolph's Shiny New Year\" was first released on VHS by Warner Home Video in 1992. It is also re-released on VHS in 1999, and for the first time on", + "score": 0.7144132852554321 + }, + { + "id": "1375431", + "title": "Rudolph the Red-Nosed Reindeer", + "text": "Rudolph the Red-Nosed Reindeer Rudolph the Red-Nosed Reindeer, popularly known as \"Santa's ninth reindeer\", is a fabled reindeer created by Robert Lewis May. Rudolph is usually depicted as the lead reindeer pulling Santa's sleigh on Christmas Eve, though he is a young buck who has only adolescent antlers and a glowing red nose. Though he receives scrutiny for it, the luminosity of his nose is so great that it illuminates the team's path through harsh winter weather. Rudolph first appeared in a 1939 booklet written by Robert L. May and published by Montgomery Ward, the department store. The story is", + "score": 0.7141677141189575 + }, + { + "id": "9309910", + "title": "Robert L. May", + "text": "speaks in anapestic tetrameter), written in 1947 but only published posthumously as \"Rudolph's Second Christmas\" (1992), and subsequently with the title \"Rudolph to the Rescue\" (2006). The second sequel is entirely in anapaestic tetrameter like the original: \"Rudolph Shines Again\" (1954). May also published four other children's books: \"Benny the Bunny Liked Beans\" (1940), \"Winking Willie\" (1948), \"The Fighting Tenderfoot\" (1954), and \"Sam the Scared-est Scarecrow\" (1972). May told his story of the writing of \"Rudolph, the Red-Nosed Reindeer\" in his article \"Robert May Tells how Rudolph, The Red Nosed Reindeer Came into Being\" from the \"Gettysburg Times\" published on", + "score": 0.7133294343948364 + }, + { + "id": "3016833", + "title": "Rankin/Bass Productions", + "text": "the Snowman \u2014 the narrator, and an original orchestral score composed by Marks himself, \"Rudolph\" became one of the most popular, and longest-running, Christmas specials in television history: it remained with NBC until around 1972, and currently runs several times during the Christmas season on CBS. The special contained seven original songs. In 1965, a new song was filmed in \"Animagic\" to replace \"We're a Couple of Misfits\" titled \"Fame and Fortune.\" The success of \"Rudolph\" led to numerous other Christmas specials. The first was \"The Cricket on the Hearth\", with a live-action prologue by Danny Thomas and the animation", + "score": 0.7115775346755981 + }, + { + "id": "4184700", + "title": "Rudolph the Red-Nosed Reindeer (TV special)", + "text": "the characters, particularly Santa Claus and the adult reindeer, relied on material that was already public domain anyway; all of the characters except Rudolph, most of the images, and large portions of the spoken soundtrack would thus be public domain in this interpretation.) Because of the indirect copyright protections and uncertainty over their extent, permission is still required to show the program as a whole. The extensive derivative works seen in popular culture are likely a byproduct of this uncertain copyright status. Rudolph the Red-Nosed Reindeer (TV special) Rudolph the Red-Nosed Reindeer is a 1964 Christmas stop motion animated television", + "score": 0.7115043997764587 + }, + { + "id": "15743598", + "title": "Rudolph the Red-Nosed Reindeer (song)", + "text": "Rudolph's general acceptance in the mythology as the lead reindeer of Joulupukki, the Finnish Santa. Rudolph the Red-Nosed Reindeer (song) \"Rudolph, the Red-Nosed Reindeer\" is a song by songwriter Johnny Marks based on the 1939 story \"Rudolph the Red-Nosed Reindeer\" published by the Montgomery Ward Company. Gene Autry's recording hit No. 1 on the U.S. charts the week of Christmas 1949. In 1939 Marks's brother-in-law, Robert L. May, created the character Rudolph as an assignment for Montgomery Ward and Marks decided to adapt the story of Rudolph into a song. The song had an added introduction, paraphrasing the poem \"A", + "score": 0.7105050086975098 + }, + { + "id": "9265991", + "title": "Rudolph and Frosty's Christmas in July", + "text": "consumed magic feed corn, allowing them to fly as Rudolph can. Rudolph and Frosty's Christmas in July Rudolph and Frosty's Christmas in July (titled on-screen as Rudolph and Frosty: Christmas in July, or simply Rudolph and Frosty) is an American crossover Christmas television special produced by Rankin/Bass, featuring characters from the company's holiday specials \"Rudolph the Red-Nosed Reindeer\" and \"Frosty the Snowman\", among others. It was filmed in Japan using the company's trademark \"Animagic\" stop-motion animation style. The film premiered in the US on November 25, 1979 on ABC. This was the last Rankin/Bass special to star Billie Mae Richards", + "score": 0.7086852788925171 + }, + { + "id": "1375432", + "title": "Rudolph the Red-Nosed Reindeer", + "text": "owned by The Rudolph Company, LP and has been adapted in numerous forms including a popular song, the iconic 1964 television special and sequels, and and sequel. Character Arts, LLC manages the licensing for the Rudolph Company, LP. In many countries, Rudolph has become a figure of Christmas folklore. 2014 marked the 75th anniversary of the character and the 50th anniversary of the television special. A series of postage stamps featuring Rudolph was issued by the United States Postal Service on November 6, 2014. Robert L. May created Rudolph in 1939 as an assignment for Chicago-based Montgomery Ward. The retailer", + "score": 0.7042331695556641 + }, + { + "id": "1375449", + "title": "Rudolph the Red-Nosed Reindeer", + "text": "characters from the Rankin/Bass special (as GoodTimes soon learned that Rankin/Bass had made a copyright error that made the characters unique to their special free to use). A live-action version of Rudolph (complete with glowing nose) along with Donner and Blitzen appears in the \"Doctor Who\" Christmas special, \"Last Christmas\" which was broadcast on BBC One on 25 December 2014. In this special, Santa is able to park him like a car and turn off his nose. Nathaniel Dominy, an anthropology professor at Dartmouth College (Robert L. May's alma mater), published a scholarly paper on Rudolph's red nose in the", + "score": 0.7003552913665771 + }, + { + "id": "9265973", + "title": "Frosty the Snowman (film)", + "text": "in addition to the 50th Anniversary release of \"Rudolph the Red-Nosed Reindeer\" in 2014. Universal Pictures Home Entertainment released a Deluxe Edition of the special, along with other specials on Blu-ray and DVD in 2018. Frosty returned in several sequels: Frosty the Snowman (film) Frosty the Snowman is a 1969 animated Christmas television special based on the song \"Frosty the Snowman\". The program, which first aired on December 7, 1969 on CBS (where it continues to air annually), was produced for television by Rankin/Bass Productions and featured the voices of comedians Jimmy Durante as the film's narrator (Durante's final performance", + "score": 0.7001558542251587 + }, + { + "id": "4184691", + "title": "Rudolph the Red-Nosed Reindeer (TV special)", + "text": "GE commercials) up until the \"Peppermint Mine\" scene, followed by the final act of the 1965 edit (with the Island of Misfit Toys finale and the 1965 alternate credits in place of the original end credit sequence). In 1998, the special was released by Sony Wonder on VHS. In 2000, it was released on DVD, and on Blu-ray Disc in 2010 (although the Blu-ray does not contain the bonus features from the previous DVD release.) This edit has been made available in original color form by former rights holders Classic Media, (which in 2012 became the DreamWorks Classics division of", + "score": 0.698142409324646 + }, + { + "id": "9265962", + "title": "Frosty the Snowman (film)", + "text": "people to record the song when it was released in 1950 (at the time the song had slightly different lyrics); he re-recorded the song for the special. Rankin/Bass veteran writer Romeo Muller adapted and expanded the story for television as he had done with \"Rudolph the Red-Nosed Reindeer\". \"TV Guide\" ranked the special number 4 on its 10 Best Family Holiday Specials list. In a school on Christmas Eve, a teacher hires Professor Hinkle, an inept magician, to entertain the children for their class Christmas party. After failing his first trick, he throws his hat away. Class is dismissed and", + "score": 0.6950949430465698 + }, + { + "id": "3016834", + "title": "Rankin/Bass Productions", + "text": "by TCJ, in 1967, followed by a Thanksgiving special, \"Mouse on the Mayflower\" told by Tennessee Ernie Ford and animated by Toei Animation, in 1968. Many of their other specials, like \"Rudolph\", were based on popular Christmas songs. In 1968, Greer Garson provided dramatic narration for \"The Little Drummer Boy\", based on the traditional song and set during the birth of the baby Jesus, and starring Puerto Rican actor Jos\u00e9 Ferrer as the voice of Ben Haramend. During that year, Videocraft (whose logo dominated the Rankin/Bass logo in the closing credit sequences), changed its name to Rankin/Bass Productions, Inc., and", + "score": 0.6945282220840454 + }, + { + "id": "9035449", + "title": "Fred Claus", + "text": "by director David Dobkin. The Blu-ray release includes a music video for \"Ludacrismas\" by Ludacris in High Definition and also a bonus disc entitled \"Fred Claus: Race to Save Christmas\". Fred Claus Fred Claus is a 2007 American fantasy comedy adventure film directed by David Dobkin, written by Dan Fogelman and Jessie Nelson, and starring Vince Vaughn and Paul Giamatti. The film was released on November 9, 2007, in the US and later released in the UK on November 30, 2007, by Warner Bros. Pictures. It is loosely based on the poem \"A legend of Santa and his brother Fred\"", + "score": 0.6943966746330261 + }, + { + "id": "1375440", + "title": "Rudolph the Red-Nosed Reindeer", + "text": "social rejection among his peers and his decision to run away from home. Rudolph is accompanied by a similarly outcast elf named Hermey, who skipped elf practice to become a dentist, along with a loud, boisterous, eager prospector named Yukon Cornelius who was in search of wealth. Additional original characters include Rudolph's love interest, Clarice; the antagonistic \"Abominable Snow Monster\"; and, as narrator, Sam the living Snowman, voiced by Burl Ives. In the 1964 stop-motion movie, Rudolph is born to Donner the Reindeer and Donner's wife. He is discovered by Santa to have a shiny, glowing red nose. Donner, regardless", + "score": 0.6927874088287354 + }, + { + "id": "15051641", + "title": "Arthur Christmas", + "text": "Tandy, Bronagh Gallagher, Alan Short, Kevin Eldon, Seamus Malone, Cody Cameron and Emma Kennedy. \"Arthur Christmas\" was first announced in 2007, under the name \"Operation Rudolph\". It was the first film made by Aardman in partnership with Sony Pictures Entertainment and its subsidiaries. Aardman spent 18 months on pre-production on the story and design in the UK before relocating to Sony's Culver City, US, for another 18 months of production. On April 27, 2009, it was reported that production had begun with Aardman and Sony Pictures Imageworks working together on animation. The film was released on 11 November 2011 in", + "score": 0.6925641298294067 + }, + { + "id": "15223612", + "title": "Rudolph the Red-Nosed Reindeer (video game)", + "text": "Rudolph the Red-Nosed Reindeer (video game) Rudolph the Red-Nosed Reindeer is a video game based on the television special of the same name. The game was released by Red Wagon Games for both Wii and Nintendo DS on November 9, 2010. However, the developers of the two versions differ: the Wii game was developed by High Voltage Software, while the developer of the DS version is American studio Glyphic Entertainment. In this game, the players compete in four different minigames, with each game having its own motion controls. Each minigame has a time limit. Once the time limit is up,", + "score": 0.6918789744377136 + }, + { + "id": "4184695", + "title": "Rudolph the Red-Nosed Reindeer (TV special)", + "text": "Goldschmidt, who wrote \"Rudolph the Red-Nosed Reindeer: The Making of the Rankin/Bass Holiday Classic\", says the scripts by Romeo Muller show the spelling to be \"Hermey\". A \"Rudolph the Red-Nosed Reindeer\" video game was released on November 9, 2010. The adaptation was published by Red Wagon Games for the Wii and Nintendo DS, and was developed by High Voltage Software and Glyphic Entertainment respectively. The Wii version was received poorly, and garnered extremely negative reviews from sites such as IGN giving it a 1.5/10. \"Rudolph the Red-Nosed Reindeer\" received an approval rating of 92% on review aggregator website Rotten Tomatoes,", + "score": 0.6906824111938477 + }, + { + "id": "5747941", + "title": "Santa Claus: The Movie", + "text": "Santa Claus: The Movie Santa Claus: The Movie (known on-screen as simply Santa Claus) is a 1985 British-American Christmas film starring Dudley Moore, John Lithgow, and David Huddleston in the title role. It is the last major fantasy film produced by the Paris-based father-and-son production team of Alexander and Ilya Salkind. The film was directed by Jeannot Szwarc and released in North America on November 27, 1985, by TriStar Pictures. The 2005 DVD release was released by Anchor Bay Entertainment, under license from the film's current owner, StudioCanal; the 25th Anniversary home video release (which also now includes Blu-ray) was", + "score": 0.6903066635131836 + }, + { + "id": "4184696", + "title": "Rudolph the Red-Nosed Reindeer (TV special)", + "text": "based on thirteen reviews. In December 2018, a \"Hollywood Reporter\"/\"Morning Consult\" poll which surveyed 2,200 adults from Nov. 15-18, 2018, named \"Rudolph the Red-Nosed Reindeer\" the most beloved holiday film, with 83 percent of respondents having a generally favorable response to the title. The Rankin/Bass special, which currently airs on CBS, inspired numerous television sequels made by the same studio: The television special's familiarity to American audiences through its annual rebroadcasts, along with its primitive stop-motion animation that is easy to recreate with modern technology and the special's ambiguous copyright status, has lent itself to numerous parodies and homages over", + "score": 0.6887490153312683 + }, + { + "id": "4184694", + "title": "Rudolph the Red-Nosed Reindeer (TV special)", + "text": "the original LP released in 1964. Tracks 1-9 are the original soundtrack selections while tracks 10-19 are the same songs performed by the Decca Concert Orchestra. The song \"Fame and Fortune\" is not contained on either release. On November 30, 2004 the soundtrack was certified Gold by the Recording Industry Association of America for selling over 500,000 copies. Ives re-recorded \"Rudolph the Red-Nosed Reindeer\" and \"A Holly Jolly Christmas\", with different arrangements, for his own album \"Have a Holly Jolly Christmas\" in 1965. Books and other items related to the show have in some cases misspelled \"Hermey\" as \"Herbie\". Rick", + "score": 0.6879620552062988 + }, + { + "id": "19712259", + "title": "Rudolph the Red-Nosed Reindeer (1948 film)", + "text": "difficult to get through. Nevertheless, he and his reindeer brave out the storm and go anyway. While on the way, an airplane throws them off course; they land at Rudolph's house, where Santa greets him. Telling Rudolph, \"I need you tonight to guide my deer on the rest of our flight\", Rudolph helps them. Due to his bravery and his glowing nose, he is accepted and respected by his fellow reindeer and made their commander-in-chief by Santa; the reindeer enjoy a merry Christmas together. This 8 minute animated interpretation of the Christmas poem preceded Gene Autry's 1949 song \"Rudolph, the", + "score": 0.6867638826370239 + }, + { + "id": "1567522", + "title": "Max Fleischer", + "text": "training films for the Army and Navy. Fleischer was also involved with top secret research and development for the war effort including an aircraft bomber sighting system. In 1944, he published \"Noah's Shoes\", a metaphoric account of the building and loss of his studio, casting himself as Noah. Following the war, he supervised the production of the animated adaptation of \"Rudolph the Red-Nosed Reindeer\" (1948), sponsored by Montgomery Ward. Fleischer left Handy in 1953 and returned as Production Manager for the Bray Studios in New York, where he developed an educational television pilot about unusual birds and animals titled, \"Imagine", + "score": 0.6866234540939331 + }, + { + "id": "14382075", + "title": "Anna Lucasta (1958 film)", + "text": "joyful picture of the two of them during Anna's childhood. He then quietly exits the house. As he's about to drive away, he smiles upon seeing the family, including Rudolph, returning from church. As Danny drives off, Rudolph notices him and realizes that Anna is in the house. He excitedly rushes past the others and runs inside. The film was shot at Samuel Goldwyn Studio from early May through early June 1958. According to Robert Osborne, the film was unsuccessful at the box office after United Artists gave it little promotion and only a limited release. Additional film credits: Anna", + "score": 0.6860677599906921 + }, + { + "id": "1382671", + "title": "Burl Ives", + "text": "Disney's \"Summer Magic\" with Hayley Mills, Dorothy McGuire, and Eddie Hodges, and a score by Robert and Richard Sherman. In 1964, he played the genie in the movie \"The Brass Bottle\" with Tony Randall and Barbara Eden. Ives' \"A Holly Jolly Christmas\" and \"Silver and Gold\" became Christmas standards after they were first featured in the 1964 NBC-TV presentation of the Rankin/Bass stop-motion animated family special \"Rudolph the Red-Nosed Reindeer\". Johnny Marks had composed the title song (originally an enormous hit for singing cowboy Gene Autry) in 1949, and producers Rankin and Bass retained him to compose the TV special's", + "score": 0.6853011846542358 + }, + { + "id": "8511434", + "title": "Arthur Rankin Jr.", + "text": "Rankin was credited on over 1,000 TV shows and films. Some selected works include: Arthur Rankin Jr. Arthur Gardner Rankin Jr. (July 19, 1924 \u2013 January 30, 2014) was an American director, producer and writer, who mostly worked in animation. A part of Rankin/Bass Productions with his friend Jules Bass, he created stop-motion animation features such as \"Rudolph the Red Nosed Reindeer,\" \"Frosty the Snowman,\" \"Santa Claus Is Comin' to Town,\" and the 1977 cartoon animation of \"The Hobbit\". He is credited on over 1,000 television programs. Rankin was born in New York City, the son of actors Arthur Rankin", + "score": 0.6848064064979553 + }, + { + "id": "7752541", + "title": "Santa vs. the Snowman 3D", + "text": "including 4 pairs of 3D glasses, on October 12, 2004 by Universal Studios Home Entertainment. The film grossed $10.1M according to Rotten Tomatoes. Santa vs. the Snowman 3D Santa vs. the Snowman 3D (also known as Santa vs. The Snowman) is a half-hour computer-animated short, created by Steve Oedekerk and produced by O Entertainment. Originally made as a television special, the film was later presented in IMAX 3D theaters during the holiday seasons of 2002\u20132006. It was released on DVD by Universal Pictures. The package included 3D glasses, and the program offered optional 2D or 3D viewing. Despite three bonus", + "score": 0.6847693920135498 + }, + { + "id": "3016832", + "title": "Rankin/Bass Productions", + "text": "company produced a special for NBC and sponsor General Electric, later owner of NBC. It was a stop motion animated adaptation of the Robert L. May story \"Rudolph The Red-Nosed Reindeer\" and the song it inspired, \"Rudolph the Red-Nosed Reindeer,\" written by May's brother-in-law, Johnny Marks. It had been made into a cartoon by Max Fleischer, brother and former partner of Dave Fleischer, as a traditional animated short for the Jam Handy Film Company almost two decades earlier. This featured Billie Mae Richards as the voice of the main title character, Rudolph. With Burl Ives in the role of Sam", + "score": 0.6839882731437683 + }, + { + "id": "9035434", + "title": "Fred Claus", + "text": "Fred Claus Fred Claus is a 2007 American fantasy comedy adventure film directed by David Dobkin, written by Dan Fogelman and Jessie Nelson, and starring Vince Vaughn and Paul Giamatti. The film was released on November 9, 2007, in the US and later released in the UK on November 30, 2007, by Warner Bros. Pictures. It is loosely based on the poem \"A legend of Santa and his brother Fred\" written by Donald Henkel. A baby is born, and within a few minutes of his birth, he starts saying: \"Ho, ho, ho!\". Mother Claus calls her son, Frederick, over to", + "score": 0.6804702877998352 + }, + { + "id": "19822697", + "title": "Rudy Render", + "text": "starring Debbie Reynolds, whose brother was a friend. He became Debbie Reynolds' musical director, working with her on stage shows and the 1964 film \"The Unsinkable Molly Brown\", for which she was nominated for an Academy Award. He left the music business in 1972, and worked as an elementary school teacher in the North Hollywood area until he retired in 2001. He died in 2014, aged 88. Rudy Render Rudolph Valentino Render (July 1, 1926 \u2013 September 11, 2014) was an American singer, musician, arranger and songwriter, best known for his 1949 R&B chart hit, \"Sneakin' Around\" and his work", + "score": 0.6793994903564453 + }, + { + "id": "9264758", + "title": "Santa Claus Is Comin' to Town (film)", + "text": "the Snowman\", the Rankin-Bass special produced the previous year in 1969. This edition contains the full dialogue and all songs for both specials. Beginning in 1989, the special has been released numerous times on VHS and DVD. The 2005 DVD release included a CD single of Mariah Carey performing the title song. The special is also available as part of a DVD box set with other Rankin-Bass Christmas titles including \"Rudolph the Red-Nosed Reindeer\", \"Frosty the Snowman\", and \"Frosty Returns\". In 2010, the special was released in the same box set on Blu-ray Disc. In 2015, both the special and", + "score": 0.677470862865448 + }, + { + "id": "17082027", + "title": "Twice Upon a Christmas", + "text": "Rudolpha's commercial, she and the children discover Rudolpha's plan, and head for the North Pole to try to save Christmas. With a special announcement the pieces are returned and Christmas saved. Rudolph must ride since the deer have not come back. Kristen and Bill get married. CBS Home Entertainment through Paramount Home Entertainment released the film on DVD November 7, 2006. Twice Upon a Christmas Twice Upon A Christmas is a 2001 film directed by Tibor Tak\u00e1cs. A sequel to the PAX television film, \"Once Upon A Christmas\", it stars most of the original cast from the first film. The", + "score": 0.6774592399597168 + }, + { + "id": "8095281", + "title": "Santa Claus in film", + "text": "Almost Wasn't\" (1966), Dan Aykroyd in \"Trading Places\" (1983), Jan Rubes in \"One Magic Christmas\" (1985), David Huddleston in \"\" (1985), Jonathan Taylor Thomas in \"I'll Be Home for Christmas\" (1998), and Ed Asner in \"Elf\" (2003). Later films about Santa vary, but can be divided into the following themes. Some films about Santa Claus seek to explore his origins. They explain how his reindeer fly, where elves come from, and other questions children have generally asked about Santa. Two Rankin/Bass stop motion animation television specials addressed this issue: the first, \"Santa Claus Is Comin' to Town\" (1970), with Mickey", + "score": 0.6773308515548706 + }, + { + "id": "5843175", + "title": "Christmas Carol: The Movie", + "text": "the United States, Metro-Goldwyn-Mayer released it straight to video on VHS and on Region 1 DVD on 7 October 2003 in full screen. Reviewers across Britain, the Republic of Ireland and the US were generally dismissive towards the film. After viewing it at the Toronto International Film Festival, \"Variety\"'s Todd McCarthy wrote, \"[The] character animation is dully inexpressive, and two obnoxious mute mice do more scampering and gesticulating than Harpo Marx did in his entire career.\" Christmas Carol: The Movie Christmas Carol: The Movie is a 2001 British live action/animated film based on Charles Dickens's classic novella. Directed by Jimmy", + "score": 0.6771408915519714 + }, + { + "id": "12909003", + "title": "Christmas in the post-war United States", + "text": "the song's composer Irving Berlin to have the song, and the entire album, banned from radio airplay. Berlin thought Elvis's rendition a \"profane parody of his cherished yuletide standard\". Most US radio stations ignored Berlin's request, though at least one DJ was fired for playing a tune from the album. As of 2007, \"Elvis' Christmas Album\" is the top-selling holiday release of all time with 9 million in sales, according to the RIAA. \"Rudolph the Red-Nosed Reindeer\" was composed in 1948 by Johnny Marks after a 1939 poem by Robert L. May who created Rudolph as part of his employment", + "score": 0.6771005392074585 + }, + { + "id": "1558803", + "title": "Pinocchio (1940 film)", + "text": "theaters by RKO Radio Pictures on February 7, 1940. Critical analysis of \"Pinocchio\" identifies it as a simple morality tale that teaches children of the benefits of hard work and middle-class values. Although it became the first animated feature to win a competitive Academy Award \u2013 winning two for Best Music, Original Score and for Best Music, Original Song for \"When You Wish Upon a Star\" \u2013 it was initially a box office disaster. It eventually made a profit in its 1945 reissue, and is considered one of the greatest animated films ever made, with a 100% rating on the", + "score": 0.6770073175430298 + }, + { + "id": "2840098", + "title": "Rick Moranis", + "text": "2000. He worked for Disney twice more (with his fellow \"SCTV\" alumnus Dave Thomas), voicing Rutt the moose in the 2003 animated film \"Brother Bear\" and its direct-to-video sequel. Moranis was also slated to appear in \"The Breakfast Club\", but was released by John Hughes because his interpretation of the role was not what Hughes was looking for. In 2000, Moranis received his first film credit since 1997 when he provided voice work in the animated film, \"Rudolph the Red-Nosed Reindeer and the Island of Misfit Toys\". In 2003, he provided his voice to the animated film \"Brother Bear\". ,", + "score": 0.6766409873962402 + }, + { + "id": "18281743", + "title": "Oscar Rudolph", + "text": "Oscar Rudolph Oscar Rudolph (April 2, 1911 \u2013 February 1, 1991) was an American film and television director, producer, and actor. Rudolph was born in Cleveland, Ohio, and in 1924 moved to Southern California with his family. He started his Hollywood entertainment career as a bit actor at the age of 14. His first film was \"Little Annie Rooney\" (1925), which starred legendary silent film actress Mary Pickford. He would appear in a total of 36 films in mostly uncredited or bit roles from 1925\u201347, when he appeared in his last role in the film \"Easy Come, Easy Go\". Rudolph", + "score": 0.6765732765197754 + }, + { + "id": "6443257", + "title": "Reindeer Games", + "text": "was originally cast as Pug, but had disagreements with John Frankenheimer in relation to the script and his character that led to him leaving the project before production began to instead film \"The Fast and the Furious\". The film was screened to test audiences who had a mixed response. This resulted in additional editing and some scenes being re-shot; the release date was pushed back from Christmas 1999 to February 2000. \"Reindeer Games\" received generally poor reviews and was not a commercial success. The review aggregator website Rotten Tomatoes reported that 25% of critics gave the film a positive review,", + "score": 0.6759482622146606 + }, + { + "id": "8511428", + "title": "Arthur Rankin Jr.", + "text": "Arthur Rankin Jr. Arthur Gardner Rankin Jr. (July 19, 1924 \u2013 January 30, 2014) was an American director, producer and writer, who mostly worked in animation. A part of Rankin/Bass Productions with his friend Jules Bass, he created stop-motion animation features such as \"Rudolph the Red Nosed Reindeer,\" \"Frosty the Snowman,\" \"Santa Claus Is Comin' to Town,\" and the 1977 cartoon animation of \"The Hobbit\". He is credited on over 1,000 television programs. Rankin was born in New York City, the son of actors Arthur Rankin and Marian Mansfield. His paternal grandmother was actress Phyllis Rankin, and his paternal step-grandfather,", + "score": 0.675870954990387 + }, + { + "id": "4184682", + "title": "Rudolph the Red-Nosed Reindeer (TV special)", + "text": "concept designs and storyboards for \"Rudolph\" were done by Arthur Rankin, Jr. and his staff of artists at Rankin/Bass in New York City. The company's trademark stop motion animation process, known as \"Animagic\", was filmed at MOM Productions in Tokyo with supervision by Tadahito Mochinaga and associate direction by Kizo Nagashima. Besides \"Rudolph\", Mochinaga and the rest of the Japanese puppet animation staff are also known for their partnership with Rankin/Bass on their other Animagic productions almost throughout the 1960s, from \"The New Adventures of Pinocchio\", to \"Willy McBean and his Magic Machine\", to \"The Daydreamer\" and \"Mad Monster Party?\"", + "score": 0.6755539178848267 + }, + { + "id": "7707205", + "title": "How the Grinch Stole Christmas (2000 film)", + "text": "by Howard and Brian Grazer's Imagine Entertainment, \"Dr. Seuss' How the Grinch Stole Christmas\" was released by Universal Pictures on November 17, 2000 to mixed reviews from critics yet grossed over $345 million worldwide, becoming the sixth-highest grossing film of 2000 and the second highest-grossing holiday film of all-time behind \"Home Alone\" (1990). It won the Academy Award for Best Makeup as well as getting nominations for Best Art Direction and Best Costume Design. All the residents of Whoville (Whos) enjoy celebrating Christmas, except for the Grinch, a misanthropic and egotistical creature who hates it and the Whos. No one", + "score": 0.6750898957252502 + }, + { + "id": "4184674", + "title": "Rudolph the Red-Nosed Reindeer (TV special)", + "text": "Since 1972, the special has aired on CBS; the network unveiled a high-definition, digitally remastered version of the program in 2005. As with \"A Charlie Brown Christmas\" and \"How the Grinch Stole Christmas\", \"Rudolph\" no longer airs just once annually, but several times during the Christmas and holiday season on CBS. Unlike other holiday specials that also air on several cable channels (including Freeform), \"Rudolph\" airs only on CBS. It has been telecast every year since 1964, making it the longest continuously running Christmas TV special in history. 2014 marked the 50th anniversary of the television special and a series", + "score": 0.674548327922821 + }, + { + "id": "2811668", + "title": "Frankenweenie (1984 film)", + "text": "in the Special Edition, Collector's Edition, and Blu-ray 3D releases of \"The Nightmare Before Christmas\" and on the Blu-ray release of its remake. Burton was fired by Disney after the film was completed; the studio claimed that he had been wasting company resources, and felt the film was not suitable for the target young audiences. The short was originally planned to be released alongside the summer re-release of The Jungle Book, its release was rescheduled with the Christmas re-release of Pinocchio on December 21, 1984. Although the film was subsequently shelved, the film played in UK cinemas in 1985 in", + "score": 0.6745424270629883 + }, + { + "id": "12909004", + "title": "Christmas in the post-war United States", + "text": "with Montgomery Ward. The song tells the story of a reindeer whose shiny red nose guides Santa's sleigh through the fog on Christmas Eve. Gene Autry's 1949 recording remained at #1 for a week and brought the song widespread fame. Only \"White Christmas\" has sold more copies. Autry had another hit in 1950 with \"Frosty the Snowman\", written by Jack Rollins and Steve Nelson as a direct attempt to create a success in the vein of \"Rudolph The Red-Nosed Reindeer\". The song tells the story of a magical snowman who has playful adventures with children. In 1963, \"Frosty\" hit its", + "score": 0.6744930148124695 + }, + { + "id": "141316", + "title": "The Pinchcliffe Grand Prix", + "text": "There is also a US dubbed version. The film was first released on DVD in 2001. In 2005 a digitally restored 30th-anniversary DVD was released which featured soundtracks and subtitles in five languages including English. The movie aired every Christmas Eve in Norway for several years, until a change of channel from NRK to TV 2 changed the airing date to 23 or 25 December. In 2009 it showed on the 25th. It was released on 8 May 1980 in Australian theaters by Filmways Australia and released in US and Canada in 1981. In 2000 a computer game based on", + "score": 0.6736180782318115 + }, + { + "id": "5747955", + "title": "Santa Claus: The Movie", + "text": "was a masterpiece and would also become a mega hit. \"Santa Claus: The Movie\" was filmed in Buckinghamshire, England at Pinewood Studios, between August and November 1984. The film was photographed by Arthur Ibbetson, whose credits, among others, included the original \"Willy Wonka and the Chocolate Factory\" (1971). \"Santa Claus: The Movie\" was his final feature film. Serving as film editor was Peter Hollywood. The production was designed by Anthony Pratt, with costume design concepts by Bob Ringwood. The visual effects unit, as well as several of the production staff, were Salkind stalwarts from the \"Superman\" films: Derek Meddings, director", + "score": 0.6726586818695068 + }, + { + "id": "11753637", + "title": "Maury Laws", + "text": "animated features, including \"The Hobbit\", \"Jack Frost\", \"The Flight of Dragons\", \"The Daydreamer\", \"The Wacky World of Mother Goose\", \"Santa Claus Is Comin' To Town\", and \"Frosty the Snowman\". His most widely known work may be an adaptation of Johnny Marks' score for the well-known Christmas special \"Rudolph the Red-Nosed Reindeer\", first aired in 1964. Laws has also done composing work on a 1967 Rankin/Bass theatrical feature, the Halloween-themed \"Mad Monster Party\". Maury Laws resides in Appleton, Wisconsin. He is active in the arts in Wisconsin. Maury Laws Maury Laws (born December 6, 1923 in Burlington, North Carolina) is an", + "score": 0.671833872795105 + }, + { + "id": "6601391", + "title": "The Year Without a Santa Claus", + "text": "through their ownership of the post-1974 Rankin/Bass Productions library. The special was first released on VHS by Vestron Video on September 5, 1991 as part of their Christmas Classics Series, which is distributed by Family Home Entertainment. Warner Home Video released the special on VHS on September 2, 1992, and re-released it on VHS on September 28, 1999. The special was then released on DVD on October 31, 2000, and re-released on the Deluxe Edition DVD on October 2, 2007. Warner Home Video released the special on Blu-ray on October 5, 2010, making it the first Rankin/Bass production to be", + "score": 0.6716791987419128 + }, + { + "id": "9110129", + "title": "A Christmas Carol (2006 film)", + "text": "Scrooge's childhood home. A Christmas Carol (2006 film) A Christmas Carol (a.k.a. A Christmas Carol: Scrooge's Ghostly Tale) is a 2006 computer-animated film adaptation of the Charles Dickens tale, produced by BKN Home Entertainment. It was released theatrically in select cities by Kidtoon Films on November 6, 2006, and was released on DVD on November 21, 2006 by Genius Products and was part of BKN's anthology and trilogy series \"BKN Classic Series\". This version casts the famous Dickens characters as anthropomorphic animals; Ebenezer Scrooge and his relatives are skunks, Bob Cratchit and his family are rabbits, the ghost of Jacob", + "score": 0.6715850830078125 + }, + { + "id": "7635478", + "title": "Clifford's Really Big Movie", + "text": "Clifford's Really Big Movie Clifford's Really Big Movie is a 2004 American animated adventure film based on the classic PBS Kids TV series \"Clifford the Big Red Dog\", itself an adaptation of the book series of the same name by Norman Bridwell. This film was directed by Robert Ramirez, produced by Scholastic Entertainment and Big Red Dog Productions, and originally released to theaters by Warner Bros. on February 20, 2004. The film depicts a giant red Labrador Retriever named Clifford (John Ritter) running away and joining a travelling animal show known as \"Larry's Amazing Animals\" with his best friends. Larry", + "score": 0.6713021993637085 + }, + { + "id": "4580419", + "title": "Rudolph's Shiny New Year", + "text": "DVD on October 31, 2000. The special, along with other Rankin/Bass Christmas specials and Chuck Jones' animated TV adaptation of \"Dr. Seuss' How the Grinch Stole Christmas!\", was bundled in Warner's Christmas Television Favorites DVD box set, released on October 2, 2007. On October 7, 2008, these same titles are released in another holiday-themed DVD set, Classic Christmas Favorites. Once again and this time, Warner Home Video released seven different original Rankin/Bass holiday classics along with \"Dr. Seuss' How the Grinch Stole Christmas!\" on the third DVD box set, Santa's Magical Stories, released on October 4, 2011. \"A Miser Brothers'", + "score": 0.6709021329879761 + }, + { + "id": "9110127", + "title": "A Christmas Carol (2006 film)", + "text": "A Christmas Carol (2006 film) A Christmas Carol (a.k.a. A Christmas Carol: Scrooge's Ghostly Tale) is a 2006 computer-animated film adaptation of the Charles Dickens tale, produced by BKN Home Entertainment. It was released theatrically in select cities by Kidtoon Films on November 6, 2006, and was released on DVD on November 21, 2006 by Genius Products and was part of BKN's anthology and trilogy series \"BKN Classic Series\". This version casts the famous Dickens characters as anthropomorphic animals; Ebenezer Scrooge and his relatives are skunks, Bob Cratchit and his family are rabbits, the ghost of Jacob Marley is a", + "score": 0.6706657409667969 + }, + { + "id": "2418776", + "title": "The Nightmare Before Christmas", + "text": "Nightmare Before Christmas\" originated in a poem written by Burton in 1982 while he was working as an animator at Walt Disney Feature Animation. With the success of \"Vincent\" in the same year, Burton began to consider developing \"The Nightmare Before Christmas\" as either a short film or 30-minute television special to no avail. Over the years, Burton's thoughts regularly returned to the project, and in 1990, he made a development deal with Walt Disney Studios. Production started in July 1991 in San Francisco; Disney released the film through Touchstone Pictures because the studio believed the film would be \"too", + "score": 0.6704416871070862 + }, + { + "id": "2581199", + "title": "Elf (film)", + "text": "and won two. \"Elf\" is often ranked among the greatest Christmas films of all-time, and since its release has joined the many films which air annually on television during the holiday season. In 2017, Fandango users rated \"Elf\" as the best Christmas film of the 21st century. The film was released on DVD and VHS on November 16, 2004, and on Blu-ray on October 28, 2008. It is also available for the PlayStation Portable with Universal Media Disc. This is one of the only 2 DVD's to be PG rated under the \"Infinifilm\" label A Broadway musical based upon the", + "score": 0.6703646183013916 + }, + { + "id": "18079799", + "title": "The Night Before Christmas (1933 film)", + "text": "The Night Before Christmas (1933 film) The Night Before Christmas, also known as Santa's Toys, is a 1933 American Pre-Code animated short film produced by Walt Disney Productions and released by United Artists. Part of the \"Silly Symphony\" series, the film is an adaptation of Clement Clarke Moore's poem \"A Visit from St. Nicholas\", popularly called \"The Night Before Christmas\". The film was directed by Disney animator Wilfred Jackson. In a loose adaptation of Clement C. Moore's famous poem, St. Nick is seen delivering the toys that he made in Disney's \"Santa's Workshop\" (1932) to a house full of sleeping", + "score": 0.6695369482040405 + }, + { + "id": "14601174", + "title": "Children's programming on CBS", + "text": "2000, when the broadcast rights were acquired by ABC. CBS also aired several prime time animated specials based on the works of Dr. Seuss, beginning with \"How the Grinch Stole Christmas\" in 1966, as well as several specials based on the \"Garfield\" comic strip during the 1980s (which led to Garfield getting his own Saturday morning cartoon on the network, Garfield and Friends, in 1988). Two stop motion animated specials by the Rankin/Bass studio, \"Rudolph the Red-Nosed Reindeer\" and \"Frosty The Snowman\" have been annual holiday staples on CBS respectively since 1972 (eight years after the special originally debuted on", + "score": 0.6691896915435791 + }, + { + "id": "1285836", + "title": "Santa Claus Conquers the Martians", + "text": "John Call and Victor Stiles were appearing on stage in \"Oliver!\" Donna Conforti was appearing in \"Here's Love\" on Broadway. In a 1966 interview Levine said he had made 15 \"family type pictures\" in 18 months \"but don't let it get around. I don't want anybody to know because families don't go to see them - they just talk about them. But I make them anyway because I have the protection of the television. Money in the bank, the television.\" The movie was released in time for Christmas 1964. It was regularly re-released at Christmastime for matinees. In 1965 the", + "score": 0.6685108542442322 + }, + { + "id": "6140112", + "title": "White Christmas (film)", + "text": "end of 2014. White Christmas (film) White Christmas is a 1954 American musical film directed by Michael Curtiz and starring Bing Crosby, Danny Kaye, Rosemary Clooney, and Vera-Ellen. Filmed in VistaVision and Technicolor, it features the songs of Irving Berlin, including a new version of the title song, \"White Christmas\", introduced by Crosby in the film \"Holiday Inn\". Produced and distributed by Paramount Pictures, the film is notable for being the first to be released in VistaVision, a widescreen process developed by Paramount that entailed using twice the surface area of standard 35mm film; this large-area negative was used to", + "score": 0.6683312058448792 + }, + { + "id": "427541", + "title": "Tim Burton", + "text": "predecessor. Burton produced, but did not direct, due to schedule constraints on \"Batman Returns\", \"The Nightmare Before Christmas\" (1993) for Disney, originally meant to be a children's book in rhyme. The film was directed by Henry Selick and written by Caroline Thompson, based on Burton's original story, world and characters. The film received positive reviews for the stop motion animation, musical score and original storyline. It was a box office success, grossing $50 million.Because of the ruling nature of the film, it was not produced under Disney's name, but rather Disney owned Touchstone Pictures. Disney also fought for the protagonist", + "score": 0.6678633689880371 + }, + { + "id": "4022791", + "title": "The Muppet Christmas Carol", + "text": "VHS and LaserDisc releases. The LaserDisc version includes the only widescreen presentation of this song ever released. The 2002 and 2005 DVD releases do retain the song, but only in the full-screen version of the film. A 2012 standalone DVD release of the film uses the same disc from the 2005 release, so it also contains the song. However, a different DVD was used for the 2012 Blu-ray combo pack which does not contain the song. The Muppet Christmas Carol The Muppet Christmas Carol is a 1992 American musical fantasy comedy-drama film produced by Jim Henson Productions and distributed by", + "score": 0.6677991151809692 + }, + { + "id": "18953735", + "title": "Rockin' Rudolph", + "text": "AllMusic rated the album three out of five stars and states: \"Rockin' Rudolph deserves to sit proudly alongside the Brian Setzer Orchestra's other five Christmas albums because it serves up snazzy seasonal swingers, tunes that revel in their retro-kitsch.\" Source: iTunes Credits adapted from AllMusic: Rockin' Rudolph Rockin\u2019 Rudolph is the third Christmas album by The Brian Setzer Orchestra, released on October 16, 2015, through Surfdog Records. Produced by Peter Collins, it is the band's first Christmas album in ten years. In support of the album, The Brian Setzer Orchestra embarked on the 12th Annual Christmas Rocks! Tour. In the", + "score": 0.6677795648574829 + }, + { + "id": "13331035", + "title": "Candles, Snow & Mistletoe", + "text": "album was then televised on CBC as a Christmas Special in 1993 and was later released on video under the same name in 1994. This 50-minute home video, produced by Eryk Casemiro for Broadway Video, and directed by Michael McNamara, features \"an original musical fantasy that combines familiar warmth, wit, and vocal magic of stars Sharon, Lois & Bram with the hijinks of their adorable pal, Elephant. [The film] is chock-full of unforgettable new songs and familiar Christmas classics produced by Emmy Award-Winning composer, Glen Roven. By turns heartwarming and hilarious, the story unfolds as Sharon, Lois & Bram take", + "score": 0.6677279472351074 + }, + { + "id": "12139918", + "title": "Pinocchio's Christmas", + "text": "Pinocchio's Christmas Pinocchio's Christmas is a 1980 Christmas stop motion television special produced by Rankin/Bass Productions that is a holiday adaptation of \"The Adventures of Pinocchio\". The special was originally aired on ABC on December 3, 1980. It aired annually during the Christmas season on Freeform and as of 2018 airs on AMC. It is Pinocchio's first Christmas, and Geppetto is trying to figure out how to buy a Christmas present for him, so he sells his boots to buy an arithmetic book for Pinocchio, who later on sells the book to buy a present for Geppetto. However, he soon", + "score": 0.6676543354988098 + }, + { + "id": "12799176", + "title": "Miracle on 34th Street (1994 film)", + "text": "Miracle on 34th Street (1994 film) Miracle on 34th Street is a 1994 American Christmas fantasy film written and produced by John Hughes, and directed by Les Mayfield (the two would reunite for 1997's \"Flubber\"). It stars Richard Attenborough, Mara Wilson, Elizabeth Perkins, and Dylan McDermott, and is the fourth remake (and the second theatrical version) of the original 1947 film. Like the original, this film was released by 20th Century Fox. The New York City based Macy's department store declined any involvement with this remake, so the fictitious \"Cole's\" became its replacement. Gimbels had gone out of business in", + "score": 0.6668072938919067 + }, + { + "id": "4184675", + "title": "Rudolph the Red-Nosed Reindeer (TV special)", + "text": "of postage stamps featuring Rudolph were issued by the United States Postal Service on November 6, 2014. Sam the Snowman welcomes the viewers to Christmastown at the North Pole and introduces Santa and Mrs. Claus who live in a castle located left of the Christmas Tree Forest. Later on, Sam recalls the year Christmas was almost cancelled due to a big snowstorm and how a very special reindeer saved the day. Donner, Santa's lead reindeer, and his wife have given birth to a new fawn named Rudolph. Upon admiring him, they are surprised to see that he has been born", + "score": 0.666512131690979 + }, + { + "id": "6443250", + "title": "Reindeer Games", + "text": "Reindeer Games Reindeer Games (alternatively titled Deception) is a 2000 American crime thriller film directed by John Frankenheimer, written by Ehren Kruger, and starring Ben Affleck, Gary Sinise and Charlize Theron, with Dennis Farina, James Frain, Donal Logue, Danny Trejo, and Clarence Williams III in supporting roles. \"Reindeer Games\" was released by Miramax Films on February 25, 2000. It received generally negative critical reception and was a box office failure, grossing $32 million against a budget of $42 million. It was Frankenheimer's last theatrical film. Nick Cassidy and Rudy Duncan are cellmates in prison two days away from release. Nick", + "score": 0.6664754152297974 + }, + { + "id": "4298594", + "title": "A Christmas Carol (1938 film)", + "text": "November 2014. A Christmas Carol (1938 film) A Christmas Carol is a 1938 American film adaptation of Charles Dickens's 1843 novella of the same name, starring Reginald Owen as Ebenezer Scrooge, an elderly miser who learns the error of his ways on Christmas Eve after visitations by three spirits. On Christmas Eve in 19th-century London, Fred is sliding on ice on a sidewalk. He meets Peter and Tim Cratchit, sons of his uncle Ebenezer's clerk, Bob Cratchit. When Fred reveals who he is, the boys take off in terror. Fred soon arrives at the counting-house of his miserly maternal uncle,", + "score": 0.6664301156997681 + }, + { + "id": "4184693", + "title": "Rudolph the Red-Nosed Reindeer (TV special)", + "text": "reindeer games. Marks' holiday standard \"Rockin' Around the Christmas Tree\" appears as instrumental background music when Rudolph first arrives at the Reindeer Games. Also included in the soundtrack is an instrumental version of Marks' setting of the Christmas hymn \"I Heard the Bells on Christmas Day.\" In 1964, an LP record of the soundtrack was released on Decca Records. It contained all the original songs performed as they are in the special, with the exception of Burl Ives' material, which has been re-recorded. MCA Special Products released the soundtrack on CD in June 1995. It is an exact duplication of", + "score": 0.6656582355499268 + }, + { + "id": "6140089", + "title": "White Christmas (film)", + "text": "White Christmas (film) White Christmas is a 1954 American musical film directed by Michael Curtiz and starring Bing Crosby, Danny Kaye, Rosemary Clooney, and Vera-Ellen. Filmed in VistaVision and Technicolor, it features the songs of Irving Berlin, including a new version of the title song, \"White Christmas\", introduced by Crosby in the film \"Holiday Inn\". Produced and distributed by Paramount Pictures, the film is notable for being the first to be released in VistaVision, a widescreen process developed by Paramount that entailed using twice the surface area of standard 35mm film; this large-area negative was used to yield finer-grained standard-sized", + "score": 0.6650592088699341 + }, + { + "id": "11728364", + "title": "A Christmas Carol (1982 film)", + "text": "no more than caring a friend. A Christmas Carol (1982 film) A Christmas Carol is an Australian 75-minute made-for-television animated film from Burbank Films Australia; a part of the studio's series of adaptations of Charles Dickens' works made from 1982 through 1985. It was originally broadcast in 1982 through the Australian Nine Network Australia. The film is based on Charles Dickens' classic English story, \"A Christmas Carol\", first published in 1843, and was adapted by Alexander Buzo. It was produced by Eddy Graham and directed by Jean Tych. Voice talent included Ron Haddrick, Phillip Hinton, Sean Hinton, Barbara Frawley, Robin", + "score": 0.6650485992431641 + }, + { + "id": "6140110", + "title": "White Christmas (film)", + "text": "the film grossed $30 million at the domestic box office. There was a US theatrical re-release by Paramount in 1961. \"White Christmas\" was released on US VHS in 1986 and again in 1997. The first US DVD release was in 2000. It was subsequently re-released in 2009, with a commensurate Blu-ray in 2010. The most recent US issue was a 4-disc \"Diamond Anniversary Edition\" in 2014. This collection contains a Blu-ray with extras, two DVDs with the film and extras, and a fourth disc of Christmas songs on CD. These songs are performed individually by Crosby, Clooney, and Kaye. A", + "score": 0.6649178266525269 + } + ] + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who sings on the album spite of ourselves with john prine?", + "short_answers": [ + "Melba Montgomery", + "Trisha Yearwood", + "Iris DeMent, Connie Smith, Lucinda Williams, Trisha Yearwood, Melba Montgomery, Emmylou Harris, Dolores Keane, Patty Loveless, and his wife, Fiona Prine", + "Emmylou Harris", + "Dolores Keane", + "Fiona Prine", + "Lucinda Williams", + "Connie Smith", + "Patty Loveless", + "Iris DeMent" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who sings the song in spite of ourselves with john prine?", + "short_answers": [ + "DeMent", + "Iris DeMent", + "Iris Luella DeMent" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "In Spite of Ourselves", + "url": "https://en.wikipedia.org/wiki/In%20Spite%20of%20Ourselves" + }, + { + "title": "John Prine - Live from Sessions at West 54th", + "url": "https://en.wikipedia.org/wiki/John%20Prine%20-%20Live%20from%20Sessions%20at%20West%2054th" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "In Spite of Ourselves is the 13th studio album of John Prine, featuring duets with various well-known female folk and alt-country vocalists, released in 1999", + "wikipage": "In Spite of Ourselves" + }, + { + "content": "Iris Luella DeMent (born January 5, 1961)[1] is an American two-time Grammy-nominated singer and songwriter. ", + "wikipage": "Iris DeMent" + } + ], + "long_answer": "John Prine's album, In Spite of Ourselves features duets with many female vocalists, including Iris DeMent, Connie Smith, Lucinda Williams, Trisha Yearwood, Melba Montgomery, Emmylou Harris, Dolores Keane, Patty Loveless, and his wife, Fiona Prine. In the song by which the album was titled, John was accompanied by Iris DeMent, the two-time Grammy-nominated singer and songwriter. " + } + ], + "sample_id": "-8651619018883977220", + "question": "Who sings in spite of ourselves with john prine?", + "docs": [ + { + "id": "11033250", + "title": "In Spite of Ourselves", + "text": "used to be called \u201cgirl singers.\" In Spite of Ourselves In Spite of Ourselves is the 13th studio album of John Prine, featuring duets with various well-known female folk and alt-country vocalists, released in 1999. The album was Prine\u2019s first release since successfully battling throat cancer. The female duet partners include Iris DeMent, Connie Smith, Lucinda Williams, Melba Montgomery, Emmylou Harris, Trisha Yearwood, Dolores Keane, Patty Loveless, and his wife, Fiona Prine. Writing for Allmusic, critic Michael B. Smith wrote the album \"ranks as one of Prine's finest works, a scrapbook of country classics, interpreted by some of the genres", + "score": 0.8544223308563232 + }, + { + "id": "11033247", + "title": "In Spite of Ourselves", + "text": "In Spite of Ourselves In Spite of Ourselves is the 13th studio album of John Prine, featuring duets with various well-known female folk and alt-country vocalists, released in 1999. The album was Prine\u2019s first release since successfully battling throat cancer. The female duet partners include Iris DeMent, Connie Smith, Lucinda Williams, Melba Montgomery, Emmylou Harris, Trisha Yearwood, Dolores Keane, Patty Loveless, and his wife, Fiona Prine. Writing for Allmusic, critic Michael B. Smith wrote the album \"ranks as one of Prine's finest works, a scrapbook of country classics, interpreted by some of the genres best female vocalists, in duet with", + "score": 0.8533764481544495 + }, + { + "id": "11033248", + "title": "In Spite of Ourselves", + "text": "one fine American singer and a great songwriter.\" Music critic Bill Frater wrote \"To begin with, long-time John Prine fans might be a little put off by this new release. There is only one Prine-penned song in the bunch, In Spite of Ourselves, the title track... I love this album, and I applaud Prine proclaiming his love for these kinds of songs.\" Robert Christgau gave the album an A rating, and had particular praise for Iris DeMent, writing \"... the costar is Iris DeMent, who kills on both the Bobby Braddock cornpone of \"(We're Not) The Jet Set\" (rhymes with", + "score": 0.829470694065094 + }, + { + "id": "2005181", + "title": "John Prine", + "text": "Award-winning \"The Missing Years\", his first collaboration with producer and Heartbreakers bassist Howie Epstein. The title song records Prine's humorous take on what Jesus did in the unrecorded years between his childhood and ministry. In 1995, \"Lost Dogs and Mixed Blessings\" was released, another collaboration with Epstein. Prine followed in 1999 with \"In Spite of Ourselves\", which was unusual for him in that it contained only one original song; the rest were covers of classic country songs. All of the tracks are duets with well-known female country vocalists, including Lucinda Williams, Emmylou Harris, Dolores Keane, and Iris DeMent. In 2001", + "score": 0.8042669296264648 + }, + { + "id": "7835444", + "title": "Kevin Mitchell (musician)", + "text": "the songs, \"Hand Me Downs\" and \"Wintersong\". Mitchell was asked by Australian country musician Kirsty Lee Akers to perform a duet of the John Prine song, \"In Spite of Ourselves\", at the 2010 Tamworth Country Music Festival, and a music video was provided. Alongside fellow Australian musicians Temperley, Pyke, Holly Throsby and Patience Hodgson, Mitchell performed a series of tribute shows in commemoration of Bob Dylan's 50th anniversary as a songwriter. The \"one-off\" group performed shows in Melbourne, Sydney, Brisbane and at the Splendour in the Grass festival. Following his commitments for \"Goodnight Bull Creek\", Mitchell embarked on a recording", + "score": 0.7963371276855469 + }, + { + "id": "9528749", + "title": "Jason Wilber", + "text": "album \"Fair & Square\" and on Prine's two Grammy Award-nominated albums \"Live on Tour\" and \"In Spite of Ourselves\" (which spent 32 weeks on the Billboard Country Charts). Jason has accompanied John Prine on duet recordings with Emmylou Harris, Lucinda Williams, Josh Ritter, Patty Loveless, Iris Dement, Trisha Yearwood, and Sara Watkins. He has played with other artists, including John Prine, Hal Ketchum, Greg Brown, Iris DeMent, Todd Snider, Greg Trooper, Carrie Newcomer, Tom Russell and Tim Grimm, Krista Detor, Kim Fox, Bill Wilson, and Over the Rhine. Jason Wilber served as Co-Executive Producer on the compilation CD Coal Country", + "score": 0.7745229005813599 + }, + { + "id": "6128773", + "title": "Jesse Lacey", + "text": "and guitar on Grace Read's song \"Cloak and Dagger\", from her EP \"Young Guns\". At various Brand New shows in 2014 and 2015, Lacey joined support band Dinosaur Pile-Up on stage, performing their track \"Nature Nurture\". Lacey and his wife Andrea released a cover of \"In Spite of Ourselves\", originally by John Prine in February 2015. In 2015, Lacey, along with Mike Sapone, co-produced the track \"Aerobed\" for the band Cymbals Eat Guitars, as part of the \"Devinyl Splits\" series, curated by Kevin Devine. Early on in his career as a musician Lacey cited bands such as Lifetime, Foo Fighters,", + "score": 0.7688353061676025 + }, + { + "id": "19759164", + "title": "For Better, or Worse", + "text": "Spite of Ourselves\". The 15 tracks contain 14 duets with 11 female artists (with Iris DeMent, Lee Ann Womack and Kathy Mattea recording two duets and Alison Krauss, Susan Tedeschi, Holly Williams, Morgane Stapleton, Amanda Shires, Miranda Lambert, Kacey Musgraves and Prine's wife Fiona Prine recording one duet each. The last track is a solo recording, \"Just Waitin'\", by Prine. Two of the artists, Iris DeMent and Fiona Prine had been featured in the 1999 album as well. The album was debuted at number 2 on Billboard US Country Albums Charts and number 30 on the Billboard Hot 200. It", + "score": 0.7672342658042908 + }, + { + "id": "7835434", + "title": "Kevin Mitchell (musician)", + "text": "played with a backing band which included Ashley Naylor (Even) and Roderick \"Wally Meanie\" Kempton (The Meanies). At the 2011 festival, Mitchell performed a duet with Australian country music artist Kirsty Lee Akers who had discovered Mitchell during his supporting tour with Australian country music artist Keith Urban \u2013 Akers explained on stage that, prior to the Urban tour, she had often heard a Bob Evans song at a shopping centre without knowing the name of the artist. The pair performed a rendition of John Prine's song, \"In Spite of Ourselves\". The first national Familiar Stranger Tour commenced on the", + "score": 0.7655577659606934 + }, + { + "id": "14846398", + "title": "Look at Us (Vince Gill song)", + "text": "recognizable by what happens before any words even get sung.\" John Prine recorded the song as a duet with Morgane Stapleton as part of his 2016 album \"For Better, or Worse\". Deana Carter also performed a cover to celebrate 50 years of the CMA Awards. The music video was directed by John Lloyd Miller and premiered in late 1991. It contains videos and photographs of several long-timed married couples, still in love. The video featured Gill's ex wife (Janis Arnold Gill) - they later divorced in 1997. Look at Us (Vince Gill song) \"Look at Us\" is a song co-written", + "score": 0.7652567625045776 + }, + { + "id": "2005184", + "title": "John Prine", + "text": "Medicine Show, Lambchop, Josh Ritter, Drive-By Truckers, Nickel Creek's Sara Watkins, Deer Tick featuring Liz Isenberg, Justin Townes Earle, Those Darlins, and Bon Iver's Justin Vernon. In 2016, Prine was named winner of the PEN/Song Lyrics Award, given to two songwriters every other year by the PEN New England chapter. The 2016 award was shared with Tom Waits and his songwriting collaborator wife Kathleen Brennan. Judges for the award included Peter Wolf, Rosanne Cash, Paul Simon, Elvis Costello and others, as well as literary judge Salman Rushdie. In 2016, Prine released \"For Better, or Worse\", a follow-up to \"In Spite", + "score": 0.7490891814231873 + }, + { + "id": "11033249", + "title": "In Spite of Ourselves", + "text": "\"Chevro-let set\") and the conflicted spouse-swapping of the impossible old George & Melba hit \"Let's Invite Them Over\"\u2014as well as Prine's only new copyright, the title track, in which a husband and wife who love each other to death paint totally different pictures of their marriage. \" Critic David Cantwell of \"No Depression\" specifically singled out the title track as the best duet on the album and wrote that the album \"is a solid collection of country duets, and if nothing else, it proves that Prine has great taste in old country songs... not to mention great taste in what", + "score": 0.7423741817474365 + }, + { + "id": "2005182", + "title": "John Prine", + "text": "Prine co-starred in the Billy Bob Thornton movie \"Daddy & Them\". \"In Spite of Ourselves\" can be heard as the end credits roll. Prine recorded a version of Stephen Foster's \"My Old Kentucky Home\" in 2004 for the compilation album \"Beautiful Dreamer\", which won the Grammy for Best Traditional Folk Album in 2004. In 2005, Prine released his first all-new offering since \"Lost Dogs and Mixed Blessings\", the album \"Fair & Square\", which tended toward a more laid-back, acoustic approach. The album contains songs such as \"Safety Joe,\" about a man who has never taken any risks in his life,", + "score": 0.7414578795433044 + }, + { + "id": "2005175", + "title": "John Prine", + "text": "singer-songwriters as Steve Goodman, Michael Peter Smith, Bonnie Koloc, Jim Post, Tom Dundee, Anne Hills and Fred Holstein. Joined by such established musicians as Jethro Burns and Bob Gibson, Prine performed frequently at a variety of Chicago clubs\u2014including the Earl of Old Town, the Quiet Knight, Somebody Else's Troubles, The Fifth Peg, and the Bulls. In 1971 Prine's self-titled debut album was released. He and friend Steve Goodman had each been active in the Chicago folk scene before being \"discovered\" by Kris Kristofferson (Kristofferson remarked that Prine wrote songs so good that \"we'll have to break his thumbs\"). The album", + "score": 0.7189173698425293 + }, + { + "id": "18240098", + "title": "Heather Eatman", + "text": "City to attend Parsons School of Design, graduating with a BFA in illustration in 1990. While supporting herself at a series of odd jobs, she began singing at clubs in Manhattan's East Village and Lower East Side. At one of these gigs, she met Tom Lewis, an A & R rep for Oh Boy Records, an independent record company owned by singer-songwriter John Prine, who signed her to the label in 1993. Her first album, \"Mascara Falls\", was released two years later in 1995. Heather subsequently toured the United States, opening for Prine, Billy Bragg, John Hiatt, Crash Test Dummies,", + "score": 0.7180681228637695 + }, + { + "id": "9220533", + "title": "John Prine (album)", + "text": "on his 1972 album \"Aerie\" ) and \"Paradise\" (on \"Rocky Mountain High\", later the same year), and Prine's friend and fellow songwriter Steve Goodman recorded \"Donald & Lydia\" on his 1971 self-titled LP. All songs written by John Prine. On all songs except \"Paradise\" and \"Flashback Blues\": On \"Paradise\": On \"Flashback Blues\": John Prine (album) John Prine is the first album by American country/folk singer-songwriter John Prine, issued by Atlantic Records in 1971. In 2003, the album was ranked number 452 on \"Rolling Stone\" magazine's list of the 500 greatest albums of all time. Prine was offered a recording contract", + "score": 0.7179075479507446 + }, + { + "id": "19759163", + "title": "For Better, or Worse", + "text": "For Better, or Worse For Better, or Worse is a 2016 album of John Prine. It consists of tracks in which Prine teams with an all-star array of female singers to tackle carefully chosen vintage country tunes in duets. The album was also released in vinyl format that also included a mp3 download pass for the album. It is his first album release in 9 years since 2007's Standard Songs for Average People The album is the second compilation album featuring duets with Prine. The first Prine's compilation of duets was in 1999 when he recorded the similarly styled \"In", + "score": 0.7177700400352478 + }, + { + "id": "2005192", + "title": "John Prine", + "text": "John Prine does. His is just extraordinarily eloquent music\u2014and he lives on that plane with Neil Young and Lennon.\" Prine received the Artist of the Year award at the Americana Music Awards on September 9, 2005. 2004 saw Prine's song \"Sam Stone\" covered by Laura Cantrell for the Future Soundtrack for America compilation. In October and November 2018, Prine was nominated for induction into the Rock and Roll Hall of Fame and the Songwriters Hall of Fame. John Prine John Prine (born October 10, 1946) is an American country folk singer-songwriter. He has been active as a composer, recording artist,", + "score": 0.7164286375045776 + }, + { + "id": "13308085", + "title": "A John Prine Christmas", + "text": "A John Prine Christmas A John Prine Christmas is the 11th studio album by American folk singer John Prine, released in 1994. \"If You Were the Woman and I Was the Man\" is a duet with Margo Timmins, lead singer of the Cowboy Junkies. Writing for Allmusic, critic Ronnie D. Lankford, Jr. wrote of the album \"this isn't the run-of-the-mill holiday product, and Prine can still write a good song when he sets his mind to it. Old fans will be glad to see that even cynics can age gracefully.\" Music critic Robert Christgau gave the album a 1-star Honorable", + "score": 0.7139902114868164 + }, + { + "id": "3493380", + "title": "Iris DeMent", + "text": "of original songs in 16 years, \"Sing the Delta\". DeMent has sung duets with Steve Earle and Emmylou Harris and is featured on the albums of many other performers. She sang the Merle Haggard song \"Big City\" on \"Tulare Dust: A Songwriters' Tribute to Merle Haggard\". She has made frequent appearances on Garrison Keillor's radio show \"A Prairie Home Companion\". DeMent contributed harmony vocals to \"Pallbearer\", a song from country artist Josh Turner's 2012 album \"Punching Bag\". In 2015, DeMent released \"The Trackless Woods\" an album based upon and inspired by the words of Russian poet, Anna Akhmatova on her", + "score": 0.7119495868682861 + }, + { + "id": "13308086", + "title": "A John Prine Christmas", + "text": "Mention rating. A John Prine Christmas A John Prine Christmas is the 11th studio album by American folk singer John Prine, released in 1994. \"If You Were the Woman and I Was the Man\" is a duet with Margo Timmins, lead singer of the Cowboy Junkies. Writing for Allmusic, critic Ronnie D. Lankford, Jr. wrote of the album \"this isn't the run-of-the-mill holiday product, and Prine can still write a good song when he sets his mind to it. Old fans will be glad to see that even cynics can age gracefully.\" Music critic Robert Christgau gave the album a", + "score": 0.70933997631073 + }, + { + "id": "3493378", + "title": "Iris DeMent", + "text": "Folk Album category. DeMent's third album, \"The Way I Should\", was released in 1996. Featuring the protest song \"Wasteland of the Free\", it is DeMent's most political work. It covers topics such as sexual abuse, religion, government policy, and Vietnam. DeMent sang the duet \"Bell Bottomed Tear\" as part of The Beautiful South's Much Later with Jools live special in 1997. She sang four duets with John Prine on his 1999 album \"In Spite of Ourselves\", including the title track. She appeared in the 2000 film \"Songcatcher\", playing the character Rose Gentry and singing on the soundtrack as well. Her", + "score": 0.7077695727348328 + }, + { + "id": "2439122", + "title": "Nanci Griffith", + "text": "Crickets; John Prine; Iris DeMent; Suzy Bogguss; and Judy Collins. Griffith has recorded duets with many artists, among them Emmylou Harris, Mary Black, John Prine, Don McLean, Jimmy Buffett, Dolores Keane, Willie Nelson, Adam Duritz (singer of Counting Crows), The Chieftains, John Stewart; and Darius Rucker (lead singer of Hootie & the Blowfish). She has also contributed background vocals on many other recordings. Griffith suffered from severe writer's block for a number of years after 2004, lasting until the 2009 release of her \"The Loving Kind\" album, which contained nine selections that she had written and composed either entirely by", + "score": 0.7073696255683899 + }, + { + "id": "13308138", + "title": "Great Days: The John Prine Anthology", + "text": "be a bigger box than commerce or decorum permits...Prine's a lot friendlier than your average thriving old singer-songwriter (Young, Thompson, Cohen), and his disinclination to downplay his natural warmth or his folk-rock retro may make him impenetrable to victims of irony proficiency amnesia.\" All songs by John Prine unless otherwise noted. Great Days: The John Prine Anthology Great Days: The John Prine Anthology is a compilation album by American folk singer John Prine, released in 1993. Allmusic critic Steven Thomas Erlewine called the album an excellent summary of Prine's, writing that \"this provides a nearly flawless recap of his career", + "score": 0.7072643041610718 + }, + { + "id": "16263613", + "title": "Conrad Reeder", + "text": "Conrad Reeder Conrad Reeder (also known as Connie Reeder Nichols) is an American singer, songwriter, writer and college professor. She was married to the late producer and recording engineer Roger Nichols for over thirty years. Reeder sang for fifteen years with John Denver in live concerts, on television and recordings including Dreamland Express and It's About Time. She sang live duets with Denver as well as performing as a background singer and stayed in contact with Denver's mother after he died in a plane crash. She also co-wrote the Denver song Thanks to You. Reeder is credited as a writer", + "score": 0.707099199295044 + }, + { + "id": "2005180", + "title": "John Prine", + "text": "amps blew up (which is evident on the album track). The other song Phillips produced is \"How Lucky,\" about Prine's hometown. Prine continued writing and recording albums throughout the 1980s and formed his own record label, Oh Boy Records. His songs continued to be covered by other artists; the country supergroup The Highwaymen recorded \"The Twentieth Century Is Almost Over,\" which had been written by Prine and Goodman. Steve Goodman died of leukemia in 1984 and Prine continues to perform many of Goodman's songs in concert to this day, such as \"My Old Man.\" In 1991, Prine released the Grammy", + "score": 0.7064279913902283 + }, + { + "id": "17983298", + "title": "Broken Hearts & Dirty Windows: Songs of John Prine", + "text": "Broken Hearts & Dirty Windows: Songs of John Prine Broken Hearts & Dirty Windows: Songs of John Prine is a 2010 tribute album consisting of covers of John Prine songs performed by various artists. The album was released on June 21, 2010, together with the Prine album \"In Person & On Stage\", on the label Prine started in 1981, Oh Boy Records. The album's title is a reference to a lyric from the Prine song \"Souvenirs\". Justin Vernon, lead singer of Bon Iver, wrote some of the liner notes for the album, in which he describes his first time hearing", + "score": 0.7062833309173584 + }, + { + "id": "13308137", + "title": "Great Days: The John Prine Anthology", + "text": "Great Days: The John Prine Anthology Great Days: The John Prine Anthology is a compilation album by American folk singer John Prine, released in 1993. Allmusic critic Steven Thomas Erlewine called the album an excellent summary of Prine's, writing that \"this provides a nearly flawless recap of his career - so much so that it's not only for neophytes, but also reminds longtime fans why they loved him in the first place.\" Music critic Robert Christgau also praised the compilation, writing \"There aren't 41 best Prine songs. There are 50, 60, maybe more; the only way to resolve quibbles would", + "score": 0.7058125734329224 + }, + { + "id": "6187493", + "title": "In Spite of All the Danger", + "text": "and is available as a deleted scene on the DVD and Blu-Ray releases. These versions of the two songs can be heard on the film's soundtrack. In Spite of All the Danger \"In Spite of All the Danger\" is one of the first songs recorded by the Quarrymen, then consisting of John Lennon, Paul McCartney, George Harrison, pianist John Lowe, and drummer Colin Hanton. The song was written by McCartney and Harrison and is the only song to credit the two alone. It is believed to have been recorded on Saturday 12 July 1958 (three days before Lennon's mother's death).", + "score": 0.7052949666976929 + }, + { + "id": "5429646", + "title": "Andrew Prine", + "text": "Andrew Prine Andrew Lewis Prine (born February 14, 1936) is an American film, stage, and television actor. Prine was born in Jennings, Florida. After graduation from Miami Jackson High School in Miami, Prine made his acting debut three years later in an episode of \"United States Steel Hour\". His next role was in the 1959 Broadway production of Thomas Wolfe's \"Look Homeward, Angel\". In 1962, Prine was cast in Academy Award-nominated film \"The Miracle Worker\" as Helen Keller's older brother James. In 1962, Prine landed a lead role with Earl Holliman in the 28-episode series \"Wide Country\", a drama about", + "score": 0.7046414613723755 + }, + { + "id": "11034443", + "title": "Aimless Love", + "text": "Tonight,\u201d co-written with Cook and \"Playboy\" cartoonist, poet, screenwriter and children\u2019s author Shel Silverstein, and the George Jones-like tearjerker \u201cMe, Myself, and I,\u201d composed with Cook and Spooner Oldham. Prine also co-authored two songs with \"Funky\" Donnie Fritts. One of these, \"The Oldest Baby In The World\", was inspired by a story in the \"World Weekly News\" about ill children aging prematurely and some of the women Prine had encountered on the road. On the sleeve of his 1988 release \"John Prine Live\", the singer noted that the girl in the song \"is just trying to hang on to a", + "score": 0.7033704519271851 + }, + { + "id": "9220514", + "title": "John Prine (album)", + "text": "John Prine (album) John Prine is the first album by American country/folk singer-songwriter John Prine, issued by Atlantic Records in 1971. In 2003, the album was ranked number 452 on \"Rolling Stone\" magazine's list of the 500 greatest albums of all time. Prine was offered a recording contract by Jerry Wexler of Atlantic Records after the record executive saw the singer perform several of his own songs at a Kris Kristofferson show at the Bitter End. The song \"Paradise\" was recorded at A&R Studios in New York (with Prine's brother Dave and good friend Steve Goodman as sidemen) but the", + "score": 0.7029891014099121 + }, + { + "id": "19759165", + "title": "For Better, or Worse", + "text": "also reached number 7 on U.S. Indie Albums Chart and number 5 on U.S. Folk Albums chart. The album has sold 43,700 copies in the US as of March 2017. For Better, or Worse For Better, or Worse is a 2016 album of John Prine. It consists of tracks in which Prine teams with an all-star array of female singers to tackle carefully chosen vintage country tunes in duets. The album was also released in vinyl format that also included a mp3 download pass for the album. It is his first album release in 9 years since 2007's Standard Songs", + "score": 0.7004178166389465 + }, + { + "id": "17983300", + "title": "Broken Hearts & Dirty Windows: Songs of John Prine", + "text": "wrote that most of the bands on the album perform Prine's songs with \"flat-footed awe\" and criticized the album as \"dreary\". Broken Hearts & Dirty Windows: Songs of John Prine Broken Hearts & Dirty Windows: Songs of John Prine is a 2010 tribute album consisting of covers of John Prine songs performed by various artists. The album was released on June 21, 2010, together with the Prine album \"In Person & On Stage\", on the label Prine started in 1981, Oh Boy Records. The album's title is a reference to a lyric from the Prine song \"Souvenirs\". Justin Vernon, lead", + "score": 0.6996051073074341 + }, + { + "id": "10568981", + "title": "John Bettis", + "text": "is \"As Long as We Got Each Other\", co-written with long-time collaborator Steve Dorff as the theme song to the hit ABC Network television sitcom \"Growing Pains\", sung by five-time Grammy winner B.J. Thomas for six seasons, solo for season 1; and, as a duet with Jennifer Warnes for seasons 2, 3, 5, and 7; and, with Dusty Springfield for season 4. In 1988, he co-wrote \"One Moment in Time\" with Albert Hammond which was recorded by Whitney Houston as the theme for the Summer Olympics. John Bettis continued developing an eclectic catalog into the 1990s. 1991's \"Can You Stop", + "score": 0.6988622546195984 + }, + { + "id": "13038834", + "title": "John Prine Live", + "text": "John Prine Live John Prine Live is a live album by American folk singer and songwriter John Prine, released in 1988. It was originally released as a double-LP. \"John Prine Live\" was taped mostly during a three-day stint at The Coach House in San Juan Capistrano, California. It was released on Oh Boy Records, Prine's own independent label. As he explained to David Fricke in 1993, Oh Boy needed product: \"We didn't have another artist to put out. The idea was to have me and my guitar, telling stories and doing songs \u2013 and buying me some time until I", + "score": 0.6987378001213074 + }, + { + "id": "11034442", + "title": "Aimless Love", + "text": "the track \"People Puttin' People Down\", which was produced by Steve Goodman. Prine's wife at the time, Rachel Peer-Prine, sings harmony on \"Slow Boat to China\" and takes a verse on \"Unwed Fathers.\" Pianist Bobby Whitlock and harpist John Sebastian also contributes to the recording. Prine co-wrote six of the ten songs on \"Aimless Love\". Prine later commented, \"In Nashville it\u2019s hard to avoid co-writing a song. If you have a beer with someone, the next thing you know they\u2019re calling you up to co-write.\u201d Several songs have as many as three writers, such as the opener \u201cBe My Friend", + "score": 0.6984437704086304 + }, + { + "id": "2005186", + "title": "John Prine", + "text": "showcased artists who made a significant impact on country music in 2016, including Jason Aldean, Kelsea Ballerini, Ross Copperman, The Earls of Leicester, Brett Eldredge, Florida Georgia Line, Mickey Guyton, Natalie Hemby, Sierra Hull, Jason Isbell, Miranda Lambert, Jim Lauderdale, Shane McAnally, Lori McKenna, William Michael Morgan, Maren Morris, Jon Pardi, Dolly Parton, Margo Price, John Prine, RaeLynn, Chris and Morgane Stapleton and Randy Travis. Prine won his second Artist of the Year award at the 2017 Americana Music Honors & Awards after previously winning in 2005. On February 8, 2018, Prine announced his first new album of original material", + "score": 0.6981897354125977 + }, + { + "id": "9523834", + "title": "My Very Special Guests", + "text": "the pair would perform an impromptu version when she showed up at his 1980 performance at New York City's Bottom Line nightclub. Emmylou Harris, who began her singing career backing country rock pioneer and Jones fan Gram Parsons, duets with Jones on the Rodney Crowell original \"Here We Are\" (Harris, who would go on to record with Jones several more times, had written the original liner notes for the singer's 1976 album \"The Battle\", proclaiming that \"when you hear George Jones sing, you are hearing a man who takes a song and makes it a work of art - always\").", + "score": 0.6964819431304932 + }, + { + "id": "2005177", + "title": "John Prine", + "text": "The Rough\", was a surprise for many after the critical success of his first LP; it was an uncommercial, stripped-down affair that reflected Prine's fondness for bluegrass music and features songs reminiscent of Hank Williams. Highlights include the allegorical \"The Great Compromise,\" which includes a recitation and addresses the Vietnam War, and the ballad \"Souvenirs,\" which Prine later recorded with Goodman. Subsequent albums include \"Sweet Revenge\" (1973), containing such fan favorites as \"Dear Abby,\" \"Grandpa Was a Carpenter,\" and \"Christmas in Prison,\" and \"Common Sense\" (1975), with \"Come Back to Us Barbara Lewis Hare Krishna Beauregard\". The latter album was", + "score": 0.6958211660385132 + }, + { + "id": "17790536", + "title": "John Prine - Live from Sessions at West 54th", + "text": "John Prine - Live from Sessions at West 54th John Prine - Live from Sessions at West 54th is a live concert DVD released by Oh Boy Records in 2001. It was John Prine's first television appearance, recorded for the \"Sessions at West 54th\" television show, and features a guest performance by Iris Dement. The DVD release offers songs not shown during the half-hour television segment, as well as interviews with show host John Hiatt. DVD special features include a biography and discography. This DVD is one of the first releases from an independent label to be mixed in 5.1", + "score": 0.6958203911781311 + }, + { + "id": "11034456", + "title": "Storm Windows", + "text": "from the mature adults' kitchen. Our light was off. Thus, their 'kitchen light fell asleep on the bedroom floor.' I was nine.\" The title track was a resigned epic in the style of Van Morrison and The Band, a rare Prine recording that was built around the piano, played by producer Beckett, rather than guitar, while Prine's then bass playing girlfriend Rachel Peer sang background vocals on a couple of tunes. In the liner notes of his 1988 album \"John Prine Live\", the singer writes that the idea for the comical \"Living in the Future\" came from being a kid", + "score": 0.6954796314239502 + }, + { + "id": "6187485", + "title": "In Spite of All the Danger", + "text": "In Spite of All the Danger \"In Spite of All the Danger\" is one of the first songs recorded by the Quarrymen, then consisting of John Lennon, Paul McCartney, George Harrison, pianist John Lowe, and drummer Colin Hanton. The song was written by McCartney and Harrison and is the only song to credit the two alone. It is believed to have been recorded on Saturday 12 July 1958 (three days before Lennon's mother's death). However, that recording date is disputed by the group. The recording was made at Percy Phillips' home studio in Liverpool (see 1958 in music), and cost", + "score": 0.6953749656677246 + }, + { + "id": "13308183", + "title": "Prime Prine: The Best of John Prine", + "text": "for its time...but was later superseded by Rhino's \"Great Days\" anthology.\" All songs by John Prine unless otherwise noted. Prime Prine: The Best of John Prine Prime Prine is a compilation album by American folk singer John Prine, released in 1976. It concluded Prine's run with Atlantic Records. No one associated with Prine had anything to do with the release, with the singer telling \"Goldmine\" in 1992, \"A friend of ours in the art department called us one night and snuck us into the place...so we could at least look at the cover before it came out.\" Writing retrospectively for", + "score": 0.6943976879119873 + }, + { + "id": "20675727", + "title": "The Tree of Forgiveness", + "text": "The Tree of Forgiveness The Tree of Forgiveness is an album by American country folk singer John Prine. The album was released on April 13, 2018. The album is Prine's first album since 2005's \"Fair & Square\" to consist of his own new songs. Most of the songs were co-written with other songwriters, including Pat McLaughlin, Dan Auerbach, Keith Sykes, and Phil Spector. The album features guest vocals from artists such as Jason Isbell, Amanda Shires, and Brandi Carlile. Isbell and Shires also played instruments in some of the tracks. The album was recorded at RCA Studio A in Nashville.", + "score": 0.6939153671264648 + }, + { + "id": "10318994", + "title": "Gove Scrivenor", + "text": "a compilation titled \"Solid Gove\". He was joined by John Prine, Nanci Griffith, Lari White, and Guthrie Trapp for his first Compass Records release \"Shine On\", a collection of five self-penned and selected favorites by fellow artists. His latest CD, \"Made Of Sand\", features guest appearances by Emmylou Harris, Guthrie Trapp, and Nanci Griffith, along with some the best of the best pickers in Nashville. It was recorded at Jack Clements' \"Cowboy Arms Hotel and Recording Spa\" and John Prines' studio \"The Butcher Shop\" and produced by Pat McInerney and Gove. Gove's music has been described as \"high energy folk", + "score": 0.693565309047699 + }, + { + "id": "11562460", + "title": "The Missing Years (album)", + "text": "writing \"John Prine's best work has always been slightly cinematic and hallucinogenic, full of images that transport as well as provoke. There's plenty of that on this new album The Missing Years...While little here is stunning - except for the Dylanesque \"Take a Look at My Heart,\" a \"dear sucker\" letter to Prine's ex-old lady's boyfriend, with a subdued cameo vocal by Bruce Springsteen - all the songs are keepers, perfectly relaxed and wry.\" Critic Lynn Van Matre of the \"Chicago Tribune\" wrote \"One of the singer-songwriter's strongest and most wittily observant efforts, the album finds Prine at the top", + "score": 0.693307638168335 + }, + { + "id": "13308182", + "title": "Prime Prine: The Best of John Prine", + "text": "Prime Prine: The Best of John Prine Prime Prine is a compilation album by American folk singer John Prine, released in 1976. It concluded Prine's run with Atlantic Records. No one associated with Prine had anything to do with the release, with the singer telling \"Goldmine\" in 1992, \"A friend of ours in the art department called us one night and snuck us into the place...so we could at least look at the cover before it came out.\" Writing retrospectively for Allmusic, critic William Ruhlman commented of the album, \"Atlantic Records' compilation of John Prine's first four albums was good", + "score": 0.693095862865448 + }, + { + "id": "2005178", + "title": "John Prine", + "text": "Prine's first to be charted in the US Top 100 by \"Billboard\", reflecting growing commercial success. It was produced by Steve Cropper. Many veteran Prine fans view the release of 1978's \"Bruised Orange\" as a creative highpoint. The Steve Goodman-produced album gave listeners songs such as \"The Hobo Song,\" \"Sabu Visits the Twin Cities Alone,\" and the title track. In 1974, singer David Allan Coe achieved considerable success on the country charts with \"You Never Even Called Me By My Name\", co-written by Prine and Goodman. The song good-naturedly spoofs stereotypical country music lyrics. Prine refused to take a songwriter's", + "score": 0.6930920481681824 + }, + { + "id": "13038836", + "title": "John Prine Live", + "text": "says of the album \"With years of experience playing club dates, John Prine has evolved into a very entertaining live performer, and this album...presents him at his intimate best, telling funny stories and performing his most impressive material in unadorned arrangements.\" All songs by John Prine unless otherwise noted. John Prine Live John Prine Live is a live album by American folk singer and songwriter John Prine, released in 1988. It was originally released as a double-LP. \"John Prine Live\" was taped mostly during a three-day stint at The Coach House in San Juan Capistrano, California. It was released on", + "score": 0.6925595998764038 + }, + { + "id": "10693278", + "title": "Jon Randall", + "text": "debut album \"What You Don't Know\" that year. Due to a restructuring at the label, however, the album received little publicity, and its only chart single (\"This Heart\") peaked at No. 74 on the country charts. After the release of \"What You Don't Know\", Randall set to work on a second album for RCA, entitled \"Great Day to Be Alive\". During the recording session for this album, Randall met country singer Lorrie Morgan, whom he eventually married and with whom he performed the duet \"By My Side\" for both his own album and for her 1996 album \"Greater Need\". \"By", + "score": 0.6920269727706909 + }, + { + "id": "2005179", + "title": "John Prine", + "text": "credit and the tune went to Goodman, although Goodman bought Prine a jukebox as a gift from his publishing royalties. In 1975, Prine toured the U.S. and Canada with a full band featuring guitarist Arlen Roth. , this has been Prine's only tour with a full band. The 1979 album \"Pink Cadillac\" features two songs produced by Sun Records founder Sam Phillips, who by this time rarely did any studio work. The first song, \"Saigon,\" is about a Vietnam vet traumatized by the war (\"The static in my attic's gettin' ready to blow\"). During the recording, one of the guitar", + "score": 0.6918796896934509 + }, + { + "id": "11742349", + "title": "Catherine Whitney", + "text": "mentoring of Von Freeman, a tenor saxophonist in Chicago. Jerry Brown and Gloria Cooper have recorded her work and three songs (in collaboration with Curtis Fuller, Rodgers Grant, and Milton Sealey). In October 2010, New York jazz vocalist Suzanne Pittson recorded a rendition of Freddie Hubbard's song \"Our Own\" (based on \"Gibraltar\"), which contained lyrics by Whitney. She has collaborated with Johnny Griffin, Houston Person, Clifford Jordan, Stanley Turrentine, John Coltrane, Ray Brown, and Pete Cosey. She is also a Broadcast Music Incorporated (BMI) affiliated writer. She has worked with many Chicago musicians, including Von Freeman, John Young, Jodie Christian,", + "score": 0.6916481256484985 + }, + { + "id": "17790537", + "title": "John Prine - Live from Sessions at West 54th", + "text": "Dolby Surround Sound. John Prine - Live from Sessions at West 54th John Prine - Live from Sessions at West 54th is a live concert DVD released by Oh Boy Records in 2001. It was John Prine's first television appearance, recorded for the \"Sessions at West 54th\" television show, and features a guest performance by Iris Dement. The DVD release offers songs not shown during the half-hour television segment, as well as interviews with show host John Hiatt. DVD special features include a biography and discography. This DVD is one of the first releases from an independent label to be", + "score": 0.6915429830551147 + }, + { + "id": "11034498", + "title": "Common Sense (John Prine album)", + "text": "Common Sense (John Prine album) Common Sense is the fourth album by American folk singer and songwriter John Prine, released in 1975. \"Common Sense\" was produced by Steve Cropper and was recorded at Ardent Studios in Memphis and Larabee Studios in Los Angeles. The album features contributions from Bonnie Raitt, Glenn Frey, Jackson Browne and Steve Goodman. Bassist Donald \"Duck\" Dunn, who played in Booker T and the MGs with Cropper, plays on \"Forbidden Jimmy\" and \"Saddle In The Rain\". The album marked the first time Prine recorded an album on Atlantic without producer Arif Mardin, and critics took note", + "score": 0.6910173892974854 + }, + { + "id": "12733932", + "title": "Oh Boy Records", + "text": "saw the release of a new Prine live album, \"In Person & On Stage\", followed by \"Broken Hearts & Dirty Windows\", a tribute album of Prine songs performed by artists like Sara Watkins and Old Crow Medicine Show. Both of these 2010 releases debuted at No. 1 on the Billboard Folk Album charts. Oh Boy Records Oh Boy Records is an independent American record label founded in 1981 by singer John Prine, his manager Al Bunetta and their friend Dan Einstein. The label has released more than 40 audio and video recordings by singer-songwriters Prine, Kris Kristofferson, Daniel \"Slick\" Ballinger,", + "score": 0.6905250549316406 + }, + { + "id": "11034541", + "title": "Diamonds in the Rough (album)", + "text": "Diamonds in the Rough (album) Diamonds in the Rough is the second studio album by American country-folk singer-songwriter John Prine, released in 1972. \"Diamonds in the Rough\" was recorded at Atlantic Recording Studios in New York City. The album's sound homed in on the Appalachian \"high lonesome\" influences evident on Prine's eponymous debut LP and its bluegrass instrumentation reflects Prine's fascination with early American folk and country music. The album was produced by Arif Mardin and features Prine's brother Dave on dobro, banjo, and fiddle while Steve Goodman also contributes on guitar and harmonies. In the \"Great Days: The John", + "score": 0.6903131008148193 + }, + { + "id": "15873402", + "title": "Connie Francis Sings the Songs of Les Reed", + "text": "Connie Francis Sings the Songs of Les Reed Connie Francis sings The Songs of Les Reed is studio album recorded by U. S. Entertainer Connie Francis. It is the last album Francis recorded under her long-term contract with MGM Records which had been signed in 1955. Although not really a commercial success, Francis' 1968 album \"Connie Francis sings Bacharach & David\", a portrait of the songwriting collaboration between Burt Bacharach and Hal David had received enough critical praise to repeat the concept. This time, Francis portrayed the work of British composer Les Reed. In 1979 Polydor Records released a two-record", + "score": 0.6902751922607422 + }, + { + "id": "4167751", + "title": "Black Eyed Man", + "text": "they invited American singer/songwriter Townes Van Zandt to tour with them. During the tour, Van Zandt wrote \"Cowboy Junkies Lament\" especially for the band. Michael Timmins returned the favor, penning \"Townes' Blues\" as a tribute to Van Zandt. The band also cover Van Zandt's \"To Live is to Fly\" at the end of the album. John Prine appears as a guest vocalist on \"If You Were the Woman and I Was the Man.\" The band had initially asked Jimmie Dale Gilmore to duet with Margo, but although he showed up and recorded with the band, his voice was never able", + "score": 0.6895783543586731 + }, + { + "id": "18480383", + "title": "Let's Invite Them Over", + "text": "Melba fit my style of singin' more than Tammy [Wynette] did. I hate to use the word 'hard-core', but that's what Melba is - a down-to-earth hard-core country singer.\" In 1999 John Prine and Iris Dement released a version on Prine's 1999 duet album \"In Spite of Ourselves\". Let's Invite Them Over \"Let's Invite Them Over\" is a song written by Onie Wheeler, which was recorded as a duet by American country artists George Jones and Melba Montgomery. The song was released as the pair's second single in 1963. \"Let's Invite Them Over\" was recorded at the Columbia Recording Studio,", + "score": 0.6894528865814209 + }, + { + "id": "11034548", + "title": "Diamonds in the Rough (album)", + "text": "Drink After You\", the John Prine Shrine website quotes the singer: \"I was going for a Hank Williams kind of song. Steve Goodman always told me that if I'd taken another couple of minutes and put a chorus to the song - there isn't any, just a tag line to every verse - that it would have been a hit country song. And I was set in my ways. Once a song was done, it was done.\" Two songs on the album, \"Take The Star Out of The Window\" and the allegorical protest waltz \"The Great Compromise\", deal with America's", + "score": 0.6881707906723022 + }, + { + "id": "5476159", + "title": "Steve Wariner", + "text": "\"One Small Miracle\". He also sang duet vocals on Anita Cochran's single \"What If I Said\", from her Warner Bros. Records debut album \"Back to You\". This song became a Number 1 in early 1998. Several radio stations in the United States began to play the singles that Wariner co-wrote along with the Cochran duet in special airplay blocks. The success of these songs led to him signing with Capitol Records Nashville in 1998. Leading off his Capitol releases was the No. 2 single \"Holes in the Floor of Heaven\", the first of four releases from the album \"Burnin' the", + "score": 0.6877889037132263 + }, + { + "id": "4013295", + "title": "J. D. Souther", + "text": "Cry Now\" album, and wrote songs for several of her multi-platinum albums, including \"Faithless Love\" from \"Heart Like a Wheel\" and \"White Rhythm and Blues\" on \"Living in the USA\". Souther also recorded several duets with Ronstadt, including \"Hasten Down the Wind,\" \"Prisoner in Disguise,\" \"Sometimes You Can't Win\", and \"Hearts Against the Wind\" which was featured in the 1980 film \"Urban Cowboy.\" Souther has also contributed as a singer to works written by other artists, including backing vocals with Don Henley on \"The Light Is On\" for Christopher Cross on his eponymous debut album; on the songs \"False Faces\"", + "score": 0.6875495910644531 + }, + { + "id": "15143981", + "title": "We Had It All (song)", + "text": "We Had It All (song) \"We Had It All\" is a song written by Troy Seals and Donnie Fritts and originally recorded by Waylon Jennings on his 1973 album, \"Honky Tonk Heroes\". It has since been covered by many artists, including Rita Coolidge, Dobie Gray, Susan Jacks, Willie Nelson, Dolly Parton, the Rolling Stones, Bob Dylan, Rod Stewart, Tina Turner, Conway Twitty, Ray Charles, and Dottie West. Dolly Parton included the song on her 1984 album of covers \"The Great Pretender.\" A remixed version of the song was later included on 1986's \"Think About Love,\" and the remixed version was", + "score": 0.6868987083435059 + }, + { + "id": "3419265", + "title": "Ron Sexsmith", + "text": "on the track \"Song No. 6\" by Norwegian singer-songwriter Ane Brun, which featured on her album \"A Temporary Dive\" and again on her \"Duets\" album later the same year. In 2006 he performed a duet of \"So Long Marianne\" with Leonard Cohen in Yorkville, Toronto. In 2014 he wrote and sang a duet together with Dutch singer-songwriter Marike Jager, the song \"Don't you\" featured on her album \"The Silent Song\". Sexsmith's songs have been performed and recorded by a number of well-known musicians, including Elvis Costello, Feist, Rod Stewart, Emmylou Harris His song \"Secret Heart\" has been covered by Rod", + "score": 0.686210036277771 + }, + { + "id": "11034446", + "title": "Aimless Love", + "text": "including Tammy Wynette and Johnny Cash. The socially aware \"People Puttin' People Down\" addressed alienation in America in the 1980s Reagan-era, with Prine commenting to David Fricke in 1993, \"It's the only defense some people have. As long as you got somebody to look down on, you ain't on the bottom. So cold.\" Although \"Aimless Love\" was Prine's first release not to chart, it received positive reviews upon release and remains highly regarded. In 1985, Don Shewey of \"Rolling Stone\" magazine wrote that \"Aimless Love\" showed that \"John Prine, the elegant pop songwriter, is still in top form.\" Writing for", + "score": 0.6861985325813293 + }, + { + "id": "11139198", + "title": "Dan John Miller", + "text": "Dan John Miller Dan John Miller is an American singer-songwriter and actor from Detroit, Michigan. He is currently the guitarist and lead vocalist for the gothic country-garage band Blanche. He made his major film acting debut in the film \"Walk The Line\", playing Johnny Cash's guitar player Luther Perkins. Miller's musical career began in the 1990s, fronting the country-punk band Goober & The Peas, whom \"The Austin Chronicle\" called \"the most exciting live band in America\" after playing South By Southwest. The band toured with such bands as Uncle Tupelo and Morphine, and released two albums. He collaborated again with", + "score": 0.6861174702644348 + }, + { + "id": "13698066", + "title": "Connie Smith Sings Hank Williams Gospel", + "text": "Connie Smith Sings Hank Williams Gospel Connie Smith Sings Hank Williams Gospel is the twenty sixth studio album by American country music artist, Connie Smith. The album was released in May 1975 on Columbia Records and was produced by Ray Baker. It was Smith's fourth and final Gospel music album released. \"Connie Smith Sings Hank Williams Gospel\" was an eleven-track album of Gospel songs originally written and recorded by deceased American country artist, Hank Williams. The album included Williams's best-known Gospel song, \"I Saw the Light,\" as well as \"Jesus Remembered Me\" and \"House of Gold.\" The album would be", + "score": 0.6860948801040649 + }, + { + "id": "11562457", + "title": "The Missing Years (album)", + "text": "could and came up with 'Memphisto'.\" Prine biographer Eddie Huffman calls the song \"a casually visionary song about loss of innocence, relationships, sex, aging, and the passage of time, one of the most remarkable in Prine's catalog, effortlessly tying together various lyrical threads from throughout his career as a songwriter.\" \"The Missing Years\" also features \"Take A Look At My Heart\" (co-written with rocker John Mellencamp) and collaborations with Keith Sykes and British songwriter Roger Cook. Prine covers the Lefty Frizzell classic \"I Want To Be With You Always,\" while \"Daddy's Little Pumpkin\" was partly inspired by Mississippi John Hurt,", + "score": 0.6858894228935242 + }, + { + "id": "11562453", + "title": "The Missing Years (album)", + "text": "mostly recorded at Huh Sound Theater in Los Angeles (actually Epstein's guest bedroom on Laurelcrest Drive), which led to a coterie of famous contributors, including Tom Petty, Phil Everly, Bonnie Raitt, Albert Lee, and Bruce Springsteen. Prine had bumped into Springsteen at an Italian restaurant the day he arrived to record, with Springsteen telling Prine, \"When you guys get into the record and have something to play, please invite me over. I'd just love to play guitar or harmonica or sing or whatever.\" Prine told the \"Phoenix New Times\" in a 1991 interview, \"Howie has one of those houses that", + "score": 0.6858239769935608 + }, + { + "id": "10502578", + "title": "Angel from Montgomery", + "text": "or obvious. It has all the different shadings of love and regret and longing. It's a perfect expression from [a] wonderful genius.\" On her 1995 live disc \"Road Tested\" on which \"Angel from Montgomery\" serves as concert finale, Raitt is joined on the song by Bryan Adams, Jackson Browne, Bruce Hornsby and Kim Wilson. Besides duetting on \"Angel from Montgomery\" with John Prine at a 1985 tribute concert to Steve Goodman (Prine and Goodman, along with Bonnie Koloc, had been considered the \"trinity of the Chicago folk scene\"), Raitt has performed the song with Rickie Lee Jones at the original", + "score": 0.6854114532470703 + }, + { + "id": "14132637", + "title": "That's the Way Love Goes (Merle Haggard album)", + "text": "prevent him from scoring #1 hits. As the singer recalled in his 1999 autobiography \"House of Memories\", \"I roared right through the 1980s, running and drugging the nights away, making bad decisions while under the influence of various substances.\" \"That's The Way Love Goes\" was his third hit LP for Epic in two years, not counting two separate duet albums with George Jones and Willie Nelson. While discussing his own song \"Bad Boy\" in the liner notes to \"Great Days: The John Prine Anthology\", John Prine admitted, \"Around that time, I fell under the spell of Merle Haggard's songwriting. There", + "score": 0.6854106187820435 + }, + { + "id": "2005187", + "title": "John Prine", + "text": "in 13 years, titled \"The Tree of Forgiveness\", would be released on April 13. Produced by Dave Cobb, the album was released on Prine's own Oh Boy Records and features guest artists Jason Isbell, Amanda Shires, Dan Auerbach and Brandi Carlile. Alongside the announcement, Prine released the track \"Summer's End\". The album became Prine's highest-charting album on the \"Billboard\" 200. In October and November 2018, Prine was nominated for induction into the Rock and Roll Hall of Fame and the Songwriters Hall of Fame. In early 1998, Prine was diagnosed with squamous cell cancer on the right side of his", + "score": 0.6852463483810425 + }, + { + "id": "17866502", + "title": "Keith Whitley: A Tribute Album", + "text": "\"A Voice Still Rings True\", is an original composition as well, credited to the \"All-Star Band\". It features John Anderson, Steve Wariner, Sawyer Brown, Joe Diffie, and Ricky Skaggs on lead vocals, with backing vocals including Tanya Tucker, Mark Collie, T. Graham Brown, Deborah Allen, Rhonda Vincent, Dean Dillon, Turner Nichols, Earl Thomas Conley, Larry Cordle, and Ken Mellons. Alison Krauss's rendition of \"When You Say Nothing at All\" was released as a single from the album in 1995. An uncredited review in Allmusic gave the album 4 stars out of 5, praising the performances of Alan Jackson, Diamond Rio,", + "score": 0.6851551532745361 + }, + { + "id": "12202424", + "title": "Burn Your Playhouse Down \u2013 The Unreleased Duets", + "text": "Burn Your Playhouse Down \u2013 The Unreleased Duets Burn Your Playhouse Down \u2013 The Unreleased Duets is the 60th and final studio album by American country music singer George Jones released on August 19, 2008 on the Bandit Records label. It features duets never before released, including some that were cut from his 1994 duets album \"The Bradley Barn Sessions\". The only new recording in the collection is \"You And Me And Time\", a song Jones recorded with his daughter by Tammy Wynette, Georgette. A music video accompanied the song. The album features several duets with artist from outside the", + "score": 0.6849576830863953 + }, + { + "id": "13684955", + "title": "Ain't We Havin' Us a Good Time", + "text": "Ain't We Havin' Us a Good Time Ain't We Havin' Us a Good Time is the eighteenth studio album by American country music artist, Connie Smith. The album was released in April 1972 by RCA Records and was produced by Bob Ferguson. It was the first of three studio albums released in 1972 and contained one single, \"Just for What I Am\". \"Ain't We Havin' Us a Good Time\" contained ten tracks. The album contained two Gospel songs: \"Way Up on the Mountain\" and \"If God Is Dead (Then Who's This Living in My Soul).\" The latter was originally recorded", + "score": 0.6847599148750305 + }, + { + "id": "13684956", + "title": "Ain't We Havin' Us a Good Time", + "text": "by Smith as a duet with Nat Stuckey for their 1970 album, \"Sunday Morning with Nat Stuckey & Connie Smith.\" Five songs on the album were written or co-written by Dallas Frazier, including \"Thank You for Loving Me\", \"As Long as We've Got Each Other\", and the title track. The album was originally released on a 12-inch LP album, with five songs on each side of the record. The album has not been re-released on compact disc since its original release on vinyl under RCA Victor. \"Ain't We Havin' Us a Good Time\" spawned one single, \"Just for What I", + "score": 0.6847596168518066 + }, + { + "id": "877254", + "title": "Growing Pains", + "text": "for Growing Pains got airplay on the Adult Contemporary format in early 1989 and peaked at #5 on the Radio & Records AC chart and #7 on the Billboard AC chart. Another version of \"As Long As We Got Each Other\" was performed by Louise Mandrell and Eric Carmen in 1988. Their version peaked at #51 on the U.S. \"Billboard\" Country chart. \"Growing Pains\" spawned the spin-off series, \"Just the Ten of Us\", which featured Coach Graham Lubbock, Mike and Carol's gym teacher, moving to California with his large family to teach at an all-boys Catholic school after he was", + "score": 0.6846647262573242 + }, + { + "id": "20301277", + "title": "Ronnie Bowman", + "text": "(fiddle, vocals), and Garnet Imes Bowman (vocalist and Ronnie's wife). Special guests included Del McCoury, Rob McCoury, Ronnie McCoury, Dan Tyminski, Don Reno, and John Jarvis. For Chris Stapleton's \"Traveller\" album, Bowman wrote \"Nobody to Blame\" with Stapleton and Barry Bales, and \"Outlaw State of Mind\" with Stapleton and Jerry Salley. Lee Ann Womack included Bowman's song \"The Healing Kind\" (co-written with Greg Luck) on the album \"I Hope You Dance (album)\". Bowman's song \"It's Getting Better All the Time\" (co-written with Don Cook) was recorded by Brooks & Dunn. Bowman and Stapleton also wrote \"Never Wanted Nothing More\" which", + "score": 0.6845148205757141 + }, + { + "id": "11034546", + "title": "Diamonds in the Rough (album)", + "text": "in my head, and I was surprised to find out it had the same three chords that all my other songs have. Really surprised. I thought I had written a jazz melody.\" Prine often performed \"Souvenirs\" with his friend and fellow songwriter Steve Goodman, who played on the original recording, and in the same interview the singer confessed, \"Yeah, I can still hear him playing it. He played a back melody, so that you could barely hear the difference of who was playing. On tape or when we did it live. And I realized a large part of what he", + "score": 0.6839664578437805 + }, + { + "id": "19264287", + "title": "Summertime: Willie Nelson Sings Gershwin", + "text": "Summertime: Willie Nelson Sings Gershwin Summertime: Willie Nelson Sings Gershwin is the sixty-fourth studio album by American singer-songwriter Willie Nelson. After being awarded the Gershwin Prize by the Library of Congress, Nelson recorded a set of pop standards written by George and Ira Gershwin. The recording of the album was produced by Buddy Cannon and Matt Rollings. It includes the duets \"Let's Call The Whole Thing Off\" with Cyndi Lauper and \"Embraceable You\" with Sheryl Crow. To select the songs for the album, Nelson was inspired by the Frank Sinatra recordings of Gershwin songs. Meanwhile, he decided to name the", + "score": 0.6833059191703796 + }, + { + "id": "19944613", + "title": "Sad But True (Tex, Don and Charlie album)", + "text": "is like the huge vomit everyone wanted to have!\" Walker wrote or co-wrote just over half the songs with Perkins contributing 4. Perkins provided leda vocals to most of the songs, with some recorded as duets. Perkins later said, \"More than once people have compared the dynamic to Kris Kristofferson and Willie Nelson singing together.\" The recording was done mostly live. Walker said, \"Until this project, I was relying heavily on vocal drop-ins and was meticulous in getting everything perfect and all that On this project, I didn't have the opportunity. I was playing piano and singing at the same", + "score": 0.6820641756057739 + }, + { + "id": "11034504", + "title": "Common Sense (John Prine album)", + "text": "two LPs, Prine ends the album with a cover song, this time Chuck Berry's \"You Never Can Tell\". Although primarily known as a folk singer-songwriter, Prine was just as captivated by rock and roll in his youth as he was by American folk and country music, telling Paul Zollo of \"Bluerailroad\", \"I was coming of age just as rock and roll was invented\" and cites Berry as his favorite because \"he told a story in less than three minutes. And he had a syllable for every beat...Some people stretch the words like a mask to fit the melody. Whereas guys", + "score": 0.6818152666091919 + }, + { + "id": "11034469", + "title": "Bruised Orange", + "text": "Bruised Orange Bruised Orange is the fifth album by American folk singer and songwriter John Prine, released in 1978. After the tepid reviews for his 1975 album \"Common Sense\", Prine was disillusioned with his label, Atlantic Records, who he felt had not promoted the LP as much as they could have. Prine remained deeply respected within the industry, and even appeared on the new hit show \"Saturday Night Live\" as a substitute for the Beach Boys in 1976, performing \"Hello in There\" and \"The Bottomless Lake\" (Prine fan and fellow Chicago native John Belushi had lobbied for the singer). Prine", + "score": 0.6816696524620056 + }, + { + "id": "2451960", + "title": "Chrissie Hynde", + "text": "lyrics of the Terence Trent D'Arby song \"Penelope Please\". In 1998, Hynde sang a duet with her friend Emmylou Harris, \"She\", accompanied by The Pretenders on the Gram Parsons tribute album, \"\". Hynde had previously reviewed Gram and Emmylou's debut country rock classic, \"GP.\" The version merges Emmylou's country rock and Chrissie's reggae tinged new wave. Hynde also recorded a song called \"Cry (If You Don't Mind)\" with the Spanish band Jarabe de Palo for their album \"Un metro cuadrado \u2013 1m\u00b2\". She supplied the voice for Siri, the clouded leopard in the movie \"Rugrats Go Wild\" (2003) in which", + "score": 0.681451678276062 + }, + { + "id": "13695303", + "title": "Pure Connie Smith", + "text": "Pure Connie Smith Pure Connie Smith is the thirtieth studio album by American country music artist Connie Smith. The album was released in November 1977 on Monument Records and was produced by Ray Baker. It was Smith's first album for the Monument label, after leaving Columbia Records earlier in the year. \"Pure Connie Smith\" contained ten tracks of new material. The only cover version included on the release was Dottie West's top-20 single \"When It's Just You and Me\". The album was recorded in a different format than any of Smith's previous albums; most of its material had a softer", + "score": 0.6813485622406006 + }, + { + "id": "9220515", + "title": "John Prine (album)", + "text": "remaining cuts were recorded at American Sound Studios in Memphis. Produced by Arif Mardin, who had previously collaborated with the likes of Aretha Franklin and King Curtis, Prine found his new studio surroundings intimidating. In the \"Great Days: The John Prine Anthology\" liner notes he admits, \"I was terrified. I went straight from playing by myself, still learning how to sing, to playing with Elvis Presley's rhythm section.\" Initially, the musicians at American, accustomed to playing heavily rhythmic material and funky grooves, were thrown by Prine and his songs. As recounted in Eddie Huffman\u2019s biography \"John Prine: In Spite of", + "score": 0.6812067031860352 + }, + { + "id": "13038792", + "title": "German Afternoons", + "text": "at once,\" Prine revealed to Paul Zollo of \"Bluerailroad\". \"From a broken relationship I was in. I could not understand what went wrong and I had to explain to myself, and I did it through this song. The next day I thought, Jesus, that\u2019s beautiful. I didn\u2019t recognize it at the time, it was just pouring out of me.\" Prine was nearing the end of his marriage to musician Rachel Peer-Prine, who sang harmony on several \"German Afternoon\" tracks, and producer Jim Rooney recalled in his own memoir, \"John and Rachel were having a very up-and-down time of it, but", + "score": 0.6811230182647705 + }, + { + "id": "6518956", + "title": "David Meece", + "text": "and Juno Award winner Gino Vannelli for his albums \"Chronology\" and \"Candle In The Rain\". Meece is perhaps best known for his songs \"We Are the Reason\" (which has been recorded by well over 200 other artists and sung in several languages according to Meece's website), \"One Small Child\" and \"Seventy-Times-Seven\". Meece was requested to appear in Billy Graham Crusades, among other outreach groups and television broadcasts. He was inducted into the Christian Music Hall of Fame on June 14, 2008 and received the 2009 Visionary Award for the Inspirational Male Soloist category. In November 2012, Meece was given a", + "score": 0.6809532642364502 + }, + { + "id": "11034439", + "title": "Aimless Love", + "text": "Aimless Love Aimless Love is the eighth album by American folk singer and songwriter John Prine, released in 1984. It is his first release on his independent record label, Oh Boy Records. Prine and his longtime manager Al Bunetta formed Oh Boy Records in an attempt to take control of his own music. In a 1985 interview with Bobby Bare on The Nashville Network, Prine explained that he'd been inspired to start his own label by Steve Goodman's modest success with Red Pajamas Records and named it \"Oh Boy\" because of how the expression is apropos for both good and", + "score": 0.6808251738548279 + }, + { + "id": "10793427", + "title": "Across the Borderline", + "text": "Nicholson. \"Don't Give Up\" was performed by Nelson with Sin\u00e9ad O'Connor singing the part sung by Kate Bush on the original Peter Gabriel recording. Bonnie Raitt duets with Nelson on \"Getting Over You\". Nelson and Bob Dylan wrote and performed a new composition, \"Heartland\", for this album. Paul Simon duets with Nelson on his composition \"American Tune\". All tracks composed by Willie Nelson; except where indicated Across the Borderline Across the Borderline is the fortieth studio album by Willie Nelson. It was produced by Don Was, Paul Simon, and Roy Halee. It includes songs written by Paul Simon, Ry Cooder,", + "score": 0.6808068156242371 + }, + { + "id": "2005171", + "title": "John Prine", + "text": "John Prine John Prine (born October 10, 1946) is an American country folk singer-songwriter. He has been active as a composer, recording artist, and live performer since the early 1970s, and is known for an often humorous style of country music that has elements of protest and social commentary. Born and raised in Maywood, Illinois, Prine learned to play the guitar at the age of 14. He attended classes at Chicago's Old Town School of Folk Music. After serving in West Germany with the U.S. armed forces, he moved to Chicago in the late 1960s, where he worked as a", + "score": 0.6806946396827698 + }, + { + "id": "10502580", + "title": "Angel from Montgomery", + "text": "\"Courage Under Fire\" by the character Captain Karen Emma Walden (portrayed by Meg Ryan) during one of the flashback sequences. The song was also heard on the live television benefit broadcast on CMT May 12, 2011, performed by Gretchen Wilson. The \"Music Builds\" concert and fundraiser was to benefit the American Red Cross in the wakes of disaster relief pursuant to the floods and tornadoes throughout the Southeastern United States in April and May 2011. Angel from Montgomery \"Angel from Montgomery\" is a song written by John Prine, originally appearing on his self-titled 1971 album \"John Prine\". John Prine wrote", + "score": 0.6805641651153564 + }, + { + "id": "12978505", + "title": "Courtney Marie Andrews", + "text": "sing with him on a live cover of Wilco and Feist's song \"You and I\". In 2010, she recorded backup vocals for Jimmy Eat World on five songs for their album \"Invented\". She subsequently joined them on stage to perform during the album's release and full 2010/2011 tours, acting as their keyboardist and backing vocalist. In 2011, Andrews relocated to Seattle, WA. It was there that she began playing electric guitar in long-time admirer Damien Jurado's band. It was while living in Belgium for four months playing guitar and singing with Belgian star Milow that the songs for \"Honest Life\",", + "score": 0.6805235147476196 + }, + { + "id": "4404641", + "title": "Lost Dakotas", + "text": "of Ned Sublette's \"Cowboys Are Frequently, Secretly Fond of Each Other\", 13 years before the song was made famous by Willie Nelson. At the 1993 Kumbaya Festival, the band performed the song live with rock singer Lee Aaron as guest vocalist. For their 1994 tour to support that album, the band was also joined by J.C. Orr, formerly of King Apparatus, as a second guitarist. The band's final recording was a cover of Bob Snider's \"You\" on the 1996 tribute album \"\". McConnell went on to form Stratochief, but died in 1999. He was replaced by Scott Bradshaw, who performed", + "score": 0.6802461743354797 + }, + { + "id": "6112216", + "title": "Ellis Paul", + "text": "Ain't Slowing Down\" chosen for the theme song in the Farrelly brothers movie \"Me, Myself and Irene\" starring Jim Carrey and Ren\u00e9e Zellweger. Both events took place on the same June weekend. In November 2001, Paul was again successful in having a song in a movie when \"Sweet Mistakes\" was featured in \"Shallow Hal\" starring Gwyneth Paltrow and Jack Black. Paul released his 8th CD, \"Sweet Mistakes\", a collection of audience-favorites not yet recorded, on November 15, 2001. In January 2002, Paul was named the \"FolkWax\" Artist of the Year for 2001. Paul often recites original poetry for his audiences.", + "score": 0.6800585389137268 + }, + { + "id": "5879556", + "title": "John Conlee", + "text": "Conlee donated his performance of \"Rose Colored Glasses\" at a concert at the Wildhorse Saloon in Nashville to benefit the Lymphatic Research Foundation (New York). Conlee sang his signature song and auctioned off a pair of \"rose colored glasses\" with the proceeds going to LRF. Conlee has been a member of the Grand Ole Opry since 1981. Conlee's 1982 album \"Busted\" was led off by a cover of the Harlan Howard song of the same name; the album's last single, \"Common Man,\" returned him to the top of the charts in 1983. Three more number one hits came from \"In", + "score": 0.679785966873169 + }, + { + "id": "11034500", + "title": "Common Sense (John Prine album)", + "text": "the same time. He decided Prine\u2019s album needed fleshing out. Despite the singer\u2019s reservations, Cropper took the tapes to Los Angeles and added the kinds of overdubs Prine said he wanted to avoid...\u201d For the sleeve to his 1988 release \"John Prine Live\", Prine wrote that he began writing \"Come Back To Us Barbara Lewis Hare Krishna Beauregard\" \"in the summer of '73 during a tour of Colorado ski towns with Ramblin' Jack Elliott. What I had in mind was this girl who left home, did drugs, did religion, did husbands, and ended up doing diddley.\" In the \"Great Days\"", + "score": 0.6793664693832397 + }, + { + "id": "18602883", + "title": "Better Together: The Duet Album", + "text": "Better Together: The Duet Album Better Together: The Duet Album is a compilation album by American pop singer Johnny Mathis that was released on October 8, 1991, by Columbia Records and featured three new songs (\"Better Together\", \"You Brought Me Love\", and \"Who's Counting Heartaches\") alongside eight other pairings that were previously released. The album spent its one week on \"Billboard\" magazine's album chart at number 189 in the issue dated January 11, 1992. The song \"Better Together\" (on which he performs with Regina Belle) entered the magazine's Hot R&B Singles chart two months later, in the March 7 issue,", + "score": 0.6791092157363892 + }, + { + "id": "9850950", + "title": "George Jones Sings the Great Songs of Leon Payne", + "text": "catalogue: \"From ballads like \"Blue Side of Lonesome\" to uptempo honky tonkers like \"Brothers of a Bottle,\" all of the cuts on \"The Great Songs of Leon Payne\" are first-rate and Jones brings each of them to life.\" All songs by Leon Payne, unless otherwise noted. Album \u2013 Billboard (North America) George Jones Sings the Great Songs of Leon Payne George Jones Sings the Great Songs of Leon Payne is an album by American country music artist George Jones, released in 1971 on the Musicor Records label. Leon Payne was a honky tonk songwriter who only had one chart hit,", + "score": 0.6790486574172974 + } + ] + }, + { + "qa_pairs": [ + { + "context": "Training with Efron began in Vancouver, British Columbia, in July 2009, and started production in Upstate New York July 2009 to October 5. Actress Amanda Crew joined the film as Tess Carroll in July 2009, and was shooting her scenes the following September. Quite a few scenes in the film were shot in Gibsons, British Columbia, including a scene in the famous 'Beachcombers' restaurant. Some of the film was also filmed at a Deep Cove school, Seycove Secondary School, in North Vancouver, B. C. Actress Kim Basinger agreed to play Louise St. Cloud (later Claire) in mid-August 2009. Teen actor Chris Massoglia was signed in October 2009 to play a teenaged Sam St. Cloud, but never made it into the final film.", + "question": "Where were quite a few scenes for the movie charlie st. cloud filmed?", + "short_answers": [ + "Gibsons, British Columbia" + ], + "wikipage": "Charlie St. Cloud" + }, + { + "context": "Training with Efron began in Vancouver, British Columbia, in July 2009, and started production in Upstate New York July 2009 to October 5. Actress Amanda Crew joined the film as Tess Carroll in July 2009, and was shooting her scenes the following September. Quite a few scenes in the film were shot in Gibsons, British Columbia, including a scene in the famous 'Beachcombers' restaurant. Some of the film was also filmed at a Deep Cove school, Seycove Secondary School, in North Vancouver, B. C. Actress Kim Basinger agreed to play Louise St. Cloud (later Claire) in mid-August 2009. Teen actor Chris Massoglia was signed in October 2009 to play a teenaged Sam St. Cloud, but never made it into the final film.", + "question": "In what famous restaurant was a scene for the movie charlie st. cloud filmed?", + "short_answers": [ + "'Beachcombers' restaurant", + "'Beachcombers'" + ], + "wikipage": "Charlie St. Cloud" + }, + { + "context": "Training with Efron began in Vancouver, British Columbia, in July 2009, and started production in Upstate New York July 2009 to October 5. Actress Amanda Crew joined the film as Tess Carroll in July 2009, and was shooting her scenes the following September. Quite a few scenes in the film were shot in Gibsons, British Columbia, including a scene in the famous 'Beachcombers' restaurant. Some of the film was also filmed at a Deep Cove school, Seycove Secondary School, in North Vancouver, B. C. Actress Kim Basinger agreed to play Louise St. Cloud (later Claire) in mid-August 2009. Teen actor Chris Massoglia was signed in October 2009 to play a teenaged Sam St. Cloud, but never made it into the final film.", + "question": "At what school was some of the movie charlie st. cloud filmed?", + "short_answers": [ + "Seycove Secondary School", + "a Deep Cove school" + ], + "wikipage": "Charlie St. Cloud" + }, + { + "context": "Training with Efron began in Vancouver, British Columbia, in July 2009, and started production in Upstate New York July 2009 to October 5. Actress Amanda Crew joined the film as Tess Carroll in July 2009, and was shooting her scenes the following September. Quite a few scenes in the film were shot in Gibsons, British Columbia, including a scene in the famous 'Beachcombers' restaurant. Some of the film was also filmed at a Deep Cove school, Seycove Secondary School, in North Vancouver, B. C. Actress Kim Basinger agreed to play Louise St. Cloud (later Claire) in mid-August 2009. Teen actor Chris Massoglia was signed in October 2009 to play a teenaged Sam St. Cloud, but never made it into the final film.", + "question": "In what city was the school that used for filming for the movie charlie st. cloud filmed?", + "short_answers": [ + "North Vancouver, B. C." + ], + "wikipage": "Charlie St. Cloud" + } + ], + "wikipages": [ + { + "title": "Charlie St. Cloud", + "url": "https://en.wikipedia.org/wiki/Charlie%20St.%20Cloud" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Produced by Relativity Media and Marc Platt Productions, the film's production began in Upstate New York, and nearby British Columbia.", + "wikipage": "Charlie St. Cloud" + }, + { + "content": "Filming lasted from July to late October 2009, with much of it occurring in Upstate New York's forest and Gibsons' coastal pier.", + "wikipage": "Charlie St. Cloud" + }, + { + "content": "Charlie St. Cloud is a 2010 American drama film based on Ben Sherwood's novel The Death and Life of Charlie St. Cloud, published in 2004 by Bantam Books. ", + "wikipage": "Charlie St. Cloud" + } + ], + "long_answer": "The American drama film, Charlie St. Cloud was filmed in various locations, mostly in Upstate New York's forest, Gibsons' coastal pier and British Columbia. The school in the movie, was filmed at Seycove Secondary School in North Vancouver, B. C. The film also features scenes taken place at the famous restaurant 'Beachcombers.'" + } + ], + "sample_id": "7550329590348463483", + "question": "Where was the movie charlie st. cloud filmed?", + "docs": [ + { + "id": "13749263", + "title": "Charlie St. Cloud", + "text": "as Tess Carroll in July 2009, and was shooting her scenes the following September. Quite a few scenes in the film were shot in Gibsons, British Columbia, including a scene in the famous 'Beachcombers' restaurant. Some of the film was also filmed at a Deep Cove school, Seycove Secondary School, in North Vancouver, B. C. Actress Kim Basinger agreed to play Louise St. Cloud (later Claire) in mid-August 2009. Teen actor Chris Massoglia was signed in October 2009 to play a teenaged Sam St. Cloud, but never made it into the final film. Efron wrapped his scenes in late October", + "score": 0.7568659782409668 + }, + { + "id": "13749262", + "title": "Charlie St. Cloud", + "text": "was written by Craig Pearce. By March 2009, Johnston had been replaced as director by Burr Steers, and Platt had named himself as producer. Steers helped polish the script. The first lead performer cast in the film was Zac Efron, who turned down the lead role in Paramount Pictures' remake of \"Footloose\" to star in this film. Pre-production had commenced by March 2009, with filming set to begin in July 2009. Training with Efron began in Vancouver, British Columbia, in July 2009, and started production in Upstate New York July 2009 to October 5. Actress Amanda Crew joined the film", + "score": 0.7400500774383545 + }, + { + "id": "13749253", + "title": "Charlie St. Cloud", + "text": "Charlie St. Cloud Charlie St. Cloud is a 2010 American drama film based on Ben Sherwood's best-selling novel, \"The Death and Life of Charlie St. Cloud\" published in 2004 by Bantam Books. The film is directed by Burr Steers and stars Zac Efron and Amanda Crew. The story is of Charlie St. Cloud's choice between keeping a promise he made to his brother, who died in a car accident, or going after the girl he loves. In some markets the film used the complete title of the book. Charlie St. Cloud is a sailor who wins a boating race on", + "score": 0.7343478202819824 + }, + { + "id": "13749265", + "title": "Charlie St. Cloud", + "text": "film has a score of 37 out of 100 based on 30 critics, indicating \"generally unfavorable reviews\". Audiences polled by CinemaScore gave the film an average grade of \"B+\" on an A+ to F scale. Charlie St. Cloud Charlie St. Cloud is a 2010 American drama film based on Ben Sherwood's best-selling novel, \"The Death and Life of Charlie St. Cloud\" published in 2004 by Bantam Books. The film is directed by Burr Steers and stars Zac Efron and Amanda Crew. The story is of Charlie St. Cloud's choice between keeping a promise he made to his brother, who died", + "score": 0.7161451578140259 + }, + { + "id": "7827405", + "title": "Meet Bill", + "text": "in St. Albans, Missouri. Additionally, some scenes were shot at Bellerive Country Club in Town and Country, Missouri. Although shot in the St. Louis area, the setting of the movie is Minnesota, as indicated by the license plates of vehicles, and a \"Twin Cities Realty\" for-sale sign. Re-shoots and additional scenes were shot in Los Angeles, California, after major production had finished. The film officially premiered on September 8, 2007 at the Toronto International Film Festival and was immediately picked up for distribution. It was released in limited engagement on April 4, 2008 in St. Louis and Minneapolis, with a", + "score": 0.7119520902633667 + }, + { + "id": "13749261", + "title": "Charlie St. Cloud", + "text": "May 2003, before the book was published. Three studios competed for the rights. Universal Studios and Marc Platt (Universal's president of production) won the right to make the book into a film, paying a reported $500,000 to $1 million for the rights (with that figure rising above $1 million if the film is made). Ben Sherwood was guaranteed an executive producer credit on the film, and Universal Studios executive producer Donna Langley was assigned to the picture. Joe Johnston was initially chosen to direct. Drafts for the script were written by James Schamus and Lewis Colick, but the final script", + "score": 0.7057753801345825 + }, + { + "id": "10740021", + "title": "The Wool Cap", + "text": "basement apartment while he tries to find someone willing to take her in. The film, a co-production of Viacom Productions and 20th Century Fox Television, was shot in Atlanta, Georgia and Montr\u00e9al, Qu\u00e9bec, Canada. Director by Schachter, it starred Macy as Charlie and Keke Palmer as Lou, with Don Rickles, Ned Beatty, Cherise Boothe, Julito McCullum, and Catherine O'Hara in supporting roles. The film premiered on November 21, 2004 on TNT. It has been released on videotape and DVD. Fox owns the international ancillary rights, while North American ancillary rights are now in the hands of CBS Television Studios. Paramount", + "score": 0.699676513671875 + }, + { + "id": "15198900", + "title": "The Perks of Being a Wallflower (film)", + "text": "Whitman signed on as Mary Elizabeth and Nina Dobrev was cast as Candace. Paul Rudd was cast as Mr Anderson later that month. On May 9, 2011, Kate Walsh announced that she was cast in the film as Charlie's mother and had begun filming. The film was shot in the Pittsburgh metropolitan area from May 9 to June 29, 2011. Initial filming began in Pittsburgh's South Hills, including South Park, Upper St. Clair, and Peters Township High School. \"The Rocky Horror Picture Show\" scenes were filmed at The Hollywood Theater in Dormont after Chbosky learned that the theater was re-opening;", + "score": 0.6957145929336548 + }, + { + "id": "13335210", + "title": "Ben Sherwood", + "text": "in both. \"The Death and Life of Charlie St. Cloud\" was made into a major motion picture starring Zac Efron, directed by Burr Steers, produced by Marc E. Platt and released from Universal Pictures on July 30, 2010 under the new title \"Charlie St. Cloud\". In January 2009, his first non-fiction book, \"The Survivors Club: The Secrets and Science that Could Save Your Life\", was published by Grand Central Publishing, an imprint of Hachette Book Group. The Survivors Club explores human survival in all its forms. The book became a \"New York Times\" bestseller and has been published in more", + "score": 0.6948978900909424 + }, + { + "id": "15877989", + "title": "Good Luck Charlie, It's Christmas!", + "text": "obediently goes after Teddy, jokingly reminding Amy that they will be back by New Year's. Amy smiles in response and says that she knows they won't. A short blooper roll follows the epilogue. The film is executive-produced by Sheri Singer along with three executive producers of the series, Dan Staley, Phil Baker and Drew Vaupen. The script was written by Geoff Rodkey and directed by Arlene Sanford. The film was shot in Salt Lake City and St. George, Utah from March 2011 to September 2011. \"I'm Gonna Run to You\", performed by Bridgit Mendler, was released as promotional single on", + "score": 0.6943033337593079 + }, + { + "id": "1019415", + "title": "Malibu, California", + "text": "added in 2011. A kids' fun run was added in 2013. Malibu has been used as a location or setting for many films, television programs and music videos. Surfrider Beach was home to \"Gidget\", and surfing movies of the 1960s. Jill Munroe and her sister Kris Munroe's Charlie's Angels beach house was located in Malibu. The residence can also be seen in the first scene after the opening theme song of Beach Blanket Bingo. Important scenes in the \"Planet of the Apes\" series were filmed at Point Dume. The hero's trailer in \"The Rockford Files\" was parked by the Paradise", + "score": 0.6941300630569458 + }, + { + "id": "13441950", + "title": "The Death and Life of Charlie St. Cloud", + "text": "get a new beagle. A film adaptation starring Zac Efron, Amanda Crew and Charlie Tahan began production in 2009. Kim Basinger played Charlie and Sam's mother. The film was produced by Marc Platt and directed by Burr Steers. The Death and Life of Charlie St. Cloud The Death and Life of Charlie St. Cloud is a 2004 novel by Ben Sherwood. It is a fictional fable about an extraordinary experience of a man called Charlie St. Cloud who is resuscitated following a car accident that kills his brother. Charlie St. Cloud (age 15) and Sam (12) are two brothers with", + "score": 0.6922550201416016 + }, + { + "id": "16072106", + "title": "In Your Eyes (2014 film)", + "text": "that resulting from the importance of it in the script, \"we were chasing snow. We started out in Connecticut, but there was no snow, so we moved to Ohio, but there was no snow [...] and we kept moving north\". The filming took place in Exeter, Manchester, Hooksett, Bedford, Windham, Claremont and Amherst. The opening sequence at the sledding hill was filmed at McIntyre Ski Area, and some footage was also shot in the New Mexico desert. They wrapped their last day of filming on the East Coast in early March 2012, moving next to Los Angeles to shoot the", + "score": 0.692248523235321 + }, + { + "id": "12520215", + "title": "The Chaos Experiment", + "text": "the local state psychiatric hospital, from which Pettis recently escaped. It is revealed that Christopher and Catherine are staff at this facility, and are unhappy with Pettis for going to the news media and police with this story. Taking advantage of economic incentives for filming in Michigan, the script was revised to set the story in Grand Rapids, Michigan. Filming took place over four weeks in September 2008, including scenes at the offices of \"The Grand Rapids Press\", the Amway Grand Plaza Hotel, the Grand Rapids Public Museum, and other downtown locations. The budget for the film was $7 million.", + "score": 0.6921760439872742 + }, + { + "id": "17878848", + "title": "The End of the Tour", + "text": "of the tour, we truly feel the weight and impact of what a loss for our culture Wallace\u2019s death was.\" Principal photography began on February 19, 2014, in Grand Rapids, Michigan, and Hudsonville, Michigan, and continued for five weeks. On March 19, 2014, it was announced that filming was taking place at JW Marriott Grand Rapids and shooting was said to wrap soon. Around March 21, some scenes were filmed at the Mall of America and near the Third Avenue Bridge in Minneapolis. The film's soundtrack, written by Danny Elfman, was released by Lakeshore Records on July 24, 2015. Supervised", + "score": 0.6881986856460571 + }, + { + "id": "6464788", + "title": "One Crazy Summer", + "text": "driven insane every summer for trying to win a $1 million prize from a radio contest) finally wins, but his phone gets disconnected and his prize is given away to someone else; he snaps and promptly uses a rocket launcher to blow up the radio station, just as the Stork twins arrive and head to the fiery remains to roast marshmallows. Several locations on Cape Cod, Massachusetts were used for the film: Pope John Paul II High School (as Generic High School), Hyannis West Elementary School (as Generic Elementary), the Woods Hole, Martha's Vineyard And Nantucket Steamship Authority ferry dock", + "score": 0.6877909898757935 + }, + { + "id": "14793011", + "title": "The Woman in Black (2012 film)", + "text": "The next day, Radcliffe was pictured in costume just outside Peterborough, England. In early October the crew was filming in Layer Marney Tower. Filming officially ended on 4 December 2010. The exterior shots of Eel Marsh House were filmed at Cotterstock Hall near Oundle in central England. The fictional Nine Lives Causeway leading to it was filmed at Osea Island in Essex. The village of Crythin Gifford was filmed at Halton Gill, north of Settle in the Yorkshire Dales. At the Kapow! Comic Con in London during April 2011, director James Watkins confirmed filming had been completed in December 2010", + "score": 0.6873590350151062 + }, + { + "id": "6862401", + "title": "Fantastic Four: Rise of the Silver Surfer", + "text": "reprising his role as Doctor Doom. The Baxter Building was also redesigned. There were 14 filming locations: Burnaby, British Columbia, Canada; Black Forest, Baden-W\u00fcrttemberg, Germany; Giza, Egypt; London, England, UK (second unit); Los Angeles, California, USA; New York City, New York, USA; Oriental Pearl Tower, Shanghai, China; Pemberton; Port Coquitlam, British Columbia, Canada; Vancouver British Columbia, Canada; Dumont Dunes, California, USA; Russell Glacier, Greenland; Suruga Bay, Japan; Fallston, Pennsylvania. The teaser trailer was initially exclusively attached to \"Night at the Museum\". It was released to the general public online on December 26, 2006 on the film's official website. The theatrical", + "score": 0.6863656640052795 + }, + { + "id": "10523125", + "title": "Charlie Bartlett", + "text": "to visit his father in prison (something he had felt uncomfortable about earlier in the film). The film ends with Charlie applying for a summer internship at a psychiatric institute. The film features four of the then \"\" cast members as Charlie's fellow students: Jake Epstein (Craig Manning), Lauren Collins (Paige Michalchuk), Drake (Jimmy Brooks), and Ishan Dav\u00e9 (Linus). The film was shot on location in Toronto as well as at Parkwood Estate in Oshawa, Ontario and Trafalgar Castle School in Whitby, Ontario. It was also filmed at Western Technical-Commercial School, where parts of \"Billy Madison\", \"Ice Princess\", \"Alley Kids", + "score": 0.6856976747512817 + }, + { + "id": "8668695", + "title": "Miracle Run", + "text": "Corrine then founds The Miracle Run Foundation for research into autism. Steven gives a speech about how his mother helped him and his brother with their autism. As the audience applauds at his speech, the credits mention about their lives from thereon and this ends the movie. The movie was filmed in New Orleans, Louisiana. The High School campus scenes were filmed at Holy Cross High School's original campus (Holy Cross High School relocated to a new campus due to Hurricane Katrina). The scenes with the cross country running were filmed in New Orleans City Park. Miracle Run Miracle Run", + "score": 0.6817124485969543 + }, + { + "id": "8512803", + "title": "Castle Hill (Ipswich, Massachusetts)", + "text": "features Castle Hill. It is the main location at which nearly all scenes were filmed. The beginning scene shows the children walking towards the front of the house after being dropped off by the bus. In reality, the bus stop is at the end of the rolling green, where the lawn ends and the ocean begins. The 2009 movie \"Ghosts of Girlfriends Past\" was predominantly filmed inside and outside the mansion. Several fake windows, statues, and columns were added to the building, in addition to a circular driveway added to the front. These fiberglass additions have now been removed, along", + "score": 0.6815118789672852 + }, + { + "id": "3082900", + "title": "Twenty Bucks", + "text": "where Angeline captures the bill was filmed on North 4th Street in downtown Minneapolis, in front of Fire Station No. 10 (with traffic driving the wrong way for the movie). The scene where Angeline visits McCormac and McCormac mails the bill (and Jimmy and Frank meet) was filmed in the 1000 block of West Broadway in Minneapolis (now demolished). The supermarket scene was filmed at a Holiday Plus supermarket (now part of the Cub Foods chain) in suburban Minneapolis. The bill floats near the Mississippi River just above St. Anthony Falls; over the 3rd Avenue Bridge; and past the E-Z", + "score": 0.6811405420303345 + }, + { + "id": "12087597", + "title": "Wish Upon a Star", + "text": "him. This movie was filmed at Hunter High School in West Valley City, Utah. Their school was the Hunter Vikings, but the real Hunter High are the Wolverines. The real Hunter High basketball team was the opposing team in the basketball game and were called the Wolverines. The movie was filmed in late 1995 and early 1996, which is why snow is present in some shots and Danielle Harris has visible breath when opening the door. Moonpools & Caterpillars was the rock band featured in the movie at the Winter Festival Dance. The movie shares similar elements with many other", + "score": 0.6808778643608093 + }, + { + "id": "15314518", + "title": "Chalet Girl", + "text": "break-up scene was filmed in the Grand Hotel Sonnenbichl on the outskirts of Garmisch. The majority of the cast were English, with Brooke Shields, Sophia Bush and Nicholas Braun being the exceptions. Bill Nighy filmed his scenes over a period of two weeks, and developed a football rivalry with Ed Westwick with the two actors supporting Manchester United and Chelsea respectively. Shields and Braun struck up a friendship during the filming with Shields describing it in interviews as wanting to \"adopt him as my brother\". The film was distributed by Alliance Films and Momentum Pictures in 2011. Later in 2012,", + "score": 0.67990642786026 + }, + { + "id": "1488146", + "title": "Willy Wonka & the Chocolate Factory", + "text": "because it was significantly cheaper than filming in the United States and the setting was conducive to Wonka's factory; Stuart also liked the ambiguity and unfamiliarity of the location. External shots of the factory were filmed at the gasworks of Stadtwerke M\u00fcnchen (Emmy-Noether-Stra\u00dfe 10); the entrance and side buildings still exist. The exterior of Charlie Bucket's house, a set constructed solely for the film, was filmed at Quellenstra\u00dfe in Munich. Charlie's school was filmed at Katholisches Pfarramt St. Sylvester, Biedersteiner Stra\u00dfe 1 in Munich. Bill's Candy Shop was filmed at Lilienstra\u00dfe, Munich. The closing sequence when the Wonkavator is flying", + "score": 0.6798053979873657 + }, + { + "id": "15594762", + "title": "Damsels in Distress", + "text": "dribbled in. He just doesn\u2019t work very fast. Finally we had a draft. When we started production he said, \u2018I think 12 years is the right amount of time between movies.\u2019 Castle Rock ended up providing most of the $3 million budget. The movie was filmed on location in New York City on Staten Island at the Sailors' Snug Harbor Cultural Center. Filming finished on 5 November 2010. Stillman has said that the film was cut between its festival and theatrical runs: I felt the MPAA helped us out there. I'd hoped to get a PG-13 even with the Venice", + "score": 0.6794353127479553 + }, + { + "id": "8423885", + "title": "A Simple Plan (film)", + "text": "given between right and wrong.\" The production began shooting in Ashland and Saxon, Wisconsin, where most of the film's exterior shots were filmed. An actual plane, with one side cut open, was one of two planes used to depict the crashed aircraft. The production returned to Minnesota, where it was plagued by a lack of snow. To solve this problem, the filmmakers assembled a special effects team to create a combination of real snow and fake synthetic snow that was made from shaved ice. The home of Lou Chambers and his wife Nancy was filmed in an abandoned house in", + "score": 0.6790058016777039 + }, + { + "id": "10288619", + "title": "Combat Shock", + "text": "the cleaning setting. He then pours himself a glass of spoiled milk and drinks it before committing suicide via gun. The final shot shows a train passing by into the night. The movie is set in and was largely filmed in the Port Richmond section of Staten Island, where the main character dwells in apocalyptic squalor. The movie was shot on a modest budget, causing the battlefield scenes to be shot in marshland across from the Staten Island Mall. The initial theatrical release was met with severe skepticism. Writing for \"The New York Times\", Vincent Canby dismissed the film as", + "score": 0.6786591410636902 + }, + { + "id": "17339970", + "title": "Carol (film)", + "text": "the Greater Cincinnati & Northern Kentucky Film Commission released the solicitation from producers for extras and vintage vehicles. Principal photography began on March 12, 2014, at Eden Park in Cincinnati. Various locations around Cincinnati were used during production, including Downtown Cincinnati, Hyde Park, Over-the-Rhine, Wyoming, Cheviot, and Hamilton, as well as Alexandria, Kentucky. Except for the Waterloo, Iowa, motel room, which was a private set built for filming the love scene, locations were used for interior and exterior settings. The second floor of a now-defunct department store served as the setting for the toy department of the fictional Frankenberg's. Filming", + "score": 0.6783202886581421 + }, + { + "id": "15992954", + "title": "Geek Charming", + "text": "called each other at first. They kiss again with Josh's jacket covering their faces. Robin Palmer, the author of the original novel, was not involved in production and refused to read the script due to her background of adapting novels into films. The movie was shot in Vancouver, Canada and at St. George's School. The final scene was filmed near Broadway Ave. It premiered on Friday, November 11, 2011, on Disney Channel and earned 4.910 million viewers. The film was released on DVD and Blu-ray in the USA on February 7, 2012. It features 10 bonus episodes of Shake It", + "score": 0.6777209639549255 + }, + { + "id": "6270263", + "title": "In Dreams (film)", + "text": "into lives that make no sense.\" Filming took place in multiple locations in New England, including several Massachusetts cities: Northampton (at the Northampton State Hospital and Smith College), Southampton, Northfield, and Florence. Additional photography took place in New Castle, New Hampshire. The underwater sets were created and filmed at 20th Century Fox studios on the Baja California Peninsula, in the same water tank used for the underwater portions of James Cameron's \"Titanic\" (1997). The film's production budget was approximately $30 million. Cinematographer Darius Khondji applied filters on the camera lenses to achieve lush accents on the film's autumnal imagery, noted", + "score": 0.6773546934127808 + }, + { + "id": "8066471", + "title": "Good Luck Chuck", + "text": "in 2,612 theaters. The film went on to have a total box office tally of approximately $35 million U.S. and $24 million foreign. The film earned two Razzie Award nominations including Worst Actress (Jessica Alba) and Worst Screen Couple (Alba and Dane Cook), but lost to Lindsay Lohan for \"I Know Who Killed Me\". \"Good Luck Chuck\" was filmed from late-September to mid-November 2006. The film was shot in Vancouver, British Columbia and also partly in Edmonton, Alberta, using the Alberta Film Studio for the aquarium scenes and the neighborhood of Old Strathcona for exterior shots. The soundtrack was released", + "score": 0.6766184568405151 + }, + { + "id": "19031245", + "title": "Charlie's Angels (2019 film)", + "text": "to 7, 2018, filming took place at the Elbphilharmonie in Hamburg, Germany. In early December 2018, filming took place at the Spice Bazaar, Veliefendi Race Course and in Sultanahmet in Istanbul, Turkey. \"Charlie's Angels\" is scheduled to be released on November 1, 2019, by Columbia Pictures. It was previously set to be released on September 27, 2019 and before that, on June 7, 2019. Charlie's Angels (2019 film) Charlie's Angels is an upcoming American action comedy film directed by Elizabeth Banks and written by Banks, Jay Basu, Craig Mazin, and Semi Chellas. The film stars Kristen Stewart, Naomi Scott, Ella", + "score": 0.6761925220489502 + }, + { + "id": "1745499", + "title": "Purple Rain (film)", + "text": "Howard Bloom advocated for it. Principal photography took place almost entirely in Minneapolis: the film features many local landmarks, including the Crystal Court of the IDS Center (also shown in segments of the opening credits to \"The Mary Tyler Moore Show\") and the legendary First Avenue nightclub. First Avenue was paid $100,000 for use of the club in filming; it was closed for 25 days. The Huntington Hotel, where Apollonia stayed, is located on Main Street in downtown Los Angeles. In the film, it is supposed to be across the street from First Avenue. The motorcycle Prince rides in the", + "score": 0.6761084794998169 + }, + { + "id": "20273569", + "title": "To All the Boys I've Loved Before (film)", + "text": "joined the cast of the film. This is the first film released by AwesomenessTV after its acquisition by Viacom. Principal photography began in Vancouver, British Columbia and the surrounding areas on July 5, 2017. Parts of the film were shot in Portland, Oregon, which is also the setting for the film. Scenes at Lara Jean's high school were filmed at Point Grey Secondary School. Production concluded on August 4, 2017. In March 2018, Netflix acquired distribution rights to the film, and released it on August 17, 2018. On the review aggregation website Rotten Tomatoes, the film holds an approval rating", + "score": 0.675799548625946 + }, + { + "id": "6905765", + "title": "Amanda Crew", + "text": "in Connecticut\". Despite negative reviews from critics, the film opened in second place at the North American box office and eventually grossed $77.5 million worldwide. In 2010, Crew co-starred with Zac Efron and Kim Basinger in the supernatural romantic drama \"Charlie St. Cloud\", playing the love interest of the titular character. Despite negative reviews, it proved to be Crew's mainstream breakthrough. Later that year, she starred in the crime thriller \"Repeaters\" as Sonia Logan, a drug addict who becomes trapped in a time loop. The film premiered at the Toronto International Film Festival on September 13, 2010 and received negative", + "score": 0.6754806637763977 + }, + { + "id": "13769447", + "title": "Charlie & Boots", + "text": "marvel at how big the bridge is. Charlie quips \"Yeah... imagine having to paint (it)\" - a dig at Hogan's pre-fame occupation as a worker on it. Filming took place in Warrnambool, Horsham, Echuca, Hay, Tamworth, Tenterfield, Emerald and the Cape York Peninsula. The film received generally positive reviews with 64% positive rating on Rotten Tomatoes from 11 reviews as of September 2009. It was called a \"likeable family comedy\" by Sandra Hall of \"The Sydney Morning Herald\" and \"a superbly relaxed and good-natured film\" by Evan Williams of \"The Australian\". Charlie & Boots Charlie & Boots is a 2009", + "score": 0.6749995946884155 + }, + { + "id": "18743870", + "title": "It (miniseries)", + "text": "of $12 million. Given that the shooting entailed an adult cast with child counterparts, Wallace sought to have the adult actors meet with the children playing the younger versions of their characters: \"We made a point of bringing the adult and children actors together for a couple of days, even though it was costly, since the adults and the kids have no scenes together.\" Filming locations in Vancouver included Stanley Park, Beaver Lake and Saint Thomas Aquinas High School Convent in North Vancouver. Wallace told \"The Hollywood Reporter\" that his job as a director \"was to give Tim the stage", + "score": 0.6742225885391235 + }, + { + "id": "14906966", + "title": "Charlie, the Lonesome Cougar", + "text": "Charlie, the Lonesome Cougar Charlie, the Lonesome Cougar is a 1967 Walt Disney Productions adventure family film released by Buena Vista Distribution Company. It was filmed partially at the Weyerhauser Mill in Enumclaw, Washington and partially on the North Fork of the Clearwater River in Northern Idaho, recording one of the last river log drives to occur in the United States. Four different cougars were used in the film. The film takes place in the Cascade Mountains of Washington (despite much of the filming having been done in Northern Idaho). Charlie's mother lost her life when he was a cub,", + "score": 0.6740507483482361 + }, + { + "id": "8352928", + "title": "Minneapolis", + "text": "to independently-owned affiliates of NBC (KARE 11), PBS (KTCA-TV/KTCI-TV 2), The CW (WUCW 23) and one independent station (KSTC-TV 45). A number of movies have been shot in Minneapolis, including \"The Heartbreak Kid\" (1972), \"Slaughterhouse-Five\" (1972),\"Ice Castles\" (1978), \"Foolin' Around\" (1980), \"Take This Job and Shove It\" (1981), \"Purple Rain\" (1984), \"That Was Then, This Is Now\" (1985), \"The Mighty Ducks\" (1992), \"Untamed Heart\" (1993), \"Beautiful Girls\" (1996), \"Jingle All the Way\" (1996), \"Fargo\" (1996), and \"Young Adult\" (2011). In television, two episodes of \"Route 66\" were shot in Minneapolis in 1963 (and broadcast in 1963 and 1964). The 1970s", + "score": 0.6737890243530273 + }, + { + "id": "5257357", + "title": "The Adventures of Sharkboy and Lavagirl in 3-D", + "text": "Parts of the film were shot on location in Texas in October 2004, where Max resides and goes to school in the film. Much of the film was shot in a studio against green screen. Most of the ships, landscapes and other effects including some creatures and characters, were accomplished digitally. According to Lautner and Dooley, when filming the scene with the dream train, the front part of the train was an actual physical set piece. \"The whole inside was there and when they have all the gadgets you can pull on, that was all there but everything else was", + "score": 0.6734191179275513 + }, + { + "id": "8307088", + "title": "Joe Somebody", + "text": "shoot divided between the twin cities of Minneapolis and St. Paul. Screenwriter Shepherd spent many years working in the Twin Cities, becoming very familiar with the area in the process. Gross reflected on the city: \"Minneapolis is a major player in this film, which can be seen in the cast, the background players and the locations. It was written for the city.\" The film was shot in fifty-four days on over thirty locations. Joe Scheffer's workplace was shot at Waterford Towers in Plymouth, Minnesota. Production designer Jackson De Govia transformed the fourth floor of the New Age office building into", + "score": 0.673417329788208 + }, + { + "id": "17335376", + "title": "Cooties (film)", + "text": "and Tove Christensen's company Glacier Films. Executive Producers include Leigh Whannell, Seth William Meier and Ian C. Brennan. The filming began on July 15, 2013 in Los Angeles, California. Elijah Wood and Glacier Films produced the film. In September 2014, it was announced that they had filmed a new ending for the film which was paid for by Lionsgate. The new ending debuted at the Stanley Film Festival. The film was scored by Kreng, and was released on September 18, 2015, by Milan Records, in digital download and physical CD formats. The film premiered on January 18, 2014, at the", + "score": 0.673387885093689 + }, + { + "id": "9912828", + "title": "Lakeview Terrace", + "text": "by the deputies in self-defense. Chris survives and he and Lisa later talk about their pride in their home, neighborhood, and soon-to-be family, while the wildfires finally seem to be contained. The majority of the movie was filmed in Walnut, California on North Deer Creek Drive. The scene where Abel Turner comes out of the police station to talk to his partner and other police officers was filmed in Hawthorne, California on the corner of Grevillea Ave. & 126th St. On Rotten Tomatoes, the film has an approval rating of 45% based on 163 reviews, with an average rating of", + "score": 0.6733230352401733 + }, + { + "id": "14791584", + "title": "On the Road (film)", + "text": "Jean-Luc Godard's \"Breathless\" and John Cassavetes' \"Shadows\". Filming began on August 4, 2010, in Montreal, Quebec, Canada. After a month of filming in Montreal, the production shot footage in Gatineau, Quebec, on August 17, which stands in for Denver, Colorado, in 1947. The film shot for five days in the middle of October 2010 in and around Calgary, Alberta. The production also shot in New Orleans for a month, then returned to Montreal to shoot the film's final scenes. The production shot for a week in early December 2010 in San Francisco. Salles originally wanted to shoot in Mexico for", + "score": 0.6726641654968262 + }, + { + "id": "11946828", + "title": "S. Darko", + "text": "for \"Requiem for a Dream\", and he hoped his score would be both \"surreal and psychedelic just like the movie\". \"S. Darko\" was filmed in Coalville, Utah and Magna, Utah. To promote the film, a viral marketing campaign was launched consisting of three YouTube videos. The first video is footage from a surveillance camera, showing a dumpster falling from the sky and crushing a child. The second video is from a conspiracy theorist expressing his beliefs that metallic objects which\u2014with no apparent rational explanation\u2014fall from the sky and lethally crush people are \"Artifacts\". \"Artifacts\", he explains, are from parallel universes", + "score": 0.672553300857544 + }, + { + "id": "16959362", + "title": "Labor Day (film)", + "text": "for one place. For weeks we would just drive down the street, knocking on people\u2019s doors. The house we found was perfect but it was very modern. Steve brought it back to 1987.\" Principal photography for the film began on June 13, 2012, in Massachusetts. The filming locations included Belchertown, Shelburne Falls,Ashland, Sutton, Mansfield, Natick, Medfield, and Medway, Massachusetts. On 25 January, filming moved to Acton and scenes shot around Piper Road and at a house located in the area. The movie was also filmed at Canobie Lake Park in Salem, New Hampshire. The filming finished on 17 August 2012.", + "score": 0.6718747615814209 + }, + { + "id": "7036825", + "title": "A Good Year", + "text": "was that he had \"not done much in the way of comedy\" and it seemed to be a good opportunity to \"keep challenging yourself\". The film was shot throughout nine weeks in 2005, mostly in locations Scott described as \"eight minutes from my house\". French locations were filmed at Bonnieux, Cucuron and Gordes in Vaucluse, Marseille Provence Airport, and the rail station in Avignon. London locations included Albion Riverside in Battersea, Broadgate, the Bluebird Cafe on King's Road in Chelsea, and Criterion Restaurant in Piccadilly Circus. The scene with the tennis match between Max and Duflot was added on the", + "score": 0.6717315912246704 + }, + { + "id": "17846748", + "title": "Triple 9", + "text": "never worked on something quite like this.\" Principal photography began on May 28, 2014 in Atlanta, Georgia. On June 5, filming took place at St. Regis in Buckhead, Atlanta, with Winslet. Filming took place at Centennial Olympic Park Drive, Atlanta from June 23 to June 25, 2014. In early July, filming moved to Decatur, scenes were shot from July 9\u201312, 2014 in the 200 block of Kings Highway. Additionally stretches of Ansley Street and Kings Highway were also be used as establishing shots. Scenes were also shot on White Street, South East of Westview Cemetery, Atlanta. On July 17, 2014,", + "score": 0.6715922355651855 + }, + { + "id": "1271606", + "title": "Fargo (film)", + "text": "Carlton Celebrity Room was an actual venue in Bloomington, Minnesota, and Jos\u00e9 Feliciano did once appear there, but it had been closed for almost ten years when filming began. The Feliciano scene was shot at the Chanhassen Dinner Theatre in Chanhassen, near Minneapolis. The ransom drop was filmed in two adjacent parking garages on South 8th Street in downtown Minneapolis. Scenes in the Lundegaards' kitchen were shot in a private home on Pillsbury Avenue in Minneapolis, and the house where Mr. Mohra described the \"funny looking little guy\" to police is in Hallock, in northwest Minnesota. The motel \u201coutside of", + "score": 0.6714774370193481 + }, + { + "id": "4881476", + "title": "Snow Day (film)", + "text": "is the first of two films to star both Josh Peck and Zena Grey, the other being \"Max Keeble's Big Move\", released the following year. \"Snow Day\" was filmed in Cedarburg, Wisconsin, as well as Edmonton and Calgary, Alberta. Much of the outdoor snow scenes were filmed at the Bonnie Doon Park in Edmonton, which had recently had a do-over and offered a natural setting in an urban location. It was originally set to be based on the television series \"The Adventures of Pete & Pete\", but the idea was scrapped and it was rewritten as a stand-alone story. The", + "score": 0.6710752844810486 + }, + { + "id": "7624579", + "title": "What We Do Is Secret (film)", + "text": "months for the concert scenes with the help of the Germs' real members. Heather Mallow, a personal friend of Grossman, was chosen and played the role of Darby's mother who was briefly discussed during one of the more documentary sequences during the start of the movie. Filming began in 2005. The film was shot on location in Silver Lake, Los Angeles, California, primarily at Occidental Studios, where Charlie Chaplin and Mary Pickford once made movies. The film was shot guerrilla-style in a total of twenty-one days and in three production periods over a two-year period. Grossman used multiple camera positions", + "score": 0.6710429787635803 + }, + { + "id": "14924937", + "title": "Crazy, Stupid, Love", + "text": "talks to appear in the film. On April 12, Kevin Bacon also joined the cast. It is the first project produced by Carell's Carousel Productions. Principal photography took place in and around Los Angeles, California. Filming started on April 16, 2010 and lasted for fifty three days. Locations included Westfield Century City mall, Ventura Boulevard, Hollywood Hills where Jacob's house is located, Taft High School in Woodland Hills, Portola Middle School in Tarzana and Grant High School in Van Nuys, which stood for Robbie and Jessica's campuses, El Torito Grill at the Sherman Oaks Galleria and Equinox Fitness in Woodland", + "score": 0.6709238886833191 + }, + { + "id": "8932054", + "title": "Charlie Bubbles", + "text": "of 1960. Shelagh Delaney had also achieved fame as the writer of another film in this genre, Tony Richardson's 1961 \"A Taste of Honey\". Further to this, Delaney wrote Lindsay Anderson's 1967 film \"The White Bus\" - like \"Charlie Bubbles\", set in part in Manchester and Salford - which has a distinctly surreal feel to it at times. \"Charlie Bubbles\" is referred to in the Kinks' song \"Where Are They Now?\", on the album \"Preservation Act 1\". The film was released on DVD in September 2008, and on Blu-Ray in November 2018. Charlie Bubbles Charlie Bubbles is a 1968 British", + "score": 0.6708487272262573 + }, + { + "id": "16670799", + "title": "A Glimpse Inside the Mind of Charles Swan III", + "text": "Ivana (Winnick), and it throws his life into a tailspin. He does not know whether he loves her or hates her or wants her back or never wants to see her again. Along with his best friend, Kirby (Schwartzman) and his manager, Saul (Murray), Charles starts to suffer from nightmares, fever dreams of past relationships and hits rock bottom as he tries to recover from the recent breakup and tries to turn his life around. Filmed on location in Santa Clarita and Los Angeles, California. \"It was surreal,\" says the Chicago composer and performer Liam Hayes, about appearing in the", + "score": 0.670665979385376 + }, + { + "id": "11427230", + "title": "Aliens in the Attic", + "text": "her second album, \"Guilty Pleasure\". The original motion picture soundtrack was released on August 18, 2009. Principal photography began at the end of January 2008 in Auckland, New Zealand. Auckland-based production company New Upstairs Productions said filming would run for 30\u201340 days from January 28 to April 18, 2008 with no filming in weekends. The film was set in a rambling old villa transported from Remuera to a farm in North Auckland. The main set was an old manor and they spent $700,000 restoring the house. The main shooting ended in mid-March 2008. Tisdale, Butler and Jenkins went back to", + "score": 0.6705569624900818 + }, + { + "id": "17421594", + "title": "Project Almanac", + "text": "Jessie asking if they are \u201cgoing somewhere\u201d. The members of rock bands Imagine Dragons and Atlas Genius, as well as an unnamed DJ, appear briefly as themselves. Principal photography began in June 2013 in Atlanta, Georgia. Shortly before the film's release, it was discovered that the footage turned in to Paramount featured 2 seconds of a real-life plane crash. Although sources differ on where the film clip was from, Paramount has said the footage is of a 2009 crash while the \"Air Force Times\" reported that footage was \"nearly identical\" to a 1994 incident that happened at Fairchild Air Force", + "score": 0.6704673171043396 + }, + { + "id": "8038206", + "title": "The Puffy Chair", + "text": "by his father long ago. The resulting road trip to pick up and deliver the chair as a birthday present for the father in Atlanta takes interesting twists. The film was made for $15,000, money borrowed from the Duplass's parents. All of the film's actors were paid $100 a day, with extensive improvisation used. It was lensed with Panasonic AG-DVX100. The scenes set in North Carolina were actually filmed in the small town of Milbridge, Maine, hometown of Katie Aselton; in fact, the filmmakers stayed with Aselton's parents during production. The film had its world premiere at the Sundance Film", + "score": 0.6701937317848206 + }, + { + "id": "9193693", + "title": "It Happened to Jane", + "text": "is based on the J-Class 2-8-2 steam locomotives that used to run on the New Haven Railroad. Old 97 was a common nickname for steam locomotives that had the number 97 on them (see, for example, the popular song \u201cThe Wreck of the Old 97\u201d). The movie was mostly filmed in Chester, Connecticut. The final scene filmed at downtown Chester Connecticut was about 1 mile from the train station used in the movie. The locomotive in the final scene was a wooden prop built near where the final scene was filmed. People from all over Connecticut were invited to be", + "score": 0.6701407432556152 + }, + { + "id": "18520717", + "title": "Love the Coopers", + "text": "room, responding to the text he sent her (actually, Bo sent it to \"help\" him). Hank comforts Ruby as part of their budding relationship. Sam and Charlotte reconcile. Emma, following Officer Percy's advice, buys Charlotte the most expensive thing she can \u2013 a shower stool from the hospital's small gift shop. Everyone is happily sharing a \"Christmas meal\" in the hospital cafeteria, when fortuitous muzak leads the whole Cooper clan to joyfully dance around the cafeteria. The film is narrated by the family's St. Bernard, Rags. Principal photography began on December 19, 2014, in Pittsburgh, Pennsylvania, where scenes were filmed", + "score": 0.6696969270706177 + }, + { + "id": "6364028", + "title": "84C MoPic", + "text": "survival. \"84C MoPic\" was filmed on a low budget in Southern California. The film is one of the earlier examples of found footage, a style famously implemented by \"The Blair Witch Project\" and \"Paranormal Activity\". \"84 Charlie MoPic\" has an 83% \"Fresh\" rating on Rotten Tomatoes, based on 6 reviews. Roger Ebert, awarding the film three stars out of four, wrote: The film received three nominations: The film is listed among recommended Vietnam war films in a blog post on the Council on Foreign Relations. 84C MoPic 84C MoPic (also known as 84 Charlie MoPic) is a 1989 American independent", + "score": 0.6693406105041504 + }, + { + "id": "13370208", + "title": "Beastly (film)", + "text": "budget of $17 million for filming and marketing. Production began on June 13, 2009 in Montreal, Quebec, Canada and ended in August that year. The first clip of the official \"Beastly\" trailer was filmed in Chicago, and used Walter Payton College Prep High School as Buckston Academy High School. Old Montreal and Laval were used as filming locations, and Mount Royal Park in Montreal served as Central Park in New York and other outdoor locations. Local Montreal diner Place Milton was also used as a location, and was renamed Cafe Santiago for the film. Filming was completed in 45 days.", + "score": 0.6691716909408569 + }, + { + "id": "17444978", + "title": "The F Word (2013 film)", + "text": "Wallace runs into Chantry at a movie theater was filmed at the Royal Cinema. Most of the filming in Toronto took places within the East Chinatown, Leslieville and Riverdale district among other regions within downtown Toronto and Scarborough. The scene in which Wallace and Chantry skinny dip together was filmed at the Scarborough Bluffs. Filming additional scenes for a new ending took place in Toronto in November 2013. After testing the film with different focus groups, the filmmakers realized audiences wanted a more conclusive ending, and new scenes set eighteen months later were shot. Radcliffe initially felt weird about changing", + "score": 0.6686598062515259 + }, + { + "id": "18589581", + "title": "Love & Friendship", + "text": "in Dublin. Filming also took place in the coastal town of Donabate, and at Russborough House, which was used as the exterior for two different residences in the film, and at Howth Castle, which featured as the exterior of 'Churchill'. For three weeks, scenes were shot on-location at the Newbridge Estate. On 16 March 2015, it was announced that filming on the production had wrapped. In a thirty-minute interview for AOL Build released on May 12, 2016 on YouTube between Stillman and Beckinsale, Beckinsale indicated that the entire filming was completed in 27 days. The film's assembly edit took place", + "score": 0.668506383895874 + }, + { + "id": "16752327", + "title": "Charlie Countryman", + "text": "suicide by cop. The film ends with Karl and Luc finally being separated from the super glue, and Charlie and Gabi finally together. John Hurt was a brief narrator for the film's original version released at Sundance, but his narration was edited out and is included on its Blu-ray release as an extra. In early development, LaBeouf dropped out of the project and the title role was briefly given to Zac Efron before LaBeouf returned to the project in August 2010. Filming took place between May and June 2012 and filmed on location in Romania. LaBeouf reportedly tripped on acid", + "score": 0.6684974431991577 + }, + { + "id": "10947878", + "title": "Hippie Hippie Shake", + "text": "at that era in a new perspective and help us reflect on what's going on today,\" Neville said. Parts of the film were shot in the Hampstead district of London, and a house in South Hill Park was used as the exterior of Greer's home. Until his death, South Hill Park was the home of Anthony Minghella, the film director and father of Max Minghella. All Saint's Road was also used as a substitute for King's Road. In August 2008, controversy surrounding Miller's personal life led to a delay in the film's release. In July 2009, \"creative differences\" led Beeban", + "score": 0.6684682369232178 + }, + { + "id": "5488308", + "title": "Nicholas Hoult", + "text": "questionable choices throughout the film intrigued him. Hoult read novels written by S. E. Hinton to prepare for the role. The film was shot in a deserted location in South Africa; Hoult said filming in the hot weather conditions was difficult but the \"beautiful\" scenery helped to tell the story better. He and his co-star Elle Fanning said it also made them more conscious of environmental concerns. The film premiered at the 2014 Sundance Film Festival and was met with mixed responses. Commentators highlighted the film's standout scenery but were critical of its plot. Keith Uhlich of \"The A.V. Club\"", + "score": 0.6684315204620361 + }, + { + "id": "20816667", + "title": "Timmy Failure", + "text": "with sixty days of filming following in Louisiana. The film was set with a budget of $42 million, with $32 million of that being spent in-state. That included an estimated $10 million on Louisiana payroll. Filming took place during the week of June 27, 2018, in Surrey, British Columbia, Canada, where a set was constructed made to look like a border crossing between the United States and Canada. Production continued in Surrey on July 5, 2018, at the local Cloverdale Fairgrounds, where a scene was shot where a vehicle travels through a house. Principal photography was expected to take place", + "score": 0.668344259262085 + }, + { + "id": "11368484", + "title": "Doubt (2008 film)", + "text": "Jack O'Connell as Mr. McGuinn. Production began on December 1, 2007. The film, which concentrates on a Bronx Catholic school, was filmed in various areas of the Bronx, including Parkchester, St. Anthony's Catholic School, and the College of Mount Saint Vincent, as well as Bedford-Stuyvesant, Brooklyn. The \"garden\" exterior scenes were shot at the historic Episcopal Church St. Luke in the Fields on Hudson Street in New York's Greenwich Village. The associated St. Luke's School was also heavily featured. The film is dedicated to Sister Margaret McEntee, a Sister of Charity nun who was Shanley's first-grade teacher and who served", + "score": 0.6682370901107788 + }, + { + "id": "17311797", + "title": "Me and Earl and the Dying Girl (film)", + "text": "Pennsylvania; they started filming high school scenes on June 16. Cinematographer Chung-hoon Chung shot the film digitally using Arri Alexa cameras with prime and anamorphic lenses in a widescreen 2.35:1 aspect ratio. A Pittsburgh native, writer Jesse Andrews' family home in Point Breeze was used as Greg's house in the film. Rachel's house was located in Squirrel Hill, and Earl's house was in Braddock. Other locations included Schenley High School (closed since 2008), The Andy Warhol Museum, Copacetic Comics in Polish Hill, and a street corner in West Oakland, which served as an ice cream shop. The Criterion Collection lent", + "score": 0.6678791046142578 + }, + { + "id": "8437536", + "title": "Superbad (film)", + "text": "The mall scenes were shot at the old Fox Hills Mall (which became the Westfield Mall) in Culver City, California. Other notable filming locations include the convenience store at the beginning of the film, also in Culver City, the liquor store where \"McLovin\" gets IDed in Glendale, California, and the bar where the cops take McLovin for a drink is neighboring Los Angeles International Airport (LAX). The scene where McLovin and the cops do donuts in the cop car was filmed in a parking lot on the California State University, Northridge campus. \"Superbad\" opened at number one at the United", + "score": 0.667742908000946 + }, + { + "id": "18260871", + "title": "It Was You Charlie", + "text": "\"Abner\" as he begins a quest to seek redemption, and reconcile his conflicted past. \"It Was You Charlie\" was filmed in Torontoand premiered at the Busan International Film Festival on 6 October 2013. The order is followed by Release date South Korea, Busan International Film Festival on 6 October 2013 Canada, \"Victoria Independent Film and Video Festival\" on 8 February 2014 USA, Cinequest Film Festival on 7 March 2014 China, Shanghai International Film Festival on 14 June 2014 Canada, Toronto on 15 August 2014 USA, New York City, New York on 26 September 2014 The film's negative reviews were critical", + "score": 0.667402982711792 + }, + { + "id": "11205040", + "title": "Where Angels Go, Trouble Follows", + "text": "Ford style movie director), Arthur Godfrey (as the Bishop of the diocese where the St. Francis Academy is located), Van Johnson (as the head of a Catholic boys high school) and Robert Taylor (as a wealthy rancher in his final film). Many of the scenes in the movie's first half were filmed in Philadelphia, including Market Street near 13th Street, a couple of blocks west, right outside City Hall, and a protest scene at the Philadelphia Museum of Art. Also, at the northern suburbs of Philadelphia and the Lehigh Valley, especially at was St. Mary's Villa, a Catholic home for", + "score": 0.6673263311386108 + }, + { + "id": "9671546", + "title": "Culture of Minnesota", + "text": "native; she played Sandy in the 2007 Broadway run of \"Grease\". A statue of Mary Tyler Moore downtown on the Nicollet Mall commemorates the 1970s television situation comedy \"Mary Tyler Moore\", awarded 3 Golden Globes and 31 Emmy Awards. Minnesota's winters are the setting of several Hollywood films, including the comedies of \"Grumpy Old Men\" (1993) and \"Grumpier Old Men\" (1995), set in Wabasha, but filmed in St. Paul. The Coen Brothers' 1996 dark comedy film \"Fargo\", along with its 2014 spin-off series, also feature the backdrop of a Minnesota winter. The film primarily takes place in Minneapolis and Brainerd,", + "score": 0.6673082113265991 + }, + { + "id": "4078234", + "title": "Kiss the Girls (1997 film)", + "text": "Chapel Hill, North Carolina residence. The police station was constructed in a downtown Durham warehouse. The majority of filming occurred in the Los Angeles area, with locations including the Disney Ranch, The Athenaeum at the California Institute of Technology in Pasadena, California, a house in the Adams historic district of Los Angeles, and on the campus of the University of Southern California in University Park. Designed by American production designer Nelson Coates, the majority of the sets, including the tunnels and underground chambers, were constructed in sound stages on the Paramount Studios lot. Filming was completed on July 10, 1996.", + "score": 0.6669647097587585 + }, + { + "id": "3764136", + "title": "Where's Charley?", + "text": "the movie were filmed in Oxford, England (where the story takes place), yet the movie makes almost no attempt to take advantage of these authentic locations. The film's cast starred Ray Bolger, Allyn Ann McLerie and Horace Cooper repeating their stage roles, and Robert Shackleton as Jack Chesney, Mary Germaine as Kitty Verdun, and Howard Marion-Crawford as Sir Francis Chesney. The movie ends with each of the principal cast members taking a curtain call. As of 2018, the film remains unavailable for television or home video viewing. Warner Bros. and the Loesser estate have each expressed an interest in making", + "score": 0.6669576168060303 + }, + { + "id": "4166787", + "title": "Weekend at Bernie's II", + "text": "remaining million to purchase a yacht crewed by attractive women. The movie was filmed in 1992 in the Territory of the Virgin Islands of the United States and in New York City. The cast and crew, who were mainly from the Los Angeles area, were on location when the Los Angeles riots of April 1992 broke out and they stated in a St. Thomas interview that they were worried for their loved ones. The Bernie dummy used in the film had been on display for the film's debut shortly before the riot's outbreak, and was robbed of its painter's hat", + "score": 0.6669034957885742 + }, + { + "id": "6309698", + "title": "Untamed Heart", + "text": "film. Sierchio's screenplay was originally set in New Jersey, but for logistical reasons they could not shoot there. The filmmakers considered finding a location to double for the state, but while Bill, Bartlett, and Sierchio were scouting in Minneapolis, they realized that it was the perfect place because of its strong acting community (they cast 35 of the film\u2019s 40 roles from it) and a large commercial production community that allowed them to utilize a mostly local crew. The city\u2019s locations were also a strong factor in deciding to shoot there. The centerpiece was Jim\u2019s Coffee Shop & Bakery, which", + "score": 0.6666927933692932 + }, + { + "id": "3475151", + "title": "Always (1989 film)", + "text": "film as extras to act as wildland firefighters. The scenes where the plane flies over the lake at the beginning and lands in the lake at the end of the movie was filmed at Bull Lake. The scenes set in \"Flat Rock, Colorado\" were filmed at and around the Ephrata airport in eastern Washington. The scene where Pete and Hap are walking through the wheat field was filmed at Sprague, Washington where they spent two weeks filming in June. Footage of The Yellowstone National Park's 1988 fires was used for the fire sequences. Sound stages were also used at Universal", + "score": 0.6666221618652344 + }, + { + "id": "13870704", + "title": "Series 4, Episode 8 (Cold Feet)", + "text": "by producer Spencer Campbell and production designer Chris Truelove, who made preliminary casting decisions and scouted more locations. They finalised the arrangements in July. Unusually, the production schedule was drawn up without a final script in place. This caused complications as Campbell allocated too much time for filming in Sydney and not enough in Manchester. As a result, some scenes set in Sydney were filmed in Manchester; the scene where the characters arrive at Sydney Airport was filmed in a hall at the University of Manchester. Campbell rationalised that viewers who had never been to Sydney would not be able", + "score": 0.6665372252464294 + }, + { + "id": "10310199", + "title": "Feast of Love", + "text": "and Esther grow very close to. Harry has also been struggling with the decision of going back to work as a professor at a university. In the film's conclusion, after Oscar's death, Harry and Esther offer to adopt a now widowed and pregnant Chloe, who tearfully accepts their offer. While many of the movie's scenes are set at Portland State University, the nearby campuses of Western Seminary and Reed College were the actual locations of filming. Locations at Reed include the Blue Bridge, the front lawn and Eliot Circle. Scenes in the Jitters Cafe, owned by Kinnear's character, were filmed", + "score": 0.6663796901702881 + }, + { + "id": "10002624", + "title": "Gracie (film)", + "text": "performance as the teenager who becomes a warrior when most of her peers are cheering from the sidelines.\" Filming took partial place at Columbia High School, both the setting of the events of the film and the actual high school the Shue family members had attended. Filming also took place in various locations in South Plainfield, New Jersey. Andrew Shue chose to honor his former Dartmouth and Columbia High School teammate Chris Colasanti by naming the story's coach after him. Colasanti, who had been the captain of Columbia's 1985 state championship team, was killed in the September 11, 2001 attack", + "score": 0.6662176251411438 + }, + { + "id": "8603346", + "title": "Forever Strong", + "text": "him, Rick gets back up to finish the game. As the final seconds run down with the score tied, Rick scores the winning goal for Highland. As the film ends it's shown that in real life Highland has been dominating under Coach Gelwix almost winning every year. The movie was filmed in Salt Lake City beginning in July 2006 at three local high schools. Sean Faris ran six miles twice a day to get in shape for the film. During filming, Faris sprained his ankle, but had the ankle taped, and continued filming. Several All-American rugby players, predominantly from the", + "score": 0.6659784913063049 + }, + { + "id": "6301585", + "title": "To Gillian on Her 37th Birthday", + "text": "The events of the weekend cause the adults to re-examine their relationships; Esther and Paul have to deal with the problem posed to their marriage by Rachel's provocative friend, Cindy (Laurie Fortier), while, most importantly, David comes to realize that he can be a loving and attentive father to Rachel without betraying the memory of Gillian. The film was filmed on location in Nantucket, Massachusetts and in and around Wilmington, North Carolina, although some of the beach scenes were filmed at Long Beach, California and the sailing accident was filmed at Marina del Rey, California; the obvious differences between the", + "score": 0.6658821702003479 + }, + { + "id": "12277341", + "title": "Calvin Marshall", + "text": "did not have the money to create the company's first full-length feature film. They hired a casting director, Christine Sheaks, who successfully sought out Steve Zahn for the part of Coach Little. Over the two years it took to raise enough money, a number of financiers pulled out but Zahn's promised participation attracted further sponsorship. \"Calvin Marshall\" began filming on November 11, 2007 in Ashland, Oregon. Line producer Gary Kout said that Ashland was chosen as a filming location because \"the setting of the film [is] fictitious and Ashland has a timeless feel to it and creates a beautiful backdrop.\"", + "score": 0.6657441258430481 + }, + { + "id": "8329307", + "title": "Chu Chu and the Philly Flash", + "text": "allowed to rewrite the script. Arkin spent the next seven years developing the film with Weston. Dana had a small role in the film, and Arkin's three children, Adam Arkin, Matthew Arkin and Tony Arkin also had roles in the film. Principal photography for the film began on August 20, 1980, with location filming in San Francisco and Los Angeles, California. According to production notes, San Francisco locations included Alta Plaza Park, the China Basin and Potrero Hill. Interior sets were built at the U.S. Navy hangar on San Francisco's Treasure Island. On October 31, 1980, principal photography was completed.", + "score": 0.6655355095863342 + }, + { + "id": "12548697", + "title": "Bonnie Prince Charlie (1948 film)", + "text": "in Palestine. The movie was finally released in the US in 1952. The film was released on DVD on 14 March 2011. A film about the making of \"Bonnie Prince Charlie\" \u2013 \"Born to be King\" \u2013 is to begin filming at Pinewood Studios in Buckinghamshire in January 2014. It is written and will be directed by Peter Capaldi and will star Ewan McGregor and Kate Hudson. Bonnie Prince Charlie (1948 film) Bonnie Prince Charlie is a 1948 British historical film directed by Anthony Kimmins for London Films depicting the 1745 Jacobite Rebellion and the role of Bonnie Prince Charlie", + "score": 0.6653493642807007 + }, + { + "id": "8392094", + "title": "Downhill Racer", + "text": "during four World Cup races: Internationales Lauberhorn in Wengen, Internationales Hahnenkamm-Rennen in Kitzb\u00fchel, Grand Prix de Meg\u00e8ve, and Arlberg-Kandahar in Sankt Anton am Arlberg. The off-season scenes were filmed in Colorado: the track scene at Potts Field on the east campus of the University of Colorado in Boulder, and the hometown street scenes in Idaho Springs, west of Denver. The interior scenes of Chappellet's Idaho Springs house were filmed at Paramount Studios in southern California. Sylvester Stallone appeared as an extra in the restaurant scene. A rare theater book listed that he was in this film. As Stallone was only", + "score": 0.6651453971862793 + }, + { + "id": "15877982", + "title": "Good Luck Charlie, It's Christmas!", + "text": "Good Luck Charlie, It's Christmas! Good Luck Charlie, It's Christmas! (also known as Good Luck Charlie: The Road Trip Movie in the United Kingdom and Ireland) is a 2011 Christmas film based on the Disney Channel Original Series \"Good Luck Charlie\". The film was directed by Arlene Sanford and written by Geoff Rodkey, and stars Bridgit Mendler, Leigh-Allyn Baker, Bradley Steven Perry, Mia Talerico, Eric Allan Kramer, and Jason Dolley as the Duncan family. The Disney Channel Original Movie follows the Duncan family on their road trip to Amy Duncan's parents' house for Christmas. It premiered on December 2, 2011", + "score": 0.6644164323806763 + }, + { + "id": "10488073", + "title": "The Lucky Ones (film)", + "text": "The film, which takes no position on the war, is the first Iraq War-related Hollywood project the Army has supported by providing personnel and technical help. Much of the film was shot on location in Illinois at sites including Alsips, Arlington Heights, Barrington, Bolingbrook, Chicago, Edwardsville, Naperville, Niles, O' Fallon and Park Ridge and Skokie. Other locations included Chesterfield and St. Louis in Missouri, Denver and Grand Junction in Colorado, and Las Vegas. After seeing a rough cut of the film in September 2007, Lions Gate Entertainment executives considered rushing it into theaters in order to qualify for Academy Award", + "score": 0.6642491817474365 + }, + { + "id": "2928280", + "title": "Pay It Forward (film)", + "text": "he turned it down. Kevin Spacey was contacted next and accepted the role. On November 19, 1999, it was announced that Osment had been cast as Trevor McKinney. The film was shot from February 14 until April 18, 2000. Filming took place on location in Las Vegas, Nevada and on studio in Los Angeles, California, with additional shooting (for the bridge scene) taking place in Portland, Oregon. The film's soundtrack was composed by Thomas Newman and was released by Var\u00e8se Sarabande on October 7, 2000 (around two weeks before the film's release). The soundtrack was generally praised by critics, and", + "score": 0.6640361547470093 + }, + { + "id": "17849611", + "title": "What We Did on Our Holiday", + "text": "film was shot on location in Glasgow and the Scottish Highlands between 27 June and 2 August 2013. The beach scenes were filmed at Gairloch. The family home of Gavin McLeod is in Drymen near Loch Lomond. The ostriches farmed by Gordie's friend Doreen are actually located at Blair Drummond Safari Park. \"What We Did on Our Holiday\" was released in the United Kingdom on 26 September 2014 and in the United States on 10 July 2015. The film earned \u00a36,390,566 in the United Kingdom and $1,976,185 in Australia, New Zealand, and the United Arab Emirates, totaling $8,366,751 worldwide. The", + "score": 0.6640074849128723 + }, + { + "id": "961539", + "title": "The Sand Pebbles (film)", + "text": "filming moved to Hong Kong for three months, mainly for scenes in Sai Kung and Tung Chung, and then, in June, it travelled to Hollywood to finish its interior scenes at the Fox Studios. Due to frequent rain and other difficulties in Hong Kong, the filming was nearly abandoned. When he returned to Los Angeles McQueen fell ill because he had an abscessed molar. He had not wanted to see a dentist until he returned to California. His dentist and physician ordered him to take an extended period of rest\u2014one that halted production again for weeks. The military life of", + "score": 0.6639654636383057 + }, + { + "id": "19881640", + "title": "Cloud Eight Films", + "text": "Cloud Eight Films Cloud Eight Films (originally known as Cloud Eight) is a British production company founded on 19 December 2008 by Christian Colson, based in London, England. It is known for film such as \"127 Hours\", \"Selma\" and \"Steve Jobs\" and currently owns a sister production company named Selma Films. The company was founded on 19 December 2008 in London, England by Christian Colson, who originally was Managing Director at Celador. It was founded as Colson Films, but renamed on 28 March 2009 to Cloud Nine Films, alongside setting up a first look deal with Path\u00e9 within the same", + "score": 0.6639631390571594 + }, + { + "id": "17940999", + "title": "Mrs. Brown's Boys D'Movie", + "text": "At the 2013 National Television Awards O'Carroll confirmed the film had been written and would begin shooting the following autumn. Principal photography began in September 2013 in Dublin. Filming locations included Moore Street, Dublin quays, Dublin Institute of Technology, Father Matthew Square, The Customs House and Wimbledon Studios. Filming was completed on 25 October 2013. The Script recorded a song for the film called \"Hail, Rain or Sunshine\". The film had its world premiere on 25 June 2014 at the Savoy Cinema in Dublin, with Brendan O'Carroll and the rest of the cast in attendance. The distributors of the film", + "score": 0.6635653972625732 + }, + { + "id": "13078594", + "title": "The New Daughter", + "text": "Charleston, South Carolina. The school used in filming is West Ashley Middle School, about 3 miles from the original 1670 Charleston Town settlement (The school was formerly Middleton High School, the alma mater of Darius Rucker, and before that it was St. Andrews Jr. High School). School remained in session during filming, with teachers peeking out the windows at Kevin Costner, and film crews and vehicles crowded in between cars in the teachers' parking lot. The side entrance of the building was used as the \"front\" of the school in the movie. Air conditioning units were hidden by temporary evergreen", + "score": 0.6635364890098572 + }, + { + "id": "10439667", + "title": "Juno (film)", + "text": "by Cut Chemist. Michael Cera stated that the film had \"a lot of Canadian influence\" due to the fact that he and Page were Canadian and that a lot of the other actors originated from Vancouver. Cera's comment was a response to a statement from Peter Howell of the \"Toronto Star\": \"I thought Juno was a very Canadian movie, even though it was set in the U.S.\" Shooting on a budget of US$6.5 million, \"Juno\" was filmed in and around Vancouver, British Columbia, standing in for Minnesota, where production was originally intended to take place. Although films commonly use a", + "score": 0.6629698276519775 + }, + { + "id": "8307089", + "title": "Joe Somebody", + "text": "a drop ceiling corporate environment, which serves as a community to its employees. The Club 13 scenes were filmed at the Grand Hotel Minneapolis, while the karaoke scenes were shot at Grumpy's Bar & Grill, both in Minneapolis. The scenes of Tim Allen and Patrick Warburton racing their shopping carts were shot at the Target store in North St. Paul. The scenes taking place at Scarett's gym were filmed in the city of Richfield. The final playground scene was shot at Central Lutheran School in Saint Paul. Other scenes were shot in the cities of Crystal and St. Paul. There", + "score": 0.6628736853599548 + }, + { + "id": "12312605", + "title": "Picture Claire", + "text": "having her picture taken. The exhibition of his work is opening and it seems to consist mostly of pictures of her. Mickey Rourke played sleazy gangster Eddie and Gina Gershon portrays his tough-as-nails moll Lily Warden. Mostly filmed in Toronto, Ontario, Canada. During location filming on a Toronto street, a woman was arrested for causing a disturbance after the filmmakers called for silence and she refused to stop blowing a whistle. Segments of the film were shot in Kensington Market, including inside Shampoo Hair Studio on St. Andrew St., which was rented and converted to look like a donut shop.", + "score": 0.6628718972206116 + }, + { + "id": "12716878", + "title": "Island Roxy", + "text": "Island Roxy The Island Theatre is a historic U.S. building located at 4074 Main Street, Chincoteague, Virginia. It still serves as an operational movie theater. In 1960, 20th Century Fox filmed the movie \"Misty\" on location at Chincoteague. When the movie opened in 1961, the star of the film, a Chincoteague Pony named Misty of Chincoteague marched down the aisles of the theater before the showing. The town memorialized Misty by encasing her hoofprints in concrete in front of the theatre. The Island Roxy is now the Island Theatre and has been saved and is being restored by the Chincoteague", + "score": 0.6624974012374878 + } + ] + }, + { + "qa_pairs": [ + { + "context": "X-rays make up X-radiation, a form of high-energy electromagnetic radiation. Most X-rays have a wavelength ranging from 0.03 to 3 nanometres, corresponding to frequencies in the range 30 petahertz to 30 exahertz (3\u00d710 Hz to 3\u00d710 Hz) and energies in the range 100 eV to 200 keV. X-ray wavelengths are shorter than those of UV rays and typically longer than those of gamma rays. In many languages, X-radiation is referred to as R\u00f6ntgen radiation, after the German scientist Wilhelm R\u00f6ntgen, who discovered it on November 8, 1895. He named it \"X-radiation\" to signify an unknown type of radiation. Spelling of \"X-ray(s)\" in the English language includes the variants \"x-ray(s)\", \"xray(s)\", and \"X ray(s)\".", + "question": "What general type of radiation is used in x rays?", + "short_answers": [ + "R\u00f6ntgen radiation", + "X-radiation" + ], + "wikipage": "X-ray" + }, + { + "context": "X-rays are also produced in lightning accompanying terrestrial gamma-ray flashes. The underlying mechanism is the acceleration of electrons in lightning related electric fields and the subsequent production of photons through Bremsstrahlung. This produces photons with energies of some few keV and several tens of MeV. In laboratory discharges with a gap size of approximately 1 meter length and a peak voltage of 1 MV, X-rays with a characteristic energy of 160 keV are observed. A possible explanation is the encounter of two streamers and the production of high-energy run-away electrons; however, microscopic simulations have shown that the duration of electric field enhancement between two streamers is too short to produce a significantly number of run-away electrons. Recently, it has been proposed that air perturbations in the vicinity of streamers can facilitate the production of run-away electrons and hence of X-rays from discharges.", + "question": "What are the two types of radiation used to produce x rays?", + "short_answers": [ + "Characteristic X-ray emission and Bremsstrahlung", + "Bremsstrahlung", + "Characteristic X-ray emission" + ], + "wikipage": "X-ray" + } + ], + "wikipages": [ + { + "title": "X-ray", + "url": "https://en.wikipedia.org/wiki/X-ray" + } + ], + "annotations": [ + { + "knowledge": [], + "long_answer": "X-radiation, a form of high-energy electromagnetic radiation, also referred to as R\u00f6ntgen radiation, after Wilhelm R\u00f6ntgen, the German scientist who discovered it, uses Characteristic X-ray emission and Bremsstrahlung to produce the X-rays." + } + ], + "sample_id": "-4228354603896268400", + "question": "What type of radiation is used in x rays?", + "docs": [ + { + "id": "98948", + "title": "Crystallography", + "text": "depend on analysis of the diffraction patterns of a sample targeted by a beam of some type. X-rays are most commonly used; other beams used include electrons or neutrons. This is facilitated by the wave properties of the particles. Crystallographers often explicitly state the type of beam used, as in the terms \"X-ray crystallography, neutron diffraction\" and \"electron diffraction\". These three types of radiation interact with the specimen in different ways. Because of these different forms of interaction, the three types of radiation are suitable for different crystallographic studies. An image of a small object is made using a lens", + "score": 0.7356508374214172 + }, + { + "id": "468043", + "title": "X-ray", + "text": "are used for treating skin cancers using lower energy x-ray beams while higher energy beams are used for treating cancers within the body such as brain, lung, prostate, and breast. Diagnostic X-rays (primarily from CT scans due to the large dose used) increase the risk of developmental problems and cancer in those exposed. X-rays are classified as a carcinogen by both the World Health Organization's International Agency for Research on Cancer and the U.S. government. It is estimated that 0.4% of current cancers in the United States are due to computed tomography (CT scans) performed in the past and that", + "score": 0.7255287170410156 + }, + { + "id": "468022", + "title": "X-ray", + "text": "industrial uses, for example radiotherapy, in the ranges of 6\u201320 MeV, can in this context also be referred to as X-rays. X-ray photons carry enough energy to ionize atoms and disrupt molecular bonds. This makes it a type of ionizing radiation, and therefore harmful to living tissue. A very high radiation dose over a short period of time causes radiation sickness, while lower doses can give an increased risk of radiation-induced cancer. In medical imaging this increased cancer risk is generally greatly outweighed by the benefits of the examination. The ionizing capability of X-rays can be utilized in cancer treatment", + "score": 0.724997878074646 + }, + { + "id": "1921148", + "title": "X-ray generator", + "text": "procedures. Radiography is generally used for fast, highly penetrating images, and is usually used in areas with a high bone content but can also be used to look for tumors such as with mammography imaging. Some forms of radiography include: Radiotherapy \u2014 the use of x-ray radiation to treat malignant and benign cancer cells, a non-imaging application Fluoroscopy is used in cases where real-time visualization is necessary (and is most commonly encountered in everyday life at airport security). Some medical applications of fluoroscopy include: X-rays are highly penetrating, ionizing radiation, therefore X-ray machines are used to take pictures of dense", + "score": 0.7110390663146973 + }, + { + "id": "10921124", + "title": "Radiobiology", + "text": "originated from Leopold Freund's 1896 demonstration of the therapeutic treatment of a hairy mole using a new type of electromagnetic radiation called x-rays, which was discovered 1 year previously by the German physicist, Wilhelm R\u00f6ntgen. After irradiating frogs and insects with X-rays in early 1896, Ivan Romanovich Tarkhanov concluded that these newly discovered rays not only photograph, but also \"affect the living function\". At the same time, Pierre and Marie Curie discovered the radioactive polonium and radium later used to treat cancer. The genetic effects of radiation, including the effects on cancer risk, were recognized much later. In 1927 Hermann", + "score": 0.7083925604820251 + }, + { + "id": "8693619", + "title": "Industrial radiography", + "text": "called R\u00f6ntgen rays after the man who first described their properties in detail), a type of electromagnetic radiation. Soon after the discovery of X-rays, radioactivity was discovered. By using radioactive sources such as radium, far higher photon energies could be obtained than those from \"normal\" X-ray generators. Soon these found various applications, with one of the earliest users being Loughborough College. X-rays and gamma rays were put to use very early, before the dangers of ionizing radiation were discovered. After World War II new isotopes such as caesium-137, iridium-192 and cobalt-60 became available for industrial radiography, and the use of", + "score": 0.7062165141105652 + }, + { + "id": "10229135", + "title": "Projectional radiography", + "text": "material used in the implant is very dense compared to breast tissue, and looks white (clear) on the film. The radiation used for mammography tends to be softer (has a lower photon energy) than that used for the harder tissues. Often a tube with a molybdenum anode is used with about 30 000 volts (30 kV), giving a range of X-ray energies of about 15-30 keV. Many of these photons are \"characteristic radiation\" of a specific energy determined by the atomic structure of the target material (Mo-K radiation). Chest radiographs are used to diagnose many conditions involving the chest wall,", + "score": 0.7046937942504883 + }, + { + "id": "8693631", + "title": "Industrial radiography", + "text": "being done on adapting other types of radiography like dual-energy X-ray radiography or muon radiography for scanning intermodal cargo containers. A high-energy X-ray machine or a radioactive source, like Ir-192, Co-60, or in rarer cases Cs-137 are used in an X-ray computed tomography machine as a source of photons. Penetrating radiations are those restricted to that part of the electromagnetic spectrum of wavelength less than about 10 nanometres. Radioisotope sources have the advantage that they do not need a supply of electrical power to function, but they can not be turned off. Also it is difficult using radioactivity to create", + "score": 0.7033483386039734 + }, + { + "id": "12257385", + "title": "Gamma ray", + "text": "gamma decay is seen in the afterglow of certain supernovas, but radiation from high energy processes known to involve other radiation sources than radioactive decay is still classed as gamma radiation. For example, modern high-energy X-rays produced by linear accelerators for megavoltage treatment in cancer often have higher energy (4 to 25 MeV) than do most classical gamma rays produced by nuclear gamma decay. One of the most common gamma ray emitting isotopes used in diagnostic nuclear medicine, technetium-99m, produces gamma radiation of the same energy (140 keV) as that produced by diagnostic X-ray machines, but of significantly lower energy", + "score": 0.7023330926895142 + }, + { + "id": "468058", + "title": "X-ray", + "text": "the absorbed dose. X-ray X-rays make up X-radiation, a form of electromagnetic radiation. Most X-rays have a wavelength ranging from 0.01 to 10 nanometers, corresponding to frequencies in the range 30 petahertz to 30 exahertz (3\u00d710 Hz to 3\u00d710 Hz) and energies in the range 100 eV to 100 keV. X-ray wavelengths are shorter than those of UV rays and typically longer than those of gamma rays. In many languages, X-radiation is referred to with terms meaning R\u00f6ntgen radiation, after the German scientist Wilhelm R\u00f6ntgen who discovered these on November 8, 1895, who usually is credited as its discoverer, and", + "score": 0.7001044154167175 + }, + { + "id": "1638422", + "title": "Ionizing radiation", + "text": "Ionizing radiation Ionizing radiation (ionising radiation) is radiation that carries enough energy to knock electrons from atoms or molecules, thereby ionizing them. Ionizing radiation is made up of energetic subatomic particles, ions or atoms moving at high speeds (usually greater than 1% of the speed of light), and electromagnetic waves on the high-energy end of the electromagnetic spectrum. Gamma rays, X-rays, and the higher ultraviolet part of the electromagnetic spectrum are ionizing, whereas the lower ultraviolet part of the electromagnetic spectrum and all the spectrum below UV, including visible light (including nearly all types of laser light), infrared, microwaves, and", + "score": 0.6992752552032471 + }, + { + "id": "1946887", + "title": "External beam radiotherapy", + "text": "useful X-rays are produced when electrons are accelerated to energies at which either the photoelectric effect predominates (for diagnostic use, since the photoelectric effect offers comparatively excellent contrast with effective atomic number \"Z\") or Compton scatter and pair production predominate (at energies above approximately 200 keV for the former and 1 MeV for the latter), for therapeutic X-ray beams. Some examples of X-ray energies used in medicine are: Megavoltage X-rays are by far most common in radiotherapy for treatment of a wide range of cancers. Superficial and orthovoltage X-rays have application for the treatment of cancers at or close to", + "score": 0.695794403553009 + }, + { + "id": "467992", + "title": "X-ray", + "text": "X-ray X-rays make up X-radiation, a form of electromagnetic radiation. Most X-rays have a wavelength ranging from 0.01 to 10 nanometers, corresponding to frequencies in the range 30 petahertz to 30 exahertz (3\u00d710 Hz to 3\u00d710 Hz) and energies in the range 100 eV to 100 keV. X-ray wavelengths are shorter than those of UV rays and typically longer than those of gamma rays. In many languages, X-radiation is referred to with terms meaning R\u00f6ntgen radiation, after the German scientist Wilhelm R\u00f6ntgen who discovered these on November 8, 1895, who usually is credited as its discoverer, and who named it", + "score": 0.6955125331878662 + }, + { + "id": "5585867", + "title": "Thermonuclear weapon", + "text": "the X-rays and Gamma rays that are emitted from the fissioning \"primary\". This energy is then used to compress the \"secondary\". The crucial detail of \"how\" the X-rays create the pressure is the main remaining disputed point in the unclassified press. There are three proposed theories: The radiation pressure exerted by the large quantity of X-ray photons inside the closed casing might be enough to compress the secondary. Electromagnetic radiation such as X-rays or light carries momentum and exerts a force on any surface it strikes. The pressure of radiation at the intensities seen in everyday life, such as sunlight", + "score": 0.691102147102356 + }, + { + "id": "121435", + "title": "Electromagnetic radiation", + "text": "range, is sometimes called \"extreme UV.\" Ionizing UV is strongly filtered by the Earth's atmosphere). Electromagnetic radiation composed of photons that carry minimum-ionization energy, or more, (which includes the entire spectrum with shorter wavelengths), is therefore termed ionizing radiation. (Many other kinds of ionizing radiation are made of non-EM particles). Electromagnetic-type ionizing radiation extends from the extreme ultraviolet to all higher frequencies and shorter wavelengths, which means that all X-rays and gamma rays qualify. These are capable of the most severe types of molecular damage, which can happen in biology to any type of biomolecule, including mutation and cancer, and", + "score": 0.6884678602218628 + }, + { + "id": "468018", + "title": "X-ray", + "text": "are several technologies being used for x-ray phase-contrast imaging, all utilizing different principles to convert phase variations in the x-rays emerging from an object into intensity variations. These include propagation-based phase contrast, talbot interferometry, refraction-enhanced imaging, and x-ray interferometry. These methods provide higher contrast compared to normal absorption-contrast x-ray imaging, making it possible to see smaller details. A disadvantage is that these methods require more sophisticated equipment, such as synchrotron or microfocus x-ray sources, X-ray optics, and high resolution x-ray detectors. X-rays with high photon energies (above 5\u201310 keV, below 0.2\u20130.1 nm wavelength) are called \"hard X-rays\", while those with", + "score": 0.6880231499671936 + }, + { + "id": "468035", + "title": "X-ray", + "text": "vary in shape and function depending on their purpose. Imaging detectors such as those used for radiography were originally based on photographic plates and later photographic film, but are now mostly replaced by various digital detector types such as image plates and flat panel detectors. For radiation protection direct exposure hazard is often evaluated using ionization chambers, while dosimeters are used to measure the radiation dose a person has been exposed to. X-ray spectra can be measured either by energy dispersive or wavelength dispersive spectrometers. Since R\u00f6ntgen's discovery that X-rays can identify bone structures, X-rays have been used for medical", + "score": 0.6877613067626953 + }, + { + "id": "468019", + "title": "X-ray", + "text": "lower energy (and longer wavelength) are called \"soft X-rays\". Due to their penetrating ability, hard X-rays are widely used to image the inside of objects, e.g., in medical radiography and airport security. The term \"X-ray\" is metonymically used to refer to a radiographic image produced using this method, in addition to the method itself. Since the wavelengths of hard X-rays are similar to the size of atoms, they are also useful for determining crystal structures by X-ray crystallography. By contrast, soft X-rays are easily absorbed in air; the attenuation length of 600 eV (~2 nm) X-rays in water is less", + "score": 0.6851744055747986 + }, + { + "id": "468051", + "title": "X-ray", + "text": "DNA. X-ray astronomy, which is an observational branch of astronomy, which deals with the study of X-ray emission from celestial objects. X-ray microscopic analysis, which uses electromagnetic radiation in the soft X-ray band to produce images of very small objects. X-ray fluorescence, a technique in which X-rays are generated within a specimen and detected. The outgoing energy of the X-ray can be used to identify the composition of the sample. Industrial radiography uses X-rays for inspection of industrial parts, particularly welds. Authentication and quality control, X-ray is used for authentication and quality control of packaged items. Industrial CT (computed tomography)", + "score": 0.6846186518669128 + }, + { + "id": "12257386", + "title": "Gamma ray", + "text": "than therapeutic photons from linear particle accelerators. In the medical community today, the convention that radiation produced by nuclear decay is the only type referred to as \"gamma\" radiation is still respected. Due to this broad overlap in energy ranges, in physics the two types of electromagnetic radiation are now often defined by their origin: X-rays are emitted by electrons (either in orbitals outside of the nucleus, or while being accelerated to produce bremsstrahlung-type radiation), while gamma rays are emitted by the nucleus or by means of other particle decays or annihilation events. There is no lower limit to the", + "score": 0.684424102306366 + }, + { + "id": "468036", + "title": "X-ray", + "text": "imaging. The first medical use was less than a month after his paper on the subject. Up to 2010, 5 billion medical imaging examinations had been conducted worldwide. Radiation exposure from medical imaging in 2006 made up about 50% of total ionizing radiation exposure in the United States. Projectional radiography is the practice of producing two-dimensional images using x-ray radiation. Bones contain much calcium, which due to its relatively high atomic number absorbs x-rays efficiently. This reduces the amount of X-rays reaching the detector in the shadow of the bones, making them clearly visible on the radiograph. The lungs and", + "score": 0.6827418804168701 + }, + { + "id": "468021", + "title": "X-ray", + "text": "(0.1 \u00c5), defined as gamma radiation. This criterion assigns a photon to an unambiguous category, but is only possible if wavelength is known. (Some measurement techniques do not distinguish between detected wavelengths.) However, these two definitions often coincide since the electromagnetic radiation emitted by X-ray tubes generally has a longer wavelength and lower photon energy than the radiation emitted by radioactive nuclei. Occasionally, one term or the other is used in specific contexts due to historical precedent, based on measurement (detection) technique, or based on their intended use rather than their wavelength or source. Thus, gamma-rays generated for medical and", + "score": 0.6823434233665466 + }, + { + "id": "366814", + "title": "Radiation therapy", + "text": "were radium, its \"emanation\", radon gas, and the x-ray tube. External beam radiotherapy (teletherapy) began at the turn of the century with relatively low voltage (<150 kV) x-ray machines. It was found that while superficial tumors could be treated with low voltage x-rays, more penetrating, higher energy beams were required to reach tumors inside the body, requiring higher voltages. Orthovoltage X-rays, which used tube voltages of 200-500 kV, began to be used during the 1920s. To reach the most deeply buried tumors without exposing intervening skin and tissue to dangerous radiation doses required rays with energies of 1 MV or", + "score": 0.6819718480110168 + }, + { + "id": "467681", + "title": "X-ray crystallography", + "text": "as their ionization of gases, caused William Henry Bragg to argue in 1907 that X-rays were \"not\" electromagnetic radiation. Nevertheless, Bragg's view was not broadly accepted and the observation of X-ray diffraction by Max von Laue in 1912 confirmed for most scientists that X-rays were a form of electromagnetic radiation. Crystals are regular arrays of atoms, and X-rays can be considered waves of electromagnetic radiation. Atoms scatter X-ray waves, primarily through the atoms' electrons. Just as an ocean wave striking a lighthouse produces secondary circular waves emanating from the lighthouse, so an X-ray striking an electron produces secondary spherical waves", + "score": 0.6819288730621338 + }, + { + "id": "468020", + "title": "X-ray", + "text": "than 1 micrometer. There is no consensus for a definition distinguishing between X-rays and gamma rays. One common practice is to distinguish between the two types of radiation based on their source: X-rays are emitted by electrons, while gamma rays are emitted by the atomic nucleus. This definition has several problems: other processes also can generate these high-energy photons, or sometimes the method of generation is not known. One common alternative is to distinguish X- and gamma radiation on the basis of wavelength (or, equivalently, frequency or photon energy), with radiation shorter than some arbitrary wavelength, such as 10 m", + "score": 0.6818834543228149 + }, + { + "id": "10229124", + "title": "Projectional radiography", + "text": "radiation protection equipment and procedures are effective on an ongoing basis). Lead is the main material used by radiography personnel for shielding against scattered X-rays. Projectional radiography relies on the characteristics of x-ray radiation (\"quantity\" and \"quality\" of the beam) and knowledge of how it interacts with human tissue to create diagnostic images. X-rays are a form of ionizing radiation, meaning it has sufficient energy to potentially remove electrons from an atom, thus giving it a charge and making it an ion. When an exposure is made, x-ray radiation exits the tube as what is known as the \"primary beam\".", + "score": 0.6811076402664185 + }, + { + "id": "792369", + "title": "X-ray fluorescence", + "text": "X-ray fluorescence X-ray fluorescence (XRF) is the emission of characteristic \"secondary\" (or fluorescent) X-rays from a material that has been excited by bombarding with high-energy X-rays or gamma rays. The phenomenon is widely used for elemental analysis and chemical analysis, particularly in the investigation of metals, glass, ceramics and building materials, and for research in geochemistry, forensic science, archaeology and art objects such as paintings and murals. When materials are exposed to short-wavelength X-rays or to gamma rays, ionization of their component atoms may take place. Ionization consists of the ejection of one or more electrons from the atom, and", + "score": 0.6803774833679199 + }, + { + "id": "468052", + "title": "X-ray", + "text": "is a process which uses X-ray equipment to produce three-dimensional representations of components both externally and internally. This is accomplished through computer processing of projection images of the scanned object in many directions. Paintings are often X-rayed to reveal underdrawings and pentimenti, alterations in the course of painting or by later restorers. Many pigments such as lead white show well in radiographs. X-ray spectromicroscopy has been used to analyse the reactions of pigments in paintings. For example, in analysing colour degradation in the paintings of van Gogh Airport security luggage scanners use X-rays for inspecting the interior of luggage for", + "score": 0.6795698404312134 + }, + { + "id": "2461113", + "title": "Sterilization (microbiology)", + "text": "treat multiple pallet loads of low-density packages with very good dose uniformity ratios. X-ray sterilization does not require chemical or radioactive material: high-energy X-rays are generated at high intensity by an X-ray generator that does not require shielding when not in use. X-rays are generated by bombarding a dense material (target) such as tantalum or tungsten with high-energy electrons, in a process known as bremsstrahlung conversion. These systems are energy-inefficient, requiring much more electrical energy than other systems for the same result. Irradiation with X-rays, gamma rays, or electrons does not make materials radioactive, because the energy used is too", + "score": 0.6781438589096069 + }, + { + "id": "945271", + "title": "Radiography", + "text": "lower patient radiation dose. Contrary to advice that emphasises only conducting radiographs when in the patient's interest, recent evidence suggests that they are used more frequently when dentists are paid under fee-for-service In medicine, projectional radiographs and computed tomography images generally use X-rays created by X-ray generators, which generate X-rays from X-ray tubes. A number of other sources of X-ray photons are possible, and may be used in industrial radiography or research; these include betatrons, and linear accelerators (linacs) and synchrotrons. For gamma rays, radioactive sources such as Ir, Co or Cs are used. A Bucky-Potter grid may be placed", + "score": 0.6781408786773682 + }, + { + "id": "1954815", + "title": "Megavoltage X-rays", + "text": "sites within the body. Lower energy x-rays, called orthovoltage X-rays, are used to treat cancers closer to the surface. Megavoltage x-rays are preferred for treatment of deep lying tumours as they are attenuated less than lower energy photons, and will penetrate further, with a lower skin dose. Megavoltage x-rays also have higher relative biological effectiveness than orthovoltage x-rays. These properties help to make megavoltage x-rays the most common beam energies typically used for radiotherapy in modern techniques such as IMRT. Use of megavoltage x-rays for treatment first became widespread with the use of Cobalt-60 machines in the 1950s. However prior", + "score": 0.6769241690635681 + }, + { + "id": "467705", + "title": "X-ray crystallography", + "text": "elastic X-ray scattering include powder diffraction, Small-Angle X-ray Scattering (SAXS) and several types of X-ray fiber diffraction, which was used by Rosalind Franklin in determining the double-helix structure of DNA. In general, single-crystal X-ray diffraction offers more structural information than these other techniques; however, it requires a sufficiently large and regular crystal, which is not always available. These scattering methods generally use \"monochromatic\" X-rays, which are restricted to a single wavelength with minor deviations. A broad spectrum of X-rays (that is, a blend of X-rays with different wavelengths) can also be used to carry out X-ray diffraction, a technique known", + "score": 0.675913393497467 + }, + { + "id": "1638453", + "title": "Ionizing radiation", + "text": "and dose quantities in SI and non-SI units. The relationships of the ICRP dose quantities are shown in the accompanying diagram. Ionizing radiation has many industrial, military, and medical uses. Its usefulness must be balanced with its hazards, a compromise that has shifted over time. For example, at one time, assistants in shoe shops used X-rays to check a child's shoe size, but this practice was halted when the risks of ionizing radiation were better understood. Neutron radiation is essential to the working of nuclear reactors and nuclear weapons. The penetrating power of x-ray, gamma, beta, and positron radiation is", + "score": 0.675866425037384 + }, + { + "id": "3606248", + "title": "X-ray tube", + "text": "X-ray tube An X-ray tube is a vacuum tube that converts electrical input power into X-rays. X-ray tubes evolved from experimental Crookes tubes with which X-rays were first discovered on November 8, 1895, by the German physicist Wilhelm Conrad R\u00f6ntgen. The availability of this controllable source of X-rays created the field of radiography, the imaging of partly opaque objects with penetrating radiation. In contrast to other sources of ionizing radiation, X-rays are only produced as long as the X-ray tube is energized. X-ray tubes are also used in CT scanners, airport luggage scanners, X-ray crystallography, material and structure analysis, and", + "score": 0.6755099296569824 + }, + { + "id": "13999016", + "title": "X-ray astronomy detector", + "text": "with radiation shorter than some arbitrary wavelength, such as 10 m, defined as gamma rays. However, as shorter wavelength continuous spectrum \"X-ray\" sources such as linear accelerators and longer wavelength \"gamma ray\" emitters were discovered, the wavelength bands largely overlapped. The two types of radiation are now usually distinguished by their origin: X-rays are emitted by electrons outside the nucleus, while gamma rays are emitted by the nucleus. Although the more energetic X-rays, photons with an energy greater than 30 keV (4,800 aJ), can penetrate the air at least for distances of a few meters, the Earth's atmosphere is thick", + "score": 0.6749405860900879 + }, + { + "id": "945265", + "title": "Radiography", + "text": "be performed utilizing either X-rays or gamma rays. Both are forms of electromagnetic radiation. The difference between various forms of electromagnetic energy is related to the wavelength. X and gamma rays have the shortest wavelength and this property leads to the ability to penetrate, travel through, and exit various materials such as carbon steel and other metals. Specific methods include industrial computed tomography. Sharpness of a radiographic image is strongly determined by the size of the X-ray source. This is determined by the area of the electron beam hitting the anode. A large photon source results in more blurring in", + "score": 0.67453932762146 + }, + { + "id": "1946885", + "title": "External beam radiotherapy", + "text": "or brain), whereas megavoltage electron beams are typically used to treat superficial lesions extending to a depth of approximately 5 cm (increasing beam energy corresponds to greater penetration). X-rays and electron beams are by far the most widely used sources for external beam radiotherapy. A small number of centers operate experimental and pilot programs employing beams of heavier particles, particularly protons, owing to the rapid dropoff in absorbed dose beneath the depth of the target. Conventionally, the energy of diagnostic and therapeutic gamma- and X-rays is expressed in kilovolts or megavolts (kV or MV), whilst the energy of therapeutic electrons", + "score": 0.6737550497055054 + }, + { + "id": "3809335", + "title": "Bat bomb", + "text": "within the enemy structures without the knowledge of the householder or fire watchers, thus allowing the fire to establish itself before being discovered. The National Defense Research Committee (NDRC) observer stated: \"It was concluded that X-Ray is an effective weapon.\" The Chief Chemist's report stated that, on a weight basis, X-Ray was more effective than the standard incendiary bombs in use at the time: \"Expressed in another way, the regular bombs would give probably 167 to 400 fires per bomb load where X-Ray would give 3,625 to 4,748 fires.\" More tests were scheduled for mid-1944 but the program was cancelled", + "score": 0.6732738614082336 + }, + { + "id": "614812", + "title": "CT scan", + "text": "X-ray CT. Its cross-sectional images are used for diagnostic and therapeutic purposes in various medical disciplines. The rest of this article discusses medical-imaging X-ray CT; industrial applications of X-ray CT are discussed at \"industrial computed tomography scanning\". The term \"computed tomography\" (CT) is often used to refer to X-ray CT, because it is the most commonly known form. But, many other types of CT exist, such as positron emission tomography (PET) and single-photon emission computed tomography (SPECT). X-ray tomography, a predecessor of CT, is one form of radiography, along with many other forms of tomographic and non-tomographic radiography. CT produces", + "score": 0.672941267490387 + }, + { + "id": "129718", + "title": "Electromagnetic spectrum", + "text": "lens made of tree resin. In a later experiment, Hertz similarly produced and measured the properties of microwaves. These new types of waves paved the way for inventions such as the wireless telegraph and the radio. In 1895 Wilhelm R\u00f6ntgen noticed a new type of radiation emitted during an experiment with an evacuated tube subjected to a high voltage. He called these radiations x-rays and found that they were able to travel through parts of the human body but were reflected or stopped by denser matter such as bones. Before long, many uses were found for them in the field", + "score": 0.6719573140144348 + }, + { + "id": "81453", + "title": "Carcinogen", + "text": "radionuclides as carcinogens, although the nature of the emitted radiation (alpha, beta, gamma, or neutron and the radioactive strength), its consequent capacity to cause ionization in tissues, and the magnitude of radiation exposure, determine the potential hazard. Carcinogenicity of radiation depends on the type of radiation, type of exposure, and penetration. For example, alpha radiation has low penetration and is not a hazard outside the body, but emitters are carcinogenic when inhaled or ingested. For example, Thorotrast, a (incidentally radioactive) suspension previously used as a contrast medium in x-ray diagnostics, is a potent human carcinogen known because of its retention", + "score": 0.6697539687156677 + }, + { + "id": "468031", + "title": "X-ray", + "text": "tubes range from roughly 20 kV to 150 kV and thus the highest energies of the X-ray photons range from roughly 20 keV to 150 keV. Both of these X-ray production processes are inefficient, with only about one percent of the electrical energy used by the tube converted into X-rays, and thus most of the electric power consumed by the tube is released as waste heat. When producing a usable flux of X-rays, the X-ray tube must be designed to dissipate the excess heat. A specialized source of X-rays which is becoming widely used in research is synchrotron radiation, which", + "score": 0.6689280867576599 + }, + { + "id": "657506", + "title": "Fusion power", + "text": "is measured and used to find the total magnetic flux through that loop. This has been used on the National Compact Stellarator Experiment, the polywell and the LDX machines. \"X-ray detector\" All plasma loses energy by emitting light. This covers the whole spectrum: visible, IR, UV, and X-rays. This occurs anytime a particle changes speed, for any reason. If the reason is deflection by a magnetic field, the radiation is Cyclotron radiation at low speeds and Synchrotron radiation at high speeds. If the reason is deflection by another particle, plasma radiates X-rays, known as Bremsstrahlung radiation. X-rays are termed in", + "score": 0.6687828302383423 + }, + { + "id": "957479", + "title": "Nuclear technology", + "text": "resolution, short time span imaging in applications known as Positron emission tomography. Radiation is also used to treat diseases in radiation therapy. Since some ionizing radiation can penetrate matter, they are used for a variety of measuring methods. X-rays and gamma rays are used in industrial radiography to make images of the inside of solid products, as a means of nondestructive testing and inspection. The piece to be radiographed is placed between the source and a photographic film in a cassette. After a certain exposure time, the film is developed and it shows any internal defects of the material. Gauges", + "score": 0.6687396764755249 + }, + { + "id": "350099", + "title": "Radiation", + "text": "number of other high energy particulate radiations such as positrons, muons, and pions were discovered by cloud chamber examination of cosmic ray reactions shortly thereafter, and others types of particle radiation were produced artificially in particle accelerators, through the last half of the twentieth century. Radiation and radioactive substances are used for diagnosis, treatment, and research. X-rays, for example, pass through muscles and other soft tissue but are stopped by dense materials. This property of X-rays enables doctors to find broken bones and to locate cancers that might be growing in the body. Doctors also find certain diseases by injecting", + "score": 0.6683729887008667 + }, + { + "id": "467730", + "title": "X-ray crystallography", + "text": "requirements for X-ray crystallography. The intense ionizing radiation can cause radiation damage to samples, particularly macromolecular crystals. Cryo crystallography protects the sample from radiation damage, by freezing the crystal at liquid nitrogen temperatures (~100 K). However, synchrotron radiation frequently has the advantage of user selectable wavelengths, allowing for anomalous scattering experiments which maximizes anomalous signal. This is critical in experiments such as SAD and MAD. Recently, free-electron lasers have been developed for use in X-ray crystallography. These are the brightest X-ray sources currently available; with the X-rays coming in femtosecond bursts. The intensity of the source is such that atomic", + "score": 0.6680763363838196 + }, + { + "id": "614841", + "title": "CT scan", + "text": "are taken both with and without radiocontrast. The table reports average radiation exposures, however, there can be a wide variation in radiation doses between similar scan types, where the highest dose could be as much as 22 times higher than the lowest dose. A typical plain film X-ray involves radiation dose of 0.01 to 0.15 mGy, while a typical CT can involve 10\u201320 mGy for specific organs, and can go up to 80 mGy for certain specialized CT scans. For purposes of comparison, the world average dose rate from naturally occurring sources of background radiation is 2.4 mSv per year,", + "score": 0.6677073836326599 + }, + { + "id": "350065", + "title": "Radiation", + "text": "with too little energy to cause damaging molecular excitation, and thus this radiation is far less hazardous per unit of energy. X-rays are electromagnetic waves with a wavelength less than about 10 m (greater than 3x10 Hz and 1,240 eV). A smaller wavelength corresponds to a higher energy according to the equation E=hc/\u03bb. (\"E\" is Energy; \"h\" is Planck's constant; \"c\" is the speed of light; \"\u03bb\" is wavelength.) When an X-ray photon collides with an atom, the atom may absorb the energy of the photon and boost an electron to a higher orbital level or if the photon is", + "score": 0.6668158769607544 + }, + { + "id": "81455", + "title": "Carcinogen", + "text": "cancer incidence. Higher-energy radiation, including ultraviolet radiation (present in sunlight), x-rays, and gamma radiation, generally \"is\" carcinogenic, if received in sufficient doses. For most people, ultraviolet radiations from sunlight is the most common cause of skin cancer. In Australia, where people with pale skin are often exposed to strong sunlight, melanoma is the most common cancer diagnosed in people aged 15\u201344 years. Substances or foods irradiated with electrons or electromagnetic radiation (such as microwave, X-ray or gamma) are not carcinogenic. In contrast, non-electromagnetic neutron radiation produced inside nuclear reactors can produce secondary radiation through nuclear transmutation. Chemicals used in processed", + "score": 0.6658958792686462 + }, + { + "id": "1947138", + "title": "Superficial X-rays", + "text": "Superficial X-rays Superficial X-rays are low-energy X-rays that do not penetrate very far before they are absorbed. They are produced by X-ray tubes operating at voltages in the 10\u2013100 kV range, and therefore have peak energies in the 10\u2013100 keV range. Precise naming and definitions of energy ranges may vary, and X-rays at the lower end of this range may also be known as Grenz rays. They are useful in radiation therapy for the treatment of various benign or malignant skin problems, including skin cancer and severe eczema. They have a useful depth of up to 5 mm. In some", + "score": 0.6658797264099121 + }, + { + "id": "3606272", + "title": "X-ray tube", + "text": "voltages in the event of failure. The hazard associated with excessive voltages was eliminated with the advent of all solid state TVs, which have no tubes beside the CRT. Since 1969 the FDA has limited TV X-ray emission to 0.5 mR (milliroentgen) per hour. The flat screens used today do not have any vacuum tubes capable of emitting X-rays. X-ray tube An X-ray tube is a vacuum tube that converts electrical input power into X-rays. X-ray tubes evolved from experimental Crookes tubes with which X-rays were first discovered on November 8, 1895, by the German physicist Wilhelm Conrad R\u00f6ntgen. The", + "score": 0.6657900810241699 + }, + { + "id": "468024", + "title": "X-ray", + "text": "for the application so as to give sufficient transmission through the object and at the same time provide good contrast in the image. X-rays have much shorter wavelengths than visible light, which makes it possible to probe structures much smaller than can be seen using a normal microscope. This property is used in X-ray microscopy to acquire high resolution images, and also in X-ray crystallography to determine the positions of atoms in crystals. X-rays interact with matter in three main ways, through photoabsorption, Compton scattering, and Rayleigh scattering. The strength of these interactions depends on the energy of the X-rays", + "score": 0.6652669906616211 + }, + { + "id": "203798", + "title": "Food irradiation", + "text": "electron beams have low dose uniformity and a penetration depth of centimeters. Therefore, electron beam treatment works for products that have low thickness. X-rays are produced by bombardment of dense target material with high energy accelerated electrons(this process is known as bremsstrahlung-conversion), giving rise to a continuous energy spectrum. Heavy metals, such as tantalum and tungsten, are used because of their high atomic numbers and high melting temperatures.Tantalum is usually preferred versus tungsten for industrial, large-area, high-power targets because it is more workable than tungsten and has a higher threshold energy for induced reactions. Like electron beams, x-rays do not", + "score": 0.6644983291625977 + }, + { + "id": "6392080", + "title": "Commonly used gamma-emitting isotopes", + "text": "of low energy gamma photons, it has been used in some applications such as portable X-ray fluorescence equipment (XRF) and common household ionizing smoke detectors. Many years ago radium-226 and radon-222 sources were used as gamma-ray sources for industrial radiography: for instance a radon-222 source was used to examine the mechanisms inside an unexploded V-1 flying bomb, while some of the early Bathyspheres could be examined using radium-226 to check for cracks. Because both radium and radon are very radiotoxic and very expensive due to their natural rarity, these natural radioisotopes have fallen out of use over the last half-century,", + "score": 0.6641883850097656 + }, + { + "id": "4143121", + "title": "Backscatter X-ray", + "text": "or millimeter-wave scanners, the energy being emitted by a backscatter X-ray is a type of ionizing radiation that breaks chemical bonds. Ionizing radiation is considered carcinogenic even in very small doses but at the doses used in airport scanners this effect is believed to be negligible for an individual. If 1 million people were exposed to 520 scans in one year, one study estimated that roughly four additional cancers would occur due to the scanner, in contrast to the 600 additional cancers that would occur from the higher levels of radiation during flight. Since the scanners do not have a", + "score": 0.6635500192642212 + }, + { + "id": "2461112", + "title": "Sterilization (microbiology)", + "text": "of caesium-137-produced radiation. Electron beam processing is also commonly used for sterilization. Electron beams use an on-off technology and provide a much higher dosing rate than gamma or X-rays. Due to the higher dose rate, less exposure time is needed and thereby any potential degradation to polymers is reduced. Because electrons carry a charge, electron beams are less penetrating than both gamma and X-rays. Facilities rely on substantial concrete shields to protect workers and the environment from radiation exposure. High-energy X-rays (produced by bremsstrahlung) allow irradiation of large packages and pallet loads of medical devices. They are sufficiently penetrating to", + "score": 0.6633058786392212 + }, + { + "id": "468042", + "title": "X-ray", + "text": "and a fluorescent screen, between which a patient is placed. However, modern fluoroscopes couple the screen to an X-ray image intensifier and CCD video camera allowing the images to be recorded and played on a monitor. This method may use a contrast material. Examples include cardiac catheterization (to examine for coronary artery blockages) and barium swallow (to examine for esophageal disorders and swallowing disorders). The use of X-rays as a treatment is known as radiation therapy and is largely used for the management (including palliation) of cancer; it requires higher radiation doses than those received for imaging alone. X-rays beams", + "score": 0.662762463092804 + }, + { + "id": "467728", + "title": "X-ray crystallography", + "text": "(under 0.3 mm) or with large unit cells (over 150 \u00c5). Rotating anodes were used by Joanna (Joka) Maria Vandenberg in the first experiments that demonstrated the power of X rays for quick (in real time production) screening of large InGaAsP thin film wafers for quality control of quantum well lasers. Synchrotron radiation are some of the brightest lights on earth. It is the single most powerful tool available to X-ray crystallographers. It is made of X-ray beams generated in large machines called synchrotrons. These machines accelerate electrically charged particles, often electrons, to nearly the speed of light and confine", + "score": 0.6624879837036133 + }, + { + "id": "467680", + "title": "X-ray crystallography", + "text": "by Charles Glover Barkla showed that X-rays exhibited phenomena associated with electromagnetic waves, including transverse polarization and spectral lines akin to those observed in the visible wavelengths. Single-slit experiments in the laboratory of Arnold Sommerfeld suggested that X-rays had a wavelength of about 1 angstrom. However, X-rays are composed of photons, and thus are not only waves of electromagnetic radiation but also exhibit particle-like properties. Albert Einstein introduced the photon concept in 1905, but it was not broadly accepted until 1922, when Arthur Compton confirmed it by the scattering of X-rays from electrons. Therefore, these particle-like properties of X-rays, such", + "score": 0.6623493432998657 + }, + { + "id": "945275", + "title": "Radiography", + "text": "is the standard method for bone densitometry. It is also used in CT pulmonary angiography to decrease the required dose of iodinated contrast. Radiography's origins and fluoroscopy's origins can both be traced to 8 November 1895, when German physics professor Wilhelm Conrad R\u00f6ntgen discovered the X-ray and noted that, while it could pass through human tissue, it could not pass through bone or metal. R\u00f6ntgen referred to the radiation as \"X\", to indicate that it was an unknown type of radiation. He received the first Nobel Prize in Physics for his discovery. There are conflicting accounts of his discovery because", + "score": 0.6619787812232971 + }, + { + "id": "468029", + "title": "X-ray", + "text": "produced. X-rays can be generated by an X-ray tube, a vacuum tube that uses a high voltage to accelerate the electrons released by a hot cathode to a high velocity. The high velocity electrons collide with a metal target, the anode, creating the X-rays. In medical X-ray tubes the target is usually tungsten or a more crack-resistant alloy of rhenium (5%) and tungsten (95%), but sometimes molybdenum for more specialized applications, such as when softer X-rays are needed as in mammography. In crystallography, a copper target is most common, with cobalt often being used when fluorescence from iron content in", + "score": 0.6615727543830872 + }, + { + "id": "16817015", + "title": "Auger therapy", + "text": "K-absorption edge of gadolinium may be delivered by thulium (Tm) K-emissions using a transmission X-ray tube with a thulium target. The thulium-based X-ray tube would enhance the X-ray scattering cross-section with gadolinium embedded in the target location and deliver 106 Gy \"in situ\" for molecular modification (such as the deaggregation of beta amyloids). Monochromatic X-rays may be channeled from synchrotron radiation, obtained from filtered Coolidge X-ray tubes or from the preferred transmission X-ray tubes. To induce inner-shell ionization with resonant scattering from a moderately-heavy atom with dozens of electrons, the X-ray photon energy must be 30 keV or higher to", + "score": 0.6611146330833435 + }, + { + "id": "129744", + "title": "Electromagnetic spectrum", + "text": "to a few meters of water. One notable use is diagnostic X-ray imaging in medicine (a process known as radiography). X-rays are useful as probes in high-energy physics. In astronomy, the accretion disks around neutron stars and black holes emit X-rays, enabling studies of these phenomena. X-rays are also emitted by the coronas of stars and are strongly emitted by some types of nebulae. However, X-ray telescopes must be placed outside the Earth's atmosphere to see astronomical X-rays, since the great depth of the atmosphere of Earth is opaque to X-rays (with areal density of 1000 grams per cm), equivalent", + "score": 0.6608942747116089 + }, + { + "id": "1947140", + "title": "Orthovoltage X-rays", + "text": "Orthovoltage X-rays Orthovoltage x-rays are produced by x-ray tubes operating at voltages in the 100\u2013500 kV range, and therefore the x-rays have a peak energy in the 100\u2013500 keV range. Orthovoltage X-rays are sometimes termed \"deep\" x-rays (DXR). They cover the upper limit of energies used for diagnostic radiography, and are used in external beam radiotherapy to treat cancer and tumors. They penetrate tissue to a useful depth of about 4\u20136 cm. This makes them useful for treating skin, superficial tissues, and ribs, but not for deeper structures such as lungs or pelvic organs. The energy and penetrating ability of", + "score": 0.6603237986564636 + }, + { + "id": "15772226", + "title": "History of radiation therapy", + "text": "appear in carcinoma up to 40 years after treatment. The use of radiation continues today as a treatment for cancer in radiation therapy. The imaging properties of x-rays were discovered, their practical uses for research and diagnostics were immediately apparent, and soon their use spread in the medical field. X-rays were used to diagnose bone fractures, heart disease, and phthisis. Inventive procedures for different diagnostic purposes were created, such as filling digestive cavities with bismuth, which allowed them to be seen through tissue and bone. During early practical work and scientific investigation, experimenters noticed that prolonged exposure to x-rays created", + "score": 0.6602174043655396 + }, + { + "id": "12965769", + "title": "X-ray welding", + "text": "by an X-ray welder would pass an X-ray inspection. For example, defects like porosity, concavities, cracks, cold laps, slag and tungsten inclusions, lack of fusion & penetration, etc., are rarely seen in a radiographic X-ray inspection of a weldment performed by an X-ray welder. With the growing use of synchrotron radiation in the welding process, the older usage of the phrase \"X-Ray welding\" might cause confusion; but the two terms are unlikely to be used in the same work environment because synchrotron radiation (X-Ray) welding is a remotely automated and mechanized process. Many advances in welding technology have resulted from", + "score": 0.6590209603309631 + }, + { + "id": "467704", + "title": "X-ray crystallography", + "text": "range in wavelength from 10 to 0.01 nanometers; a typical wavelength used for crystallography is 1 \u00c5 (0.1 nm), which is on the scale of covalent chemical bonds and the radius of a single atom. Longer-wavelength photons (such as ultraviolet radiation) would not have sufficient resolution to determine the atomic positions. At the other extreme, shorter-wavelength photons such as gamma rays are difficult to produce in large numbers, difficult to focus, and interact too strongly with matter, producing particle-antiparticle pairs. Therefore, X-rays are the \"sweetspot\" for wavelength when determining atomic-resolution structures from the scattering of electromagnetic radiation. Other forms of", + "score": 0.6588587164878845 + }, + { + "id": "1921142", + "title": "X-ray generator", + "text": "X-ray generator An X-ray generator is a device that produces X-rays. Together with an X-ray detector, it is commonly used in a variety of applications including medicine, fluorescence, electronic assembly inspection, and measurement of material thickness in manufacturing operations. In medical applications, X-ray generators are used by radiographers to acquire x-ray images of the internal structures (e.g., bones) of living organisms, and also in sterilization. An X-ray generator generally contains an X-ray tube to produce the X-rays. Possibly, radioisotopes can also be used to generate X-rays. An X-ray tube is a simple vacuum tube that contains a cathode, which directs", + "score": 0.6586326360702515 + }, + { + "id": "9722888", + "title": "Dental radiography", + "text": "Dental radiography Dental radiographs are commonly called X-rays. Dentists use radiographs for many reasons: to find hidden dental structures, malignant or benign masses, bone loss, and cavities. A radiographic image is formed by a controlled burst of X-ray radiation which penetrates oral structures at different levels, depending on varying anatomical densities, before striking the film or sensor. Teeth appear lighter because less radiation penetrates them to reach the film. Dental caries, infections and other changes in the bone density, and the periodontal ligament, appear darker because X-rays readily penetrate these less dense structures. Dental restorations (fillings, crowns) may appear lighter", + "score": 0.6582419872283936 + }, + { + "id": "468027", + "title": "X-ray", + "text": "electron was bound and producing a photoelectron that is likely to ionize more atoms in its path. An outer electron will fill the vacant electron position and produce either a characteristic x-ray or an Auger electron. These effects can be used for elemental detection through X-ray spectroscopy or Auger electron spectroscopy. Compton scattering is the predominant interaction between X-rays and soft tissue in medical imaging. Compton scattering is an inelastic scattering of the X-ray photon by an outer shell electron. Part of the energy of the photon is transferred to the scattering electron, thereby ionizing the atom and increasing the", + "score": 0.6581792235374451 + }, + { + "id": "4583951", + "title": "Chest radiograph", + "text": "Chest radiograph A chest radiograph, colloquially called a chest X-ray (CXR), or chest film, is a projection radiograph of the chest used to diagnose conditions affecting the chest, its contents, and nearby structures. Chest radiographs are the most common film taken in medicine. Like all methods of radiography, chest radiography employs ionizing radiation in the form of X-rays to generate images of the chest. The mean radiation dose to an adult from a chest radiograph is around 0.02 mSv (2 mrem) for a front view (PA, or posteroanterior) and 0.08 mSv (8 mrem) for a side view (LL, or latero-lateral).", + "score": 0.6580093502998352 + }, + { + "id": "1638454", + "title": "Ionizing radiation", + "text": "used for medical imaging, nondestructive testing, and a variety of industrial gauges. Radioactive tracers are used in medical and industrial applications, as well as biological and radiation chemistry. Alpha radiation is used in static eliminators and smoke detectors. The sterilizing effects of ionizing radiation are useful for cleaning medical instruments, food irradiation, and the sterile insect technique. Measurements of carbon-14, can be used to date the remains of long-dead organisms (such as wood that is thousands of years old). Ionizing radiation is generated through nuclear reactions, nuclear decay, by very high temperature, or via acceleration of charged particles in electromagnetic", + "score": 0.6574158668518066 + }, + { + "id": "7817823", + "title": "Ionising Radiations Regulations", + "text": "can be categorised as either 'ionising' or 'non-ionising radiation'. Ionising radiation occurs naturally but can also be artificially created. Generally people can be exposed to radiation externally from radioactive material or internally by inhaling or ingesting radioactive substances. Exposure to electromagnetic rays such as x-rays and gamma rays can, depending on the time exposed, cause sterility, genetic defects, premature ageing and death. Non-ionising radiation is the terms used to describe the part of the electromagnetic spectrum covering 'Optical radiation', such as ultraviolet light and 'electromagnetic fields' such as microwaves and radio frequencies. Health risks caused by exposure to this type", + "score": 0.6573538184165955 + }, + { + "id": "14348229", + "title": "X-ray lithography", + "text": "as with a synchrotron radiation, elementary collimating mirrors or diffractive lenses are used in the place of the refractive lenses used in optics. The X-rays illuminate a mask placed in proximity of a resist-coated wafer. The X-rays are broadband, typically from a compact synchrotron radiation source, allowing rapid exposure. Deep X-ray lithography (DXRL) uses yet shorter wavelengths on the order of and modified procedures such as the LIGA process, to fabricate deep and even three-dimensional structures. The mask consists of an X-ray absorber, typically of gold or compounds of tantalum or tungsten, on a membrane that is transparent to X-rays,", + "score": 0.6572121977806091 + }, + { + "id": "792374", + "title": "X-ray fluorescence", + "text": "instruments. When the energy source is a synchrotron or the X-rays are focused by an optic like a polycapillary, the X-ray beam can be very small and very intense. As a result, atomic information on the sub-micrometre scale can be obtained. X-ray generators in the range 20\u201360 kV are used, which allow excitation of a broad range of atoms. The continuous spectrum consists of \"bremsstrahlung\" radiation: radiation produced when high-energy electrons passing through the tube are progressively decelerated by the material of the tube anode (the \"target\"). A typical tube output spectrum is shown in Figure 3. In energy dispersive", + "score": 0.6565214991569519 + }, + { + "id": "945255", + "title": "Radiography", + "text": "Radiography Radiography is an imaging technique using X-rays, gamma rays, or similar radiation to view the internal form of an object. To create the image, a beam of X-rays or other form of electromagnetic radiation is produced by an X-ray generator and is projected toward the object. A certain amount of the X-rays or other radiation is absorbed by the object, dependent on the object's density and structural composition. The X-rays that pass through the object are captured behind the object by a detector (either photographic film or a digital detector). The generation of flat two dimensional images by this", + "score": 0.6564646363258362 + }, + { + "id": "20079527", + "title": "Imaging of cultural heritage", + "text": "used on archaeological objects or sculptures to learn more about the internal structure of the items that would otherwise be invisible without destroying the object. This type of imaging produces a two-dimensional image of the inner workings of the item. X-ray technology has been used to read the damaged Herculaneum Papyri as opposed to trying to unroll the scroll to read its contents. As part of a conservation measure on the Ghent Altarpiece x-rays were created to better understand how the piece was painted and put together. Images from that project can be viewed on the Closer to Van Eyck", + "score": 0.6561503410339355 + }, + { + "id": "444997", + "title": "Vacuum tube", + "text": "to initiate the detonations used to set off a nuclear weapon; krytrons are heavily controlled at an international level. X-ray tubes are used in medical imaging among other uses. X-ray tubes used for continuous-duty operation in fluoroscopy and CT imaging equipment may use a focused cathode and a rotating anode to dissipate the large amounts of heat thereby generated. These are housed in an oil-filled aluminium housing to provide cooling. The photomultiplier tube is an extremely sensitive detector of light, which uses the photoelectric effect and secondary emission, rather than thermionic emission, to generate and amplify electrical signals. Nuclear medicine", + "score": 0.6561249494552612 + }, + { + "id": "20008134", + "title": "Carl Simon Fried", + "text": "in literature and almost forgotten, like so many other Jewish memories. In 1929 Fried left Worms for a senior position in the newly established Radiology and X-ray Treatment Department in the Breslau Jewish Hospital. W.C. Roentgen discovered the x-ray in December 1895. In the following year, L. Freund in Vienna was the first to use x-rays for treatment in a benign lesion. Since Heidenhain was interested in this particular specialty, he sent Fried to Vienna. Radiation therapy in very small doses was at that time considered the strongest measure for the reduction of inflammation. Even severe bacterial inflammation was treated", + "score": 0.6555852293968201 + }, + { + "id": "12972981", + "title": "X-ray filter", + "text": "source with a nickel filter can produce a nearly monochromatic X-ray beam with photons of mostly 154 pm. For medical purposes, X-ray filters are used to selectively attenuate, or block out, low-energy rays during x-ray imaging (radiography). Low energy x-rays (less than 30 keV) contribute little to the resultant image as they are heavily absorbed by the patient's soft tissues (particularly the skin). Additionally, this absorption adds to the risk of stochastic (e.g. cancer) or non stochastic radiation effects (e.g. tissue reactions) in the patient. Thus, it is favorable to remove these low energy X-rays from the incident light beam.", + "score": 0.6553471088409424 + }, + { + "id": "1954814", + "title": "Megavoltage X-rays", + "text": "Megavoltage X-rays Megavoltage X-rays are produced by linear accelerators (\"linacs\") operating at voltages in excess of 1000 kV (1 MV) range, and therefore have an energy in the MeV range. The voltage in this case refers to the voltage used to accelerate electrons in the linear accelerator and indicates the maximum possible energy of the photons which are subsequently produced. They are used in medicine in external beam radiotherapy to treat neoplasms, cancer and tumors. Beams with the voltage range of 4-25 MV are used to treat deeply buried cancers because radiation oncologists find that they penetrate well to deep", + "score": 0.655311107635498 + }, + { + "id": "518056", + "title": "Electromagnetic radiation and health", + "text": "Electromagnetic radiation and health Electromagnetic radiation can be classified into two types: ionizing radiation and non-ionizing radiation, based on the capability of a single photon with more than 10 eV energy to ionize oxygen or break chemical bonds. Ultraviolet and higher frequencies, such as X-rays or gamma rays are ionizing, and these pose their own special hazards: see \"radiation\" and \"radiation poisoning\". By far the most common health hazard of radiation is sunburn, which causes over one million new skin cancers annually. Very strong radiation can induce current capable of delivering an electric shock to persons or animals. It can", + "score": 0.6549506187438965 + }, + { + "id": "16894039", + "title": "X-ray detector", + "text": "resolving by having many crossed wires in a wire chamber. It was demonstrated in the 1960s that silicon PN solar cells are suitable for detection of all forms of ionizing radiation including extreme UV, soft X-rays, and hard X-rays. This form of detection operates via photoionization, a process where ionizing radiation strikes an atom and releases a free electron. This type of \"broadband ionizing radiation sensor\" requires a solar cell, an ammeter, and a visible light filter on top of the solar cell that allows the ionizing radiation to hit the solar cell while blocking unwanted wavelengths. Self-developing radiochromic film", + "score": 0.6543503403663635 + }, + { + "id": "12257382", + "title": "Gamma ray", + "text": "for the survivors of the atomic bombing of Hiroshima and Nagasaki. The following table shows radiation quantities in SI and non-SI units: The measure of the ionizing effect of gamma and X-rays in dry air is called the exposure, for which a legacy unit, the r\u00f6ntgen was used from 1928. This has been replaced by kerma, now mainly used for instrument calibration purposes but not for received dose effect. The effect of gamma and other ionizing radiation on living tissue is more closely related to the amount of energy deposited in tissue rather than the ionisation of air, and replacement", + "score": 0.653799831867218 + }, + { + "id": "4424849", + "title": "Irradiation", + "text": "disposables such as syringes, and sterilize food. Ionizing radiation (electron beams, X-rays and gamma rays) may be used to kill bacteria in food or other organic material, including blood. Food irradiation, while effective, is seldom used due to problems with public acceptance. Irradiation is used in diagnostic imaging, cancer therapy and blood transfusion. In 2011 researchers found that irradiation was successful in the novel theranostic technique involving co-treatment with heptamethine dyes to elucidate tumor cells and attenuate their growth with minimal side effects. Ion irradiation is routinely used to implant impurities atoms into materials, especially semiconductors, to modify their properties.", + "score": 0.6537567377090454 + }, + { + "id": "12257384", + "title": "Gamma ray", + "text": "and gamma rays can also be thought of in terms of its energy, with gamma rays considered to be higher energy electromagnetic radiation than are X-rays. However, since current artificial sources are now able to duplicate any electromagnetic radiation that originates in the nucleus, as well as far higher energies, the wavelengths characteristic of radioactive gamma ray sources vs. other types now completely overlap. Thus, gamma rays are now usually distinguished by their origin: X-rays are emitted by definition by electrons outside the nucleus, while gamma rays are emitted by the nucleus. Exceptions to this convention occur in astronomy, where", + "score": 0.6537305116653442 + }, + { + "id": "1947139", + "title": "Superficial X-rays", + "text": "locations, orthovoltage treatment is being replaced by electron therapy or brachytherapy. As well as teletherapy, X-rays in this energy range (and the low orthovoltage range) are used for imaging patients, to analyse materials and objects in industrial radiography and for crystallography. Superficial X-rays Superficial X-rays are low-energy X-rays that do not penetrate very far before they are absorbed. They are produced by X-ray tubes operating at voltages in the 10\u2013100 kV range, and therefore have peak energies in the 10\u2013100 keV range. Precise naming and definitions of energy ranges may vary, and X-rays at the lower end of this range", + "score": 0.6530520915985107 + }, + { + "id": "10258359", + "title": "Image-guided radiation therapy", + "text": "structures. Digital X-ray equipment mounted in the radiation treatment device is often used to picture the patient\u2019s internal anatomy at time before or during treatment, which then can be compared to the original planning CT series. Usage of an orthogonal set-up of two radiographic axes is common, to provide means for highly accurate patient position verification. A medical imaging method employing tomography where digital geometry processing is used to generate a three-dimensional image of the internal structures of an object from a large series of two-dimensional X-ray images taken around a single axis of rotation. CT produces a volume of", + "score": 0.6526858806610107 + }, + { + "id": "6966781", + "title": "X-ray telescope", + "text": "mirror for the NuSTAR telescope pushed this up to 79 keV light. To reflect at this level, glass layers were multi-coated with tungsten (W)/silicon (Si) or platinum (Pt)/silicon carbide(SiC). While earlier X-ray telescopes were using simple collimating techniques (e.g. rotating collimators, wire collimators), the technology most currently used on present days employs coded aperture masks. This technique uses a flat aperture patterned grille in front of the detector. This design results less sensitive than focusing optics and imaging quality and identification of source position is much poorer, however it offers a larger field of view and can be employed at", + "score": 0.6522126793861389 + }, + { + "id": "3897488", + "title": "X-ray spectroscopy", + "text": "in the field of x ray diffraction to calculate various data such as interplanar spacing and wavelength of the incident x ray using Bragg's law. The father-and-son scientific team of William Lawrence Bragg and William Henry Bragg, who were 1915 Nobel Prize Winners, were the original pioneers in developing X-ray emission spectroscopy. Jointly they measured the X-ray wavelengths of many elements to high precision, using high-energy electrons as excitation source. The cathode ray tube or an x-ray tube was the method used to pass electrons through a crystal of numerous elements. They also painstakingly produced numerous diamond-ruled glass diffraction gratings", + "score": 0.6513751149177551 + }, + { + "id": "7279739", + "title": "X-ray optics", + "text": "X-ray optics X-ray optics is the branch of optics that manipulates X-rays instead of visible light. It deals with focusing and other ways of manipulating the X-ray beams for research techniques such as X-ray crystallography, X-ray fluorescence, small-angle X-ray scattering, X-ray microscopy, X-ray phase-contrast imaging, X-ray astronomy etc. Since X-rays and visible light are both electromagnetic waves they propagate in space in the same way, but because of the much higher frequency and photon energy of X-rays they interact with matter very differently. Visible light is easily redirected using lenses and mirrors, but because the refractive index of all materials", + "score": 0.6513025760650635 + }, + { + "id": "1921154", + "title": "X-ray generator", + "text": "and other forms of radiation. The radiation source is the size of a stick of gum and could be used to create portable x-ray scanners. A prototype handheld x-ray scanner using the source could be manufactured in as soon as three years. X-ray generator An X-ray generator is a device that produces X-rays. Together with an X-ray detector, it is commonly used in a variety of applications including medicine, fluorescence, electronic assembly inspection, and measurement of material thickness in manufacturing operations. In medical applications, X-ray generators are used by radiographers to acquire x-ray images of the internal structures (e.g., bones)", + "score": 0.651296854019165 + }, + { + "id": "16894028", + "title": "X-ray detector", + "text": "passed over the plate surface. The light given off during laser stimulation is collected by a photomultiplier tube, and the resulting signal is converted into a digital image by computer technology. The PSP plate can be reused, and existing X-ray equipment requires no modification to use them. The technique may also be known as computed radiography (CR). X-rays are also used in \"real-time\" procedures such as angiography or contrast studies of the hollow organs (e.g. barium enema of the small or large intestine) using fluoroscopy. Angioplasty, medical interventions of the arterial system, rely heavily on X-ray-sensitive contrast to identify potentially", + "score": 0.6511622667312622 + }, + { + "id": "9722900", + "title": "Dental radiography", + "text": "dose of the scans is higher than the other conventional radiography views, and its use should be justified . Controversy surrounds the degree of radiation reduction though as the highest quality cone beam scans use radiation doses not dissimilar to modern conventional CT scans. Dental radiography Dental radiographs are commonly called X-rays. Dentists use radiographs for many reasons: to find hidden dental structures, malignant or benign masses, bone loss, and cavities. A radiographic image is formed by a controlled burst of X-ray radiation which penetrates oral structures at different levels, depending on varying anatomical densities, before striking the film or", + "score": 0.6510405540466309 + }, + { + "id": "14348228", + "title": "X-ray lithography", + "text": "X-ray lithography X-ray lithography, is a process used in electronic industry to selectively remove parts of a thin film. It uses X-rays to transfer a geometric pattern from a mask to a light-sensitive chemical photoresist, or simply \"resist,\" on the substrate. A series of chemical treatments then engraves the produced pattern into the material underneath the photoresist. X-ray lithography originated as a candidate for next-generation lithography for the semiconductor industry, with batches of microprocessors successfully produced. Having short wavelengths (below 1 nm), X-rays overcome the diffraction limits of optical lithography, allowing smaller feature sizes. If the X-ray source isn't collimated,", + "score": 0.6509678363800049 + }, + { + "id": "8693618", + "title": "Industrial radiography", + "text": "Industrial radiography Industrial radiography is a method of non-destructive testing where many types of manufactured components can be examined to verify the internal structure and integrity of the specimen. Industrial Radiography can be performed utilizing either X-rays or gamma rays. Both are forms of electromagnetic radiation. The difference between various forms of electromagnetic energy is related to the wavelength. X and gamma rays have the shortest wavelength and this property leads to the ability to penetrate, travel through, and exit various materials such as carbon steel and other metals. Radiography started in 1895 with the discovery of X-rays (later also", + "score": 0.6507319211959839 + }, + { + "id": "5888486", + "title": "Radiation burn", + "text": "Radiation burn A radiation burn is damage to the skin or other biological tissue as an effect of radiation. The radiation types of greatest concern are thermal radiation, radio frequency energy, ultraviolet light and ionizing radiation. The most common type of radiation burn is a sunburn caused by UV radiation. High exposure to X-rays during diagnostic medical imaging or radiotherapy can also result in radiation burns. As the ionizing radiation interacts with cells within the body\u2014damaging them\u2014the body responds to this damage, typically resulting in erythema\u2014that is, redness around the damaged area. Radiation burns are often associated with radiation-induced cancer", + "score": 0.6506397724151611 + }, + { + "id": "614840", + "title": "CT scan", + "text": "as white; values within the window are displayed as a grey intensity proportional to position within the window. The window used for display must be matched to the X-ray density of the object of interest, in order to optimize the visible detail. Contrast media used for X-ray CT, as well as for plain film X-ray, are called radiocontrasts. Radiocontrasts for X-ray CT are, in general, iodine-based. This is useful to highlight structures such as blood vessels that otherwise would be difficult to delineate from their surroundings. Using contrast material can also help to obtain functional information about tissues. Often, images", + "score": 0.6506245136260986 + }, + { + "id": "2283326", + "title": "Terahertz radiation", + "text": "or energy density focusing during dielectric breakdown of a gas. In 2013 researchers at Georgia Institute of Technology's Broadband Wireless Networking Laboratory and the Polytechnic University of Catalonia developed a method to create a graphene antenna: an antenna that would be shaped into graphene strips from 10 to 100 nanometers wide and one micrometer long. Such an antenna could be used to emit radio waves in the terahertz frequency range. Unlike X-rays, terahertz radiation is not ionizing radiation and its low photon energies in general do not damage living tissues and DNA. Some frequencies of terahertz radiation can penetrate several", + "score": 0.650184690952301 + }, + { + "id": "8693651", + "title": "Industrial radiography", + "text": "pulse of high energy electrons, these electrons are used to create X-rays by braking radiation. The X-rays are detected using a semiconductor detector, which is an array of silicon diodes. Such equipment has been used for the X-ray version of high speed flash photography. For example, diesel fuel that has been doped with cerium has been used to investigate the operation of fuel injectors in a diesel engine. As an alternative high energy pulsed proton beams can be used for the high speed examination of objects. Industrial radiography Industrial radiography is a method of non-destructive testing where many types of", + "score": 0.6500495672225952 + } + ] + }, + { + "qa_pairs": [ + { + "context": "Albert Finney played Poirot in 1974 in the cinematic version of \"Murder on the Orient Express\". As of today, Finney is the only actor to receive an Academy Award nomination for playing Poirot, though he did not win.", + "question": "Who played inspector Hercule Poirot in the 1974 film Murder On the Orient Express?", + "short_answers": [ + "Albert Finney" + ], + "wikipage": "Hercule Poirot" + }, + { + "context": "In 2017, Kenneth Branagh directed and starred in a 2017 film adaptation of \"Murder on the Orient Express\". Branagh has been confirmed to return for a new film version of \"Death on the Nile\", set for a 2020 release.", + "question": "Who played inspector Hercule Poirot in the 2017 film Murder On the Orient Express?", + "short_answers": [ + "Kenneth Branagh" + ], + "wikipage": "Hercule Poirot" + } + ], + "wikipages": [ + { + "title": "Murder on the Orient Express (2017 film)", + "url": "https://en.wikipedia.org/wiki/Murder%20on%20the%20Orient%20Express%20%282017%20film%29" + }, + { + "title": "Hercule Poirot", + "url": "https://en.wikipedia.org/wiki/Hercule%20Poirot" + }, + { + "title": "Murder on the Orient Express (1974 film)", + "url": "https://en.wikipedia.org/wiki/Murder%20on%20the%20Orient%20Express%20%281974%20film%29" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Murder on the Orient Express is a 2017 mystery thriller film directed by Kenneth Branagh with a screenplay by Michael Green, based on the 1934 novel of the same name by Agatha Christie.", + "wikipage": "Murder on the Orient Express (2017 film)" + }, + { + "content": "Murder on the Orient Express is a 1974 British mystery film directed by Sidney Lumet, produced by John Brabourne and Richard Goodwin, and based on the 1934 novel of the same name by Agatha Christie.", + "wikipage": "Murder on the Orient Express (1974 film)" + } + ], + "long_answer": "The mystery film Murder On the Orient Express, has had multiple adaptations, in the 1974 version the inspector Hercule Poirot is played by Albert Finney. And in the 2017 film, Kenneth Branagh, who also directed the film, starred as the inspector. " + } + ], + "sample_id": "3639811733794772980", + "question": "Who played the inspector on the orient express?", + "docs": [ + { + "id": "11491", + "title": "Hercule Poirot", + "text": "of the story, set in modern times, was played for comedy, with Poirot investigating the murders while evading the attempts by Hastings (Robert Morley) and the police to get him out of England and back to Belgium. Albert Finney played Poirot in 1974 in the cinematic version of \"Murder on the Orient Express\". As of today, Finney is the only actor to receive an Academy Award nomination for playing Poirot, though he did not win. Peter Ustinov played Poirot six times, starting with \"Death on the Nile\" (1978). He reprised the role in \"Evil Under the Sun\" (1982) and \"Appointment", + "score": 0.7479163408279419 + }, + { + "id": "7753272", + "title": "Murder on the Orient Express (1974 film)", + "text": "Murder on the Orient Express (1974 film) Murder on the Orient Express is a 1974 British mystery film directed by Sidney Lumet, produced by John Brabourne and Richard B. Goodwin, and based on the 1934 novel of the same name by Agatha Christie. The film features the Belgian detective Hercule Poirot (Albert Finney), who is asked to investigate the murder of an American business tycoon aboard the Orient Express train. The suspects are portrayed by a notably all-star cast, including Lauren Bacall, Ingrid Bergman, Sean Connery, John Gielgud, Vanessa Redgrave, Michael York, Jacqueline Bisset, Anthony Perkins and Wendy Hiller. The", + "score": 0.7433505058288574 + }, + { + "id": "1415212", + "title": "Murder on the Orient Express", + "text": "and commercial hit. The film starred Albert Finney as Poirot, Martin Balsam as Signor Bianchi, George Coulouris as Dr Constantine, and Richard Widmark as Ratchett/Cassetti, with the remaining cast suspects including Sean Connery (Arbuthnot), Lauren Bacall (Mrs Hubbard), Anthony Perkins (McQueen), John Gielgud (Beddoes), Michael York (Count Andrenyi), Jean-Pierre Cassel (Pierre Michel), Jacqueline Bisset (Countess Andrenyi), Wendy Hiller (Princess Dragomiroff), Vanessa Redgrave (Mary Debenham), Rachel Roberts (Hildegarde Schmidt), Colin Blakely (Hardman), Denis Quilley (Foscarelli), and Ingrid Bergman, who won the 1974 Academy Award for Best Supporting Actress for her role as Greta Ohlsson. Only minor changes were made for the", + "score": 0.7415186166763306 + }, + { + "id": "11493", + "title": "Hercule Poirot", + "text": "as Inspector Japp, just before Suchet began to play Poirot. David Suchet considers his performance as Japp to be \"possibly the worst performance of [his] career\". In 2017, Kenneth Branagh directed and starred in a 2017 film adaptation of \"Murder on the Orient Express\". Branagh has been confirmed to return for a new film version of \"Death on the Nile\", set for a 2019 release. David Suchet starred as Poirot in the ITV series \"Agatha Christie's Poirot\" from 1989 until June 2013, when he announced that he was bidding farewell to the role. \"No one could've guessed then that the", + "score": 0.7364622354507446 + }, + { + "id": "1415217", + "title": "Murder on the Orient Express", + "text": "romantic relationship with Vera Rosakoff, who is loosely based on an infrequently recurring character of the same name. The story is updated to a contemporary setting, and four of the suspects (Hildegard Schmidt, Cyrus Hardman, Edward Masterman and Greta Ohlssohn) are deleted, as is Dr Constantine. David Suchet reprised the role of Hercule Poirot in \"Murder on the Orient Express\" (2010), an 80-minute movie-length episode of the television series \"Agatha Christie's Poirot\" co-produced by ITV Studios and WGBH-TV, adapted for the screen by Stewart Harcourt. The original air date was 11 July 2010 in the United States, and it was", + "score": 0.7325087785720825 + }, + { + "id": "5682258", + "title": "Poirot Investigates", + "text": "1955, German television aired \"Murder on the Orient Express\". All of the stories contained in \"Poirot Investigates\" have been adapted as episodes in the ITV television series \"Agatha Christie's Poirot\" with David Suchet in the role of Poirot, Hugh Fraser as Hastings, Philip Jackson as Japp and Pauline Moran as Miss Lemon. As is the custom with these adaptations, they differ somewhat from their originals. (In the Disappearance of Mr Davenheim, Hastings plays a large role, and, in a complete change from the book, Poirot gets a parrot (leading to one of the famous exchanges: Delivery boy: \"I've a parrot", + "score": 0.7294625043869019 + }, + { + "id": "7627995", + "title": "Struan Rodger", + "text": "television detective series \"Chandler & Co\". Rodger had a recurring role on \"Rumpole of the Bailey\" as Detective Inspector Brush, a police detective noted for what Rumpole perceives as flagrant abuses of the law. He is also the actor who provided the voice for the \"Doctor Who\" character Face of Boe in the stories \"New Earth\" and \"Gridlock\". Rodger has also appeared on television in episodes of \"Miss Marple\", \"Maigret\", \"Midsomer Murders\" and \"Look and Read\", as well as portraying Bonnie Prince Charlie in \"Through a Glass, Darkly,\" a season four episode of \"\". In 2009, he appeared in \"The", + "score": 0.7289777398109436 + }, + { + "id": "11499", + "title": "Hercule Poirot", + "text": "as Poirot. The cast included Jane Asher as Mrs. Hubbard, Jay Benedict as Monsieur Bouc, Ruta Gedmintas as Countess Andrenyi, Sophie Okonedo as Mary Debenham, Eddie Marsan as Ratchett, Walles Hamonde as Hector MacQueen, Paterson Joseph as Colonel Arbuthnot, Rula Lenska as Princess Dragimiroff and Art Malik as the Narrator. According to the Publisher's Summary on Audible.com, \"sound effects [were] recorded on the Orient Express itself.\" In a 1964 episode of the TV series \"Burke's Law\" entitled \"Who Killed Supersleuth?\", Ed Begley plays a parody of Poirot named Bascule Doirot. In \"Revenge of the Pink Panther\", Poirot makes a cameo", + "score": 0.7239410281181335 + }, + { + "id": "1415220", + "title": "Murder on the Orient Express", + "text": "Poirot, was played by actor Nomura Mansai. The first night featured a storyline true to the original text, but set in Japan in 1933. In this version, the train \"Orient Kyuukou\" ran from the western city of Shimonoseki to Tokyo, with the train stopped by a small avalanche near Sekigahara, Gifu. The second night was an original story. The point and click computer game \"\" was released in November 2006 for Windows and expanded on Agatha Christie's original story with a new playable central character as Hercule Poirot (voiced by David Suchet) is ill and recovering in his train compartment.", + "score": 0.7200110554695129 + }, + { + "id": "1415218", + "title": "Murder on the Orient Express", + "text": "aired on Christmas Day 2010 in the UK. The cast includes Dame Eileen Atkins as Princess Dragomiroff, Hugh Bonneville as Masterman, Jessica Chastain as Mary Debenham, Barbara Hershey as Mrs Hubbard, Toby Jones as Cassetti, and David Morrissey as Colonel Arbuthnot. The character Cyrus Hardman (the former American police officer turned private detective) has been largely amalgamated with the chauffeur Foscarelli (in as much as regards being the lover of the dead maid) and Dr Constantine (who in the novel is unrelated to the murders) becomes a co-conspirator. The main difference from the novel is the additional element of Poirot's", + "score": 0.7168917655944824 + }, + { + "id": "1415213", + "title": "Murder on the Orient Express", + "text": "film: Masterman was renamed Beddoes, the dead maid was named Paulette instead of Susanne, Helena Goldenberg became Helena Gr\u00fcnwald (which is German for \"Greenwood\"), Antonio Foscarelli became Gino Foscarelli, Caroline Martha Hubbard became Harriet Belinda Hubbard, and the train line's Belgian/Flemish director, Monsieur Bouc, became instead an Italian director, Signor Bianchi. On 16 June 2015, 20th Century Fox hired Kenneth Branagh to direct and star as Poirot in another film adaptation of the story, which was released on 3 November 2017. On 29 September 2016, the studio issued a press release announcing much of the cast, including Johnny Depp as", + "score": 0.716469407081604 + }, + { + "id": "19175215", + "title": "Murder on the Orient Express (2017 film)", + "text": "Murder on the Orient Express (2017 film) Murder on the Orient Express is a 2017 mystery thriller film directed by Kenneth Branagh with a screenplay by Michael Green, based on the 1934 novel of the same name by Agatha Christie. The film stars Branagh as Hercule Poirot, with Tom Bateman, Pen\u00e9lope Cruz, Willem Dafoe, Judi Dench, Johnny Depp, Josh Gad, Derek Jacobi, Leslie Odom Jr., Michelle Pfeiffer, and Daisy Ridley in supporting roles. The film is the fourth screen adaptation of Christie's novel, following the 1974 film, a 2001 TV film version, and a 2010 episode of the television series", + "score": 0.7159344553947449 + }, + { + "id": "9384509", + "title": "Agatha Christie: Murder on the Orient Express", + "text": "aspect of \"Murder on the Orient Express\" which many reviewers praised was the game's audio. The voice acting in particular gained widespread positive reviews. GameSpot called the voice acting excellent, with the voice actors bringing the characters to life, thanks largely to David Suchet as Poirot. IGN also called the voice acting well done, despite a few characters sounding artificial. Music in the game was positively reviewed by 2404, who said that it was tense at moments, but probably could have been played more frequently throughout the game. 2404 also praised the game for providing realistic sound effects, such as", + "score": 0.7158442735671997 + }, + { + "id": "7581406", + "title": "Death on the Nile (1978 film)", + "text": "Hunter\" and \"Convoy\". \"Death on the Nile\" was a more traditionally British film. Albert Finney played Hercule Poirot in \"Orient Express\" but was unable to reprise his role in the follow up. The producers felt if they could not get Finney they should go in a totally different direction and picked Peter Ustinov. \"Poirot is a character part if ever there was one,\" said producer Goodwin, \"and Peter is a top character actor.\" As with \"Orient Express\", an all-star cast was used. This was Jane Birkin's first British movie in a decade. The film shot seven weeks on location in", + "score": 0.7113597989082336 + }, + { + "id": "5694996", + "title": "William Mervyn", + "text": "William Mervyn William Mervyn Pickwoad (3 January 1912 \u2013 6 August 1976) was an English actor best known for his portrayal of the bishop in the clerical comedy \"All Gas and Gaiters\", the old gentleman in \"The Railway Children\" and Inspector Charles Rose in \"The Odd Man\" and its sequels. Mervyn was born in Nairobi, British East Africa, but educated in Britain at Forest School, Snaresbrook, before embarking on a stage career, spending five years in provincial theatre. He made his West End debut in \"The Guinea Pig\" at the Criterion Theatre in 1946, before parts in plays such as", + "score": 0.7111861705780029 + }, + { + "id": "7753352", + "title": "Murder on the Orient Express (2001 film)", + "text": "Murder on the Orient Express (2001 film) Murder on the Orient Express is a 2001 made-for-television mystery film directed by Carl Schenkel based on the 1934 novel \"Murder on the Orient Express\" by Agatha Christie, featuring Hercule Poirot. This version is set in the present day and has a smaller cast than the novel. The screenplay was written by Stephen Harrigan and the original music score was composed by Christopher Franke. Hercule Poirot is travelling on the \"Orient Express\". While on the journey, Poirot meets a very close friend Bouc, who works for the Compagnie Internationale des Wagons-Lits. The train", + "score": 0.7109197974205017 + }, + { + "id": "13032144", + "title": "Dennis Hoey", + "text": "Dennis Hoey Dennis Hoey (born Samuel David Hyams, 30 March 1893 \u2013 25 July 1960) was a British film and stage actor, best known for playing Inspector Lestrade in six films of Universal's Sherlock Holmes series. Hoey was born Samuel David Hyams in London to Russian-Jewish parents, another source says Irish and Russian-Jewish parents, who earned a living by running a bed and breakfast in Brighton, on the coast of the English county of East Sussex.. He received his formal education at Brighton College, and originally planned to be a teacher. He served in the British Army during World War", + "score": 0.7103173732757568 + }, + { + "id": "9384469", + "title": "Agatha Christie: Murder on the Orient Express", + "text": "convincing voice acting and audio effects. \"Murder on the Orient Express\" is followed by \"\", the third installment in the \"Agatha Christie series\". \"Murder on the Orient Express\" is the first game in the \"Agatha Christie series\" to feature Hercule Poirot, Christie's most popular and famous detective. David Suchet, whose portrayal of Poirot achieved fame through the popular television series \"Agatha Christie's Poirot\", was hired to provide Poirot's voice. His performance was generally met with praise. Some have criticized the game for not allowing the player to actually control Poirot; the developers explained this choice by saying that adventure gamers", + "score": 0.7077696919441223 + }, + { + "id": "5541893", + "title": "David Horovitch", + "text": "Kazuo Ishiguro. David Horovitch David Horovitch (born 11 August 1945) is an English actor, perhaps best known for playing the character of Inspector Slack in \"Miss Marple\". Horovitch was born in London, the son of Alice Mary, a teacher, and Morris Horovitch, a child care worker. Horovitch was educated at St Christopher School, a boarding independent school in the town of Letchworth Garden City in Hertfordshire, followed by the Central School of Speech and Drama in London. Horovitch has played many roles on popular British TV shows in the past 40 years including: \"The New Avengers\", \"Prince Regent\", \"Piece of", + "score": 0.7073649168014526 + }, + { + "id": "5362652", + "title": "Tutte Lemkow", + "text": "Inspector Clouseau, Sellers' films \"The Wrong Arm of the Law\", \"The Wrong Box\" and \"Ghost in the Noonday Sun\", Woody Allen's \"Love and Death\" and the Morecambe and Wise comedy film \"The Intelligence Men\" (1965). He played three roles in \"Doctor Who\" with William Hartnell's Doctor: Kuiju in \"Marco Polo\" (1964), Ibrahim in \"The Crusade\" (1965) and Cyclops in \"The Myth Makers\" (1965), as well as providing choreography for \"The Celestial Toymaker\" (1966) and \"Casino Royale\" (1967). ln 1968 he played the role of 'Old Gorgy' in the episode \"Legacy of Death\" of \"The Avengers\". He adapted Ibsen's play for", + "score": 0.7069417238235474 + }, + { + "id": "7753354", + "title": "Murder on the Orient Express (2001 film)", + "text": "years earlier, in which a baby was kidnapped and then murdered. (The fictitious Armstrong case was apparently inspired by the real-life kidnapping of Charles Lindbergh's baby boy.) Murder on the Orient Express (2001 film) Murder on the Orient Express is a 2001 made-for-television mystery film directed by Carl Schenkel based on the 1934 novel \"Murder on the Orient Express\" by Agatha Christie, featuring Hercule Poirot. This version is set in the present day and has a smaller cast than the novel. The screenplay was written by Stephen Harrigan and the original music score was composed by Christopher Franke. Hercule Poirot", + "score": 0.7038849592208862 + }, + { + "id": "4407978", + "title": "Ian Lavender", + "text": "as Monsignor Howard in the West End theatre production of \"Sister Act the Musical\". The musical opened at the London Palladium on 2 June 2009, and ran through to October 2010. In January 2011, Lavender appeared at the Slapstick Silent Comedy Festival in Bristol. Lavender introduced \"Sherlock Jr.\", a 1924 silent film directed by and starring Buster Keaton. In early 2013, Lavender appeared as \"The Mikado\" in three concert performances of the Gilbert and Sullivan opera, taking place in The Royal Festival Hall, London, the Symphony Hall, Birmingham and the Bridgewater Hall, Manchester. In August 2013 he made his Edinburgh", + "score": 0.7038100361824036 + }, + { + "id": "620674", + "title": "The Pink Panther", + "text": "later adopted by the animated spin-off series, \"The Inspector.\" Although official, the live-action film \"Inspector Clouseau\" (1968) starring Alan Arkin, is generally not considered by fans to be part of the series canon, since it involved neither Sellers nor Edwards. Some elements of Arkin's performance and costuming, however, were retained when Peter Sellers resumed the role of Clouseau for \"Return\" in 1975. Despite speculation, Alan Arkin does not appear in \"Trail of the Pink Panther.\" The film that launched the second Pink Panther series, \"The Pink Panther,\" starring Martin as Clouseau, directed by Shawn Levy and produced by Robert Simonds,", + "score": 0.7033231258392334 + }, + { + "id": "695377", + "title": "An Inspector Calls", + "text": "A second BBC Television version was screened on 19 February 1961 as part of the \"Sunday Night Play\" series. Produced and directed by Naomi Capon, it starred John Gregson as Inspector Goole, Heather Sears as Sheila Birling, Nora Swinburne as Sybil Birling, William Russell as Gerald Croft, Edward Chapman as Arthur Birling, Hilda Campbell-Russell as Edna, and Alan Dobie as Eric Birling. A selection of scenes from the play were broadcast in the ITV series \"Conflict\" on 15 May 1967. Produced by Associated Television, the 25 minute programme was directed by George More O'Ferrall, and starred Reginald Marsh as Arthur", + "score": 0.7023851275444031 + }, + { + "id": "695370", + "title": "An Inspector Calls", + "text": "October 1947 and ran until 10 January 1948. The production was staged by Cedric Hardwicke. The play was produced and performed at the Ferdowsi Theatre in Iran in late 1940s based on the translation by Bozorg Alavi. In 1986 Richard Wilson directed a production at the Royal Exchange, Manchester with Geraldine Alexander as Sheila Birling, Hugh Grant as Eric Birling and Graeme Garden as Inspector Goole. Tom Baker played Inspector Goole in a 1987 production directed by Peter Dews and designed by Daphne Dare that opened at the Theatr Clwyd on 14 April then transferred to London's Westminster Theatre on", + "score": 0.7020198106765747 + }, + { + "id": "13032145", + "title": "Dennis Hoey", + "text": "1. After a career as a singer, which included entertaining British troops during his war service, Hoey moved into theatre-acting in 1918, and later into cinema films. In 1931 he moved to the United States, and commenced a career in Hollywood. Hoey's first film was \"Tell England\". He is best known for playing Inspector Lestrade in six Universal's Sherlock Holmes series. He also portrayed the master of Harrow in \"The Foxes of Harrow\" and appeared in \"Tarzan and the Leopard Woman\". Hoey \"appeared frequently in London\" stage productions, including those of Sydney Carroll's Shakespearean repertory company. He played Mr. Rochester", + "score": 0.7014349699020386 + }, + { + "id": "7086399", + "title": "Reginald Marsh (actor)", + "text": "1987, Marsh played another similar role, Sir Dennis Hodge, Terry's boss, in \"Terry and June\". From 1982 to 1984, Marsh played Reg Lamont in the soap opera \"Crossroads\". His play \"The Death is Announced\" (\"A Murder Play\") was produced in Leeds in 1964. He played Inspector Cullen. He described the play as a \"comedy who-dun-it\" and said that he wrote it \"because he could never find a good 'copper' part for himself.\" In the 1980s and 1990s, Marsh had many small roles on television, including appearing in \"Only When I Laugh\", \"Home to Roost\", \"Bergerac\", \"Boon\", \"Minder\", \"Alleyn Mysteries\" and", + "score": 0.7010946273803711 + }, + { + "id": "5541890", + "title": "David Horovitch", + "text": "David Horovitch David Horovitch (born 11 August 1945) is an English actor, perhaps best known for playing the character of Inspector Slack in \"Miss Marple\". Horovitch was born in London, the son of Alice Mary, a teacher, and Morris Horovitch, a child care worker. Horovitch was educated at St Christopher School, a boarding independent school in the town of Letchworth Garden City in Hertfordshire, followed by the Central School of Speech and Drama in London. Horovitch has played many roles on popular British TV shows in the past 40 years including: \"The New Avengers\", \"Prince Regent\", \"Piece of Cake\", \"Hold", + "score": 0.7007650136947632 + }, + { + "id": "6981819", + "title": "Stamboul Train", + "text": "Train\" the day of security had almost run out. Even my dreams were full of disquiet.\" A film adaptation called \"Orient Express\" was made in 1934, starring Heather Angel as Coral Musker. A radio adaptation by Jeremy Front was broadcast on BBC Radio 4 in 2017, directed by Marc Beeby and starring Joseph Millson as Myatt, Abbie Andrews as Coral Musker, Sam Dale as Czinner and Jane Slavin as Mabel Warren. Stamboul Train Stamboul Train (1932) is the second significant novel by Graham Greene. Set on an \"Orient Express\" train that ran from Ostend, Belgium, to Istanbul, Turkey, the book", + "score": 0.7007100582122803 + }, + { + "id": "7753273", + "title": "Murder on the Orient Express (1974 film)", + "text": "screenplay is by Paul Dehn as well as an uncredited Anthony Shaffer. The film was commercially and critically well-received, as well as receiving six nominations at the 47th Academy Awards: Best Actor (Finney), Best Supporting Actress (Bergman), Best Adapted Screenplay, Best Original Score, Best Cinematography, and Best Costume Design. Of these nominations, Bergman was the only winner. In December 1935, Hercule Poirot is returning to England aboard the Orient Express, encountering his friend Signor Bianchi, a director of the Compagnie Internationale des Wagons-Lits, which owns the line. Aside from Poirot, the other passengers travelling on the Calais coach are: Mrs.", + "score": 0.7005504369735718 + }, + { + "id": "7753353", + "title": "Murder on the Orient Express (2001 film)", + "text": "is stopped when a landslide blocks the line on the second night out from Istanbul, and American millionaire Samuel Edward Ratchett is found stabbed to death the next morning. Since no footprints are visible around the train and the doors to the other cars were locked, it seems that the murderer must still be among the passengers in Ratchett's car. Poirot and Bouc work together to solve the case. They are aided by Pierre Michel, the middle-aged French conductor of the car. A key to the solution is Ratchett's revealed involvement in the Armstrong tragedy in the United States several", + "score": 0.6998158097267151 + }, + { + "id": "5783884", + "title": "Arthur Cox (actor)", + "text": "Arthur Cox (actor) Arthur Cox (born 7 April 1934), is a Northern Irish actor of television and film. His most regular roles were as George, the driver of Jim Hacker in the comedy \"Yes Minister\" and as Inspector Marriott in the 1983 series \"Partners in Crime\", an adaptation of Agatha Christie's short stories featuring Tommy and Tuppence. His other television credits include \"The Avengers\" episodes 'From Venus with Love' (1967) and 'Whoever Shot Poor George Oblique Stroke XR40?' (1968), \"Terry and June\", and \"Harbour Lights\". His roles of Cully and Mr. Henderson in the \"Doctor Who\" stories \"The Dominators\" and", + "score": 0.6989516615867615 + }, + { + "id": "11271212", + "title": "Alexander Pschill", + "text": "the cast of \"Julia \u2013 Eine ungew\u00f6hnliche Frau\" and from 2002 to 2004, he portrayed the main character Marc Hoffmann in Inspector Rex alongside Elke Winkens. He starred in the eighth, ninth and tenth season of the TV series (episodes 91 to 119). Alexander Pschill's younger sister is singer Fawni. \u2014 based on Daniel Glattauer's novel of the same title, published in 2006 Alexander Pschill Alexander Pschill (born June 13, 1970 in Vienna) is an Austrian actor, who played the main character in \"Inspector Rex\" from 2002 to 2004, which gained him fame even outside of Austria. From 1989 to", + "score": 0.698561429977417 + }, + { + "id": "3048000", + "title": "Brian Cox (actor)", + "text": "in which Hopkins took over as the correctly named Lecter, Cox was playing King Lear at the National Theatre. At the time, the two actors shared the same agent. In 1984, he played the Royal Ulster Constabulary officer Inspector Nelson in the Royal Court's production of \"Rat in the Skull\". He was subsequently awarded that year's Laurence Olivier Award for'Best Actor in a New Play. In 1991, he played the role of Owen Benjamin, the closeted father of a gay man, in the BBC \"Screen 2\" production of David Leavitt's novel, \"The Lost Language of Cranes\", which is set in", + "score": 0.6982471942901611 + }, + { + "id": "7676583", + "title": "Evil Under the Sun (1982 film)", + "text": "same producers. Hamilton said \"I think one of the reasons the books and films are so popular is that people know what to expect, though now we try to add a few surprises.\" Ustinov made his second film appearance as Poirot, having previously played the Belgian detective in \"Death on the Nile\" (1978); Smith and Birkin also appeared in both films. Quilley and Blakely appeared in the earlier Brabourne-produced \"Murder on the Orient Express\" (1974). Guy Hamilton had previously directed another Agatha Christie film, \"The Mirror Crack'd\", in 1980. \"I think it's a better script than the first one I", + "score": 0.6981143355369568 + }, + { + "id": "18526686", + "title": "An Inspector Calls (2015 Hong Kong film)", + "text": "An Inspector Calls (2015 Hong Kong film) An Inspector Calls () is a 2015 Hong Kong black comedy film directed by Raymond Wong and Herman Yau. Based on the British play, \"An Inspector Calls\", the film stars Louis Koo as Inspector Goole (renamed \"Inspector Karl\") (Pronounced \"Gaa2\" \u8cc8 in Cantonese, which is a homophone for \u5047, which means fake, or false), Eric Tsang as Arthur Birling (renamed \"Kau Ming\"), Teresa Mo as Sybil Birling (renamed \"Anson Kau\"), Hans Zhang as Gerald Croft (renamed \"Johnnie Kei\"), Gordon Lam as Eric Birling (renamed \"Tim Kau\"), Chrissie Chau as Eva Smith (though the", + "score": 0.6979619264602661 + }, + { + "id": "4378696", + "title": "The Testament of Dr. Mabuse", + "text": "is related to the film \"M\" which features the Inspector Lohmann character. Many members of the cast and crew had worked with Lang on his earlier films. Rudolf Klein-Rogge returned to play Dr. Mabuse as he did in \"Dr. Mabuse the Gambler\". Klein-Rogge acted in Lang's earlier films including \"Destiny\", \"Die Nibelungen\", \"Metropolis\" and \"Spies\". Otto Wernicke reprises his role as Inspector Lohmann from Lang's \"M\". Klaus Pohl plays Lohmann's assistant M\u00fcller. Pohl acted in Lang's \"Woman in the Moon\" and in an uncredited role in \"M\". \"The Testament of Dr. Mabuse\" was Lang's second film for the company Nero-Film", + "score": 0.697407066822052 + }, + { + "id": "695374", + "title": "An Inspector Calls", + "text": "Sybil Birling and Bryan Forbes as Eric Birling. In 1965, the play was adapted into a Bengali (Indian) movie by the name of Thana Theke Aschi from a Bengali adaptation of the original play of the same name. The character of Inspector Goole was played by the Bengali Matinee idol Uttam Kumar, the character being renamed as Sub-Inspector Tinkari Halder, the character of Eva Smith/ Daisy Renton was portrayed by Madhabi Mukherjee, the character being renamed as Sandhya Chakraborty/ Jharna Roy/ Reba Sen. The rest of the cast included Dilip Mukherjee, Kamal Mitra, Chhaya Devi, Anjana Bhowmik, and Jahar Roy", + "score": 0.6969157457351685 + }, + { + "id": "7753274", + "title": "Murder on the Orient Express (1974 film)", + "text": "Harriet Hubbard, a fussy, talkative, multiple-widowed American; enigmatic American businessman Samuel Ratchett, with his English manservant Beddoes and secretary/translator Hector McQueen; elderly Russian Princess Natalia Dragomiroff and her German maid Hildegarde Schmidt; Hungarian diplomat Count Rudolf Andrenyi and his wife Elena; British Indian Army officer Col. John Arbuthnot; Mary Debenham, a teacher of English in Baghdad; Greta Ohlsson, a timid Swedish missionary to Africa on a fund-raising trip; Italian-American car salesman Antonio Foscarelli; and Cyrus B. Hardman, an American theatrical agent. The morning after the train's departure from Istanbul, Ratchett tries to secure Poirot's services for $15,000 since he has", + "score": 0.6964588165283203 + }, + { + "id": "14207821", + "title": "Alexander Dore\u0301", + "text": "Alexander Dor\u00e9 Alexander Joseph Dor\u00e9 (28 August 1923 \u2013 16 April 2002) was a British actor, television director and screenwriter perhaps best known for his appearance as the First Spy in the 1968 film \"Chitty Chitty Bang Bang.\" He also co-starred in the 1968 TV series \"Virgin of the Secret Service\" (as villain Karl Von Brauner) as well as playing Bertram Bright in \"Bright's Boffins\" (1970-1972). Dor\u00e9's other screen appearances include \"At the Stroke of Nine\" (1957), \"Tales from Dickens\" (1958), \"ITV Television Playhouse\" (1958), \"Emergency-Ward 10\" (1960), \"Dixon of Dock Green\" (1964), \"Casino Royale\" (1967), \"ITV Playhouse\" (1968), and", + "score": 0.6963881850242615 + }, + { + "id": "3530193", + "title": "Andre\u0301 Morell", + "text": "Andr\u00e9 Morell Cecil Andr\u00e9 Mesritz (20 August 1909 \u2013 28 November 1978), known professionally as Andr\u00e9 Morell, was an English actor. He appeared frequently in theatre, film and on television from the 1930s to the 1970s. His best known screen roles were as Professor Bernard Quatermass in the BBC Television serial \"Quatermass and the Pit\" (1958\u201359), and as Doctor Watson in the Hammer Film Productions version of \"The Hound of the Baskervilles\" (1959). He also appeared in the films \"The Bridge on the River Kwai\" (1957) and \"Ben-Hur\" (1959), in several of Hammer's horror films throughout the 1960s and in", + "score": 0.696099042892456 + }, + { + "id": "5610239", + "title": "Colin Jeavons", + "text": "\"with chilling authority\" in the words of writer David Stuart Davies, Professor Moriarty in \"The Baker Street Boys\" (1982), and \"with great panache\" Inspector Lestrade in the Granada Television series \"The Adventures of Sherlock Holmes\" (featuring Jeremy Brett as Holmes). Producer Michael Cox of the Granada Television series for Sherlock Holmes stated frankly that they were given the best Lestrade of his generation. In the 1981 TV production of \"The Hitchhiker's Guide to the Galaxy\", he portrayed Max Quordlepleen, an entertainer who hosts at Milliways, the Restaurant at the End of the Universe. He was Briggs, the lawyer who halts", + "score": 0.695933997631073 + }, + { + "id": "11498", + "title": "Hercule Poirot", + "text": "Huber, perhaps better known for his appearances as a police officer in various Charlie Chan films. On 22 February 1945, \"speaking from London, Agatha Christie introduced the initial broadcast of the Poirot series via shortwave\". An adaptation of \"Murder in the Mews\" was broadcast on the BBC Light Programme in March 1955 starring Richard Williams as Poirot; this program was thought lost, but was recently discovered in the BBC archives in 2015. Recorded and released (John Moffatt stars as Poirot unless otherwise indicated): In 2017, Audible released an original audio adaptation of \"Murder on the Orient Express\" starring Tom Conti", + "score": 0.6959037780761719 + }, + { + "id": "572946", + "title": "Inspector Clouseau", + "text": "Inspector Clouseau Inspector Jacques Clouseau () is a fictional character in Blake Edwards's farcical \"The Pink Panther\" series. He is portrayed by Peter Sellers in the original series, and also by Alan Arkin in the 1968 film \"Inspector Clouseau\" and, in a cameo, by Roger Moore (credited as Turk Thrust II) in the 1983 film \"Curse of the Pink Panther\". In the 2006 remake and its 2009 sequel, he is played by Steve Martin. Clouseau's likeness also appears in the Pink Panther animated cartoon shorts and segments. More recent animated depictions from the 1970s onward were redesigned to more closely", + "score": 0.6958580017089844 + }, + { + "id": "9367845", + "title": "Chief Superintendent Strange", + "text": "Chief Superintendent Strange Detective Chief Superintendent Strange is a fictional character in the television series \"Inspector Morse\", played by James Grout. The character also appears, as a Police Constable, in the prequel series \"Endeavour\", portrayed by Sean Rigby. Although Strange does not appear in every episode of \"Inspector Morse\", he is present in the whole series (of 33 2-hour TV films) from beginning to end. The intervening episodes from which he is \"absent\" are few in number. It is never revealed (in the original series) what Strange's first name is. Strange was played by British actor James Grout (1927-2012). In", + "score": 0.694280743598938 + }, + { + "id": "7327178", + "title": "Charles Gray (actor)", + "text": "Charles Gray (actor) Charles Gray (29 August 1928 \u2013 7 March 2000) was an English actor who was well known for roles including the arch-villain Blofeld in the James Bond film \"Diamonds Are Forever\", Dikko Henderson in a previous Bond film \"You Only Live Twice\", Sherlock Holmes's brother Mycroft Holmes in \"The Adventures of Sherlock Holmes\" and as the Criminologist in \"The Rocky Horror Picture Show\" in 1975. Gray was born Donald Marshall Gray in Bournemouth, Hampshire, the son of Maude Elizabeth (n\u00e9e Marshall) and Donald Gray, who was a surveyor. Gray attended Bournemouth School alongside Benny Hill, whose school", + "score": 0.6937997937202454 + }, + { + "id": "18526687", + "title": "An Inspector Calls (2015 Hong Kong film)", + "text": "character goes by various names), Karena Ng as Sheila Birling (renamed \"Sherry Kau\") and Law Lan as Edna (though unnamed in the film). In adapting the play for a Chinese audience, the film incorporates wacky, slapstick elements while retaining the original's criticism of social elites. An Inspector Calls (2015 Hong Kong film) An Inspector Calls () is a 2015 Hong Kong black comedy film directed by Raymond Wong and Herman Yau. Based on the British play, \"An Inspector Calls\", the film stars Louis Koo as Inspector Goole (renamed \"Inspector Karl\") (Pronounced \"Gaa2\" \u8cc8 in Cantonese, which is a homophone for", + "score": 0.6930111646652222 + }, + { + "id": "1342127", + "title": "Bernard Cribbins", + "text": "and three \"Carry On\" films \u2013 \"Carry On Jack\" (1963), \"Carry On Spying\" (1964) and \"Carry On Columbus\" (1992). Other appearances include the second \"Doctor Who\" film \"Daleks' Invasion Earth 2150 A.D.\" (1966) as Special Police Constable Tom Campbell; \"She\" in 1965; \"Casino Royale\" (1967) as a taxi driver; \"The Railway Children\" (1970) as Mr Albert Perks, the station porter and the Alfred Hitchcock thriller \"Frenzy\" (1972) as Felix Forsythe. Later films include \"Dangerous Davies \u2013 The Last Detective\" (1981), \"Blackball\" (2003) and \"Run for Your Wife\" (2012). Cribbins was the narrator of the British animated children's TV series \"The", + "score": 0.6923327445983887 + }, + { + "id": "1415214", + "title": "Murder on the Orient Express", + "text": "Mr Ratchett, Michelle Pfeiffer as Mrs Hubbard, Pen\u00e9lope Cruz as Pilar Estravados (a Hispanic version of Greta Ohlsson, the name coming from a character in \"Hercule Poirot's Christmas\"), Dame Judi Dench as Princess Dragomiroff, Sir Derek Jacobi as Masterman, Leslie Odom Jr. as Dr Arbuthnot, Daisy Ridley as Mary Debenham, Lucy Boynton as Countess Andrenyi, Tom Bateman as Monsieur Bouc, Manuel Garcia-Rulfo as Biniamino Marquez (a Cuban version of Antonio Foscarelli), Josh Gad as Hector MacQueen, Marwan Kenzari as Pierre Michel, Sergei Polunin as Count Andrenyi, Willem Dafoe as Gerhard Hardman, and Olivia Colman as Hildegarde Schmidt. Greta Ohlsson is", + "score": 0.6921970844268799 + }, + { + "id": "6653033", + "title": "Richard Haydn", + "text": "Richard Haydn Richard Haydn (born George Richard Haydon, 10 March 1905 \u2013 25 April 1985) was an English comic actor in radio, films and television. Some of his better known performances include his roles as Professor Oddley in \"Ball of Fire\" (1941), Roger in \"No Time for Love\" (1943), Thomas Rogers in \"And Then There Were None\" (1945), Emperor Franz Joseph in \"The Emperor Waltz\" (1948), the Caterpillar in \"Alice in Wonderland\" (1951), Baron Popoff in \"The Merry Widow\" (1952), William Brown in \"Mutiny on the Bounty\" (1962), and Max Detweiler in \"The Sound of Music\" (1965). Haydn was born", + "score": 0.6917491555213928 + }, + { + "id": "9992891", + "title": "Bert Parnaby", + "text": "Bert Parnaby James Bertram \"Bert\" Parnaby (4 March 1924 \u2013 30 July 1992) was a British actor who was notable for a string of TV and Film roles from the 1960s through the 1980s. His TV roles included performances in \"Blackadder\", \"By the Sword Divided\", \"Juliet Bravo\", \"Inspector Morse\" and \"Last of the Summer Wine\". In 1988, he appeared as Father Christmas in the BBC adaptation of \"The Lion, the Witch and the Wardrobe\". His film credits included \"Prick Up Your Ears\" (1987), \"The Dressmaker\" (1988) and \"The Reunion\" (1989). Bert was also a schoolmaster, teaching English at Manchester Grammar", + "score": 0.6915544271469116 + }, + { + "id": "5702885", + "title": "Brian Oulton", + "text": "Brian Oulton Brian Oulton (11 February 1908 \u2013 13 April 1992) was an English character actor. Born in Liverpool, Lancashire, Oulton made his acting debut in 1939 as a lead actor. During the Second World War, he served in the army, and returned to acting playing character roles in 1946; he made a name for himself playing the same pompous character in numerous films, ranging from \"Last Holiday\" (1950) to \"Young Sherlock Holmes\" (1985). Much of his film roles were in comedies, and he went on to appear in several \"Carry On\" films. In 1969, he appeared as an eccentric", + "score": 0.6914912462234497 + }, + { + "id": "19175237", + "title": "Murder on the Orient Express (2017 film)", + "text": "8, 2019, with Branagh officially signed to direct and star. However, in June 2018, the film was pushed back to December 20, 2019. On October 16, 2018 the film was pushed back to October 2, 2020. Murder on the Orient Express (2017 film) Murder on the Orient Express is a 2017 mystery thriller film directed by Kenneth Branagh with a screenplay by Michael Green, based on the 1934 novel of the same name by Agatha Christie. The film stars Branagh as Hercule Poirot, with Tom Bateman, Pen\u00e9lope Cruz, Willem Dafoe, Judi Dench, Johnny Depp, Josh Gad, Derek Jacobi, Leslie Odom", + "score": 0.6914626955986023 + }, + { + "id": "6513121", + "title": "Nicholas Woodeson", + "text": "(1978), \"Piaf\" (1981), Inspector Goole in \"An Inspector Calls\" (1995), and Burleigh in \"Mary Stuart\" (2009). In 2011, he played Mr Prince in the National Theatre revival of Odets' 'Rocket To The Moon'. He has appeared in the West End in \"Funny Peculiar\" (1976), in \"Good\" (1982) (also Broadway), as Inspector Goole in \"An Inspector Calls\" (2009), as Bonesy in \"Jumpers\" (2003) (also Broadway), as Mussabini in \"Chariots of Fire\" (2012), and as Harold Wilson in \"The Audience\" (2015). He has been in two productions of Pinter's 'The Birthday Party', playing McCann at the National Theatre in 1994, and Goldberg", + "score": 0.6913080215454102 + }, + { + "id": "695376", + "title": "An Inspector Calls", + "text": "Hong Kong, released on 19 February 2015. There was an adaptation made in 2017 starring and directed by Jason Farries. The first television version was shown on live BBC Television on 4 May 1948, with a second live performance three days later. Running to 105 minutes, it was produced and directed by Harold Clayton, and starred Julien Mitchell as Arthur Birling (reprising his role from the first British stage production), Mary Merrall as Sybil Birling, Joy Shelton as Sheila Birling, Derek Blomfield as Eric Birling, Alastair Bannerman as Gerald Croft, Madeleine Burgess as Edna, and George Hayes as Inspector Goole.", + "score": 0.6910765767097473 + }, + { + "id": "695379", + "title": "An Inspector Calls", + "text": "three 30 minute episodes, shown between 22 September and 6 October 1981 on BBC One. Directed by Michael Simpson, it starred Bernard Hepton as Inspector Goole, Sarah Berger as Sheila Birling, Nigel Davenport as Arthur Birling, Simon Ward as Gerald Croft, Margaret Tyzack as Sybil Birling and David Sibley as Eric Birling. It was repeated on primetime BBC One in three episodes between 17 and 31 August 1982, and as a single 85 minute version on 2 September 1984. An 86-minute \"An Inspector Calls\" film was produced for BBC Television, and first screened on 13 September 2015 on BBC One.", + "score": 0.6910624504089355 + }, + { + "id": "8128580", + "title": "Inspector Lewis", + "text": "Inspector Lewis Detective Sergeant/Detective Inspector Robert \"Robbie\" Lewis is a fictional character in the \"Inspector Morse\" crime novels by Colin Dexter. The \"sidekick\" to Morse, Lewis is a Detective Sergeant in the Thames Valley Police, and appears in all 13 \"Morse\" novels. In the television adaptation, \"Inspector Morse\", he is played by Kevin Whately. Following the conclusion of the series, Whately reprised the role as the lead character in \"Lewis\", in which the character has been promoted to Inspector. Lewis is a sergeant on the staff of the Thames Valley Police in Oxford, England, and in \"Inspector Morse\" is assistant", + "score": 0.6909570693969727 + }, + { + "id": "6247597", + "title": "Patrick Newell", + "text": "in \"Maigret\", \"The Persuaders!\", \"Randall and Hopkirk (Deceased)\", the \"Doctor Who\" story \"The Android Invasion\", \"The Young Ones\" and \"Kinvig\". Newell played Inspector Lestrade in the 1980 TV series, \"Sherlock Holmes and Doctor Watson\", made in Poland. He also turned up as a Playboy Bunny in one of the Benny Hill comedy specials. Film appearances include the Gluttony segment of \"The Magnificent Seven Deadly Sins\" (1971). In 1984, he landed a more significant role, as Sutton/Blessington in ITV's well-received \"The Adventures of Sherlock Holmes\" production of \"The Adventure of the Resident Patient\", alongside Jeremy Brett. Later in life, Newell succeeded", + "score": 0.6908905506134033 + }, + { + "id": "5136139", + "title": "Eric Porter", + "text": "as Fagin in the 1985 BBC version of \"Oliver Twist\"; as Thomas Danforth in the 1980 BBC production of \"The Crucible\"; and as Professor Moriarty opposite Jeremy Brett's Sherlock Holmes in Granada Television's \"The Adventures of Sherlock Holmes\" stories \"The Red-Headed League\" and \"The Final Problem\" (both 1985). He also played Polonius in a 1980 television production of \"Hamlet\", made as part of the BBC Shakespeare series, and starring Derek Jacobi in the title role. Porter continued to act on stage, winning the London Evening Standard Theatre Award for Best Actor in 1988 for his role in \"Cat on a", + "score": 0.6904910802841187 + }, + { + "id": "12513396", + "title": "Ian Fleming (actor)", + "text": "Ian Fleming (actor) Ian Fleming (born Ian Macfarlane; 10 September 1888 \u2013 1 January 1969) was an Australian character actor with credits in over 100 British films. He is perhaps best known for playing Dr. Watson in a series of Sherlock Holmes movies of the 1930s opposite Arthur Wontner's Holmes. He also essayed a number of supporting roles in many classic British films of the era including \"Q Planes\" (1939), \"Night Train to Munich\" (1940), \"We Dive at Dawn\", \"The Life and Death of Colonel Blimp\" (both 1943) and \"Waterloo Road\" (1945). He also appeared regularly in the films of", + "score": 0.6903226971626282 + }, + { + "id": "8489315", + "title": "Thomas the Tank Engine film characters", + "text": "happened to them after that is unknown, although it can be assumed they returned to the Mainland. Mr. Conductor (Alec Baldwin) is the railway conductor who often helps to run the railway for Sir Topham Hatt (The Fat Controller) when he is not helping out at Shining Time Station. When Sir Topham Hatt went on holiday, Mr. Conductor traveled to the Island of Sodor to keep Diesel 10 in order, but he ran out of gold dust, and could not get back to Shining Time Station, nor find the windmill, nor how to find out how to make more, leaving", + "score": 0.6903122663497925 + }, + { + "id": "572953", + "title": "Inspector Clouseau", + "text": "of the character. The film also introduces two of the series regular characters: his superior, Commissioner Dreyfus (Herbert Lom), who is driven mad by Clouseau's blundering of the investigation; and his long-suffering Chinese man servant, Cato (Burt Kwouk), who is expected to improve Clouseau's martial arts skills by attacking him at random. Sellers stepped away from playing the character following this movie, but returned in \"The Return of the Pink Panther\" (1975) and its sequels. When the character returned for the film \"Inspector Clouseau\" (1968), he was portrayed by American actor Alan Arkin; Edwards was not involved in this production.", + "score": 0.6897021532058716 + }, + { + "id": "8458960", + "title": "James Cossins", + "text": "James Cossins James Cossins (4 December 1933 \u2013 12 February 1997) was an English character actor. Born in Beckenham, Kent, he became widely recognised as the abrupt, bewildered Mr Walt in the \"Fawlty Towers\" episode \"The Hotel Inspectors\" and as Mr Watson the frustrated Public Relations training course instructor in an episode of \"Some Mothers Do 'Ave 'Em\". He was born in Beckenham and educated at the City of London School. After serving in the Royal Air Force, he trained at RADA where he won the silver medal in 1952. He first appeared in repertory theatre and at the Nottingham", + "score": 0.689612865447998 + }, + { + "id": "4735767", + "title": "Brian George", + "text": "and made guest appearances in the Canadian television series \"The Edison Twins\", \"The Littlest Hobo\", \"Comedy Factory\" and \"King of Kensington\". He also took over the voice of Bob Fish in the Anglo-Canadian animated comedy series \"Bob and Margaret\" and The Inspector in the 1993 revival series of \"The Pink Panther\". He played a guru in the film \"Inspector Gadget\" where he is training with Inspector Gadget to control his gadgets and tells him to grab two balls with his expanding arm and Gadget does so, but instead, he accidentally grips the guru's testicles causing him to get a high-pitched", + "score": 0.6893880367279053 + }, + { + "id": "10272184", + "title": "Sherlock Holmes and the Secret Weapon", + "text": "of the adventure, Holmes adopts the disguises of an elderly German bookseller (taken from the Arthur Conan Doyle story \"The Adventure of the Empty House\"), the lascar sailor Ram Singh, and the Swiss scientist Professor Hoffner. His disguise as the bookseller was parodied in the film \"The Pink Panther\". This film marks the first appearance of Dennis Hoey as Inspector Lestrade - the Scotland Yard detective who, with Watson, provides much of the comic relief in six of the films of the series. Though the film is credited as an adaptation of \"The Dancing Men\", there is little resemblance between", + "score": 0.6893434524536133 + }, + { + "id": "18642549", + "title": "An Inspector Calls (2015 TV film)", + "text": "An Inspector Calls (2015 TV film) An Inspector Calls is a 2015 British thriller television film written by Helen Edmundson, based on the J. B. Priestley play of the same name. It is directed by Aisling Walsh, produced by Howard Ella and stars David Thewlis as the titular character. The story is centred on a mysterious inspector, who investigates the socially ambitious Birling family and a dinner guest following the suicide of a young woman. The film was first broadcast on 13 September 2015 on BBC One. The film is set in 1912, and follows the events of a single", + "score": 0.6893306970596313 + }, + { + "id": "5147885", + "title": "Oh, Doctor Beeching!", + "text": "Richard Spendlove made a number of guest appearances as the inspector, Mr Orkindale. Another former \"Hi-De-Hi!\" regular, Felix Bowness, also made a number of appearances as the train guard Bernie Bleasdale. Windsor Davies appeared in the final episode as the Mayor of Clumberfield, when the station staff re-enacted the station's opening for its 100th anniversary. James Pertwee, son of the actor Bill Pertwee, made an appearance as a photographer in this final episode also. Sally Grace appeared in Episode 7 as Mr Parkin's former fianc\u00e9e, Edna Taylor. Hugh Lloyd made an appearance in one episode as a chauffeur. The LMS", + "score": 0.6891125440597534 + }, + { + "id": "3716593", + "title": "Ian Richardson", + "text": "1990, he also starred in a TV production of \"The Winslow Boy\" with Emma Thompson and Gordon Jackson. He received another BAFTA film nomination for his role as Falkland Islands governor Sir Rex Hunt in the film \"An Ungentlemanly Act\" (1992), and played corrupt politician Michael Spearpoint, British Director of the European Economic Community, in the satirical series \"The Gravy Train\" and \"The Gravy Train Goes East\". He narrated the BBC docudrama \"A Royal Scandal\" (1996). Other roles in this period include Polonius in \"Rosencrantz & Guildenstern Are Dead\" (1990), wine dealer Sir Mason Harwood in \"The Year Of The", + "score": 0.6888124346733093 + }, + { + "id": "9367852", + "title": "Chief Superintendent Strange", + "text": "series \"Lewis\", in the timeline of which, he appears to have retired. Chief Superintendent Strange Detective Chief Superintendent Strange is a fictional character in the television series \"Inspector Morse\", played by James Grout. The character also appears, as a Police Constable, in the prequel series \"Endeavour\", portrayed by Sean Rigby. Although Strange does not appear in every episode of \"Inspector Morse\", he is present in the whole series (of 33 2-hour TV films) from beginning to end. The intervening episodes from which he is \"absent\" are few in number. It is never revealed (in the original series) what Strange's first", + "score": 0.6888023018836975 + }, + { + "id": "1465663", + "title": "Jeremy Brett", + "text": "Jeremy Brett Peter Jeremy William Huggins (3 November 1933 \u2013 12 September 1995), known professionally as Jeremy Brett, was an English actor. He played fictional detective Sherlock Holmes in four Granada TV series from 1984 to 1994 in all 41 episodes. His career spanned from stage, to television and film, to Shakespeare and musical theatre. He is also remembered for playing the besotted Freddie Eynsford-Hill in the 1964 Warner Bros. production of \"My Fair Lady\". Jeremy Brett was born Peter Jeremy William Huggins at Berkswell Grange in Berkswell, then in Warwickshire. His birthdate was actually on 3 November 1933 but", + "score": 0.6887679100036621 + }, + { + "id": "695383", + "title": "An Inspector Calls", + "text": "adaptation by John Foley originally aired on the BBC World Service, starring Bob Peck as Inspector Goole, John Woodvine as Arthur Birling and Maggie Steed as Sybil Birling. The production was directed by Rosalyn Ward. A second 90-minute BBC Radio adaptation was transmitted on BBC Radio 4 on 29 May 2010 in the \"Saturday Play\" slot. It starred Toby Jones as Inspector Goole, David Calder as Arthur Birling, Frances Barber as Sybil Birling and Morven Christie as Sheila Birling. The production was directed by Jeremy Mortimer. An Inspector Calls An Inspector Calls is a play written by English dramatist J.", + "score": 0.6887186169624329 + }, + { + "id": "331164", + "title": "Peter Sellers", + "text": "Peter Sellers Peter Sellers, CBE (born Richard Henry Sellers; 8 September 1925 \u2013 24 July 1980) was an English film actor, comedian and singer. He performed in the BBC Radio comedy series \"The Goon Show\", featured on a number of hit comic songs and became known to a worldwide audience through his many film characterisations, among them Chief Inspector Clouseau in \"The Pink Panther\" series of films. Born in Portsmouth, Sellers made his stage debut at the Kings Theatre, Southsea, when he was two weeks old. He began accompanying his parents in a variety act that toured the provincial theatres.", + "score": 0.6885918378829956 + }, + { + "id": "8395156", + "title": "Arthur Wontner", + "text": "Arthur Wontner Arthur Wontner (21 January 1875 \u2013 10 July 1960) was a British actor best known for playing Sir Arthur Conan Doyle's master detective Sherlock Holmes in five films from 1931 to 1937. Wontner's acting career began on the stage where he played such roles as Tybalt in \"Romeo and Juliet\", Bassanio in \"The Merchant of Venice\", Bunny Manders in \"Raffles, the Amateur Cracksman\" and Cardinal Richelieu in film \"The Three Musketeers\". In 1926, Wontner appeared in \"The Captive\" alongside Basil Rathbone, both of whom went on to play Sherlock Holmes on film. Wontner landed the role of Sherlock", + "score": 0.6880875825881958 + }, + { + "id": "620666", + "title": "The Pink Panther", + "text": "Niven and Capucine reprise their original roles from the first Pink Panther film. \"Trail\" was a critical and commercial failure. Inspector Clouseau and the Pink Panther diamond, both of which had gone missing in \"Trail,\" are pursued by a bungling American detective, Sgt. Clifton Sleigh (Ted Wass). Clouseau returns, after having plastic surgery to disguise his identity, in a cameo played by Roger Moore (who is credited as Turk Thrust II). Although intended to spawn a new series of misadventures for Sergeant Sleigh, the film's dismal box-office performance and critical drubbing led to a decade-long hiatus of the series. Blake", + "score": 0.687897801399231 + }, + { + "id": "9808738", + "title": "John Horsley (actor)", + "text": "of Sir Ralph Shawcross in the BBC sitcom \"You Rang, M'Lord?\" (1990\u201393), as the Bishop of Tatchester in the BBC adaptation of John Masefield's \"The Box of Delights\" (1984), and appeared in \"Miss Marple\" (\"Nemesis\") in 1987 as Professor Wanstead and \"Agatha Christie's Poirot\" (\"Hercule Poirot's Christmas\") in 1995 as Edward Tressilian. He also appeared in Hi-de-Hi, in the first episode of the fourth season, titled \"Co-respondents Course\", as Clive. His final role was in the TV mini-series \"Rebecca\" in 1997. Horsley was married to the actress June Marshall (1923-1988) from 1948 until her death, and had two daughters. He", + "score": 0.6877499222755432 + }, + { + "id": "9384488", + "title": "Agatha Christie: Murder on the Orient Express", + "text": "determined to have David Suchet as the voice actor for Poirot, a major character in the game. Nixon thought that Suchet had become so intertwined with the character of Poirot, after his success with the television series \"Agatha Christie's Poirot\", that it would be hard to imagine someone else doing Poirot's voice without constantly being compared to Suchet. Nixon described the situation as a catch-22, saying that he \"worried about someone coming in and doing a Suchet impression instead of a unique rendition of Poirot, yet the more the voice strays from Suchet's version, the more people will wish it", + "score": 0.6874325275421143 + }, + { + "id": "2510026", + "title": "Stephen Boyd", + "text": "Stephen Boyd was sent to Cairo, Egypt on a publicity tour by Twentieth Century Fox along with fellow actors Julie Newmar and Barbara Eden to attend the inaugural ceremony of the sound and light show at the pyramids of Giza. After several months without active work, Boyd was thrilled to finally get his first post-Cleopatra role. The film was \"The Inspector\", renamed \"Lisa\" for the American release. It was based on the novel by Jan de Hartog and co- starred actress Dolores Hart. The film was made in Amsterdam , London and Wales during the summer of 1961. On January", + "score": 0.6869564652442932 + }, + { + "id": "6811284", + "title": "Terror by Night", + "text": "verifies that a carpenter has completed a coffin for her recently deceased mother's body, which she is transporting to Scotland by train. She boards the train that evening, as do Lady Margaret Carstairs (Mary Forbes), who owns and is transporting the famous \"Star of Rhodesia\" diamond; Lady Margaret's son Roland (Geoffrey Steele); Holmes, whom Roland has hired to protect the diamond; Inspector Lestrade (Dennis Hoey), who is also worried about the diamond's safety; and Watson and his friend Major Duncan-Bleek (Alan Mowbray). Holmes briefly examines the diamond. Shortly afterward, Roland is murdered and the diamond is stolen. Lestrade, Holmes, and", + "score": 0.6869180202484131 + }, + { + "id": "6208042", + "title": "Inspector Clouseau (film)", + "text": "Inspector Clouseau (film) Inspector Clouseau is a 1968 British comedy film. It was directed by Bud Yorkin, written by Frank Waldman and Tom Waldman and stars Alan Arkin as Inspector Clouseau. It was filmed by Mirisch Films at the MGM-British Studios, Borehamwood and in Europe. Screenwriter Frank Waldman would later co-write \"The Return of the Pink Panther\", \"The Pink Panther Strikes Again\", \"Revenge of the Pink Panther\", and \"Trail of the Pink Panther\". Tom Waldman would co-write \"Trail\" with Frank. The film was not directed by Blake Edwards, did not have a score by Henry Mancini and the title role", + "score": 0.6867356300354004 + }, + { + "id": "1415211", + "title": "Murder on the Orient Express", + "text": "28 December 1992 \u2013 1 January 1993. Andr\u00e9 Maranne appeared as Bouc, Joss Ackland as Cassetti, Sylvia Syms as Mrs Hubbard, Si\u00e2n Phillips as Princess Dragomiroff, Francesca Annis as Mary Debenham, and Peter Polycarpou as Dr Constantine. In 2017, the streaming service Audible released another radio adaptation that featured Tom Conti as the voice of Poirot. The voice cast also featured Sophie Okonedo as Mary Debenham, Eddie Marsan as Cassetti, and narration from Art Malik. The book was made into a 1974 movie directed by Sidney Lumet and produced by John Brabourne and Richard B. Goodwin; it was a critical", + "score": 0.6866959929466248 + }, + { + "id": "4229614", + "title": "Inspector Lestrade", + "text": "Inspector Lestrade Inspector G. Lestrade, or Mr. Lestrade ( ), is a fictional character appearing in several of the Sherlock Holmes stories written by Sir Arthur Conan Doyle. Doyle used the name of a friend from his days at the University of Edinburgh, a Saint Lucian medical student, Joseph Alexandre Lestrade. In \"The Adventure of the Cardboard Box\", Lestrade's first initial is revealed to be G. He is described as \u201ca little sallow rat-faced, dark-eyed fellow\u201d in \"A Study in Scarlet\" and \u201ca lean, ferret-like man, furtive and sly-looking\u201d,\" in \"The Boscombe Valley Mystery\". In the popular London media, Lestrade", + "score": 0.6865342855453491 + }, + { + "id": "12368798", + "title": "Robbie Coltrane", + "text": "Robbie Coltrane Robbie Coltrane (born Anthony Robert McMillan; 30 March 1950) is a Scottish actor and author. He is known for his roles as Rubeus Hagrid in the \"Harry Potter\" films, as Valentin Dmitrovich Zukovsky in the James Bond films \"GoldenEye\" and \"The World Is Not Enough,\" and as Dr. Eddie \"Fitz\" Fitzgerald in the British TV series \"Cracker\" during the 1990s. Coltrane was born Anthony Robert McMillan in Rutherglen, South Lanarkshire, Scotland, the son of Jean Ross (n\u00e9e Howie), a teacher and pianist, and Ian Baxter McMillan, a general practitioner who also served as a forensic police surgeon. He", + "score": 0.6862210631370544 + }, + { + "id": "4355250", + "title": "The Adventure of the Retired Colourman", + "text": "\"Sherlock Holmes\" starring Douglas Wilmer as Holmes, Nigel Stock as Watson and Maurice Denham as Josiah Amberly. The only difference is that Inspector Mackinnon is replaced by Inspector Lestrade (Peter Madden). \"The Retired Colourman\" was dramatised for BBC Radio 4 in 1994 by Bert Coules as part of his complete radio adaptation of the canon, starring Clive Merrison as Holmes and Michael Williams as Watson, and featuring Stephen Thorne as Inspector Lestrade, George Cole as Josiah Amberley, and Natasha Pyne as Mrs Amberley. In this version, Holmes is implied to have retired and left Baker Street unceremoniously immediately afterwards, feeling", + "score": 0.6860740184783936 + }, + { + "id": "11019696", + "title": "William Lucas (actor)", + "text": "1950 in Chesterfield and was still active in the theatre in late 1990 in \"Run for Your Wife\". His first film acting role was in the film \"Portrait of Alison\" (1955), and he later appeared in many Hammer Film Productions such as \"The Shadow of the Cat\". Lucas is probably best known for his role in \"The Adventures of Black Beauty\" (1972\u201374) as Dr. James Gordon, and in the BBC series \"Sherlock Holmes\" as Inspector Lestrade in the episode \"A Study in Scarlet\" (1968). He also appeared in \"The Bill\", \"Doctor Who\", \"Last of the Summer Wine\", and long-running ITV", + "score": 0.6860266923904419 + }, + { + "id": "5625018", + "title": "Clive Merrison", + "text": "Clive Merrison Clive Merrison (born 15 September 1945, Tenby, Pembrokeshire, Wales) is a Welsh actor of film, television, stage and radio. He trained at Rose Bruford College. He is best known for his long running BBC Radio portrayal of Sherlock Holmes, having played the part over 75 times (from 1989-1998 and again from 2002, 2004, 2008-10). He has made numerous television appearances. He appeared as Boris Savinkov the White Russian commander in the series \"\" (1983) starring Sam Neill as Reilly. He has twice appeared in supporting roles in \"Doctor Who\", in \"The Tomb of the Cybermen\" (1967) and \"Paradise", + "score": 0.6856667995452881 + }, + { + "id": "1415201", + "title": "Murder on the Orient Express", + "text": "Murder on the Orient Express Murder on the Orient Express is a detective novel by British writer Agatha Christie featuring the Belgian detective Hercule Poirot. It was first published in the United Kingdom by the Collins Crime Club on 1 January 1934. In the United States, it was published on 28 February 1934, under the title of \"Murder in the Calais Coach,\" by Dodd, Mead and Company. The UK edition retailed at seven shillings and sixpence (7/6) and the U.S. edition at $2.00. The elegant train of the 1930s, the Orient Express, is stopped by heavy snowfall, with many passengers.", + "score": 0.6856308579444885 + }, + { + "id": "695373", + "title": "An Inspector Calls", + "text": "A Broadway transfer of the production starring Philip Bosco opened at the Royale Theatre (now the Bernard Jacobs Theatre) on 27 April 1994 and played 454 performances. The first film version of \"An Inspector Calls\" was produced in the United Kingdom by Watergate Productions Ltd; the 1954 screenplay was adapted by Desmond Davis and directed by Guy Hamilton. Alastair Sim starred as Inspector Goole, renamed \"Poole\" for the film, with Jane Wenham as Eva Smith (the character not seen in the play), Eileen Moore as Sheila Birling, Arthur Young as Arthur Birling, Brian Worth as Gerald Croft, Olga Lindo as", + "score": 0.6856288313865662 + }, + { + "id": "3515874", + "title": "Reginald Tate", + "text": "hospital in Putney he died soon afterwards. Reginald Tate Reginald Tate (13 December 1896 \u2013 23 August 1955) was an English actor, veteran of many roles on stage, in films and on television. He is remembered best as the first actor to play the television science-fiction character Professor Bernard Quatermass, in the 1953 BBC Television serial \"The Quatermass Experiment\". Reginald Tate was born in Garforth, near Leeds in the West Riding of Yorkshire, and went to school in York. During the First World War he served with the Northamptonshire Regiment and later with the Royal Flying Corps. He left the", + "score": 0.6855089664459229 + }, + { + "id": "19175226", + "title": "Murder on the Orient Express (2017 film)", + "text": "was in talks with Kenneth Branagh to direct. On November 20, 2015, it was announced that Branagh would both direct the film and star in the role of detective Hercule Poirot. He later said that he \"enjoyed finding the sort of obsessive-compulsive in [Poirot] rather than the dandy.\" In June 2016, Angelina Jolie entered into \"talks\" to join the cast of the film, in the role of Mrs. Caroline Hubbard However, it was later reported that Jolie had passed on the role and that Charlize Theron, among others, was in consideration for the role. In August 2016, Leslie Odom Jr.", + "score": 0.6853911280632019 + }, + { + "id": "4847008", + "title": "Michael Jayston", + "text": "manners \"A Bit of a Do\". He portrayed James Bond in a radio adaptation of \"You Only Live Twice\" in 1990. In 1991, he appeared as Colonel Mustard in the television series \"Cluedo\", and a year later made a guest appearance in the \"Press Gang\" episode \"UnXpected\". Other TV appearances include in \"EastEnders\", \"Coronation Street\", \"Only Fools and Horses\", \"The Darling Buds of May\", \"Tales of the Unexpected\", \"The Bill\" and the character of Donald De Souza in \"Emmerdale\". He has also appeared in \"Foyle's War\", \"Holby City\" and \"Tracy Beaker Returns\". In 1986, Jayston played the role of the", + "score": 0.6852768659591675 + }, + { + "id": "1415203", + "title": "Murder on the Orient Express", + "text": "that night. Although the train is fully booked, Poirot obtains a second-class berth, but only with the intervention of a friend and fellow Belgian who is also boarding the train, Monsieur Bouc, a director of the railway, Compagnie Internationale des Wagons-Lits. Aboard the train, a malevolent, elderly American, Samuel Ratchett, attempts to hire Poirot because he believes his life is threatened, but Poirot refuses out of distaste for the man. In Belgrade, on the second night of the journey, two extra coaches are added to the train and Bouc gives up his first-class compartment to Poirot and moves to a", + "score": 0.6851272583007812 + }, + { + "id": "11827743", + "title": "Station Master (1941 film)", + "text": "railroad administration. The plot also involves the absent real railroad master's wife being constantly eyed by the General Inspector, as well as a local landowner. The movie ends with the real railroad master returning and the General inspector being scorned for his courting of the man's wife by Burian. The movie starred Vlasta Burian in the main role, Jaroslav Marvan as the General inspector. The other actors are \u010cen\u011bk \u0160l\u00e9gl, R\u016f\u017eena \u0160lemrov\u00e1, V\u00e1clav Tr\u00e9gl, Theodor Pi\u0161t\u011bk Sr, Marie Norrov\u00e1, Darja Hajsk\u00e1, Franti\u0161ek \u010cern\u00fd, Karel Postraneck\u00fd, J. Hrad\u010dansk\u00fd, Bolek Prchal, Emanuel Kova\u0159\u00edk, Ada Dohnal, L\u00edda Borovcov\u00e1, Zden\u011bk Mart\u00ednek, M\u00edla Svoboda, Karel", + "score": 0.6850613951683044 + }, + { + "id": "13325519", + "title": "Ivor Barnard", + "text": "Drinkwater. He appeared in 84 films between 1921 and 1953. He appeared in the Alfred Hitchcock film \"The 39 Steps\" in 1935. In 1943, he played the stationmaster in the Ealing war film \"Undercover\". He also appeared as Wemmick in David Lean's \"Great Expectations\" (1946), and as the Chairman of the Workhouse, in Lean's film \"Oliver Twist\" (1948). One of his last film appearances was as the murderer Major Jack Ross in John Huston's \"Beat the Devil\" (1953) with Humphrey Bogart and Peter Lorre. Ivor Barnard Ivor Barnard (13 June 1887 \u2013 30 June 1953) was an English stage, radio", + "score": 0.6845635175704956 + }, + { + "id": "332871", + "title": "Press Gang", + "text": "Most Horrid\" written by Moffat, as well as the name of a librarian in his \"Doctor Who\" prose short story, \"Continuity Errors\", which was published in the 1996 Virgin Books anthology \"Decalog 3: Consequences\". The name \"Inspector Hibbert\", from \"The Last Word\", is given to the character played by Nick Stringer in \"Elvis, Jesus and Jack\", Moffat's final \"Murder Most Horrid\" contribution. Most recently, in the first episode of Moffat's \"Jekyll\", Mr Hyde (James Nesbitt) whistled the same tune as Lynda in \"Going Back to Jasper Street\". A television film called \"Deadline\" was planned. It was set a few years", + "score": 0.6844991445541382 + }, + { + "id": "7329945", + "title": "Philip Whitchurch", + "text": "Philip Whitchurch Philip Whitchurch (born 30 January 1951) is an English stage, film, and television actor. He is best known for playing Chief Inspector Philip Cato in \"The Bill\" from 1993 to 1995. He also played another character, Inspector Twist, on the same show, as well as Tyler in \"My Hero\" from 2000 to 2006. His other television work includes \"Sharpe\", \"The Brothers McGregor\",\"The Detectives\", \"Peak Practice\", \"Holby City\", \"Bergerac\", \"Boon\", \"Casualty\", \"Monarch of the Glen\", \"Midsomer Murders\", \"G.B.H.\", \"Van der Valk\", \"The Young Indiana Jones Chronicles\", \"Waterfront Beat\", \"Dramarama\", \"Peak Practice\", \"Wire in the Blood\", \"Foyle's War\", \"Mersey Beat\",", + "score": 0.6843597292900085 + }, + { + "id": "5967734", + "title": "Andrew Burt", + "text": "series \"Stepping Stones\" in the late 1970s and early 1980s. Other television credits include \"Warship\", in which he played a lead role as Lieutenant Peek, \"Campion\", as Inspector Oates, \"Swallows and Amazons Forever!\", as Frank Farland and the leading role of Dr Quimper in the \"Miss Marple\" episode \"4.50 from Paddington\" in 1987. Guest roles included \"Crown Court\", \"Dixon of Dock Green\", \"Rock Follies of '77\", \"The Bill\", \"Tales of the Unexpected\", \"Angels\", \"Rumpole of the Bailey\", \"Bergerac, \"Juliet Bravo\", \"Heartbeat\", \"Howard's Way\", \"Casualty\", \"Poirot\", \"Blake's 7 as Ven Jarvik\", \"Doctor Who\" as Valgard, \"New Tricks\", \"Doctors\", \"Oscar Charlie\", \"In", + "score": 0.6840371489524841 + }, + { + "id": "572962", + "title": "Inspector Clouseau", + "text": "Panther with a near perfect fake, reasoning that if The Tornado was the culprit, he would have been able to tell that the Pink Panther was a fake. He also causes several problems for Dreyfus, as usual. The film culminates in his marriage to Nicole Durant, Dreyfus's secretary. Inspector Clouseau Inspector Jacques Clouseau () is a fictional character in Blake Edwards's farcical \"The Pink Panther\" series. He is portrayed by Peter Sellers in the original series, and also by Alan Arkin in the 1968 film \"Inspector Clouseau\" and, in a cameo, by Roger Moore (credited as Turk Thrust II) in", + "score": 0.6838532090187073 + }, + { + "id": "695381", + "title": "An Inspector Calls", + "text": "and produced by McWhinnie, it starred Frank Pettingell as Arthur Birling, Gladys Young as Sybil Birling, Angela Baddeley as Sheila Birling, David Enders as Eric Birling, Alastair Duncan as Gerald Croft, Dorothy Smith as Edna, and Richard Williams as Inspector Goole. A second version of Pughe's adaptation was broadcast on the BBC Home Service on 12 November 1960. Produced by Alfred Bradley and directed by Geoffrey Ost, it starred the Sheffield Repertory Company: George Waring as Arthur Birling, Ann Woodward as Sybil Birling, Jeanne Davies as Sheila Birling, Keith Barron as Eric Birling, Patrick Stewart as Gerald Croft, Geraldine Gwyther", + "score": 0.6836172342300415 + }, + { + "id": "3515867", + "title": "Reginald Tate", + "text": "Reginald Tate Reginald Tate (13 December 1896 \u2013 23 August 1955) was an English actor, veteran of many roles on stage, in films and on television. He is remembered best as the first actor to play the television science-fiction character Professor Bernard Quatermass, in the 1953 BBC Television serial \"The Quatermass Experiment\". Reginald Tate was born in Garforth, near Leeds in the West Riding of Yorkshire, and went to school in York. During the First World War he served with the Northamptonshire Regiment and later with the Royal Flying Corps. He left the armed forces after the end of the", + "score": 0.6836134791374207 + }, + { + "id": "12919472", + "title": "Colonel March of Scotland Yard", + "text": "of 26 episodes. (It was broadcast on 26 consecutive Saturday evenings from 24 September 1955 until 17 March 1956.) It began running in the United States in February 1956, five months after British viewers had seen it. The show starred Boris Karloff as the urbane, tweed-wearing, eye-patched sleuth. No reason was ever given for the wearing of the patch. Other regular actors included Ewan Roberts as Inspector Ames of Scotland Yard and Eric Pohlmann as Inspector Goron of the Paris S\u00fbret\u00e9. (In the episode \"The Second Mona Lisa\", Pohlmann played a Middle Eastern character called The Emir.) Roberts' Scottish accent", + "score": 0.6835541725158691 + } + ] + }, + { + "qa_pairs": [ + { + "context": " the literature on misophonia was limited. Some small studies show that people with misophonia generally have strong negative feelings, thoughts, and physical reactions to specific sounds, which the literature calls \"trigger sounds\". These sounds are apparently usually soft, but can be loud. One study found that around 80% of the sounds were related to the mouth (eating, slurping, chewing or popping gum, whispering, whistling, etc.), and around 60% were repetitive. A visual trigger may develop related to the trigger sound. It also appears that a misophonic reaction can occur in the absence of an actual sound.", + "question": "What is it called when you cant stand to hear someone chewing because it triggers you?", + "short_answers": [ + "misophonia" + ], + "wikipage": "Misophonia" + }, + { + "context": "Hyperacusis is a highly debilitating rare hearing disorder characterized by an increased sensitivity to certain frequencies and volume ranges of sound (a collapsed tolerance to usual environmental sound). A person with severe hyperacusis has difficulty tolerating everyday sounds, which become painful or loud.", + "question": "What is it called when you cant stand to hear someone chewing because its painful or loud?", + "short_answers": [ + "hyperacusis" + ], + "wikipage": "Hyperacusis" + } + ], + "wikipages": [ + { + "title": "Horse behavior", + "url": "https://en.wikipedia.org/wiki/Horse%20behavior" + }, + { + "title": "Misophonia", + "url": "https://en.wikipedia.org/wiki/Misophonia" + }, + { + "title": "Hyperacusis", + "url": "https://en.wikipedia.org/wiki/Hyperacusis" + }, + { + "title": "Patulous Eustachian tube", + "url": "https://en.wikipedia.org/wiki/Patulous%20Eustachian%20tube" + }, + { + "title": "Autonomous sensory meridian response", + "url": "https://en.wikipedia.org/wiki/Autonomous%20sensory%20meridian%20response" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Misophonia is a disorder of decreased tolerance to specific sounds or their associated stimuli that has been characterized using different language and methodologies.", + "wikipage": "Misophonia" + }, + { + "content": "Hyperacusis is a very rare and highly debilitating hearing disorder[1] characterized by an increased sensitivity to certain frequencies and volume ranges of sound, or a lower than average tolerance for environmental noise.", + "wikipage": "Hyperacusis" + } + ], + "long_answer": "Misophonia an in tolerance to specific sounds, like the sound of someone chewing. Whereas, Hyperacusis is a rare and highly debilitating hearing disorder where there is an increased sensitivity to certain frequencies and volume of sound. Someone with Hyperacusis could find the sound of chewing to be uncomfortably loud and sometimes physically painful." + } + ], + "sample_id": "-1886919489341423192", + "question": "What is it called when you cant stand to hear someone chewing?", + "docs": [ + { + "id": "12490923", + "title": "Misophonia", + "text": "develop coping strategies; cognitive behavioral therapy and exposure therapy have also been used. The term \"misophonia\" was first coined by audiologists Pawel and Margaret Jastreboff in a publication in 2001. the literature on misophonia was limited. Some small studies show that people with misophonia generally have strong negative feelings, thoughts, and physical reactions to specific sounds, which the literature calls \"trigger sounds\". These sounds are apparently usually soft, but can be loud. One study found that around 80% of the sounds were related to the mouth (eating, slurping, chewing or popping gum, whispering, etc.), and around 60% were repetitive. A", + "score": 0.676706075668335 + }, + { + "id": "12490922", + "title": "Misophonia", + "text": "Misophonia Misophonia, literally \"hatred of sound\", was proposed in 2000 as a condition in which negative emotions, thoughts, and physical reactions are triggered by specific sounds. Misophonia is not classified as an auditory or psychiatric condition, and so is different from phonophobia (fear of sound); there are no standard diagnostic criteria, and there is little research on how common it is or the treatment. Proponents suggest misophonia can adversely affect the ability to achieve life goals and to enjoy social situations. As of 2018 there were no evidence-based methods to manage the condition. Management generally consists of helping the person", + "score": 0.6642991304397583 + }, + { + "id": "6405531", + "title": "Phonophobia", + "text": "sensitivity to loud sounds Phonophobia also refers to an extreme form of misophonia. Phonophobia Phonophobia, also called ligyrophobia or sonophobia, is a fear of or aversion to loud sounds\u2014a type of specific phobia. It can also mean a fear of voices, or a fear of one's own voice. It is a very rare phobia which is often the symptom of hyperacusis. Sonophobia can refer to the hypersensitivity of a patient to sound and can be part of the diagnosis of a migraine. Occasionally it is called acousticophobia. The term \"phonophobia\" comes from Greek \u03c6\u03c9\u03bd\u03ae - \"ph\u014dn\u0113\", \"sound\" and \u03c6\u03cc\u03b2\u03bf\u03c2 -", + "score": 0.6579389572143555 + }, + { + "id": "12490928", + "title": "Misophonia", + "text": "younger people, are more likely to have misophonia. People who experience misophonia have formed online support groups. In 2016, \"Quiet Please\", a documentary about misophonia, was released. Misophonia Misophonia, literally \"hatred of sound\", was proposed in 2000 as a condition in which negative emotions, thoughts, and physical reactions are triggered by specific sounds. Misophonia is not classified as an auditory or psychiatric condition, and so is different from phonophobia (fear of sound); there are no standard diagnostic criteria, and there is little research on how common it is or the treatment. Proponents suggest misophonia can adversely affect the ability to", + "score": 0.6577345132827759 + }, + { + "id": "6405528", + "title": "Phonophobia", + "text": "Phonophobia Phonophobia, also called ligyrophobia or sonophobia, is a fear of or aversion to loud sounds\u2014a type of specific phobia. It can also mean a fear of voices, or a fear of one's own voice. It is a very rare phobia which is often the symptom of hyperacusis. Sonophobia can refer to the hypersensitivity of a patient to sound and can be part of the diagnosis of a migraine. Occasionally it is called acousticophobia. The term \"phonophobia\" comes from Greek \u03c6\u03c9\u03bd\u03ae - \"ph\u014dn\u0113\", \"sound\" and \u03c6\u03cc\u03b2\u03bf\u03c2 - \"phobos\", \"fear\". Ligyrophobics may be fearful of devices that can suddenly emit loud", + "score": 0.6560607552528381 + }, + { + "id": "1363393", + "title": "Bruxism", + "text": "the temporomandibular joints. Some of the muscles work to elevate the mandible (close the mouth), and others also are involved in lateral (side to side), protrusive or retractive movements. Mastication (chewing) is a complex neuromuscular activity that can be controlled either by subconscious processes or by conscious processes. In individuals without bruxism or other parafunctional activities, during wakefulness the jaw is generally at rest and the teeth are not in contact, except while speaking, swallowing or chewing. It is estimated that the teeth are in contact for less than 20 minutes per day, mostly during chewing and swallowing. Normally during", + "score": 0.6497200131416321 + }, + { + "id": "11802821", + "title": "Chalkboard scraping", + "text": "Chalkboard scraping Scraping a chalkboard (also known as a blackboard) with the fingernails produces a sound and feeling which most people find extremely irritating. The basis of the innate reaction to the sound has been studied in the field of psychoacoustics (the branch of psychology concerned with the perception of sound and its physiological effects). In response to audio stimuli, the minds way of interpreting sound can be translated through a regulatory process called The Reticular Activating System. Located in the brain stem, The Reticular Activating System continually listens, even throughout delta-wave sleep, to determine importance of sounds in relation", + "score": 0.6400609612464905 + }, + { + "id": "3397747", + "title": "Chewing", + "text": "sensory perception of the food being eaten, controlling when the food is swallowed. Avoiding chewing, by choice or due to medical reasons as tooth loss, is known as a soft diet. Such a diet may lead to inadequate nutrition due to a reduction in fruit and vegetable intake. Chewing also stimulates the hippocampus and is necessary to maintain its normal function. Chewing is largely an adaptation for mammalian herbivory. Carnivores generally chew very little or swallow their food whole or in chunks. This act of gulping food (or medicine pills) without chewing has inspired the English idiom \"wolfing it down\".", + "score": 0.6394010782241821 + }, + { + "id": "1783500", + "title": "Blackboard", + "text": "people. According to a study run by Michael Oehler, a professor at the University of Media and Communication in Cologne, Germany, humans are \"predisposed to detest\" the sound of nails on a blackboard. The findings of the study were presented at the Acoustical Society of America conference and support earlier findings from a 1986 study by Vanderbilt psychologist Randolph Blake and two colleagues found that the sound of nails on a chalkboard annoyed people even when the high-pitch frequencies were removed. The study earned Blake a 2006 Ig Nobel Prize. The writing slate was in use in Indian schools in", + "score": 0.6339045763015747 + }, + { + "id": "19634964", + "title": "Rhotacism (speech impediment)", + "text": "Sk\u00e5ne, Halland, Blekinge, \u00d6land and southern Sm\u00e5land). Rhotacism (speech impediment) In medical contexts, rhotacism () is the inability to pronounce or difficulty in pronouncing the sound \"r\". Speech pathologists call the condition \"de\"-rhotacization, because the sounds lose their rhotic quality rather than becoming rhotic. Rhotic sounds are usually the last ones a child masters. Some people never learn to produce them; they substitute other sounds, such as the velar approximant, the uvular approximant (often called the French \"R\"), and the uvular trill. In English, the most common occurrence of this type is a pronunciation perceived as closer to [w] (typically,", + "score": 0.6335633397102356 + }, + { + "id": "19634962", + "title": "Rhotacism (speech impediment)", + "text": "Rhotacism (speech impediment) In medical contexts, rhotacism () is the inability to pronounce or difficulty in pronouncing the sound \"r\". Speech pathologists call the condition \"de\"-rhotacization, because the sounds lose their rhotic quality rather than becoming rhotic. Rhotic sounds are usually the last ones a child masters. Some people never learn to produce them; they substitute other sounds, such as the velar approximant, the uvular approximant (often called the French \"R\"), and the uvular trill. In English, the most common occurrence of this type is a pronunciation perceived as closer to [w] (typically, though, actually the labiodental approximant ), which", + "score": 0.6320898532867432 + }, + { + "id": "20081889", + "title": "Chew and spit", + "text": "Chew and spit Chew and Spit (CHSP or CS) is a compensatory behavior associated with several eating disorders that involves the chewing of food and spitting it out before swallowing, often as an attempt to avoid ingestion of unwanted or unnecessary calories. CS can be used as a way to taste food viewed as \u201cforbidden\u201d or unhealthy. Individuals who partake in CS typically have an increased desire for thinness, increased lack of control (LOC) and body dissatisfaction. CS can serve different functions such as replacing vomiting and/or binging or as an additional behavior to many eating disorders.

CS", + "score": 0.6296103000640869 + }, + { + "id": "4792302", + "title": "Cluttering", + "text": "Cluttering Cluttering (also called tachyphemia or tachyphrasia) is a speech and communication disorder characterized by a rapid rate of speech, erratic rhythm, and poor syntax or grammar, making speech difficult to understand. Cluttering is a speech and communication disorder that has also been described as a fluency disorder. It is defined as:\"Cluttering is a fluency disorder characterized by a rate that is perceived to be abnormally rapid, irregular, or both for the speaker (although measured syllable rates may not exceed normal limits). These rate abnormalities further are manifest in one or more of the following symptoms: (a) an excessive number", + "score": 0.6293865442276001 + }, + { + "id": "5300338", + "title": "Pagophagia", + "text": "Pagophagia Pagophagia (from Greek: \"pagos\", frost, + \"phag\u014d\", to eat) is the compulsive consumption of ice or iced drinks. It is a form of the disorder pica. It has been associated with iron deficiency anemia, and shown to respond to iron supplementation, leading some investigators to postulate that some forms of pica may be the result of nutritional deficiency. Chewing ice may lessen pain in glossitis related to iron deficiency anemia. However, the American Dental Association recommends not chewing ice because it can crack teeth; instead ice should be allowed to melt in the mouth. Folk wisdom (and some early", + "score": 0.6276346445083618 + }, + { + "id": "4792308", + "title": "Cluttering", + "text": "his world holistically, and was not deflected by exaggerated attention to small details. Perhaps then, they excelled because of, rather than in spite of, their [cluttering].\" Cluttering Cluttering (also called tachyphemia or tachyphrasia) is a speech and communication disorder characterized by a rapid rate of speech, erratic rhythm, and poor syntax or grammar, making speech difficult to understand. Cluttering is a speech and communication disorder that has also been described as a fluency disorder. It is defined as:\"Cluttering is a fluency disorder characterized by a rate that is perceived to be abnormally rapid, irregular, or both for the speaker (although", + "score": 0.6263421773910522 + }, + { + "id": "6772945", + "title": "Picket-fencing", + "text": "and out as it nears the capture threshold of a moving receiver or transmitter as it passes through fresnel zones, thus chopping the speech of the transmitting operator. It is not clear if the phrase was intended to describe the loss of the speech, or if it actually referred to the chopping sound itself, which imitates the noise produced by dragging a stiff object across a picket fence. Picket-fencing Picket fencing is slang for the chopping effect sometimes heard by cell phone users at the edge of a cell's coverage area, or (more likely) by the landline user to whom", + "score": 0.6253622770309448 + }, + { + "id": "16448184", + "title": "Sound annoyance", + "text": "Sound annoyance Sound annoyance is \"a feeling of displeasure associated with any agent or condition [related to sound] that is believed to affect adversely an individual or a group\". Annoyance implies a negative factor on an individual's well-being and comfort. Its effects may include physiological responses, central nervous system reactions, and biochemical changes. Physiological reactions to sound annoyance include increased heart rate and increased blood pressure which, among others, may lead to hypertension. Hearing impairment, such as increased hearing threshold, and tinnitus are considered as another possible consequence of sound annoyance. EEG and Magnetoencephalography studies show an increased activity in", + "score": 0.6248739957809448 + }, + { + "id": "424730", + "title": "Temporomandibular joint dysfunction", + "text": "proximity of the TMJ to the ear canal, joint noises are perceived to be much louder to the individual than to others. Often people with TMD are surprised that what sounds to them like very loud noises cannot be heard at all by others next to them. However, it is occasionally possible for loud joint noises to be easily heard by others in some cases and this can be a source of embarrassment e.g. when eating in company. Pain symptoms in TMD can be thought of as originating from the joint (arthralgia), or from the muscles (myofascial), or both. There", + "score": 0.6241163611412048 + }, + { + "id": "17243238", + "title": "Shrillness", + "text": "Shrillness Shrillness is a word used to describe the quality of sounds that have a high-pitched, strident, raucous, screeching or harsh character, such as those produced by a trumpet or piccolo, but it can also be used to describe a widely recognised and puzzling phenomenon whereby certain sounds are perceived as psychologically painful or aversive to a degree that cannot be accounted for simply in terms of frequency content or loudness. Such sounds include the sound of fingernails scraping a chalkboard, the sound of chalk on a blackboard, the sound of glass being scratched, and possibly the sound of a", + "score": 0.6234806776046753 + }, + { + "id": "17533381", + "title": "Lignophagia", + "text": "sometimes referred to as xylophagia. Lignophagia Lignophagia is the abnormal behaviour of chewing and eating wood. It has been recorded in several species, but perhaps most commonly in horses where it is usually called, simply, \"wood chewing\". Lignophagia is a form of the pica disorder, in which normally non-nutritive substances are chewed or eaten. For some animals, wood is the normal primary food source; such animals are known as xylophagous. A related stereotypy in horses is cribbing, where a horse grabs a board or other edged object with its teeth, arches its neck and sucks in air. While this activity", + "score": 0.6233842372894287 + }, + { + "id": "4909035", + "title": "Amusia", + "text": "notes apart due to the separation of two key areas in the brain. Most sufferers of amusia describe music as unpleasant. Others simply refer to it as noise and find it annoying. This can have social implications because amusics often try to avoid music, which in many social situations is not an option. In China and other countries in which identical words have different meanings based on pitch, amusia may have a much more pronounced social and emotional impact: difficulty in speaking and understanding the language. Currently, no forms of treatment have proven effective in treating amusia. One study has", + "score": 0.6230909824371338 + }, + { + "id": "6957423", + "title": "Table manners", + "text": "is unacceptable. Eating at a moderate pace is important, as eating too slowly may imply a dislike of the food and eating too quickly is considered rude. Generally, it is acceptable to burp, slurp while at the table. Staring at another diner's plate is also considered rude. It is inappropriate to make sounds while chewing. Certain Indian food items can create sounds, so it is important to close the mouth and chew at a moderate pace. At the dining table, attention must be paid to specific behaviors that may indicate distraction or rudeness. Answering phone calls, sending messages and using", + "score": 0.6222732067108154 + }, + { + "id": "14522827", + "title": "Morsicatio buccarum", + "text": "people over the age of thirty-five. Morsicatio buccarum Morsicatio buccarum (also termed chronic cheek biting and chronic cheek chewing) is a condition characterized by chronic irritation or injury to the buccal mucosa (the lining of the inside of the cheek within the mouth), caused by repetitive chewing, biting or nibbling. Morsicatio buccarum is a type of frictional keratosis. The term is derived from the Latin words, \"morusus\" meaning \"bite\" and \"bucca\" meaning \"cheek\". This term has been described as \"a classic example of medical terminology gone astray\". The Diagnostic and Statistical Manual of Mental Disorders, Fifth Edition (DSM-5) states that", + "score": 0.6218295097351074 + }, + { + "id": "11802826", + "title": "Chalkboard scraping", + "text": "that the unpleasantness of the sound is caused by acoustic resonance due to the shape of the human ear canal which amplifies certain frequencies, especially those in the range of 2000 to 4000 Hz (the median pitches mentioned above), at such a level that the sound would trigger pain in human ears. Chalkboard scraping Scraping a chalkboard (also known as a blackboard) with the fingernails produces a sound and feeling which most people find extremely irritating. The basis of the innate reaction to the sound has been studied in the field of psychoacoustics (the branch of psychology concerned with the", + "score": 0.6212554574012756 + }, + { + "id": "3592947", + "title": "Pet peeve", + "text": "copier up and react angrily, be annoyed when others interrupt when speaking, or be upset by messy desks of their subordinates. To most people, these may seem minor annoyances, but not to the supervisor. That same supervisor may witness employees coming into work late and not feel any annoyance whatsoever. \"Pet Peeve\" is the twenty-ninth book of the Xanth series by fantasy author Piers Anthony. Pet peeve A pet peeve, pet aversion or pet hate is a minor annoyance that an individual identifies as particularly irritating to them, to a greater degree than would be expected based on the experience", + "score": 0.62021404504776 + }, + { + "id": "17533377", + "title": "Lignophagia", + "text": "Lignophagia Lignophagia is the abnormal behaviour of chewing and eating wood. It has been recorded in several species, but perhaps most commonly in horses where it is usually called, simply, \"wood chewing\". Lignophagia is a form of the pica disorder, in which normally non-nutritive substances are chewed or eaten. For some animals, wood is the normal primary food source; such animals are known as xylophagous. A related stereotypy in horses is cribbing, where a horse grabs a board or other edged object with its teeth, arches its neck and sucks in air. While this activity may cause some tooth marks", + "score": 0.6198954582214355 + }, + { + "id": "9006083", + "title": "Jim Copp and Ed Brown", + "text": "Lewis because he was a celebrity and would therefore sell more records. Copp agreed to let them have one story called '\"The Noisy Eater\", which Capitol had Lewis record and the company issued it on 78 and 45 rpm records in 1955. After the record achieved moderate success, Capitol wanted to buy the rest of Jim Copp's recordings, but having been paid relatively little for \"The Noisy Eater\", Copp refused to sell his material to them. Instead he decided to have a go at producing his own material, and the wire-recorded demos he's sent to Capitol ended up as the", + "score": 0.6194923520088196 + }, + { + "id": "12490926", + "title": "Misophonia", + "text": "phonophobia, which is a fear of a specific sound, but it may occur with either. It is not clear whether people with misophonia usually have comorbid conditions, nor whether there is a genetic component. The diagnosis of misophonia is not recognized in the DSM-IV or the ICD 10, and it is not classified as a hearing or psychiatric disorder. It may be a form of sound\u2013emotion synesthesia, and has parallels with some anxiety disorders. As of 2018 it was not clear if misophonia should be classified as a symptom or as a condition. As of 2018 there are no evidence-based", + "score": 0.6193264722824097 + }, + { + "id": "16933615", + "title": "Autonomous sensory meridian response", + "text": "typically as 'automatic negative emotional reactions to particular sounds \u2013 the opposite of what can be observed in reactions to specific audio stimuli in ASMR'. For example, those who suffer from misophonia often report that specific human sounds, including those made by breathing or whispering with any loudness can precipitate feelings of anger and disgust, in the absence of any previously learned associations that might otherwise explain those reactions. There are plentiful anecdotal reports by those who claim to have both misophonia and ASMR at multiple web-based user-interaction and discussion locations. Common to these reports is the experience of ASMR", + "score": 0.6183902621269226 + }, + { + "id": "4411905", + "title": "Hyperacusis", + "text": "Hyperacusis Hyperacusis (or hyperacousis) is a highly debilitating hearing disorder characterized by an increased sensitivity to certain frequencies and volume ranges of sound (a collapsed tolerance to usual environmental sound). A person with severe hyperacusis has difficulty tolerating everyday sounds, which become painful or loud. \"Hyperacusis\" is often coincident with tinnitus. Both conditions have a prevalence of about 10\u201315% and hearing loss as a major risk factor. However, there also appear to be important differences between the mechanisms involved in tinnitus and hyperacusis. In hyperacusis, the symptoms are ear pain, annoyance, and general intolerance to many sounds that most people", + "score": 0.6173092722892761 + }, + { + "id": "14522821", + "title": "Morsicatio buccarum", + "text": "Morsicatio buccarum Morsicatio buccarum (also termed chronic cheek biting and chronic cheek chewing) is a condition characterized by chronic irritation or injury to the buccal mucosa (the lining of the inside of the cheek within the mouth), caused by repetitive chewing, biting or nibbling. Morsicatio buccarum is a type of frictional keratosis. The term is derived from the Latin words, \"morusus\" meaning \"bite\" and \"bucca\" meaning \"cheek\". This term has been described as \"a classic example of medical terminology gone astray\". The Diagnostic and Statistical Manual of Mental Disorders, Fifth Edition (DSM-5) states that cheek biting may be a manifestation", + "score": 0.6147729158401489 + }, + { + "id": "6866442", + "title": "Rumination syndrome", + "text": "the syndrome in mentally healthy patients appeared thereafter. At first, adult rumination was described and treated as a benign condition. It is now described as otherwise. While the base of patients to examine has gradually increased as more and more people come forward with their symptoms, awareness of the condition by the medical community and the general public is still limited. The chewing of cud by animals such as cows, goats, and giraffes is considered normal behavior. These animals are known as ruminants. Such behavior, though termed rumination, is not related to human rumination syndrome, but is ordinary. Involuntary rumination,", + "score": 0.6144015192985535 + }, + { + "id": "4382505", + "title": "Nail biting", + "text": "Nail biting Nail biting, also known as onychophagy or onychophagia (or even erroneously onchophagia), is an oral compulsive habit. It is sometimes described as a parafunctional activity, the common use of the mouth for an activity other than speaking, eating, or drinking. Nail biting is very common, especially amongst children. More pathological forms of nails biting are considered an impulse control disorder in the DSM-IV-R and are classified under obsessive-compulsive and related disorders in the DSM-5. The ICD-10 classifies the practice as \"other specified behavioral and emotional disorders with onset usually occurring in childhood and adolescence\". However, not all nail", + "score": 0.6142561435699463 + }, + { + "id": "9160460", + "title": "Phagophobia", + "text": "Phagophobia Phagophobia is a psychogenic dysphagia, a fear of swallowing. It is expressed in various swallowing complaints without any apparent physical reason detectable by physical inspection and laboratory analyses. An obsolete term for this condition is choking phobia, but it was suggested that the latter term is confusing and it is necessary to distinguish the fear of swallowing (i.e., of the propulsion of bolus) from fear of choking. Phagophobia is classified as a specific phobia and according to DSM-IV classification it belongs to the category of \"other phobias\". Phagophobia may lead to (and be confused with) fear of eating, and", + "score": 0.6142247915267944 + }, + { + "id": "9160461", + "title": "Phagophobia", + "text": "the subsequent malnutrition and weight loss. In milder cases a phagophobe eats only soft and liquid foods. Phagophobia Phagophobia is a psychogenic dysphagia, a fear of swallowing. It is expressed in various swallowing complaints without any apparent physical reason detectable by physical inspection and laboratory analyses. An obsolete term for this condition is choking phobia, but it was suggested that the latter term is confusing and it is necessary to distinguish the fear of swallowing (i.e., of the propulsion of bolus) from fear of choking. Phagophobia is classified as a specific phobia and according to DSM-IV classification it belongs to", + "score": 0.6139435768127441 + }, + { + "id": "899285", + "title": "Anosmia", + "text": "both nostrils are simultaneously tested. A related term, hyposmia, refers to a decreased ability to smell, while hyperosmia refers to an increased ability to smell. Some people may be anosmic for one particular odor. This is known as \"specific anosmia\". The absence of the sense of smell from birth is called congenital anosmia. Anosmia can have a number of harmful effects. Patients with sudden onset anosmia may find food less appetizing, though congenital anosmics rarely complain about this, and none report a loss in weight. Loss of smell can also be dangerous because it hinders the detection of gas leaks,", + "score": 0.6139415502548218 + }, + { + "id": "1363417", + "title": "Bruxism", + "text": "\"Bruxism is a repetitive jaw-muscle activity characterized by clenching or grinding of the teeth and/or by bracing or thrusting of the mandible. Bruxism has two distinct circadian manifestations: it can occur during sleep (indicated as sleep bruxism) or during wakefulness (indicated as awake bruxism).\"All forms of bruxism entail forceful contact between the biting surfaces of the upper and lower teeth. In grinding and tapping this contact involves movement of the mandible and unpleasant sounds which can often awaken sleeping partners and even people asleep in adjacent rooms. Clenching (or clamping), on the other hand, involves inaudible, sustained, forceful tooth contact", + "score": 0.6138725280761719 + }, + { + "id": "20081891", + "title": "Chew and spit", + "text": "of Control (LOC), Pathological eating, negative emotions and feelings, and Body image distortion. CS sufferers may also be trans-diagnostic (i.e. appears in individuals who have been diagnosed with all or any type of clinical or sub-clinical eating disorder) Chew and Spit is often associated with and may be a potential gateway to more severe dieting behaviors. Individuals who use CS as a compensatory behavior are more likely to be diagnosed or develop eating disorders. The likelihood is dependent upon the severity of food obsession present. Treatments to eliminate the behavior of chewing and spiting have not yet been developed. However,", + "score": 0.6125439405441284 + }, + { + "id": "17243241", + "title": "Shrillness", + "text": "reported on BBC Radio 4, asked people to rate a range of recorded sounds, though the rating was in terms of \"disgustingness\" and included sounds like vomiting which cannot be considered shrill. stillness is similar to pitch Shrillness Shrillness is a word used to describe the quality of sounds that have a high-pitched, strident, raucous, screeching or harsh character, such as those produced by a trumpet or piccolo, but it can also be used to describe a widely recognised and puzzling phenomenon whereby certain sounds are perceived as psychologically painful or aversive to a degree that cannot be accounted for", + "score": 0.6122986674308777 + }, + { + "id": "16454653", + "title": "Retractable pen", + "text": "the physical symptoms of OCD. It has been described as a nervous habit a form of fidgeting. It can also be described as a \"distracting activity that releases nervous energy\". Some people find it hard to concentrate when others are pen-clicking, and so the action can often be thought of as a pet peeve. Clicking a pen can be a type of autistic stimming behavior, but it is unique in that \"a person can do in public without drawing much attention to themselves,\" as opposed to some others which are not socially acceptable. Retractable pen Retractable pens are a type", + "score": 0.611282467842102 + }, + { + "id": "3592944", + "title": "Pet peeve", + "text": "Pet peeve A pet peeve, pet aversion or pet hate is a minor annoyance that an individual identifies as particularly irritating to them, to a greater degree than would be expected based on the experience of others. The noun \"peeve\", meaning an annoyance, is believed to have originated in the United States early in the twentieth century, derived by back-formation from the adjective \"peevish\", meaning \"ornery or ill-tempered\", which dates from the late 14th-century. The term \"pet peeve\" was introduced to a wide readership in the single-panel comic \"The Little Pet Peeve\" in the Chicago Tribune during the period 1916", + "score": 0.6108466982841492 + }, + { + "id": "10597613", + "title": "Auditory processing disorder", + "text": "have problems relating what has been said with its meaning, despite obvious recognition that a word has been said, as well as repetition of the word. Background noise, such as the sound of a radio, television or a noisy bar can make it difficult to impossible to understand speech, since spoken words may sound distorted either into irrelevant words or words that don't exist, depending on the severity of the auditory processing disorder. Using a telephone can be problematic for someone with auditory processing disorder, in comparison with someone with normal auditory processing, due to low quality audio, poor signal,", + "score": 0.6102973222732544 + }, + { + "id": "5889887", + "title": "Parafunctional activity", + "text": "Parafunctional activity A para-functional habit or parafunctional habit is the habitual exercise of a body part in a way that is other than the most common use of that body part. The term is most commonly used by dentists, orthodontists, or maxillofacial specialists to refer to para-functional uses of the mouth, tongue and jaw. Oral para-functional habits may include bruxism (tooth-clenching and/or grinding), tongue tension (\"tongue thrusting\"), fingernail biting, pencil or pen chewing, mouth breathing, and any other habitual use of the mouth unrelated to eating, drinking, or speaking. Crenated tongue is a descriptive term for when scalloping develops on", + "score": 0.6102372407913208 + }, + { + "id": "4792307", + "title": "Cluttering", + "text": "was called \"tachyphemia\", a word derived from the Greek for \"fast speech\". This word is no longer used to describe cluttering because fast speech is not a required element of cluttering. Deso Weiss described cluttering as the outward manifestation of a \"central language imbalance\". The First World Conference on Cluttering was held in May 2007 in Razlog, Bulgaria. It had over 60 participants from North America, Europe, the Middle East and Asia. Weiss claimed that Battaros, Demosthenes, Pericles, Justinian, Otto von Bismarck, and Winston Churchill were clutterers. He says about these people, \"Each of these contributors to world history viewed", + "score": 0.6099256277084351 + }, + { + "id": "3397746", + "title": "Chewing", + "text": "sometimes require relearning to adapt to loss of teeth or to dental appliances such as dentures. It is thought that conscious mediation is important in the limitation of parafunctional habits as most commonly, the motor program can be excessively engaged during periods of sleep and times of stress. It is also theorized that excessive input to the motor program from myofascial pain or occlusal imbalance can contribute to parafunctional habits. A study found that unchewed meat and vegetables were not digested, while tallow, cheese, fish, eggs, and grains did not need to be chewed. Chewing stimulates saliva production and increases", + "score": 0.6096124649047852 + }, + { + "id": "6370750", + "title": "Osmophobia", + "text": "Osmophobia Osmophobia or olfactophobia refers to a fear, aversion, or psychological hypersensitivity to odors. The phobia generally occurs in chronic migraine sufferers who may have \"odor triggered\" migraines. Such migraines are most frequently triggered by foul odors, but the hypersensitivity may extend to all odors. One study found as many as 25% of migraine sufferers had some degree of osmophobia. The condition may also be present in individuals in substance withdrawal, specifically opioid withdrawal syndrome, where it is usually associated with nausea and/or vomiting. The term \"osmophobia\" comes from the Greek \u1f40\u03c3\u03bc\u03ae - \"osm\u0113\", meaning \"smell, odour\" and \u03c6\u03cc\u03b2\u03bf\u03c2 -", + "score": 0.6080588102340698 + }, + { + "id": "871058", + "title": "Cholesteatoma", + "text": "If the cholesteatoma has been dry, the cholesteatoma may present the appearance of 'wax over the attic'. The attic is just above the eardrum. If untreated, a cholesteatoma can eat into the three small bones located in the middle ear (the malleus, incus and stapes, collectively called ossicles), which can result in nerve deterioration, deafness, imbalance and vertigo. It can also affect and erode, through the enzymes it produces, the thin bone structure that isolates the top of the ear from the brain, as well as lay the covering of the brain open to infection with serious complications (rarely even", + "score": 0.6064407825469971 + }, + { + "id": "16448185", + "title": "Sound annoyance", + "text": "several parts of the Central Nervous System. Biochemical changes due to sound annoyance include increased secretion of epinephrine, which is related to the 'fight'-reaction (See fight-or-flight response) and increased adrenal cortical activity (see adrenal cortex), which is related to intense and/or stressful events. Epidemological investigations have shown that the negative effects of sound annoyance include \"a feeling of resentment, displeasure, dissatisfaction, discomfort or offence when noise interferes with someones thoughts, feelings or actual activities\". Besides that, unwanted sounds can mask the positive indicators of safety . These factors may diminish well-bing of people that suffer from sound annoyance. Other factors", + "score": 0.6061478853225708 + }, + { + "id": "3592946", + "title": "Pet peeve", + "text": "theater goers who unwrap candy in crinkly paper during a live performance, and (from a 12 year old boy) having his mother come in to sweep when he has the pieces of a building toy spread out on the floor. Pet peeves often involve specific behaviours of someone close, such as a spouse or significant other. These behaviours may involve disrespect, manners, personal hygiene, relationships and family issues. A key aspect of a pet peeve is that it may well seem acceptable to others. For example, a supervisor may have a pet peeve about people leaving the lid on the", + "score": 0.6058229804039001 + }, + { + "id": "5507251", + "title": "Aerophagia", + "text": "Aerophagia Aerophagia (var. aerophagy) is a condition of excessive air swallowing, which goes to the stomach. Aerophagia may also refer to an unusual condition where the primary symptom is excessive flatus, belching is not present, and the actual mechanism by which air enters the gut is obscure. Aerophagia in psychiatry is sometimes attributed to nervousness or anxiety. Aerophagia is associated with chewing gum, smoking, drinking carbonated drinks, eating too quickly, CPAP air pressure (if it is too high) and wearing loose dentures. Aerophagia is also carried out deliberately to increase the length and volume of a belch, as any air", + "score": 0.604941189289093 + }, + { + "id": "13665550", + "title": "Squeamishness", + "text": "Squeamishness Squeamishness (Squeamish) typically refers to easily triggered feelings of repulsion, disgust, or physical illness often brought on by exposure to certain external stimuli. Anything can cause someone to feel squeamish. Some examples of common triggers are the texture of fish to the touch, the sight of blood or insects, and general ideas such as war, hospitals, or death. The feeling can also be triggered by traumatic experiences from the past. It is common for people to feel squeamish while witnessing, thinking of, or speaking about any particularly unpleasant topic. Often squeamishness is associated with medical phobia, as some of", + "score": 0.6047636866569519 + }, + { + "id": "16448191", + "title": "Sound annoyance", + "text": "noise levels that are allowed. An overview of the locations and their noise limits can be found here:. The sound limits of these locations are reevaluated every year. For sound annoyance induced by neighbors there is no law. However, the government offers neighborhood mediation by an independent mediator. Sound annoyance Sound annoyance is \"a feeling of displeasure associated with any agent or condition [related to sound] that is believed to affect adversely an individual or a group\". Annoyance implies a negative factor on an individual's well-being and comfort. Its effects may include physiological responses, central nervous system reactions, and biochemical", + "score": 0.6045922040939331 + }, + { + "id": "14814739", + "title": "Chew the fat", + "text": "Chew the fat \"Chew the fat\" or \"chew the rag\" are English expressions for gossiping or making friendly small talk, or a long and informal conversation with someone. Although some sources attribute the phrase \"\"chew the fat\"\" to sailors, who during a period of resting and conversing, or while working together, would chew on salt-hardened fat, there are no reliable historical recordings of this practice. There is even a suggestion the phrase derives from a practice by North American Indians or Inuit of chewing animal hides during their spare time, and even of British farmers chewing on smoked pork, but", + "score": 0.6043151617050171 + }, + { + "id": "6760605", + "title": "Aichmophobia", + "text": "Aichmophobia Aichmophobia () is a kind of specific phobia, the morbid fear of sharp things, such as pencils, needles, knives, a pointing finger, or even the sharp end of an umbrella and different sorts of protruding corners or sharp edges in furnitures and building constructions/materials. It is derived from the Greek \"aichm\u0113\" (point) and \"phobos\" (fear). This fear may also be referred to as belonephobia or enetophobia. Sometimes this general term is used to refer to what is more specifically called fear of needles, or needle phobia. Fear of needles is the extreme and irrational fear of medical procedures involving", + "score": 0.6042616963386536 + }, + { + "id": "2822117", + "title": "Ergophobia", + "text": "Ergophobia Ergophobia, ergasiophobia or ponophobia is an abnormal and persistent fear of work (manual labor, non-manual labour, etc.) or fear of finding employment. It may be a form of social phobia or performance anxiety. People with ergophobia experience undue anxiety about the workplace environment even though they realize their fear is irrational. Their fear may actually be a combination of fears, such as fear of failing at assigned tasks, speaking before groups at work (both of which are types of performance anxiety), socializing with co-workers (a type of social phobia), and other fears of emotional, psychological and/or physiological injuries. The", + "score": 0.6038849353790283 + }, + { + "id": "5193271", + "title": "Patulous Eustachian tube", + "text": "Patulous Eustachian tube Patulous Eustachian tube, also known as patent Eustachian tube or PET, is the name of a physical disorder where the Eustachian tube, which is normally closed, instead stays intermittently open. When this occurs, the patient experiences autophony, the hearing of self-generated sounds. These sounds, such as one's own breathing, voice, and heartbeat, vibrate directly onto the ear drum and can create a \"bucket on the head\" effect. PET is a form of eustachian tube dysfunction (ETD), which is said to be present in about 1 percent of the general population. With patulous Eustachian tube, variations in upper", + "score": 0.6031387448310852 + }, + { + "id": "10574064", + "title": "Parcopresis", + "text": "Parcopresis Parcopresis, also termed psychogenic fecal retention, is the inability to defecate without a certain level of privacy. The level of privacy involved varies from sufferer to sufferer. The condition has also been termed shy bowel. This is to be distinguished from the embarrassment that many people experience with defecation in that it produces a physical inability, albeit of psychological origin. Parcopresis is not a medically recognized condition. Parcopresis can be described as \"an inability to defecate when other people are perceived or likely to be around (e.g. in the same public toilet, house or building)\". This inability restricts the", + "score": 0.6031242609024048 + }, + { + "id": "20081893", + "title": "Chew and spit", + "text": "to body dissatisfaction while body dissatisfaction contributes to CS. CS has also been seen to occur in episodes, rather than consistently. These episodes have been seen to be days to weeks long. Chew and Spit has not received much attention in the research industry regarding treatment, long term effects of chewing and spitting, and its associations with other behaviors and eating disorders. More research is needed on his topic to further understand the effect this behavior has on individuals physically and psychologically. Chew and spit Chew and Spit (CHSP or CS) is a compensatory behavior associated with several eating disorders", + "score": 0.6030147671699524 + }, + { + "id": "8706142", + "title": "Noise-induced hearing loss", + "text": "loss, other external symptoms of an acoustic trauma can be: Tinnitus is described as hearing sound when an external sound is not present. An estimated 50 million Americans have some degree of tinnitus in one or both ears; 16 million of them have symptoms serious enough for them to see a doctor or hearing specialist. As many as 2 million become so debilitated by the unrelenting ringing, hissing, chirping, clicking, whooshing or screeching, that they cannot carry out normal daily activities. Tinnitus is the largest single category for disability claims in the military, with hearing loss a close second. The", + "score": 0.6028504371643066 + }, + { + "id": "3397749", + "title": "Chewing", + "text": "a \"masticator\" (also called a forestry mulching machine) to \"chew\" through brush and timber in order to clear firelines in advance of a wildfire. Chewing Chewing or mastication is the process by which food is crushed and ground by teeth. It is the first step of digestion, and it increases the surface area of foods to allow a more efficient break down by enzymes. During the mastication process, the food is positioned by the cheek and tongue between the teeth for grinding. The muscles of mastication move the jaws to bring the teeth into intermittent contact, repeatedly occluding and opening.", + "score": 0.6026771664619446 + }, + { + "id": "15003306", + "title": "Food choice", + "text": "Finally, regardless of whether individuals are very hungry or very full, modeling effects remain very strong, suggesting that modeling may trump signals of hunger or satiety sent from the gut. 3. Impression management \u2013 When people eat in the presence of others who they perceive to be observing or evaluating them, they tend to eat less than they would otherwise eat alone. Leary and Kowalski define impression management in general as the process by which individuals attempt to control the impressions others form of them. Previous research has shown that certain types of eating companions make people more or less", + "score": 0.6023275256156921 + }, + { + "id": "10416255", + "title": "Dermatophagia", + "text": "Dermatophagia Dermatophagia (from Ancient Greek \"\u03b4\u03ad\u03c1\u03bc\u03b1\" - skin - and \"\u03c6\u03b1\u03b3\u03b5\u03af\u03b1\" - eating) is a compulsion disorder of gnawing or biting one's own skin, most commonly at the fingers. This action can either be conscious or unconscious. Those affected with dermatophagia typically bite the skin around the nails, leading to bleeding and discoloration over time. Some people also bite on their skin on their finger knuckles which can lead to pain and bleeding just by moving their fingers. It has been proposed that dermatodaxia would be a more fitting term for this disorder, as the suffix '-phagia' implies that the", + "score": 0.6020433902740479 + }, + { + "id": "11802822", + "title": "Chalkboard scraping", + "text": "to waking the cortex or the rest of the body from sleep. Chalkboard scraping, or noises that illicit an emotional response have been known to trigger tendencies from the fight or flight response which acts as the bodies primary self-defense mechanism. A study published in 2017, in \"Frontiers in Psychology\", found that the emotion elicited by this sound and similar sounds such as a knife scraping a plate, was similar to but distinct from disgust. The physiological response was a very slight initial fall in heart rate followed by a sharp rise, returning to normal after about 6 seconds. This", + "score": 0.6019676923751831 + }, + { + "id": "385741", + "title": "Stuttering", + "text": "Stuttering Stuttering, also known as stammering, is a speech disorder in which the flow of speech is disrupted by involuntary repetitions and prolongations of sounds, syllables, words or phrases as well as involuntary silent pauses or blocks in which the person who stutters is unable to produce sounds. The term \"stuttering\" is most commonly associated with involuntary sound repetition, but it also encompasses the abnormal hesitation or pausing before speech, referred to by people who stutter as \"blocks\", and the prolongation of certain sounds, usually vowels or semivowels. According to Watkins et al., stuttering is a disorder of \"selection, initiation,", + "score": 0.6019068956375122 + }, + { + "id": "1363381", + "title": "Bruxism", + "text": "Bruxism Bruxism is excessive teeth grinding or jaw clenching. It is an oral parafunctional activity; i.e., it is unrelated to normal function such as eating or talking. Bruxism is a common behavior; reports of prevalence range from 8\u201331% in the general population. Several symptoms are commonly associated with bruxism, including hypersensitive teeth, aching jaw muscles, headaches, tooth wear, and damage to dental restorations (e.g. crowns and fillings) to teeth. But symptoms may be minimal, without patient awareness of the condition. There are two main types of bruxism: one occurs during sleep (nocturnal bruxism) and one during wakefulness (awake bruxism). Dental", + "score": 0.6018434762954712 + }, + { + "id": "979659", + "title": "Tinnitus", + "text": "however, tolerate it well, and it is a significant problem in only 1\u20132% of people. The word tinnitus is from the Latin \"tinn\u012bre\" which means \"to ring\". Tinnitus can be perceived in one or both ears or in the head. It is the description of a noise inside a person\u2019s head in the absence of auditory stimulation. The noise can be described in many different ways. It is usually described as a ringing noise but, in some patients, it takes the form of a high-pitched whining, electric buzzing, hissing, humming, tinging or whistling sound or as ticking, clicking, roaring, \"crickets\"", + "score": 0.6012802124023438 + }, + { + "id": "8088304", + "title": "Morse code abbreviations", + "text": "head, instead of writing text on paper or into a computer file, the receiving operator copying mentally will interpret the prosign for either a mental pause, or to jot down for later reference a short word or phrase from the information being sent. \"Rag chewer\" is a name applied to amateur radio Morse code operators who engage in informal Morse code conversations (known as \"chewing the rag\") while discussing subjects such as: the weather, their location, signal quality, and their equipment. Meaningful rag chewing between fluent Morse code operators having different native languages is possible because of a common language", + "score": 0.601097047328949 + }, + { + "id": "6405529", + "title": "Phonophobia", + "text": "sounds, such as computer speakers or fire alarms. When operating a device such as a home theater system, computer, television, or CD player, they may wish to have the volume turned down all the way before doing anything that would cause the speakers to emit sound, so that once the command to produce sound is given, the user can raise the volume of the speakers to a comfortable listening level. They may avoid parades and carnivals due to the loud instruments such as drums. As festive occasions are accompanied by music of over 120 decibels, many phobics develop agoraphobia. Other", + "score": 0.6010674238204956 + }, + { + "id": "12491103", + "title": "Auditory agnosia", + "text": "reading books, and are themselves capable of speech (and even of deriving meaning from non-linguistic communication e.g. body language) the particular sounds associated to each word are meaningless. This type of auditory agnosia is caused by lesions to the right hemisphere of the brain. \"Classical (or pure) auditory agnosia\" is an inability to process environmental sounds, such as animal noises, industrial noises, or the like. An airplane roaring overhead would not be understood to be related to the idea of \"airplane\"\u2014indeed, the person would not even think to look up. \"Interpretive or receptive agnosia (amusia)\" is an inability to understand", + "score": 0.6009052991867065 + }, + { + "id": "6573444", + "title": "Pet Peeve (novel)", + "text": "Pet Peeve (novel) Pet Peeve is the twenty-ninth book of the Xanth series by Piers Anthony. Goody Goblin, the only nice male goblin, goes to see the Good Magician Humphrey so he can get his question answered. As the Magician charges a year's service or the equivalent, Goody has to find a good home for a pet peeve. The pet peeve is a very annoying bird who can mimic the voice of the person carrying it. Goody starts out with the bird and Hannah Barbarian, whose service is to accompany the goblin on the quest and protect him. Throughout the", + "score": 0.6002963185310364 + }, + { + "id": "10337281", + "title": "Speech sound disorder", + "text": "sound disorders are associated with childhood, some \"residual\" errors may persist into adulthood. Articulation disorders (also called phonetic disorders, or simply \"artic disorders\" for short) are based on difficulty learning to physically produce the intended phonemes. Articulation disorders have to do with the main articulators which are the lips, teeth, alveolar ridge, hard palate, velum, glottis, and the tongue. If the disorder has anything to do with any of these articulators, then it is an articulation disorder. There are usually fewer errors than with a phonemic disorder, and distortions are more likely (though any omissions, additions, and substitutions may also", + "score": 0.6001600623130798 + }, + { + "id": "9525490", + "title": "The Art of Dining", + "text": "her with neurosis (a mild personality disorder in which obsessive thoughts and/or compulsive acts and feelings of anxiety are displayed) and an irrational fear of food. Already, Elizabeth had been a sensitive child, with issues surrounding mealtimes. Pressures to entertain during dinner evidently took the focus away from the food, fortunately, as her parent's eating habits turned her stomach. Constantly spitting food into her napkin, Elizabeth lived in an uncomfortable and stressful environment. However, this proves merely to be the root of Elizabeth's condition. It is assumed that Elizabeth is normal in every other aspect of her life. However, throughout", + "score": 0.5999927520751953 + }, + { + "id": "14022252", + "title": "Eating mucus", + "text": "Mucophagy has also been referred to as a \"tension phenomenon\" based on children's ability to function in their environment. The different degrees of effectively fitting in socially may indicate psychiatric disorders or developmental stress reactions. However, most parents view these habits as pathological issues. Moreover, Andrade and Srihari cited a study performed by Sidney Tarachow of the State University of New York which reported that people who ate their boogers found them \"tasty.\" Stefan Gates in his book \"Gastronaut\" discusses eating dried nasal mucus, and says that 44% of people he questioned said they had eaten their own dried nasal", + "score": 0.5997107625007629 + }, + { + "id": "3397743", + "title": "Chewing", + "text": "Chewing Chewing or mastication is the process by which food is crushed and ground by teeth. It is the first step of digestion, and it increases the surface area of foods to allow a more efficient break down by enzymes. During the mastication process, the food is positioned by the cheek and tongue between the teeth for grinding. The muscles of mastication move the jaws to bring the teeth into intermittent contact, repeatedly occluding and opening. As chewing continues, the food is made softer and warmer, and the enzymes in saliva begin to break down carbohydrates in the food. After", + "score": 0.599535346031189 + }, + { + "id": "2461838", + "title": "Bad breath", + "text": "the general population. Such conditions are: Individuals afflicted by the above conditions often show additional, more diagnostically conclusive symptoms than bad breath alone. One quarter of the people seeking professional advice on bad breath have an exaggerated concern of having bad breath, known as \"halitophobia\", delusional halitosis, or as a manifestation of olfactory reference syndrome. They are sure that they have bad breath, although many have not asked anyone for an objective opinion. Bad breath may severely affect the lives of some 0.5\u20131.0% of the adult population. Scientists have long thought that smelling one's own breath odor is often difficult", + "score": 0.5991103649139404 + }, + { + "id": "5889891", + "title": "Parafunctional activity", + "text": "crew. Parafunctional activity A para-functional habit or parafunctional habit is the habitual exercise of a body part in a way that is other than the most common use of that body part. The term is most commonly used by dentists, orthodontists, or maxillofacial specialists to refer to para-functional uses of the mouth, tongue and jaw. Oral para-functional habits may include bruxism (tooth-clenching and/or grinding), tongue tension (\"tongue thrusting\"), fingernail biting, pencil or pen chewing, mouth breathing, and any other habitual use of the mouth unrelated to eating, drinking, or speaking. Crenated tongue is a descriptive term for when scalloping develops", + "score": 0.5985058546066284 + }, + { + "id": "3592945", + "title": "Pet peeve", + "text": "- 1920. \"The Little Pet Peeve\" was created and drawn by Frank King, who is more famous as the creator of the Gasoline Alley comic strip. King's little pet peeves were humorous critiques of generally thoughtless behaviors. Some were particular to his time, such as people reading the titles in silent films out loud, or cracking an egg only to smell that it's gone rotten. Others seem current over a hundred years later, like backseat drivers, and rugs that are forever catching the bottom of the door and bunching up. King's readers submitted some of the little pet peeves, including:", + "score": 0.5982755422592163 + }, + { + "id": "11801303", + "title": "Nomophobia", + "text": "Nomophobia Nomophobia is a proposed name for the phobia of being out of cellular phone contact. However, it is arguable that the word \"phobia\" is misused and that in the majority of cases it is another form of anxiety disorder. Although nomophobia does not appear in the current \"Diagnostic and Statistical Manual of Mental Disorders\", Fifth Edition (DSM-5), it has been proposed as a \"specific phobia\", based on definitions given in the DSM-IV. According to Bianchi and Philips (2005) psychological factors are involved in the overuse of a mobile phone. These could include low self-esteem (when individuals looking for reassurance", + "score": 0.5982659459114075 + }, + { + "id": "5218956", + "title": "Itching ears", + "text": "will not listen to sound doctrine. Paul uses the phrase \"for a time will come\" (\u1f14\u03c3\u03c4\u03b1\u03b9) which translates more closely to \"there will be\". \u1f14\u03c3\u03c4\u03b1\u03b9 is a third person indicative verb in the future tense, which signifies a warning for Timothy that the Church of Christ on earth will not change for the better. Paul describes the future that Timothy will face, where people would \"not endure sound doctrine\", and instead \"heap to themselves teachers\" in to satisfy their itching ears. Albert Barnes writes on this subject: Paul warns Timothy about a future apostasy in which the lusts of people", + "score": 0.5982087850570679 + }, + { + "id": "19956661", + "title": "Mageirocophobia", + "text": "Mageirocophobia Mageirocophobia (\"pronunciation\": \u02ccm\u00e6d\u0292a\u026ar\u026ak-a-pho-bee-a) is the fear of cooking. It is spectral and can take on several forms, although it is not considered severe enough for treatment unless a person is severely afraid or impacted. Most frequently, it is a common social anxiety disorder caused by negative reactions to common culinary mishaps, post-traumatic stress episodes from cooking or the fear of others' cooking for the phobic person that either prevents them from eating, eating only pre-prepared foods and snacks, or causes them to eat away or take away foods that can result in unhealthy diets associated with hypertension, obesity, and", + "score": 0.5982043743133545 + }, + { + "id": "9352900", + "title": "Vomiting", + "text": "store until there is an opportunity to dispose of it conveniently. People who vomit chronically (e.g., as part of an eating disorder such as bulimia nervosa) may devise various ways to hide this disorder. An online study of people's responses to \"horrible sounds\" found vomiting \"the most disgusting\". Professor Trevor Cox of the University of Salford's Acoustic Research Centre said that \"We are pre-programmed to be repulsed by horrible things such as vomiting, as it is fundamental to staying alive to avoid nasty stuff.\" It is thought that disgust is triggered by the sound of vomiting to protect those nearby", + "score": 0.5981937646865845 + }, + { + "id": "17243240", + "title": "Shrillness", + "text": "subjects at the University of Newcastle, reported in the \"Journal of Neuroscience\" has shown that certain sounds produced a strong activation of the amygdala, a region of the brain involved in fear and emotion. The sound of a knife on a glass bottle was rated the most unpleasant, followed by a fork on a glass, then chalk on a blackboard came third, a ruler on a bottle fourth and fingernails on a blackboard fifth. They note that the sounds share characteristics with screams and babies cries. A student project carried out on the internet at the University of Salford, and", + "score": 0.5980848670005798 + }, + { + "id": "16106673", + "title": "Saccular acoustic sensitivity", + "text": "Saccular acoustic sensitivity Saccular acoustic sensitivity has a variety physiological as well as mental/emotional effects. Perhaps the most observable physical response is goose bumps. A similar effect is the manifestation of chills. Some sounds have been known to cause reflexive muscle movements like a twitch or even a jump. Since these physical effects are easily recorded and are linked consistently with strong emotion, they have been used in several types of psychological studies. Certain sounds, such as fingernails drawn down a blackboard, cause strong feelings of aversion or even fear in most humans. A 2004 study claimed that the blackboard", + "score": 0.597663164138794 + }, + { + "id": "4411909", + "title": "Hyperacusis", + "text": "to treat hyperacusis. By listening to broadband noise at soft levels for a disciplined period of time each day, patients can rebuild (i.e., re-establish) their tolerances to sound. Although patients might not always make a complete recovery, the use of broadband noise usually gives some of them a significant improvement in their symptoms, especially if this is combined with counseling. Another possible treatment is cognitive behavioral therapy (CBT), which may also be combined with retraining therapy. Hyperacusis Hyperacusis (or hyperacousis) is a highly debilitating hearing disorder characterized by an increased sensitivity to certain frequencies and volume ranges of sound (a", + "score": 0.5975255966186523 + }, + { + "id": "1696653", + "title": "Trismus", + "text": "Trismus Trismus, also called lockjaw, is reduced opening of the jaws (limited jaw range of motion). It may be caused by spasm of the muscles of mastication or a variety of other causes. Temporary trismus occurs much more frequently than permanent trismus. It is known to interfere with eating, speaking, and maintaining proper oral hygiene. This interference, specifically with the patient's ability to swallow properly, results in an increased risk of aspiration. In some instances, trismus presents with altered facial appearance. The condition may be distressing and painful for the patient. Examination and treatments requiring access to the oral cavity", + "score": 0.5971121788024902 + }, + { + "id": "13005870", + "title": "Synesthesia", + "text": "although it is now also widely recognised by the term \"sequence-personality\" synesthesia. Ordinal linguistic personification normally co-occurs with other forms of synesthesia such as grapheme-color synesthesia. Misophonia is a neurological disorder in which negative experiences (anger, fright, hatred, disgust) are triggered by specific sounds. Richard Cytowic suggests that misophonia is related to, or perhaps a variety of, synesthesia. Miren Edelstein and her colleagues have compared misophonia to synesthesia in terms of connectivity between different brain regions as well as specific symptoms. They formed the hypothesis that \"a pathological distortion of connections between the auditory cortex and limbic structures could cause", + "score": 0.5968858003616333 + }, + { + "id": "10428194", + "title": "Avoidant/restrictive food intake disorder", + "text": "Avoidant/restrictive food intake disorder Avoidant/restrictive food intake disorder (ARFID), previously known as selective eating disorder (SED), is a type of eating disorder, where certain foods are limited based on appearance, smell, taste, texture, brand, presentation, or a past negative experience with the food. People with ARFID have an inability to eat certain foods. \"Safe\" foods may be limited to certain food types and even specific brands. In some cases, individuals with the condition will exclude whole food groups, such as fruits or vegetables. Sometimes excluded foods can be refused based on color. Some may only like very hot or very", + "score": 0.5958399772644043 + }, + { + "id": "3470212", + "title": "Chin music", + "text": "Chin music Chin music is a slang term with several different meanings. In American slang, \"chin music\" is a term for idle talk. It dates back at least a century: \"There's too much chin music an' too little fightin' in this war, anyhow\" is a quote from Stephen Crane's 1895 novel \"The Red Badge of Courage\". It can alternatively be used as a euphemism for punching someone in the jaw. In baseball slang, it means a pitch that is thrown near the batter's face. The pitcher's intent may be to cause the batter to move \"back\" such that it is", + "score": 0.5949273109436035 + }, + { + "id": "6866423", + "title": "Rumination syndrome", + "text": "While the number and severity of symptoms varies among individuals, repetitive regurgitation of undigested food (known as rumination) after the start of a meal is always present. In some individuals, the regurgitation is small, occurring over a long period of time following ingestion, and can be rechewed and swallowed. In others, the amount can be bilious and short lasting, and must be expelled. While some only experience symptoms following some meals, most experience episodes following any ingestion, from a single bite to a cute snack. However, some long-term patients will find a select couple of food or drink items that", + "score": 0.5947521328926086 + }, + { + "id": "4189632", + "title": "Selective mutism", + "text": "refused to as having a disorder he named \"aphasia voluntaria\". Although this is now an obsolete term, it was part of an early effort to describe the concept now called selective mutism. In 1980, a study by Torey Hayden identified what she called four \"subtypes\" of elective mutism (as it was called then), although this set of subtypes is not in current diagnostic use. These subtypes are no longer recognized, though \"speech phobia\" is sometimes used to describe a selectively mute person who appears not to have any symptoms of social anxiety. The \"Diagnostic and Statistical Manual of Mental Disorders", + "score": 0.5946818590164185 + }, + { + "id": "9202105", + "title": "A Sound Like Someone Trying Not to Make a Sound", + "text": "confront their fears.\" Liz Rosenburg, reviewing for the \"Boston Globe\" concluded, \"It may not be for everyone, certainly not for the most timid, but it has a satisfying and haunted originality that will win its own fans.\" A Sound Like Someone Trying Not to Make a Sound A Sound Like Someone Trying Not to Make a Sound (Doubleday Books for Young Readers, September 28, 2004, ) is a children's picture book written by John Irving and illustrated by Tatjana Hauptmann. The title was originally used for a children's book written by a fictional character (Ted Cole) in Irving's 1998 novel", + "score": 0.5946263074874878 + }, + { + "id": "6772944", + "title": "Picket-fencing", + "text": "Picket-fencing Picket fencing is slang for the chopping effect sometimes heard by cell phone users at the edge of a cell's coverage area, or (more likely) by the landline user to whom the cellphone is connected. \"Picket fencing\" refers to the way portions of speech are stripped from the conversation, as if the listener was walking by a picket fence, and hearing a conversation on the other side that changes audibily depending on the position of the pickets relative to the listener. Originally from amateur radio, the phrase was used to describe the way an FM transmitter will cut in", + "score": 0.5945643186569214 + }, + { + "id": "10385298", + "title": "Debtors Anonymous", + "text": "become a \"compulsive pauper,\" a term describing people who are consistently broke and in financial crisis. A related term, \"financial anorexia,\" describes \"someone who takes inordinate amounts of pride in having few financial needs and is more comfortable living in deprivation.\" Financial anorexics, while they may find it difficult to spend money on themselves, are not necessarily underearning. Although compulsive underearners may not actually be in debt, if they have a desire to avoid incurring unsecured debt, they are welcome in DA. In the previous version of the American Psychiatric Association's diagnostic manual (DSM-IV-TR) and in the current version (DSM-V),", + "score": 0.594382107257843 + }, + { + "id": "10966176", + "title": "Rabbit (song)", + "text": "girlfriend, but complains that she will not stop talking or, \"rabbiting\". Chas & Dave began writing the song in a cottage they had rented in Ashington, West Sussex in the summer of 1978. Peacock first had the idea of writing about someone who talked a lot called \"jaw-me-dead\" while he was on holiday in Spain, and had the lines \"You won\u2019t stop talking. Why don\u2019t you give it a rest? You\u2019re nothing to me but a jaw-me-dead.\" Hodges however wanted something less obscure, and suggested \"rabbit and pork\" meaning \"talk\". This idea then evolved into a beautiful girl who would", + "score": 0.5935275554656982 + }, + { + "id": "13755090", + "title": "Gelotophobia", + "text": "Gelotophobia Gelotophobia is a fear of being laughed at, a type of social phobia. While most people do not like being laughed at, there is a sub-group of people that exceedingly fear it, and without obvious reasons, they relate laughter they hear to be directed at themselves. Since 2008, this phenomenon has attracted attention from scholars in psychology, sociology, and psychiatry, and has been studied intensively. In his clinical observations, found that some of his patients seemed to be primarily worried about being laughed at. They tended to scan their environment for signs of laughter and ridicule. Furthermore, they reported", + "score": 0.5934375524520874 + }, + { + "id": "11802823", + "title": "Chalkboard scraping", + "text": "pattern differed from that elicited by disgust and was shared by speakers of Spanish (which has a word for the emotion: grima) and speakers of German and English (which have no single word for the emotion). Spanish volunteers who were asked to suppress their response to \"grima\"-inducing sounds were able to do so to some extent but there was no change in response to sounds that induced disgust. Some volunteers said that \"grima\" could be induced not only by sounds but also by the feel of some objects, such as sponge rubber or cork. One explanation for the adverse reaction", + "score": 0.593197762966156 + }, + { + "id": "9202103", + "title": "A Sound Like Someone Trying Not to Make a Sound", + "text": "A Sound Like Someone Trying Not to Make a Sound A Sound Like Someone Trying Not to Make a Sound (Doubleday Books for Young Readers, September 28, 2004, ) is a children's picture book written by John Irving and illustrated by Tatjana Hauptmann. The title was originally used for a children's book written by a fictional character (Ted Cole) in Irving's 1998 novel \"A Widow for One Year\". The story takes place in a house, late at night. A young child, asleep in his bed, awakes to hear a sound he describes as \"a sound like someone trying not to", + "score": 0.5929535627365112 + }, + { + "id": "6370751", + "title": "Osmophobia", + "text": "\"phobos\", \"fear\". \"Olfactophobia\" comes from the Latin \"olfacto\", \"to smell at\". Osmophobia Osmophobia or olfactophobia refers to a fear, aversion, or psychological hypersensitivity to odors. The phobia generally occurs in chronic migraine sufferers who may have \"odor triggered\" migraines. Such migraines are most frequently triggered by foul odors, but the hypersensitivity may extend to all odors. One study found as many as 25% of migraine sufferers had some degree of osmophobia. The condition may also be present in individuals in substance withdrawal, specifically opioid withdrawal syndrome, where it is usually associated with nausea and/or vomiting. The term \"osmophobia\" comes from", + "score": 0.5928406715393066 + }, + { + "id": "17380839", + "title": "Anti-Hungarian sentiment", + "text": "Anti-Hungarian sentiment Anti-Hungarian sentiment (also known as Hungarophobia, Anti-Hungarianism, Magyarophobia or Antimagyarism) is dislike, distrust, racism, or xenophobia directed against the Hungarians. It can involve hatred, grievance, distrust, intimidation, fear, and hostility towards the Hungarian people, language and culture. During the era of the Austro-Hungarian monarchs, the court in Vienna was influenced by Hungarophobia, but the Hungarian landowner nobles also showed signs of Germanophobia. In the 18th century, after the end of R\u00e1k\u00f3czi's War of Independence, many immigrants came to the underpopulated southern parts of the Kingdom of Hungary: for instance, 800 new German villages were established. The authorities preferred", + "score": 0.5927875638008118 + }, + { + "id": "890050", + "title": "Nose-picking", + "text": "and burping. Mucophagy, which is eating the extracted mucus, may be considered more taboo, and is sometimes portrayed in comedies. To be caught nose-picking may be considered humiliating. When nose picking becomes a body-focused repetitive behavior or obsessive\u2013compulsive disorder it is known as rhinotillexomania. Most cases do not meet this pathological threshold. When it does, however, treatments similar to other BFRBs can be employed. The environment of the nose and the dried secretions removed contain many microorganisms. When a person is contagious with a cold, flu or other virus, it is important that hands or other objects used to remove", + "score": 0.5924670696258545 + } + ] + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "When did the 1st Generation 12.9-inch iPad Pro come out?", + "short_answers": [ + "November 11, 2015" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When did the 2nd Generation 12.9-inch iPad Pro come out?", + "short_answers": [ + "June 13, 2017" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "When did the 3rd Generation 12.9-inch iPad Pro come out?", + "short_answers": [ + "November 7, 2018" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "iPad Pro", + "url": "https://en.wikipedia.org/wiki/iPad%20Pro" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "iPad Pro is a premium edition of the iPad tablet computers developed by Apple. It initially ran iOS,[12] but was later switched to a derivation of the same equivalent that is optimized for the iPad, iPadOS.", + "wikipage": "IPad Pro" + }, + { + "content": "It is larger than all previous iPad models and the first iPad tablet to feature LPDDR4 RAM.", + "wikipage": "IPad Pro" + } + ], + "long_answer": "The first iPad Pro, which is larger than all previous iPads, was released on November 11, 2015, and the 2nd generation iPad Pro came out on June 13, 2017. Then on November 7, 2018, the 3rd generation 12.9-inch iPad Pro came out. " + } + ], + "sample_id": "8821936092463844229", + "question": "When did the ipad pro 12.9 come out?", + "docs": [ + { + "id": "19017846", + "title": "IPad Pro", + "text": "which was announced on March 21, 2016, and released on March 31 that same year. On June 5, 2017, a second generation of iPad Pro was announced, which features A10X Fusion processors, with basic storage of 64 GB, and optional 512 GB. Upgraded displays include a new 10.5-inch version to replace the 9.7-inch model, while the 12.9-inch version was refreshed. Following this announcement, the first generation iPad Pros, both 9.7 and 12.9 inch, were discontinued. The third generation of iPad Pro was announced on October 30, 2018. It is available in two screen sizes: and . They feature full screen", + "score": 0.7850858569145203 + }, + { + "id": "19017845", + "title": "IPad Pro", + "text": "IPad Pro The iPad Pro family is a line of iPad tablet computers designed, developed, and marketed by Apple Inc., that runs the iOS mobile operating system. Its current generation is available in two screen sizes, and , each with four options for internal storage capacities: 64, 256, 512 GB, or 1 TB. The first iPad Pro, the 12.9-inch version, was announced on September 9, 2015, and released on November 11, 2015. It is larger than all previous iPad models and the first iPad tablet to feature LPDDR4 RAM. The 12.9-inch tablet was later followed by the smaller 9.7-inch version,", + "score": 0.7840390205383301 + }, + { + "id": "19017847", + "title": "IPad Pro", + "text": "displays, with the 11 inch model replacing the 10.5 inch model of the previous generation. They also feature up to 1 TB of storage and Face ID. The 12.9-inch version of the iPad Pro was announced during an Apple Special Event on September 9, 2015. It was released on November 11, 2015 with gold, silver, and space gray color options. Prices ranging from US$799.99 to $1,229.99 based on storage size and cellular connectivity. On March 21, 2016, the 9.7 inch version of the iPad Pro was announced at an Apple keynote with an additional rose gold color option. The 9.7", + "score": 0.7798395156860352 + }, + { + "id": "19017848", + "title": "IPad Pro", + "text": "inch version also introduced the ability to choose base 32GB Model with Cellular + WiFi option. (Previously, Cellular + WiFi option was only available on 128GB iPad Pro models.) The 9.7 inch model is priced from $599 to $1,129 depending on the configuration. It was released on March 31, 2016. The 9.7-inch iPad Pro, when compared to the iPad Air 2, features a faster CPU, a better camera, and is the first iPad to feature True Tone Flash and Retina Flash. It also had the highest storage for an iPad at the time with a 256 GB storage option and", + "score": 0.7754120826721191 + }, + { + "id": "4343", + "title": "Apple Inc.", + "text": "service from AT&T or Verizon, an upgraded A5X processor, and Retina display. The dimensions and form factor remained relatively unchanged, with the new iPad being a fraction thicker and heavier than the previous version and featuring minor positioning changes. On October 23, 2012, Apple's fourth-generation iPad came out, marketed as the \"iPad with Retina display\". It added the upgraded A6X processor and replaced the traditional 30-pin dock connector with the all-digital Lightning connector. The iPad Mini was also introduced. It featured a reduced 7.9-inch display and much of the same internal specifications as the iPad 2. On October 22, 2013,", + "score": 0.7551788687705994 + }, + { + "id": "19017853", + "title": "IPad Pro", + "text": "11-inch and 12.9-inch sizes, and are the first models to offer tap-to-wake LCD displays (following the iPhone XR), and up to 1TB of internal storage. Additionally, the third generation tablets lack both Touch ID and a headphone jack; the former having been superseded by Face ID. They were released on November 7, 2018. There are four accessories made specifically for iPad Pro, all of which are sold separately: a \"smart\" screen cover; an attachable keyboard, Smart Keyboard; an active bluetooth tracking stylus, Apple Pencil; and a form-fitted silicone case that is compatible with the Smart Keyboard. Smart Keyboard docks with", + "score": 0.743580162525177 + }, + { + "id": "17628028", + "title": "IPad Air", + "text": "IPad Air The iPad Air is the first-generation iPad Air tablet computer designed, developed, and marketed by Apple Inc. It was announced on October 22, 2013, and was released on November 1, 2013. The iPad Air features a thinner design with similarities to the contemporaneous iPad Mini 2, along with the same 64-bit Apple A7 processor with M7 coprocessor. It was then discontinued with the launch of a 9.7 inch iPad Pro on March 21, 2016. Its successor, the iPad Air 2, was announced on October 16, 2014. The iPad Air was announced during a keynote at the Yerba Buena", + "score": 0.7427592873573303 + }, + { + "id": "14238927", + "title": "IPad", + "text": "IPad iPad ( ) is a line of tablet computers designed, developed and marketed by Apple Inc., which run the iOS mobile operating system. The first iPad was released on April 3, 2010; the most recent iPad models are the iPad (2018), released on March 27, 2018 and the and 3rd generation iPad Pro released on November 7, 2018. The user interface is built around the device's multi-touch screen, including a virtual keyboard. All iPads can connect via Wi-Fi; some models also have cellular connectivity. , Apple has sold more than 360 million iPads, though sales peaked in 2013. It", + "score": 0.7420295476913452 + }, + { + "id": "4345", + "title": "Apple Inc.", + "text": "Smart Keyboard and Apple Pencil. An updated IPad Mini 4 was announced at the same time. A 9.7-inch iPad Pro was announced on March 21, 2016. On June 5, 2017, Apple announced a new iPad Pro with a 10.5-inch display to replace the 9.7 inch model and an updated 12.9-inch model. The original Apple Watch smartwatch was announced by Tim Cook on September 9, 2014, being introduced as a product with health and fitness-tracking. It was released on April 24, 2015. The second generation of Apple Watch, Apple Watch Series 2, was released in September 2016, featuring greater water resistance,", + "score": 0.7414675951004028 + }, + { + "id": "14238953", + "title": "IPad", + "text": "internal flash memory, with no option to expand storage. Apple sells a \"camera connection kit\" with an SD card reader, but it can only be used to transfer photos and videos. On March 21, 2016, Apple announced a 256 GB model of the iPad Pro, which was released on March 31. In 2017, Apple released a 10.5-inch iPad Pro and a revised 12.9-inch iPad Pro with a 512 GB option, the first of its kind on an iOS device. In 2018, Apple released a 11-inch and 12.9-inch iPad Pro, both with a 1 TB option. Apple iOS, in combination with", + "score": 0.7414078712463379 + }, + { + "id": "14238943", + "title": "IPad", + "text": "and hardware, but also includes Touch ID and available in gold color. In September, 2015, the iPad Pro was announced, which included a 12.9-inch screen, and a 9.7-inch version was announced in March 2016, with the addition of 256 GB option for both iPad Pro models. On March 21, 2017, a new iPad was announced. The hardware includes an A9 processor and is designed to be a budget version of the iPad. In June 2017, the iPad Pro's second generation hardware was announced to have 12.9 and 10.5-inch screens. On March 28, 2018, the new iPad 9.7-inch 2018 model (6th", + "score": 0.7390304207801819 + }, + { + "id": "19017852", + "title": "IPad Pro", + "text": "earlier models; both sizes also have a 12-megapixel rear-facing camera with quad-LED True-Tone flash and a 7-megapixel front-facing camera with Retina Flash. They have USB-C connection speeds using Lightning cables, with USB-C fast-charge support. The second generation iPad Pro has storage capacities up to 512 GB. The third generation of iPad Pro was announced on October 30, 2018, during an Apple Special Event at the Howard Gilman Opera House in Brooklyn, New York. The redesigned 2018 models feature new edge-to-edge Liquid Retina displays, Face ID, improved 12MP cameras, USB-C connectors, and Apple A12X Bionic processors. The tablets are offered in", + "score": 0.7381777167320251 + }, + { + "id": "19017851", + "title": "IPad Pro", + "text": "comes with a custom yellow-gold anodised finish, a blue leather Smart Cover and an orange leather Apple Pencil case cover, all of which are not sold by Apple elsewhere. The second generation of iPad Pro was announced on June 5, 2017 alongside iOS 11 at the 2017 WWDC. The second-generation iPad Pro models, at 10.5-inch and 12.9-inch, have an A10X hexa-core CPU and with a 12-core GPU, Apple's ProMotion display technology which supports HDR10 and Dolby Vision content (with iOS 11 or later) with a 120 Hz refresh rate and their True Tone display is 50 percent brighter than the", + "score": 0.7363498210906982 + }, + { + "id": "4344", + "title": "Apple Inc.", + "text": "Apple introduced the iPad Air and the iPad Mini with Retina Display, both featuring a new 64-bit Apple A7 processor. The iPad Air 2 was unveiled on October 16, 2014. It added better graphics and central processing and a camera burst mode as well as minor updates. The iPad Mini 3 was unveiled at the same time. Since its launch, iPad users have downloaded over three billion apps. The total number of App Store downloads, , is over 100billion. On September 9, 2015, Apple announced the iPad Pro, an iPad with a 12.9-inch display that supports two new accessories, the", + "score": 0.7322021722793579 + }, + { + "id": "20068145", + "title": "IPad (2017)", + "text": "effort to encourage wider adoption of the tablet in the education sector, as well as for businesses needing inexpensive tablets for undemanding uses. On March 27, 2018, Apple announced its successor, the 2018 iPad. This also marked the discontinuation of this iPad. The iPad was announced by Apple on March 21, 2017 in a press release. There has been confusion around its naming, being referred to as just \"iPad\" in marketing, but called the \"fifth-generation iPad\" in official statements and specifications sheets, a title previously taken by 2013's iPad Air. Other sources refer to it as the \"seventh-generation iPad\", when", + "score": 0.7271867394447327 + }, + { + "id": "16859939", + "title": "IPad Mini", + "text": "Display, was announced on October 22, 2013 and released on November 12, 2013. The third generation iPad Mini was announced on October 16, 2014 and was released on October 22, 2014; it features the same external hardware as the Mini 2 and the addition of a Touch ID fingerprint sensor compatible with Apple Pay. On September 9, 2015, Apple released the iPad Mini 4. On October 16, 2012, Apple announced plans for a media event on October 23 at the California Theatre in San Jose, California. The company did not give the subject of the event, but it was widely", + "score": 0.7218475341796875 + }, + { + "id": "14238941", + "title": "IPad", + "text": "1,024 by 7,68 pixel resolution screen and a dual core A5 processor, but is 53% lighter and 7.2 mm thick. It was released on November 2, 2012, in 16 GB, 32 GB, and 64 GB capacities and Wi-Fi or Wi\u2011Fi + Cellular versions. On October 22, 2013, Apple introduced the fifth generation of iPad, called the iPad Air, and the second generation of iPad Mini, called iPad Mini 2 that comes with a Retina Display. The iPad Air went on sale on November 1, 2013, starting at $499, while the iPad Mini 2 was released on November 12, 2013, starting", + "score": 0.717542290687561 + }, + { + "id": "5946062", + "title": "History of Apple Inc.", + "text": "Plus have high storage options. On October 27, 2016, Apple announced the new 13 and 15 inch Macbook Pro with a retina Touch Bar. On March 21, 2017, Apple announced the iPad (2017). This is the iPad Air 2 successor, equipped with a faster processor, and starts at $329. Apple also announced the (Product)RED iPhone 7 and iPhone 7 Plus. On June 5, 2017, Apple announced iOS 11 as well as new versions of macOS, watchOS, and tvOS. Apple also released updated versions of the iMac, MacBook Pro, and MacBook. Apple also released the new 10.5 and 12.9 inch iPad", + "score": 0.7137142419815063 + }, + { + "id": "15184763", + "title": "IPad 2", + "text": "major release dates, May 6 and 27. The 32 and 64 GB models were discontinued on March 7, 2012, upon the introduction of the third generation iPad. The 16 GB Wi-Fi and 16 GB Wi-Fi + 3G models were discontinued on March 18, 2014. In late March 2011, the iPad 2 was released alongside iOS 4.3, which primarily introduced Airplay Mirroring and Home Sharing among other features. On October 12, 2011, upon the release of the iPhone 4S, the iPad was upgradable to the iOS 5 firmware which brought over 200 new user features to iOS compatible devices including Notification", + "score": 0.7133873105049133 + }, + { + "id": "15184760", + "title": "IPad 2", + "text": "of iOS, from 4 to 9; until iOS 12 was released for the iPhone 5S, iPad Air and iPad Mini 2. Apple sent invitations to journalists on February 23, 2011, for a media event on March 2. On March 2, 2011, CEO Steve Jobs unveiled the device at the Yerba Buena Center for the Arts, despite being on medical leave. Upon the announcement of the iPad 2, the original iPad was discontinued from sales online and at Apple authorized retail stores. Apple began selling the iPad 2 on its website on March 11, and in its U.S. retail stores at", + "score": 0.7117732763290405 + }, + { + "id": "19017931", + "title": "IPad Mini 4", + "text": "IPad Mini 4 The iPad Mini 4 (stylized and marketed as iPad mini 4) is the fourth-generation iPad Mini tablet computer designed, developed and marketed by Apple Inc. It was announced along with the iPad Pro on September 9, 2015, and released the same day. The iPad Mini 4, which replaced the iPad Mini 3, is the only iPad Mini currently sold by Apple solely as a 128GB model as of March 21, 2017, when the iPad Mini 2 was discontinued. The iPad Mini 4 was announced during the \"Hey Siri\" Apple Special Event on September 9, 2015, alongside other", + "score": 0.7117215394973755 + }, + { + "id": "17629311", + "title": "IPad Mini (1st generation)", + "text": "of a proprietary power connector, its lack of expandable storage, and the lack of Retina display. On October 16, 2012, Apple announced a media event scheduled for October 23 at the California Theatre in San Jose, California. The company did not predisclose the subject of the event, but it was widely expected to be the iPad Mini. On the day of the event, Apple CEO Tim Cook introduced a new version of MacBook family and new generations of the MacBook Pro, Mac Mini, and the iMac before the iPad mini and the higher end fourth-generation iPad. It was released on", + "score": 0.7102259397506714 + }, + { + "id": "19017940", + "title": "IPad Mini 4", + "text": "featured the A7 processor used in the iPad Air and iPhone 5S when they were released in Fall 2013. IPad Mini 4 The iPad Mini 4 (stylized and marketed as iPad mini 4) is the fourth-generation iPad Mini tablet computer designed, developed and marketed by Apple Inc. It was announced along with the iPad Pro on September 9, 2015, and released the same day. The iPad Mini 4, which replaced the iPad Mini 3, is the only iPad Mini currently sold by Apple solely as a 128GB model as of March 21, 2017, when the iPad Mini 2 was discontinued.", + "score": 0.7056827545166016 + }, + { + "id": "16861615", + "title": "IPad (1st generation)", + "text": "very similar in appearance to the iPad. The iPad was announced on January 27, 2010, by Jobs at an Apple press conference at the Yerba Buena Center for the Arts in San Francisco. Jobs later said that Apple began developing the iPad before the iPhone, but temporarily shelved the effort upon realizing that its ideas would work just as well in a mobile phone. The iPad\u2019s internal codename was K48, which was revealed in the court case surrounding leaking of iPad information before launch. Apple began taking pre-orders for the iPad from US customers on March 12, 2010. The only", + "score": 0.7052479386329651 + }, + { + "id": "20642966", + "title": "IPad (2018)", + "text": "IPad (2018) The iPad (officially sixth-generation iPad) is a 9.7-inch (25cm) tablet computer designed, developed, and marketed by Apple Inc. It was announced on March 27, 2018, during an education-focused event at Lane Tech High School in Chicago and is a revision of the 2017 model, upgraded with the Apple A10 Fusion SoC and support for styluses such as Apple Pencil. The iPad is marketed towards educators and schools. The iPad is priced starting at US$329 for consumers, $309 for educators/students and $299 for schools. The iPad shipped with the latest release of iOS 11, with the iWork suite of", + "score": 0.7041180729866028 + }, + { + "id": "18358214", + "title": "IPad Mini 3", + "text": "IPad Mini 3 The iPad Mini 3 (stylized and marketed as iPad mini 3) is the third-generation iPad Mini tablet computer designed, developed and marketed by Apple Inc. It was announced alongside the iPad Air 2 on October 16, 2014 and then released on October 22. It uses primarily the same design and hardware as that of its predecessor, the iPad Mini 2. Its new features are the addition of the Touch ID sensor compatible with Apple Pay, differing storage sizes and being available in gold color, as well as the previous colors. On September 9, 2015, the iPad Mini", + "score": 0.7034656405448914 + }, + { + "id": "16346981", + "title": "IPad (3rd generation)", + "text": "States. The March 23, 2012, release included many European countries, Mexico and Macau. The April 20, 2012, release added a dozen countries including South Korea and Malaysia. The April 27, 2012, release added nine more countries, including India and South Africa. May 2012 releases added 31 countries, including Brazil and Turkey. On October 23, 2012, upon the announcement of the fourth-generation iPad, the third-generation iPad was discontinued. In response to criticism from its owners, the return policy of select Apple Stores was briefly extended to thirty days to allow customers to exchange the third-generation model for the fourth-generation model. The", + "score": 0.7030948996543884 + }, + { + "id": "18358109", + "title": "IPad Air 2", + "text": "IPad Air 2 The iPad Air 2 is the second-generation iPad Air tablet computer designed, developed, and marketed by Apple Inc. It was announced on October 16, 2014 alongside the iPad Mini 3, both of which were released on October 22, 2014. The iPad Air 2 is thinner and faster than its predecessor, the iPad Air, and features Touch ID with the height and screen size the same as the iPad Air. The iPad Air 2 was discontinued on March 21, 2017. Its successor, the 2017 iPad, was announced on the same day. The iPad Air 2 was announced during", + "score": 0.7021176815032959 + }, + { + "id": "16861618", + "title": "IPad (1st generation)", + "text": "May 28. Online pre-orders in those countries began on May 10. Apple released the iPad in Hong Kong, Ireland, Mexico, New Zealand and Singapore on July 23, 2010. Israel briefly prohibited importation of the iPad because of concerns that its Wi-Fi might interfere with other devices. On September 17, 2010, the iPad was officially launched in China. The iPad originally shipped with iPhone OS 3.2. On September 1, 2010, it was announced the iPad would get iOS 4.2 by November 2010; to fulfill this, Apple released iOS 4.2.1 to the public on November 22. It comes with several applications, including", + "score": 0.7015604972839355 + }, + { + "id": "14238935", + "title": "IPad", + "text": "to produce the tablet first, he came to agree with Jobs that the phone was more important, as the tablet's innovations would work as well in it. The iPad's internal codename was K48, which was revealed in the court case surrounding leaking of iPad information before launch. Apple began taking pre-orders for the first-generation iPad on March 12, 2010. The only major change to the device between its announcement and being available to pre-order was the change of the behavior of the side switch to perform either sound muting or screen rotation locking (user selectable). The Wi-Fi version of the", + "score": 0.7007236480712891 + }, + { + "id": "16346980", + "title": "IPad (3rd generation)", + "text": "predisclose the subject of the event, but analysts widely expected the event to announce a new version of the iPad. The announcement affected the tablet resale market positively. At the event, Apple CEO Tim Cook introduced , a Japanese version of Siri, and the third-generation Apple TV before the third-generation iPad. Cook claimed that the new product would be one of the main contributors to the emerging \"post-PC world\"\u2014a world in which digital life would not be tied to the PC. The March 16, 2012, release included eight countries including Australia, Canada, Japan, Singapore, the United Kingdom and the United", + "score": 0.699984610080719 + }, + { + "id": "18358117", + "title": "IPad Air 2", + "text": "of 10 while noting that it offered only \"iterative improvement\" and that there were \"missed opportunities\" in its design. IPad Air 2 The iPad Air 2 is the second-generation iPad Air tablet computer designed, developed, and marketed by Apple Inc. It was announced on October 16, 2014 alongside the iPad Mini 3, both of which were released on October 22, 2014. The iPad Air 2 is thinner and faster than its predecessor, the iPad Air, and features Touch ID with the height and screen size the same as the iPad Air. The iPad Air 2 was discontinued on March 21,", + "score": 0.6998083591461182 + }, + { + "id": "18820946", + "title": "IOS 9", + "text": "issue for iPhone SE. However, iOS 9.3.2 bricked some 9.7-inch iPad Pros, preventing them from being used. Apple pulled the update for iPad Pro on May 20, 2016, and re-released 9.3.2 for the device on June 2, 2016, fixing the issue. iOS 9.3.3 was released on July 18, 2016, with bug fixes and performance improvements. iOS 9.3.4 was released on August 4, 2016, with a fix for a memory corruption issue that could enable an app \"to execute arbitrary code with kernel privileges\". The update consequently patched an iOS jailbreaking method used by the Chinese programming group Pangu Team. iOS", + "score": 0.6997638940811157 + }, + { + "id": "20068143", + "title": "IPad (2017)", + "text": "IPad (2017) The iPad (officially fifth-generation iPad) is a 9.7-inch tablet computer designed, developed, and marketed by Apple Inc. After its announcement on March 21, 2017, conflicting naming conventions spawned a number of different names, including seventh-generation iPad or iPad 2017. It retains the screen size of the iPad Air line of tablets, and is more powerful than iPad Air 2, even as its overall dimensions and weight are more similar to the original iPad Air. Unlike the iPad Air 2, this generation of iPad does not have a fully laminated display and lacks an anti-reflective coating. Unlike the iPad", + "score": 0.6981453895568848 + }, + { + "id": "16346979", + "title": "IPad (3rd generation)", + "text": "of a 2,048-by-1,536 pixel screen leaked. During this time, the tablet was called the \"iPad 3\", a colloquial name sometimes still used after the release. On February 9, 2012, John Paczkowski of All Things Digital stated that \"Apple\u2019s not holding an event in February\u2014strange, unusual or otherwise. But it is holding one in March\u2014to launch its next iPad.\" Another common rumor at the time was that the tablet would have an Apple A6 processor. On February 29, 2012, Apple announced a media event scheduled for March 7, 2012, at the Yerba Buena Center for the Arts. The company did not", + "score": 0.6971524357795715 + }, + { + "id": "17628045", + "title": "IPad Air", + "text": "increased speed and the decreased size and weight, are only slight improvements. The launch date for the iPad Air did not see as large of a turnout as usual for Apple products; however, this was expected by analysts due to the delayed release of the iPad Mini 2. The Air sold out in Hong Kong two hours after becoming available online. IPad Air The iPad Air is the first-generation iPad Air tablet computer designed, developed, and marketed by Apple Inc. It was announced on October 22, 2013, and was released on November 1, 2013. The iPad Air features a thinner", + "score": 0.6971015930175781 + }, + { + "id": "4341", + "title": "Apple Inc.", + "text": "Retina display, A12 Bionic chip with next-generation Neural Engine, the TrueDepth camera system, Face ID and an advanced camera system that creates dramatic portraits using a single camera lens. On January 27, 2010, Apple introduced their much-anticipated media tablet, the iPad. It offers multi-touch interaction with multimedia formats including newspapers, e-books, photos, videos, music, word processing documents, video games, and most existing iPhone apps using a 9.7-inch screen. It also includes a mobile version of Safari for web browsing, as well as access to the App Store, iTunes Library, iBookstore, Contacts, and Notes. Content is downloadable via Wi-Fi and optional", + "score": 0.6953312158584595 + }, + { + "id": "19017859", + "title": "IPad Pro", + "text": "Zack Nelson then published a video on his channel \"JerryRigEverything\" showing the device cracking and snapping in half after applying just a small amount of pressure with his hands in the center of the device. IPad Pro The iPad Pro family is a line of iPad tablet computers designed, developed, and marketed by Apple Inc., that runs the iOS mobile operating system. Its current generation is available in two screen sizes, and , each with four options for internal storage capacities: 64, 256, 512 GB, or 1 TB. The first iPad Pro, the 12.9-inch version, was announced on September 9,", + "score": 0.6924780011177063 + }, + { + "id": "14238980", + "title": "IPad", + "text": "the iPad. In an e-mail exchange with Ryan Tate from Valleywag, Steve Jobs claimed that the iPad offers \"freedom from porn\", leading to many upset replies including Adbustings in Berlin by artist Johannes P. Osterhoff and in San Francisco during WWDC10. On May 28, 2010, the iPad was released in Australia, Canada, and Japan, as well as in several larger European countries. Media reaction to the launch was mixed. The media noted the positive response from fans of the device, with thousands of people queued on the first day of sale in a number of these countries. Media reaction to", + "score": 0.6918180584907532 + }, + { + "id": "17629312", + "title": "IPad Mini (1st generation)", + "text": "November 2, 2012, in nearly all of Apple's markets. The 32 GB and 64 GB models were discontinued with the release of its successor, the iPad Mini 2, on October 22, 2013. After almost 3 years on June 19, 2015, the remaining 16 GB model was discontinued as well.Aswell as being discontinued from stores, the iPad mini no longer receives software updates and is not supported by Apple. The iPad Mini shipped with iOS 6.0. It can act as a hotspot with some carriers, sharing its Internet connection over Wi-Fi, Bluetooth, or USB, and also access the App Store, a", + "score": 0.6908353567123413 + }, + { + "id": "15184762", + "title": "IPad 2", + "text": "and tsunami which struck the nation on March 11, 2011. The iPads were delayed due to the NAND flash storage chip used in the iPads being created by Toshiba, which was affected by the earthquake and tsunami thus resulting in the suspension of operations for an indefinite period of time. The slowdown caused analysts to downgrade Apple's stock. The iPad 2 was later released in Hong Kong, South Korea, Singapore, Philippines, Malaysia and other countries including Japan on April 29, 2011. It was then released in numerous other nations which include China, Estonia, Thailand, Brazil, Russia and Taiwan on two", + "score": 0.6906061172485352 + }, + { + "id": "20642968", + "title": "IPad (2018)", + "text": "noted that it was as costly as the previous generation iPad. Scott Stein of \"CNET\" also praised the addition of support for Apple Pencil and the upgrade to the A10 chip, but criticized it for lacking the Smart Connector as well as not having the same display technology as the iPad Pro, writing \"the 2018 entry-level iPad doesn't add much, but it makes an already excellent tablet a better buy than ever.\" IPad (2018) The iPad (officially sixth-generation iPad) is a 9.7-inch (25cm) tablet computer designed, developed, and marketed by Apple Inc. It was announced on March 27, 2018, during", + "score": 0.6904659271240234 + }, + { + "id": "14238934", + "title": "IPad", + "text": "tablet\"; specific names included \"iTablet\" and \"iSlate\". The iPad was announced on January 27, 2010, by Steve Jobs at an Apple press conference at the Yerba Buena Center for the Arts in San Francisco. Jobs later said that Apple had begun developing the iPad before the iPhone. Jonathan Ive in 1991 had created an industrial design for a stylus-based tablet, the Macintosh Folio, as his first project for Apple; by 2004 his studio at the company was participating in the development of a large tablet prototype, which he later described as \"very crude, involving projectors\". Ive stated that after seeking", + "score": 0.6896843910217285 + }, + { + "id": "18358110", + "title": "IPad Air 2", + "text": "a keynote on October 16, 2014, and was the first iPad to feature Touch ID. The theme of the keynote was \"it's been way too long\". The Air 2 began arriving in retail stores on October 22, 2014. The slogan for the device was \"Change Is in the Air.\" With the release of the new iPad Pro, the slogan for the device was changed to \"Light. Heavyweight.\" The iPad Air 2 ships with the iOS 10 (formerly iOS 8, later iOS 9) operating system pre-installed and includes a version of Apple Pay with the in-store NFC functionality removed. The included", + "score": 0.6888988018035889 + }, + { + "id": "19017892", + "title": "Apple Pencil", + "text": "for 30 minutes of use. The user can also use the included female-to-female Lightning adapter to charge via a standard Lightning cable instead. In March 2018, support for the first generation Apple Pencil was added to the 9.7-inch Apple iPad. Later, in October 2018, Apple announced the second generation Apple Pencil. As opposed to its predecessor, the second generation Apple Pencil charges and pairs wirelessly via magnetic attachment to the 2018 iPad Pro models. It was released on November 7, 2018. The first generation Apple Pencil was designed for first and second generation iPad Pro models as well as the", + "score": 0.6888875365257263 + }, + { + "id": "15184761", + "title": "IPad 2", + "text": "5 pm local time on that date. Many stores in major cities, such as New York, sold out within hours. Online shipping delays had increased to three to four weeks on Sunday and four to five weeks by Tuesday. The iPad 2 was released internationally in 25 other countries on March 25, 2011. The countries included Australia, Austria, Belgium, Canada, Czech Republic, Denmark, Finland, France, Germany, Greece, Iceland, Italy, Ireland, Hungary, Luxembourg, Mexico, Netherlands, New Zealand, Norway, Poland, Portugal, Spain, Sweden, Switzerland and the United Kingdom. The April 29, 2011 release date for Japan was postponed due to the earthquake", + "score": 0.688356876373291 + }, + { + "id": "18358221", + "title": "IPad Mini 3", + "text": "2 and 3's compact form factor. IPad Mini 3 The iPad Mini 3 (stylized and marketed as iPad mini 3) is the third-generation iPad Mini tablet computer designed, developed and marketed by Apple Inc. It was announced alongside the iPad Air 2 on October 16, 2014 and then released on October 22. It uses primarily the same design and hardware as that of its predecessor, the iPad Mini 2. Its new features are the addition of the Touch ID sensor compatible with Apple Pay, differing storage sizes and being available in gold color, as well as the previous colors. On", + "score": 0.6875365972518921 + }, + { + "id": "16859953", + "title": "IPad (4th generation)", + "text": "been supported by five major iOS releases, in this case iOS 6, 7, 8, 9, and 10. iOS 11, which was released on 19 September 2017, does not have support for the fourth-generation iPad because iOS 11 drops support for all 32-bit devices. It was announced at a media conference on October 23, 2012 as the fourth generation of the iPad line, and was first released on November 2, 2012, in 35 countries, and then through December in ten other countries including China, India and Brazil. The third generation was discontinued following the fourth's announcement, after only seven months of", + "score": 0.6868530511856079 + }, + { + "id": "16859952", + "title": "IPad (4th generation)", + "text": "IPad (4th generation) The fourth-generation iPad (marketed as iPad with Retina display, colloquially referred to as the iPad 4) is a tablet computer produced and marketed by Apple Inc. Compared to its predecessor, the third-generation iPad, the fourth-generation iPad maintained the Retina Display but featured new and upgraded components such as the Apple A6X chip and the Lightning connector, which was introduced on September 12, 2012. It shipped with iOS 6.0, which provides a platform for audio-visual media, including electronic books, periodicals, films, music, computer games, presentations and web content. Like the iPad 2 and the third-generation iPad, it has", + "score": 0.6865642070770264 + }, + { + "id": "14238937", + "title": "IPad", + "text": "are activated on the iPad itself and can be cancelled at any time. Initially, the iPad was only available to order at the Apple Store, but has since become available for purchase through retailers including Amazon, Walmart, and network operators. The iPad was launched in countries including Australia, Canada, France, Germany, Japan and the United Kingdom on May 28. Online pre-orders in those countries began on May 10. Apple released the iPad in Hong Kong, Ireland, Mexico, New Zealand and Singapore on July 23, 2010. Israel briefly prohibited importation of the iPad because of concerns that its Wi-Fi might interfere", + "score": 0.6861668229103088 + }, + { + "id": "16859949", + "title": "IPad Mini", + "text": "IPad Mini The iPad Mini family (branded and marketed as iPad mini) is a line of mini tablet computers designed, developed, and marketed by Apple Inc. It is a sub-series of the iPad line of tablets, with a reduced screen size of 7.9 inches, in contrast to the standard 9.7 inches. The first generation iPad Mini was announced on October 23, 2012, and was released on November 2, 2012, in nearly all of Apple's markets. It features similar internal specifications to the iPad 2, including its display resolution. The second generation iPad Mini, with a faster processor and a Retina", + "score": 0.684483528137207 + }, + { + "id": "16859938", + "title": "IPad Mini", + "text": "IPad Mini The iPad Mini family (branded and marketed as iPad mini) is a line of mini tablet computers designed, developed, and marketed by Apple Inc. It is a sub-series of the iPad line of tablets, with a reduced screen size of 7.9 inches, in contrast to the standard 9.7 inches. The first generation iPad Mini was announced on October 23, 2012, and was released on November 2, 2012, in nearly all of Apple's markets. It features similar internal specifications to the iPad 2, including its display resolution. The second generation iPad Mini, with a faster processor and a Retina", + "score": 0.6844813823699951 + }, + { + "id": "14238938", + "title": "IPad", + "text": "with other devices. On September 17, 2010, the iPad was officially launched in China. Jobs unveiled the iPad 2 at a press conference on March 2, 2011. About 33% thinner than its predecessor and 15% lighter, the iPad 2 has a better processor, a dual core Apple A5 that Apple says is twice as fast as its predecessor for CPU operations and up to nine times as fast for GPU operations. The iPad 2 includes front and back cameras that support the FaceTime videophone application, as well as a three-axis gyroscope. It retained the original's 10\u2011hour battery life and had", + "score": 0.6841017007827759 + }, + { + "id": "16859956", + "title": "IPad (4th generation)", + "text": "not pre-disclose the subject of the event, but it was widely expected to be regarding the iPad Mini. Photographic images of the device's dock connector and front camera emerged shortly before the media event. At the media event, Apple CEO Tim Cook introduced a new version of iBooks and new generations of the MacBook Pro, Mac Mini, and the iMac before unveiling the fourth-generation iPad and the lower-end iPad Mini. During the unveiling, Apple stated that the fourth-generation iPad would be available to pre-order online in a selected number of countries starting October 26. On November 2, Apple released the", + "score": 0.6827055811882019 + }, + { + "id": "16859958", + "title": "IPad (4th generation)", + "text": "scheduled the launch of the 128 GB variant of 4th generation iPad. It was released on February 5, 2013. Following the announcement of the iPad Air on October 22, 2013, sales of the fourth-generation iPad were discontinued. The fourth-generation iPad was reintroduced on March 18, 2014, following the discontinuation of the iPad 2. In order to make its reintroduction a low-end device to the iPad Air, its price was cut by 20% over its original launch price. On October 16, 2014, the fourth-generation iPad was discontinued in favor of the iPad Air 2; the iPad Air took its place as", + "score": 0.6825801134109497 + }, + { + "id": "18820972", + "title": "IOS 9", + "text": "the device remains secure. Apple released a new version of iOS 9.2.1 later in February to fix the issue. In February 2016, a bug was discovered that could permanently disable 64-bit devices. The bug, setting the time to 1 January 1970, would cause the device to get stuck in a reboot process. iOS 9.3, released on March 21, 2016, fixed the issue. In May 2016, Apple released iOS 9.3.2. The update was followed by reports that it bricked some 9.7-inch iPad Pros, with a \"Connect to iTunes\" message, and an \"Error 56\" message in iTunes that it couldn't restore the", + "score": 0.6823675632476807 + }, + { + "id": "17628040", + "title": "IPad Air", + "text": "four orientations, including upside-down. Consequently, the device has no intrinsic \"native\" orientation; only the relative position of the home button changes. The iPad Air was available with 16, 32, 64 or 128 GB of internal flash memory, with no expansion option. Apple also sells a \"camera connection kit\" with an SD card reader, but it can only be used to transfer photos and videos. As of the announcement of the iPad Pro 9.7-Inch on March 21, 2016, the iPad Air was discontinued. All models can connect to a wireless LAN and offer dual band Wi-Fi support. The tablet is also", + "score": 0.6814879179000854 + }, + { + "id": "17628032", + "title": "IPad Air", + "text": "technology as the iPhone 4S. This enables users to speak and the iPad types what they say on the screen, though the iPad must have an internet connection (via Wi-Fi or cellular network) because the speech is processed by Apple servers. Apple also began giving away its popular iLife (iPhoto, iMovie, Garageband) and iWork (Pages, Keynote, Numbers) apps with the device. On June 8, 2015, it was announced at the WWDC that the iPad Air would support most of iOS 9's new features when it is released in Q3 2015. Air users with iOS 9 will be able to take", + "score": 0.6792953610420227 + }, + { + "id": "6880362", + "title": "MacBook Pro", + "text": "is thinner than its predecessor and is the first to include a high-resolution Retina Display. A 13-inch variant was released in October 2012. The fourth generation MacBook Pro was announced on October 27, 2016. It replaces the function keys with an interactive, multi-touch \"Touch Bar\" and a Touch ID sensor integrated into the Power button. The original 15-inch MacBook Pro was announced on January 10, 2006 by Steve Jobs at the Macworld Conference & Expo. The 17-inch model was unveiled on April 24, 2006. The first design was largely a carryover from the PowerBook G4, but uses Intel Core CPUs", + "score": 0.6791715025901794 + }, + { + "id": "5946061", + "title": "History of Apple Inc.", + "text": "promise, it lacked a clear purpose, similar to many of the devices already on the market. The Apple Watch was released on April 24, 2015. On September 9, 2015, Apple announced the iPhone 6S and iPhone 6S Plus with 3D Touch, the iPad Pro, and the fourth-generation Apple TV, along with the fourth-generation iPad Mini. On March 21, 2016, Apple announced the iPhone SE and the smaller iPad Pro. On September 7, 2016, Apple announced the iPhone 7 and iPhone 7 Plus with an improved camera and a faster processor than the previous generation. The iPhone 7 and iPhone 7", + "score": 0.678439736366272 + }, + { + "id": "16861616", + "title": "IPad (1st generation)", + "text": "major change to the device between its announcement and being available to pre-order was the change of the behavior of the side switch from sound muting to that of a screen rotation lock. The Wi-Fi version of the iPad went on sale in the United States on April 3, 2010. The Wi-Fi + 3G version was released on April 30. 3G service for the iPad in the United States is provided by AT&T and was initially sold with two prepaid contract-free data plan options: one for unlimited data and the other for 250 MB per month at half the price.", + "score": 0.6784000396728516 + }, + { + "id": "18820944", + "title": "IOS 9", + "text": "was released on January 19, 2016, with some bug fixes. On February 18, 2016, a second version of iOS 9.2.1 was released to fix a bricking issue that impacted iPhones with Touch ID sensors that had been repaired by a third-party. iOS 9.3 was released on March 21, 2016, with new 3D Touch Quick Actions for several of Apple's built-in apps, Night Shift mode, Notes with password protection and Touch ID, News with better personalized recommendations, support for in-line video and iPhone landscape view, Health with Activity view, CarPlay updates for Apple Music and Apple Maps, new languages for Siri,", + "score": 0.6769956946372986 + }, + { + "id": "4342", + "title": "Apple Inc.", + "text": "3G service or synced through the user's computer. AT&T was initially the sole U.S. provider of 3G wireless access for the iPad. On March 2, 2011, Apple introduced the iPad 2, which had a faster processor and a camera on the front and back. It also added support for optional 3G service provided by Verizon in addition to AT&T. The availability of the iPad 2 was initially limited as a result of a devastating earthquake and tsunami in Japan in March 2011. The third-generation iPad was released on March 7, 2012, and marketed as \"the new iPad\". It added LTE", + "score": 0.6769227981567383 + }, + { + "id": "14238936", + "title": "IPad", + "text": "iPad went on sale in the United States on April 3, 2010. The Wi-Fi + 3G version was released on April 30. 3G service in the United States is provided by AT&T and was initially sold with two prepaid contract-free data plan options: one for unlimited data and the other for 250 MB per month at half the price. On June 2, 2010, AT&T announced that effective June 7 the unlimited plan would be replaced for new customers with a 2 GB plan at slightly lower cost; existing customers would have the option to keep the unlimited plan. The plans", + "score": 0.6754410862922668 + }, + { + "id": "18820947", + "title": "IOS 9", + "text": "9.3.5 was released on August 25, 2016, with a fix for three critical security vulnerabilities where, if a user clicked on a malicious link, a jailbreak was enabled on the device that installed spyware to intercept and collect all information on the device, as well as activate the microphone and track the device location. The spyware, called \"Pegasus\", used strong encryption to avoid detection. On the iPhone 6S and iPhone 6S Plus, a touch-sensitive display feature called 3D Touch is incorporated into iOS 9. It is similar to Force Touch, which can be found on the trackpad of some Apple", + "score": 0.6750844717025757 + }, + { + "id": "16346977", + "title": "IPad (3rd generation)", + "text": "as 4G (LTE) connectivity for the device is not available outside North America. The Wi-Fi + Cellular model includes GPS capability. Initially, the cellular version was titled and marketed worldwide as the \"Wi-Fi + 4G\" model, but due to regional differences in classification of 4G (LTE) connectivity outside of North America, Apple later rebranded and altered their marketing to call this the \"Wi-Fi + Cellular\" model. The tablet was released in ten countries on March 16, 2012. It gained mostly positive reviews, earning praise for its Retina display, processor and 4G (LTE) capabilities. However, controversy arose when the LTE incompatibilities", + "score": 0.6720792651176453 + }, + { + "id": "5946053", + "title": "History of Apple Inc.", + "text": "Apple TV currently has a 2nd generation model, which is 4 times smaller than the original Apple TV. Apple has also gone wireless, selling a wireless trackpad, keyboard, mouse, and external hard drive. Wired accessories are, however, still available. The Apple iPad was announced on January 27, 2010 with retail availability commencing in April and systematically growing in markets throughout 2010. The iPad fits into Apple's iOS product line, being twice the screen size of an iPhone without the phone abilities. While there were initial fears of product cannibalisation the FY2010 financial results released in Jan 2011 included commentary of", + "score": 0.671709418296814 + }, + { + "id": "15184758", + "title": "IPad 2", + "text": "upon the release of the 3rd generation iPad in March 2012, only the 16 GB variation with two connectivity options and two front color options remained available. The product became available in March through May 2011. The device received mixed to positive reception from various blogs and publications. Although it was praised for its hardware improvement, such as the new Apple A5 chip, the software restriction on the iPad 2 and iOS in general drew criticism from various technology commentators. The device sold well in its first month of sales with 2.4\u20132.6 million units sold and 11.12 million units were", + "score": 0.6706675291061401 + }, + { + "id": "13024153", + "title": "IMac", + "text": "it to be thinner at the edge than older models, with an edge thickness of 5.9mm (but the same maximum depth). It also includes a dual microphone setup, and includes solid-state drive (SSD) or hard disk storage, or an Apple Fusion Drive, a hybrid of solid state and hard disk drives. This version of iMac was announced in October 2012, with the version released in November and the version in December; these were refreshed in September 2013, with new Haswell processors, faster graphics, faster and larger SSD options and 802.11ac Wi-Fi cards. In October 2014, the seventh major revision of", + "score": 0.6704843044281006 + }, + { + "id": "20068149", + "title": "IPad (2017)", + "text": "support, and has no flash on the back. It is offered in silver, gold, and space grey colors. Despite its use of the Apple A9 processor and accompanying M9 motion co-processor, introduced with the iPhone 6S in 2015, the iPad does not feature support for always-on \"Hey Siri\" voice input, a feature advertised as being made possible by low-power processing in the then-new chips. The use of \"Hey Siri\" is limited to when the iPad is connected to power. A product teardown by iFixit showed that the design of this iPad is nearly identical to the iPad Air except for", + "score": 0.6687885522842407 + }, + { + "id": "16861613", + "title": "IPad (1st generation)", + "text": "for the Adobe Flash multimedia format. During the first 80 days, three million iPads were sold. By the launch of the iPad 2, Apple sold more than 15 million iPads. On March 2, 2011, Apple announced the iPad 2 and reduced the price of the first-generation iPad. Apple co-founder Steve Jobs stated in a 1983 speech that his company\u2019s Apple\u2019s first tablet computer was the Newton MessagePad 100, introduced in 1993, which led to the creation of the ARM6 processor core with Acorn Computers. Apple also developed a prototype PowerBook Duo-based tablet, the PenLite, but decided not to sell it", + "score": 0.6680094599723816 + }, + { + "id": "18820977", + "title": "IOS 9", + "text": "safety of the product in schools. With this release, Apple did not drop support for any iOS devices, with all devices supporting iOS 8 also able to run iOS 9. IOS 9 iOS 9 is the ninth major release of the iOS mobile operating system developed by Apple Inc., being the successor to iOS 8. It was announced at the company's Worldwide Developers Conference on June 8, 2015, and was released on September 16, 2015. It was succeeded by iOS 10 on September 13, 2016. iOS 9 incorporated many feature updates to built-in apps. Most notably, Notes received the ability", + "score": 0.6675516963005066 + }, + { + "id": "17628212", + "title": "IPad Mini 2", + "text": "November 12, 2013. Its successor, the iPad Mini 3, was unveiled on October 16, 2014, featuring the same internals but adding Touch ID, differing storage sizes, and an additional gold color. The iPad Mini 2 was discontinued on March 21, 2017, following the press announcement of a new, lower cost iPad, which replaces the iPad Air 2. The iPad Mini 2 is the first iPad Mini to support six major versions of iOS, from iOS 7 through iOS 12. The iPad Mini 2 was announced during a keynote at the Yerba Buena Center for the Arts on October 22, 2013.", + "score": 0.6675374507904053 + }, + { + "id": "18820942", + "title": "IOS 9", + "text": "as the first update to iOS 9. It fixed playback issues with alarms and timers, made the setup assistant work properly, and resolved distortion of paused frames during video playback in Photos and Safari. iOS 9.0.2 was released on September 30, 2015, to fix multiple bugs, including a lock screen bypass issue. iOS 9.1 was released on October 21, 2015. The update included support for the iPad Pro and Apple Pencil and the 4th-generation Apple TV. It also added support for over 150 new emoji, as part of the Unicode 7.0 and 8.0 emoji standards. Live Photos now intelligently sense", + "score": 0.6675190925598145 + }, + { + "id": "6880389", + "title": "MacBook Pro", + "text": "also investigating similar cases across the United States. On February 20, 2015, Apple instituted the This \"will repair affected MacBook Pro systems, free of charge\". The program covered affected MacBook Pro models until December 31, 2016 or four years from original date of sale. On June 11, 2012 at the Apple Worldwide Developers Conference in San Francisco, Apple introduced the third generation MacBook Pro, marketed as the \"MacBook Pro with Retina display\" to differentiate it from the predecessor model. The new model includes Intel's third generation Core i7 processors (Ivy Bridge microarchitecture), USB 3.0, and a high-resolution 15.4\" IPS 2880\u00d71800-pixel", + "score": 0.6675021648406982 + }, + { + "id": "4313", + "title": "Apple Inc.", + "text": "and explained that the break would allow the company \"to focus on delivering extraordinary products\". Despite Jobs's absence, Apple recorded its best non-holiday quarter (Q1 FY 2009) during the recession with revenue of $8.16billion and profit of $1.21billion. After years of speculation and multiple rumored \"leaks\", Apple unveiled a large screen, tablet-like media device known as the iPad on January 27, 2010. The iPad ran the same touch-based operating system as the iPhone, and many iPhone apps were compatible with the iPad. This gave the iPad a large app catalog on launch, despite very little development time before the release.", + "score": 0.6667402982711792 + }, + { + "id": "16596692", + "title": "Microsoft Surface", + "text": "year on 9 February 2013. The devices were initially available only at Microsoft Stores retail and online, but availability was later expanded into other vendors. On November 2012, Ballmer described the distribution approach to Surface as \"modest\" and on November 29 of that year, Microsoft revealed the pricing for the 64 GB and 128 GB versions of Surface with Windows 8 Pro. The tablet would go on sale on 9 February 2013, in the United States and Canada. A launch event was set to be held on 8 February 2013, but was cancelled at the last minute due to the", + "score": 0.6661165952682495 + }, + { + "id": "14889861", + "title": "Forever and a Day (Kelly Rowland song)", + "text": "September 15, 2010. It was released in other territories on September 25, 2010. The scenes were put together with superimposed images of the workings and interface of the iPad. It was released through the US iTunes Store on September 21, 2010. Video Static's Steven Gottlieb provided clarity on how the interface is integrated into the video. He said, \"Logos get tapped to trigger various edits; pinching makes things zoom in and out, etc, etc.\" A video set to the Antoine Clamaran dance remix of the song premiered on Clamaran's official YouTube page on December 8, 2010. The video begins with", + "score": 0.6655800342559814 + }, + { + "id": "19017897", + "title": "Apple Pencil", + "text": "sold through education channels. The Crayon is not compatible with current models of the iPad Pro. Apple Pencil The Apple Pencil is a digital stylus pen that works as an input device for the iPad Pro and the 2018 iPad, both tablet computers. Designed by Apple Inc., the first generation Apple Pencil was announced on September 9, 2015 alongside the iPad Pro, and released in conjunction with it on November 11, 2015, while the second generation was announced on October 30, 2018 and released on November 7th, 2018. The Apple Pencil is designed for creative work and has pressure sensitivity", + "score": 0.665579617023468 + }, + { + "id": "16861612", + "title": "IPad (1st generation)", + "text": "a media conference. On April 3, 2010, the Wi-Fi variant of the device was released in the United States, followed by the release of the Wi-Fi + Cellular variant on April 30. On May 28, it was released in Australia, Canada, France, Japan, Italy, Germany, Spain, Switzerland and the United Kingdom. The device received primarily positive reviews from various technology blogs and publications. Reviewers praised the device for its wide range of capabilities and labelled it as a competitor to laptops and netbooks. Some aspects were criticized, including the closed nature of the operating system and the lack of support", + "score": 0.6652922630310059 + }, + { + "id": "15184768", + "title": "IPad 2", + "text": "which was released on September 18, 2013. However, some features are not available. For example, like the iPhone 4, the Notification Center and the Control Center use the transparent style instead of the translucent style in later iOS models. Also, AirDrop, which was first released in iOS 7, was only supported by the iPad 4 or later. The iPad 2 can run iOS 8, which was released on September 17, 2014, making it the first iOS device to run five major versions of iOS (including iOS 4, 5, 6, 7, and 8). While the OS runs on the device, most", + "score": 0.6652423143386841 + }, + { + "id": "18705581", + "title": "Adobe Acrobat version history", + "text": "above. The new features include: Version 16.06.28 was released on June 16, 2016, supporting iOS 9.0 and above. The new features include: Version 16.08.09 was released on August 9, 2016, supporting iOS 9.0 and above. The new features include: Version 16.09.20 was released on September 16, 2016, supporting iOS 9.0 and above. The new features include: Version 16.11.01 was released on October 26, 2016, supporting iOS 9.0 and above. The new features include: Version 16.11.22 was released on November 17, 2016, supporting iOS 9.0 and above. The new features include: Version 16.12.13 was released on December 7, 2016, supporting iOS", + "score": 0.6650983095169067 + }, + { + "id": "14238942", + "title": "IPad", + "text": "at $399. In the first quarter of 2014, Apple reported that it had sold 25 million iPads, an all-time quarterly record, compared to 22.9 million in the year-ago quarter. In October, 2014, Apple released the iPad Air 2 and the iPad Mini 3. The iPad Air 2 is the first iOS device to feature a triple core CPU and 2GB of RAM. As well as being thinner and faster than its predecessor, the iPad Air, it features Touch ID and is available with a gold color option. The iPad Mini 3 is similar than the iPad Mini 2 in design", + "score": 0.6646919250488281 + }, + { + "id": "17628213", + "title": "IPad Mini 2", + "text": "The theme of the keynote was named 'We still have a lot to cover.' Originally, at the time of its release, the iPad Mini 2 was officially marketed as the \"iPad Mini with Retina Display\". However, when the iPad Mini 3 was announced on October 16, 2014, Apple started marketing the second generation iPad Mini as iPad Mini 2. The iPad Mini 2 comes with the iOS 7 operating system, released on September 18, 2013. Jonathan Ive, the designer of iOS 7's new elements, described the update as \"bringing order to complexity\", highlighting features such as refined typography, new icons,", + "score": 0.6644083261489868 + }, + { + "id": "19017889", + "title": "Apple Pencil", + "text": "Apple Pencil The Apple Pencil is a digital stylus pen that works as an input device for the iPad Pro and the 2018 iPad, both tablet computers. Designed by Apple Inc., the first generation Apple Pencil was announced on September 9, 2015 alongside the iPad Pro, and released in conjunction with it on November 11, 2015, while the second generation was announced on October 30, 2018 and released on November 7th, 2018. The Apple Pencil is designed for creative work and has pressure sensitivity and angle detection. The first-generation Pencil charges when plugged into a Lightning receptacle. Internally, it has", + "score": 0.6638070344924927 + }, + { + "id": "16346978", + "title": "IPad (3rd generation)", + "text": "became known. Three million units were sold in the first three days. After only seven months (221 days) of official availability, the third-generation iPad was discontinued on October 23, 2012, following the announcement of the fourth-generation iPad. The third-generation iPad had the shortest lifespan of any iOS product. It is also the last iPad to support the 30-pin dock connector, as the fourth-generation iPad and later use the Lightning connector. Speculation about the product began shortly after Apple released the iPad 2, which featured front and back cameras as well as a dual-core Apple A5 processor. Speculation increased after news", + "score": 0.6637201309204102 + }, + { + "id": "15184759", + "title": "IPad 2", + "text": "sold in the third quarter of 2011. A popular product, with a lower screen resolution and performance than the two Retina models that followed it but a lighter build and longer battery life, it remained in the Apple line-up as an entry-level iPad model for three years until March 2014, latterly with a silent upgrade to a die-shrunk version of the A5 processor. Its basic design formed the core of the first iPad mini, which had the same screen pixel count and similar features at a smaller size. The iPad 2 was the only device to receive six major versions", + "score": 0.6634044051170349 + }, + { + "id": "19017850", + "title": "IPad Pro", + "text": "top and bottom of the device. The 12.9 inch model has a 2732-by-2048 Retina Display at 264 pixels per inch, and the 9.7 inch model has a 2048-by-1536 Retina Display at 264 pixels per inch and features a variable refresh rate, a first for Apple. The 12.9 inch version of the iPad Pro is the first iPad to include 4 GB of RAM. A customised 12.9 inch iPad Pro was also designed by Jony Ive and submitted to the Time for Design auction. The special edition iPad Pro has an \"Edition 1 of 1\" label engraved on its back and", + "score": 0.6631997227668762 + }, + { + "id": "5946058", + "title": "History of Apple Inc.", + "text": "larger than 3.5\", the iPod Touch 5, also with a 4\" screen, the iPhone 5S with fingerprint scanning technology in the form of Touch ID, and iPhone 6 and iPhone 6 Plus, with screens at 4.7\" and 5.5\". They released the iPad 3rd generation with Retina Display, followed by the iPad (4th generation) just half a year later. The iPad Mini was announced alongside the iPad 4th gen, and was the first to feature a smaller screen than 9.7\". This was followed by the iPad Mini 2 with Retina Display in 2013, alongside the iPad Air, a continuation of the", + "score": 0.6631369590759277 + }, + { + "id": "14238939", + "title": "IPad", + "text": "a similar pricing scheme. The successor to the iPad 2 was unveiled on March 7, 2012, by Apple CEO Tim Cook at the Yerba Buena Center for the Arts. The new iPad contained a new dual core A5X processor with quad-core graphics, and a Retina Display with a resolution of 2,048 by 1,536 pixels, more than 50 percent more pixels than a standard by high definition TV screen. A brief controversy erupted when it was revealed that the LTE advertised did not work in some countries. On October 23, 2012, Apple announced the fourth generation iPad, which began shipping on", + "score": 0.6624796986579895 + }, + { + "id": "5946059", + "title": "History of Apple Inc.", + "text": "original 9.7\" range of iPads, which was subsequently followed by the iPad Air 2 with Touch ID in 2014. Apple also released various major Mac updates, including the MacBook Pro with Retina Display, whilst also discontinuing the original MacBook range for a short period, before reintroducing it in 2015 with various new features, a Retina Display and a new design that implemented USB-C, while removing all other ports. Apple also updated the Mac Pro and iMac lines with a drastically different smaller/thinner, but more powerful designs. On November 25, 2013, Apple acquired a company called PrimeSense. On May 28, 2014,", + "score": 0.6624529957771301 + }, + { + "id": "16859955", + "title": "IPad (4th generation)", + "text": "sales, an aggregated amount of 3 million fourth-generation iPads and iPad Minis were sold. Rumors regarding the next-generation iPad emerged shortly after the release of the third-generation iPad. At that point some speculated that the next iPad released would be of a smaller size. Further speculations emerged in July 2012 when DigiTimes, with the help of unspecified sources, claimed that Apple made small revisions to the then upcoming iPad and scheduled its release for late 2012. On October 16, 2012, Apple announced a media event scheduled for October 23 at the California Theatre in San Jose, California. The company did", + "score": 0.6624436378479004 + }, + { + "id": "14244381", + "title": "Adam tablet", + "text": "with latest hardware, most notably the Adam II, and Cain 2-in-1. Despite the Adam misstep, NotionInk has managed to survive 7 years, since its inception on July 26, 2016. https://techcrunch.com/2013/02/18/the-agony-of-the-fanboy/ Adam tablet The Adam Tablet is a tablet computer designed by Bangalore-based firm Notion Ink Design Labs. The worldwide launch occurred on December 18, 2010 via a video released by Notion Ink detailing their Eden Interface. On December 9 a limited number of devices were released for pre-order globally, followed by a larger pre-order starting January 9, 2011 and an open subscription pre-order from 11 January 2011. The Adam runs", + "score": 0.6623374819755554 + }, + { + "id": "18045470", + "title": "Surface Pro 3", + "text": "laptops with touchscreens for a tablet functionality, flexible hinges, detachable keyboards, or sliders) and other high-end subnotebooks (that don't compromise performance or battery life) such as the MacBook Air. The Surface Pro 3 was announced on May 20, 2014, at a New York City event, pre-orders were opened on May 21, 2014, and the first models were released on June 20, 2014 in the U.S. and Canada, with the Intel Core i3 and Intel Core i7 models released on August 1, 2014. The Surface Pro 3 was launched in 25 additional markets on August 28. On October 6, 2015, Microsoft", + "score": 0.6623059511184692 + }, + { + "id": "14238931", + "title": "IPad", + "text": "the Apple M7 motion coprocessor, closely matching the internal specifications of the iPad Air. The iPad Mini 3 added the Touch ID fingerprint sensor. The iPad Mini 4 features the Apple A8 and the Apple M8 motion coprocessor. There have been three generations of the iPad Pro. The first generation came with 9.7\" and 12.9\" screen sizes, while the second came with 10.5\" and 12.9\" sizes, and the third with 11\" and 12.9\" sizes. The iPad Pros have unique features such as the Smart Connector, which are exclusive to this series of iPads. Apple co-founder Steve Jobs said in a", + "score": 0.661880373954773 + }, + { + "id": "18358113", + "title": "IPad Air 2", + "text": "at the WWDC that the iPad Air 2 would support all of iOS 9's new features when it is released in Q3 2015. Air 2 users with iOS 9 will be able to use Slide Over, Picture in Picture and Split View. Slide Over allows a user to \"slide\" a second app in from the side of the screen in a smaller window, and have it display information alongside the initial app. Picture in Picture allows a user to watch video in a small, resizable, moveable window while remaining in another app. Split View allows a user to run two", + "score": 0.6617317199707031 + }, + { + "id": "15744004", + "title": "Apple-designed processors", + "text": "predecessor, the Apple A8. It is dual sourced, a first for an Apple SoC; it is manufactured by Samsung on their 14 nm FinFET LPE process and by TSMC on their 16 nm FinFET process. It was subsequently included in the iPhone SE, and the iPad (2017). The Apple A9X is a 64-bit system on a chip (SoC) designed by Apple Inc. It was announced on September 9, 2015, and released on November 11, 2015, and first appeared in the iPad Pro. It offers 80% more CPU performance and two times the GPU performance of its predecessor, the Apple A8X.", + "score": 0.6611958146095276 + }, + { + "id": "18820973", + "title": "IOS 9", + "text": "tablet. Apple temporarily stopped offering the 9.3.2 update, until a re-release of the version in June 2016 fixed the issue. The release of iOS 9.3.3 in July 2016 was followed by reports that the iBooks store crashed. However, Apple explained in August that the timing was a coincidence, and the iBooks app crash was a result of a server issue, not the software update. The release of iOS 9.3.5 in August 2016 fixed three critical security vulnerabilities. The vulnerabilities could be exploited to silently enable a jailbreak and allow the malicious installation of a spyware called \"Pegasus\". Pegasus could intercept", + "score": 0.660909116268158 + }, + { + "id": "11667217", + "title": "IOS", + "text": "January 2009, 50,000 in June 2009, 100,000 in November 2009, 250,000 in August 2010, 650,000 in July 2012, 1 million in October 2013, 2 million in June 2016, and 2.2 million in January 2017. , 1 million apps are natively compatible with the iPad tablet computer. These apps have collectively been downloaded more than 130 billion times. App intelligence firm Sensor Tower has estimated that the App Store will reach 5 million apps by the year 2020. In September 2007, Apple announced the iPod Touch, a redesigned iPod based on the iPhone form factor. In January 2010, Apple announced the", + "score": 0.6608312129974365 + }, + { + "id": "19017950", + "title": "Apple A9X", + "text": "A9, which uses an Apple-designed NVMe-based controller that communicates over a PCIe connection. The iPad Pro's NAND design is more akin to a PC-class SSD than embedded flash memory common on mobile devices. This gives the iPad Pro a significant storage performance advantage over competitors which often use mSATA or eMMC to connect to their storage systems. Apple A9X The Apple A9X is a 64-bit ARM-based system on a chip (SoC) designed by Apple Inc. It first appeared in the iPad Pro, which was announced on September 9, 2015 and was released on November 11, 2015. The A9X has the", + "score": 0.6605210304260254 + } + ] + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "What official language do they speak in the grand cayman islands?", + "short_answers": [ + "English" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "What vernacular languages do they speak in the grand cayman islands?", + "short_answers": [ + "Cayman Islands English", + "Jamaican Patois" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Grand Cayman", + "url": "https://en.wikipedia.org/wiki/Grand%20Cayman" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Grand Cayman is the largest of the three Cayman Islands and the location of the territory's capital, George Town.", + "wikipage": "Grand Cayman" + }, + { + "content": "While not much has been written on Cayman Islands English, according to one text, it \"seems to have borrowed creole features similar to Jamaica and Central America without having undergone creolization\"", + "wikipage": "Cayman Islands English" + } + ], + "long_answer": "In Grand Cayman, the largest island of the Cayman Islands, the official language is English, but they mostly speak a vernacular called Cayman Islands English, similar to creole." + } + ], + "sample_id": "-7323065802521980897", + "question": "What language do they speak in the grand cayman islands?", + "docs": [ + { + "id": "67824", + "title": "Demographics of the Cayman Islands", + "text": "Welsh settlers (among others) in a language variety known as Cayman Creole. Caymanians of Jamaican origin speak in their own vernacular (see Jamaican Creole and Jamaican English). It is also quite commonplace to hear some residents converse in Spanish as many citizens have relocated from Latin America to work and live on Grand Cayman. The Latin American nations with greatest representation are Honduras, Cuba, Colombia, Nicaragua, and the Dominican Republic. Spanish speakers comprise approximately between 10-12% of the population and is predominantly of the Caribbean dialect. Tagalog is spoken by about 5% of inhabitants most of whom are Filipino residents", + "score": 0.7655370831489563 + }, + { + "id": "8731324", + "title": "Culture of the Cayman Islands", + "text": "The same establishments are closed on Christmas days. The Cayman Islands also hosts a growing Jewish community. British English is the most commonly spoken language in the Cayman Islands, albeit with a distinctive Caymanian dialect. Jamaican patois is also commonly spoken in the Cayman Islands, and younger Caymanian generations had adopted certain Jamaican terms and expressions. The food of the Cayman Islands includes traditional Afro-Caribbean fare such as cassava, johnny cake, bread fruit, plantain, and meat pie. Jamaican cuisine has also been an influence in the Cayman Islands, and jerk seasoning has become popular for use on meat dishes such", + "score": 0.7564241886138916 + }, + { + "id": "5343288", + "title": "Samana\u0301 English", + "text": "as either a creole language or a dialect of English. It is similar to that of Caribbean English Creoles spoken by the English-speaking Caribbean, especially Turks and Caicos and Bahamian Creole. The 15th edition (2005) of Ethnologue dropped it from its list of languages, but linguists still consider it a separate language variation. Saman\u00e1 English Saman\u00e1 English (SE and SAX) is a variety of the English language spoken by descendants of black immigrants from the United States who have lived in the Saman\u00e1 Peninsula, now in the Dominican Republic. Members of the enclave are known as the Saman\u00e1 Americans. The", + "score": 0.7049256563186646 + }, + { + "id": "13132", + "title": "Anguilla", + "text": "religions are practised as well. More recently, a Muslim cultural centre has opened on the island. Today most people in Anguilla speak a British-influenced variety of standard English. Other languages are also spoken on the island, including varieties of Spanish, Chinese and the languages of other immigrants. However, the most common language other than Standard English is the island's own English-lexifier Creole language (not to be confused with Antillean Creole ('French Creole'), spoken in French islands such as Martinique and Guadeloupe). It is referred to locally by terms such as \"dialect\" (pronounced \"dialek\"), Anguilla Talk or \"Anguillian\". It has its", + "score": 0.6937386989593506 + }, + { + "id": "9189740", + "title": "Bahamian Creole", + "text": "Bahamian Creole Bahamianese, known locally as Bahamian dialect, is an English-based language spoken mainly in The Bahamas and Turks and Caicos Islands. In comparison to many of the English-based broken speech of the Caribbean region, limited research has been conducted on what is known as Bahamian dialect. This lack of research on Bahamian dialect is perhaps because for many years, Bahamians have assumed that this language is simply a variety of English. However, academic research shows that this is not the case. There is a tendency for speakers to drop or, in a hypercorrection, to add it to words without", + "score": 0.6935240030288696 + }, + { + "id": "5347102", + "title": "Virgin Islands Creole", + "text": "Virgin Islands Creole Virgin Islands Creole, or Virgin Islands Creole English, is an English-based creole consisting of several varieties spoken in the Virgin Islands and the nearby SSS islands of Saba, Saint Martin and Sint Eustatius, where it is known as Saban English, Saint Martin English, and Statian English, respectively. The term \"Virgin Islands Creole\" is formal terminology used by scholars and academics, and is rarely used in everyday speech. Informally, the creole is known by the term \"dialect\", as the creole is often perceived by locals as a dialect variety of English instead of an English creole language. However,", + "score": 0.6933682560920715 + }, + { + "id": "9835578", + "title": "Rama people", + "text": "on Rama Cay. The Church taught English to the natives and influenced the formation of a negative attitude towards traditional speakers, resulting in the reference to Rama as the \"Tiger language\". As a result of this animosity, the population that inhabits Rama Cay today speaks a unique version of Rama-Creole which is similar to Creole English. Only two individuals are thought to still speak traditional Rama on the island. The Rama language had previously been preserved in mainland communities; however, modern developments are threatening the loss of traditional customs and the language. In 1985 the Rama Language Program (RLP) was", + "score": 0.691723644733429 + }, + { + "id": "67823", + "title": "Demographics of the Cayman Islands", + "text": "more even division of African and European ancestry. Those of mixed race make up 40% of the population, with blacks and whites following at 20% each. The remaining 20% belong to various immigrant ethnic groups. According to CIA factbook of 2013, Caymanian people of mixed-race of mixed black African and white European ancestry are the plurality ethnic group in the Cayman Islands, accounting for 40% of the country's population, with white 20%, black 20%, and expatriates of various ethnic groups 20%. The official language of the Cayman Islands is English. Islanders' accents retain elements passed down from English, Scottish, and", + "score": 0.6905582547187805 + }, + { + "id": "39367", + "title": "The Bahamas", + "text": "1% of the nation's population, but have still preserved their distinct Greek Bahamian culture. Bahamians typically identify themselves simply as either \"black\" or \"white\". The official language of the Bahamas is English. Many people speak an English-based creole language called \"Bahamian dialect\" (known simply as \"dialect\") or \"Bahamianese.\" Laurente Gibbs, a Bahamian writer and actor, was the first to coin the latter name in a poem and has since promoted its usage. Both are used as autoglossonyms. Haitian Creole, a French-based creole language is spoken by Haitians and their descendants, who make up of about 25% of the total population.", + "score": 0.6902438998222351 + }, + { + "id": "5346860", + "title": "Leeward Caribbean Creole English", + "text": "Leeward Caribbean Creole English Leeward Caribbean Creole English, also known by the names of the various islands on which it is spoken (Antiguan Creole, Saint Kitts Creole, etc.), is an English-based creole language spoken in the Leeward Islands of the Caribbean, namely the countries of Antigua and Barbuda, Montserrat, Saint Kitts, and Nevis. It is part of a wider English Creole Language spoken throughout the Caribbean region in the countries of Antigua ad Barbuda, Belize, Montserrat, and Jamaica Saint Kitts and Nevis There are subtle differences in the language's usage by different speakers, and islanders often use it in combination", + "score": 0.6893677711486816 + }, + { + "id": "14816201", + "title": "Languages of the Caribbean", + "text": "an issue in the post-colonial era. In recent years, Caribbean islands have become aware of a linguistic inheritance of sorts. However, language policies being developed nowadays are mostly aimed at multilingualism. Most languages spoken in the Caribbean are either European languages (namely English, Spanish, French, and Dutch) or European language-based creoles. English is the first or second language in most Caribbean islands and is also the unofficial \"language of tourism\", the dominant industry in the Caribbean region. In the Caribbean, the official language is usually determined by whichever colonial power (England, Spain, France, or the Netherlands) held sway over the", + "score": 0.6887545585632324 + }, + { + "id": "9726431", + "title": "Sint Maarten", + "text": "Richardson stated in 1983 that Dutch was a \"dead language\" in Sint Maarten. Some residents, including Arubans and St. Martiners who lived in Aruba, speak Papiamento. The official languages are Dutch and English. A local English-based creole known as Virgin Islands Creole is also spoken. An annual regatta is also held over 3 days culminating in the first weekend in March. Among the leading cultural artists of the island are Isidore \"Mighty Dow\" York, kaisonian, panman; Roland Richardson, Impressionist painter; Nicole de Weever, dancer, broadway star; Susha Hien, choreographer; Lasana M. Sekou, poet, author, independence advocate; Clara Reyes, choreographer; Tanny", + "score": 0.6886312365531921 + }, + { + "id": "5347103", + "title": "Virgin Islands Creole", + "text": "academic sociohistorical and linguistic research suggests that it is in fact an English creole language. Because there are several varieties of Virgin Islands Creole, it is also colloquially known by the specific island on which it is spoken: \"Crucian dialect, Thomian dialect, Tortolian dialect, Saint Martin dialect, Saba dialect, Statia dialect\". The creole was formed when enslaved Africans, unable to communicate with each other and their European owners due to being taken from different regions of West Africa with different languages, created an English-based pidgin with West African-derived words and grammatical structure. This was creolized as it was passed on", + "score": 0.6858847737312317 + }, + { + "id": "4266085", + "title": "Carib language", + "text": "a decent knowledge of it. Those above the age of 65 use the language as a primary language among the members of the community. Speakers between the ages of 45 and 65 tend to use the language only when speaking with older residents or elder members of their family, while for the most part using the official languages: Dutch and Sranan Tongo. Younger adults between the ages of 20 to 40 for the most part understand the language but do not speak it, and children learn bits about Kari'nja in school. Carib dialects (with number of speakers indicated in parentheses):", + "score": 0.6849498748779297 + }, + { + "id": "683734", + "title": "Charlotte Amalie, U.S. Virgin Islands", + "text": "in terms of continuous usage. More than 95 percent of the population are literate. Although English is the official language, most people speak a dialect called Virgin Islands Creole, which differs from standard English in many ways. Virgin Islands Creole is used informally and standard American English (spoken with a uniquely Virgin Islands accent) is usually preferred in school, at work and in more formal conversations. Most older children and adults can quickly switch between Virgin Islands Creole and American English. Spanish is spoken by 16.8% and French Patois is spoken by 6.6% of the city's population. While Spanish is", + "score": 0.6847570538520813 + }, + { + "id": "4266083", + "title": "Carib language", + "text": "Carib language Carib or Kari'nja is a Cariban language spoken by the Kalina people (Caribs) of South America. It is spoken by around 7,400 people mostly in Venezuela, Trinidad and Tobago, Guyana, Suriname, French Guiana, and Brazil. The language is currently classified as \"highly endangered\". The language is known by several names to both its speakers and outsiders. Traditionally it has been known as \"Carib\" or \"Carib proper\" in English, after its speakers, called the \"Caribs\" in English. It is known \"Caribe\" in Spanish, \"Galina\" in French, and \"Kara\u00efeb\" in Dutch. However, the speakers call themselves \"Kalina\" or \"Kar\u00ecna\" (variously", + "score": 0.6815476417541504 + }, + { + "id": "14816208", + "title": "Languages of the Caribbean", + "text": "described in terms of this continuum. Papiamento, spoken on the so-called 'ABC' islands (Aruba, Bonaire and Cura\u00e7ao), shows traces of both indigenous languages and Spanish, Portuguese, and Dutch lexicons.). In Jamaica , though generally English speaking island, a patois, often called \"patwa\" drawing on a multitude of influences including Spanish, Portuguese, Hindi, Arawak and African languages as well as Irish. In Barbados, a dialect often known as \"bajan\" have influences from West Africa languages can be heard on a regular day basis. Contact between French- and English-lexified creoles is fairly common in the Lesser Antilles (apart from Saint Lucia), and", + "score": 0.6792304515838623 + }, + { + "id": "904293", + "title": "Creole peoples", + "text": "were especially common in Guadeloupe. The foods and cultures are the result of a creolization of these influences. Creole, \"Krey\u00f2l\" or \"Kweyol\" also refers to the creole languages in the Caribbean, including Antillean Creole, Barbadian Creole, Belizean Creole, Jamaican Patois, Haitian Creole, Bahamian Creole, Trinidadian Creole, Guyanese Creole, and among others. People speak Antillean Creole on the following islands: St. Lucia, Martinique, Dominica, Guadeloupe, St. Martin, Saint-Barth\u00e9lemy, French Guiana, and Trinidad & Tobago. The usage of creole in the islands of the southwest of the Indian Ocean varies according to the island. In Mauritius, the term Creole refers to colored", + "score": 0.6782888174057007 + }, + { + "id": "5343284", + "title": "Samana\u0301 English", + "text": "Saman\u00e1 English Saman\u00e1 English (SE and SAX) is a variety of the English language spoken by descendants of black immigrants from the United States who have lived in the Saman\u00e1 Peninsula, now in the Dominican Republic. Members of the enclave are known as the Saman\u00e1 Americans. The language is a relative of the African-American Vernacular English, with variations unique to the enclave's history in the area. In the 1950 Dominican Republic census, 0.57% of the population (about 12,200 people) said that their mother tongue was English. Most speakers trace their lineage to immigrants that arrived to the Peninsula in 1824", + "score": 0.6782774329185486 + }, + { + "id": "15989625", + "title": "Island Carib language", + "text": "Cariban-derived pidgin amongst themselves. At the time of European contact, the Island Caribs lived throughout the Windward Islands of the Lesser Antilles, from Guadeloupe to Grenada. Contemporary traditions indicated the Caribs (or Kaliphuna) had conquered these islands from their previous inhabitants, the Igneri. Because the Island Caribs were thought to have descended from the mainland Caribs (Kalina) of South America, it was long assumed that they spoke Carib or a related Cariban language. However, studies in the 20th century determined that the language of the Antillean Caribs was not Cariban, but Arawakan, related Lokono and more distantly to the Ta\u00edno", + "score": 0.6771456003189087 + }, + { + "id": "4336323", + "title": "Culture of the Isle of Man", + "text": "of Man is English. Manx Gaelic has traditionally been spoken but is now considered \"critically endangered\". The Manx Gaelic language is a Goidelic Celtic language and is one of a number of insular Celtic languages spoken in the British Isles. Manx Gaelic has been officially recognised as a legitimate autochthonous regional language under the European Charter for Regional or Minority Languages, ratified by the United Kingdom on 27 March 2001 on behalf of the Isle of Man government. The Manx language is closely related to the Irish language and to Scottish Gaelic. By the middle of the 20th century only", + "score": 0.6771355867385864 + }, + { + "id": "11447841", + "title": "Great Andamanese languages", + "text": "Great Andamanese languages The Great Andamanese languages are a near-extinct language family once spoken by the Great Andamanese peoples of the Andaman Islands (India), in the Indian Ocean. The last fluent speaker, of what may have been a creole based on Aka-Jeru, died in 2009. However, there are still speakers of a koine-form of Great Andamanese known as \"Aka-Jero\". By the late 18th century, when the British first settled on the Andaman islands, there were an estimated 5,000 Great Andamanese living on Great Andaman and surrounding islands, comprising 10 distinct tribes with distinct but closely related languages. From the 1860s", + "score": 0.6767128109931946 + }, + { + "id": "1757921", + "title": "Saint Croix", + "text": "official language was Danish, although it was not widely spoken. Other languages throughout St. Croix's colonial history included Irish, Scots, Spanish and French, as well as a now-extinct Dutch Creole spoken by St. Thomas and St. John-born people living in St. Croix, as well as the local creole English, which still exists today. Known on the island as \"Crucian\", Virgin Islands Creole English is spoken by the majority of the population in informal situations. Spanish is spoken by immigrants from Puerto Rico and the Dominican Republic and their St. Croix-born offspring, and various French creoles are spoken by St. Lucian,", + "score": 0.6765049695968628 + }, + { + "id": "3998663", + "title": "English language in Europe", + "text": "English. The Isle of Man is a Crown Dependency. English and Manx Gaelic are the two official languages. Because so few speak Manx as a first language, all inhabitants of the Isle of Man speak English. The bailiwicks of Jersey and Guernsey are two Crown Dependencies. Besides English, some (very few) inhabitants of these islands speak regional languages, or those related to French (such as J\u00e8rriais, Dg\u00e8rn\u00e9siais and Sercquiais). All inhabitants of the Channel Islands speak English. Gibraltar has been a British overseas territory since an Anglo-Dutch force led by Sir George Rooke seized \"The Rock\" in 1704 and Spain", + "score": 0.6763574481010437 + }, + { + "id": "16846107", + "title": "Baluan-Pam language", + "text": "in Mouk village. The Titan people have become well known through the work of Margaret Mead. Many speakers have at least a passive command of Titan and Lou. In addition, the creole language Tok Pisin is widely spoken on the island, and most people have at least a basic command of English. The table below shows the consonant phonemes in the language. In contrast to many of the Manus languages, there are no bilabial trill or prenasalised consonants. The consonant inventory is rather simple, with a labialised nasal and plosive in addition to bilabial, apico-alveolar and dorso-velar stops and nasals.", + "score": 0.6761527061462402 + }, + { + "id": "5230850", + "title": "Ian Hancock", + "text": "and Cameroonian Pidgin English. He also maintains that some of the Africans taken as slaves to the New World already spoke Guinea Coast Creole English in Africa. Their creole speech influenced the development of creole languages spoken today on the American side of the Atlantic, such as Gullah, Afro-Seminole Creole, Bahamian Dialect, Jamaican Creole, Belizean Kriol, Guyanese Creole, and Sranan Tongo in Suriname. Hancock's views on the connections among the Atlantic creole languages is controversial. The strong similarities among these languages are undeniable, but many linguists prefer to explain the similarities by convergence rather than historical relationships. Other scholars argue", + "score": 0.6761015057563782 + }, + { + "id": "9750209", + "title": "Languages of the Isle of Man", + "text": "Languages of the Isle of Man The main language of the Isle of Man is English, predominantly the Manx English dialect. Manx, the historical language of the island, is still maintained by a very small speaker population. Both English and Manx are official languages in Tynwald. The Manx language is a Celtic language of the Goidelic subdivision, and descendant of Old Irish. It is sometimes called Manx Gaelic to distinguish it from the local variety of English. The language was historically the dominant one on the island, but fell out of use during the twentieth century, and is considered to", + "score": 0.6758054494857788 + }, + { + "id": "5346970", + "title": "Saint Kitts Creole", + "text": "the island from 1625 to 1713, had only a small impact on the creole spoken today, unlike in the formerly French islands of Dominica and Saint Lucia, which speak a French-based rather than English-based creole. Saint Kitts Creole today is spoken on the islands of St. Kitts and Nevis (although Nevisians refer to the language as \"Nevisian\" or \"Nevis creole\"), mainly in rural areas, and is spoken especially heavily in Capesterre, Christ Church Nichola Town, Cayon, and Nevis. Today's use of the creole involves a higher proportion of Standard English, possibly due to access to foreign media. Usually, only residents", + "score": 0.6753102540969849 + }, + { + "id": "7355897", + "title": "Igneri", + "text": "an invasion at all, proposing that the Igneri adopted the \"Carib\" identity over time due to their close economic and political relations with the rising mainland Carib polity. Both theories accept that the historical Island Carib language developed from the existing tongue of the islands, and thus it is also known as Igneri. The idea that Island Carib men and women spoke different languages arises from the fact that by at least the early 17th century, Carib men spoke a Cariban-based pidgin language in addition to the usual Arawakan language used by both sexes. This was similar to pidgins used", + "score": 0.6746129989624023 + }, + { + "id": "9726430", + "title": "Sint Maarten", + "text": "communicating with the Dutch government and formerly did so with the Netherlands Antilles government. Local signage uses both Dutch and English. The government continues to produce Dutch-language documents. There were English-medium and Dutch-medium schools on St. Maarten, and the Dutch government policy towards St. Maarten and other SSS islands promoted English medium education. As per the 2001 census there were far more Spanish speakers than Dutch speakers; each group was 14.8% and 4.2%, respectively. Thus, Sint Maarten is a polyglot society, they are simultaneous bilinguals in Dutch and English, and among them are speakers of Spanish and French. Linguist Linda-Andrea", + "score": 0.6737677454948425 + }, + { + "id": "14816204", + "title": "Languages of the Caribbean", + "text": "the independent nation of Haiti (where both French and Haitian Creole are official languages); and the independent nations of Dominica and Saint Lucia, which are both officially English-speaking but where the French-based Antillean Creole is widely used, and French to a lesser degree. Dutch is an official language of the Caribbean islands that remain under Dutch sovereignty. However, Dutch is not the dominant language on these islands. On the islands of Aruba, Cura\u00e7ao and Bonaire, a creole based on Portuguese and West African languages known as Papiamento is predominant, while in Sint Maarten, Saba and Sint Eustatius, English, as well", + "score": 0.6720762252807617 + }, + { + "id": "16276620", + "title": "Wayana language", + "text": "over 100 in the historical literature. Many of the Cariban languages referenced in the literature, and others unknown to Europeans, have gone extinct due to European contact. The number of speakers of all Cariban languages is estimated to be 60,000 to 100,000, though more than half speak the Carib language proper, Makushi, Pemong, or Kapong (the last 3 are closely related). Most Cariban languages have 100 to 3,000 speakers. Documentation of the both the extinct and remaining languages is scant in many cases, consisting of wordlists with flawed phonetic transcription and little grammatical description. Classification of Cariban languages into branches", + "score": 0.671552300453186 + }, + { + "id": "12516754", + "title": "Guyanese people", + "text": "than it is South American, it is considered to be a part of the Anglephone Caribbean - a subregion of the Caribbean consisting of independent, English-speaking nations that were once British colonies (also known as the Commonwealth Caribbean). Guyana is the only English-speaking country in South America; however, the majority of people in Guyana actually speak Creolese informally. Creolese is a creole language that is largely based on English infrequently interspersed with anglicized French words. Standard English, i.e. British English spelling and pronunciation, is used for all business and education and is typically consistently spoken by members of the upper", + "score": 0.6694390773773193 + }, + { + "id": "18082027", + "title": "Languages in censuses", + "text": "often used interchangeably with Dutch depending on the formality of the setting. Surinamese Hindi or Sarnami, a dialect of Bhojpuri, is the third-most used language, spoken by the descendants of South Asian contract workers from then British India. Javanese is used by the descendants of Javanese contract workers. The Maroon languages, somewhat intelligible with Sranan Tongo, include Saramaka, Paramakan, Ndyuka (also called \"Aukan\"), Kwinti and Matawai. Amerindian languages, spoken by Amerindians, include Carib and Arawak. Hakka and Cantonese are spoken by the descendants of the Chinese contract workers. Mandarin is spoken by some few recent Chinese immigrants. English, Spanish and", + "score": 0.668874979019165 + }, + { + "id": "3779810", + "title": "Bajan Creole", + "text": "Igbo language. Bajan Creole Bajan () or Barbadian English is an English-based creole language with African influences spoken on the Caribbean island of Barbados. Bajan is primarily a spoken language, meaning that in general, standard English is used in print, in the media, in the judicial system, in government, and in day-to-day business, while Bajan is reserved for less formal situations, in music, or in social commentary. Ethnologue estimates that Barbados has around 1,000 people who use English as their main language and 286,000 people who use Bajan as their main language. Bajan is the Caribbean creole with grammar that", + "score": 0.6687304973602295 + }, + { + "id": "5347113", + "title": "Virgin Islands Creole", + "text": "words due to St. Croix's large ethnic Puerto Rican population. In addition, due to long-standing historical and family ties between St. Croix and the nearby Puerto Rican islands of Vieques and Culebra, many Vieques and Culebra locals of Crucian descent also speak Crucian dialect. As in other Caribbean creoles, proverbs are prevalent in Virgin Islands Creole. However, in 2004, a linguistic study group in cooperation with the University of Puerto Rico\u2019s Rio Piedras campus found that many old proverbs in the Crucian dialect, common among older generations, have faded away and are not generally known among many young Crucians. Many", + "score": 0.668689489364624 + }, + { + "id": "2960086", + "title": "Forro Creole", + "text": "with Portuguese (seen as a prestigious language), it did preserve a larger number of the substrate languages' elements, more than the creoles of Cape Verde. Roughly 93% of S\u00e3o Tomean Creole lexicon is from Portuguese and 7% of African origin. Most Forro Creole speakers also speak non-creolised Portuguese. Although 95% of S\u00e3o Tomeans speak Portuguese and it is the country's national language, Forro Creole is traditionally said to be spoken by 85% of the inhabitants of S\u00e3o Tom\u00e9 Island, or 81.7% of the country\u2019s population. However, official census figures state that only 36.2% of the population can speak Forro Creole,", + "score": 0.6684308052062988 + }, + { + "id": "5094096", + "title": "Cape Verdean Americans", + "text": "is reflected in the Massachusetts census permitting a \"Cape-Verdean\" check-box for ethnic identification. Generally, Cape Verdean Americans speak English, Portuguese, and Kriolu (or Crioulo). The Creole language is a mixture of Portuguese and the native African tongues spoken by slaves. Although much of the vocabulary stems from Portuguese, many of these words were no longer used in twentieth-century Portugal. The African tongues, mostly Mande, influenced Kriolu chiefly. Since the Republic of Cape Verde became independent of Portugal in 1975, Kriolu has become the dominant language among the islanders. Creole has not received official status nor has it been standardized across", + "score": 0.6682219505310059 + }, + { + "id": "11447843", + "title": "Great Andamanese languages", + "text": "serves as their primary language, and is the only language for around half of them. The last known speaker of the Bo language died in 2010 at age 85. About half of the population now speak what may be considered a new language (a kind of mixed or koine language) of the Great Andamanese family, based mainly on Aka-Jeru. This modified version has been called \"Present Great Andamanese\" by some scholars, but also may be referred to simply as \"Jero\" or \"Great Andamanese\". The Great Andamanese languages are agglutinative languages, with an extensive prefix and suffix system. They have a", + "score": 0.6681941747665405 + }, + { + "id": "4423286", + "title": "Jamaican Patois", + "text": "majority of the population speaks Jamaican Creole as their mother tongue. Jamaican pronunciation and vocabulary are significantly different from English, despite heavy use of English words or derivatives, but their writing system shows commonalities with the English alphabet. Significant Jamaican Patois-speaking communities exist among Jamaican expatriates in Miami, New York City, Toronto, Hartford, Washington, D.C., Nicaragua, Costa Rica, and Panama (in the Caribbean coast), also London, Birmingham, Manchester, and Nottingham. A mutually intelligible variety is found in San Andr\u00e9s y Providencia Islands, Colombia, brought to the island by descendants of Jamaican Maroons (escaped slaves) in the 18th century. Mesolectal forms", + "score": 0.6680490374565125 + }, + { + "id": "15989624", + "title": "Island Carib language", + "text": "Island Carib language Island Carib, also known as Igneri (I\u00f1eri, Inyeri, etc.), was an Arawakan language historically spoken by the Island Caribs of the Lesser Antilles in the Caribbean. Island Carib proper became extinct about 1920, but an offshoot survives as Garifuna, primarily in Central America. Despite its name, Island Carib was not closely related to the Carib language of the mainland Caribs. Instead, it appears to have been a development of the Arawakan language spoken by the islands' earlier Igneri inhabitants, which incoming Caribs adopted in the pre-Columbian era. During the French colonial period, Carib men also spoke a", + "score": 0.667770504951477 + }, + { + "id": "9255915", + "title": "Languages of the Bailiwick of Guernsey", + "text": "in local toponyms. The island of Herm appears to have spoken Norman in the recent past, but there are no records of when it died out. Other islands such as Brecqhou, Jethou, les Casquets and Burhou were too small to support real communities. Although there are fewer Portuguese people in Guernsey than in Jersey, they still form a small part of the population, roughly 2% of the population speak Portuguese. Languages of the Bailiwick of Guernsey The linguistic situation of the Bailiwick of Guernsey is quite similar to that of Jersey, the other Bailiwick in the Channel Islands. English is", + "score": 0.667605459690094 + }, + { + "id": "2275013", + "title": "Garifuna", + "text": "Garifuna has a vocabulary featuring some terms used by women and others used primarily by men. This may derive from historical Carib practices: in the colonial era, the Carib of both sexes spoke Island Carib. Men additionally used a distinct pidgin based on the unrelated mainland Carib language. Although many people speak it, it is not treated as a real language by some as it has no official written component to it, it is only spoken. This makes the language hard to learn unless it is learned in early childhood, along with other languages simultaneously. This occurs most often as", + "score": 0.6671572923660278 + }, + { + "id": "3779802", + "title": "Bajan Creole", + "text": "Bajan Creole Bajan () or Barbadian English is an English-based creole language with African influences spoken on the Caribbean island of Barbados. Bajan is primarily a spoken language, meaning that in general, standard English is used in print, in the media, in the judicial system, in government, and in day-to-day business, while Bajan is reserved for less formal situations, in music, or in social commentary. Ethnologue estimates that Barbados has around 1,000 people who use English as their main language and 286,000 people who use Bajan as their main language. Bajan is the Caribbean creole with grammar that most resembles", + "score": 0.6669498682022095 + }, + { + "id": "7355896", + "title": "Igneri", + "text": "and thus the women spoke an Arawakan tongue while the men presumably spoke Carib. However, linguistic analysis in the 20th century determined that the main Island Carib language was spoken by both sexes, and was Arawakan, not Cariban. As such, scholars have adopted more nuanced theories to explain the transition from Igneri to Island Carib in the Antilles. Irving Rouse proposed that a relatively small scale Carib force conquered but did not displace the Igneri, and the invaders eventually took on the Igneri language while still maintaining their identity as Caribs. Other scholars such as Sued Badillo doubt there was", + "score": 0.6669073700904846 + }, + { + "id": "5345024", + "title": "Grenadian Creole", + "text": "Grenadian Creole Grenadian Creole is either of two Creole languages spoken in Grenada, Grenadian Creole English and Grenadian Creole French. Grenadian Creole English is a Creole language spoken in Grenada. It is a member of the Southern branch of English-based Eastern Atlantic Creoles, along with Antiguan Creole (Antigua and Barbuda), Bajan Creole (Barbados), Guyanese Creole (Guyana), Tobagonian Creole, Trinidadian Creole (Trinidad and Tobago), Vincentian Creole (Saint Vincent and the Grenadines), and Virgin Islands Creole (Virgin Islands). It is the common vernacular and the native language of nearly all inhabitants of Grenada, or approximately 89,000 native speakers in 2001. The older", + "score": 0.6665918827056885 + }, + { + "id": "15591055", + "title": "Pre-Arawakan languages of the Greater Antilles", + "text": "Pre-Arawakan languages of the Greater Antilles Several languages of the Greater Antilles, specifically Cuba and Hispaniola, appear to have preceded the Arawakan Ta\u00edno. Almost nothing is known of them, though a couple recorded words, along with a few toponyms, suggest they were not Arawakan or Cariban, the families of the attested languages of the Antilles. Three languages are recorded: Guanahatabey, Macoris (or Macorix, apparently in two dialects), and Ciguayo. Guanahatabey has in the past been called \"Ciboney\". The name is a misnomer. The Ciboney were an apparently Ta\u00edno population of the western Great Antilles, whose language is also unattested. A", + "score": 0.6654495000839233 + }, + { + "id": "3098150", + "title": "Gullah", + "text": "Africans, drawn from a variety of Central and West African ethnic groups, developed a creole culture that has preserved much of their African linguistic and cultural heritage from various peoples; in addition, they absorbed new influences from the region. The Gullah people speak an English-based creole language containing many African loanwords and influenced by African languages in grammar and sentence structure. Sometimes referred to as \"Sea Island Creole\" by linguists and scholars, the Gullah language is especially related to and almost identical to Bahamian Creole. There are also ties to Barbadian Creole, Belizean Creole, Jamaican Patois and the Krio language", + "score": 0.6654012203216553 + }, + { + "id": "14816205", + "title": "Languages of the Caribbean", + "text": "as a local English creole, are spoken. A Dutch creole known as Negerhollands was spoken in the former Danish West Indian islands of Saint Thomas and Saint John, but is now extinct. Its last native speaker died in 1987. Caribbean Hindustani is a form of the Bhojpuri and Awadhi dialect of Hindustani (Hindi-Urdu) spoken by descendants of the indentured laborers from India in Trinidad and Tobago, Guyana, Suriname, and other parts of the Caribbean. Several languages spoken in the Caribbean belong to language groups concentrated or originating in the mainland countries bordering on the Caribbean: \"Suriname, Guyana, French Guiana, Brazil,", + "score": 0.6651461124420166 + }, + { + "id": "9498229", + "title": "Guianan Creole", + "text": "country for several years). There are also words of Amerindian and African origin. There are Guianan communities in Suriname and Guyana who continue to speak Guianan Creole. It should not be confused with the Guyanese Creole language, based on English, spoken in nearby Guyana. Guianan Creole was a language spoken between slaves and settlers. But the conditions of Guianan Creole's constitution were quite different from the Creole of the West Indies, on the one hand because of the conflicts between French, English, Dutch, Portuguese and Spanish, and French dialects such as the Caen Have greatly influenced Guianan Creole, which has", + "score": 0.6650019884109497 + }, + { + "id": "1940532", + "title": "Cagayan", + "text": "lived within Ibanag population learned Ibanag; same situation with Ilocano tinged by Gaddang, Paranan, Yogad, and Itawis accents when descendants of Ilocanos from first generation in Isabela who lived within Gaddang, Paranan, Yogad, and Itawis populations learned their languages. People especially in the capital and commercial centers speak and understand English and Tagalog/Filipino. Tagalogs, Ilocanos, and Ibanags speak Tagalog with an Ibanag accent, as descendants of Tagalogs from first generation in Isabela who lived within Ibanag population learned Ibanag. There are two endangered indigenous languages in Cagayan. These are the \"Dupaninan Agta\" language (with less than 1400 remaining speakers) and", + "score": 0.6649782657623291 + }, + { + "id": "2857190", + "title": "Andamanese languages", + "text": "attempted to establish regular sound correspondences. Andamanese languages The Andamanese languages are a pair of language families spoken by the Andamanese Negritos on the Andaman Islands: Great Andamanese and Ongan. The Sentinelese language is the language of an uncontacted people and therefore at present unclassifiable. The indigenous Andamanese people have lived on the islands for thousands of years. Although the existence of the islands and their inhabitants was long known to maritime powers and traders of the South\u2013 and Southeast\u2013Asia region, contact with these peoples was highly sporadic and very often hostile; as a result, almost nothing is recorded of", + "score": 0.6649211645126343 + }, + { + "id": "5347109", + "title": "Virgin Islands Creole", + "text": "distinct, sharing many similarities with the English creoles of Belize and Panama. This is perhaps due to migration from St. Croix to Panama during the building of the Panama Canal. The speech of the SSS islands is slightly closer to that of the British Virgin Islands than the speech of the U.S. Virgin Islands. The speech of St. Thomas and St. John share distinct similarities with both the Crucian and British Virgin Islands variants. Virgin Islands Creole does not have the status of an official language. The language of government, education and the media is American English in the U.S.", + "score": 0.6644004583358765 + }, + { + "id": "193435", + "title": "Isle of Man", + "text": "surviving vestiges of Manx culture after a long period of Anglicisation, and there has been significantly increased interest in the Manx language, history and musical tradition. The official language of the Isle of Man is English. Manx has traditionally been spoken but is now considered \"critically endangered\". Manx is a Goidelic Celtic language and is one of a number of insular Celtic languages spoken in the British Isles. Manx has been officially recognised as a legitimate autochthonous regional language under the European Charter for Regional or Minority Languages, ratified by the United Kingdom on 27 March 2001 on behalf of", + "score": 0.6643826365470886 + }, + { + "id": "12281990", + "title": "Languages of Guyana", + "text": "Languages of Guyana English is the official language of Guyana, which is the only South American country with English as the official language. Guyanese Creole (an English-based creole with African and East Indian syntax) is widely spoken in Guyana. A number of Amerindian languages are also spoken by a minority of the population. These include Cariban languages such as Macushi, Akawaio and Wai-Wai; and Arawakan languages such as Arawak (or Lokono) and Wapishana. Portuguese is increasingly being used as a second language in Guyana, particularly in the south of the country, bordering on Brazil. French and Spanish are widely taught", + "score": 0.6640642285346985 + }, + { + "id": "14816211", + "title": "Languages of the Caribbean", + "text": "After gaining independence, many Caribbean countries, in the search for national unity, selected one language (generally the former colonial language) to be used in government and education. In recent years, Caribbean countries have become increasingly convinced of the importance of linguistic diversity. Language policies that are being developed nowadays are mostly aimed at multilingualism. Of the 38 million West Indians (as of 2001), about 62% speak Spanish (a west Caribbean lingua franca). About 25% speak French, about 15% speak English, and 5% speak Dutch. Spanish, English, and French are important languages: 24 million, 9 million, and 5 million speak them", + "score": 0.6632521152496338 + }, + { + "id": "677780", + "title": "Caribbean Community", + "text": "official United Nations Observer. Established mainly by the English-speaking parts of the Caribbean, CARICOM has become multilingual in practice with the addition of Dutch-speaking Suriname on 4 July 1995 and Haitian Krey\u00f2l- and French-speaking Haiti on 2 July 2002. Furthermore, it was suggested that Spanish should also become a working language. In July 2012, CARICOM announced that they were considering making French and Dutch official languages. In 2001, the heads of government signed a revised Treaty of Chaguaramas that cleared the way to transform the idea of a common market CARICOM into a Caribbean (CARICOM) Single Market and Economy. Part", + "score": 0.6628375053405762 + }, + { + "id": "4692121", + "title": "Guanaja", + "text": "among native island peoples. Over time the form of English spoken by the Caracol has changed. The language differs mostly in morphology but also in pronunciation and accent and, to a lesser extent, in syntax and vocabulary, from the English of the other British Caribbean colonies. Evidenced by the usage of the wide variety of old standard English terms and words that are used throughout the islands. They are similar enough to be mutually intelligible and understood throughout the entire Bay Islands. The language can also be learned, although it is not taught in the general sense, whilst the accent", + "score": 0.6627108454704285 + }, + { + "id": "452716", + "title": "Wallis and Futuna", + "text": "the population whose age was 14 and older, 60.2% of people reported that the language they speak the most at home is Wallisian, 29.9% reported that the language they speak the most at home is Futunan, and 9.7% reported that the language they speak the most at home is French. On Wallis Island, the languages most spoken at home were Wallisian (86.1%), French (12.1%), and Futunan (1.5%). On Futuna, the languages most spoken at home were Futunan (94.9%), French (4.2%), and Wallisian (0.8%). At the same 2008 census, 88.5% of people whose age was 14 or older reported that they", + "score": 0.662545919418335 + }, + { + "id": "9750210", + "title": "Languages of the Isle of Man", + "text": "have become extinct in 1974 after the death of Ned Maddrell. At the present time, less than one hundred children receive their education exclusively in Manx. There are an additional 1,689 second-language speakers, comprising 2.2% of the population of the Isle of Man. The language has been offered in public schools since 1992, and has been mandatory since 2001. The English language has replaced Manx as the dominant language on the island. The native dialect is known as Anglo-Manx or Manx English, and has been employed by a number of the island's more notable writers such as T.E. Brown and", + "score": 0.6623217463493347 + }, + { + "id": "6893670", + "title": "Guinea-Bissau Creole", + "text": "or Casamance Creole. Creole is the majority language of the inhabitants of the Casamance region and is used as a creole language of commerce. Guinea-Bissau Creole is still expanding but with growing interference from Portuguese (decreolization): due to television, literacy, prestige and emigration to Portugal, and the African languages: through migration of speakers of native African languages to the main urban centres where the creole is prevalent. Standard Portuguese is the official language of Guinea-Bissau, but Guinea-Bissau Creole is the creole language of trade, informal literature and entertainment. It is not used in news media, parliament, public services and educational", + "score": 0.6618689894676208 + }, + { + "id": "2857182", + "title": "Andamanese languages", + "text": "Andamanese languages The Andamanese languages are a pair of language families spoken by the Andamanese Negritos on the Andaman Islands: Great Andamanese and Ongan. The Sentinelese language is the language of an uncontacted people and therefore at present unclassifiable. The indigenous Andamanese people have lived on the islands for thousands of years. Although the existence of the islands and their inhabitants was long known to maritime powers and traders of the South\u2013 and Southeast\u2013Asia region, contact with these peoples was highly sporadic and very often hostile; as a result, almost nothing is recorded of them or their languages until the", + "score": 0.6616617441177368 + }, + { + "id": "9750211", + "title": "Languages of the Isle of Man", + "text": "\"Cushag\". which distinguishes itself by considerable influence and a large number of loanwords and phrases from Manx Gaelic. However, this dialect is being supplanted by other dialects of English, especially from north west England. For formal purposes British English is the usual form of English used in the Isle of Man. For many years, the BBC has been the main broadcaster to the island, and many English people have settled in the IOM. Forms of Irish English can also be heard on the island, from both Dublin and Belfast. The island has traditionally had many Irish tourists, and settlers. There", + "score": 0.6604229211807251 + }, + { + "id": "70438", + "title": "Cape Breton Island", + "text": "up to 60 inches on the eastern side facing the Atlantic storms. Considerable snowfall occurs in winter, especially in the highlands. The island's residents can be grouped into five main cultures: Scottish, Mi'kmaq, Acadian, Irish, English, with respective languages Scottish Gaelic, Mi'kmaq, French, and English. English is now the primary language, including a locally distinctive Cape Breton accent, while Mi'kmaq, Scottish Gaelic and Acadian French are still spoken in some communities. Later migrations of Black Loyalists, Italians, and Eastern Europeans mostly settled in the island's eastern part around the industrial Cape Breton region. Cape Breton Island's population has been in", + "score": 0.6603928804397583 + }, + { + "id": "440050", + "title": "United States Virgin Islands", + "text": "the dominant language. St. Croix was owned by the French until 1733 when the island was sold to the Danish West Indian and Guinea Company. By 1741 there were five times as many English on the island as Danes. English Creole emerged on St. Croix more so than Dutch Creole, which was more popular on St. Thomas and St. John. Other languages spoken in the Danish West Indies included Irish, Scots, Spanish, and French, as well as Virgin Islands English Creole. Virgin Islands Creole English, an English-based creole locally known as \"dialect\", is spoken in informal situations. The form of", + "score": 0.6603448390960693 + }, + { + "id": "4771300", + "title": "Je\u2013Tupi\u2013Carib languages", + "text": "Je\u2013Tupi\u2013Carib languages Je\u2013Tupi\u2013Carib (\"Katuje\") is a proposed language family composed of the Macro-Je (or Macro-G\u00ea), Tupian and Cariban languages of South America. Rodrigues (2000) finds evidence relating Macro-Je to Tupian, and Eduardo Ribeiro of the University of Chicago, who has worked with Macro-Je and Tupian languages, has found further that these families share irregular morphology with each other and with Cariban. Shared grammatical irregularities are strong supporting evidence for putative language families, as they are unlikely to be borrowed or to be due to chance. In the following table the personal marks of different phylogenetic groups in the \"Je-Tup\u00ed-Carib hypothesis\"", + "score": 0.6602845191955566 + }, + { + "id": "5345029", + "title": "Grenadian Creole", + "text": "of Grenada \" (2012) Auth. Marguerite-Joan Joseph. Grenadian Creole Grenadian Creole is either of two Creole languages spoken in Grenada, Grenadian Creole English and Grenadian Creole French. Grenadian Creole English is a Creole language spoken in Grenada. It is a member of the Southern branch of English-based Eastern Atlantic Creoles, along with Antiguan Creole (Antigua and Barbuda), Bajan Creole (Barbados), Guyanese Creole (Guyana), Tobagonian Creole, Trinidadian Creole (Trinidad and Tobago), Vincentian Creole (Saint Vincent and the Grenadines), and Virgin Islands Creole (Virgin Islands). It is the common vernacular and the native language of nearly all inhabitants of Grenada, or approximately", + "score": 0.6601209044456482 + }, + { + "id": "1353779", + "title": "Patois", + "text": "African languages. Some islands have creole dialects influenced by their linguistic diversity; French, Spanish, Arabic, Hebrew, German, Dutch, Italian, Chinese, Vietnamese, and others. Patois are also spoken in Costa Rica and Caribbean islands such as Trinidad and Tobago, Barbados and Guyana in South America. Often these patois are popularly considered 'broken English', or slang, but cases such as Jamaican Patois are classified with more correctness as a creole language; in fact, in the Francophone Caribbean the analogous term for local basilectal languages is \"cr\u00e9ole\" (see also Jamaican English and Jamaican Creole). Antillean creole, spoken on several present or formerly French", + "score": 0.6597594022750854 + }, + { + "id": "9750213", + "title": "Languages of the Isle of Man", + "text": "is also known as Classical Gaelic. Many of the island's placenames are Norse in origin, e.g. Laxey, Ramsey, and so are some of the island's institutions e.g. Tynwald (\"\u00deingv\u00f3llr\"). A few Norse inscriptions remain. There seems to be evidence that the island once spoke a form of P-Celtic before it became Gaelicised. There is little evidence of this in placenames however. Latin and French have been used in ceremonial purposes, e.g. legal use, and mottos, as in the UK. Languages of the Isle of Man The main language of the Isle of Man is English, predominantly the Manx English dialect.", + "score": 0.659648060798645 + }, + { + "id": "2908423", + "title": "Cariban languages", + "text": "Cariban languages The Cariban languages are an indigenous language family of South America. They are widespread across northernmost South America, from the mouth of the Amazon River to the Colombian Andes but also appear in central Brazil. Cariban languages are relatively closely related. There are two to three dozen of them, depending on what is considered a dialect. Most are still spoken but often by only a few hundred speakers; the only one with more than a few thousand is Macushi, which has 30,000. The Cariban family is well known in the linguistic world partly because Hixkaryana's default word order", + "score": 0.65950608253479 + }, + { + "id": "8616814", + "title": "Torres Strait Island languages", + "text": "Torres Strait Island languages There are three languages spoken in the Torres Strait Islands, two indigenous languages and an English-based creole. The indigenous language spoken mainly in the western and central islands is Kalaw Lagaw Ya: a language related to the Pama\u2013Nyungan languages of the Australian mainland. The other indigenous language spoken mainly in the eastern islands is Meriam Mir: a member of the Trans-Fly languages spoken on the nearby south coast of New Guinea and the only Papuan language native to Australia. Both languages are agglutinative, however Kalaw Lagaw Ya appears to be undergoing a transition into a declensional", + "score": 0.6592295169830322 + }, + { + "id": "5354123", + "title": "Guyanese Creole", + "text": "Guyanese Creole Guyanese Creole (Creolese by its speakers, or simply Guyanese) is an English-based creole language spoken by people in Guyana. Linguistically, it is similar to other English dialects of the Caribbean region, based on 19th-century English, and has loan words from African, East Indian, Arawakan, and older Dutch languages. There are many sub-dialects of Guyanese Creole based on geographical location, urban - rural location, and race of the speakers. For example, along the Rupununi River, where the population is largely Amerindian, a distinct form of Guyanese Creole exists. The Georgetown (capital city) urban area has a distinct accent, while", + "score": 0.6591870784759521 + }, + { + "id": "12281991", + "title": "Languages of Guyana", + "text": "as foreign languages in most secondary schools. Languages of Guyana English is the official language of Guyana, which is the only South American country with English as the official language. Guyanese Creole (an English-based creole with African and East Indian syntax) is widely spoken in Guyana. A number of Amerindian languages are also spoken by a minority of the population. These include Cariban languages such as Macushi, Akawaio and Wai-Wai; and Arawakan languages such as Arawak (or Lokono) and Wapishana. Portuguese is increasingly being used as a second language in Guyana, particularly in the south of the country, bordering on", + "score": 0.6591842174530029 + }, + { + "id": "3421099", + "title": "Roata\u0301n", + "text": "economy of the islands, English continues to be the first spoken and dominant language among all native island peoples. Over time, the form of English spoken by the Caracol has changed. The language differs mostly in morphology but also in pronunciation and accent and, to a lesser extent, in syntax and vocabulary, from the English of the other British Caribbean colonies, as evidenced by the usage of a wide variety of old standard English terms and words throughout the islands. They are similar enough to be mutually intelligible and understood throughout the entire Bay Islands. The language can also be", + "score": 0.6590933203697205 + }, + { + "id": "5347107", + "title": "Virgin Islands Creole", + "text": "and some common bloodlines. Like those in the Virgin Islands, African slaves were brought to the SSS islands of Saba, Sint Eustatius and Saint Martin. The prevalence of Europeans from the British Isles on these islands, as well as the SSS islands' proximity and trade with nearby English-speaking islands, resulted in an English creole being spoken in the SSS islands. Due to the heavy importation of workers from Saint Martin after the 1848 emancipation in the Danish West Indies, as well as a tendency for wealthy planters to own plantations in both the Virgin Islands and SSS islands, the \"ancestral\"", + "score": 0.6589821577072144 + }, + { + "id": "258111", + "title": "Martinique", + "text": "lives on the island on a temporary basis (generally from 3 to 5 years). The official language is French, which is spoken by virtually the entire population. In addition, most residents can also speak Martiniquan Creole, a form of Antillean Creole closely related to the varieties spoken in neighboring English-speaking islands of Saint Lucia and Dominica. Martiniquan Creole is based on French, Carib and African languages with elements of English, Spanish, and Portuguese. It continues to be used in oral storytelling traditions and other forms of speech and to a lesser extent in writing. There was a time when the", + "score": 0.6587892770767212 + }, + { + "id": "4037123", + "title": "Nicobarese languages", + "text": "Nicobarese languages The Nicobarese languages, or Nicobaric languages, form an isolated group of about half a dozen closely related Austroasiatic languages, spoken by the majority of the inhabitants of the Nicobar Islands of India. They have a total of about 30,000 speakers (22,100 native). The majority of Nicobarese speakers speak the Car language. Paul Sidwell (2015:179) considers the Nicobarese languages to subgroup with Aslian. The Nicobarese languages appear to be related to the Shompen language of the indigenous inhabitants of the interior of Great Nicobar Island (Blench & Sidwell 2011), which is usually considered a separate branch of Austroasiatic. However,", + "score": 0.6587119102478027 + }, + { + "id": "2954985", + "title": "Carolinian language", + "text": "are only 183.5 square miles and some of the islands are unpopulated. The population is approximately 15,000 are Chamorros and 1,000 are Chamorros and 4,000 are Carolinians, total are 20,000 people. Most Carolinians live on Saipan, the largest island, though a very small island. Agrigan, is reported to be populated solely by Carolinians speaking Carolinian language. Carolinian language is more usually known as Saipan Carolinian, it was born from several languages in the Carolinian language continuum, due to a century of migration from the west Carolinian atolls to the Northern Marianas island of Saipan in 1815. Spoken mostly by the", + "score": 0.6583717465400696 + }, + { + "id": "14816203", + "title": "Languages of the Caribbean", + "text": "four to one due to the high densities of populations on the larger, Spanish-speaking, islands; some 64% of West Indians speak Spanish. The islands that are included in this group are Cuba, the Dominican Republic, Puerto Rico, and some tiny islands off Central and South America. About one-quarter of West Indians speak French or a French-based creole. They live primarily in Guadeloupe and Martinique, both of which are overseas departments of France; Saint Barth\u00e9lemy and the French portion of Saint Martin (where the local language is English, but not an official language), both of which are overseas collectivities of France;", + "score": 0.6582573652267456 + }, + { + "id": "11917006", + "title": "Guyana", + "text": "the decades. English is the official language of Guyana and is used for education, government, media, and services. The vast majority of the population speaks Guyanese Creole, an English-based creole with slight African and East Indian influence, as their native tongue. In addition, Cariban languages (Akawaio, Wai-Wai, and Macushi) are spoken by a small minority, while Indic languages are retained for cultural and religious reasons. According to a 2002 nationwide census on religious affiliation, 57.4% of the population was Christian, 28.4% was Hindu, 7.2% was Muslim, 1.9% adhered to other religions, while 2.3% of the population did not profess any.", + "score": 0.6582525968551636 + }, + { + "id": "4183420", + "title": "Antillean Creole", + "text": "in Macuro, G\u00fciria and El Callao Municipality). Dominican, Grenadian, St. Lucian, Trinidadian, Brazilian (Lanc-Patu\u00e1) and Venezuelan speakers of Antillean Creole call the language \"patois\". It is also spoken in various Creole-speaking immigrant communities in the United States Virgin Islands, British Virgin Islands, and the island of Saint Martin. Antillean Creole has approximately 1 million speakers and is a means of communication for migrant populations traveling between neighbouring English- and French-speaking territories. Pierre Belain d'Esnambuc was a French trader and adventurer in the Caribbean who established the first permanent French colony, Saint-Pierre, on the island of Martinique in 1635. Belain sailed", + "score": 0.6577727794647217 + }, + { + "id": "5347116", + "title": "Virgin Islands Creole", + "text": "is often seen as an impediment to economic and educational progress. The majority of Virgin Islanders speak Virgin Islands Creole. However, due to immigration from the rest of the Caribbean and the United States, some Virgin Islands residents do not speak it. Most non-native longtime residents can understand spoken Virgin Islands Creole, even if not fluent in speaking themselves. In local vernacular, Virgin Islands Creole is rarely referred to as a creole, as locally, \"creole\" (as well as \"patois\") usually refers to the French-based creoles spoken by St. Lucian, Dominican (Dominica) and Haitian immigrants. Instead, Virgin Islanders tend to refer", + "score": 0.6575913429260254 + }, + { + "id": "8731322", + "title": "Culture of the Cayman Islands", + "text": "Culture of the Cayman Islands The culture of the Cayman Islands has been influenced by Afro-Caribbeans of Jamaica, colonists of Great Britain, and more recent immigrants from the United States. In the 21st century, approximately 113 nationalities make up the residents on the three islands comprising the country. The total population of the Cayman Islands consists of slightly more than 55,000 people spread throughout the island group, with the majority of the people found on Grand Cayman. Roughly 20,000 are native Caymanian, with the remainder born elsewhere in the world. In the past, most of the people of the Cayman", + "score": 0.6574504375457764 + }, + { + "id": "11455096", + "title": "Guyanese passport", + "text": "Force) in Georgetown, Guyana. The Passport Office falls under the purview of the Ministry of Home Affairs. The previous non-Machine-readable passport (MRP) used English(the official language of Guyana) and French as the two languages in the Passport. The current CARICOM Guyana MRP has dropped French and instead uses English and Spanish as the two languages in the Passport. However this is only done on the data page. All other pages use only English. The previous non-Machine-readable passport (MRP) was valid for 5 years, and could be renewed for 5 years after the first expiry date, and another 5 years after", + "score": 0.6574212908744812 + }, + { + "id": "11447849", + "title": "Great Andamanese languages", + "text": "Andamanese poetry, the words and sentence structure have been somewhat abbreviated or inverted in order to obtain the desired rhythmical effect. As another example, we give part of a creation myth in Oko-Juwoi, reminiscent of Prometheus: Literally: Translated (by Portman): Great Andamanese languages The Great Andamanese languages are a near-extinct language family once spoken by the Great Andamanese peoples of the Andaman Islands (India), in the Indian Ocean. The last fluent speaker, of what may have been a creole based on Aka-Jeru, died in 2009. However, there are still speakers of a koine-form of Great Andamanese known as \"Aka-Jero\". By", + "score": 0.657222330570221 + }, + { + "id": "271714", + "title": "Manx language", + "text": "Manx in 1767. In the late 18th century, nearly every school was teaching in English. This decline continued into the 19th century, as English gradually became the primary language spoken on the Isle of Man. In 1848, J. G. Cumming wrote, \"there are ... few persons (perhaps none of the young) who speak no English.\" Henry Jenner estimated in 1874 that about 30% of the population habitually spoke Manx (12,340 out of a population of 41,084). According to official census figures, 9.1% of the population claimed to speak Manx in 1901; in 1921 the percentage was only 1.1%. Since the", + "score": 0.6561551094055176 + }, + { + "id": "282666", + "title": "Netherlands Antilles", + "text": "the native dialect of the inhabitants of Sint Eustatius, Saba and Sint Maarten. After a decades-long debate, English and Papiamentu were made official languages alongside Dutch in early March 2007. Legislation was produced in Dutch, but parliamentary debate was in Papiamentu or English, depending on the island. Due to a massive influx of immigrants from Spanish-speaking territories such as the Dominican Republic in the Windward Islands, and increased tourism from Venezuela in the Leeward Islands, Spanish had also become increasingly used. The majority of the population were followers of the Christian faith, with a Protestant majority in Sint Eustatius and", + "score": 0.6557764410972595 + }, + { + "id": "10452195", + "title": "Dominica", + "text": "but there are still traces of difference in origin. As a result of this mixture of languages and heritage, Dominica is a member of both the French-speaking Francophonie and the English-speaking Commonwealth of Nations. Island Carib, also known as Igneri (I\u00f1eri, Ig\u00f1eri, Inyeri), was an Arawakan language historically spoken by the Island Caribs of the Lesser Antilles in the Caribbean. The Island Caribs lived throughout the southern Lesser Antilles such as Dominica, St Vincent and Trinidad, supposedly having conquered them from their previous inhabitants, the Igneri. Island Carib became extinct about 1920, but an offshoot survives as Garifuna, primarily in", + "score": 0.6556662917137146 + }, + { + "id": "5347120", + "title": "Virgin Islands Creole", + "text": "Panama, but are also unique in many ways. As in most Anglophone Caribbean dialects, in Virgin Islands Creole, dental fricatives (the \"-th\" sound) are often omitted from speech, and replaced by dental stops (the \"-t\" sound). The vowel pronunciation of Virgin Islands Creole can widely differ from Standard English. For example, in Virgin Islands Creole (as well as most other Anglophone Caribbean creoles), the suffix \"er\" in English, in Standard English, is pronounced (for example: \"computer\" is pronounced (\"computah\"), and \"never\" is pronounced (\"nevah\")). Not all words ending in \"er\" however, are pronounced in this way. Like many other Caribbean", + "score": 0.655053973197937 + }, + { + "id": "9866279", + "title": "Channel Island English", + "text": "Channel Island English Channel Island English refers to Alderney English, Guernsey English and Jersey English and similar dialects of English found in the other Channel Islands. Alderney English is the variety of English spoken by some residents of Alderney. In technical terms it is difficult to identify it as a separate dialect - due to Alderney's small size and proportionately large turnover of immigration and emigration (particularly to/from Guernsey, with which it is closely associated at a governmental level) and the UK, very many people speak the English of their place of origin, while many people who have been educated", + "score": 0.6549459099769592 + }, + { + "id": "3779803", + "title": "Bajan Creole", + "text": "Standard English. There is academic debate on whether its creole features are due to an earlier pidgin state or to some other reason, such as contact with neighboring English-based creole languages. In one historical model, Bajan arose when captive West Africans were forcibly transported to the island, enslaved and forced to speak English, though learned imperfectly. Bajan later became a means of communicating without always being understood by the slave holders. Due to emigration to the Province of Carolina, Bajan has influenced American English and the Gullah language spoken in the Carolinas. Regionally, Bajan has ties to Belizean and Guyanese", + "score": 0.6549320816993713 + }, + { + "id": "6893672", + "title": "Guinea-Bissau Creole", + "text": "in Guinea-Bissau and Senegal: The Creole's substrate language is the language of the local peoples: Mandingas, Manjacos, Pep\u00e9is and others, but most of the lexicon (around 80%) comes from Portuguese. The Portuguese-based dialect of Casamance, known as Portuguis Creole or Casamance Creole, similar to the one of Cacheu (Guinea-Bissau) has some influence of French. ' (, English: Children of the Land) and ' (Port. \"\", Eng. Children of Nobles) speak it, all of them are known, locally, as Purtuguis because they adopt European habits, are Catholics and speak a Creole. They are descendants of Portuguese men and African women. Most", + "score": 0.6548333168029785 + }, + { + "id": "5347105", + "title": "Virgin Islands Creole", + "text": "preferred as a trade and business language in the busy port of Charlotte Amalie, Virgin Islands Creole became established in preference to Negerhollands. Some of the population continued to use Negerhollands well into the 20th century. Unlike the continental European population of the other Danish West Indian islands, that of St. Croix was mostly of English, Irish and Scottish origin, which led to African slaves developing an English-based creole throughout the 18th and 19th centuries. By the 19th century, Virgin Islands Creole was spoken on St. Thomas and St. John, as Negerhollands was fading away. By the end of the", + "score": 0.6546013355255127 + }, + { + "id": "2751376", + "title": "Torres Strait Creole", + "text": "Torres Strait Creole Torres Strait Creole (also \"Torres Strait Pidgin, Yumplatok, Torres Strait Brokan/Broken, Cape York Creole, Lockhart Creole, Papuan Pidgin English, Broken English, Brokan/Broken, Blaikman, Big Thap, Pizin, Ailan Tok\") is an English-based creole language spoken on several Torres Strait Islands (Queensland, Australia), Northern Cape York and South-Western Coastal Papua. It has approximately 25,000 mother-tongue and bi/tri-lingual speakers, as well as several second/third-language speakers. It is widely used as a language of trade and commerce. Torres Strait Creole has six main dialects: Papuan, Western-Central, TI, Malay, Eastern, and Cape York. Its main characteristics show that it is a Pacific", + "score": 0.6542320847511292 + }, + { + "id": "6731517", + "title": "Garifuna language", + "text": "Dominica, Trinidad, Saint Lucia, and Saint Vincent. The Caribs had conquered the previous population of the islands, Arawakan peoples like the Taino and Palikur peoples. During the conquest, which was conducted primarily by men, the Carib married Arawakan women. Children were raised by their mothers speaking Arawak, but as boys came of age, their fathers taught them Carib, a language still spoken in mainland South America. When European missionaries described the Island Carib people in the 17th century, they recorded two unrelated languages: Carib spoken by the men and Arawak spoken by the women. However, while the boys acquired Carib", + "score": 0.6541445255279541 + }, + { + "id": "12294811", + "title": "Nicobarese", + "text": "with Shompen who came to the islands earlier. The islands have been under the power of various Asian empires in the 16th century, Denmark from 1754\u20131869, Great Britain from 1869\u20131947, and India from 1947. Today they are administered by India as part of the Union Territory of the Andaman and Nicobar Islands. The Nicobarese language is part of the Austroasiatic language family. All of the different islands speak different dialects of the Nicobarese language. The separate islands are categorized into four groups, although most of the people understand the Car Nicobar dialect. Most of the people of the islands are", + "score": 0.6538342237472534 + }, + { + "id": "15989628", + "title": "Island Carib language", + "text": "their origins. However, scholars who doubt the existence of a Carib invasion suggest this pidgin was a later development acquired by contact with the Caribs of the mainland. Island Carib was extinct by the 1920s, but an offshoot, Garifuna, is still spoken by the Garifuna people living mainly in Central America. Island Carib language Island Carib, also known as Igneri (I\u00f1eri, Inyeri, etc.), was an Arawakan language historically spoken by the Island Caribs of the Lesser Antilles in the Caribbean. Island Carib proper became extinct about 1920, but an offshoot survives as Garifuna, primarily in Central America. Despite its name,", + "score": 0.6537370085716248 + }, + { + "id": "6893669", + "title": "Guinea-Bissau Creole", + "text": "Guinea-Bissau Creole Guinea-Bissau Creole is a Portuguese-based creole language spoken in Guinea Bissau, Senegal and The Gambia. It is also called by its native speakers as , , or . It is a Portuguese-based creole language, closely related to Cape Verdean creole language. Guinea-Bissau Creole is spoken as a first creole language by approximately 15% (190,000) of Bissau-Guineans and as a second creole language by approximately 50%, as of some time before 1992. A dialect of Guinea-Bissau Creole is also spoken in southern Senegal, mainly in the region of Casamance, a former Portuguese colony, which is known as Portuguis Creole", + "score": 0.6534779071807861 + }, + { + "id": "9255911", + "title": "Languages of the Bailiwick of Guernsey", + "text": "Languages of the Bailiwick of Guernsey The linguistic situation of the Bailiwick of Guernsey is quite similar to that of Jersey, the other Bailiwick in the Channel Islands. English is the official language, French is used for administration, there are several varieties of Norman language used by a minority of the population, and Portuguese is spoken by immigrants in the workforce. English is one of the official languages and the only dominant language in the Islands. Its status is mainly a product of the last century, and some 200 years ago, very few people in the Channel Islands spoke that", + "score": 0.6532586216926575 + }, + { + "id": "15988902", + "title": "Cocos Malay", + "text": "Cocos Malay Cocos Malay is a post-creolized variety of Malay, spoken by the Cocos Malays of Home Island, Christmas Island, and those originally from the Cocos Islands currently living in Sabah. Cocos Malay derives from the Malay trade languages of the 19th century, specifically the Betawi language, with a strong additional Javanese influence. Malay is offered as a second language in schools, and Malaysian has prestige status; both are influencing the language, bringing it more in line with standard Malay. There is also a growing influence of English, considering the Islands having been an Australian territory and globalization drifting modern", + "score": 0.6531263589859009 + } + ] + }, + { + "qa_pairs": [ + { + "context": "Released on July 24, 1998, \"Saving Private Ryan\" received acclaim from critics and audiences for its performances (particularly from Hanks), realism, cinematography, score, screenplay, and Spielberg's directing. A box office success, it was the highest-grossing film of 1998 in the United States with $216.8 million domestically and the second-highest-grossing film of 1998 worldwide with $481.8 million worldwide. Additionally, it grossed $44 million from its release on home video in May 1999. The film won several accolades, mainly for Best Picture and Director at the Golden Globes, Producers Guild of America, Directors Guild of America, and Critics Choice Awards, among others. It earned ten nominations at British Academy Film Awards and won for Best Sound and Best Special Visual Effects. The film was nominated for 11 Academy Awards at the 71st Academy Awards, where it won five including Spielberg's second win for Best Director, Best Film Editing, Best Cinematography, Best Sound, and Best Sound Effects Editing, though it lost the Academy Award for Best Picture to \"Shakespeare in Love\" in a controversial upset. ", + "question": "When was the movie saving private ryan released?", + "short_answers": [ + "July 24, 1998" + ], + "wikipage": "Saving Private Ryan" + }, + { + "context": "In 1996, producer Mark Gordon pitched Rodat's idea, which was inspired by the Niland brothers, to Paramount, which eventually began development on the project. Spielberg, who at the time was forming DreamWorks, came on board to direct the project, and Hanks joined the cast. After the cast went through training supervised by Marines veteran Dale Dye, the film's principal photography started in June 1997 and lasted two months. The film's D-Day scenes were shot in Ballinesker Beach, Curracloe Strand, Ballinesker, just east of Curracloe, County Wexford, Ireland and used members of the army reserve of the Irish Army as infantry for the D-Day landing.", + "question": "When did principle photography for the movie saving private ryan start to be made?", + "short_answers": [ + "June 1997" + ], + "wikipage": "Saving Private Ryan" + }, + { + "context": "No context provided", + "question": "When was the movie saving private ryan filmed?", + "short_answers": [ + "began June 27, 1997, and lasted for two months" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Saving Private Ryan", + "url": "https://en.wikipedia.org/wiki/Saving%20Private%20Ryan" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Saving Private Ryan is a 1998 American epic war film directed by Steven Spielberg and written by Robert Rodat. ", + "wikipage": "Saving Private Ryan" + } + ], + "long_answer": "Filming for the epic war film Saving Private Ryan began June 27, 1997, and lasted for two months. The movie was released a year later on July 24, 1998. " + } + ], + "sample_id": "-4974374116224069035", + "question": "When was the movie saving private ryan made?", + "docs": [ + { + "id": "380491", + "title": "Saving Private Ryan", + "text": "Saving Private Ryan Saving Private Ryan is a 1998 American epic war film directed by Steven Spielberg and written by Robert Rodat. Set during the Invasion of Normandy in World War II, the film is notable for its graphic portrayal of war, and for the intensity of its opening 27 minutes, which includes a depiction of the Omaha Beach assault during the Normandy landings. It follows United States Army Rangers Captain John H. Miller (Tom Hanks) and a squad (Tom Sizemore, Edward Burns, Barry Pepper, Giovanni Ribisi, Vin Diesel, Adam Goldberg, and Jeremy Davies) as they search for a paratrooper,", + "score": 0.7660247683525085 + }, + { + "id": "380520", + "title": "Saving Private Ryan", + "text": "on July 24, 1998, and grossed $30.5 million on its opening weekend, opening to number one and remained at the top for four weeks until \"Blade\" top the film in its fifth week of release. The film grossed $216.5 million in the US and Canada. and $265.3 million in other territories, bringing its worldwide total to $481.8 million. It was the highest-grossing US film of 1998, succeeding \"Armageddon\", which top the film as the highest-grossing film of 1998 worldwide. Box Office Mojo estimates that the film sold over 45.74 million tickets in the United States and Canada. \"Saving Private Ryan\"", + "score": 0.7567645311355591 + }, + { + "id": "380494", + "title": "Saving Private Ryan", + "text": "win for Best Director, Best Film Editing, Best Cinematography, Best Sound Mixing and Best Sound Editing. \"Saving Private Ryan\" was released on home video in May 1999, earning another $44 million from sales. Widely hailed as one of the best films ever made., the film has been frequently lauded as an landmark in the war film genre and has been credited with contributing to a resurgence in America's interest in World War II as old and new films, video games, and novels about the war enjoyed renewed popularity after its release. In 2014, the film was selected for preservation in", + "score": 0.7535532712936401 + }, + { + "id": "380493", + "title": "Saving Private Ryan", + "text": "Wexford, Ireland. Released on July 24, 1998, the film received universal acclaim from critics and audiences; praise was given to Spielberg's directing, the performances (particularly from Hanks), historical accuracy, the battle sequences, cinematography, score, and screenplay. It was also a box office success, grossing $216.8 million domestically, making it the highest-grossing film of 1998 in the United States, and $481.8 million worldwide, making it the second-highest-grossing film of 1998 worldwide. At the 71st Academy Awards, the film was nominated for 11 Academy Awards, including Best Picture, Best Actor for Hanks and Best Original Screenplay; it won five, including Spielberg's second", + "score": 0.7483157515525818 + }, + { + "id": "380539", + "title": "Saving Private Ryan", + "text": "May 4, 2010 in the US, as part of Paramount Home Video's premium Sapphire Series. However, only weeks after its release, Paramount issued a recall due to audio synchronization problems. The studio issued an official statement acknowledging the problem, which they attributed to an authoring error by Technicolor that escaped the quality control process, and that they had already begun the process of replacing the defective discs. On May 8, 2018, Paramount Home Media Distribution released \"Saving Private Ryan\" on Ultra HD Blu-ray to celebrate the 20th anniversary of the release of the film. Saving Private Ryan Saving Private Ryan", + "score": 0.7372727990150452 + }, + { + "id": "380538", + "title": "Saving Private Ryan", + "text": "LaserDisc in November 1999, making it one of the last feature films to be issued in this format, as LaserDiscs ceased manufacturing and distribution by year's end. In 2004, a \"Saving Private Ryan\" special edition DVD was released to commemorate the 60th anniversary of D-Day. This two-disc edition was also included in a box set titled \"World War II Collection\", along with two documentaries produced by Spielberg, \"Price For Peace\" (about the Pacific War) and \"Shooting War\" (about war photographers, narrated by Tom Hanks). The film was released on Blu-ray Disc on April 26, 2010 in the UK and on", + "score": 0.736107587814331 + }, + { + "id": "380492", + "title": "Saving Private Ryan", + "text": "Private First Class James Francis Ryan (Matt Damon), who is the last-surviving brother of four servicemen. Rodat wrote the script in 1994 and was eventually picked up by Paramount Pictures in 1996. Spielberg, who at the time was forming DreamWorks Pictures, came on board to direct the project and both DreamWorks and Paramount jointly produce and release the film. After the cast went through training supervised by Marine veteran Dale Dye, the film's principal photography started in June 1997 and lasted two months. The film's D-Day scenes were shot in Ballinesker Beach, Curracloe Strand, Ballinesker, just east of Curracloe, County", + "score": 0.7349697351455688 + }, + { + "id": "380501", + "title": "Saving Private Ryan", + "text": "elderly veteran is revealed to be Ryan and the grave he is standing at is Miller's. Ryan asks if he was worthy of such sacrifice. He salutes Miller's grave. In 1994, Robert Rodat wrote the script for the film after discovering the story about the World War II life stories of the Niland brothers. Rodat's script was submitted to producer Mark Gordon. Gordon then sent the script to Paramount Pictures, whose executives liked and purchased the script. At the same, Steven Spielberg, who was at the time establishing DreamWorks Pictures, picked up the script and became interested in the film.", + "score": 0.7164959907531738 + }, + { + "id": "7393084", + "title": "Robert Rodat", + "text": "Robert Rodat Robert Rodat is an American film and television writer and television producer. He was nominated for the Academy Award for Best Original Screenplay for writing Steven Spielberg's war epic \"Saving Private Ryan\". Rodat wrote \"Saving Private Ryan\" (1998), \"The Comrades of Summer\" (1992), \"Tall Tale\" (1995), \"Fly Away Home\" with Vince McKewin (1996), and \"The Patriot\" (2000). He worked on the revision of the script for the 2008 film \"10,000 BC\" and helped with the story of 2013 film \"\". Rodat also contributed to a screenplay for a film adaptation of \"Warcraft\", work that was ultimately rebooted with", + "score": 0.7079116702079773 + }, + { + "id": "10239861", + "title": "Saving Private Ryan (soundtrack)", + "text": "of building a casino on the grounds of Gettysburg, Pennsylvania where the Battle of Gettysburg was fought. Source: Saving Private Ryan (soundtrack) Saving Private Ryan: Music from the Original Motion Picture Soundtrack is the soundtrack album for the 1998 film \"Saving Private Ryan\", directed by Steven Spielberg. The album was produced by composer John Williams and distributed by DreamWorks Records. Recorded in Symphony Hall, Boston, Massachusetts, the scores were performed by the Boston Symphony Orchestra, with two of the ten compositions featuring vocals from the Tanglewood Festival Chorus. The soundtrack runs for almost an hour, while the film itself lasts", + "score": 0.7038514018058777 + }, + { + "id": "7819596", + "title": "Sole Survivor Policy", + "text": "post in Bethpage is named after their sacrifice. In the case of the Niland brothers, U.S. intelligence believed that all but one of four siblings were killed in action. The eldest brother, Technical Sergeant Edward Niland, of the U.S. Army Air Forces, was later found to have been held in a prisoner of war camp in Burma. The academy-award winning film \"Saving Private Ryan\", directed by Steven Spielberg, was loosely based on the Niland brothers' story. Both the Borgstrom and Butehorn incidents occurred before the Sole Survivor Policy was put into effect in 1948. They, along with the deaths of", + "score": 0.7026909589767456 + }, + { + "id": "380537", + "title": "Saving Private Ryan", + "text": "option of viewing the film. TNT and Turner Classic Movies have also broadcast the film. The film was released on home video in May 1999 with a VHS release that earned over $44 million. The DVD release became available in November of the same year, and was one of the best-selling titles of the year, with over 1.5 million units sold. The DVD was released in two separate versions: one with Dolby Digital and the other with DTS 5.1 surround sound. Besides the different 5.1 tracks, the two DVDs are identical. The film was also issued in a limited 2-disc", + "score": 0.7025992274284363 + }, + { + "id": "371470", + "title": "Steven Spielberg", + "text": "World War II film \"Saving Private Ryan\", about a group of U.S. soldiers led by Capt. Miller (Tom Hanks) sent to bring home a paratrooper whose three older brothers were killed in the same twenty-four hours, June 5\u20136, of the Normandy landing. The film was a huge box office success, grossing over $481 million worldwide and was the biggest film of the year at the North American box office (worldwide it made second place after Michael Bay's \"Armageddon\"). Spielberg won his second Academy Award for his direction. The film's graphic, realistic depiction of combat violence influenced later war films such", + "score": 0.7020149827003479 + }, + { + "id": "380526", + "title": "Saving Private Ryan", + "text": "Spielberg refused to cut the violent scenes; however, the film was finally released there on DVD with an 18SG certificate much later in 2005. Filmmaker Robert Altman wrote a letter to Spielberg stating, \"\"Private Ryan\" was awesome \u2014 best I've seen.\" Filmmaker Quentin Tarantino has expressed admiration for the film and has cited it as an influence on his 2009 film, \"Inglourious Basterds\". Many World War II veterans stated that the film was the most realistic depiction of combat they had ever seen. The film was so realistic that some combat veterans of D-Day and Vietnam left theaters rather than", + "score": 0.6970301270484924 + }, + { + "id": "380508", + "title": "Saving Private Ryan", + "text": "ramp went down and I saw the first 1-2-3-4 rows of guys just getting blown to bits. In my head, of course, I knew it was special effects, but I still wasn't prepared for how tactile it was.\" Filming began June 27, 1997, and lasted for two months. Some shooting was done in Normandy, for the Normandy American Cemetery and Memorial in Colleville-sur-Mer and Calvados. Other scenes were filmed in England, such as a former British Aerospace factory in Hatfield, Hertfordshire, Thame Park, Oxfordshire and Wiltshire. Production was due to also take place in Seaham, County Durham, but government restrictions", + "score": 0.6968916058540344 + }, + { + "id": "10239851", + "title": "Saving Private Ryan (soundtrack)", + "text": "Saving Private Ryan (soundtrack) Saving Private Ryan: Music from the Original Motion Picture Soundtrack is the soundtrack album for the 1998 film \"Saving Private Ryan\", directed by Steven Spielberg. The album was produced by composer John Williams and distributed by DreamWorks Records. Recorded in Symphony Hall, Boston, Massachusetts, the scores were performed by the Boston Symphony Orchestra, with two of the ten compositions featuring vocals from the Tanglewood Festival Chorus. The soundtrack runs for almost an hour, while the film itself lasts over two hours. Throughout the compositions, brass, string, and horn instruments were used to evoke a variety of", + "score": 0.6965174674987793 + }, + { + "id": "452223", + "title": "War film", + "text": "realistic-looking attack footage was reused in later films such as \"Midway\" (1976), \"The Final Countdown\" (1980), and \"Australia\" (2008). The story was revisited in \"Pearl Harbor\" (2001), described by \"The New York Times\" as a \"noisy, expensive and very long new blockbuster\", with the comment that \"for all its epic pretensions (as if epic were a matter of running time, tumescent music and earnest voice-over pronouncements), the movie works best as a bang-and-boom action picture\". Steven Spielberg's \"Saving Private Ryan\" (1998) uses hand-held camera, sound design, staging and increased audio-visual detail to defamiliarise viewers accustomed to conventional combat films, so", + "score": 0.6946243643760681 + }, + { + "id": "380533", + "title": "Saving Private Ryan", + "text": "in AFI's 100 Years...100 Thrills, the 10th most inspiring in AFI's 100 Years...100 Cheers, and the eighth best epic film in \"AFI's 10 Top 10\". In 2014, the film was selected for preservation in the National Film Registry by the Library of Congress, being deemed \"culturally, historically, or aesthetically significant.\" \"Saving Private Ryan\" was voted as the greatest war film in a 2008 Channel 4 poll of the 100 greatest war films. In a readers poll for \"Rolling Stone\", it was voted as the 18th best film of the 1990s. \"Empire\" named the film as the 39th greatest film of", + "score": 0.6840571165084839 + }, + { + "id": "2162615", + "title": "John Milius", + "text": "Pictures. A Milius script that was filmed was his biopic of Geronimo, \"\", for Walter Hill. He also directed two films for cable: \"Motorcycle Gang\" (1994) and \"Rough Riders\" (1997). He also claims to have done \"a little bit of stuff\" on the script for \"Saving Private Ryan\". In 2000 Milius was hired to work as a creative consultant with the Institute for Creative Technologies to pre-visualize the challenges to peace that America will face and the advanced virtual reality technologies necessary to train U.S. troops for the future. \"Through his enormous body of work, John has shown a deep", + "score": 0.6832619905471802 + }, + { + "id": "18654434", + "title": "Media censorship in Singapore", + "text": "(2003) and \"Kill Bill Vol 1\" (2003) received an \"R(A)\" rating solely for graphic violent content for the first time. In 2004, film classification became more organised and consumer advisories for titles were added. An \"M18\" rating was added to provide more choices for young adults and the \"R(A)\" rating was done away. Violent content in films started to be held to a stricter standard, which resulted in Saving Private Ryan (1998) being re-rated \"M18\" for its prolonged and intense sequences of graphic war violence under the new classification guidelines. Another example was Gladiator (2000), which would be rated \"NC16\"", + "score": 0.6825956106185913 + }, + { + "id": "380534", + "title": "Saving Private Ryan", + "text": "all time. On Veterans Day from 2001\u20132004, the American Broadcasting Company aired the film uncut and with limited commercial interruption. The network airings were given a TV-MA rating, as the violent battle scenes and the profanity were left intact. The 2004 airing was marred by pre-emptions in many markets because of the language, in the backlash of Super Bowl XXXVIII's halftime show controversy. However, critics and veterans' groups such as the American Legion and the Veterans of Foreign Wars assailed those stations and their owners, including Hearst-Argyle Television (owner of 12 ABC affiliates); Scripps Howard Broadcasting (owner of six); and", + "score": 0.6806731224060059 + }, + { + "id": "10239852", + "title": "Saving Private Ryan (soundtrack)", + "text": "emotions and tones. The soundtrack received mixed reviews from critics, but was still nominated for several major awards, of which it won the Grammy Award for Best Instrumental Composition Written for a Motion Picture or for Television. Soundtrack opener \"Hymn to the Fallen\" received some radio play, in particular on the United States holidays Veterans Day and Memorial Day. The soundtrack was remastered and reissued as a commemorative twentieth anniversary edition by La-La Land Records on August 28, 2018. Steven Spielberg and John Williams had worked together on fifteen films before \"Saving Private Ryan\" (1998). The score was recorded at", + "score": 0.6800135374069214 + }, + { + "id": "10796901", + "title": "Shaky camera", + "text": "in his movies. The \"Dogme 95\" movement he co-created in 1995 was partly based on the technique. Trier's 2000 film \"Dancer in the Dark\" was criticized for having too much shaky camera motion. Janusz Kami\u0144ski, cinematographer for Steven Spielberg on 1998's \"Saving Private Ryan\", used a traditionally-shot scene of a modern-day cemetery to open the film. For the initial action sequence, he used the hand-held camera technique to depict the gritty intensity and brutality of the 1944 Normandy beach assault on D-Day, from the boat to the beach and beyond. The 1999 film \"The Blair Witch Project\" made extensive use", + "score": 0.6790711283683777 + }, + { + "id": "12765198", + "title": "Bodily mutilation in film", + "text": "movies have often romanticized battle and violence for glory; but after the Vietnam War, many movies worked to portray war in its true form, all the violence, brutality, and even the psychological distress included. This is shown in several films including \"The Deer Hunter\" (1978) and \"Casualties of War\" (1989). A great example is the classic film \"Saving Private Ryan\" (1998). In the beginning of this movie there is a 15-minute scene showing the landing of American troops at Omaha beach. In this scene there are untold amounts of blood and gore as German machine guns literally rip the U.S.", + "score": 0.6773989796638489 + }, + { + "id": "380502", + "title": "Saving Private Ryan", + "text": "After Spielberg signed on to direct the film, both Paramount and DreamWorks, who agreed to finance and produce the film together with Amblin Entertainment and Mutal Film Company, made a distribution deal where DreamWorks would took over the film's domestic distribution while Paramount would release the film internationally. In exchange for distribution rights for \"Saving Private Ryan\", Paramount would retain domestic distribution rights to \"Deep Impact\", while DreamWorks would acquire international distribution. In casting the film Spielberg sought to create a cast that \"looked\" the part, stating in an interview, \"You know, the people in World War II actually looked", + "score": 0.6733118295669556 + }, + { + "id": "380528", + "title": "Saving Private Ryan", + "text": "good war,\" and has placed it alongside films such as \"Gladiator\" and \"Black Hawk Down\" that he believes were well-made, but may have inadvertently contributed to Americans' readiness for the 2003 invasion of Iraq. In defense of the film's portrait of warfare, Brian De Palma commented, \"The level of violence in something like \"Saving Private Ryan\" makes sense because Spielberg is trying to show something about the brutality of what happened.\" Actor Richard Todd, who performed in \"The Longest Day\" and was amongst the first of the Allied soldiers to land in Normandy (Operation Tonga), said the film was \"Rubbish.", + "score": 0.6707723140716553 + }, + { + "id": "5324490", + "title": "Titanic (1943 film)", + "text": "Titanic (1943 film) Titanic is a 1943 German propaganda film made during World War II in Berlin by Tobis Productions for UFA, depicting the catastrophic sinking of in 1912. Despite the fact that there already was a A German silent film produced in 1912 just four weeks after the sinking and a British company had released a German-language film about the disaster in 1929, the film was commissioned by Nazi Propaganda Minister Joseph Goebbels with the intent of showing not only the superiority of German filmmaking, but also as a propaganda vehicle which would show that British and American capitalism", + "score": 0.6706352829933167 + }, + { + "id": "8028149", + "title": "Memoirs of a Geisha (film)", + "text": "Private Ryan\", bringing along his company DreamWorks. In the meantime, Spielberg's DreamWorks partner David Geffen had tried to persuade him not to take on the project, feeling it was \"not good enough for him\". Prior to Spielberg's involvement, the film was planned to be shot in Japan and with the Japanese language. By 2002, with Spielberg having postponed production for \"A.I. Artificial Intelligence\", \"Minority Report\" and \"Catch Me If You Can\", he stepped down from directorial duties to only produce. Wick and Fisher approached Rob Marshall, who was interested in doing a non-musical after \"Annie\" and \"Chicago\". This brought a", + "score": 0.6675420999526978 + }, + { + "id": "3421703", + "title": "Dennis Farina", + "text": "in \"Little Big League\" and a nemesis basketball coach in \"Eddie\". In a leading-man role and a departure from his usual parts, Farina co-starred in 1997 with Bette Midler in a romantic comedy, \"That Old Feeling\", directed by Carl Reiner. In 1998's \"Saving Private Ryan\", Farina plays the battalion commander who advises Capt. John Miller (Tom Hanks) of the mission which forms the basis of the film's plot. Farina won an American Comedy Award for his performance in \"Get Shorty\" and starred in a television sitcom, \"In-Laws,\" from 2002 until 2003. He appeared in the 2002 \"Stealing Harvard\", a comedy", + "score": 0.6668733358383179 + }, + { + "id": "11101845", + "title": "Trailer Park Awards", + "text": "this time 31st Annual (2002) First Place: Comedy Trailer \"Not Another Teen Movie\" * 29th Annual (2000) Second Place: Comedy Poster \"Stuart Little\" * 28th Annual (1999) Best of Show Audio-Visual: \"Saving Private Ryan\" * First Place: Drama Trailer \"Saving Private Ryan\" * First Place: Teaser Trailer \"Godzilla\" * Second Place: Home Video Trailer \"The Mask of Zorro\" * Third Place: Teaser Trailer \"Saving Private Ryan\" * Third Place: Drama TV Spot \"Apt Pupil\" * 27th Annual (1998) Honorable Mention: Teaser \"Absolute Power\" * 26th Annual (1997) First Place: Drama TV Spot \"Jerry Maguire\" * First Place: Drama Trailer \"Jerry", + "score": 0.6657031774520874 + }, + { + "id": "540611", + "title": "Tom Hanks", + "text": "with film director Steven Spielberg on five films to date: \"Saving Private Ryan\" (1998), \"Catch Me If You Can\" (2002), \"The Terminal\" (2004), \"Bridge of Spies\" (2015), and \"The Post\" (2017), as well as the 2001 miniseries \"Band of Brothers\", which launched Hanks as a successful director, producer, and screenwriter. In 2010, Spielberg and Hanks were executive producers on the HBO miniseries \"The Pacific\". Hanks' films have grossed more than $4.5 billion at U.S. and Canadian box offices and more than $9.0 billion worldwide, making him the fourth highest-grossing actor in North America. Hanks has been nominated for numerous awards", + "score": 0.6655434370040894 + }, + { + "id": "2422738", + "title": "Janusz Kamin\u0301ski", + "text": "Janusz Kami\u0144ski Janusz Zygmunt Kami\u0144ski (; born June 27, 1959) is a Polish cinematographer and film director who started his career in the United States. He rose to fame in the 1990s with his work on \"Schindler's List\" (1993). He has established a partnership with Steven Spielberg, working as a cinematographer on his movies since 1993. He won the Academy Award for Best Cinematography for his work on \"Schindler's List\" and \"Saving Private Ryan\" (1998). In recent years, Kami\u0144ski has also moved into the field of directing, first with the horror film \"Lost Souls\", and later television series like \"The", + "score": 0.6650811433792114 + }, + { + "id": "11644969", + "title": "Gary Levinsohn", + "text": "Gary Levinsohn Gary Levinsohn is an American film producer. He was nominated for the Academy Award for Best Picture, along with Steven Spielberg, Ian Bryce, Mark Gordon for the film \"Saving Private Ryan\". He is the co-owner of Mutual Film Company. In 1999, Gary Levinsohn, along with Steven Spielberg, Ian Bryce and Mark Gordon, was nominated for Academy Award and BAFTA Film Award for Saving Private Ryan, for the category of Best Picture and Best Film respectively. Saving Private Ryan won him Best Drama Picture at 1999 Online Film & Television Association Film Award and 2nd place in Best Motion", + "score": 0.6647171974182129 + }, + { + "id": "380523", + "title": "Saving Private Ryan", + "text": "\"At the Movies\", Siskel and Ebert each named the film as the fourth and third best film of 1998 respectively. Writing for \"TIME\", Richard Schickel said that was \"a war film that, entirely aware of its genre's conventions, transcends them as it transcends the simplistic moralities that inform its predecessors, to take the high, morally haunting ground.\" Owen Gleiberman of \"Entertainment Weekly\" praised the film, saying that \"Spielberg has captured the hair-trigger instability of modern combat.\" Kenneth Turan of \"Los Angeles Times\" praised the film as well, calling it \"a powerful and impressive milestone in the realistic depiction of combat,", + "score": 0.6628351211547852 + }, + { + "id": "12754357", + "title": "World War II in popular culture", + "text": "and humility. Movies about World War II continued for the rest of the 20th century and into the 21st century, though less in number and included \"Schindler's List (1993 film)\", \" The boy in the Striped Pajamas (2009 film)\", \"The Thin Red Line\" (1998), \"Saving Private Ryan\" (1998), \"Flags of Our Fathers\" (2006) and \"Red Tails\" (2012) about the African American Air Fighter pilots of the Tuskegee Airmen. Movies and television programs about the war continued to be made into the 21st century, including the television mini-series \"Band of Brothers\", \"The Pacific\" and \"Dunkirk\". The majority of World War II", + "score": 0.6626871824264526 + }, + { + "id": "2469211", + "title": "Vin Diesel", + "text": "for a woman inspires him to try to change his ways. Written, directed, and produced by Diesel, the film was selected for competition at the 1997 Sundance Festival, leading to an MTV deal to turn it into a series. He was then cast in Steven Spielberg's 1998 Oscar-winning film \"Saving Private Ryan\" on the poignancy of his performance in \"Multi-Facial\". In 1999, he provided the voice of the title character in the animated film \"The Iron Giant\". Diesel had a major role in the drama thriller \"Boiler Room\" (2000). He got his breakthrough leading role as the anti-hero Riddick in", + "score": 0.6619517207145691 + }, + { + "id": "1438960", + "title": "Matt Damon", + "text": "York and having everybody turn and look\". Before the film, Damon played the lead in the critically acclaimed drama, \"The Rainmaker\" (1997), where he was recognized by the \"Los Angeles Times\" as \"a talented young actor on the brink of stardom.\" For the role, Damon gained most of the weight he had lost for \"Courage Under Fire\". After meeting Damon on the set of \"Good Will Hunting\", director Steven Spielberg cast him in the brief title role in the 1998 World War II film \"Saving Private Ryan\". He co-starred with Edward Norton in the 1998 poker film \"Rounders\", where he", + "score": 0.6619279384613037 + }, + { + "id": "4337516", + "title": "1941 (film)", + "text": "1941 (film) 1941 is a 1979 American period comedy film directed by Steven Spielberg, written by Robert Zemeckis and Bob Gale, and featuring an ensemble cast including Dan Aykroyd, Ned Beatty, John Belushi, John Candy, Christopher Lee, Tim Matheson, Toshiro Mifune, and Robert Stack. The story involves a panic in the Los Angeles area after the December 1941 attack on Pearl Harbor. Although not as financially or critically successful as many of Spielberg's other films, it received belated popularity after an expanded version aired on ABC and its subsequent home video reissues, raising it to cult status. Co-writer Gale stated", + "score": 0.6618919372558594 + }, + { + "id": "1785121", + "title": "Courage Under Fire", + "text": "by Damon's dedication to method acting that he offered him the leading role in \"The Rainmaker\" (1997). Steven Spielberg was also impressed by his performance, but thought he was too skinny and discounted him from casting considerations for \"Saving Private Ryan\" until he met Damon during the filming of \"Good Will Hunting\", by which time he was back at his normal weight. The film opened #3 at the box office behind \"Independence Day\" and \"Phenomenon\" The film received mostly positive reviews. As of January 14, 2013, the review aggregator website Rotten Tomatoes reported that 85% of critics gave the film", + "score": 0.6611166000366211 + }, + { + "id": "3078746", + "title": "71st Academy Awards", + "text": "categories. The telecast garnered nearly 46 million viewers in the United States. The nominees for the 71st Academy Awards were announced on February 9, 1999, at the Samuel Goldwyn Theater in Beverly Hills, California, by Robert Rehme, president of the Academy, and the actor Kevin Spacey. \"Shakespeare in Love\" earned the most nominations with thirteen; \"Saving Private Ryan\" came in second place with eleven. The winners were announced during the awards ceremony on March 21, 1999. \"Life Is Beautiful\" was the second film nominated simultaneously for Best Picture and Best Foreign Language Film in the same year (the first being", + "score": 0.6598931550979614 + }, + { + "id": "371443", + "title": "Steven Spielberg", + "text": "the Extra-Terrestrial\" (1982), and the \"Jurassic Park\" series seen as archetypes of modern Hollywood escapist filmmaking. Spielberg transitioned into addressing humanistic issues in his later work via the films \"The Color Purple\" (1985), \"Empire of the Sun\" (1987), \"Schindler's List\" (1993), \"Amistad\" (1997) and \"Saving Private Ryan\" (1998). He has largely adhered to this practice during the 21st century, with \"Munich\" (2005), \"Lincoln\" (2012), \"Bridge of Spies\" (2015), and \"The Post\" (2017). Spielberg co-founded Amblin Entertainment and DreamWorks Studios, where he has also served as a producer for several successful films, including the \"Back to the Future\", \"Men in Black\",", + "score": 0.6596978902816772 + }, + { + "id": "4386184", + "title": "Edward Burns", + "text": "Hotel in Manhattan. In 1996, Burns wrote, directed and starred in the ensemble drama \"She's The One\" with Jennifer Aniston, Cameron Diaz and Amanda Peet, as well as \"Sidewalks of New York\" in 2001. Burns is also known for his acting work on movies such as \"Saving Private Ryan\" (1998), \"Life or Something Like It\" (2002), and \"Confidence\" (2003). \"Looking for Kitty\" (2004), which Burns wrote, directed and starred in, was shot with a hand-held $3,000 digital Panasonic AG-DVX100 camera with a Mini35 adapter. The film's entire budget was $200,000 and was filmed in New York City with a tiny", + "score": 0.6593319177627563 + }, + { + "id": "4173096", + "title": "Von Ryan's Express", + "text": "film of 1965. Additionally, this was Sinatra\u2019s highest grossing and biggest earning film of the decade. The film was nominated for a Best Sound Editing (Walter Rossi) Academy Award in 1966, while the Motion Picture Sound Editors also nominated the film for Best Sound Editing in a Feature Film. British Channel 4 ranked \"Von Ryan's Express\" number 89 on their list of 100 Greatest War Films, commenting, \"A ripping yarn culminating in a wild train dash through [Italy], with director Mark Robson cranking up the tension and releasing it with some excellent action set-pieces.\" It has a 91% fresh rating", + "score": 0.6562516093254089 + }, + { + "id": "380529", + "title": "Saving Private Ryan", + "text": "Overdone.\" American academic Paul Fussell, who saw combat in France during World War II, objected to what he described as, \"the way Spielberg's \"Saving Private Ryan\", after an honest, harrowing, 15-minute opening visualizing details of the unbearable bloody mess at Omaha Beach, degenerated into a harmless, uncritical patriotic performance apparently designed to thrill 12-year-old boys during the summer bad-film season. Its genre was pure cowboys and Indians, with the virtuous cowboys of course victorious.\" Historian James DiEugenio has noted that the film is actually \"90 percent fiction\" and that Tom Hanks knew this, with his goal being to \"...commemorate World", + "score": 0.6560994386672974 + }, + { + "id": "2582157", + "title": "Cornelius Ryan", + "text": "he gathered stories from both the Allies and the Germans, as well as the French civilians. In 1956 he began to write down his World War II notes for \"The Longest Day: 6 June 1944 D-Day\", which tells the story of the D-Day Invasion of Normandy, published three years later in 1959. It was an instant success, and Ryan helped in the writing of the screenplay for the 1962 film of the same name. Darryl F. Zanuck paid the author US$175,000 for the screen rights to the book. Ryan's 1957 book \"One Minute to Ditch!\" is about the successful ocean", + "score": 0.6557900905609131 + }, + { + "id": "9257135", + "title": "Ray Hanna", + "text": "and his commercial partners for The Old Flying Machine Company's flying stock. In 1988 Mark resigned from the Royal Air Force to join the company full time. Throughout the 1980s and 1990s the company's aeroplanes performed at flying shows around the world, and opened up a spin-off service providing its aircraft for the filming of cinema and television productions, including \"Piece of Cake\" (1988), \"Empire of the Sun\" (1987), \"Memphis Belle\" (1990), \"Saving Private Ryan\" (1998) and \"Tomorrow Never Dies\" (1997). Hanna flew his Spitfire under the bridge at Winston, near Barnard Castle, for a scene in \"Piece of Cake\".", + "score": 0.6552751064300537 + }, + { + "id": "16563175", + "title": "Jack Ryan (film series)", + "text": "book. On February 7, 2003, Paramount announced a box set entitled \"The Jack Ryan Special Edition DVD Collection\", which includes new editions of \"The Hunt for Red October\", \"Patriot Games\" and \"Clear and Present Danger\" as well as the special edition of \"The Sum of All Fears\". Both the set and the individual editions of each film were released on May 6, 2003. While the four films were originally intended to be released in a Blu-ray collection entitled \"The Jack Ryan Collection\", the films were later broken up into separate releases for the high definition format on July 29, 2008.", + "score": 0.6544101238250732 + }, + { + "id": "13968786", + "title": "Aircraft in fiction", + "text": "restored Mustangs in an attack against a Japanese internment camp. This was the most complex and elaborately staged sequence of the film, requiring over 10 days of filming and 60 hours of aerial footage of Mustangs. Film historians and reviewers regard the scene as a significant cinematic achievement: \"Spielberg's most emotionally reverberant moment, and one of the rare movie scenes that can truly be called epiphanies.\" The North American P-51 Mustang was featured in the 1995 HBO telemovie \"The Tuskegee Airmen\". Two P-51Ds appear briefly at the end of Steven Spielberg's 1998 film \"Saving Private Ryan\" as \"tank-busters\" (although P-47", + "score": 0.654179573059082 + }, + { + "id": "4173082", + "title": "Von Ryan's Express", + "text": "Von Ryan's Express Von Ryan's Express is a World War II adventure film, released in 1965, about a group of Allied prisoners of war who conduct a daring escape by hijacking a freight train and fleeing through German-occupied Italy to Switzerland. It stars Frank Sinatra and Trevor Howard, and is based on the novel by David Westheimer. It was directed by Mark Robson. The film changes several aspects of the novel, most notably the ending, which is considerably more upbeat in the book. Financially, it became one of Frank Sinatra's most successful films. Colonel Joseph Ryan is a USAAF pilot", + "score": 0.6540800929069519 + }, + { + "id": "16749942", + "title": "Jack Ryan: Shadow Recruit", + "text": "Baldwin, Harrison Ford, and Ben Affleck. The original screenplay was written by Adam Cozand and David Koepp. The film was produced by Mace Neufeld, Lorenzo di Bonaventura, David Barron and Mark Vahradian, with David Ellison, Dana Goldberg, Paul Schwake and Tommy Harper as executive producers. The film score was composed by Patrick Doyle. The film was released on January 17, 2014, and grossed over $130 million in revenue at the box office. \"Jack Ryan: Shadow Recruit\" was met with mixed critical reviews. The film is dedicated to Clancy, who died on October 1, 2013. After the terrorist attacks on 9/11,", + "score": 0.6518280506134033 + }, + { + "id": "19535931", + "title": "Kursk (film)", + "text": "Russian government refused help from foreign governments for five days before agreeing to aid from the British and Norwegian governments. On 17 August 2015, it was announced that EuropaCorp was developing a film based on the 2000 K-141 Kursk submarine disaster, and that Martin Zandvliet had been hired to direct the film from a script by Robert Rodat, based on Robert Moore\u2019s 2002 book \"A Time to Die\". \"\"Kursk\"\" would have been Zandvliet\u2019s first English-language film. On 21 January 2016, it was reported that Zandvliet was no longer attached and that EuropaCorp had hired Thomas Vinterberg to direct the film.", + "score": 0.6509326100349426 + }, + { + "id": "3554844", + "title": "Harve Presnell", + "text": "Presnell went on to star in a few more films during the 1960s, but by the early 1970s that aspect of his career came to a standstill. From 1970 to 1995 he mostly worked as a musical theatre performer on Broadway, the West End, and in touring productions out of New York. In his early 60s, Presnell saw a resurgence in his movie career which lasted until his death. He played character roles in films like \"Fargo\" (1996), \"Saving Private Ryan\" (1998), and \"Flags of Our Fathers\" (2006). He also appeared on television as Mr. Parker in \"The Pretender\" and", + "score": 0.650696337223053 + }, + { + "id": "380532", + "title": "Saving Private Ryan", + "text": "frequently lauded as an influential work in the war film genre and is credited with contributing to a resurgence in America's interest in World War II. Old and new films, video games, and novels about the war enjoyed renewed popularity after its release. The film's use of desaturated colors, hand-held cameras, and tight angles has profoundly influenced subsequent films and video games. The American Film Institute has included \"Saving Private Ryan\" in many of its lists, ranking it as the 71st greatest American movie in AFI's 100 Years...100 Movies (10th Anniversary Edition), as well as the 45th most thrilling film", + "score": 0.6502256989479065 + }, + { + "id": "4513099", + "title": "Multi-Facial", + "text": "Four Seasons hotel, he approached Freeman and handed him a copy of the film. In 1997, Steven Spielberg saw \"Strays\" (having already been impressed with Diesel's performance in \"Multi-Facial\") and wrote a role into \"Saving Private Ryan\" specifically for Diesel as a result, giving him his first major film role. Multi-Facial Multi-Facial is a 1995 American short drama film written, directed, produced, and scored by Vin Diesel. The film stars Diesel as a multiracial actor and depicts the professional and emotional issues he faces. \"Multi-Facial\" was noticed by Steven Spielberg, who would cast Diesel in \"Saving Private Ryan\" (1998). It", + "score": 0.6499130725860596 + }, + { + "id": "14715410", + "title": "Francis L. Sampson", + "text": "Francis L. Sampson Father (Major General) Francis L. Sampson, USA (February 29, 1912 \u2013 January 28, 1996) was a Catholic priest from Archdiocese for the Military Services and an American Army officer who served as the 12th Chief of Chaplains of the United States Army from 1967 to 1971. Notably, his real-life story of rescuing a young soldier became the inspiration for the film \"Saving Private Ryan\". Francis L. Sampson was born on 29 February 1912, in Cherokee, Iowa. He attended the University of Notre Dame, graduating in 1937, and then entered the St. Paul Seminary at Saint Paul, Minnesota.", + "score": 0.6496288776397705 + }, + { + "id": "17839148", + "title": "Marlfield House", + "text": "Marlfield is completely different and decorated with fabrics, tapestries, paintings and flowers and many rooms have four-poster beds. The six state rooms are particularly luxurious. The official star rating of the hotel is 4 stars and it is classified by F\u00e1ilte Ireland. Notable guests include film director Steven Spielberg and actor Tom Hanks who stayed at the hotel for two months in the summer of 1997 while filming Saving Private Ryan on Ballinesker beach in the village of Curracloe in County Wexford. Other notable guests include Peter Ustinov, Meryl Streep, Steve Martin, Victoria Tennant, Duke of Kent, Robert Redford, Margaux", + "score": 0.6495290994644165 + }, + { + "id": "3637194", + "title": "Michael Kahn (film editor)", + "text": "most wins (three) in the category of the Academy Awards for Best Film Editing, tied with Thelma Schoonmaker, Daniel Mandell, and Ralph Dawson. All of the films for which he won Oscars were directed by Steven Spielberg: \"Raiders of the Lost Ark\" (1981), \"Schindler's List\" (1993), and \"Saving Private Ryan\" (1998). He has also received six BAFTA nominations for Best Editing, winning two for \"Schindler's List\" and \"Fatal Attraction\". Kahn has been selected for membership in the American Cinema Editors (ACE). In 2011, he received the Career Achievement Award of the American Cinema Editors. At the ceremony, Steven Spielberg said", + "score": 0.6494731307029724 + }, + { + "id": "4173097", + "title": "Von Ryan's Express", + "text": "on Rotten Tomatoes. Von Ryan's Express Von Ryan's Express is a World War II adventure film, released in 1965, about a group of Allied prisoners of war who conduct a daring escape by hijacking a freight train and fleeing through German-occupied Italy to Switzerland. It stars Frank Sinatra and Trevor Howard, and is based on the novel by David Westheimer. It was directed by Mark Robson. The film changes several aspects of the novel, most notably the ending, which is considerably more upbeat in the book. Financially, it became one of Frank Sinatra's most successful films. Colonel Joseph Ryan is", + "score": 0.6484349966049194 + }, + { + "id": "2461947", + "title": "Tom Sizemore", + "text": "\"Heat\" (1995). Sizemore's first major leading role was as Vincent D'Agosta in \"The Relic\" (1997). Sizemore had a recurring role on the television series \"China Beach\" (1988-1991) as an enlisted man named Vinnie who was in love with Dana Delany's character. Sizemore continued to play leading and character parts in many films, notably \"Devil in a Blue Dress\" (1995), \"Bringing Out the Dead\" (1999) and \"Witness Protection\" (1999). \"Saving Private Ryan\" (1998) has proven to be his most commercially successful project to date, bringing in $217,000,000 at the box office. In the early 2000s, Sizemore appeared in actions films such", + "score": 0.6480931043624878 + }, + { + "id": "15186317", + "title": "Peter J. Ryan", + "text": "Peter J. Ryan Peter J. Ryan (1841 \u2013 January 8, 1908) was a Union Army soldier during the American Civil War. He received the Medal of Honor for gallantry during the Battle of Opequon more commonly called the Third Battle of Winchester, Virginia on September 19, 1864. Ryan joined the army from Indiana in July 1861, and was mustered out in July 1865. \"The President of the United States of America, in the name of Congress, takes pleasure in presenting the Medal of Honor to Private Peter J. Ryan, United States Army, for extraordinary heroism on 19 September 1864, while", + "score": 0.6474686861038208 + }, + { + "id": "4361001", + "title": "The Longest Day (film)", + "text": "used more extensively during a late 1960s re-release of the film. \"The Longest Day\" was released on DVD on November 6, 2001. The Longest Day (film) The Longest Day is a 1962 epic war film based on Cornelius Ryan's 1959 book \"The Longest Day\" (1959), about the D-Day landings at Normandy on June 6, 1944, during World War II. The film was produced by Darryl F. Zanuck, who paid author Ryan $175,000 for the film rights. The screenplay was by Ryan, with additional material written by Romain Gary, James Jones, David Pursall, and Jack Seddon. It was directed by Ken", + "score": 0.6473716497421265 + }, + { + "id": "17341550", + "title": "Matt Damon filmography", + "text": "Best Actor. He followed it by playing the title roles of a soldier in Steven Spielberg's war drama \"Saving Private Ryan\" (1998) and of the criminal Tom Ripley in the thriller \"The Talented Mr. Ripley\" (1999), both of which gained critical and commercial success. A production company he formed in 2000 with Affleck and Sean Bailey, named LivePlanet, produced \"Project Greenlight\" (2001\u201305, 2015), a television series that helps newcomers develop their first film. Damon has served as the executive producer of a number of projects directed by winners of the show. Damon's profile continued to expand in the 2000s, as", + "score": 0.6473162770271301 + }, + { + "id": "5324504", + "title": "Titanic (1943 film)", + "text": "a flooding walkway in the engine room. Explanatory notes Citations Bibliography Titanic (1943 film) Titanic is a 1943 German propaganda film made during World War II in Berlin by Tobis Productions for UFA, depicting the catastrophic sinking of in 1912. Despite the fact that there already was a A German silent film produced in 1912 just four weeks after the sinking and a British company had released a German-language film about the disaster in 1929, the film was commissioned by Nazi Propaganda Minister Joseph Goebbels with the intent of showing not only the superiority of German filmmaking, but also as", + "score": 0.6471974849700928 + }, + { + "id": "4337544", + "title": "1941 (film)", + "text": "based on 23 reviews, with an average rating of 5.2/10. On Metacritic, the film has a weighted average score of 34 out of 100 based on 7 critics, indicating \"generally unfavorable reviews\". The film received three nominations at the 1980 Academy Awards. Nominated: 1941 (film) 1941 is a 1979 American period comedy film directed by Steven Spielberg, written by Robert Zemeckis and Bob Gale, and featuring an ensemble cast including Dan Aykroyd, Ned Beatty, John Belushi, John Candy, Christopher Lee, Tim Matheson, Toshiro Mifune, and Robert Stack. The story involves a panic in the Los Angeles area after the December", + "score": 0.6464737057685852 + }, + { + "id": "540629", + "title": "Tom Hanks", + "text": "record and film production company named after the record company in the film. Hanks then executive produced, co-wrote, and co-directed the HBO docudrama \"From the Earth to the Moon\". The 12-part series chronicled the space program from its inception, through the familiar flights of Neil Armstrong and Jim Lovell, to the personal feelings surrounding the reality of moon landings. The Emmy Award-winning project was, at US$68 million, one of the most expensive ventures undertaken for television. In 1998, Hanks' next project was no less expensive. For \"Saving Private Ryan\", he teamed up with Steven Spielberg to make a film about", + "score": 0.645786464214325 + }, + { + "id": "14669227", + "title": "War Horse (film)", + "text": "so quickly because he was on a hiatus, waiting for the animation on his other 2011-released film, \"The Adventures of Tintin: The Secret of the Unicorn\", to be completed. Spielberg has directed six films with World War II themes (\"1941\", \"Raiders of the Lost Ark\", \"Empire of the Sun\", \"Indiana Jones and the Last Crusade\", \"Schindler's List\", and \"Saving Private Ryan\"), and has produced two others, \"Flags of Our Fathers\" and \"Letters from Iwo Jima\", as well as producing two major television miniseries set during this period, \"Band of Brothers\" and \"The Pacific\". In contrast, \"War Horse\" is Spielberg's first", + "score": 0.6453709602355957 + }, + { + "id": "3280056", + "title": "Soldier (1998 American film)", + "text": "in Region 1 in the United States on March 2, 1999, and Region 2 in the United Kingdom on 2 August 1999, it was distributed by Warner Home Video. It was released as a double-sided disc, which included the widescreen version on one side, with full-screen on the other. Included on the disc was a film commentary. \"Soldier\" was released on Blu-ray for the first time in the U.S. on July 26, 2011. Soldier (1998 American film) Soldier is a 1998 American science fiction action film directed by Paul W. S. Anderson, written by David Webb Peoples, and starring Kurt", + "score": 0.6451013088226318 + }, + { + "id": "9792967", + "title": "None Shall Escape", + "text": "21, 1942 that the Allies were collecting information about the Nazi leaders responsible for war atrocities, in order to bring them to court after the war. (The prosecution of war criminals was ratified by the Allies in the Moscow Declarations in 1943). To ensure the war crimes depicted in the film conformed to actual Nazi atrocities, the script was submitted to the U.S. State Department for review. Production began August 31, 1943 and finished October 26,1943 (i.e. more than eighteen months before the war in Europe ended.) Director Andre DeToth had seen the war up close already in 1939. He", + "score": 0.6446627378463745 + }, + { + "id": "6236770", + "title": "The Seventh Victim", + "text": "previous work as a journalist reporting on cosmetic companies, and the Italian restaurant, Dante's, was based on Barbetta, a restaurant in Manhattan's Theater District. Mark Robson, a Canadian editor who had worked as an assistant on \"Citizen Kane\", was signed to direct the film, his directorial debut. It was shot over 24 days at RKO's Gower Street studio in Los Angeles, California, beginning on May 5, 1943, and concluding on May 29. The opening scene at the boarding school used the set featured in RKO's \"The Magnificent Ambersons\", released the year before. Mark Robson and John Lockert made multiple edits", + "score": 0.6443079710006714 + }, + { + "id": "5744828", + "title": "Bixby letter", + "text": "as the Sullivan brothers, the Niland brothers, the Borgstrom brothers, and the Sole Survivor Policy of the United States military. In the 1998 war film \"Saving Private Ryan\", General George Marshall (played by Harve Presnell) reads the Bixby letter to his officers before giving the order to find and send home Private James Francis Ryan after Ryan's three brothers died in battle. In a voiceover near the end of the film, Marshall quotes the Bixby letter in a letter to Mrs. Ryan. On September 11, 2011, former U.S. President George W. Bush read the Bixby letter during the memorial ceremony", + "score": 0.6436168551445007 + }, + { + "id": "7955080", + "title": "Flyboys (film)", + "text": "who served in both the Lafayette Escadrille and the Lafayette Flying Corps, although pseudonyms were used throughout. The casting of Franco in an action feature at the time was considered a \"stepping stone\" to his rise as marquee player and movie star. The film was shot on location in the United Kingdom primarily in spring 2005 although principal photography continued on into the summer. The trench scenes were shot in Hatfield, Hertfordshire, the same location used for \"Band of Brothers\" and \"Saving Private Ryan\". The airfield and aerial shots were filmed on and above RAF Halton (near Aylesbury) where hangars,", + "score": 0.64351487159729 + }, + { + "id": "6761800", + "title": "Hail the Conquering Hero", + "text": "G. DeSylva, as Sturges had already left Paramount. After another unsuccessful preview \u2013 and, not coincidentally, after \"The Miracle of Morgan's Creek\" had been released and become a smash hit \u2013 DeSylva accepted Sturges' offer to return, unpaid, and rewrite the script. Retakes, directed by Sturges, were done on the 7th through 11 April 1944, and Sturges restored his overall conception of the film. The film was released on 9 August 1944. Sharp-eyed viewers may have noted that in the scene where the Marines leave the Oakdale station, a billboard behind them advertises \"The Miracle of Morgan's Creek\", the film", + "score": 0.6428220272064209 + }, + { + "id": "7382358", + "title": "Rally Round the Flag, Boys!", + "text": "did not appear in the film. A \"Daily Variety\" news item reported that in March 1958, Buddy Adler was set to produce the movie, and was considering the film to star Frank Sinatra, Deborah Kerr and William Holden. \"Rally Round the Flag, Boys!\" premiered in New York City theatres on December 23, 1958. It was released nationwide in February 1959. The film currently holds a 25% \"Rotten\" rating at RottenTomatoes.com. \"Rally Round the Flag, Boys!\" was nominated for the Golden Laurel Awards held on September 23, 1959 and received 4th place for both Top Comedy Female Performance (Joanne Woodward) and", + "score": 0.6428098678588867 + }, + { + "id": "5033578", + "title": "E-I-E-I-(Annoyed Grunt)", + "text": "Cheech Marin, Gina Gershon, Curtis Armstrong, Eric Roberts, Spalding Gray, Anthony Hopkins, James Earl Jones and Meryl Streep, singer Victoria Beckham, wrestler Steve Austin, soccer player Pel\u00e9 and producer Robert Evans as having roles in the film, and, amongst others, thanks publisher Bob Guccione and hockey team the Philadelphia Flyers. The Buzz Cola advertisement shown before \"The Poke of Zorro\" is a parody of the opening Normandy invasion sequence from the film \"Saving Private Ryan\" (1998). Gray writes that it \"scorns the proclivity of ads to use any gimmick to grab attention, regardless of the ethics: as an indignant Lisa", + "score": 0.6428025960922241 + }, + { + "id": "2422743", + "title": "Janusz Kamin\u0301ski", + "text": "Best Cinematographer St. Louis Film Critics Association Award for Best Cinematographer Janusz Kami\u0144ski Janusz Zygmunt Kami\u0144ski (; born June 27, 1959) is a Polish cinematographer and film director who started his career in the United States. He rose to fame in the 1990s with his work on \"Schindler's List\" (1993). He has established a partnership with Steven Spielberg, working as a cinematographer on his movies since 1993. He won the Academy Award for Best Cinematography for his work on \"Schindler's List\" and \"Saving Private Ryan\" (1998). In recent years, Kami\u0144ski has also moved into the field of directing, first with", + "score": 0.6426718235015869 + }, + { + "id": "380521", + "title": "Saving Private Ryan", + "text": "received critical acclaim from critics and audiences; much of the praise went for Spielberg's directing, especially on the realistic battle scenes, the actors' performances., John Williams' score, the cinematography, editing, and screenplay. As of December 13, 2018, the film has a 'certified fresh' rating of 93% on Rotten Tomatoes based on 134 reviews with an average score of 8.6/10. The consensus states \"Anchored by another winning performance from Hanks, Spielberg's unflinchingly realistic war film virtually redefines the genre.\" The film also has a score of 90 out of 100 on Metacritic based on 35 critic reviews indicating \"universal acclaim\". Many", + "score": 0.6423546075820923 + }, + { + "id": "15185969", + "title": "Falling Skies", + "text": "things,\" he said. He also decided to do it as he could relate with his character, stating, \"I identified with Tom's devotion to his sons, and admired his sense of social duty.\" Spielberg wanted Wyle for the role because he knew him from his previous series \"ER\", which Spielberg's company produced. He had wanted Wyle to appear in his 1998 film \"Saving Private Ryan\", but Wyle was unavailable due to scheduling conflicts. Spielberg stated that he was determined to work with him again. In July 2009, Moon Bloodgood was cast as Anne Glass, Jessy Schram was cast as Karen Nadler,", + "score": 0.6419328451156616 + }, + { + "id": "2241129", + "title": "John Madden (director)", + "text": "films, and graduated from Sidney Sussex College, Cambridge in 1970 with a B.A. in English literature. He started work in television, including directing Helen Mirren in \"Prime Suspect 4,\" episodes of \"The Adventures of Sherlock Holmes\" (ITV, 1984\u20131994), and \"Inspector Morse\". Perhaps his most notable achievement to date was directing \"Shakespeare in Love,\" which won the Oscar for Best Picture in 1998, and for which he was also nominated as Best Director. He lost to Steven Spielberg who directed \"Saving Private Ryan.\" The film also won the Silver Bear at the 49th Berlin International Film Festival. Madden has since directed", + "score": 0.6418691873550415 + }, + { + "id": "7522818", + "title": "The Sum of All Fears (film)", + "text": "of \"Clear and Present Danger\" in 1994, a year was spent developing Tom Clancy's \"The Cardinal of the Kremlin\" before the material was deemed too difficult to adapt, resulting in producer Mace Neufeld purchasing the rights to Clancy's \"The Sum of All Fears\". In October 1999, Harrison Ford announced that the next Jack Ryan novel being scripted into a film would indeed be \"The Sum of All Fears\" and that \"hopefully we'll get that to a place where we can make a movie.\" During this time, writer Akiva Goldsman wrote multiple drafts of the script. However, on June 8, 2000,", + "score": 0.6416081190109253 + }, + { + "id": "829776", + "title": "Motion Picture Association of America film rating system", + "text": "art house theatres. Legal scholar Julie Hilden wrote that the MPAA has a \"masterpiece exception\" that it has made for films that would ordinarily earn an NC-17 rating, if not for the broader artistic masterpiece that requires the violence depicted as a part of its message. She cites \"Saving Private Ryan\", with its bloody depiction of the D-Day landings, as an example. This exception is troubling, Hilden argues, because it ignores context and perspective in evaluating other films and favors conventional films over edgier films that contribute newer and more interesting points to public discourse about violence. Starting in 2004,", + "score": 0.6413331031799316 + }, + { + "id": "18864769", + "title": "1944 (film)", + "text": "1944 (film) 1944 is a 2015 Estonian war drama film directed by Elmo N\u00fcganen. The film first premiered in February 2015 in Berlin, Germany, before its release in Estonia and other Northern European countries. It was selected as the Estonian entry for the Best Foreign Language Film at the 88th Academy Awards but it was not nominated. As the Soviet Union advances to recapture Estonia from its German occupiers, with huge losses on both sides, the film explores the mental conflicts of young Estonians. Some have volunteered or been conscripted into the German forces, most with little commitment to the", + "score": 0.6409314870834351 + }, + { + "id": "15641297", + "title": "Falling Skies (season 1)", + "text": "of social duty.\" Spielberg wanted Wyle for the role because he knew him from his previous series \"ER\", which Spielberg's company produced. He had wanted Wyle to appear in his 1998 film \"Saving Private Ryan\" but due to scheduling conflicts, he was unable to star. Spielberg stated that he was determined to work with him again. In July 2009, Moon Bloodgood, Jessy Schram, Seychelle Gabriel and Maxim Knight were cast as Anne Glass, Karen Nadler, Lourdes and Matt Mason, respectively. Bloodgood, the female lead, did not have to audition for the role. She received the script and was offered the", + "score": 0.6402555108070374 + }, + { + "id": "14148505", + "title": "To Save a Life", + "text": "To Save a Life To Save a Life is a 2009 Christian drama film directed by Brian Baugh and starring Randy Wayne, Deja Kreutzberg, Robert Bailey Jr., Steven Crowder and Sean Michael Afable. The film was released theatrically in the United States on January 22, 2010, and was written by Jim Britts. The United States rights were acquired by Samuel Goldwyn Films from New Song Pictures. \"To Save a Life\" was produced on a budget of about $1 million, but nearly doubled that in its opening weekend. The film was released to 441 theaters on January 22, 2010, and has", + "score": 0.6402115821838379 + }, + { + "id": "4145943", + "title": "Titanic (1953 film)", + "text": "Titanic (1953 film) Titanic is a 1953 American drama film directed by Jean Negulesco. Its plot centers on an estranged couple sailing on the ill-fated maiden voyage of the , which took place in April 1912. The film was released a day after the 41st anniversary of the sinking of the ocean liner. At the last minute, a wealthy American expatriate in Europe, Richard Sturges (Clifton Webb), buys a steerage-class ticket (the lowest class) for the maiden voyage of the RMS \"Titanic\" from a Basque immigrant. Once aboard he seeks out his runaway wife, Julia (Barbara Stanwyck). He discovers she", + "score": 0.6398764848709106 + }, + { + "id": "17885045", + "title": "Pornographic parody film", + "text": "the earliest known pornographic parody film, a title which is also shared with the 1973 German animated short \"Snow White and the Seven Perverts\". The subgenre began taking off in the 1990s, experiencing a surge in popularity during the 2000s and 2010s. In 2002, \"Shaving Ryan's Privates\", a movie starring actor-turned-infosec analyst Jeff Bardin, was released. The movie documented porn films that parody classic Hollywood movies. There have been porn parodies produced of sitcoms such as \"Who's The Boss\" and \"Parks and Recreation\", horror and drama movies such as \"Edward Scissorhands\" and \"Silence of the Lambs\", sci-fi and action movie", + "score": 0.6395338177680969 + }, + { + "id": "4386181", + "title": "Edward Burns", + "text": "Edward Burns Edward Fitzgerald Burns (born January 29, 1968) is an American actor, producer, writer, and director best known for appearing in several films including \"Saving Private Ryan\" (1998), \"15 Minutes\" (2001), \"Life or Something Like It\" (2002), \"Confidence\" (2003), \"A Sound of Thunder\" (2005), \"The Holiday\" (2006), \"One Missed Call\" (2008), \"27 Dresses\" (2008), \"Man on a Ledge\" (2012), \"Friends with Kids\" (2012), and \"Alex Cross\" (2012). Burns directed movies such as \"The Brothers McMullen\" (1995), \"She's the One\" (1996), \"Sidewalks of New York\" (2001), \"Purple Violets\" (2007), and \"The Fitzgerald Family Christmas\" (2012). He also starred as Bugsy", + "score": 0.6395166516304016 + }, + { + "id": "6854427", + "title": "Ryan Hurst", + "text": "in the NBC teen situation comedy series \"\". In the 1998 epic war drama film \"Saving Private Ryan\", Hurst portrayed Mandelsohn, a paratrooper who, because of temporary hearing loss, cannot understand Captain Miller's (Tom Hanks) questions about sighting Private Ryan, which forces Miller to ask the questions in writing. Additionally, he appeared in the 2002 war film \"We Were Soldiers\" as Sgt. Ernie Savage, played the football player Lump Hudson in the black comedy thriller film \"The Ladykillers\" (2004), and starred in the TNT police drama series \"Wanted\" (2005). From 2005 to 2007, Hurst gained recognition for portraying the recurring", + "score": 0.6389853954315186 + }, + { + "id": "380518", + "title": "Saving Private Ryan", + "text": "at the apex. To achieve a tone and quality that was true to the story as well as reflected the period in which it is set, Spielberg once again collaborated with cinematographer Janusz Kami\u0144ski, saying, \"Early on, we both knew that we did not want this to look like a Technicolor extravaganza about World War II, but more like color newsreel footage from the 1940s, which is very desaturated and low-tech.\" Kami\u0144ski had the protective coating stripped from the camera lenses, making them closer to those used in the 1940s. He explains that \"without the protective coating, the light goes", + "score": 0.6389255523681641 + }, + { + "id": "18864774", + "title": "1944 (film)", + "text": "film that premiered in Estonia. 1944 (film) 1944 is a 2015 Estonian war drama film directed by Elmo N\u00fcganen. The film first premiered in February 2015 in Berlin, Germany, before its release in Estonia and other Northern European countries. It was selected as the Estonian entry for the Best Foreign Language Film at the 88th Academy Awards but it was not nominated. As the Soviet Union advances to recapture Estonia from its German occupiers, with huge losses on both sides, the film explores the mental conflicts of young Estonians. Some have volunteered or been conscripted into the German forces, most", + "score": 0.6385415196418762 + }, + { + "id": "10239854", + "title": "Saving Private Ryan (soundtrack)", + "text": "the film deals with a \"company of soldiers\" and the orchestra was an \"experienced company of musicians.\" Over the course of a three-day period in February 1998, the score for the film was recorded at a rate of around $100,000 an hour. Spielberg and Williams both watched a rough cut of the film to determine what scenes would have music. The two decided to leave music out of the fighting sequences, in favor of playing it over long sequences of eight to nine minutes that lack action. The playing of music between fighting sequences gives a moment of reflection for", + "score": 0.6379871964454651 + }, + { + "id": "2691112", + "title": "The War Room", + "text": "edition DVD and Blu-ray by the Criterion Collection on March 20, 2012. Previously, the film was first released onto DVD in 1999 by Trimark Home Video as a bare bones and pan & scan release, and by Focus Features and Universal Studios as a special edition DVD in 2004. According to an article in the \"Brisbane Times\", George Clooney, Ryan Gosling, and the cast of \"The Ides of March\" watched \"The War Room\" to \"get their bearings\" on their characters and life on the campaign trail. The documentary was spoofed by IFC series \"Documentary Now!\", in the second-season episode \"The", + "score": 0.6379497051239014 + }, + { + "id": "8676230", + "title": "Mark Sandrich", + "text": "Another screen success, \"So Proudly We Hail!\", was a Sandrich-produced and directed adaptation of the hit Broadway musical. It was extremely popular and featured a pair of performers \u2013 Adrian Booth and George Reeves \u2013 whom Sandrich had intended to bring to stardom after the war. Sandrich's last completed films were \"I Love a Soldier\" (1944) and \"Here Come the Waves\" (1944) both with Sonny Tufts. In 1945 Sandrich was in pre-production on a follow-up to \"Holiday Inn\" called \"Blue Skies\", starring Bing Crosby and featuring Irving Berlin's music. At the same time, Sandrich was serving as president of the", + "score": 0.637903094291687 + }, + { + "id": "2226684", + "title": "Seaham", + "text": "served as a location for the BAFTA nominated film \"Life For Ruth\" (1962) starring Janet Munro and Patrick McGoohan. The town appeared in the BBC Three sitcom \"Live!Girls! present Dogtown\" which premiered on the channel in autumn 2006. According to the \"Sunderland Echo\" (11 February 1999), scenes from \"Saving Private Ryan\" (1998) were also going to be filmed in Seaham, but government intervention moved production elsewhere. According to Tom McNee's 1992 portrait of the town \"The Changing Face of Seaham: 1928\u20131992\", St. John's parish church was used as the setting of a 1985 service recorded for BBC Radio 3. Also,", + "score": 0.6378145813941956 + }, + { + "id": "5546012", + "title": "Saints and Soldiers", + "text": "release. A third film, \"\", was released in 2014 Saints and Soldiers Saints and Soldiers is a 2003 war drama film directed by Ryan Little and starring Corbin Allred, Alexander Niver, Kirby Heyborne, Lawrence Bagby, and Peter Asle Holden. It is loosely based on events that took place after the Malmedy massacre during the Battle of the Bulge, where four U.S. soldiers and a downed British airman need to reach Allied lines to pass on some vital intelligence. The film received mostly positive reviews. It was followed by \"\" and \"\". In 1944, Allied troops have defeated the Germans after", + "score": 0.637773871421814 + }, + { + "id": "7226666", + "title": "He Knows You're Alone", + "text": "so as a result, it was shot entirely in Staten Island, New York, with half of the original budget. The film was shot on 35mm over a period of fifteen days in December 1979, with the film's climax being shot at the historic Seaview Hospital in Staten Island. According to director Mastroianni, the entire production from script to final edit took only six months to complete. The original music score was composed by Alexander and Mark Peskanov. The film marked the first movie appearance of actor Tom Hanks, who played a relatively small part. In fact, it was said that", + "score": 0.637454628944397 + }, + { + "id": "4360989", + "title": "The Longest Day (film)", + "text": "The Longest Day (film) The Longest Day is a 1962 epic war film based on Cornelius Ryan's 1959 book \"The Longest Day\" (1959), about the D-Day landings at Normandy on June 6, 1944, during World War II. The film was produced by Darryl F. Zanuck, who paid author Ryan $175,000 for the film rights. The screenplay was by Ryan, with additional material written by Romain Gary, James Jones, David Pursall, and Jack Seddon. It was directed by Ken Annakin (British and French exteriors), Andrew Marton (American exteriors), and Bernhard Wicki (German scenes). \"The Longest Day\", which was made in black", + "score": 0.6369036436080933 + }, + { + "id": "14148524", + "title": "To Save a Life", + "text": "third, accumulating $3,777,210 to date. \"To Save a Life\" was released on DVD and Blu-ray on August 3, 2010. The DVD features an in-depth behind-the-scenes of the making of the film, deleted scenes, a gag reel, and music videos. To Save a Life To Save a Life is a 2009 Christian drama film directed by Brian Baugh and starring Randy Wayne, Deja Kreutzberg, Robert Bailey Jr., Steven Crowder and Sean Michael Afable. The film was released theatrically in the United States on January 22, 2010, and was written by Jim Britts. The United States rights were acquired by Samuel Goldwyn", + "score": 0.6366047859191895 + }, + { + "id": "16563166", + "title": "Jack Ryan (film series)", + "text": "of the novels. It takes place in 2002, whereas the novel takes place in 1991/1992. \"Jack Ryan: Shadow Recruit\" is a second reboot of the franchise that departs from all previous films. The Hunt for Red October (1990) is set in 1984. Central Intelligence Agency analyst Jack Ryan (Alec Baldwin) must track down the \"Red October\", a technologically superior Soviet nuclear submarine heading to America's east coast under the command of Captain Marko Ramius (Sean Connery), and prove to the American government his theory that the sub's mission is to defect rather than attack the American coast. After being boarded", + "score": 0.6365731358528137 + }, + { + "id": "6505519", + "title": "Bonnie Curtis", + "text": "2014. Bonnie Curtis Bonnie Kathleen Curtis (born March 26, 1966) is an American film producer whose credits include \"Saving Private Ryan\", \"A.I.\", \"Minority Report\", and \"\", directed by Steven Spielberg. Her first solo project was the 2005 release \"The Chumscrubber\". She then joined Mockingbird Pictures with partner Julie Lynn in 2011. Curtis and Lynn produced \"Albert Nobbs\", which was nominated for three Academy Awards. Curtis is a co-recipient of the 1999 Producers Guild Award for Motion Picture Producer of the Year, for \"Saving Private Ryan\". On March 12, 2015, Curtis was inducted into the Texas Film Hall of Fame. Spielberg", + "score": 0.6364363431930542 + }, + { + "id": "3726445", + "title": "Too Late the Hero (film)", + "text": "in the New Hebrides in World War II; the American forces arrived in May 1942. The attitudes depicted in the World War II film--made during the Vietnam War era--reflected the 1960s, with one character talking about \"long haired conscientious objectors\". The poster advertising the film showed a fallen soldier dressed in a 1960s American uniform and holding an M16 rifle. Filming started in February 1969. The bulk of the film was made on Boracay Island in the Philippines by the same crew and using many of the same sets as Jack Starrett's \"The Losers\". The opening and closing segments were", + "score": 0.636326014995575 + } + ] + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "How many students are at White River High School in Buckley, Washington in 2016-17?", + "short_answers": [ + "1,202" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "How many students are at White River Valley Junior-Senior High School in 2016-17?", + "short_answers": [ + "330" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "White River High School (Washington)", + "url": "https://en.wikipedia.org/wiki/White%20River%20High%20School%20%28Washington%29" + }, + { + "title": "White River High School", + "url": "https://en.wikipedia.org/wiki/White%20River%20High%20School" + }, + { + "title": "White River Valley High School", + "url": "https://en.wikipedia.org/wiki/White%20River%20Valley%20High%20School" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "White River Valley Junior-Senior High School is a middle school and high school located in Switz City, Indiana.", + "wikipage": "White River Valley High School" + } + ], + "long_answer": "There are multiple schools with the name white river high school. The high school located in Buckley, Washington had 1,202 students attending in 2016-17. The school in Switz City, Indiana with the name White River Valley Junior-Senior High School had 330 students in 2016-17 school year. " + } + ], + "sample_id": "4928140049141308348", + "question": "How many students at white river high school?", + "docs": [ + { + "id": "4570841", + "title": "White River, Mpumalanga", + "text": "to visit the Crocodile River Valley, and the town has a reputation for its arts and crafts. One of the attractions for the art scene is Casterbridge Lifestyle Center situated on the outskirts of the city. Once a mango plantation it now sports a cinema, art exhibitions in its various art galleries, theater plays, concerts, a vintage motor museum and various restaurants. Within the town is the Ho\u00ebrskool Rob Ferreira High School. White River lies 20 km north of Mbombela not far from the border with Kruger National Park. White River has a population of 16,639 and is located in", + "score": 0.7548472881317139 + }, + { + "id": "5175038", + "title": "Columbia River High School", + "text": "Columbia River High School Columbia River High School is a public high school in Vancouver, Washington, United States. It is part of the Vancouver School District (VSD). The school was opened to students in 1962. Columbia River has over 1,200 students. Columbia River is a magnet school in the VSD for the International Baccalaureate Program. As of 1 October 2006, 1317 students attend Columbia River High School. Of all students enrolled, 1183, or 85 percent identify themselves as White; 80, or 6 percent identify themselves as Asian; 56, or 4 percent identify themselves as Hispanic; 31, or 2 percent identify", + "score": 0.7485868334770203 + }, + { + "id": "14973219", + "title": "Weir High School", + "text": "to teacher ratio is approximately 15:1. The average amount of experience for professional staff members is 21.5 years. According to the 2008-2009 No Child Left Behind report card, the enrollment of Weir High School was 677. Of these 677, 30.58% are considered low-income (compared to 49.93% statewide). Likewise, 91.73% of students identify as white. The attendance rate is 93.64% and 97.18% of students graduate. The number of graduates were 172 with a dropout rate of 3.0%. The average class size is 19.2 students. The curriculum for Hancock County School System consists of required classes and credits in order to graduate.", + "score": 0.7455190420150757 + }, + { + "id": "17086056", + "title": "Black River High School (Black River, Jamaica)", + "text": "society, the Science, Mathematics and Spanish, debating club among others. Black River High School (Black River, Jamaica) Black River High School is a high school located in Black River, Jamaica. The Black River High School is situated about half a mile from the town. The Anglican Church in Black River acquired 12 acres of land through loans and grants, also the Francis' family gave 4 acres as a gift making a total of 16 acres on which the Government built the Black River High School. The Junior Secondary school was opened in September 1970 to house 655 students on a", + "score": 0.7447096705436707 + }, + { + "id": "17086052", + "title": "Black River High School (Black River, Jamaica)", + "text": "Black River High School (Black River, Jamaica) Black River High School is a high school located in Black River, Jamaica. The Black River High School is situated about half a mile from the town. The Anglican Church in Black River acquired 12 acres of land through loans and grants, also the Francis' family gave 4 acres as a gift making a total of 16 acres on which the Government built the Black River High School. The Junior Secondary school was opened in September 1970 to house 655 students on a straight shift from grades 7-9; Mr. E A Harris was", + "score": 0.744160532951355 + }, + { + "id": "18579464", + "title": "Elk River High School", + "text": "broomsticks. Elk River High School Elk River High School (variously as Elk River Senior High School) is a public high school located in Elk River, Minnesota. It is the one of four high schools in the Elk River Area School District (ISD 728) and its feeder schools are VandenBerge Middle School and Salk Middle School. In the 201112 school year, Elk River had an enrollment of 1,649 students. Elk River's colors are red and white. The National Center of Education Statistics classifies the high school as a large, suburban campus. The Elk River Elks compete in the Northwest Suburban Conference", + "score": 0.7407589554786682 + }, + { + "id": "9679094", + "title": "White River High School (Washington)", + "text": "as both schools are \"Hornets\" and both school colors are Maroon and Gold, stemming from the time the two districts were one. White River High School (Washington) White River High School is located on an site just outside Buckley, Washington, United States. Before 1949, it was known as \"Buckley High School\" but with a merger with \"Enumclaw High School\" in neighboring Enumclaw, the school became known as White River. In 1952, the voters (especially the Chamber of Commerce) of the City of Enumclaw voted to form their own district. In September 2003, White River moved into a new facility. The", + "score": 0.7389029264450073 + }, + { + "id": "18579461", + "title": "Elk River High School", + "text": "Elk River High School Elk River High School (variously as Elk River Senior High School) is a public high school located in Elk River, Minnesota. It is the one of four high schools in the Elk River Area School District (ISD 728) and its feeder schools are VandenBerge Middle School and Salk Middle School. In the 201112 school year, Elk River had an enrollment of 1,649 students. Elk River's colors are red and white. The National Center of Education Statistics classifies the high school as a large, suburban campus. The Elk River Elks compete in the Northwest Suburban Conference of", + "score": 0.7379668354988098 + }, + { + "id": "9679092", + "title": "White River High School (Washington)", + "text": "White River High School (Washington) White River High School is located on an site just outside Buckley, Washington, United States. Before 1949, it was known as \"Buckley High School\" but with a merger with \"Enumclaw High School\" in neighboring Enumclaw, the school became known as White River. In 1952, the voters (especially the Chamber of Commerce) of the City of Enumclaw voted to form their own district. In September 2003, White River moved into a new facility. The facility was designed by INTEGRUS Architecture and landscape architects Cascade Design Collaborative, Inc. The design focuses on separating the school into five", + "score": 0.7372676134109497 + }, + { + "id": "16394043", + "title": "Ray Brooks School", + "text": "High School of the West Bolivar School District, in Rosedale. In 1998 the school received its current name. In 1999 it had 320 students, and in 2000 it had 268 students; that year principal Barbara Akon described it as the smallest school in the state. High school classes resumed in 2000. Linda Coleman, a Democrat member of the Mississippi House of Representatives from Mound Bayou, stated that the costs of transporting children to West Bolivar from Benoit were too high. The first high school class of that generation graduated in 2002. In 2002 the school was the second smallest school", + "score": 0.7356266379356384 + }, + { + "id": "8435131", + "title": "Whitewater High School (Georgia)", + "text": "Whitewater High School (Georgia) Whitewater High School is one of five high schools in the Fayette County School System in Fayette County, Georgia, United States. WHS officially opened in fall 2003, and began holding classes for freshmen. A senior class first enrolled in 2006-2007. The school is estimated to have cost $29 million, and has LCD projectors in every room, an advanced security system, and Bluetooth technology running throughout the building. With over 430 students, the class of 2007 was the first to graduate WHS. Commencement took place on May 25, 2007 complete with a military flyover and slideshow presentation", + "score": 0.7336231470108032 + }, + { + "id": "8435135", + "title": "Whitewater High School (Georgia)", + "text": "Whitewater High School (Georgia) Whitewater High School is one of five high schools in the Fayette County School System in Fayette County, Georgia, United States. WHS officially opened in fall 2003, and began holding classes for freshmen. A senior class first enrolled in 2006-2007. The school is estimated to have cost $29 million, and has LCD projectors in every room, an advanced security system, and Bluetooth technology running throughout the building. With over 430 students, the class of 2007 was the first to graduate WHS. Commencement took place on May 25, 2007 complete with a military flyover and slideshow presentation", + "score": 0.7336153984069824 + }, + { + "id": "9084739", + "title": "Palmyra High School (New Jersey)", + "text": "1909 structure was destroyed by fire in 1957, and after a vote that narrowly defeated establishing a regional high school, additions were made to the building in 1958 and 1961. As of the 2015-16 school year, the school had an enrollment of 422 students and 41.0 classroom teachers (on an FTE basis), for a student\u2013teacher ratio of 10.3:1. There were 135 students (32.0% of enrollment) eligible for free lunch and 55 (13.0% of students) eligible for reduced-cost lunch. Students from Beverly and Riverton attend the district's high school as part of sending/receiving relationships. In past years, students from Cinnaminson Township,", + "score": 0.7334728240966797 + }, + { + "id": "15086260", + "title": "Whitmore Lake Public Schools", + "text": "at 7430 Whitmore Lake Road. The high school participates in a program called the Early College Alliance (ECA). In 2007, there were 417 students enrolled at the high school. 202 (48.4%) of these students were female. The male population was made up of 215 students (51.6%). The ninth grade consisted of 124 students (29.7% of students). The tenth grade contained 119 students (28.5% of students). The eleventh grade was made up of 84 students (20.1% of students). The twelfth grade included 90 students (21.6% of students). Administration The Early Childhood Center is located next to the Administrative offices at 8845", + "score": 0.7331088781356812 + }, + { + "id": "16776371", + "title": "West Rowan High School", + "text": "West Rowan High School West Rowan High School is a public, co-educational secondary school located in Mount Ulla, North Carolina. It is one of eight high schools in the Rowan-Salisbury School System. For the 2010\u20132011 school year, West Rowan High School had a total population of 1,154 students and 68.57 teachers on a (FTE) basis. The student population had a gender ratio of 51.96% male to 48.04% female. The demographic group makeup of the student population was: White, 64.02%; Black, 22.10%; Hispanic, 10.78%; Asian/Pacific Islander, 0.37%; and American Indian, 0.27% (two or more races, 2.47%). For the same school year,", + "score": 0.7318868637084961 + }, + { + "id": "15652401", + "title": "Wadena-Deer Creek Senior High School", + "text": "gyms, a lecture hall, a safe room and an elevated running track. Wadena-Deer Creek Senior High School Wadena-Deer Creek Senior High School (WDC) is a four-year public high school located in Wadena, Minnesota. WDC is a cooperative school district for the communities of Wadena, Deer Creek and Bluffton. 646 students are currently enrolled in grades 5-12. The student to teacher ratio at Wadena-Deer Creek is 15:1 and the student body make up is 51% male and 49% female. The total minority enrollment is 7%. Wadena-Deer Creek High School is on a period schedule. The school year consists of 171 student", + "score": 0.7279658317565918 + }, + { + "id": "9208933", + "title": "Raymond High School (Mississippi)", + "text": "Bolton, Edwards, Raymond, and Utica. During the 2005-06 school year, Raymond High School had 579 students. Of those students, 458 were African-American and 118 were Caucasian. Two students were of Hispanic descent, and one student was Asian. Ninth grade had 198 students, 10th grade had 152 students, 11th grade had 119 students, and 12th grade had 105 students. The school has about half the student population of Hinds County's other public high school, Terry High. Raymond High has experienced a significant growth in its student population over the last decade. Raymond accepted a small number of displaced students in the", + "score": 0.7271621823310852 + }, + { + "id": "15652399", + "title": "Wadena-Deer Creek Senior High School", + "text": "Wadena-Deer Creek Senior High School Wadena-Deer Creek Senior High School (WDC) is a four-year public high school located in Wadena, Minnesota. WDC is a cooperative school district for the communities of Wadena, Deer Creek and Bluffton. 646 students are currently enrolled in grades 5-12. The student to teacher ratio at Wadena-Deer Creek is 15:1 and the student body make up is 51% male and 49% female. The total minority enrollment is 7%. Wadena-Deer Creek High School is on a period schedule. The school year consists of 171 student days, divided into four quarters. Each day consists of seven periods, each", + "score": 0.7269269227981567 + }, + { + "id": "15328297", + "title": "Lee Williams High School", + "text": "and seniors. Freshmen attended the old (\"South\") school. As the population of Kingman continued to grow, Kingman North became the permanent high school. Kingman South was converted to White Cliffs Middle School. Kingman High, a campus built for 1,600 students, currently houses 2,059 students. This overcrowding necessitated a second high school. At the start of February 2010, workers began to gut the old White Cliffs. (The middle school moved to a brand new campus.) A $22 million, 17-month project thus began to convert, remodel, and update White Cliffs into a new, second comprehensive high school for Kingman. The main White", + "score": 0.726111888885498 + }, + { + "id": "16776373", + "title": "West Rowan High School", + "text": "streak that was broken in 2011. In the 1990\u201391 school year, West Rowan was listed as a Blue Ribbon School. West Rowan High School West Rowan High School is a public, co-educational secondary school located in Mount Ulla, North Carolina. It is one of eight high schools in the Rowan-Salisbury School System. For the 2010\u20132011 school year, West Rowan High School had a total population of 1,154 students and 68.57 teachers on a (FTE) basis. The student population had a gender ratio of 51.96% male to 48.04% female. The demographic group makeup of the student population was: White, 64.02%; Black,", + "score": 0.7252826690673828 + }, + { + "id": "1218515", + "title": "White River, South Dakota", + "text": "census of 2000, there were 598 people, 219 households, and 141 families residing in the city. The population density was 1,169.7 people per square mile (452.7/km\u00b2). There were 252 housing units at an average density of 492.9 per square mile (190.8/km\u00b2). The racial makeup of the city was 51.84% White, 43.48% Native American, 0.17% Asian, and 4.52% from two or more races. Hispanic or Latino of any race were 1.00% of the population. There were 219 households out of which 35.2% had children under the age of 18 living with them, 40.6% were married couples living together, 17.8% had a", + "score": 0.7246603965759277 + }, + { + "id": "14973223", + "title": "Weir High School", + "text": "demographics and test scores. The average size of a graduating class is 170 students. 97.2% of students graduate from Weir High School. Of these, 55% attend a 4-year college/university, 16% attend a 3-year College/Jr. University, 8% enter the work force, 4% attend business/tech schools, 3% enlist in military service. Additionally, 21% of the student body are special education students, 12% of students are on reduced lunch and 28% of students are on free lunch. Approximately 63.4% of students at Weir High School take the American College Test (ACT). This is compared to 63% of Hancock County School District students, as", + "score": 0.72356116771698 + }, + { + "id": "1250624", + "title": "White River, Wisconsin", + "text": "$41,765. Males had a median income of $30,875 versus $19,688 for females. The per capita income for the town was $15,667. About 3.4% of families and 5.6% of the population were below the poverty line, including 6.3% of those under age 18 and 3.3% of those age 65 or over. White River, Wisconsin White River is a town in Ashland County, Wisconsin, United States. The population was 921 at the 2010 census. The census-designated place of Marengo and unincorporated community of Sanborn are located in the town. According to the United States Census Bureau, the town has a total area", + "score": 0.7226831912994385 + }, + { + "id": "11875871", + "title": "Columbia High School (White Salmon, Washington)", + "text": "challenges and expectations of education, work, and life.\" Columbia High School (White Salmon, Washington) Columbia High School is a public high school located in White Salmon, Washington. The school serves about 360 students in grades 9 to 12 in the White Salmon Valley School District. Columbia High School was named a Bronze Medal School in the 2008 U.S. News/SchoolMatters Best High School ratings. It also was one of 21 high schools across the state to receive Washington State's Achievement Award for Overall Excellence in 2010. \"Columbia High School provides a stimulating learning environment, where students of all abilities thrive academically", + "score": 0.7213342189788818 + }, + { + "id": "17152793", + "title": "White County Central High School", + "text": "White County Central High School White County Central High School is a comprehensive public high school based in Judsonia, Arkansas, United States. Located in central White County as the name implies, WCC High School is the sole high school managed by the White County Central School District and serves more than 250 students in grades seven through twelve. Judsonia and Judson University were named in honor of American Baptist foreign missionary Adoniram Judson. The school started as an academy in 1871 and by 1874 received a state charter as a university. The university closed three years later. In 1937, the", + "score": 0.7208036780357361 + }, + { + "id": "15882276", + "title": "West Valley Christian School", + "text": "students. It would have had 35 students in the high school if it had remained open. As of 2016, it serves about 320 students in grades PK-8. From 2013-2016 the school partnered with Carnegie Education Institute for high school operations. As of 2016, it serves 320 students in Preschool through 8th grade. Campus facilities include an auditorium and a gymnasium. The sports mascot was previously the \"Seekers\" as in \"seekers after truth and beauty.\" The school operates a summer camp for foreign students to improve their English language skills. Three Chinese students from Jiangshan High School in Quzhou, Zhejiang were", + "score": 0.7207653522491455 + }, + { + "id": "10914568", + "title": "Hood River Valley High School", + "text": "science, the score was 50%, below the state average of 62%. In writing the score was 55%, equal to the state average of 55%. The score for math was 38%, and the state average was 45%. In 2008, 76% of the school's seniors received a high school diploma. Of 314 students, 238 graduated, 53 dropped out, five received a modified diploma, and 18 were still in high school in 2009. HRVHS is a 5A school in the Columbia River Conference of the OSAA. Hood River Valley High School Hood River Valley High School (HRVHS) is a public high school in", + "score": 0.7202771902084351 + }, + { + "id": "8426512", + "title": "Red River High School", + "text": "Red River High School Red River High School (RRHS) is a public high school located in Grand Forks, North Dakota, United States. It serves approximately 1,137 students and is one of two high schools in the Grand Forks Public Schools system. The athletic teams are known as the Roughriders. The Red River in the school's name refers to the Red River of the North which flows on the east side of the city. The name Roughriders is a reference to former President Theodore Roosevelt, who spent a portion of his life in what would become western North Dakota. Red River", + "score": 0.7193191051483154 + }, + { + "id": "7296493", + "title": "Silver Lake Regional High School", + "text": "sheetrock had to be replaced and repainted. The school eventually housed grades 9\u201312 of Pembroke residents, while Kingston, Halifax and Plympton residents continued to attend at the original building. Silver Lake graduated its largest class, of 510 students, in 1981. Attendance peaked in 1980, when enrollment in the high school was 2100 students with just over 1000 students at the junior high. Subsequently, and throughout the 1980s, enrollment declined. In 1991, the region closed the junior high building, and converted the Pembroke campus to the junior high, while the Kingston campus once again became the sole high school campus, housing", + "score": 0.7185560464859009 + }, + { + "id": "8702067", + "title": "Saddle River School District", + "text": "856 students and 85.5 classroom teachers (on an FTE basis), for a student\u2013teacher ratio of 10.0:1. One of under ten districts with a dual send-receive relationship, three quarters of Saddle River's high school students attend Northern Highlands and about a quarter attend Ramsey High School. As of 2012, school elections were shifted from April to the November general election as part of an effort to reduce the costs of a standalone April vote. Wandell School served 187 students in pre-kindergarten through fifth grade as of the 2014-15 school year. Core members of the district's administration are: Saddle River School District", + "score": 0.7181181907653809 + }, + { + "id": "6448426", + "title": "W. T. White High School", + "text": "the United States. The original school building was designed for 1,600 students. By 2015 W.T. White had over 2,300 students, which meant that the school was at 160% of its capacity. The campus had portable buildings installed to handle excess students. In 2015 the DISD board approved a $21 million renovation and expansion of the campus as part of a school improvement program worth almost $130 million; the renovation will add of space. WRA Architects is in charge of the project and a graduate of W.T. White is the head architect. The project is scheduled for completion in the fall", + "score": 0.7177108526229858 + }, + { + "id": "1250621", + "title": "White River, Wisconsin", + "text": "White River, Wisconsin White River is a town in Ashland County, Wisconsin, United States. The population was 921 at the 2010 census. The census-designated place of Marengo and unincorporated community of Sanborn are located in the town. According to the United States Census Bureau, the town has a total area of , of which is land and , or 0.15%, is water. As of the census of 2000, there were 892 people, 281 households, and 207 families residing in the town. The population density was 20.3 people per square mile (7.8/km\u00b2). There were 312 housing units at an average density", + "score": 0.7171396017074585 + }, + { + "id": "7475942", + "title": "Cypress Bay High School", + "text": "response, the school board decided to cap enrollment as a temporary measure to alleviate overcrowding and all new registering students were sent over to Western High School. After the 2008\u22122009 school year the school boundaries were changed and all students south of Griffin Road were assigned to the new West Broward High School, while students living in Bonaventure were assigned to Western High School. As of 2017\u20132018 school year, the total student enrollment was 4,701. The ethnic makeup of the school was (2,610) 55.5% Hispanic, (1,450) 30.8% non-Hispanic White, (222) 4.72% non-Hispanic Black, (240) 5.10% Asian or Pacific Islander, (158)", + "score": 0.7162760496139526 + }, + { + "id": "9794091", + "title": "River Dell Regional High School", + "text": "classes could use a new laptop. These replaced the former Tablet PCs that were given out with a traditional laptop computer. The River Dell Regional High School Golden Hawks compete in the Big North Conference, following a reorganization of sports leagues in Northern New Jersey by the New Jersey State Interscholastic Athletic Association (NJSIAA). With 786 students in grades 10-12, the school was classified by the NJSIAA for the 2015\u201316 school year as North I, Group III for most athletic competition purposes, which included schools with an enrollment of 786 to 1,074 students in that grade range. The school had", + "score": 0.7159947156906128 + }, + { + "id": "1250622", + "title": "White River, Wisconsin", + "text": "of 7.1 per square mile (2.7/km\u00b2). The racial makeup of the town was 96.97% White, 1.91% Native American, 0.22% Asian, 0.34% from other races, and 0.56% from two or more races. Hispanic or Latino of any race were 0.56% of the population. There were 281 households out of which 39.5% had children under the age of 18 living with them, 64.1% were married couples living together, 5.7% had a female householder with no husband present, and 26.3% were non-families. 21.4% of all households were made up of individuals and 9.3% had someone living alone who was 65 years of age", + "score": 0.715616762638092 + }, + { + "id": "11875870", + "title": "Columbia High School (White Salmon, Washington)", + "text": "Columbia High School (White Salmon, Washington) Columbia High School is a public high school located in White Salmon, Washington. The school serves about 360 students in grades 9 to 12 in the White Salmon Valley School District. Columbia High School was named a Bronze Medal School in the 2008 U.S. News/SchoolMatters Best High School ratings. It also was one of 21 high schools across the state to receive Washington State's Achievement Award for Overall Excellence in 2010. \"Columbia High School provides a stimulating learning environment, where students of all abilities thrive academically and socially, and are well-equipped to meet the", + "score": 0.7152813076972961 + }, + { + "id": "10965283", + "title": "False River Academy", + "text": "Its largest makeup of ethnic minority students was in 2005 in the aftermath of Hurricane Katrina, with its enrollment of larger numbers of students displaced from the New Orleans area. As of the 2013-2014 school year, the school had an enrollment of 483 students and 29.4 classroom teachers (on an FTE basis), for a student-teacher ratio of 15.6:1. As of the 2013-2014 school year, the demographic breakdown of the 483 students enrolled is as follows: The school was ranked #23 out of 47 on niche.com's 2016 \"Most Diverse Private High Schools in Louisiana\". False River Academy was founded in the", + "score": 0.7149046063423157 + }, + { + "id": "12694933", + "title": "West Jefferson High School (Louisiana)", + "text": "is in the West Jefferson attendance zone. Students who live outside West Jefferson's specific school district may not be allowed to enroll in this school. West Jefferson has 1,398 students during this school year (2009\u20132010). Demographics show that the student body consists of 812 African American, 251 Hispanic, 240 Caucasian (non-Hispanic), 87 Asian/Pacific Islander, and 8 American Indian/Alaskan Native students. There are 442 Freshmen (Ninth Graders), 380 Sophomores (Tenth Graders), 290 Juniors (Eleventh Graders), and 286 Seniors (Twelfth Graders). The ratio of gender is approximately 1:1. West Jefferson High School (Louisiana) West Jefferson High School, also known as WJHS, and", + "score": 0.714871883392334 + }, + { + "id": "11927444", + "title": "Riverton School District", + "text": "local districts. From lowest socioeconomic status to highest, the categories are A, B, CD, DE, FG, GH, I and J. For ninth through twelfth grades, students in public school attend Palmyra High School in Palmyra, together with students from Beverly, as part of a sending/receiving relationship with the Palmyra Public Schools. As of the 2014-15 school year, the high school had an enrollment of 421 students and 40.3 classroom teachers (on an FTE basis), for a student\u2013teacher ratio of 10.5:1. In the early 1990s, the district had considered options to ends its sending relationship with Palmyra. Riverton Elementary School served", + "score": 0.7145853638648987 + }, + { + "id": "7767544", + "title": "Interlake High School", + "text": "include three gyms, a Performing Arts Center, a technology wing, a horticulture building, a music wing with four soundproof practice rooms, a commons area, and a library. As of the 2014\u20132015 school year, Interlake has approximately 1,503 students, the largest enrollment since the 1980s. Interlake's class sizes have grown larger and larger in recent years, beginning with the 250-student freshman body of 2006. Interlake's students include a large variety of races, ethnicities, religions, ideals, and backgrounds. 41% of students are white, 34% are Asian, 14% are Hispanic, 8% are multiracial, and 3% are African-American. Many student organizations have been created", + "score": 0.7145830392837524 + }, + { + "id": "6938141", + "title": "Twin Falls High School", + "text": "Twin Falls Junior High School (now O'Leary Middle School). The original building was condemned and torn down in the early 1980s after O'Leary moved to a new location in 1979. Until 2009, TFHS was among the largest high schools in the state, classified as 5A (enrollment over 1,280 students) by the IHSAA. With the opening of Canyon Ridge High School in western Twin Falls in August 2009, both schools were classified as 4A (four-year enrollment between 640 and 1,279). A crosstown rivalry between TFHS and CRHS has since developed. With the move to down to 4A in 2009, TFHS also", + "score": 0.7135074138641357 + }, + { + "id": "7197982", + "title": "Trinity School at River Ridge", + "text": "Gethsemane Episcopal Church, in downtown Minneapolis, MN. Dan Ferris served as head of school. In 1991 the school moved from its downtown Minneapolis site to Bloomington, Minnesota, after purchasing a building (itself a former school) from Control Data Corporation. In 1991, when William Wacker became headmaster, the school had grown to 112 students and 18 teachers. The school expanded to two sections of boys and two of girls in 1995, starting with grade 7. In December, 2007, the River Ridge campus relocated to a new, custom-built campus in Eagan, Minnesota. Jon Balsbaugh became head of school in Fall, 2009. In", + "score": 0.7131823897361755 + }, + { + "id": "5920354", + "title": "Wayne Valley High School", + "text": "Indians, \"The Tribe with Pride\", and is known for its \"tradition of excellence\". As of the 2015-16 school year, the school had an enrollment of 1,337 students and 120.5 classroom teachers (on an FTE basis), for a student\u2013teacher ratio of 11.1:1. There were 102 students (7.6% of enrollment) eligible for free lunch and 31 (2.3% of students) eligible for reduced-cost lunch. In its listing of \"America's Best High Schools 2016\", the school was ranked 417th out of 500 best high schools in the country; it was ranked 45th among all high schools in New Jersey and 28th among the state's", + "score": 0.7131139039993286 + }, + { + "id": "5230722", + "title": "Waterloo West High School", + "text": "3 years. The logo is currently the \"Flying W,\" a capital \"W\" with a feather hanging off of it. More recently an arrow has been added behind the \"Flying W\". This is also the only school in the United States with \"Old Rose\" as its school color. In the 2015-16 school year, West High had an enrollment of 1,638 students. The racial makeup of the school during the 2015-16 school year was 60% White, 18.5% African-American, 10% Hispanic, 4.6% Multiracial, 4.5% Asian and 2.4% from other races. The 1991 West High baseball team won the Class 4A State Championship. West's", + "score": 0.712279200553894 + }, + { + "id": "8495361", + "title": "Wilton High School", + "text": "new structure was built to hold 1,500 students, with the possibility of expansion to hold 2,000. The present day Wilton High School opened in September 1971, reaching a maximum student population of 1,646 during the 1976-77 academic year. WHS has graduated nearly 12,500 students up to the 2006-07 academic year. In 1996, Wilton High School participated in the A Better Chance (ABC) program which brought minority students from inner-city schools to live in town and attend the school. From 2004, ABC leased the former Goslee House at 6 Godfrey Place from the town library for student housing. In 2001, two", + "score": 0.7119990587234497 + }, + { + "id": "7505009", + "title": "Timber Creek Regional High School", + "text": "laboratory classrooms, a music suite, two art classrooms, an industrial technology lab and a design-drafting classroom. In the high school itself there is an auditorium which seats 1,000 people, a cafeteria, and a library-media center which contains a television studio. The building is fully air-conditioned. As of the 2015-16 school year, the school had an enrollment of 1,292 students and 91.5 classroom teachers (on an FTE basis), for a student\u2013teacher ratio of 14.1:1. There were 239 students (18.5% of enrollment) eligible for free lunch and 66 (5.1% of students) eligible for reduced-cost lunch. The school was the 182nd-ranked public high", + "score": 0.711790919303894 + }, + { + "id": "4211671", + "title": "Willetton Senior High School", + "text": "Willetton Senior High School Willetton Senior High School (WSHS) is the largest government high school in Western Australia and one of the top schools in the state. The school first opened in February 1977 with a student population of 77. It currently has a 2016 enrolment of 2229 students and employs 200 staff. It is located about due south of the Perth central business district and east of the port of Fremantle. The school is located near community facilities and the Southlands Boulevarde shopping centre. The catchment area in the 1990s used to include optional enrolments from Riverton. The student", + "score": 0.7114264965057373 + }, + { + "id": "21014559", + "title": "Stone High School (Mississippi)", + "text": "although he was more qualified than the white principal of Stone. Jones sued and won, but retired rather than take the position of principal at Stone High School. In 2016 a group of white students at Stone High School put a noose around the neck of a black student. Local law enforcement discouraged the student's family from filing a report. The student was disciplined by the school and was removed from the football team by coach John Feaster, the school's first African-American coach in any sport. In 2016, 75% of the schools 800 students were white. A 2017 report showed", + "score": 0.7107475996017456 + }, + { + "id": "8889215", + "title": "South River High School (New Jersey)", + "text": "South River High School (New Jersey) South River High School is a four-year comprehensive community public high school that serves students in ninth through twelfth grades from South River in Middlesex County, New Jersey, United States, operating as the lone secondary school of the South River Public Schools. South River High School is overseen by the New Jersey Department of Education. As of the 2015-16 school year, the school had an enrollment of 615 students and 53.7 classroom teachers (on an FTE basis), for a student\u2013teacher ratio of 11.5:1. There were 69 students (11.2% of enrollment) eligible for free lunch", + "score": 0.7103792428970337 + }, + { + "id": "10269522", + "title": "Westside High School (South Carolina)", + "text": "house as many as 1500 students. The enrollment at the new facility jumped to 977 students (297 black, 680 white), and the faculty and staff to 51. Enrollment steadily climbed to a high of 1094 students (326 black, 768 white) in 1977-78. The 1978-79 enrollment due to the declining birth rate of the early 1960s decreased to 954 (326 black, 661 white). From 1973-1977 Westside was the benefactor of \"Project RISE\", a federally funded project designed to reduce dropouts through improving student reading skills and reading/study skills in the content areas. Success was attained and in 1975 the project received", + "score": 0.7102773189544678 + }, + { + "id": "7726916", + "title": "Toms River High School South", + "text": "onto the school's original name, and a third high school in the district, Toms River High School East, was opened in 1979. The school day starts at 7:15 AM and lasts six hours and 20 minutes. Toms River high schools have some of the earliest daily closing high schools in New Jersey, closing at 1:35 PM every day. As of the 2015-16 school year, the school had an enrollment of 1,383 students and 107.9 classroom teachers (on an FTE basis), for a student\u2013teacher ratio of 12.8:1. There were 327 students (23.6% of enrollment) eligible for free lunch and 70 (5.1%", + "score": 0.7097619771957397 + }, + { + "id": "11503879", + "title": "Shoreham-Wading River High School", + "text": "Shoreham-Wading River High School Shoreham-Wading River High School is a Public secondary school located in Shoreham, New York. The school serves about 900 students in grades 9 to 12 in the Shoreham-Wading River Central School District. The school colors are navy blue and gold, and the mascot is the wildcat. The North Shore Public Library is connected to the school building. The \"Wildcat Pause\", the school's official newspaper, has won many awards over the years. Among the school's second language courses is American Sign Language. Several advanced placement courses are offered as well, including AP US History, AP Calculus AB", + "score": 0.7092556953430176 + }, + { + "id": "6448513", + "title": "Woodrow Wilson High School (Dallas)", + "text": "including those residing in East Dallas apartments and some commuting from South Dallas. In 1928 the students attending Woodrow were of upper middle class and wealthy class families. In 1971 75-80% of Woodrow Wilson's students were Anglo White. By 1979 the percentages were 51% Anglo White, 27% Mexican American, and 22% Black. In 1979 the school had 1,450 students. By 1979 multiple generations of Anglo White families in Lakewood had attended Woodrow Wilson. That year Gene Lyons of \"Texas Monthly\" wrote that \"Woodrow is seen as a community school\" in the Lakewood community. As of 1979 the parent-teacher association (PTA)", + "score": 0.7092456221580505 + }, + { + "id": "11008308", + "title": "South River High School (Maryland)", + "text": "South River High School (Maryland) South River High School is a large public high school in the United States, in the suburban CDP of Edgewater, Maryland in Anne Arundel County. It lies about 10 minutes from Annapolis and 40 minutes from Baltimore. It lies directly next to Central Middle School. It was built in 1978 and has 2,220 students currently enrolled, making it the largest public high school in Anne Arundel County (student body wise). It received a Blue Ribbon in education. Due to recent overcrowding in the Crofton area, students are bused in from Crofton, in addition to Davidsonville,", + "score": 0.7092441320419312 + }, + { + "id": "1218512", + "title": "White River, South Dakota", + "text": "White River, South Dakota White River (Lakota: \"Makh\u00edzita wakp\u00e1\"; \"White Dirt River\") is a city in, and the county seat of, Mellette County. South Dakota. The population was 581 at the 2010 census. White River was founded as the seat of the newly formed Mellette County in 1911. The town was named after the White River. White River is located at (43.569438, -100.746161). According to the United States Census Bureau, the city has a total area of , all of it land. As of the census of 2010, there were 581 people, 211 households, and 135 families residing in the", + "score": 0.7091543078422546 + }, + { + "id": "9532933", + "title": "Wausau East High School", + "text": "Wausau East High School Wausau East High School is a comprehensive public secondary school in Wausau, Wisconsin. Originally named Wausau High School, it became Wausau East with the opening of Wausau West High School in the early 1970s. Part of the Wausau School District, the school enrolled 1,322 students in grades 9 through 12 as of 2007. The principal is Bradley J. Peck. The school newspaper, published since 1921, is \"The Skyrocket\". The yearbook, published since 1915, is the WAHISCAN or Wa High School Annual. The school's colors are red and white. Its mascot is a lumberjack because of the", + "score": 0.7088528871536255 + }, + { + "id": "14445746", + "title": "Margaret River Senior High School", + "text": "Margaret River Senior High School Margaret River Senior High School is a comprehensive public high school located in Margaret River, a regional centre south of Perth, Western Australia. The school was established in 1955 and by 2012 had an enrollment of 576 students between Year 8 and Year 12, approximately 1% of whom were Aboriginal. Opened by the Director General of Education Dr Robertson in 1955 the school operated as a junior high school with 357 students. In 1962 the primary school split from the high school and the number of enrollments fell to 264 students from Year 8 to", + "score": 0.7087407112121582 + }, + { + "id": "18295792", + "title": "O'Bannon High School", + "text": "combining a junior and senior high school in a single facility. The school has approximately 435 students, making it the 146th largest of the state's 249 public high schools. The student body of O'Bannon High School is 95% African-American/Black and 3% White American, with an additional 1% listing an ethnicity including \"two or more races.\" These percentages differ significantly from the state averages of 50% black and 46% white for Mississippi public school students. Some 91% of OHS students are eligible for free or reduced price school lunches, in comparison to 71% of Mississippi students statewide. The disproportionately high percentage", + "score": 0.7086828947067261 + }, + { + "id": "6702112", + "title": "Stone Bridge High School", + "text": "to nearly 1,900 students, the biggest enrollment at the time for a Loudoun County high school. In 2005, Briar Woods High School and Freedom High School's openings helped alleviate crowding, but its enrollment remained above 1,600 students. In 2010, the enrollment rose up to 1,800 students. To accommodate, the rest of Stone Bridge's Leesburg student body was transferred to Tuscarora High School to relieve overcrowding. Stone Bridge moved students who live inside Belmont Country Club to Riverside High School in 2015 and picked up additional students from Broad Run, then in 2018, took students from Briar Woods to accommodate for", + "score": 0.7079139351844788 + }, + { + "id": "6425322", + "title": "Rockridge Secondary School", + "text": "10 at that time were given the option to complete grades 11 and 12 at WVSS or stay at Rockridge as the school expanded by one grade each year until graduation in 2004. Because of the capacity of the school (which was not originally designed to hold five grades), the graduating class of 2004 was about 125 students, as opposed to the larger classes of WVSS which could number in the hundreds. West Vancouver is considered to be the one of the most affluent areas in Canada. As a result of that news stories surrounding incidents and violence at the", + "score": 0.7079094648361206 + }, + { + "id": "12295612", + "title": "Wasco Union High School", + "text": "enrollment pattern from the 1925-1926 school year through the 2005-2006 school year showed the school's student body expanding every decade (aside from 1975-1976 school year through 1985-1986), which is revealed in the following figures, given in ten year increments: 1925-1926 (143 students); 1935-1936 (299 students); 1945-1946 (385 students); 1955-1956 (546 students); 1965-1966 (879 students); 1975-1976 (869 students); 1985-1986 (854 students); 1995-1996 (960 students) and 2005-2006 (1,551 students). This led to an increase in student enrollment and, should the Wasco Union High School District sustain its present rate of growth, projections indicate that the enrollment at WUHS would reach 2,200 students", + "score": 0.7078140377998352 + }, + { + "id": "9728454", + "title": "Rhinelander High School", + "text": "Rhinelander High School Rhinelander High School (RHS) is a high school in Rhinelander, Oneida County, Wisconsin United States. As of the 2007-08 school year, it had a student enrollment of 1,091. The first Rhinelander High School was built in 1889. It was named Rhinelander Union High School (RUHS) and the building was commonly known as Old Central. It stood on what is now Saroca Park. When the school began it had just two teachers and fewer than 80 students. By 1912, attendance had grown to over 215 students. The school was demolished to accommodate increased enrollment. The new high school,", + "score": 0.7077828645706177 + }, + { + "id": "9146366", + "title": "West Linn High School", + "text": "West Linn High School West Linn High School is a public high school in West Linn, Oregon, United States. It is one of two high schools in the West Linn-Wilsonville School District, the other being Wilsonville High School. In 1984, West Linn High School was honored in the Blue Ribbon Schools Program, the highest honor a school can receive in the United States. In 2008, 93% of the school's seniors received their high school diploma. Of 373 students, 346 graduated, 18 dropped out, 6 received a modified diploma, and 3 are still in high school. In 2014, 95% of the", + "score": 0.7073530554771423 + }, + { + "id": "8371995", + "title": "River Valley High School (California)", + "text": "River Valley had four grades beginning in the 2007-2008 school year with a total of 1700 students. The current principal of the school is Lee McPeak. A former principal of the school is Larry Bonds, Jr., who assisted in opening River Valley in its first year. Prior to moving to River Valley, Bonds served as an Assistant Principal at Yuba City High School for three years. River Valley celebrated its first graduating class in 2008. RIver Valley High School currently has the following sports: River Valley High School's primary rival is Yuba City High School, due to both being located", + "score": 0.7072930932044983 + }, + { + "id": "5793253", + "title": "Indian River High School (Chesapeake, Virginia)", + "text": "Indian River High School (Chesapeake, Virginia) Indian River High School is a high school in Chesapeake, Virginia. As of the 2013-14 school year, it had approximately 1850 students. The original IRHS, which opened in 1967, was on Old Greenbrier Road, while construction on the current building took place. The single-story facility opened in winter 1972 on Dunbarton Road, receiving its own address of 1969 Braves Trail in the mid-1990s. The Old Greenbrier Road building currently serves as Indian River Middle School. The 1969 in the school's address refers to IRHS' first graduating class. In 1995, overcrowding at Indian River forced", + "score": 0.7071066498756409 + }, + { + "id": "9278439", + "title": "William M. Raines High School", + "text": "new school. The 2000 student capacity high school was a $2 million project and duplicated the new Fletcher High School in the Beaches community. The school opened unnamed and was referred to simply as School No. 165. On June 10, 1965 at a school board meeting the school was officially renamed William Marion Raines Senior High School. Dr. Andrew A. Robinson was appointed principal of the new school. Robinson, a 35-year-old African-American and Jacksonville native, held a Bachelor of Science degree from FAMU and a doctorate in education from Columbia U. Raines remained an all-African American school until the \"Mims", + "score": 0.706051230430603 + }, + { + "id": "7897059", + "title": "Saddle River Day School", + "text": "Association of Colleges and Schools, which expires in May 2021. The school is also accredited by the New Jersey Department of Education and is a member of the New Jersey Association of Independent Schools and the National Association of Independent Schools. As of the 2015-16 school year, the school had an enrollment of 302 students (plus 4 in PreK) and 43.3 classroom teachers (on an FTE basis), for a student\u2013teacher ratio of 7.0:1. The school's student body was 78.2% White, 13.9% Asian, 3.6% Black, 3.6% Hispanic and 0.7% two or more races. The Lower School offers foreign language instruction starting", + "score": 0.7058857679367065 + }, + { + "id": "6900266", + "title": "Washington Park High School", + "text": "Washington Park High School Washington Park High School (also known as Park or Racine Park High School) is a public, four-year high school in Racine, Wisconsin, USA, with an enrollment of over 2,400 students. Its school colors are blue and orange. The school's mascot, the panther, was adopted by the Class of 1949, reportedly because of a nearby Native American effigy mound in the shape of a panther. The school traces its roots to 1852 when Racine High School, the first public school in Wisconsin, opened. In 1926, the Racine School Board decided to replace Racine High School with a", + "score": 0.7058800458908081 + }, + { + "id": "14055943", + "title": "Northern Tioga School District", + "text": "501, Writing - 479. In the United States, 1.65 million students took the exam in 2011. They averaged 497 (out of 800) verbal, 514 math and 489 in writing. Williamson Senior High School is located at 33 Jct Cross Road, Tioga. It serves the eastern portion of the district. In 2015, enrollment was 517 reported as pupils in 7th through 12th grades, with 45.8% of pupils eligible for a free lunch due to family poverty. Additionally, 17.99% of pupils received special education services, while less than 1% of pupils were identified as gifted. In 2014, enrollment was 551 reported as", + "score": 0.7051181793212891 + }, + { + "id": "8395264", + "title": "Williamson Senior High School", + "text": "\"Non\u2010Highly Qualified\" under the federal No Child Left Behind Act. In 2013, Williamson Senior High School enrollment was reported as 516 students, with 39% from low income homes. According to the National Center for Education Statistics, in 2010, the school reported an enrollment of 424 pupils in grades 7th through 12th, with 251 pupils eligible for a federal free or reduced-price lunch. The school employed 41 teachers, yielding a student\u2013teacher ratio of 10:1. According to a report by the Pennsylvania Department of Education, 100% of its teachers were rated \"Highly Qualified\" under No Child Left Behind. The BLaST Intermediate Unit", + "score": 0.7050687074661255 + }, + { + "id": "19059351", + "title": "Riverside Junior-Senior High School", + "text": "School, were rated \"Highly Qualified\" under the federal No Child Left Behind Act. Riverside Junior Senior High School has a mandatory uniform policy. According to the National Center for Education Statistics, in 2011, Riverside Junior Senior High School reported an enrollment of 693 pupils in grades 7th through 12th, with 264 pupils eligible for a federal free or reduced-price lunch due to the family meeting the federal poverty level. In 2011, the school employed 58 teachers, yielding a student-teacher ratio of 12:1. According to a report by the Pennsylvania Department of Education, 100% of its teachers were rated \"Highly Qualified\"", + "score": 0.7042474150657654 + }, + { + "id": "7991422", + "title": "Washington High School (Sioux Falls, South Dakota)", + "text": "of Washington High School began in 1904, after Central School in Sioux Falls was outgrown. Upon completion in 1908, it was renamed from \"Sioux Falls High School\" to Washington High School. Three hundred twenty-eight high school students enrolled into the new building on February 14, 1908. The students soon outgrew the building. With a high school population of 536 in 1911, the enrollment exceeded the maximum capacity of 500. With the addition of a new South Wing to Washington High in 1922, the enrollment grew from 959 in 1921 to 1,660 in 1930. The district approved the remodeling of the", + "score": 0.7038798928260803 + }, + { + "id": "17086594", + "title": "Harnett County Schools", + "text": "the school construction, approving a tax increase to help fund it. The result was three new high schools: Western Harnett and Harnett Central in 1978, as well as Triton in 1986. For the 2014\u201315 school year, Harnett County Schools had a total population of 20,506 students and 1,260.96 teachers on a (FTE) basis. This produced a student-teacher ratio of 16.26:1. That same year, out of the total student population, the gender ratio was 52% male to 48% female. The demographic group makeup was: White, 53%; Black, 25%; Hispanic, 16%; American Indian, 1%; and Asian/Pacific Islander, 0% (two or more races:", + "score": 0.7036892771720886 + }, + { + "id": "6300641", + "title": "Christiana High School", + "text": "now in the possession of the schools. As of the 2005 school year, there were approximately 1,500 students in Christiana High School. There are a little over a hundred students who have made Christiana High School their choice school. This allows these students to live outside of the district yet still attend Christiana High School. There is also an 8% drop out rate among students (2009). There are 106 instructors who are a part of the school staff, or approximately 16 students per teacher. A sizable minority of the staff (30%) has more than twenty years of teaching experience. Sports", + "score": 0.7033845782279968 + }, + { + "id": "10115637", + "title": "Starkville High School", + "text": "Starkville High School Starkville High School (SHS) is a public secondary school in Starkville, Mississippi, United States. It hosts grades 9\u201312 and has approximately 1,512 students. It is the flagship of the Starkville Oktibbeha Consolidated School District. Its school colors are black and gold, and its mascot is the Yellowjacket, a predatory wasp. The graduation rate is currently 76.3%. A school was built for white students in 1899. The initial enrollment was 206, with an average attendance of 164. By 1910 the enrollment had grown to 312 and the average attendance to 270, due both to the increased number of", + "score": 0.7033659219741821 + }, + { + "id": "9018860", + "title": "Winslow Township High School", + "text": "attend the district's schools as part of a sending/receiving relationship with the Chesilhurst Borough School District. As of the 2015-16 school year, the school had an enrollment of 1,356 students and 115.5 classroom teachers (on an FTE basis), for a student\u2013teacher ratio of 11.7:1. There were 526 students (38.8% of enrollment) eligible for free lunch and 107 (7.9% of students) eligible for reduced-cost lunch. The school was the 271st-ranked public high school in New Jersey out of 339 schools statewide in \"New Jersey Monthly\" magazine's September 2014 cover story on the state's \"Top Public High Schools\", using a new ranking", + "score": 0.7033454775810242 + }, + { + "id": "15086259", + "title": "Whitmore Lake Public Schools", + "text": "students (19% of the population). The third grade enrollment was 85 students (18.8% of population). The fourth grade enrollment was 81 (17.9% of the population). In 2012 the elementary school was labeled as a focus school. Administration The first graduating class from Whitmore Lake High School was not until after 1950, due to the fact that there was not a high school built at the same time that the rest of the district was established. The new high school was completed in 2006, becoming the first \"green\" (environmentally friendly) building of the school district. The current high school is located", + "score": 0.7033001184463501 + }, + { + "id": "11271279", + "title": "Mt. Ararat High School", + "text": "been approved by Washington for conveyance to the district pending a Department of Environmental Protection survey. The Department of Education scheduled a site visit at Mt. Ararat High School Thursday, November 7, 2010. Superintendent J. Michael Wilhelm said, as part of the application, state officials visit schools to verify what the district has said in the application. As of 2009, Mt. Ararat High School has approximately 970 students and 126 faculty members. The principal is Mrs. Donna Brunette, and the two assistant principals are currently Mr. Deron Sharp and Mrs. Alison Pols. Mt. Ararat High School's colors are royal blue,", + "score": 0.7029837369918823 + }, + { + "id": "8858318", + "title": "White Hall High School", + "text": "White Hall High School White Hall High School is a public high school which serves students in grades nine through twelve and located in White Hall, Jefferson County, Arkansas. White Hall is the only high school in the White Hall School District. It serves most of White Hall, sections of Pine Bluff, and Redfield. Of the 681 students, 90% are white, 8% are black, 1% are Asian or Pacific Islander, and less than 1% are Hispanic. 12% of the students are eligible for free or reduced lunches. The student to teacher ratio is 16:1. The White Hall High School mascot", + "score": 0.7028360962867737 + }, + { + "id": "8717185", + "title": "Kirwan, Queensland", + "text": "equivalent). It includes a special education program. Kirwan State High School is a government secondary (7-12) school for boys and girls at Hudson Street (). In 2017, the school had an enrolment of 1,997 students with 157 teachers (147 full-time equivalent) and 75 non-teaching staff (59 full-time equivalent). It includes a special education program. Ryan Catholic College is a Catholic primary and secondary (Prep-12) school for boys and girls at 59 Canterbury Road (). In 2017, the school had an enrolment of 1,886 students with 143 teachers (131 full-time equivalent) and 84 non-teaching staff (69 full-time equivalent). Kirwan, Queensland Kirwan", + "score": 0.7028036117553711 + }, + { + "id": "1196779", + "title": "Silverton, Oregon", + "text": "Falls School District formed a partnership to support, maintain, and operate Silverton's local access cable channel, SCAN-TV. In 2014, Silverton High School's enrolled students numbered 1,196. Of those students, 39% were judged to be economically disadvantaged. 36.9% were entitled to receive a free or reduced-rate lunch. 14% of the student population were disabled, 11% were English language learners. Compared to other similar high schools, Silverton High School students' scholastic achievements rated above average. The racial makeup of the school was 81.7% White, 14.5% Hispanic, 0.9% African-American, 0.6% Native American, 0.5% Asian. 1.9% were Other/Unknown. In June 2008, Silverton came to", + "score": 0.7027012705802917 + }, + { + "id": "17513625", + "title": "Swan Valley Regional Secondary School", + "text": "Institute, which has now become \u00c9cole Swan River South School, a jr high school. In 2012, the school celebrated its 40th anniversary. Swan Valley Regional Secondary School Swan Valley Regional Secondary School (SVRSS) is a regional high school located in Swan River, Manitoba. Enrolment fluctuates around 565 students in grades 9-12. It is governed by the Swan Valley School Division and is the only high school in the division, with the exception of Minitonas Middle Years School having a grade 9 class. In 1967, all the one room schoolhouses around the Swan River Valley were closed permanently. The SVRSS opened", + "score": 0.7026772499084473 + }, + { + "id": "16268209", + "title": "West Iredell High School", + "text": "West Iredell High School West Iredell High School was built in 1973 to accommodate 700 students, the current population exceeds 980. The student of \"West\", as it is known throughout the county, are currently 76% Caucasian, 18% African-American, 10% Hispanic, 2% Asian, <1% Multi-Racial, and <1% American Indian. West offers the standard high school core curriculum. Since 2004 the school has added three new AP courses, Latin I and II, and nine new honor courses to the curriculum. The high school does also offer a full range of visual and performing arts classes; adding pottery to the visual arts program", + "score": 0.702663779258728 + }, + { + "id": "11321818", + "title": "Patterson River Secondary College", + "text": "Patterson River Secondary College Patterson River Secondary College is a high school in Carrum, Victoria, Australia. It was formerly called Seaford Carrum High School, and in 1992 Merged with the nearby Bonbeach High School staying on the site of Seaford-Carrum. It is home to approximately 1,050 students and 100 teachers. The current principal is Daniel Dew. The three vice-principals are Mark Slater, Lisa Cavey and Adam Slater. In 2017, Patterson River had a mean study score of 45. The college has extensive co-curricula and extra curricula programs including drama, music, sport and dance. Patterson River Secondary College's facilities include: The", + "score": 0.7024732828140259 + }, + { + "id": "1334546", + "title": "Wilsonville, Oregon", + "text": "opened in 1990 and has 649 students, with a mascot of the Bobcats. Boones Ferry replaced the old Wilsonville Primary School in 2001; its 809 students make it the largest primary school in the district, and are known as the Dragonflies. Wood Middle School opened in 1980 and has 699 students, known as the Wolverines. Meridian Creek Middle School opened in 2017 and are known as the mustangs. Wilsonville High School has been the home of the Wildcats since the 1,002-student school opened in 1995. The ArtTech charter high school has 85 students, and opened in 2005. Interstate 5 runs", + "score": 0.7023898959159851 + }, + { + "id": "12821189", + "title": "Warren Central High School (Mississippi)", + "text": "Company. In 2006, a new Fine Arts building was constructed to house the Big Blue Band and Choral programs. As of 2015-16 the school reported 1240 students enrolled. The school hosts a variety of extra-curricular activities such as Mock Trial, National Honor Society, FIRST Robotics, Quiz Bowl, Future Teachers of America, Red Cross, First Priority, Beta Club, Mu Alpha Theta, 4-H, FBLA, NorseStar (student newspaper), Valhalla (yearbook), GIVE (Gentlemen of Integrity, Valor and Excellence), and others. WCHS' athletic teams are known as the Vikings (men's) and Lady Vikes (women's). It competes in MHSAA (Mississippi High School Athletic Association) Class 6A,", + "score": 0.7021648287773132 + }, + { + "id": "1250467", + "title": "Pineville, West Virginia", + "text": "Mullens High School to form Wyoming East High School. Students from the catchment areas of the former Herndon, Glen Rogers, Mullens, and Pineville High Schools attend this high school. As of the census of 2010, there were 668 people, 303 households, and 200 families residing in the town. The population density was . There were 345 housing units at an average density of . The racial makeup of the town was 97.8% White, 0.4% African American, 0.4% Asian, and 1.3% from two or more races. Hispanic or Latino of any race were 0.3% of the population. There were 303 households", + "score": 0.7019263505935669 + }, + { + "id": "1232057", + "title": "Upper Saddle River, New Jersey", + "text": "428) and Emil A. Cavallini Middle School (6-8; 478). For ninth through twelfth grades, public school students attend the Northern Highlands Regional High School in nearby Allendale, which serves students from Allendale, Ho-Ho-Kus, Upper Saddle River, and some students from Saddle River. As of the 2013-14 school year, the high school had an enrollment of 1,349 students and 117.5 classroom teachers (on an FTE basis), for a student\u2013teacher ratio of 11.5:1. As of the 2014-15 school year, the high school had an enrollment of 1,373 students and 115.1 classroom teachers (on an FTE basis), for a student\u2013teacher ratio of 11.9:1.", + "score": 0.7018529176712036 + }, + { + "id": "10115640", + "title": "Starkville High School", + "text": "Starkville High. Starkville High School Starkville High School (SHS) is a public secondary school in Starkville, Mississippi, United States. It hosts grades 9\u201312 and has approximately 1,512 students. It is the flagship of the Starkville Oktibbeha Consolidated School District. Its school colors are black and gold, and its mascot is the Yellowjacket, a predatory wasp. The graduation rate is currently 76.3%. A school was built for white students in 1899. The initial enrollment was 206, with an average attendance of 164. By 1910 the enrollment had grown to 312 and the average attendance to 270, due both to the increased", + "score": 0.701789140701294 + }, + { + "id": "1143963", + "title": "Riverton, New Jersey", + "text": "14.4:1. For ninth through twelfth grades, public school students attend Palmyra High School as part of a sending/receiving relationship with the Palmyra Public Schools, along with students from Beverly. As of the 2014-15 school year, the high school had an enrollment of 421 students and 40.3 classroom teachers (on an FTE basis), for a student\u2013teacher ratio of 10.5:1. Students from Riverton, and from all of Burlington County, are eligible to attend the Burlington County Institute of Technology, a countywide public school district that serves the vocational and technical education needs of students at the high school and post-secondary level at", + "score": 0.7015051245689392 + }, + { + "id": "11342846", + "title": "Bartram Trail High School", + "text": "was exceeded with an enrollment of 1,529. By the 2002 school year, enrollment was at 1,840, more than 300 students above capacity. In 2004, the school district projected Bartram Trail's 2007-2008 enrollment at over 3,000. To reduce overcrowding at Bartram Trail and Nease High School, two new high schools, Ponte Vedra High School and Creekside High School, were constructed and opened for the 2008-2009 school year. From 2002 to 2006, the Florida Department of Education graded Bartram Trail as an \"A\" school, but in 2007, it was changed to a \"B\" school. Bartram Trail is also named in \"Newsweek\"'s annual", + "score": 0.7014227509498596 + }, + { + "id": "7545582", + "title": "Escambia High School", + "text": "a peaceful protest to guarantee a vote to students who had not been allowed to vote the prior day degenerated into a riot which lasted over four hours in the school day. Four students were shot in the violence and twenty-six students were injured by rocks and debris while the calamity involved students smashing windows and trophy cases, as well as fighting with other students. It was estimated that three-quarters of the 2,523 students who attended Escambia High were involved in the riot. In the aftermath, crosses were burned on many school board members' yards, with one member, who was", + "score": 0.7013954520225525 + }, + { + "id": "8267797", + "title": "Riverton High School (Utah)", + "text": "Riverton High School (Utah) Riverton High School (abbreviated \"Riverton\" or \"RHS\") is a public high school with a 52-acre (210,000 m) campus located in the city of Riverton, Utah in the southwest corner of the Salt Lake Valley. It is one of eight high schools in the Jordan School District and as of 2013 served about 2,027 students from parts of Riverton and all of nearby Bluffdale. Riverton High School was proposed in the late 1990s as a necessary measure to relieve the overpopulation of schools in the rapidly growing southwest area of the Jordan School District. Once it was", + "score": 0.7012488842010498 + }, + { + "id": "18335985", + "title": "Greenville High School (Mississippi)", + "text": "Greenville High School (Mississippi) Greenville High School, also known as Greenville Weston High School, is a public high school in Greenville, Mississippi. It is a part of the Greenville Public School District. African Americans make up 99 percent of its 1,697 students. During the 2011\u201312 school year, 85 percent of students qualified for government-paid free lunch; another two percent qualified for government lunch subsidies, making Greenville Weston the state's number-one ranked school for total students on lunch assistance. Greenville Weston High School received failing grades from state examiners for the three years ending in 2013, making the school eligible for", + "score": 0.7012037038803101 + }, + { + "id": "4211676", + "title": "Willetton Senior High School", + "text": "international partnership was established in 2005. WSHS also maintains relations that provide opportunities for students of French and Italian to study overseas. Willetton Senior High School Willetton Senior High School (WSHS) is the largest government high school in Western Australia and one of the top schools in the state. The school first opened in February 1977 with a student population of 77. It currently has a 2016 enrolment of 2229 students and employs 200 staff. It is located about due south of the Perth central business district and east of the port of Fremantle. The school is located near community", + "score": 0.7010396718978882 + }, + { + "id": "7939274", + "title": "Burnsville High School", + "text": "program. As of the 2010-11 school year, there were 2,218 students attending Burnsville High School. White students made up 69% of the student population, while black students made up the largest minority, representing 13% of the student population. Asian and Hispanic students made up 10% and 8% of the student population respectively. American Indian students made up less than 1% of the student population. Students with limited English proficiency made up 5% of the student body. Students with special education needs made up 9% of the student body. Students eligible for free or reduced price lunch made up just over", + "score": 0.7010185122489929 + }, + { + "id": "17636439", + "title": "Edward R. Murrow High School", + "text": "2007 NY Times Book Review. The team was personally congratulated by President Bush in the Oval Office on December 15, 2004. A movie, based on \"The Kings of New York\" will begin production sometime in 2014. There are 4,000+ students in the school as of the 2016-2017 school year. The ethnic breakdown of the school is 28% White (non-Hispanic), 23% Black or African American, 26% Asian, 21% Hispanic or Latino and 0.2% Native American. The student/teacher ratio is 30/1. The Department of Education has released the annual Progress Reports for all high schools and Murrow. Edward R. Murrow High School", + "score": 0.7007260322570801 + }, + { + "id": "5166368", + "title": "Toms River Regional Schools", + "text": "2014-15 school year, the district and its 18 schools had an enrollment of 16,125 students and 1,177.2 classroom teachers (on an FTE basis), for a student\u2013teacher ratio of 13.7:1. The district has three high schools -- Toms River High School South, Toms River High School North, and Toms River High School East\u2014as well as three middle schools\u2014Toms River Intermediate School East, Toms River Intermediate School North (formerly Intermediate West), and Toms River Intermediate School South. With the opening of Intermediate South in 2005, all sixth grade classes were shifted from the district's 12 elementary schools to the three middle schools", + "score": 0.7006353139877319 + }, + { + "id": "10871087", + "title": "Ridgeway High School (Memphis, Tennessee)", + "text": "History and Ourselves, Ridgeway \u2013 University of Tennessee summer internships, PLATO course recovery, and Gateway exam tutoring. Ridgeway High School is known to have a diverse student body. The enrollment for grades 9\u201312 is roughly 1,500. 77% of the student body is African American, 17% is White, 5% is Hispanic, and 1% makes up the rest of the population. The promotion rate for the school is 96.5%, and the average class size is 30 students. The same diversity applies to the teachers at Ridgeway. 42% of the teachers are African American, 56% of the teachers are White, 2% of the", + "score": 0.7006111741065979 + }, + { + "id": "1143275", + "title": "Teaneck, New Jersey", + "text": "pre-Kindergarten through twelfth grade. As of the 2011\u201312 school year, the district's 7 schools had an enrollment of 3,845 students and 333.8 classroom teachers (on an FTE basis), for a student\u2013teacher ratio of 11.52:1. Schools in the district (with 2011\u201312 enrollment data from the National Center for Education Statistics) are Bryant School (344 students; pre-K and Kindergarten), Hawthorne School (344; 1\u20134), Lowell School (313; 1\u20134), Whittier School (368; 1\u20134), Benjamin Franklin Middle School (570; 5\u20138), Thomas Jefferson Middle School (598; 5\u20138) and Teaneck High School with 1,308 students in grades 9\u201312. Longfellow Elementary school was closed in 1998. Other elementary", + "score": 0.7005549669265747 + } + ] + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Who is the top goalscorer in the men's FIFA world cup?", + "short_answers": [ + "Miroslav Klose" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Who is the top goalscorer in the women's FIFA world cup?", + "short_answers": [ + "Marta" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "FIFA World Cup top goalscorers", + "url": "https://en.wikipedia.org/wiki/FIFA%20World%20Cup%20top%20goalscorers" + }, + { + "title": "Records and statistics of the Rugby World Cup", + "url": "https://en.wikipedia.org/wiki/Records%20and%20statistics%20of%20the%20Rugby%20World%20Cup" + }, + { + "title": "List of FIFA Women's World Cup goalscorers", + "url": "https://en.wikipedia.org/wiki/List%20of%20FIFA%20Women%27s%20World%20Cup%20goalscorers" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Miroslav Josef Klose (German: [\u02c8mi\u02d0\u0281oslaf \u02c8klo\u02d0z\u0259] (About this soundlisten), Polish: Miros\u0142aw J\u00f3zef Klose; born 9 June 1978)[4] is a German former professional footballer who played as a striker. ", + "wikipage": "Miroslav Klose" + }, + { + "content": "Marta Vieira da Silva (born 19 February 1986), commonly known as Marta ([\u02c8ma\u027et\u0250]), is a Brazilian footballer with both Brazilian and Swedish citizenship.", + "wikipage": "Marta (footballer)" + } + ], + "long_answer": "There is a men's and women's FIFA world cup tournament. The the top goalscorer in the men's FIFA world cup is German player, Miroslav Klose. And in the women's division, the top goalscorer is a Brazilian player, most commonly known as Marta. " + } + ], + "sample_id": "-4027277962856739829", + "question": "Who is top goalscorer in the world cup?", + "docs": [ + { + "id": "18150591", + "title": "FIFA World Cup top goalscorers", + "text": "FIFA World Cup top goalscorers More than 2,000 goals have been scored at the 21 editions of the FIFA World Cup final tournaments, not counting penalties scored during shoot-outs. Since the first goal scored by French player Lucien Laurent at the 1930 FIFA World Cup, more than 1,250 footballers have scored goals at the World Cup, of which just 97 have scored at least five. The top goalscorer of the inaugural competition was Argentina's Guillermo St\u00e1bile with eight goals. Since then, only 22 players have scored more at all the games played at the World Cup than St\u00e1bile did throughout", + "score": 0.7830401062965393 + }, + { + "id": "1634947", + "title": "Miroslav Klose", + "text": "goalscorer in the history of the FIFA World Cup with 16 goals, having scored five goals in his debut World Cup in 2002 and having won the Golden Boot at the 2006 World Cup in Germany by again scoring five times. He also scored four times in the 2010 World Cup and twice at the 2014 World Cup, the latter tournament where he overtook Ronaldo's then-record of 15 goals to top the all-time list. Klose is also the top scorer of all time for Germany, which never lost a game in which Klose scored, and one of the very few", + "score": 0.7661919593811035 + }, + { + "id": "145484", + "title": "FIFA World Cup", + "text": "(2002\u20132014) is the all-time top scorer at the finals, with 16 goals. He broke Ronaldo of Brazil's record of 15 goals (1998\u20132006) during the 2014 semi-final match against Brazil. West Germany's Gerd M\u00fcller (1970\u20131974) is third, with 14 goals. The fourth placed goalscorer, France's Just Fontaine, holds the record for the most goals scored in a single World Cup; all his 13 goals were scored in the 1958 tournament. In November 2007, FIFA announced that all members of World Cup-winning squads between 1930 and 1974 were to be retroactively awarded winners' medals. This made Brazil's Pel\u00e9 the only player to", + "score": 0.7647087574005127 + }, + { + "id": "18150593", + "title": "FIFA World Cup top goalscorers", + "text": "Only two other players have surpassed 10 goals at the World Cup: Pel\u00e9 with 12 between 1958 and 1970 for Brazil, and J\u00fcrgen Klinsmann with 11 between 1990 and 1998 for Germany. Of all the players who have played at the World Cup, only six have scored, on average, at least two goals per game played: Kocsis, Fontaine, St\u00e1bile, Russia's Oleg Salenko, Switzerland's Josef H\u00fcgi, and Poland's Ernst Wilimowski \u2014 the latter scored four in his single World Cup game in 1938. The top 97 goalscorers have represented 28 nations, with 14 players scoring for Brazil, and another 14 for", + "score": 0.7562960386276245 + }, + { + "id": "14207124", + "title": "2010 FIFA World Cup Final", + "text": "and again saw Spain beat Germany, who were the top scorers of the 2010 tournament up to that point. In the six games both teams played in South Africa to reach the final, the Netherlands scored a total of twelve goals and conceded five, while Spain scored seven and conceded two. Going into the final, Wesley Sneijder of the Netherlands and David Villa of Spain were tied as the top scorers with five goals each; Arjen Robben of the Netherlands with two was the only other player in the finalists' squads with more than one goal in the tournament. The", + "score": 0.7421531677246094 + }, + { + "id": "18150592", + "title": "FIFA World Cup top goalscorers", + "text": "the 1930 tournament. The first was Hungary's S\u00e1ndor Kocsis with eleven in 1954. At the next tournament, France's Just Fontaine improved on this record with 13 goals in only six games. Gerd M\u00fcller scored 10 for West Germany in 1970 and broke the overall record when he scored his 14th goal at the World Cup during West Germany's win at the 1974 final. His record stood for more than three decades until Ronaldo's 15 goals between 1998 and 2006 for Brazil. Germany's Miroslav Klose went on to score a record 16 goals across four consecutive tournaments between 2002 and 2014.", + "score": 0.7419716119766235 + }, + { + "id": "7929371", + "title": "Oldr\u030cich Nejedly\u0301", + "text": "scorer in the 1934 World Cup with five goals. This has been officially recognized by FIFA since November 2006, as he was initially credited with only four, making him joint top scorer with Angelo Schiavio and Edmund Conen. He also scored two goals in the 1938 World Cup. Nejedl\u00fd died in 1990, aged 80, while the 1990 FIFA World Cup was being played, tournament which, as the 1934 edition, took place in Italy. Old\u0159ich Nejedl\u00fd Old\u0159ich Nejedl\u00fd (26 December 1909 \u2014 11 June 1990) was a Czech footballer, who spent his entire career at Sparta Prague as an inside-forward. He", + "score": 0.7418568134307861 + }, + { + "id": "704895", + "title": "1930 FIFA World Cup", + "text": "while Argentina hosted Yugoslavia on 3 August. Uruguay's aggregate goal difference of +12 over four games, at an average of +3 per match, remains the highest average goal difference per match of any World Cup champion, and the second highest of any World Cup Finals participant, after Hungary in 1954. With eight goals, Guillermo St\u00e1bile was the top scorer in the tournament. In total, 70 goals were scored by 36 players, with only one of them credited as an own goal. In 1986, FIFA published a report that ranked all teams in each World Cup up to and including 1986,", + "score": 0.7397164106369019 + }, + { + "id": "1375540", + "title": "1978 FIFA World Cup", + "text": "deliberately sabotaging the Minella stadium's pitch to weaken Brazil's chances of success. For a list of all squads that appeared in the final tournament, see \"1978 FIFA World Cup squads\". With six goals, Mario Kempes is the top scorer in the tournament. In total, 102 goals were scored by 62 players, with three of them credited as own goals. In 1986, FIFA published a report that ranked all teams in each World Cup up to and including 1986, based on progress in the competition, overall results and quality of the opposition. The rankings for the 1978 tournament were as follows:", + "score": 0.7390285730361938 + }, + { + "id": "18150594", + "title": "FIFA World Cup top goalscorers", + "text": "Germany or West Germany. In total, 64 footballers came from UEFA (Europe), 29 from CONMEBOL (South America), and only four from elsewhere: Cameroon, Ghana, Australia, and the United States. Fontaine holds the record for the most goals scored at a single tournament, with 13 goals in 1958. The players that came closest to this record were Kocsis in 1954, M\u00fcller in 1970 and Portugal's Eus\u00e9bio in 1966, with 11, 10 and 9, respectively. The lowest scoring tournament's top scorer was in 1962, when six players tied at only four goals each. Across the 21 editions of the World Cup, 30", + "score": 0.7325938940048218 + }, + { + "id": "705180", + "title": "1934 FIFA World Cup", + "text": "Czechoslovaks led 1\u20130. The Italians managed to score before the final whistle, and then added another goal in extra time to be crowned World Cup winners. For a list of all squads that appeared in the final tournament, see \"1934 FIFA World Cup squads\". With five goals, Old\u0159ich Nejedl\u00fd was the top scorer in the tournament. In total, 70 goals were scored by 45 players, with none of them credited as an own goal. In 1986, FIFA published a report that ranked all teams in each World Cup up to and including 1986, based on progress in the competition, overall", + "score": 0.730644702911377 + }, + { + "id": "4419513", + "title": "Asamoah Gyan", + "text": "Black Stars against the United States in a 2\u20131 defeat. He scored his first goal of the tournament in a 2\u20132 draw with Germany, equaling Roger Milla's record of five FIFA World Cup goals. In the final group match, he became the top African goalscorer in World Cup finals history by scoring the Black Stars' goal as they were defeated 2\u20131 by Portugal. At the 2015 Africa Cup of Nations, Gyan missed Ghana's opening match, a 2\u20131 loss to Senegal, with a \"mild bout\" of malaria. He returned for the second match, scoring a last minute winning goal against the", + "score": 0.7277116775512695 + }, + { + "id": "1634971", + "title": "Miroslav Klose", + "text": "record goalscorer. Klose scored his record-equalling 15th World Cup goal to help Germany to a 2\u20132 draw against Ghana on 21 June 2014, after entering the game as a 69th minute substitute for Mario G\u00f6tze (who had scored Germany's first goal) with his team trailing 2\u20131. This tied him with the Brazilian player Ronaldo. With this goal, Klose became the third player in history to score in four different World Cups. On 8 July, Klose scored a record 16th World Cup goal in the 23rd minute against Brazil in the semi-finals, his second goal of the 2014 World Cup. That", + "score": 0.7256022691726685 + }, + { + "id": "4022709", + "title": "Sa\u0301ndor Kocsis", + "text": "in any European league in both 1952 and 1954. He also scored 75 goals in 68 appearances for Hungary \u2013 a 1.10 goal/game average at the game's highest level. Kocsis was the top goal scorer in the 1954 World Cup with 11 goals, being the first player to score two hat tricks in a World Cup. His 2.2 goal/game average in the World Cup finals is second only to that of Ernst Wilimowski who scored four goals in his only World Cup match, and only Just Fontaine has scored more goals than Kocsis in a single World Cup. Kocsis was", + "score": 0.7232805490493774 + }, + { + "id": "1650672", + "title": "Ferenc Puska\u0301s", + "text": "11 points. Pusk\u00e1s finished the tournament as top scorer with 10 goals and scored twice as Hungary claimed the trophy with a 3\u20130 win over Italy at the Stadio Olimpico in 1953. Pusk\u00e1s scored three goals in the two first-round matches Hungary played at the 1954 FIFA World Cup. They defeated South Korea 9\u20130 and then West Germany 8\u20133. In the latter game, he suffered a hairline fracture of the ankle after a tackle by Werner Liebrich, and did not return until the final. Pusk\u00e1s played the entire 1954 World Cup final against West Germany with a hairline fracture. Despite", + "score": 0.7217708826065063 + }, + { + "id": "17235149", + "title": "2017 FIFA Beach Soccer World Cup", + "text": "the scoring awards, players tied with the same number of goals scored were then split based on the number of assists the tied players in question provided during the tournament, with the player with more assists ranked higher than the other. In this case, Rodrigo and Ahmadzadeh were tied on nine goals each. However Rodrigo had three assists to Ahmadzadeh's one and so were ranked accordingly. Top goalscorer, Gabriele Gori, recorded the second highest number of goals ever scored in a World Cup with 17 and became the first Italian of the FIFA era to be top scorer (Alessandro Altobelli", + "score": 0.7210096120834351 + }, + { + "id": "5612956", + "title": "Karim Bagheri", + "text": "of the strongest right-footed shots and scored many fantastic goals against opponents, such as his game-tying goal against South Korea in the quarter finals of the 2000 Asian Cup in Lebanon. On 2 June 1997, he scored seven times against the Maldives, and equalled the record for the most goals scored in a World Cup match, which was held by the Australian Gary Cole since 1981. Their joint record was broken on 11 April 2001 when another Australian, Archie Thompson scored 13 goals against American Samoa. He was named the world's second top goal scorer in official international matches by", + "score": 0.7205958366394043 + }, + { + "id": "18150595", + "title": "FIFA World Cup top goalscorers", + "text": "footballers have been credited with the most tournament goals, and no one has achieved this feat twice. Nine of them scored at least seven goals in a tournament, while Brazil's Jairzinho became the only footballer to score at least seven goals without being the top goalscorer of that tournament in 1970. These 30 top goalscorers played for 19 nations, the most (five) for Brazil. Another five came from other South American countries, with the remaining 20 coming from Europe. Excluding the 2010 edition, all the top tournament scorers won the Golden Boot. FIFA World Cup top goalscorers More than 2,000", + "score": 0.719681978225708 + }, + { + "id": "1310204", + "title": "1994 FIFA World Cup", + "text": "proved to be far stronger than Cameroon and Russia in every department. The game between the latter two broke two World Cup records. Oleg Salenko of Russia became the first \u2013 and remains the only \u2013 man to score five goals in a single World Cup game as Russia ran out 6\u20131 winners against their African opponents. The goals also ensured that Salenko finished the tournament joint-top scorer with six goals, having previously bagged one against Sweden. Cameroon left a mark too as Roger Milla, at the age of 42, became the oldest World Cup goalscorer of all time as", + "score": 0.7183336615562439 + }, + { + "id": "707626", + "title": "1954 FIFA World Cup", + "text": "---- ---- With 11 goals, S\u00e1ndor Kocsis was the top scorer in the tournament. In total, 140 goals were scored by 63 players, with four of them credited as own goals. In 1986, FIFA published a report that ranked all teams in each World Cup up to and including 1986, based on progress in the competition, overall results and quality of the opposition. The rankings for the 1954 tournament were as follows: The final scene of Rainer Werner Fassbinder's film \"The Marriage of Maria Braun\" takes place during the finals of the 1954 World Cup; in the scene's background, the", + "score": 0.7179059386253357 + }, + { + "id": "7570993", + "title": "History of the FIFA World Cup", + "text": "2\u20130 twice in 1958. It was the first (and so far the only) time that a country played a World Cup final round after having been eliminated in the regular qualifiers. The tournament also saw the emergence of Pel\u00e9, who scored two goals in the final. French striker Just Fontaine became the top scorer of the tournament. Chile hosted the 1962 World Cup. Two years before the tournament, an earthquake struck, the largest ever recorded at 9.5 magnitude, prompting officials to rebuild due to major damage to infrastructure. When the competition began, two of the best players were in poor", + "score": 0.7175493836402893 + }, + { + "id": "15721465", + "title": "Souleymane Coulibaly", + "text": "Pongolle (at the earlier held 2001 FIFA U-17 World Championship), who did it in six matches rather than Coulibaly's four. He scored nine of his side's ten goals overall, which meant that he scored every 40 minutes of match time, or slightly more than once per half played. The record has since been broken by Nigerian striker Victor Osimhen, who scored 10 goals in 7 games at the 2015 World Cup. As a result of his performances, Coulibaly was linked in the media to moves to Manchester United and Real Madrid, before finally moving to Tottenham. He has been labelled", + "score": 0.7171725630760193 + }, + { + "id": "718518", + "title": "1962 FIFA World Cup", + "text": "the game. The match ended 3\u20131 to Brazil, a successful defence of the title for only the second time in the history of the competition in spite of the absence of one of their star players of 1958, Pel\u00e9, who was replaced by Amarildo. With four goals each, Fl\u00f3ri\u00e1n Albert, Garrincha, Valentin Ivanov, Dra\u017ean Jerkovi\u0107, Leonel S\u00e1nchez and Vav\u00e1 are the top scorers in the tournament. In total, 89 goals were scored by 54 players, with none of them credited as own goal. In 1986, FIFA published a report that ranked all teams in each World Cup up to and", + "score": 0.7167206406593323 + }, + { + "id": "4422980", + "title": "Marc Wilmots", + "text": "three. After being an unused substitute in 1990, he played 54 minutes in 1994 without scoring, but scored two goals in 1998 and three in 2002, making him Belgium's leading goal scorer in World Cup history. He also scored a goal against Brazil in the last 16 match of the 2002 World Cup which was disallowed because of a \"phantom foul\" on Roque J\u00fanior. According to Wilmots, the referee Peter Prendergast apologized for the error to him at half time. Wilmots was named as one of the seven reserves in the 2002 World Cup All-Star Team. Wilmots also played in", + "score": 0.715922474861145 + }, + { + "id": "14651396", + "title": "2010 FIFA World Cup statistics", + "text": "2010 FIFA World Cup statistics These are the statistics for the 2010 FIFA World Cup which took place in South Africa. The winner of the Golden Boot was Thomas M\u00fcller. Of all players that scored five goals during the tournament, M\u00fcller had the most assists (three); the other three players had one assist each. In total, 145 goals were scored by 98 different players, with two of them credited as own goals. Kak\u00e1 won the assists table with three assists in 337 minutes (fewest minutes). Wesley Sneijder received four Man of the Match awards, more than any other player. In", + "score": 0.7157390117645264 + }, + { + "id": "14651397", + "title": "2010 FIFA World Cup statistics", + "text": "order of achieving the tally. Bold numbers indicate the maximum values in each column. 2010 FIFA World Cup statistics These are the statistics for the 2010 FIFA World Cup which took place in South Africa. The winner of the Golden Boot was Thomas M\u00fcller. Of all players that scored five goals during the tournament, M\u00fcller had the most assists (three); the other three players had one assist each. In total, 145 goals were scored by 98 different players, with two of them credited as own goals. Kak\u00e1 won the assists table with three assists in 337 minutes (fewest minutes). Wesley", + "score": 0.7145746350288391 + }, + { + "id": "755482", + "title": "Ronaldo (Brazilian footballer)", + "text": "of Joga Bonito, \"the beautiful game\", which was advertised by Nike before the tournament. Although Brazil won their first two group games against Croatia and Australia, Ronaldo was repeatedly jeered for being overweight and slow, but coach Carlos Alberto Parreira kept him in the starting lineup. With two goals against Japan in the third match, Ronaldo became the 20th player to score in three World Cups and also equalled the all-time World Cup finals scoring record of fourteen, held by Gerd M\u00fcller (Ronaldo scored at France 98, Korea/Japan 2002 and Germany 2006). He then broke M\u00fcller's record in the Round", + "score": 0.713719367980957 + }, + { + "id": "17235150", + "title": "2017 FIFA Beach Soccer World Cup", + "text": "was top scorer in the pre-FIFA era in 1995 and 1996). Notably Madjer (who holds the record for the highest number of goals scored at a single World Cup (21 in 2006) and the highest tally of goals overall in the FIFA era at 87) failed to score even a single goal at a World Cup finals for the very first time. Former Golden Boot winner, Dejan Stankovic, scored his highest number of goals (seven) since winning the award with 16 in 2009. The winner of the Golden Boot in the last edition, Pedro Moran (who won the award with", + "score": 0.7117114067077637 + }, + { + "id": "7900259", + "title": "Pietie Coetzee", + "text": "the top goal scorer at the 2002 Women's Hockey World Cup held in Perth, Western Australia, where South Africa finished in 13th position. In 2007, she played briefly at NMHC Nijmegen in the Netherlands. Pietie Coetzee became the all-time leading goal scorer in women's international hockey on 21 June 2011 with the third of four goals she scored in a 5-5 draw against the United States in the Champions Challenge in Dublin. It took her to 221 goals, bettering the 20-year-old world record of Russia's Natalya Krasnikova.
Pietie Coetzee Pietie Coetzee (born 2 September 1978) is a field hockey", + "score": 0.7109670042991638 + }, + { + "id": "3982154", + "title": "Guillermo Sta\u0301bile", + "text": "1930, the first ever World Cup final took place, between Argentina and Uruguay. At half time Argentina led 2\u20131, St\u00e1bile having scored the second goal. However, they went on to lose 4\u20132. Despite losing the final, St\u00e1bile made history, becoming the top scorer in the first ever FIFA World Cup, with his tally of 8 goals in 4 games. It turned out that he would never play for Argentina again, and thus he scored in every game he played for his country, with an average of two goals per match. St\u00e1bile had received his first taste of managing, way back", + "score": 0.7109230160713196 + }, + { + "id": "9342577", + "title": "Mohamed Aboutrika", + "text": "the only winning goal in 2008 final. Also, he is the all-time top scorer of Egypt in the World Cup Qualifiers with 14 goals. Aboutrika was an essential member of the Egyptian team at the 2006 FIFA World Cup qualifier. He scored 3 goals in the first 3 matches of the qualifiers. The first goal was against Sudan on 6 June 2004 in a 3\u20130 victory in Khartoum Stadium. The second goal came on 20 June 2004, in Alexandria Stadium in a loss 2\u20131 against Ivory Coast. The third goal was in Benin on 4 July 2004 helped Egypt to", + "score": 0.7105940580368042 + }, + { + "id": "1448643", + "title": "2010 FIFA World Cup", + "text": "side's 2\u20130 loss to the Netherlands. Argentine striker Gonzalo Higua\u00edn was the only player to score a hat-trick in the tournament, in Argentina's 4\u20131 win over South Korea. It was the 49th World Cup hat-trick in the history of the tournament. Spain set a new record for the fewest goals scored by a World Cup-winning team, with eight. The previous record low was 11, set by Brazil in 1994, England in 1966, and Italy in 1938. Spain had the fewest goalscorers for a champion as well (three \u2013 Villa with five goals, Iniesta with two and Puyol with one). They", + "score": 0.7099462747573853 + }, + { + "id": "1375510", + "title": "1974 FIFA World Cup", + "text": "foreseen in this situation to split the teams. \"All times listed below are at local time ()\" With seven goals, Grzegorz Lato was the top scorer in the tournament. In total, 97 goals were scored by 53 players, with three of them credited as own goals. In 1986, FIFA published a report that ranked all teams in each World Cup up to and including 1986, based on progress in the competition, overall results and quality of the opposition. The rankings for the 1974 tournament were as follows: 1974 FIFA World Cup The 1974 FIFA World Cup, the tenth staging of", + "score": 0.7098816633224487 + }, + { + "id": "1472146", + "title": "Gerd Mu\u0308ller", + "text": "on the list of all time international goalscorers, despite playing fewer matches than every other player in the top 25. Among the top scorers, he has the third-highest goal-to-game ratio. Nicknamed \"\"Bomber der Nation\"\" (\"the nation's Bomber\") or simply \"\"Der Bomber\"\", M\u00fcller was named European Footballer of the Year in 1970. After a successful season at Bayern Munich, he scored ten goals at the 1970 FIFA World Cup for West Germany where he received the Golden Boot as top goalscorer. He scored four goals in the 1974 World Cup, including the winning goal in the final. M\u00fcller held the all-time", + "score": 0.7077628374099731 + }, + { + "id": "7896468", + "title": "Ro\u0301bert Vittek", + "text": "15 June 2010. Vittek also scored two goals against defending World Cup holders Italy on 24 June 2010 to knock them out of the competition and subsequently ensure Slovakia progress to the 2010 FIFA World Cup knockout stage. On 28 June 2010, Slovakia lost 2\u20131 to the Netherlands in their first knockout stage match, in which Vittek converted a last-minute penalty to become Slovakia's top international scorer. With four goals in the competition, he also became the joint top scorer at the stage that Slovakia were knocked out. He scored only one goal fewer than Germany's Thomas M\u00fcller, who won", + "score": 0.7075053453445435 + }, + { + "id": "755483", + "title": "Ronaldo (Brazilian footballer)", + "text": "of 16 match against Ghana by scoring his fifteenth-career World Cup goal. With his third goal of the tournament, Ronaldo became only the second player ever, after J\u00fcrgen Klinsmann, to score at least three goals in each of three World Cups. Brazil, however, were knocked out by France 1\u20130 with a goal by striker Thierry Henry in the quarter-finals. Ronaldo was awarded the Bronze Shoe as the third-highest goal-scorer of the World Cup. Having been listed in \"Guinness World Records\", Ronaldo stated, \u201cI am proud of my career and of the records I set. But I know that one day", + "score": 0.7071981430053711 + }, + { + "id": "1721175", + "title": "Thierry Henry", + "text": "and the Adidas Golden Shoe as the tournament's top goalscorer with four goals. In UEFA Euro 2004, Henry played in all of France's matches and scored two goals. France beat England in the group stage but lost to the eventual winners Greece 1\u20130 in the quarter-finals. During the 2006 FIFA World Cup Henry remained as one of the automatic starters in the squad. He played as a lone striker, but despite an indifferent start to the tournament, became one of the top players of the World Cup. He scored three goals, including the winning goal from Zidane's free kick against", + "score": 0.7068637609481812 + }, + { + "id": "3048829", + "title": "Cristiano Ronaldo", + "text": "to 14, equalling Predrag Mijatovi\u0107's record for most goals in a single UEFA senior men's qualifying campaign, and also saw him break the record for the most goals scored in a single European qualifying group, overtaking the previous record of 13 goals set by David Healy and Robert Lewandowski. Ronaldo's hat-trick took his World Cup qualifying goals total to 29, making him the highest scorer in European World Cup qualifiers, ahead of Andriy Shevchenko, and the highest goalscorer in World Cup qualifying and finals matches combined, with 32 goals, ahead of Miroslav Klose. Ronaldo later added to this tally by", + "score": 0.7068490982055664 + }, + { + "id": "6718600", + "title": "Marta (footballer)", + "text": "list alongside Birgit Prinz on 14. It also earned her the Silver Boot as the tournament's second leading goal scorer. From her first touch in the tournament against Australia, Marta was heavily jeered by local and opposing fans. During her fourth World Cup in 2015, Marta became the all-time top scorer of the women's tournament with 15 goals once she scored the second goal in Brazil's debut against South Korea. Marta competed in four FIFA Women's World Cup: USA 2003, China 2007, Germany 2011 and Canada 2015; and three Olympics: Athens 2004, Beijing 2008 and London 2012; starting and playing", + "score": 0.7064291834831238 + }, + { + "id": "17309428", + "title": "2014 FIFA World Cup Group G", + "text": "took his World Cup total to 15, equalling the record mark held by Brazil's Ronaldo. He also joined Pel\u00e9 and Uwe Seeler as the only players to have scored in four World Cups. Gyan became the joint top African scorer in the World Cup (tied with Cameroon's Roger Milla) with five goals, and also the first African player to score in three World Cups. Just as in the 2010 meeting, J\u00e9r\u00f4me Boateng (Germany) and Kevin-Prince Boateng (Ghana) faced each other, the second time two brothers faced each other in a World Cup game. In the 52nd minute, a man with", + "score": 0.7063441872596741 + }, + { + "id": "1375697", + "title": "2006 FIFA World Cup", + "text": "claim the Golden Boot, the lowest total to win the prize since 1962. No other player scored more than three goals. No player from the winning Italian squad scored more than two goals, though ten players had scored for the team, tying France's record in 1982 for the most goalscorers from any one team. For the first time ever in the FIFA World Cup, the first and last goals of the tournament were scored by defenders. Philipp Lahm, the German left wingback, scored the opener against Costa Rica after only 5 minutes of the opening match. In the final, Marco", + "score": 0.7062684297561646 + }, + { + "id": "3060317", + "title": "Park Ji-sung", + "text": "13 goals. He was a member of the team that finished fourth at the 2002 FIFA World Cup. He also represented his nation at the 2006 FIFA World Cup and was captain at the 2010 FIFA World Cup. Park scored in three consecutive tournaments (the first South Korean and only second Asian player to do so) and is currently South Korea's joint all-time leading goalscorer at the FIFA World Cup finals with three goals, alongside Ahn Jung-hwan and Son Heung-min. Although many sources report that he was born in the South Korean capital, Seoul, Park was actually born in Goheung,", + "score": 0.7044947147369385 + }, + { + "id": "13562876", + "title": "Euse\u0301bio", + "text": "(subsequently equalled by Croatia in 1998). In addition to winning the Golden Boot (with nine goals) for the 1966 World Cup, Eus\u00e9bio also set a record that year for the most penalties scored (shoot-out not included), with four. Eus\u00e9bio's four goals against North Korea in the quarter-final match also helped Portugal tie the record for largest deficit overcome in a win (three goals, equaling Austria in 1954) and he became the fifth player to score as many goals in a FIFA World Cup match, a record he jointly held until Oleg Salenko scored five in the 1994 World Cup. The", + "score": 0.7041313648223877 + }, + { + "id": "4837751", + "title": "Tim Cahill", + "text": "only goal in their opening group match against Chile on 13 June 2014. He joined Portuguese star Cristiano Ronaldo, Mexican defender Rafael M\u00e1rquez, Dutch players Robin van Persie and Arjen Robben, German player Miroslav Klose, and American Clint Dempsey as the only players to score at the 2006, 2010 and 2014 FIFA World Cups. On 18 June, Cahill scored Australia's first goal against the Netherlands in their 3\u20132 defeat; a strike which has been considered by some experts as one of the best goals ever scored in a World Cup. Cahill volleyed the ball past Jasper Cillessen. Tim Cahill was", + "score": 0.7027742862701416 + }, + { + "id": "1310191", + "title": "1994 FIFA World Cup", + "text": "prestigious trophy; the Brazilian national team dedicated the title to the deceased Formula One motor racing champion and countryman Ayrton Senna, who had died two and a half months prior. The tournament's Golden Boot went jointly to Bulgaria's Stoichkov and Oleg Salenko of Russia, the latter becoming the first player to score five goals in a game, coming in a 6\u20131 victory against Cameroon. Both players scored six goals in the tournament. Brazilian striker Rom\u00e1rio, with five goals, won the Golden Ball as the tournament's best player. The official mascot of this World Cup was \"Striker, the World Cup Pup\",", + "score": 0.7025101184844971 + }, + { + "id": "631553", + "title": "2002 FIFA World Cup", + "text": "was introduced in 1986. Brazil also became the first team to win every match at a World Cup Finals since 1970 and set a new record for highest aggregate goal difference (+14) for a World Cup winner. Brazil's captain Cafu, who became the first player to appear in three successive World Cup finals, accepted the trophy on behalf of the team. Ronaldo won the Golden Shoe after scoring eight goals. In total, 161 goals were scored by 109 players, with three of them credited as own goals. Two of those own goals were in the same match, marking the first", + "score": 0.7022536993026733 + }, + { + "id": "3347312", + "title": "Cuauhte\u0301moc Blanco", + "text": "including the winning goal at the Estadio Azteca against Brazil in the final. He was awarded the \"Silver Shoe\" and \"Silver Ball\" for outstanding player of the tournament. Blanco holds the record along with Brazilian Ronaldinho as the highest scoring players in the Confederations Cup with nine goals, three in 1997 and six in 1999. In the selection for the final 23-man squad for the 2006 FIFA World Cup in Germany, then Mexico national team coach Ricardo La Volpe left Blanco out of the team. While the ostensible reason given was that Blanco was frequently injured and not in good", + "score": 0.7016031742095947 + }, + { + "id": "9342551", + "title": "Mohamed Aboutrika", + "text": "an unprecedented result for the Egyptian club or any African outfit. Personally, he became the top scorer of tournament by 3 goals in 3 matches. Aboutrika won all the competitions he participated in this year, and got the bronze medal for Al-Ahly in 2006 FIFA Club World Cup. He was the top scorer in three competitions, which are 2006 FIFA Club World Cup with 3 goals, Egyptian Premier League with 18 goals and 2006 CAF Champions League with 8 goals. Aboutrika scored in other competitions, and made brilliant assistants to strikers. To the FIFA.com expression, was nominated to win the", + "score": 0.7015554904937744 + }, + { + "id": "7260327", + "title": "2007 FIFA U-20 World Cup", + "text": "2007 FIFA U-20 World Cup The 2007 FIFA U-20 World Cup was the sixteenth edition of the FIFA U-20 World Cup (formerly called FIFA World Youth Championship), hosted by Canada from 30 June to 22 July 2007. Argentina defeated Czech Republic in the title game by the score of 2\u20131, thus managing a back-to-back world title, its fifth in the past seven editions, and sixth overall. Argentine player Sergio Ag\u00fcero was given the FIFA U-20 Golden Shoe (top scorer, with six goals) and the FIFA U-20 Golden Ball (best player of the tournament), while Japan earned the FIFA Fair Play", + "score": 0.7010749578475952 + }, + { + "id": "755484", + "title": "Ronaldo (Brazilian footballer)", + "text": "they will be broken.\u201d Ronaldo and Klinsmann's shared record of at least three goals in three separate World Cup finals was broken by German striker Miroslav Klose, who has a record of at least four goals in each of three tournaments, having netted five at both the 2002 and 2006 finals, and four at the 2010 tournament. Ronaldo finished with fifteen goals in nineteen World Cup matches, for an average of 0.79 per game. His teammate Kak\u00e1 reflected, \u201cRonaldo is the best player I have ever played with. I have seen il Fenomeno do things nobody else has ever done.\u201d", + "score": 0.7003154158592224 + }, + { + "id": "1472152", + "title": "Gerd Mu\u0308ller", + "text": "Cup combined made him the all-time highest World Cup goalscorer at the time with 14 goals. His record stood until the 2006 tournament, coincidentally held in Germany, when it was broken by Brazilian striker Ronaldo, who also required more matches than M\u00fcller to achieve his tally. M\u00fcller also participated in the 1972 European Championship, becoming top scorer with four goals (including two in the final) and winning the Championship with the West German team. After M\u00fcller ended his career in 1982, he fell into a slump and suffered from alcoholism. However, his former companions at Bayern Munich convinced him to", + "score": 0.6997696161270142 + }, + { + "id": "3017755", + "title": "Davor S\u030cuker", + "text": "finish in their first World Cup appearance since becoming an independent nation. \u0160uker won the Golden Boot as the tournament's top scorer, as well as the Silver Ball as the World Cup's second-best player, behind Ronaldo of Brazil. After the 1998 World Cup, \u0160uker featured for Croatia in their unfruitful run to qualify for the Euro 2000. \u0160uker was though noted in endeavouring to keep Croatia's hopes alive when he scored a 94th-minute winner against the Republic of Ireland at Maksimir Stadium in Zagreb. The win ensured Croatia would have a strong chance of still qualifying for the tournament. The", + "score": 0.6995372772216797 + }, + { + "id": "1448644", + "title": "2010 FIFA World Cup", + "text": "also had the fewest goals conceded for a champion (2), equal with Italy (2006) and France (1998). Spain's victory marked the first time that a team won the World Cup without conceding a goal in the knockout stage. The four top scorers in the tournament had five goals each. All of the four top scorers also came from the teams that finished in the top four, Spain, the Netherlands, Germany, and Uruguay. The Golden Boot went to Thomas M\u00fcller of Germany who had three assists, compared to one for the three others. The Silver Boot went to David Villa of", + "score": 0.6982429623603821 + }, + { + "id": "14887142", + "title": "Hristo Stoichkov", + "text": "international goal in his fourth appearance, a 3\u20132 friendly defeat of Qatar in Doha. During qualification for the 1994 FIFA World Cup, Stoichkov scored five goals to help Bulgaria qualify for its first major tournament since the 1986 World Cup. At the tournament finals, Stoichkov was awarded the World Cup Golden Boot as the joint top goal scorer of the tournament (with Oleg Salenko), with six goals, as well as earning the Bronze Ball award. He led Bulgaria past Germany in the quarter-finals 2\u20131, a shock result as Germany were the then-defending champions. In the semi-finals, Bulgaria lost 2\u20131 to", + "score": 0.6978904604911804 + }, + { + "id": "755477", + "title": "Ronaldo (Brazilian footballer)", + "text": "with eight goals. Many publications regarded his personal triumph as \u201credemption\u201d for what occurred at the previous World Cup. Ronaldo spoke about his obsession with lifting the World Cup trophy, having missed out in 1998. \u201cI used to visualise the trophy in front of my eyes and imagine what a wonderful feeling it must be to hold it up in the air. It was a fabulous feeling actually to hold it in my hands and kiss it.\u201d Dubbed the \"three R's\", Ronaldo starred in a formidable attack alongside Rivaldo and Ronaldinho, and the trio were named in the FIFA World", + "score": 0.6973933577537537 + }, + { + "id": "6763080", + "title": "Sohail Abbas", + "text": "(129 goals), Hanif Khan (127 goals) and Manzoorul Hassan Sr (101 goals). He got eight goals at Sydney after handsome display at Osaka's Olympic qualifiers. His achievement at Japan was all the more remarkable considering he had only just returned to the fray after spending four months on the sidelines with a groin injury. His total goals in 2000 were 26, followed by 37 in 2001. Sohail attracted worldwide attention in 2002 when he emerged as the joint highest scorer along with Argentina's Jorge Lombi in the 10th World Cup at Kuala Lumpur. And all 10 goals that Sohail scored", + "score": 0.6968350410461426 + }, + { + "id": "12141804", + "title": "1958 FIFA World Cup Final", + "text": "1958 FIFA World Cup Final The 1958 FIFA World Cup Final took place in R\u00e5sunda Stadium, Solna (near Stockholm), Sweden on 29 June 1958 to determine the champion of the 1958 FIFA World Cup. Brazil won the World Cup by defeating Sweden, and thus won their first World Cup title. The 1958 final holds the record for most goals scored in a World Cup Final, and it shares the record for the greatest winning margin (with the 1970 and 1998 tournaments). The records for both the youngest and oldest goalscorer in a World Cup final were set in this match;", + "score": 0.6963326930999756 + }, + { + "id": "18098304", + "title": "History of the Germany national football team", + "text": "goal line. In the quarterfinals, Germany defeated Argentina 4\u20130; this match was also celebrated striker Miroslav Klose's 100th international cap and the match in which he tied German legend Gerd M\u00fcller's record of 14 World Cup goals, one behind the all-time record of 15 World Cup goals, which is held by Ronaldo of Brazil. In the semi-final on 7 July, Germany lost 1\u20130 to Spain, in an almost flashback to the finals of Euro 2008. Germany played Uruguay for Third Place, as in 1970, and won the match 3\u20132 on 10 July. Germany scored the most with a total of", + "score": 0.6961686611175537 + }, + { + "id": "9090137", + "title": "Reza Ghoochannejhad", + "text": "scorer of the qualifiers and bringing his tally to six goals in six consecutive competitive international matches. Ghoochannejhad scored on 5 March 2014 against Guinea in a friendly to bring his record to seven goals in seven matches with a total of nine goals in eleven matches. On 1 June 2014, Ghoochannejhad was called into Iran's 2014 FIFA World Cup squad by Carlos Queiroz. On 25 June 2014, he scored Iran's only goal of the tournament in the 3\u20131 defeat against Bosnia and Herzegovina. He became the first ever Charlton Athletic player to score at a FIFA World Cup. On", + "score": 0.695565938949585 + }, + { + "id": "7571013", + "title": "History of the FIFA World Cup", + "text": "hosts in a first-round match that eliminated Colombia. The total attendance for the tournament of nearly 3.6 million remains the biggest in World Cup history. Oleg Salenko of Russia became the first player to score five goals in a single World Cup finals game in his country's 6\u20131 group stage win over Cameroon. In the same match, 42-year-old Roger Milla scored the only goal for Cameroon, becoming the oldest player ever to score in a World Cup match. Hristo Stoichkov shared the Golden Boot as the joint top goal scorer in the tournament with Oleg Salenko (six goals), as well", + "score": 0.6954380869865417 + }, + { + "id": "12043539", + "title": "World Cup of Masters", + "text": "tournaments facing each other in the final twice, in 1989 which was the inaugural year and in 1995, the very last year of the Masters tournaments. Italy also had 6 participations winning the trophy once in the 1993 edition. W: winner. G: eliminated in group stage. Zico was the top scorer in 1990 and 1991 scoring a total of 6 goals in the Cups. But the Austrian Walter Schachner was the overall goalscorer with 8 goals, all scored in 1993. Mario Kempes and Paolo Rossi scored 2 goals each with Rivelino having a total of 3 goals. Legendary Pele didn't", + "score": 0.6953222751617432 + }, + { + "id": "16601508", + "title": "2014 FIFA World Cup Final", + "text": "and 2010 respectively, the first time this has happened in World Cup history. It was also the first time that three consecutive World Cup finals were still tied after 90 minutes. The final marked the first time a World Cup hosted in the Americas was not won by a team from the continent. In the winning German team, Miroslav Klose, who had become the top scorer in World Cup history in the semi-final victory over Brazil, became one of the very few players ever to have won gold, silver and bronze medals in the World Cup (bronze in 2006 and", + "score": 0.6947431564331055 + }, + { + "id": "9945582", + "title": "2009 FIFA U-17 World Cup", + "text": "2009 FIFA U-17 World Cup The 2009 FIFA U-17 World Cup was the thirteenth tournament of the FIFA U-17 World Cup held in Nigeria from 24 October to 15 November 2009. The tournament was won by Switzerland, beating the host team and holders, Nigeria. The Golden Ball to the Best Player was given to Nigerian Sani Emmanuel; the Golden Shoe for top scorer was given to Spaniard Borja, with five goals (although he tied with Nigerian Sani Emmanuel, Uruguayan Sebasti\u00e1n Gallegos, and Swiss Haris Seferovi\u0107); the Golden Glove was given to Swiss Benjamin Siegrist; finally, the FIFA Fair Play Award", + "score": 0.6945347785949707 + }, + { + "id": "3430332", + "title": "Wesley Sneijder", + "text": "corner and consigned Brazil to a 2\u20131 defeat, bringing his goal total in the tournament to four. Sneijder was again named man of the match on FIFA's website. In the semi-final against Uruguay, Sneijder scored in the 70th minute, taking his total in the competition to five, raising him at the time to first place in terms of goals scored, along with Spain's David Villa. The Netherlands won the match 3\u20132 and progressed to the final. Sneijder was yet again named on FIFA's website as the Budweiser man of the match according to the public online vote. In the World", + "score": 0.6943677663803101 + }, + { + "id": "6509404", + "title": "David Villa", + "text": "a ban. Villa helped secure Spain's place in the round of 16 after scoring the first goal in a 2\u20131 win over Chile, with a long-range shot into an empty net after Chilean goalkeeper Claudio Bravo ran out of his area to prevent Fernando Torres from scoring. The goal would become his sixth goal in FIFA World Cup matches, becoming Spain's all-time top scorer at the World Cup finals, ahead of Emilio Butrague\u00f1o, Fernando Hierro, Fernando Morientes and Ra\u00fal, all of whom have five. Spain were up against Portugal in the round of 16, and Villa would prove to be", + "score": 0.6935830116271973 + }, + { + "id": "3122157", + "title": "Just Fontaine", + "text": "has an even more impressive record. On his debut on 17 December 1953, Fontaine scored a hat trick as France defeated Luxembourg 8\u20130. In seven years, he scored 30 goals in 21 matches. However, he will best be remembered for his 1958 FIFA World Cup performance, where he scored 13 goals in just six matches \u2014 a feat that included putting four past defending champions West Germany. It was also the highest number of goals ever scored by one player at a single World Cup tournament \u2013 a record that stands today. This tally secured him the Golden Boot. As", + "score": 0.6935455799102783 + }, + { + "id": "707605", + "title": "1954 FIFA World Cup", + "text": "1954 FIFA World Cup The 1954 FIFA World Cup, the fifth staging of the FIFA World Cup, was held in Switzerland from 16 June to 4 July. Switzerland was chosen as hosts in July 1946. The tournament set a number of all-time records for goal-scoring, including the highest average number of goals scored per game. The tournament was won by West Germany, who defeated Hungary 3\u20132 in the final, giving them their first title. Switzerland was awarded the tournament unopposed on 22 July 1946, the same day that Brazil was selected for the 1950 World Cup, in Luxembourg City. The", + "score": 0.6935361623764038 + }, + { + "id": "4001255", + "title": "Paulo Wanchope", + "text": "2006 FIFA World Cup. Wanchope has twenty plus World Cup qualifier goals to his name. On 9 June 2006, he scored twice in the opening game of the 2006 World Cup, a 4\u20132 loss to Germany. These two goals made Wanchope the first Costa Rican to score twice in one World Cup match, and put him alongside R\u00f3nald G\u00f3mez as the only Costa Ricans ever to score more than one World Cup goal. After the defeat to Germany, Costa Rica were defeated by both Ecuador and Poland. Thus Costa Rica finished last in their group and failed to qualify for", + "score": 0.6932018995285034 + }, + { + "id": "18149366", + "title": "Brazil v Germany (2014 FIFA World Cup)", + "text": "and M\u00fcller combined to set up Miroslav Klose, who scored on the rebound after his initial shot was saved by goalkeeper J\u00falio C\u00e9sar. It was Klose's 16th goal at a World Cup, passing the Brazilian Ronaldo as the all-time World Cup top scorer. Klose's goal initiated a flurry of German scoring as Brazil lost control of the game. In the 24th minute, Kroos scored with a left-footed strike from the edge of the area after Lahm's cross was deflected. Then, in the 26th minute, just a few seconds after Brazil kicked off, Kroos caught Fernandinho in possession in his own", + "score": 0.6931658983230591 + }, + { + "id": "1634972", + "title": "Miroslav Klose", + "text": "goal gave Germany a 2\u20130 lead, \"en route\" to a 7\u20131 win over Brazil, and Klose surpassed Ronaldo's previous record of 15 World Cup goals. Klose set another record by becoming the first player to appear in four consecutive World Cup semi-finals. Klose started in the World Cup final against Argentina, playing until the 88th minute when he was substituted for Mario G\u00f6tze. G\u00f6tze would score the 113th-minute goal which held up as the winning goal in Germany's 1\u20130 victory over Argentina, earning Germany's fourth World Cup title overall and first as a reunited country. Klose announced his retirement from", + "score": 0.6930715441703796 + }, + { + "id": "15692594", + "title": "FIFA Confederations Cup records", + "text": "FIFA Confederations Cup records This is a list of records of the FIFA Confederations Cup. As end of 2017 FIFA Confederations Cup. W: winner G: eliminated in group stage Q: qualified for future tournament Top goal scorer in single tournament 7, Rom\u00e1rio of in 1997 Vladim\u00edr \u0160micer, Ronaldo, Rom\u00e1rio, Cuauht\u00e9moc Blanco, Marzouk Al-Otaibi, Ronaldinho, Luciano Figueroa, Fernando Torres, David Villa, Nnamdi Oduamadi and Abel Hern\u00e1ndez are the only eleven men to have scored a Confederations Cup hat-trick, with Torres the only player to achieve a hat-trick twice. Al-Otaibi, Torres, Blanco and Hern\u00e1ndez are the only players to have scored four", + "score": 0.6929702162742615 + }, + { + "id": "1375483", + "title": "1970 FIFA World Cup", + "text": "\"All times listed local (UTC\u22126)\" With ten goals, Gerd M\u00fcller is the top scorer in the tournament. In total, 95 goals were scored by 55 players, with only one of them credited as own goal. In 1986, FIFA published a report that ranked all teams in each World Cup up to and including 1986, based on progress in the competition, overall results and quality of the opposition. The rankings for the 1970 tournament were as follows: * Listed as #13 in one of the sources ** Listed as #12 in one of the sources 1970 FIFA World Cup The 1970", + "score": 0.6928142309188843 + }, + { + "id": "4001246", + "title": "Paulo Wanchope", + "text": "Paulo Wanchope Paulo C\u00e9sar Wanchope Watson (; born 31 July 1976), more commonly known as Paulo Wanchope, is a Costa Rican former footballer and former Head Coach of the Costa Rica national football team. Wanchope is the second most prolific goalscorer in the history of the Costa Rica national football team, behind Rolando Fonseca, with 45 goals in 73 international matches. Having scored against Brazil in 2002 and a brace against Germany in 2006, Wanchope is the top goalscorer for Costa Rica in the FIFA World Cup, a record he shares with R\u00f3nald G\u00f3mez. Born in Heredia, Wanchope began his", + "score": 0.6916326284408569 + }, + { + "id": "18092376", + "title": "2014 FIFA World Cup statistics", + "text": "2014 FIFA World Cup statistics The following article outlines the statistics for the 2014 FIFA World Cup, which took place in Brazil from 12 June to 13 July. Goals scored from penalty shoot-outs are not counted, and matches decided by penalty shoot-outs are counted as draws. James Rodr\u00edguez was awarded the Golden Boot for scoring six goals, the first time that a Colombian player received the award. Source: FIFA Juan Cuadrado and Toni Kroos topped the assists table with four assists during the tournament. The winner of the Golden Glove was Manuel Neuer. In order of achieving the tally. Bold", + "score": 0.69095778465271 + }, + { + "id": "8278702", + "title": "Gino Colaussi", + "text": "Cup title with a total of four goals. Colaussi died in Opicina, near Trieste. Gino Colaussi Luigi Colausig (Gino Colaussi) (4 March 1914 \u2013 27 July 1991) was an Italian footballer who played as a striker. He was the first player to score multiple goals in a World Cup final. Colaussi was born in Gradisca d'Isonzo, Friuli-Venezia Giulia. He was a striker in Serie A for USC Triestina, Juventus and Vicenza, and also played in Serie B with Padova. Colaussi represented the Italy national football team at the 1938 FIFA World Cup. He scored a goal in Italy's quarterfinal and", + "score": 0.6907373666763306 + }, + { + "id": "8427410", + "title": "Falca\u0303o (futsal player)", + "text": "by FIFA as the Best Player of the tournaments. In 2008 and 2012, he helped Brazil win their 4th and 5th title in the FIFA Futsal World Cup. On 22 September 2016, Falc\u00e3o retired from the Brazil national team after they were eliminated by Iran in the round of 16 at the 2016 World Cup. Despite the early exit, he managed to score 10 goals, winning the Bronze Shoe, and ultimately becoming the all-time top goalscorer in FIFA Futsal World Cup history, having scored 48 times. Falc\u00e3o is considered by many football experts and players the greatest player in futsal", + "score": 0.6903308629989624 + }, + { + "id": "707622", + "title": "1954 FIFA World Cup", + "text": "The 11 goals scored by Kocsis of Hungary not only led the World Cup but bettered the previous record (set by Brazilian Ademir in the previous tournament) by two goals. Kocsis' mark was broken by Just Fontaine's 13 goals in 1958. Despite not winning the 1954 tournament, their fourth-place finish and their two previous World Cup titles made Uruguay the most successful World Cup nation for eight years, until Brazil won their second title in 1962. Hungary's 9\u20130 win against Korea during the group stages remains the biggest margin of victory in FIFA World Cup history, later equalled by Yugoslavia", + "score": 0.6902487277984619 + }, + { + "id": "6722002", + "title": "FIFA World Cup awards", + "text": "the top goalscorer of the FIFA World Cup. While every World Cup had a ranking of the goalscorers, the first time an award was given was in 1982, under the name Golden Shoe. It was rechristened Golden Boot in 2010. FIFA sometimes lists the top goalscorers of previous Cups among the Golden Boot winners. If there is more than one player with the same number of goals, since 1994 the tie-breaker goes to the player without a penalty goal, if none has a penalty then the tie breaker goes to the person with more assists - with the FIFA Technical", + "score": 0.69020676612854 + }, + { + "id": "20441422", + "title": "2018 FIFA World Cup Group B", + "text": "crossbar from 25 yards. Nordin Amrabat and Medhi Benatia fired over with better chances. With their second loss in a row, Morocco became the first team eliminated from the 2018 FIFA World Cup. 85 international goals for Ronaldo is a new record for a European player, with Ronaldo passing Ferenc Pusk\u00e1s to hold the record outright. Ronaldo has become the first Portuguese player since Jos\u00e9 Torres in 1966 to score a goal with his right foot, left foot and head in a single World Cup tournament. Ronaldo is the first player to score five consecutive World Cup goals for his", + "score": 0.6897892355918884 + }, + { + "id": "1310216", + "title": "1994 FIFA World Cup", + "text": "group games, did not leave without a fight, as each of their losses were by just a single goal, 1\u20130 to Belgium, 2\u20131 to Saudi Arabia, and 2\u20131 to the Netherlands. Hristo Stoichkov and Oleg Salenko received the Golden Boot for scoring six goals. In total, 141 goals were scored by 81 players, with only one of them credited as an own goal. The All-star team is a squad consisting of the eleven most impressive players at the 1994 World Cup, as selected by FIFA's Technical Study Group. After the tournament, FIFA published a ranking of all teams that competed", + "score": 0.6897729635238647 + }, + { + "id": "9342586", + "title": "Mohamed Aboutrika", + "text": "goal and assisted two goals for Mohamed Salah and Amr Zaki. Egypt won 4\u20132. Egypt set to advance to a two-leg play-off during October and November against Ghana, with the winners qualifying for Brazil 2014. Aboutrika scored Egypt's only goal in Kumasi but Egypt got a shocking loss 6\u20131. Yet, Aboutrika became the joint top scorer of the 2014 FIFA World Cup qualification (CAF) with 6 goals. In addition to 3 goals in 2006 qualifiers, and 5 goals in 2010 qualifiers, Aboutrika became the all-time top scorer of Egypt in the World Cup Qualifiers with 14 goals. Aboutrika is a", + "score": 0.6892381310462952 + }, + { + "id": "701811", + "title": "1950 FIFA World Cup", + "text": "Durival de Britto stadium in Curitiba and the Eucaliptos stadium in Porto Alegre each hosted two matches, and the Ilha do Retiro stadium in far-away Recife only hosted one match. With eight goals, Brazil's Ademir was the tournament's top scorer. In total, 88 goals were scored by 48 players, with only one of them credited as an own goal. In 1986, FIFA published a report that ranked all teams in each World Cup up to and including 1986, based on progress in the competition, overall results and quality of the opposition. The rankings for the 1950 tournament were as follows:", + "score": 0.6890489459037781 + }, + { + "id": "6508138", + "title": "Peter McParland", + "text": "for Northern Ireland in the 1958 FIFA World Cup in which he scored five goals and helped his team to the quarter-finals. France defeated Northern Ireland 4\u20130 in the quarter-final. He holds the record for being the highest-scoring Northern Irish player in World Cup finals history. In April 2015, the feature-length documentary Spirit of '58 was screened as part of the Belfast Film Festival. It featured Peter McParland prominently alongside the other surviving players (Billy Bingham, Billy Simpson, Jimmy McIlroy and Harry Gregg) as it told the story of Northern Ireland's journey throughout the 1950s under the managership of Peter", + "score": 0.6889830827713013 + }, + { + "id": "714173", + "title": "1958 FIFA World Cup", + "text": "team met the wrath of several thousand angry football fans at Ezeiza Airport in Buenos Aires. The second group saw the largest number of goals scored in a single group in the 1958 World Cup with 31 goals in total (~5.16 goals per game). Just Fontaine of France scored 6 of his 13 goals in the tournament, making him the tournament's top scorer going into the quarter-finals. None of the teams in this group had been particularly successful at previous World Cups. France, despite having hosted the 1938 event, had not achieved any real World Cup success, Yugoslavia had not", + "score": 0.6887957453727722 + }, + { + "id": "14633065", + "title": "Mario Go\u0308tze", + "text": "Cup final against Argentina, L\u00f6w substituted 36-year-old Miroslav Klose after 88 minutes with G\u00f6tze and told him, \"Show the world you are better than Messi and can decide the World Cup.\" G\u00f6tze scored the only goal of the match in the 113th minute, controlling Andr\u00e9 Sch\u00fcrrle's cross on his chest before volleying the ball into the net, giving Germany their fourth World Cup. He became the first substitute to score a World Cup winning goal, and the youngest player to score in a World Cup Final since fellow German Wolfgang Weber in 1966, who was also 22. G\u00f6tze was also", + "score": 0.6886739134788513 + }, + { + "id": "6105423", + "title": "Ro\u0301nald Gonza\u0301lez Brenes", + "text": "for Costa Rica in a May 1990 warm-up match against Poland, just ahead of the 1990 FIFA World Cup in Italy. There, at 19 years of age, he scored a goal against Czechoslovakia, becoming the youngest player to score a goal in that World Cup. He earned a total of 65 caps, scoring 5 goals and represented his country in 19 FIFA World Cup qualification matches and at the 1991 CONCACAF Gold Cup as well as at the 1993 and 1997 UNCAF Nations Cups. Also, he was his country's captain during the 1997 Copa Am\u00e9rica and was a non-playing squad", + "score": 0.6884018778800964 + }, + { + "id": "7620934", + "title": "Maxi Rodri\u0301guez", + "text": "in seven matches including the first and last for the eventual winners. He made his full side debut in a friendly match against Japan on 8 June 2003, in which he also found the net. After being part of the 2005 FIFA Confederations Cup squad, Rodr\u00edguez was called for the 2006 FIFA World Cup by national boss Jos\u00e9 P\u00e9kerman and, on 16 June, he scored twice in Argentina's 6\u20130 victory over Serbia and Montenegro in the group stage. In the round-of-16, he scored the winning goal against Mexico in a 2\u20131 extra time victory: he controlled a cross-field pass from", + "score": 0.6883990168571472 + }, + { + "id": "15692596", + "title": "FIFA Confederations Cup records", + "text": "2009 edition, in South Africa. \"FIFA Fair Play Award\" is given to the team who has the best fair play record during the tournament with the criteria set by FIFA Fair Play Committee. FIFA Confederations Cup records This is a list of records of the FIFA Confederations Cup. As end of 2017 FIFA Confederations Cup. W: winner G: eliminated in group stage Q: qualified for future tournament Top goal scorer in single tournament 7, Rom\u00e1rio of in 1997 Vladim\u00edr \u0160micer, Ronaldo, Rom\u00e1rio, Cuauht\u00e9moc Blanco, Marzouk Al-Otaibi, Ronaldinho, Luciano Figueroa, Fernando Torres, David Villa, Nnamdi Oduamadi and Abel Hern\u00e1ndez are the", + "score": 0.6882703304290771 + }, + { + "id": "2724325", + "title": "Birgit Prinz", + "text": "the second all-time leading goalscorer at FIFA Women's World Cups. From 2008 until 2012, Prinz and Brazil's Cristiane both held the tournament record of 10 goals at the Summer Olympics, although Cristiane has now surpassed Prinz. For the German national team Prinz appeared 214 times and scored 128 goals, and is the team's most capped player and top goalscorer. Prinz competed in five FIFA Women's World Cup: Sweden 1995, USA 1999, USA 2003, China 2007; and Germany 2011; and four Olympics: Atlanta 1996, Sydney 2000, Athens 2004, and Beijing 2008. Altogether she played in 43 matches and scored 24 goals", + "score": 0.6882632374763489 + }, + { + "id": "4361619", + "title": "Benni McCarthy", + "text": "retired from international matches after the 2002 World Cup. However, he returned to the national team in 2004 and eventually set the record for most international goals for South Africa; McCarthy's strike in the second half of a 3\u20130 win against Paraguay in a 2008 friendly eclipsed the previous record of 29 goals held by Shaun Bartlett. Prior to the 2010 World Cup, held in South Africa, McCarthy announced his support for the Gun-Free World Cup campaign being run by International Action Network on Small Arms. He said, \"This World Cup will be the biggest in football history and the", + "score": 0.6882117390632629 + }, + { + "id": "3060349", + "title": "Park Ji-sung", + "text": "so in the history of the FIFA World Cup. Park scored the second penalty in the quarter-final shoot-out against Spain, which South Korea won 5\u20133. Park's success in the World Cup continued into the 2006 tournament. He scored the equalising goal in the second Group G match against eventual finalists France and was voted man of the match. On 11 October 2008, Park captained South Korea for the first time in a friendly against Uzbekistan. Korea won 3\u20130. He was the skipper for the remainder of the qualification campaign for the 2010 World Cup and was top scorer with five", + "score": 0.6878358125686646 + }, + { + "id": "17309477", + "title": "2014 FIFA World Cup knockout stage", + "text": "victory in a World Cup semi-final (three previous semi-finals ended in 6\u20131 scorelines). Klose's goal was his 16th overall throughout his World Cup appearances, allowing him to beat Ronaldo for the record of all-time top scorer in World Cup finals tournaments. Germany's seven goals took their total tally in World Cup history to 223, surpassing Brazil's 221 goals to first place overall.
The two teams had met in eight previous matches, including four times in the FIFA World Cup: Netherlands won 4\u20130 in the second group stage of the 1974 FIFA World Cup and 2\u20131", + "score": 0.6871154308319092 + }, + { + "id": "18149378", + "title": "Brazil v Germany (2014 FIFA World Cup)", + "text": "for the most goals scored at the World Cup with 16, overtaking Brazil's Ronaldo's total of 15; Ronaldo was in attendance at the match as a commentator. Thomas M\u00fcller's goal was Germany's 2,000th in the history of their national team. M\u00fcller became the third player in history to score five or more goals in two different World Cups (after Klose and the Peruvian Te\u00f3filo Cubillas) and the second player to score five or more goals in consecutive World Cups (after Klose). Toni Kroos' first-half double scored in 69 seconds was the fastest pair of goals scored in World Cup history", + "score": 0.6869663000106812 + }, + { + "id": "736414", + "title": "1966 FIFA World Cup", + "text": "the game went to extra time. In the 98th minute, Hurst found himself on the scoresheet again; his shot hit the crossbar, bounced down onto the goal line, and was awarded as a goal. Debate has long raged over whether the ball crossed the line, with the goal becoming part of World Cup history. England's final goal was scored by Hurst again, as a celebratory pitch invasion began. This made Geoff Hurst the only player ever to have scored three times in a single World Cup final. BBC commentator Kenneth Wolstenholme's description of the match's closing moments has gone down", + "score": 0.6868914365768433 + }, + { + "id": "6594592", + "title": "Austria v Switzerland (1954 FIFA World Cup)", + "text": "the 32nd minute, Ernst Ocwirk gave Austria the lead; Robert K\u00f6rner added his second, making the score 5\u20133. Ballaman scored again for Switzerland at the 39th minute. The first half thus ended 5\u20134 in favour of Austria, being the highest scoring half in World Cup history, even after inside left Alfred K\u00f6rner had missed a penalty kick in the 42nd minute. Nine minutes into the second half, Wagner put Austria up 6\u20134 with his third goal, recording the seventh hat-trick of the 1954 World Cup (\"See List of World Cup hat-tricks\"). H\u00fcgi would then emulate the feat, scoring his third", + "score": 0.6867647767066956 + }, + { + "id": "12278381", + "title": "Football at the 2008 Summer Olympics \u2013 Men's tournament", + "text": "of whom had to be born on or after 1 January 1985, and three of whom could be overage players, by 23 July 2008. A minimum of two goalkeepers (plus one optional alternate goalkeeper) had to be included in the squad. On 22 April 2008, FIFA released the list of match referees that will officiate at the Olympics. Group winners and runners-up advanced to the quarterfinal round. With four goals, Giuseppe Rossi of Italy was the top scorer in the tournament. In total, 75 goals were scored by 53 different players, with only one of them credited as own goal.", + "score": 0.6867356300354004 + }, + { + "id": "18181139", + "title": "History of the Brazil national football team", + "text": "goals scored across all World Cups. In the round of 16, Brazil beat Ghana 3\u20130; with the Magic Square restored, Ronaldo and Adriano both scored. Ronaldo's goal was his 15th in World Cup history, breaking the record. Despite Ronaldo's landmark and the comfortable scoreline, however, it was another unconvincing performance. Despite Perreira's reversion once again to a more balanced formation, with Ronaldo a lone striker supported by Kak\u00e1 and Ronaldinho, Brazil was eliminated in the quarter-finals against France, losing 1\u20130 to a Thierry Henry goal in the second half. Led by a rejuvenated Zinedine Zidane and guarded by a resolute", + "score": 0.6867057085037231 + }, + { + "id": "4014562", + "title": "Bert Patenaude", + "text": "goal (according to the United States Soccer Federation). A fiftieth-minute goal by Patenaude gave the U.S. a 3-0 win over the South Americans. The dispute and discrepancies over the second goal had led to confusion over the first-ever World Cup hat-trick, as Argentina's Guillermo St\u00e1bile scored one against Mexico just two days after the U.S.-Paraguay game. However, FIFA announced on November 10, 2006, that Patenaude is the first person to score a hat-trick in World Cup play, confirming that he scored all three goals. Patenaude was inducted into the U.S. Soccer Hall of Fame in 1971. He died in Fall", + "score": 0.6862984895706177 + }, + { + "id": "9438944", + "title": "Siphiwe Tshabalala", + "text": "African Nations Cup and the 2009 FIFA Confederations Cup. On 11 June 2010, gaining his 50th cap for the nation of South Africa, he scored the first goal of the 2010 FIFA World Cup against Mexico in the 55th minute. The game went on to finish at a 1\u20131 draw. The goal later received a nomination for goal of the year by FIFA. In October 2017, Tshabalala was called up to two of South Africa's World Cup qualifying matches against Senegal \u2013 for the first time since 2014. Goal.com describes Tshabalala as \"a tricky winger with pace and can deliver", + "score": 0.685697078704834 + }, + { + "id": "12529957", + "title": "1982 FIFA World Cup Final", + "text": "1982 FIFA World Cup Final The 1982 FIFA World Cup Final was a football match contested between Italy and West Germany. It was the final match of the 1982 FIFA World Cup tournament and was played on 11 July 1982 at the Santiago Bernab\u00e9u Stadium in the Spanish capital and largest city of Madrid. Coming after their 1934 and 1938 victories, Italy had now drawn level with record champions Brazil. Italy's Paolo Rossi won the Golden Boot as the tournament's top goalscorer, and the Golden Ball as the tournament's best player (awarded for the first time). Captain and goalkeeper Dino", + "score": 0.6855258941650391 + } + ] + }, + { + "qa_pairs": [ + { + "context": "Before the release of the film, Bill Condon refilmed one certain sequence in the \"Days of the Sun\" number, due to confusion among test audiences caused by actress Harriet Jones, who looked similar to Hattie Morahan, who portrayed Agathe. In the original version of the scene, it was Jones's character, the Prince's mother, who sings the first verse of the song, with Rudi Goodman playing the young Prince and Henry Garrett playing his father; but in the reshot version of the scene, the singing part is given to the Prince (now played by Adam Mitchell). The King was also recast to Tom Turner, although Harriet Jones was still the Queen, albeit with dark hair. Both Goodman and Garrett's names were mistakenly featured in the original theatrical release's credits, but was later corrected in home releases.", + "question": "Who plays the young 'the beast' in disney's live action movie beauty and the beast? ", + "short_answers": [ + " Adam Mitchell" + ], + "wikipage": "Beauty and the Beast (2017 film)" + }, + { + "context": "Beauty and the Beast is a 2017 American musical romantic fantasy film directed by Bill Condon from a screenplay written by Stephen Chbosky and Evan Spiliotopoulos. Co-produced by Walt Disney Pictures and Mandeville Films, it was filmed in the UK with predominantly British principal actors. The film is a live action adaptation of Disney's 1991 animated film of the same name, itself an adaptation of Jeanne-Marie Leprince de Beaumont's 18th-century fairy tale. The film features an ensemble cast that includes Emma Watson and Dan Stevens as the eponymous characters with Luke Evans, Kevin Kline, Josh Gad, Ewan McGregor, Stanley Tucci, Audra McDonald, Gugu Mbatha-Raw, Ian McKellen, and Emma Thompson in supporting roles.", + "question": "Who plays the adult 'the beast' in disney's live action movie beauty and the beast? ", + "short_answers": [ + " Dan Stevens" + ], + "wikipage": "Beauty and the Beast (2017 film)" + } + ], + "wikipages": [ + { + "title": "Beauty and the Beast (2017 film)", + "url": "https://en.wikipedia.org/wiki/Beauty%20and%20the%20Beast%20%282017%20film%29" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "Dan Stevens as Beast, a cold-hearted, selfish, unkind prince who is transformed into a beast and forced to earn back his humanity by learning to truly love and be loved in return, as well as to give rather than take. Stevens portrays the character through motion-capture.[13][14]", + "wikipage": "Beauty and the Beast (2017 film)" + }, + { + "content": "Adam Mitchell portrays the younger version of the prince.", + "wikipage": "Beauty and the Beast (2017 film)" + } + ], + "long_answer": "In the 2017 Beauty and the Beast film, the character Beast, a prince who was transformed into a beast, is played by Dan Stevens with the young prince played by Adam Mitchell. " + } + ], + "sample_id": "-7913382513546697336", + "question": "Who plays 'the beast' in disney's live action movie beauty and the beast?", + "docs": [ + { + "id": "17628851", + "title": "Beauty and the Beast (franchise)", + "text": "of Friendship\" is a live-action/animated direct-to-video installment of the film series. It was directed by Jimbo Mitchell, and released on August 17, 1999. It is set during the original film, and was released in part to help promote Disney Channel's television series, Sing Me a Story with Belle. On March 17, 2017, Disney released a live-action adaptation of the film, which was directed by Bill Condon. The movie stars Emma Watson as Belle, Dan Stevens as the Beast, Luke Evans as Gaston, Ewan McGregor as Lumi\u00e8re, Ian McKellen as Cogsworth, Emma Thompson as Mrs. Potts, Kevin Kline as Maurice, and", + "score": 0.7868059873580933 + }, + { + "id": "18553276", + "title": "Beauty and the Beast (2017 film)", + "text": "Beauty and the Beast (2017 film) Beauty and the Beast is a 2017 American musical romantic fantasy film directed by Bill Condon from a screenplay written by Stephen Chbosky and Evan Spiliotopoulos, and co-produced by Walt Disney Pictures and Mandeville Films. The film is a live-action reimagining of Disney's 1991 animated film of the same name, itself an adaptation of Jeanne-Marie Leprince de Beaumont's 18th-century fairy tale. The film features an ensemble cast that includes Emma Watson and Dan Stevens as the eponymous characters with Luke Evans, Kevin Kline, Josh Gad, Ewan McGregor, Stanley Tucci, Audra McDonald, Gugu Mbatha-Raw, Ian", + "score": 0.779270589351654 + }, + { + "id": "8316034", + "title": "Beast (Beauty and the Beast)", + "text": "beautiful young woman named Belle who he imprisons in his castle. All this must be done before the last petal falls from the enchanted rose on his twenty-first birthday. In all animated film appearances, the Beast is voiced by American actor Robby Benson. The 1991 animated film was adapted into a Broadway musical in 1994, with the role being originated by American actor Terrence Mann. Dan Stevens portrays the character in a 2017 live-action adaptation of the original 1991 film. Determining a suitable appearance for the Beast proved challenging. Although entirely fictional, supervising animator Glen Keane felt it essential for", + "score": 0.7607485055923462 + }, + { + "id": "17511492", + "title": "Beauty and the Beast (2014 film)", + "text": "Beauty and the Beast (2014 film) Beauty and the Beast () is a 2014 Franco-German romantic fantasy film based on the traditional fairy tale of the same name by Gabrielle-Suzanne Barbot de Villeneuve. Written by Christophe Gans and Sandra Vo-Anh and directed by Gans, the film stars L\u00e9a Seydoux as Belle and Vincent Cassel as the Beast. The film was screened out of competition at the 64th Berlin International Film Festival and was released in France on 12 February 2014 to positive reviews, becoming a box office success. International reviews were more mixed. It was nominated for the People's Choice", + "score": 0.7571389079093933 + }, + { + "id": "1208691", + "title": "Beauty and the Beast (1991 film)", + "text": "the Menken/Rice songs from the Broadway musical, with the intention of making the film as a \"straight-forward, live-action, large-budget movie musical\". In September 2014, it was announced that Stephen Chbosky (\"The Perks of Being a Wallflower\") would re-write the script. In January 2015, Emma Watson announced on her Facebook page that she would portray Belle in the new live action remake film. In March 2015, Dan Stevens, Luke Evans, Emma Thompson, Josh Gad, Audra McDonald, and Kevin Kline joined the film as the Beast, Gaston, Mrs. Potts, Lefou, Garderobe, and Maurice, respectively. The following month, Ian McKellen, Ewan McGregor, Stanley", + "score": 0.7555370926856995 + }, + { + "id": "7426460", + "title": "Belle (Beauty and the Beast)", + "text": "for the characters were provided by Sean Foot (Shaun) and Davina Lamont and additional works were done by National Film Award winners\u2014Christien Tinsley and Dominie Till. In January 2015, Emma Watson announced that she would be portraying Belle in a live-action version of the film, which was released in 2017. \"Beauty and the Beast\" was the first of the Disney remakes in which an A-list actress portrays a Disney princess. As a feminist and model, Watson suggested several changes to the character in the live-action film. For costume design Watson rejected the traditional \"big princess dress\" and corset for the", + "score": 0.751355767250061 + }, + { + "id": "8316067", + "title": "Beast (Beauty and the Beast)", + "text": "the events that occurred between \"Kingdom Hearts\" and \"Kingdom Hearts II\", such as Belle and Beast attempting to resume their normal lives and Beast's first encounter with Xaldin. The Beast appears in the Broadway musical adaptation of Disney's \"Beauty and the Beast\", originally portrayed by Terrence Mann. Other actors who have taken on the role include Chuck Wagner (1997), James Barbour (1998), Jeff McCarthy (2004), and Steve Blanchard. The movie and others never made mention of his real name. A CD-ROM game said \"The Prince's name is Adam.\" In the 2011 ABC series \"Once Upon a Time\", the show's version", + "score": 0.7436382174491882 + }, + { + "id": "15974794", + "title": "Beauty and the Beast (2009 film)", + "text": "Beauty and the Beast (2009 film) Beauty and the Beast is a 2009 Australian fantasy film directed by David Lister and starring Estella Warren, Rhett Giles, and Victor Parascos, and loosely based upon the fairy tale of the same name. The film was released in 2009 on video under that title and aired in 2010 on Syfy television as \"Beauty and the Beasts: A Dark Tale\". A series of horrific murders has the Beast being blamed for the crimes. Belle (Estella Warren) and Beast (Victor Parascos) must work together to investigate the crimes and discover who the true murderer is", + "score": 0.7436332702636719 + }, + { + "id": "8316068", + "title": "Beast (Beauty and the Beast)", + "text": "of \"the Beast\" is actually another fairy tale character, Rumplestiltskin (played by Robert Carlyle), who gains possession of Belle as part of a deal to save Belle's kingdom from losing a war. Indian actor Vikram portrayed Beast for sequences in a dreamy song \"Ennodu Nee Irundhal\" in the 2015 Tamil language film \"\"I\"\" opposite Amy Jackson who portrayed Belle. The original prosthetic make-up for the characters were provided by Sean Foot (Shaun) and Davina Lamont and additional works were done by National Film Award winners\u2014Christien Tinsley and Dominie Till. In March 2015, English actor Dan Stevens was cast as the", + "score": 0.7429028153419495 + }, + { + "id": "5282194", + "title": "Beauty and the Beast (musical)", + "text": "time. Although Egan did not feel particularly pressured about the role, she was grateful to be surrounded by a supporting cast of veteran Broadway performers. Actor Terrence Mann was cast as the Beast. Mann had previously performed as Javert in \"Les Mis\u00e9rables\", for which he was nominated for a Tony Award. For his final audition for Disney management, Mann performed for a large audience comprising Disney executives and secretaries in a theatre located on 42nd Street, which he felt was in stark contrast to the usual method of auditioning for six to eight people in a dark theatre. Actor Gary", + "score": 0.7394483685493469 + }, + { + "id": "8316069", + "title": "Beast (Beauty and the Beast)", + "text": "Beast in a live-action adaptation of the film, which was released on March 17, 2017. The Beast was portrayed with a \u201cmore traditional motion capture puppeteering for the body and the physical orientation\", where Stevens was \"in a forty-pound gray suit on stilts for much of the film\". The facial capture for the Beast was done separately order to \"communicate the subtleties of the human face\" and \"[capture the] thought that occurs to him\" which gets \"through [to] the eyes, which are the last human element in the Beast.\u201d The live-action portrayal closely follows the animated version, but with some", + "score": 0.7377439737319946 + }, + { + "id": "4187287", + "title": "Beauty and the Beast (1946 film)", + "text": "Beauty and the Beast (1946 film) Beauty and the Beast ( - also the UK title) is a 1946 French romantic fantasy film directed by French poet and filmmaker Jean Cocteau. Starring Josette Day as Belle and Jean Marais as the Beast, it is an adaptation of the 1757 story \"Beauty and the Beast\", written by Jeanne-Marie Leprince de Beaumont and published as part of a fairy tale anthology. The plot of Cocteau's film revolves around Belle's father who is sentenced to death for picking a rose from Beast's garden. Belle offers to go back to the Beast in her", + "score": 0.730290412902832 + }, + { + "id": "1208690", + "title": "Beauty and the Beast (1991 film)", + "text": "the Beast; Meshach Taylor, Patrick Page, Bryan Batt, Jacob Young, and John Tartaglia as Lumi\u00e8re; and Marc Kudisch, Christopher Sieber, and Donny Osmond as Gaston. The show ended its Broadway run on July 29, 2007 after 46 previews and 5,461 performances. , it is Broadway's tenth-longest-running show in history. In June 2014, Walt Disney Pictures announced that a live-action film adaptation of the original film was in the works, with Bill Condon directing and Evan Spiliotopoulos writing the script. Condon originally planned on not only drawing inspiration from the original film, but also to include most, if not all, of", + "score": 0.7300606966018677 + }, + { + "id": "18553336", + "title": "Beauty and the Beast (2017 film)", + "text": "satisfied.\" In her A- review, Nancy Churnin of \"The Dallas Morning News\" praised the film's emotional and thematic depth, remarking: \"There's an emotional authenticity in director Bill Condon's live-action Beauty and the Beast film that helps you rediscover Disney's beloved 1991 animated film and 1994 stage show in fresh, stirring ways.\" James Berardinelli of ReelViews described the 2017 version as \"enthralling\". Brian Truitt of \"USA Today\" commended the performances of Evans, Gad, McGregor and Thompson alongside Condon's affinity with musicals, the production design, visual effects featured in some of the song numbers including new songs made by the composers Alan", + "score": 0.7288058996200562 + }, + { + "id": "17309095", + "title": "Beauty and the Beast (1962 film)", + "text": "Beauty and the Beast (1962 film) Beauty and the Beast is a 1962 American romantic fantasy film directed by Edward L. Cahn and starring Joyce Taylor and Mark Damon. It is based on the 18th century fairy tale \"Beauty and the Beast\" written by Jeanne-Marie Leprince de Beaumont and features title creature make-up by the legendary Jack Pierce. Shot in Technicolor and distributed by United Artists, the film is the first English language live action screen adaptation of the fairy tale story. Edward Small, the film's executive producer, described it as a \"fairytale for everybody - no messages, no menace.\"", + "score": 0.7225771546363831 + }, + { + "id": "17309096", + "title": "Beauty and the Beast (1962 film)", + "text": "Beauty and the Beast (1962 film) Beauty and the Beast is a 1962 American romantic fantasy film directed by Edward L. Cahn and starring Joyce Taylor and Mark Damon. It is based on the 18th century fairy tale \"Beauty and the Beast\" written by Jeanne-Marie Leprince de Beaumont and features title creature make-up by the legendary Jack Pierce. Shot in Technicolor and distributed by United Artists, the film is the first English language live action screen adaptation of the fairy tale story. Edward Small, the film's executive producer, described it as a \"fairytale for everybody - no messages, no menace.\"", + "score": 0.7225676774978638 + }, + { + "id": "11174640", + "title": "Gaston (Beauty and the Beast)", + "text": "from filmmaker Jean Cocteau's 1946 film adaptation of the fairy tale into their own version of \"Beauty and the Beast\". Gaston, a character who does not exist in the original fairy tale, was among several elements borrowed from the live-action version of the story, based on a character Cocteau himself had created specifically for his film: Avenant, portrayed by French actor Jean Marais who also plays the Beast in a dual role. Similar to Cocteau's addition of Avenant, Gaston was created for the animated adaptation because Disney felt that the story could potentially benefit from a legitimate villain, which the", + "score": 0.7223737239837646 + }, + { + "id": "7426459", + "title": "Belle (Beauty and the Beast)", + "text": "is the show's version of the Beast). She is portrayed by Australian actress Emilie de Ravin. Another live-action version of the character appeared in the 2015 television film \"Descendants\", where she was played by Keegan Connor Tracy and serves as the Queen of the United States of Auradon. The series \"Sofia the First\" included a cameo by Belle in a 2013 episode. British actress Amy Jackson who portrayed as \"Belle\" opposite Indian actor Vikram, who being portrayed as \"Beast\" for sequences in a dreamy song \"\"Ennodu Nee Irundhal\"\" in the 2015 Tamil language romantic thriller \"\"I\"\". The original prosthetic make-up", + "score": 0.7186670899391174 + }, + { + "id": "17628848", + "title": "Beauty and the Beast (franchise)", + "text": "Beauty and the Beast (franchise) Beauty and the Beast is a Disney media franchise comprising a film series and additional merchandise. The success of the original 1991 American animated feature, \"Beauty and the Beast\", directed by Gary Trousdale and Kirk Wise, led to three direct-to-video follow-up films, a live-action spin-off television series, a Disney World stage show, a Disney World restaurant, several video games, merchandise, and the 9th longest-running musical in Broadway history, which was nominated for nine Tony Awards, winning for Best Costume Design. In March 2017, Disney released a live-action remake of the film. Belle was also added", + "score": 0.7180349230766296 + }, + { + "id": "18553287", + "title": "Beauty and the Beast (2017 film)", + "text": "featured in the deleted scenes. Previously, Disney had begun work on a film adaptation of the 1994 Broadway musical. However, in a 2011 interview, composer Alan Menken stated the planned film version of the \"Beauty and the Beast\" stage musical \"was canned\". By April 2014, Walt Disney Pictures had already begun developing a new live-action version of \"Beauty and the Beast\" after making other live-action fantasy films such as \"Alice in Wonderland\", \"Maleficent\", \"Cinderella\" and \"The Jungle Book\". In June 2014, Bill Condon was signed to direct the film from a script by Evan Spiliotopoulos. Later in September of that", + "score": 0.7145901322364807 + }, + { + "id": "12299870", + "title": "Beauty and the Beast (1983 film)", + "text": "Beauty and the Beast (1983 film) Beauty and the Beast () is a 1983 Danish drama film written and directed by Nils Malmros. The film stars Line Arlien-S\u00f8borg as a sexually active 16-year-old and Jesper Klein as the father who struggles to accept his daughter's relationships with boys as well as his own jealousy. Malmros, who had worked with the young Arlien-S\u00f8borg on his coming-of-age drama, \"Tree of Knowledge\", wrote the role of the daughter specifically for her. Both Arlien-S\u00f8borg and Klein won the 1984 Bodil and Robert awards for acting. \"Beauty and the Beast\" received the 1984 Bodil Award", + "score": 0.7121647596359253 + }, + { + "id": "7426417", + "title": "Belle (Beauty and the Beast)", + "text": "heroes in film ranking. The character also appears in the film's several sequels and spin-offs, as well as her own live-action television series. American actress Susan Egan originated the role of Belle in the Broadway musical adaptation of the film, for which she was nominated for a Tony Award for Best Actress in a Musical. Emma Watson plays a live-action version of the character in a 2017 live action adaptation of the original 1991 film. After the success of Walt Disney Productions' first feature-length animated film \"Snow White and the Seven Dwarfs\" (1937), filmmaker Walt Disney himself made several attempts", + "score": 0.7069512605667114 + }, + { + "id": "12299871", + "title": "Beauty and the Beast (1983 film)", + "text": "for Best Danish Film and Robert Award for Film of the Year. The film was entered into the 34th Berlin International Film Festival. Beauty and the Beast (1983 film) Beauty and the Beast () is a 1983 Danish drama film written and directed by Nils Malmros. The film stars Line Arlien-S\u00f8borg as a sexually active 16-year-old and Jesper Klein as the father who struggles to accept his daughter's relationships with boys as well as his own jealousy. Malmros, who had worked with the young Arlien-S\u00f8borg on his coming-of-age drama, \"Tree of Knowledge\", wrote the role of the daughter specifically for", + "score": 0.7028645277023315 + }, + { + "id": "1835552", + "title": "Vincent Cassel", + "text": "for the role.\" That year, he also starred in the German-Canadian historical film \"A Dangerous Method\", directed by David Cronenberg; in the latter, he starred opposite Keira Knightley, Michael Fassbender, and Mortensen (marking their second film together). The film premiered at the 68th Venice Film Festival and was also featured at the 2011 Toronto International Film Festival. In 2014, he portrayed The Beast opposite L\u00e9a Seydoux as Belle in the French-language adaptation of \"Beauty and the Beast\". The film was screened out of competition at the 64th Berlin International Film Festival. It was released in France on in February 2014", + "score": 0.7017027139663696 + }, + { + "id": "18545310", + "title": "Orlin Pavlov", + "text": "series \"Reward\" (Bulgarian: \u041e\u0442\u043f\u043b\u0430\u0442\u0430) at Nova TV. In 2014, he played the leading role in Nikolay Iliev's movie \"Living Legends\" (Bulgarian: \u0416\u0438\u0432\u0438 \u041b\u0435\u0433\u0435\u043d\u0434\u0438). In 2016, he synchronized the leading role of the dog Max, in new Disney movie called \"The Secret Life of Pets\" (Bulgarian: \u0422\u0430\u0439\u043d\u0438\u044f\u0442 \u0436\u0438\u0432\u043e\u0442 \u043d\u0430 \u0434\u043e\u043c\u0430\u0448\u043d\u0438\u0442\u0435 \u043b\u044e\u0431\u0438\u043c\u0446\u0438), on cinemas in August 2016. In 2017 Orlin Pavlov is going to synchronize the leading role as the Beast in new Disney movie \"Beauty and the Beast\" (Bulgarian: \u041a\u0440\u0430\u0441\u0430\u0432\u0438\u0446\u0430\u0442\u0430 \u0438 \u0417\u0432\u044f\u0440\u0430), in cinemas from 17 March. Orlin Pavlov Orlin Orlinov Pavlov (born April 23, 1979) (Bulgarian Cyrillic: \u041e\u0440\u043b\u0438\u043d \u041e\u0440\u043b\u0438\u043d\u043e\u0432 \u041f\u0430\u0432\u043b\u043e\u0432)", + "score": 0.6964472532272339 + }, + { + "id": "20516976", + "title": "Beast (2017 film)", + "text": "On Metacritic, the film has a weighted average score of 74 out of 100, based on 19 critics, indicating \"generally favorable reviews\". Beast (2017 film) Beast (Prince Boyet) is a 2017 British psychological thriller film written and directed by Michael Pearce, starring Jessie Buckley, Johnny Flynn, and Geraldine James. The film had its world premiere in the Platform section at the 2017 Toronto International Film Festival. 27-year-old Moll works as a tour guide while living with her wealthy parents to help care for her father with dementia. The community is on-edge following a string of unsolved rapes and murders of", + "score": 0.695672869682312 + }, + { + "id": "17511507", + "title": "Beauty and the Beast (2014 film)", + "text": "of 100, the film has a score of 39 based on 10 reviews, indicating \"generally unfavorable reviews\". Jessica Kiang of IndieWire thought the film was \"immensely, crushingly boring\" and Seydoux wasted in a role that required her to do little more than \"heave her breasts and fall over things prettily.\" Beauty and the Beast (2014 film) Beauty and the Beast () is a 2014 Franco-German romantic fantasy film based on the traditional fairy tale of the same name by Gabrielle-Suzanne Barbot de Villeneuve. Written by Christophe Gans and Sandra Vo-Anh and directed by Gans, the film stars L\u00e9a Seydoux as", + "score": 0.69551682472229 + }, + { + "id": "18553311", + "title": "Beauty and the Beast (2017 film)", + "text": "alone (which includes Thursday's previews) almost matched the entire opening weekend of previous Disney live-action films, \"Maleficent\" ($69.4 million) and \"Cinderella\" ($67.9 million). Unlike all previous four Disney live-action films witnessing a hike on their second day, Saturday, \"Beauty and the Beast\" actually fell 2% but, nevertheless, the dip was paltry, and the grosses are so much bigger compared to the other titles. Earning a total of $174.8 million on its opening weekend, it defied all expectations and went on to set numerous notable records. This includes the biggest opening of the year as well as the biggest for the", + "score": 0.6954465508460999 + }, + { + "id": "20516968", + "title": "Beast (2017 film)", + "text": "Beast (2017 film) Beast (Prince Boyet) is a 2017 British psychological thriller film written and directed by Michael Pearce, starring Jessie Buckley, Johnny Flynn, and Geraldine James. The film had its world premiere in the Platform section at the 2017 Toronto International Film Festival. 27-year-old Moll works as a tour guide while living with her wealthy parents to help care for her father with dementia. The community is on-edge following a string of unsolved rapes and murders of young women in the area. During Moll\u2019s birthday party, her sister hijacks the reception to announce that she is pregnant with twins.", + "score": 0.6951878070831299 + }, + { + "id": "5282242", + "title": "Beauty and the Beast (musical)", + "text": "as Maurice, and Drew Varley as LeFou. Madison Sqaure Garden Starrs Alan Bosley as Gaston A Los Angeles production opened at the Shubert Theatre on April 12, 1995, and closed on September 29, 1996. Most of the original Broadway cast, including Susan Egan, Terrence Mann, Gary Beach, Beth Fowler, Burke Moses and Tom Bosley reprised their roles. Notable replacements included James Stacy Barbour as the Beast. The sets in this production were widely considered to be the largest out of all the musical's productions in the world. After the show closed in Los Angeles, all of the sets were transferred", + "score": 0.6950023770332336 + }, + { + "id": "4187299", + "title": "Beauty and the Beast (1946 film)", + "text": "appealing and problematic\", saying \"Full of baroque interiors, elegant costumes, and overwrought jewelry (even tears turn to diamonds), the film is all surface, and undermines its own don't-trust-a-pretty-face and anti-greed themes at every turn.\" In 2010, the film was ranked #26 in \"Empire\" magazine's \"100 Best Films of World Cinema\". Beauty and the Beast (1946 film) Beauty and the Beast ( - also the UK title) is a 1946 French romantic fantasy film directed by French poet and filmmaker Jean Cocteau. Starring Josette Day as Belle and Jean Marais as the Beast, it is an adaptation of the 1757 story", + "score": 0.6946069598197937 + }, + { + "id": "7125781", + "title": "Dan Stevens", + "text": "Dan Stevens Daniel Jonathan Stevens (born 10 October 1982) is an English actor. He first drew international attention for his role as Matthew Crawley in the ITV acclaimed period drama series \"Downton Abbey\" (2010\u201312). He also starred as David in the thriller film \"The Guest\" (2014), Sir Lancelot in the adventure film \"\" (2014), The Beast/Prince in Disney's live action adaptation of \"Beauty and the Beast\" (2017), Lorin Willis in the biographical legal drama \"Marshall\" (2017), and Charles Dickens in the biographical drama \"The Man Who Invented Christmas\" (2017). Since 2017, he has starred as David Haller in the FX", + "score": 0.6940874457359314 + }, + { + "id": "5282256", + "title": "Beauty and the Beast (musical)", + "text": "amateur premiere of Disney's Beauty and the Beast, for which it was nominated for 4 AIMS Awards (Association of Irish Musical Societies) including Best Overall Show in Ireland and winning one, Best Actor in a Supporting Role (John Murphy for the part of Gaston). Belle was played by Bridget Nolan and Beast was played by Derek Ryan. * New song or instrumental cue \u2020 Expanded vocal or instrumental content, using either cut lyrics by Ashman or dance arrangements by Glen Kelly, or both. \u2021 \"Human Again\" was written by Menken and Ashman for the movie, but was cut, due to", + "score": 0.6931248903274536 + }, + { + "id": "18553309", + "title": "Beauty and the Beast (2017 film)", + "text": "the time the film's release was 10 days away, analysts raised projections to as high as $150 million. It earned $16.3 million from Thursday previews night, marking the biggest of 2017 (breaking \"Logan\"'s record), the biggest ever for a Disney live-action film (breaking \"Maleficent\"'s record), the second-biggest ever for both a G- or PG-rated film (behind the sixth \"Harry Potter\" film \"Harry Potter and the Half-Blood Prince\" which also starred Watson), and the third-biggest ever in the month of March (behind \"\" and \"The Hunger Games\"). An estimated 41% of the gross came from IMAX, 3D and premium large format", + "score": 0.6927410960197449 + }, + { + "id": "13370196", + "title": "Beastly (film)", + "text": "Beastly (film) Beastly is a 2011 American romantic fantasy drama film loosely based on Alex Flinn's 2007 novel of the same name. It is a retelling of the fairytale \"Beauty and the Beast\" and is set in modern-day New York City. The film was written and directed by Daniel Barnz and stars Alex Pettyfer and Vanessa Hudgens. \"Beastly\" was expected to be distributed to theaters by CBS Films on July 30, 2010. However, the film's release was delayed until March 18, 2011, in order to avoid a clash with the release of \"Charlie St. Cloud\", which starred Zac Efron, Hudgens's", + "score": 0.6922679543495178 + }, + { + "id": "12330932", + "title": "Luke Evans (actor)", + "text": "Jeremy Irons. In January 2015, Evans officially exited \"The Crow\" to pursue other projects. The same year, he was named one of \"GQ\"s 50 best dressed British men. In 2016, Evans appeared in the thriller film \"The Girl on the Train\", co-starring Emily Blunt. In 2017, he had the villainous role of Gaston in Disney's live action remake, \"Beauty and the Beast\", which co-stars Emma Watson; and also played the lead role, William Moulton Marston, the creator of Wonder Woman, in the film \"Professor Marston and the Wonder Women\". In 2018, Evans stars in TNT drama \"The Alienist\", as newspaper", + "score": 0.6921647787094116 + }, + { + "id": "10503188", + "title": "Beauty and the Beast (2005 film)", + "text": "Beauty and the Beast (2005 film) Beauty and the Beast (also known as Blood of Beasts) is a 2005 film which is based on the folktale \"Beauty and the Beast\" and is set during the time of the Vikings. Thorsson (Greg Melvill-Smith) the king is falling ill and wants to make a pilgrimage to an island cursed by Odin. The island is home to a horrible beast. His daughter Freya (Jane March) is betrothed to Sven (William Gregory Lee) one of Thorsson's greatest warriors. Freya tries to get an army together to go back and save her father (whom she", + "score": 0.6919093728065491 + }, + { + "id": "5605667", + "title": "Sleeping Beauty (1959 film)", + "text": "live action adaption \"Maleficent\", released in May 2014, Angelina Jolie plays the role of Maleficent and Elle Fanning plays Princess Aurora. The movie was directed by Robert Stromberg in his directorial debut, produced by Don Hahn and Joe Roth, and written by Linda Woolverton. A sequel to this film began production in May 2018. Sleeping Beauty (1959 film) Sleeping Beauty is a 1959 American animated musical fantasy film produced by Walt Disney based on \"The Sleeping Beauty\" by Charles Perrault. The 16th Disney animated feature film, it was released to theaters on January 29, 1959, by Buena Vista Distribution. This", + "score": 0.6910308599472046 + }, + { + "id": "2417699", + "title": "The Hunchback of Notre Dame (1996 film)", + "text": "in the English version) appear, and Jason Alexander and Charles Kimbrough were the only actors to reprise their roles from the movie. Disney has converted its adaptation of \"The Hunchback of Notre Dame\" into other media. For example, \"Disney Comic Hits\" #11, published by Marvel Comics, features two stories based upon the film. From 1997 to 2002 Disney-MGM Studios hosted a live-action stage show based on the film and Disneyland built a new theater-in-the-round and re-themed Big Thunder Ranch as Esmeralda's Cottage, Festival of Foods outdoor restaurant and Festival of Fools extravaganza, which is now multipurpose space accommodating private events", + "score": 0.6900880932807922 + }, + { + "id": "5282237", + "title": "Beauty and the Beast (musical)", + "text": "opened at London's Dominion Theatre on April 29, 1997, starring Julie-Alanah Brighten as Belle and Alasdair Harvey as the Beast. It also featured Burke Moses as Gaston, Derek Griffiths as Lumiere, Mary Millar as Mrs. Potts, Norman Rossington as Maurice, Barry James as Cogsworth, Di Botcher as Madame de la Grande Bouche, Richard Gauntlett as LeFou, and Rebecca Thornhill as Babette. Over the course of the production, notable replacements included Michelle Gayle and Annalene Beechey as Belle, John Barrowman and Earl Carpenter as the Beast, Alex Bourne as Gaston, and Billy Boyle and Terry Doyle as Maurice. The production ended", + "score": 0.6878776550292969 + }, + { + "id": "5282245", + "title": "Beauty and the Beast (musical)", + "text": "opened in Japan and is performed by the Shiki Theatre Company. The musical continues to tour Japan. In December 1997, the musical opened in Stuttgart at the Palladium Theatre, Stuttgart and played there until December 22, 2000. Leah Delos Santos played Belle and Uwe Kr\u00f6ger played the Beast and Marc G. Dalio played Gaston. In 1999, the musical opened in China. On March 4, 2005, Beauty and the Beast had its Scandinavian premiere at The G\u00f6teborg Opera with Fred Johanson as the Beast and Annica Edstam as Belle. On June 16, 2005, the musical began its Philippine run at the", + "score": 0.687318742275238 + }, + { + "id": "17628855", + "title": "Beauty and the Beast (franchise)", + "text": "the castle with Beast). A 1995 article by the LA Times regarding the then-new Broadway musical adaption of the 1991 movie (the first Disney film to be adapted for the stage), asked if the property was \"Disney's Newest Franchise\". The original Beauty and the Beast film, as well as the stage musical and live-action remake, have received overwhelmingly positive feedback. The various other aspects of the franchise, such as the direct-to-video sequels, have received mixed to negative reviews. Beauty and the Beast (franchise) Beauty and the Beast is a Disney media franchise comprising a film series and additional merchandise. The", + "score": 0.6860730648040771 + }, + { + "id": "11174675", + "title": "Gaston (Beauty and the Beast)", + "text": "he easily overpowers Gaston and intends to kill him. However, when Gaston begs for his life, the Beast decides to be the better man and have mercy, and climbs back up to Belle. Ungrateful and unrepentant, Gaston stabs the Beast in the back when he sees him embracing Belle, but loses his balance when the Beast swings his arm backwards at him; consequently, Gaston falls to his death. Gaston appears in the 2017 remake as played by Welsh actor Luke Evans. During an interview with \"Empire\" magazine, Evans said that Gaston would retain his hunter background, yet would also be", + "score": 0.6860207319259644 + }, + { + "id": "8316033", + "title": "Beast (Beauty and the Beast)", + "text": "Beast (Beauty and the Beast) The Beast is a fictional character who appears in Walt Disney Animation Studios' 30th animated feature film \"Beauty and the Beast\" (1991). He also appears in the film's two direct-to-video followups \"\" and \"Belle's Magical World\". Based on the hero of the French fairy tale by Jeanne-Marie Leprince de Beaumont, the Beast was created by screenwriter Linda Woolverton and animated by Glen Keane. A pampered prince transformed into a hideous beast as punishment for his cold-hearted and selfish ways, the Beast must, in order to return to his former self, earn the love of a", + "score": 0.6859287023544312 + }, + { + "id": "4410972", + "title": "Bill Condon", + "text": "the box office and closed after just seven weeks. In 2015, Condon directed \"Mr. Holmes\" starring Ian McKellen. Condon noted its similarity to \"Gods and Monsters\", not only because of its lead actor but because \"Both movies are about aging and mortality. You have a celebrated man facing the decline of his public image.\" Condon directed the 2017 live action film adaptation of the animated 1991 film \"Beauty and the Beast\". A few weeks before the film's scheduled release on March 17, 2017, Condon announced that one character, LeFou, has \"a nice, exclusively gay moment\", which resulted in an \"internet", + "score": 0.6857366561889648 + }, + { + "id": "17326573", + "title": "Alexander and the Terrible, Horrible, No Good, Very Bad Day (film)", + "text": "days like the one they shared together. In 2011, 20th Century Fox had initially planned to make a live-action film adaptation of the book. Written by Rob Lieber, the film was set to be directed by Lisa Cholodenko (who also made an earlier draft of the screenplay), and produced by Shawn Levy with Dan Levine for Levy's 21 Laps and Lisa Henson from The Jim Henson Company. Steve Carell joined in April 2012, to star as Ben, Alexander's father. In October 2012, the project was picked up by Walt Disney Pictures, after Fox was reportedly \"uncomfortable with the budget.\" By", + "score": 0.6857208609580994 + }, + { + "id": "1208629", + "title": "Beauty and the Beast (1991 film)", + "text": "Beauty and the Beast (1991 film) Beauty and the Beast is a 1991 American animated musical romantic fantasy film produced by Walt Disney Feature Animation and released by Walt Disney Pictures. The 30th Disney animated feature film and the third released during the Disney Renaissance period, it is based on the French fairy tale of the same name by Jeanne-Marie Leprince de Beaumont who was uncredited in the English version but credited in the French version, and ideas from the 1946 French film of the same name directed by Jean Cocteau. \"Beauty and the Beast\" focuses on the relationship between", + "score": 0.6841049790382385 + }, + { + "id": "15102125", + "title": "Michel Altieri", + "text": "in the original musical based on Oscar Wilde's novel \"The Picture of Dorian Gray\" for four seasons, next in \"Profondo Rosso\" (\"Deep Red\"), and originated the role of the \"Beast\" in the first ever Italian production of the Disney Broadway musical \"Beauty and the Beast\", which during its year-long run in Milan broke box-office history for ticket sales. Starring roles in straight plays include \"Christian\" in \"Cyrano de Bergerac\", \"Alberto\" in \"Due Dozzine di Rose Scarlatte\", and \"Rocco\" in \"Rocco e i Suoi Fratelli\" (based on the Visconti film \"Rocco and His Brothers\"). These roles earned him a series of", + "score": 0.6835084557533264 + }, + { + "id": "12330926", + "title": "Luke Evans (actor)", + "text": "Peter Jackson's three-part adaptation of J. R. R. Tolkien's \"The Hobbit\". Evans also portrayed the vampire Dracula in the character's film origin story, \"Dracula Untold\". In 2017, Evans starred as Gaston in Disney's live action adaptation of \"Beauty and the Beast\", and portrayed American psychologist William Moulton Marston, creator of fictional character Wonder Woman, in the biographical drama \"Professor Marston and the Wonder Women\". Evans was born on Easter Sunday, 15 April 1979, in Pontypool, and brought up in Aberbargoed, a small town in the Rhymney Valley, Wales, the only child of Yvonne and David Evans. He was raised as", + "score": 0.6822909712791443 + }, + { + "id": "5282254", + "title": "Beauty and the Beast (musical)", + "text": "in celebration of \"Beauty and the Beast\"s 20th anniversary on stage. The tour opened at the Zorlu Center in Istanbul, Turkey, and closed in January 2016 at Dubai World Trade Centre, having visited Turkey, United Arab Emirates, Greece, Italy, Philippines, Thailand, Singapore, Indonesia, China, Taiwan, Egypt, Lebanon, Romania, and Qatar. In December 2015, \"Beauty and the Beast\" came back to the Netherlands for a run at Circustheater in The Hague. In 2016, Disney and Marmelade produced an updated version for the Flemish Region of Belgium. The original cast included Josje Huisman as Belle, Jan Schepens as Beast, Dieter Troubleyn as", + "score": 0.6820763945579529 + }, + { + "id": "5282260", + "title": "Beauty and the Beast (musical)", + "text": "Original Australian Cast Recording was released in 1995. The principal cast included Rachael Beck as Belle, Michael Cormick as Beast, Hugh Jackman as Gaston, Ernie Bourne as Maurice, Toni Lamond as Madame de la Grande Bouche, Grant Smith as Lumi\u00e8re, Robyn Arthur as Mrs. Potts and Bert Newton as Cogsworth. The Original Vienna Cast Recording was released in 1996. The principal cast included Ethan Freeman as Beast, Caroline Vasicek as Belle, Kevin Tarte as Gaston, Viktor Gernot as Lumi\u00e8re, Ann Mandrella as Babette, and Rosita Mewis as Mrs. Potts. The Original London Cast Recording was released in 1997. The principal", + "score": 0.6820464730262756 + }, + { + "id": "15974797", + "title": "Beauty and the Beast (2009 film)", + "text": "calling it \"a spectacular calamity that genuinely has no saving graces whatsoever.\" Conversely, \"Monsters & Critics\" praised the film \"for all its camp, overwrought acting, diabolical machinations and just plain old silly B-movie fun\" and concluded their review by writing, \"Given all the horrible, sad news going on in the world especially today, \"Beauty\" is just what the doctor ordered for a short respite from the misery.\" Beauty and the Beast (2009 film) Beauty and the Beast is a 2009 Australian fantasy film directed by David Lister and starring Estella Warren, Rhett Giles, and Victor Parascos, and loosely based upon", + "score": 0.6817620992660522 + }, + { + "id": "16593638", + "title": "David Harris (Australian actor)", + "text": "a Stephen Schwartz's \"Children of Eden\" where he played the dual role of Noah and Adam. This was followed by the demanding role of The Baker in Stephen Sondheim's \"Into The Woods\" with the Victorian Opera and starring as The Beast in Disney's \"Beauty and the Beast\" in Melbourne. After relocating to the United States, Harris starred as Jean Valjean with the Connecticut Repertory Theatre, in their production of \"Les Mis\u00e9rables\" opposite Terrence Mann in 2015. This production was also directed by Terrence Mann. Harris has also regularly performed at the Rob Guest Endowment, Light the Night and Hats Off", + "score": 0.6816443204879761 + }, + { + "id": "13370218", + "title": "Beastly (film)", + "text": "gross earnings $43.2 million. 2011 Teen Choice Awards Hudgens and Pettyfer were honored as ShoWest Stars of Tomorrow for their roles in \"Beastly\". Beastly (film) Beastly is a 2011 American romantic fantasy drama film loosely based on Alex Flinn's 2007 novel of the same name. It is a retelling of the fairytale \"Beauty and the Beast\" and is set in modern-day New York City. The film was written and directed by Daniel Barnz and stars Alex Pettyfer and Vanessa Hudgens. \"Beastly\" was expected to be distributed to theaters by CBS Films on July 30, 2010. However, the film's release was", + "score": 0.6814636588096619 + }, + { + "id": "4521368", + "title": "An American Tail: Fievel Goes West", + "text": "Musick's personal reasons, as the character had yet to return until later in the infamous third installment, \"\", in 1998. John Lithgow and Martin Short were considered to play Cat R. Waul and T.R. Chula, but Jon Lovitz signed to play Chula and John Cleese turned down the role as Cogsworth in Disney's \"Beauty and the Beast\" to play Cat R. Waul. The film was released in the United States on November 22, 1991, exactly five years and one day after the release of the original one, and the same day as Disney's \"Beauty and the Beast\". Although it profited", + "score": 0.6813499927520752 + }, + { + "id": "5282247", + "title": "Beauty and the Beast (musical)", + "text": "the second country to host the musical. Disney had plans to bring it to the country in 1999, after the success in Argentina, but nobody really knew if it would work. Three years later, in 2002, \"Beauty and the Beast\" finally opened in Brazil at Teatro Abril, one of the biggest theaters in the country. It was a huge hit, for more than one and a half years, it was presented with Kiara Sasso playing Belle and Saulo Vasconcelos playing the Beast. In 2009, a new Belle and a new Beast were cast, Lissah Martins and Ricardo Vieira, as the", + "score": 0.6808534860610962 + }, + { + "id": "13581443", + "title": "Josh Rhett Noble", + "text": "debut, \"This Is the Year\", which is set for release in 2019. Josh Rhett Noble Josh Rhett Noble (born September 6, 1980) is an American stage, television, film and voice actor. Noble is best known for his role as Gaston in Disney's \"Beauty and the Beast\" in theaters across the country, various guest star roles in television (including stints in and the Jay-Z produced ) and for providing voice and motion capture for the Rockstar produced video game \"Red Dead Redemption 2.\" He is the recipient of the 2011 BroadwayWorld Award for Best Actor in a Musical for his portrayal", + "score": 0.6792192459106445 + }, + { + "id": "5282239", + "title": "Beauty and the Beast (musical)", + "text": "The Beast. This production closed in 2003. The third national tour opened in 2001 and closed in 2003. This production starred Jennifer Shraeder as Belle and Roger Befeler as the Beast with Marc G. Dalio as Gaston. Notable replacements on the tours have included Sarah Litzsinger, Erin Dilly and Danyelle Bossardet as Belle. The three touring companies visited 137 venues in 90 North American cities. About 5.5 million people in the United States and Canada saw these tours. The fourth national tour of \"Beauty and the Beast\" began February 2010, opening in Providence, Rhode Island, starring Liz Shivener as Belle", + "score": 0.678777277469635 + }, + { + "id": "5488300", + "title": "Nicholas Hoult", + "text": "owing to his ability to play somebody \"gentle with a capability of being fierce\". Although earlier reports had said Benjamin Walker was to play the role, Hoult was finalised for the 2011 Matthew Vaughn-directed instalment \"\", a prequel to the franchise's earlier films. Before filming began, Hoult familiarised himself with his character; he said he \"formulated [his] own version of the Beast\" and took inspiration from Kelsey Grammer's performance in the previous \"X-Men: The Last Stand\" because he wanted to emulate Grammer's charm and eloquence. Hoult learnt to speak in a dialect similar to Grammer's without trying to imitate it.", + "score": 0.677932620048523 + }, + { + "id": "18553295", + "title": "Beauty and the Beast (2017 film)", + "text": "were mistakenly featured in the original theatrical release's credits, but was later corrected in home releases. When released in 1991, \"Beauty and the Beast\", marked a turning point for Walt Disney Pictures by appealing to millions of fans with its Oscar-winning musical score by lyricist Howard Ashman and composer Alan Menken. In Bill Condon's opinion, that original score was the key reason he agreed to direct a live-action version of the movie. \"That score had more to reveal\", he says, \"You look at the songs and there's not a clunker in the group. In fact, Frank Rich described it as", + "score": 0.6778992414474487 + }, + { + "id": "17628849", + "title": "Beauty and the Beast (franchise)", + "text": "to Disney Consumer Products' Disney Princess franchise. \"Beauty and the Beast\" is the original film of the franchise. It was directed by Gary Trousdale and Kirk Wise. It was produced by Walt Disney Feature Animation, and released in 1991. \"Beauty and the Beast\" is the 30th Disney animated feature film and belongs to an era known as the Disney Renaissance. The plot of the film is based on the fairy tale \"Beauty and the Beast\" by Jeanne-Marie Le Prince de Beaumont. \"\" is the first direct-to-video installment of the film series and served as a holiday special. It was directed", + "score": 0.6777297854423523 + }, + { + "id": "7239571", + "title": "Disney Princess", + "text": "the Beast's physical appearance and repulsed by his selfishness, Belle learns to appreciate him after he rescues her from a pack of hungry wolves, expressing her gratitude by tending to his wounds. While the Beast's love for Belle gradually results in him adapting a more friendly and civil manner, Belle befriends him, eventually managing to fall in love with him by the time the last petal falls off an enchanted rose, which ultimately breaks a spell cast on him and transforms him back into a handsome prince. Emma Watson portrays Belle in the live-action adaptation, which is also titled \"Beauty", + "score": 0.6774711012840271 + }, + { + "id": "5282244", + "title": "Beauty and the Beast (musical)", + "text": "Hungary, India, Indonesia, Ireland, Israel, Italy, Japan, Lebanon, Mexico, Netherlands, Norway, Philippines, Qatar, Romania, Russia, Singapore, South Africa, South Korea, Spain, Sweden, Switzerland, Taiwan, Thailand, Turkey, United Arab Emirates, United Kingdom, and United States. Over 35 million people have seen the show worldwide and it has grossed more than $1.7 billion. On July 15, 1995, the musical began its original Australian run in Melbourne at The Princess Theatre, before moving on to Sydney. The original Australian cast included Michael Cormick as The Beast, Rachael Beck as Belle, Hugh Jackman as Gaston, and Ernie Bourne as Maurice. In 1995, the musical", + "score": 0.6771332025527954 + }, + { + "id": "18553290", + "title": "Beauty and the Beast (2017 film)", + "text": "we just couldn't get it to click and it was Alan Horn who championed the idea of owning the Disney of it all. We realized there was a competitive advantage in the songs. What is wrong with making adults feel like kids again?\" In January 2015, Emma Watson announced that she would be starring as Belle, the female lead. She was the first choice of Walt Disney Studios chairman Alan F. Horn, as he had previously overseen Warner Bros. which released the eight \"Harry Potter\" films that co-starred Watson as Hermione Granger. Two months later, Luke Evans and Dan Stevens", + "score": 0.6764922142028809 + }, + { + "id": "5282243", + "title": "Beauty and the Beast (musical)", + "text": "for the production in Mexico City in 1997. The Toronto production opened at the Princess of Wales Theatre on August 8, 1995, and closed in 1998. The production starred Kerry Butler as Belle and Chuck Wagner as the Beast, and Terry Doyle as Maurice. Notable replacements included Melissa Thomson as Belle and Steve Blanchard as the Beast. The lesser known Halifax production at the Neptune Theatre was the longest running production in the theatre's history. \"Beauty and the Beast\" has been performed in more than 30 countries, including Argentina, Australia, Austria, Belgium, Brazil, Canada, China, Egypt, Finland, France, Germany, Greece,", + "score": 0.6755669116973877 + }, + { + "id": "13581438", + "title": "Josh Rhett Noble", + "text": "Josh Rhett Noble Josh Rhett Noble (born September 6, 1980) is an American stage, television, film and voice actor. Noble is best known for his role as Gaston in Disney's \"Beauty and the Beast\" in theaters across the country, various guest star roles in television (including stints in and the Jay-Z produced ) and for providing voice and motion capture for the Rockstar produced video game \"Red Dead Redemption 2.\" He is the recipient of the 2011 BroadwayWorld Award for Best Actor in a Musical for his portrayal of Matthew in \"Altar Boyz\" as well as the 2013 BroadwayWorld Award", + "score": 0.6755534410476685 + }, + { + "id": "8806642", + "title": "Richard Grieve", + "text": "Older Patrick in \"Mame\", Greg Connell in the world premiere of \"The Boy From Oz\", Prince Charming in \"Cinderella\", and as Ovington in \"How To Succeed In Business Without Really Trying\". In October 2003 Grieve went to England to play the role of Gaston in \"Beauty & The Beast\", and has since performed in the London premiere of \"Europe\" by Australian playwright Michael Gow at the Finborough Theatre, and in a showcase of the new musical \"Paradise By The Dashboard Lights\". He toured the UK in a new stage production of \"Dial M For Murder\" by Frederick Knott. He appeared", + "score": 0.6754146814346313 + }, + { + "id": "18553291", + "title": "Beauty and the Beast (2017 film)", + "text": "were revealed to be in talks to play Gaston and the Beast respectively, and Watson confirmed their casting the following day through tweets. The rest of the principal cast, including Josh Gad, Emma Thompson, Kevin Kline, Audra McDonald, Ian McKellen, Gugu Mbatha-Raw, Ewan McGregor and Stanley Tucci were announced between March and April to play LeFou, Mrs. Potts, Maurice, Madame de Garderobe, Cogsworth, Plumette, Lumi\u00e8re and Cadenza, respectively. Susan Egan, who originated the role of Belle on Broadway, commented on the casting of Watson as \"perfect\". Paige O'Hara, who voiced Belle in the original animated film and its sequels, offered", + "score": 0.675075888633728 + }, + { + "id": "11174681", + "title": "Gaston (Beauty and the Beast)", + "text": "Gaston and Lefou sing about his wicked plan, with Gaston also admitting he \"won't feel the least bit remorseful\" so long as it works), and \"Maison de Lunes\" (in which he recruits the asylum owner to have Maurice committed). In the Melbourne stage production of the film, he was played by Hugh Jackman. Notable actors who have played the role on Broadway include Burke Moses, Marc Kudisch, Christopher Sieber, and Donny Osmond. Gaston is also featured in the Marvel Comics serial for \"Beauty and the Beast\", taking place during Belle's stay at the castle. He generally served as comic relief", + "score": 0.6749398708343506 + }, + { + "id": "13821315", + "title": "Steve Blanchard", + "text": "closed after a week, and Blanchard did not get the opportunity to perform the role. Blanchard's first Broadway appearance was in the role of Lancelot Du Lac in the 1993 revival of \"Camelot\" and subsequent national tour. He then starred in the musical \"Beauty and the Beast\" as Gaston and the Beast, playing the latter role, both on Broadway and on tour for eleven years, ending in 2007. Blanchard toured in the U.S. National companies of \"A Funny Thing Happened on the Way to the Forum\" in 1987, Ken Hill's \"Phantom of the Opera\" in 1989 (in which he performed", + "score": 0.674491822719574 + }, + { + "id": "18201631", + "title": "One Hundred and One Dalmatians (franchise)", + "text": "school. Ben, the teenaged son of King Beast and Queen Belle, invites the exiled children of defeated villains to attend a prep school with the heroes' children, among them Carlos, the son of Cruella de Vil. On September 30, 2013, \"The Hollywood Reporter\" confirmed that Disney is planning a live-action Cruella de Vil film titled \"Cruella\" with Andrew Gunn and Glenn Close as producer and executive producer respectively. Screenwriter Aline Brosh McKenna most known for writing \"The Devil Wears Prada\" was set to write it for Disney. On January 6, 2016, \"The Hollywood Reporter\" announced that Kelly Marcel, who wrote", + "score": 0.6743794679641724 + }, + { + "id": "5282262", + "title": "Beauty and the Beast (musical)", + "text": "recording for the new production was released in May 2008, starring Julia M\u00f6ller as Belle, David Ordinas as Beast, Pablo Puyol as Gaston, Ra\u00fal Pe\u00f1a as LeFou, Armando Pita as Lumi\u00e8re, Esteban Oliver as Cogsworth and Angels Jim\u00e9nez as Mrs. Potts. A \"junior\" version of the musical for middle and high school students was published by MTI. This version only included a selected number of the songs, including \"Belle\", \"Belle (Reprise)\", \"Home\", \"Home (Tag)\", \"Gaston\", \"Gaston (Reprise)\", \"Be Our Guest\", \"Something There\", \"Human Again\", \"Beauty and the Beast\", \"The Mob Song\", \"Home (Reprise)\", and \"Beauty and the Beast (Reprise)\". Also", + "score": 0.6743537783622742 + }, + { + "id": "11174635", + "title": "Gaston (Beauty and the Beast)", + "text": "Gaston (Beauty and the Beast) Gaston is a fictional character who appears in Walt Disney Pictures' 30th animated feature film \"Beauty and the Beast\" (1991). Voiced by American actor and singer Richard White, Gaston is an arrogant hunter whose unrequited feelings for the intellectual Belle drive him to murder his adversary, the Beast, once he realizes she cares for him instead. Gaston serves as a foil personality to the Beast, who was once as vain as Gaston prior to his transformation. An original character who is not present in the \"Beauty and the Beast\" fairy tale by Jeanne-Marie Leprince de", + "score": 0.6742333173751831 + }, + { + "id": "9414444", + "title": "Travis Fimmel", + "text": "for reasons unknown, so Fimmel instead took the job. The film is based on a real-life experiment on volunteers by Stanford University that was cut short after spinning out of control, with 'guards' exhibiting sadistic behaviour and 'prisoners' suffering depression. Fimmel starred opposite Patrick Swayze in A&E's 2009 series \"The Beast\" (screened in Australia on ABC2). He played rookie undercover FBI agent Ellis Dove partnered with a hardened veteran cop, Swayze's Charles Barker. Production ceased after 13 episodes due to Swayze's death from pancreatic cancer. He then played fugitive Mason Boyle in two episodes of NBC's 2010 action-adventure \"Chase\" (season", + "score": 0.6726940274238586 + }, + { + "id": "5282250", + "title": "Beauty and the Beast (musical)", + "text": "time. In 2007, a second version produced by Stage Entertainment premiered on October 3, at Teatro Coliseum, Madrid, for a limited run of six months, but the closing was postponed due to a successful season. The original cast included Julia M\u00f6ller reprising her role as Belle (later replaced by Mar\u00eda Adamuz), David Ordinas as Beast, Pablo Puyol as Gaston, Ra\u00fal Pe\u00f1a as LeFou, Armando Pita as Lumi\u00e8re, Angels Jim\u00e9nez as Mrs. Potts (later replaced by Rita Barber), Esteban Oliver as Cogsworth, Silvia Luchetti as Babette, Mar\u00eda Jos\u00e9 Oquendo as Madame de la Grande Bouche and Lorenzo Valverde as Maurice. The", + "score": 0.6726663112640381 + }, + { + "id": "11174680", + "title": "Gaston (Beauty and the Beast)", + "text": "bridge where Gaston is standing breaks into pieces, sending Gaston falling to his death. Unlike in the animated movie, Gaston's death is shown onscreen. Gaston appears in Broadway musical adaptation of \"Beauty and the Beast\", which premiered at the Lunt-Fontanne Theatre on April 18, 1994. The role was originated by actor Burke Moses, who received a nomination for a Drama Desk Award and won a Theatre World Award. Besides the songs \"Belle\", \"Gaston\", and \"Kill the Beast\" (which were from the Disney movie), Gaston performs \"Me\" (in which he self-centeredly proposes to Belle), \"Gaston (Reprise)\" (which was expanded to have", + "score": 0.6715034246444702 + }, + { + "id": "3274217", + "title": "Donny Osmond", + "text": "Cumorah Pageant. Creator Andrew Lloyd Webber later chose Osmond to star in the 1999 film version. He returned to Broadway on September 19, 2006, in the role of Gaston in Disney's \"Beauty and the Beast\". He was scheduled to perform for nine weeks, but due to popular demand he extended his run through December 24. Liz Smith of the \"New York Post\" wrote, \"I am here to tell you he is charmingly campy, good-looking and grand as the villain 'Gaston', patterned after our old friend Elvis,\" and noting \"Donny is divine\". On July 29, 2007, Osmond played Gaston again for", + "score": 0.6715022325515747 + }, + { + "id": "1400568", + "title": "Emma Thompson", + "text": "in the 1991 animated film) in Disney's live action film \"Beauty and the Beast\", directed by Bill Condon and starring with her \"Harry Potter\" collaborator Emma Watson in a leading role. It grossed $1.2billion worldwide, making it the 14th highest-grossing film of all time. She also had a supporting role as a hippy in Noah Baumbach's dramedy \"The Meyerowitz Stories\", which played in competition at Cannes and received critical acclaim. She followed it with a starring role in the Richard Eyre film \"The Children Act\", a drama about a family who refuse cancer treatment for their son based on religious", + "score": 0.6714593172073364 + }, + { + "id": "10936772", + "title": "Toby Kebbell", + "text": "Toby Kebbell Tobias Alistair Patrick Kebbell (born 9 July 1982) is an English stage and film actor. He is known for his roles in films such as \"Dead Man's Shoes\" (2004), \"RocknRolla\" (2008), \"\" (2010), \"War Horse\" (2011), \"Wrath of the Titans\" (2012), \"Dawn of the Planet of the Apes\" (2014), \"Fantastic Four\" (2015), \"Warcraft\" (2016), \"A Monster Calls\" (2016), \"Ben-Hur\" (2016), and \"Gold\" (2016). He is also known for his work in the \"Black Mirror\" episode \"The Entire History of You\". He most recently starred in the second film of the MonsterVerse film series, \"\", which was released in", + "score": 0.6714097857475281 + }, + { + "id": "1320544", + "title": "Emma Watson", + "text": "She also appeared in an episode of \"The Vicar of Dibley\", in which she played Reverend Iris. In February 2016, Watson announced she was taking a year-long break from acting. She planned to spend the time on her \"personal development\" and her women's rights work. Watson played Belle in the 2017 live action Disney adaptation of \"Beauty and the Beast\" directed by Bill Condon, and starring opposite Dan Stevens as the Beast. The film earned over $1.2 billion at the box office and emerged as the second highest-grossing film of 2017, behind only \"\", and the 14th highest-grossing film of", + "score": 0.6706703901290894 + }, + { + "id": "7426497", + "title": "Belle (Beauty and the Beast)", + "text": "her work on \"Beauty and the Beast\" and various contributions to Disney, O'Hara was honored with a Disney Legends award on August 19, 2011. Disney hired Spanish actress Pen\u00e9lope Cruz to pose as Belle in photographer Annie Leibovitz's Disney Dream Portrait Series, while actor Jeff Bridges posed as the Beast. The \"Daily Mail\" described the image as Cruz \"wearing Belle's gorgeous yellow gown and being lifted high into the air by her prince,\" accompanied by the phrase \"Where a moment of beauty lasts forever.\" Belle (Beauty and the Beast) Belle is a fictional character who appears in Walt Disney Pictures'", + "score": 0.6701499223709106 + }, + { + "id": "16247429", + "title": "Beauty & the Beast (2012 TV series)", + "text": "Beauty & the Beast (2012 TV series) Beauty & the Beast is an American television series filmed in Toronto, Canada, very loosely inspired by the 1987 CBS series of the same name, developed by Sherri Cooper-Landsman and Jennifer Levin that premiered October 11, 2012, on The CW. Kristin Kreuk and Jay Ryan star in the title roles alongside Austin Basis, Nina Lisandrello, Nicole Gale Anderson, Sendhil Ramamurthy, Max Brown, Brian J. White, Amber Skye Noyes, and Michael Roark. Catherine Chandler witnessed her mother's murder and was almost killed herself until someone\u2014or something\u2014saved her. After nine years, now working as a", + "score": 0.6701395511627197 + }, + { + "id": "9024855", + "title": "Gugu Mbatha-Raw", + "text": "Mirror\", and played a major supporting role in \"Miss Sloane\", a drama about Washington lobbyists, starring Jessica Chastain. The film premiered at the AFI Film Festival in November. In 2017, Mbatha-Raw played Plumette in the live-action remake of \"Beauty and the Beast\". In 2018, Mbatha-Raw starred in a number of science fiction feature productions, including \"A Wrinkle in Time\", directed by Ava DuVernay, and \"The Cloverfield Paradox\". The latter film made history that year, with a marketing campaign that saw the film's release onto the streaming platform Netflix, directly after it was advertised worldwide at the 2018 Super Bowl. Mbatha-Raw", + "score": 0.6701288223266602 + }, + { + "id": "2424144", + "title": "Beauty and the Beast (1987 TV series)", + "text": "Beauty and the Beast (1987 TV series) Beauty and the Beast is an American fantasy-drama series which first aired on CBS in 1987. Creator Ron Koslow's updated version of the fairy tale has a double focus: the relationship between Vincent (Ron Perlman), a mythic, noble man-beast, and Catherine (Linda Hamilton), a savvy Assistant District Attorney in New York; and a secret Utopian community of social outcasts living in a subterranean sanctuary. Through an empathetic bond, Vincent senses Catherine's emotions, and becomes her guardian. The series follows the developing relationship between the characters and the division between New York and the", + "score": 0.6695371866226196 + }, + { + "id": "1208701", + "title": "Beauty and the Beast (1991 film)", + "text": "in \"Kingdom Hearts II\", the world's primary antagonist being Xaldin, an original character created for the series, but who shares several traits with Forte, the main antagonist of \"Beauty and the Beast: The Enchanted Christmas\". Beauty and the Beast (1991 film) Beauty and the Beast is a 1991 American animated musical romantic fantasy film produced by Walt Disney Feature Animation and released by Walt Disney Pictures. The 30th Disney animated feature film and the third released during the Disney Renaissance period, it is based on the French fairy tale of the same name by Jeanne-Marie Leprince de Beaumont who was", + "score": 0.6690546274185181 + }, + { + "id": "10644738", + "title": "Josh Gad", + "text": "the live-action film remake of Disney's \"Beauty and the Beast\", co-starring with Emma Watson; starred in Reginald Hudlin's biographical drama \"Marshall\", alongside Chadwick Boseman and \"Beauty and the Beast\" co-star Dan Stevens; and played Hector MacQueen in a film adaptation of Agatha Christie's detective novel \"Murder on the Orient Express\", directed by and starring Kenneth Branagh, alongside Johnny Depp, Michelle Pfeiffer, Judi Dench, and Daisy Ridley. In addition, Gad will also be starring with Lupita Nyong'o and Alexander England in Abe Forsythe's Australian zombie romantic-comedy, horror film crossover, entitled \"Little Monsters\". Gad married actress Ida Darvish in 2008. They have", + "score": 0.6680730581283569 + }, + { + "id": "20662517", + "title": "Beast of Burden (film)", + "text": "Beast of Burden (film) Beast of Burden is a 2018 American action film written by Adam Hoelzel and directed by Jesper Ganslandt. The film stars Daniel Radcliffe and Grace Gummer. Sean Haggerty (Daniel Radcliffe) is a pilot who transports cocaine across the United States border. Over the course of his final day on the job, he must successfully navigate both the Drug Enforcement Administration and the Cartel, while simultaneously salvaging his fraught marriage. The film had a limited theatrical release on February 23, 2018. On review aggregator Rotten Tomatoes, the film has an approval rating of 33 % based on", + "score": 0.6667896509170532 + }, + { + "id": "10503191", + "title": "Beauty and the Beast (2005 film)", + "text": "again. The movie was filmed in both the United Kingdom and South Africa. \"Beauty and the Beast (Blood of Beasts)\" has received negative reviews. Review aggregator website Rotten Tomatoes currently holds it at 24% with an average rating of 2.4/5. Beauty and the Beast (2005 film) Beauty and the Beast (also known as Blood of Beasts) is a 2005 film which is based on the folktale \"Beauty and the Beast\" and is set during the time of the Vikings. Thorsson (Greg Melvill-Smith) the king is falling ill and wants to make a pilgrimage to an island cursed by Odin. The", + "score": 0.6666510701179504 + }, + { + "id": "8316073", + "title": "Beast (Beauty and the Beast)", + "text": "the villagers. Beast (Beauty and the Beast) The Beast is a fictional character who appears in Walt Disney Animation Studios' 30th animated feature film \"Beauty and the Beast\" (1991). He also appears in the film's two direct-to-video followups \"\" and \"Belle's Magical World\". Based on the hero of the French fairy tale by Jeanne-Marie Leprince de Beaumont, the Beast was created by screenwriter Linda Woolverton and animated by Glen Keane. A pampered prince transformed into a hideous beast as punishment for his cold-hearted and selfish ways, the Beast must, in order to return to his former self, earn the love", + "score": 0.666591227054596 + }, + { + "id": "9641323", + "title": "Uwe Kro\u0308ger", + "text": "to star as Joe Gillis in the German-language premiere of \"Sunset Boulevard\" in Niedernhausen. In 1997, he was offered the role of the Beast in the German premiere of the Disney musical \"Die Sch\u00f6ne und das Biest\" (\"Beauty and the Beast\" in English) in Stuttgart. He then went on to play the role of the Emcee in \"Cabaret\" in Vienna before he returned to \"Miss Saigon\" (again as Chris) in Stuttgart. From October 1999 to May 2000, Kr\u00f6ger played the antagonistic Archbishop Colloredo in the world premiere of Kunze and Levay's new musical \"Mozart!\" in Vienna. In June 2000, he", + "score": 0.6655099391937256 + }, + { + "id": "14318570", + "title": "Daniel Diges", + "text": "2012. His second studio album, released on 31 January 2012, was titled \"\u00bfD\u00f3nde estabas t\u00fa en los 70?\" and consists of covers of famous hits from the 1970s like \"Eres t\u00fa\". Diges played the role of Gaston in the national tour of \"La Bella y la Bestia\" (\"Beauty and the Beast\") which opened in September 2012 in Valladolid to visit 17 Spanish cities. On 27 August 2012, Diges was announced to join the cast of the second season of television show \"Tu cara me suena\" (\"Your Face Sounds Familiar\") on Antena 3, in which celebrity contestants impersonate a different famous", + "score": 0.6654285788536072 + }, + { + "id": "4640783", + "title": "Cruella de Vil", + "text": "literally baked into a massive cake and arrested along with Le Pelt, both being sentenced to life in prison for their actions. A live-action Cruella de Vil film is in development by Disney. Screenwriter Aline Brosh McKenna most known for writing \"The Devil Wears Prada\" is set to write the film for Disney, with Andrew Gunn as the producer, and Alex Timbers as director while Emma Stone is set to play the role. In December 2018, it was announced that Timbers will no longer be directing the live-action Cruella de Vil film due to scheduling conflicts and will be replaced", + "score": 0.6653048396110535 + }, + { + "id": "18553293", + "title": "Beauty and the Beast (2017 film)", + "text": "puppeteering for the body and the physical orientation\", where actor Dan Stevens was \"in a forty-pound gray suit on stilts for much of the film\". The facial capture for the Beast was done separately in order to \"communicate the subtleties of the human face\" and \"[capture the] thought that occurs to him\" which gets \"through [to] the eyes, which are the last human element in the Beast.\" The castle servants who are transformed into household objects were created with CGI animation. Before the release of the film, Bill Condon refilmed one certain sequence in the \"Days of the Sun\" number,", + "score": 0.6650913953781128 + }, + { + "id": "3135248", + "title": "Robby Benson", + "text": "Robby Benson Robin David Segal (born January 21, 1956), known by the stage name Robby Benson, is an American actor, voice actor, musician, singer, director, producer and educator. He is known as the voice of Beast in the Disney animated film \"Beauty and the Beast\" and its numerous sequels and spin-offs, and directed several episodes of the sitcom \"Friends\". Benson was born in Dallas, Texas, the son of Freda Ann (\"n\u00e9e\" Benson), a singer, actor, and business promotions manager, and Jerry Segal, a writer. His family is Jewish. Benson was raised in New York City and took his mother's maiden", + "score": 0.6646125316619873 + }, + { + "id": "16203159", + "title": "Whyte House Entertainment", + "text": "Industries, Steve Rocco, which premiered at the Melbourne International Film Festival and won a best editing award at the X-Dance film festival. The 2009 feature documentary \"Love the Beast\" went on to become the second highest grossing Australian documentary in history. The film was the directorial debut of Actor Eric Bana and also featured Jay Leno, Dr Phil McGraw and Jeremy Clarkson along with motor racing icon, Jim Richards. During the production of \"Love the Beast\", Whyte House and its production partner, Pick Up Truck Pictures, initiated a carbon neutral approach to the production of \"Love the Beast\", considered a", + "score": 0.6644167304039001 + }, + { + "id": "8426531", + "title": "Beauty and the Beast Live on Stage", + "text": "Beauty and the Beast Live on Stage Beauty and the Beast: Live on Stage! is a Broadway-style musical at the Theater of the Stars, on Sunset Boulevard, at Disney's Hollywood Studios, Walt Disney World and formerly at Disneyland Park and Disneyland Paris. It is based on the popular animated film \"Beauty and the Beast\" (the show opened on the same day as the film's premiere), including many of the original songs and characters. While most of the soundtrack is prerecorded, the actors playing Belle and Gaston speak and sing live. Two versions of the show have been presented since opening", + "score": 0.6643409729003906 + }, + { + "id": "5282246", + "title": "Beauty and the Beast (musical)", + "text": "Meralco Theater. Produced by Atlantis Productions, it featured KC Concepcion alternating with Karel Marquez as Belle, Jett Pangan as the Beast, and Calvin Millado as Gaston. In South America, Argentina was the first country to produce it, with Marisol Otero as Belle, Juan Rod\u00f3 as Beast, Diego Jaraz as Gaston, Gustavo Monje as LeFou, Pablo Lizaso as Lumi\u00e8re, M\u00f3nica Nu\u00f1ez as Mrs. Potts, Omar Pini as Cogsworth, Alejandra Radano as Babette and Rodolfo Valss as Maurice. It ran from November 26, 1998, at the Teatro \u00d3pera in Buenos Aires until August 15, 1999, before opening again in 2010. Brazil was", + "score": 0.6639487743377686 + }, + { + "id": "20662518", + "title": "Beast of Burden (film)", + "text": "6 reviews, and an average rating of 4.9 out of 10. Beast of Burden (film) Beast of Burden is a 2018 American action film written by Adam Hoelzel and directed by Jesper Ganslandt. The film stars Daniel Radcliffe and Grace Gummer. Sean Haggerty (Daniel Radcliffe) is a pilot who transports cocaine across the United States border. Over the course of his final day on the job, he must successfully navigate both the Drug Enforcement Administration and the Cartel, while simultaneously salvaging his fraught marriage. The film had a limited theatrical release on February 23, 2018. On review aggregator Rotten Tomatoes,", + "score": 0.6629855036735535 + }, + { + "id": "4859360", + "title": "Karlheinz Bo\u0308hm", + "text": "character had been born and raised in England to, probably, an English father, as played for short bits by Powell without an accent. Briefly, in the early 1960s, B\u00f6hm worked in the American film and television industry. He played Jakob Grimm in the MGM-Cinerama spectacular \"The Wonderful World of the Brothers Grimm\" and Ludwig van Beethoven in the Walt Disney film \"The Magnificent Rebel\". The latter film was made especially for \"Walt Disney's Wonderful World of Color\" television anthology series, but it was released theatrically in Europe. He appeared in a villainous role as the Nazi-sympathizing son of Paul Lukas", + "score": 0.6628081202507019 + }, + { + "id": "18295176", + "title": "Pete's Dragon (2016 film)", + "text": "Pete's Dragon (2016 film) Pete's Dragon is a 2016 American fantasy comedy-drama adventure film directed by David Lowery, written by Lowery and Toby Halbrooks, and produced by James Whitaker. The film is a live-action reimagining of Disney's 1977 live-action/animated musical film of the same name written by Malcolm Marmorstein. The film stars Bryce Dallas Howard, Oakes Fegley, Wes Bentley, Karl Urban, Oona Laurence, and Robert Redford. The film tells the story of an orphaned feral boy who befriends a dragon in the Pacific Northwest, and the ensuing repercussions of their discovery by the town's local residents. \"Pete's Dragon\" premiered at", + "score": 0.6626603603363037 + } + ] + }, + { + "qa_pairs": [ + { + "context": "Set in the suburban town of Rosewood, Pennsylvania, the series follows the lives of five high school girls: Spencer Hastings, Alison DiLaurentis, Aria Montgomery, Hanna Marin and Emily Fields, whose clique falls apart after the leader of the group, Alison, goes missing. One year later, the remaining estranged friends are reunited as they begin receiving messages from a mysterious villain named \"A\" and later from \"A.D.\", who threatens and tortures them for the mistakes and lies they have made and told before and after Alison's death. At first, they think it is Alison herself, but after her body is found, the girls realize that it is somebody else who wants revenge.", + "question": "Where is pretty little liars supposed to take place in terms of setting?", + "short_answers": [ + "Rosewood, Pennsylvania", + "Rosewood" + ], + "wikipage": "Pretty Little Liars" + }, + { + "context": "No context provided", + "question": "Where is pretty little liars pilot filming supposed to take place?", + "short_answers": [ + "City of Vancouver", + "Vancouver, British Columbia, Canada", + "Vancouver" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Where is pretty little liars filming supposed to take place after the pilot episode?", + "short_answers": [ + "Los Angeles, California", + "Los Angeles" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "Pretty Little Liars", + "url": "https://en.wikipedia.org/wiki/Pretty%20Little%20Liars" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": " After the pilot was shot in Vancouver in December 2009, filming for the rest of the series moved to Los Angeles.", + "wikipage": "Pretty Little Liars" + }, + { + "content": "Pretty Little Liars is an American teen drama mystery thriller television series developed by I. Marlene King and is loosely based on the novel series of the same name written by Sara Shepard. ", + "wikipage": "Pretty Little Liars" + } + ], + "long_answer": "The American teen drama mystery thriller television series, Pretty Little Liars, is set in Rosewood, Pennsylvania. The filming for the pilot was in Vancouver, British Columbia, Canada but the rest of the series was filmed in Los Angeles, California. " + } + ], + "sample_id": "2162155846997726979", + "question": "Where is pretty little liars supposed to take place?", + "docs": [ + { + "id": "10492161", + "title": "Pretty Little Liars (book series)", + "text": "of each \"A\". Set in the suburbs of Philadelphia, the series follows the lives of four teenage girls nicknamed \"the Pretty little Liars\" or simply \"the Liars\", whose clique falls apart after the disappearance of their Queen bee leader, \"Alison DiLaurentis\". Three years after her disappearance, the girls begin receiving threatening messages from an anonymous character named \"A,\" who threatens to expose their secrets, including long-hidden ones they thought only Alison knew. Shortly after the messages begin, Alison's body is discovered buried in her yard. The books progress with the four girls trying to figure out the identity of \"A\"", + "score": 0.7208045721054077 + }, + { + "id": "5031904", + "title": "Stars Hollow", + "text": "Since 2010, the \"Gilmore Girls\" set is used for the ABC Family show \"Pretty Little Liars\". Luke's Diner is now used as Rosewood Cafe. \"Hart of Dixie\"'s fictional Bluebell also uses the square. The Stars Hollow High School is used as Rosewood High School. It was also used in the 2012 TV series \"Go On\" season 1 episode 6 'Big League Chew' in a dream-like sequence of the character Ryan King. Stars Hollow was inspired by and is loosely based on the actual villages of Washington Depot, Connecticut, West Hartford, Connecticut, and the town of New Milford, Connecticut while the", + "score": 0.7159563302993774 + }, + { + "id": "12521232", + "title": "Sara Shepard", + "text": "worked at Time, Inc. Custom Publishing and produced lifestyle magazines for corporate clients. She started ghostwriting as a freelancer in 2002 and writing her own books in 2005. Shepard currently resides in Pittsburgh, Pennsylvania. Shepard's book series \"Pretty Little Liars\" and \"The Lying Game\" have both been turned into television series by ABC Family (now under the name of Freeform). The \"Pretty Little Liars\" series of novels is \"loosely based on her experiences growing up in Chester County. The adaptation television series \"Pretty Little Liars\" lasted for 7 seasons. It also had a short-lived spin-off starring cast member Tyler Blackburn", + "score": 0.7149948477745056 + }, + { + "id": "18301699", + "title": "Rosewood (Pretty Little Liars)", + "text": "Rosewood (Pretty Little Liars) Rosewood is the fictional setting for both the \"Pretty Little Liars\" book series and the \"Pretty Little Liars\" television series. The fictional city is suggested to be loosely based on West Chester, Pennsylvania. Rosewood was founded by William W. Rosewood. As a Main Line town, it has a long history of prestige associated with the railroad industry of the 1800s. Majority of the residents are in the upper class and many families, such as the Hastings, have had significant wealth dating back to the 1800s. The town consists of farms, cornfields, and pastures, and barns converted", + "score": 0.7072644829750061 + }, + { + "id": "14201329", + "title": "Pretty Little Liars", + "text": "featuring the cast and executive producer King discussing the series ending. On September 25, 2017, Freeform announced that a second spin-off series, titled \"\", had been ordered, with Pieterse and Parrish reprising their roles as Alison DiLaurentis and Mona Vanderwaal respectively. On May 14, 2018, Freeform picked up the series for a 10-episode first season, set to air in 2019. In a 2018 panel, Parrish said that some plot points created in \"Pretty Little Liars\" will be resolved during the spin-off. Set in the small suburban town of Rosewood, Pennsylvania, the series follows the lives of five girls: Spencer Hastings,", + "score": 0.6990920305252075 + }, + { + "id": "14831311", + "title": "Alison DiLaurentis", + "text": "the original series. \"Pretty Little Liars\" is a series of books which revolves around the lives of four teenagers in Rosewood, Pennsylvania whom each struggle with different physical and psychological issues, as well as living in danger because of a dangerous stalker who emerges after the four's best friend and leader Alison DiLaurentis vanishes and is found dead. The twin sisters Alison and Courtney Day-DiLaurentis were born on June 6, 1990, the fruits of a secret sexual relationship between Jessica DiLaurentis and Peter Hastings. They were identical, but completely opposite in personality. Both were popular in her hometown, but Alison", + "score": 0.6958115100860596 + }, + { + "id": "8576637", + "title": "The Princess Diaries", + "text": "her on-going journal, where she explores topics of teenage angst, love, and betrayal as she lives and learns from them. The main series follows Mia from her freshman year of high school to her graduation, with a two-year jump between the ninth and tenth books. The series is set primarily in the Manhattan borough of New York City. Some books take place in Genovia, a fictional European country. The Genovia described in the books differs significantly from the Genovia depicted in the films: in the former, Genovia is referred to as a principality between France and Italy ruled by Mia's", + "score": 0.6944238543510437 + }, + { + "id": "5319386", + "title": "Now and Then (film)", + "text": "Gaslight Addition and Old Town Cemetery, highlighting the downtown area. Additional filming was done in Statesboro, Georgia in locations including the Bulloch County Court House (also featured in the film \"1969\" and the building now housing the Averitt Center for the Arts. On July 18, 2012, it was announced that ABC Family would develop the film into a television series by I. Marlene King, who wrote the film and adapted \"Pretty Little Liars\". However, the project did not move past the development stage. In 1991, four childhood friends reunite in their hometown of Shelby, Indiana. Samantha Albertson, a science-fiction writer,", + "score": 0.692511796951294 + }, + { + "id": "14201332", + "title": "Pretty Little Liars", + "text": "Liars\" television pilot for ABC Family, with the novels adapted for television. After the pilot was shot in Vancouver in December 2009, filming for the rest of the series moved to Los Angeles. The series was primarily filmed at the Warner Bros. studio and backlot in the city of Burbank, near Los Angeles. In June 2012, the series was selected by lottery for a California film and TV tax credit. ABC Family began casting for a \"Pretty Little Liars\" television pilot in October 2009. Lucy Hale was cast as Aria Montgomery in the project, followed by Troian Bellisario as Spencer", + "score": 0.6905726194381714 + }, + { + "id": "3306903", + "title": "Peyton Place (TV series)", + "text": "stories were adapted from the 1956 book and 1957 film of the same name, although some principal character names, backstories and occupations were changed or simply eliminated. The time setting was changed from the early 1940s (of the novel and film) to the present day, and the town's location, which had previously been unidentified, was established as being in the commonwealth of Massachusetts in the fourth episode. Some sensational plot lines from the novel (like incest) were replaced with less controversial themes (like teen pregnancy). The series, nevertheless, immediately was criticized for the sexual themes with which it dealt. \"Peyton", + "score": 0.6860434412956238 + }, + { + "id": "18301700", + "title": "Rosewood (Pretty Little Liars)", + "text": "into apartments and other types of buildings. Many of the mansions were converted from large farms. Several homes of the characters are near forested areas. Emily's backyard is bordered by the woods, Spencer and Alison's neighborhood is surrounded by a small forest, and the Kahn's vast property is also bordered by a forest. However, the protagonists appear to live in very different sections of the suburb. Though it is strongly leaning towards the rural end, Rosewood appears to be a fairly large town. The town also has a shopping center called King James Mall. Rosewood is in Pennsylvania, about 20", + "score": 0.6845778822898865 + }, + { + "id": "14201348", + "title": "Pretty Little Liars", + "text": "season two's premiere and finale episodes, each yielding nearly 3.7 million viewers. The show stands as the most watched series on ABC Family, maintaining a steady viewership of over 2.5 million and currently standing as the only show to yield an average of over 2 million viewers. \"Ravenswood\" is a supernatural teen drama mystery-thriller series, set in the fictional town of Ravenswood, Pennsylvania, the series follows five strangers whose lives become intertwined by a deadly curse that has plagued their town for generations. They have to dig into the town's dark past to solve the mysterious curse. \"Pretty Little Liars:", + "score": 0.6783417463302612 + }, + { + "id": "14201331", + "title": "Pretty Little Liars", + "text": "by book packaging company Alloy Entertainment, the idea was described as \"\"Desperate Housewives\" for teens.\" Alloy met with author Shepard and gave her the property to develop into a book series. With Alloy and Warner Horizon Television interested in producing \"Pretty Little Liars\" as a television series for years, it was first planned for The WB in 2005 with a different writer until the network shut down in early 2006 and reestablished as The CW later that year. The first novel was published by HarperTeen in October 2006. In June 2008, Alloy noted that it was developing a \"Pretty Little", + "score": 0.6773920655250549 + }, + { + "id": "18902372", + "title": "Of Late I Think of Rosewood", + "text": "premiered. In 2017, five years after the events of the previous episode, the protagonists have all gone their separate ways. Spencer Hastings (Troian Bellisario) is living in Washington D.C. working with lobbyists and has since become close to Caleb Rivers (Tyler Blackburn) since she broke up with her high school sweetheart Toby Cavanaugh (Keegan Allen), who has since become serious with his carpentry business. Hanna Marin (Ashley Benson) is working for a fashion line based in New York City and travels frequently, and is engaged to a man named Jordan. Aria Montgomery (Lucy Hale) is working for a publishing house", + "score": 0.6766046285629272 + }, + { + "id": "19362066", + "title": "The Vaporization Enthalpy of a Peculiar Pakistani Family", + "text": "obstacles, and once reconnected, they finally reach equilibrium. This story takes place in Pakistan, but does not specify where. The characters often mention places vaguely using phrases such as, \"the City\", or \"the Mountains\". The main character Tara also enrolls in Punjab University located in Lahore, Pakistan. Details in the story describing terrorist attacks and suicide bombings, suggest the story takes place during a time period of last 70 years in Pakistan. Because Malik's story is published worldwide, there is a broad range of readers. Overall many readers enjoyed the story, but there was some controversy about the genre. Some", + "score": 0.6759951710700989 + }, + { + "id": "18947620", + "title": "Another Day (novel)", + "text": "was to spark a relationship between Alexander and Rhiannon, so she can move on from \"A\". Throughout the novel, Rhiannon talks to and encounters \"A\" in many different host bodies. Some bodies are significant to the story, while others are not. When Rhiannon is talking to \"A\" in Ashley's body, it is revealed that the novel takes place somewhere in Maryland. The location also reveals itself when \"A\" was in Hugo's body, as he mentioned he was in Annapolis for the day at a parade. During the conversation with Ashley, \"A\" tells Rhiannon they ended up in Maryland because a", + "score": 0.6732394695281982 + }, + { + "id": "17916487", + "title": "Pretty Little Liars (season 5)", + "text": "Pretty Little Liars (season 5) The fifth season of the American mystery drama television series Pretty Little Liars began airing on ABC Family on June 10, 2014. Shooting for the season began on March 24, 2014, and ended on November 20, 2014. The season aired from June 10, 2014 to March 24, 2015. Like the second season, the season consisted of 25 episodes, including a special holiday-themed episode, instead of a Halloween episode which was written by I. Marlene King and her assistant Kyle Bown and was directed by King. It also contained the 100th episode and the episode was", + "score": 0.6723644137382507 + }, + { + "id": "10492160", + "title": "Pretty Little Liars (book series)", + "text": "Pretty Little Liars (book series) Pretty Little Liars is a series of young adult novels by Sara Shepard. Beginning with 2006's initial novel of the same name, the series follows the lives of four girls \u2013 Spencer Hastings, Hanna Marin, Aria Montgomery and Emily Fields. The novels have appeared on \"The New York Times\" Best Seller list. A television series adaptation loosely based on the novels debuted on June 8, 2010, on ABC Family. The franchise has been licensed by Amazon.com's Kindle Worlds range of non-canon ebooks. The series is loosely divided into four arcs, chronicling the introduction and reveal", + "score": 0.6719892024993896 + }, + { + "id": "15844726", + "title": "Emily Fields", + "text": "let go of her feelings for Alison. Emily was a former student at Rosewood High School in Rosewood, Pennsylvania, a star and a non-competitive swimmer. A year prior to the start of the series, Emily had been best friends with Alison DiLaurentis (Sasha Pieterse), a cruel popular girl who went missing one day. At the beginning of the school year, Emily befriends a girl named Maya St. Germain (Bianca Lawson), her new next-door neighbor whose family has moved into the old DiLaurentis house. Emily and Maya instantly bond, and the next day they kiss when Emily walks her home. With", + "score": 0.6719824075698853 + }, + { + "id": "20116272", + "title": "Playtime (Pretty Little Liars)", + "text": "July 19, 2016, in and around Los Angeles, California, mostly on the backlot of the Warner Bros. studio lot in Burbank. Cast member Lesley Fera makes her debut on the season as Veronica Hastings in this episode in a recurring capacity, after last appearing on \"Hush... Hush, Sweet Liars,\" the season finale of the previous season. On July 28, 2016, \"The Hollywood Reporter\" reported that Shane Coffey would be returning as Holden Strauss; Shane has not appeared on the show since the beginning of the third season, and returns in this episode. The premiere served to launch Marlene King's new", + "score": 0.6705185174942017 + }, + { + "id": "14725566", + "title": "Aria Montgomery", + "text": "disappearance, Aria's father moves his family to Iceland in an attempt to hide the affair from Aria's mother, Ella. In the first novel, Aria and her family return from Iceland, moving back into their old house in Rosewood, Pennsylvania. She, Hanna, Spencer, and Emily have grown apart since Alison's disappearance. Since the three year jump, Aria has now blossomed into a beautiful and confident young woman. She meets Ezra Fitz at a local bar and they connect; hooking up in the girls bathroom. She later finds that after all her time in Iceland, formerly overweight Hanna is now thin, glamorous,", + "score": 0.6704622507095337 + }, + { + "id": "20776595", + "title": "Escape from New York (Pretty Little Liars)", + "text": "up with Aria and Alison heading one way and Spencer, Hanna and Emily heading in another. Hanna hands A's gun over to Aria as they leave. Emily is worried about Alison but Spencer and Hanna try to convince her that Alison has been hiding from \u2018A\u2019 in plain sight for the past 2 years and can take care of herself. In Rosewood, at the Hastings house, Veronica is on the phone with Ashley. She asks Ashley to call if she hears from Hanna and assures her that they\u2019ll do the same. Melissa is shocked that Spencer knew all this time", + "score": 0.669126033782959 + }, + { + "id": "14201326", + "title": "Pretty Little Liars", + "text": "Pretty Little Liars Pretty Little Liars is an American teen drama mystery thriller television series developed by I. Marlene King and is loosely based on the novel series of the same name written by Sara Shepard. The series follows the lives of four girls whose clique falls apart after the disappearance of their leader. One year later, the estranged friends are reunited as they begin receiving messages from a mysterious figure named \"A\" who threatens to expose their deepest secrets. The series features an ensemble cast, headed by Troian Bellisario as Spencer Hastings, Lucy Hale as Aria Montgomery, Ashley Benson", + "score": 0.6681815385818481 + }, + { + "id": "20219845", + "title": "Till Death Do Us Part (Pretty Little Liars)", + "text": "reveals to Hadley as Addison is missing and the series ends when she says \"I think that I heard a scream\". The story was drafted by series creator I. Marlene King and Kyle Bown, while its teleplay was composed by King and executive producer Maya Goldsmith. This is the only season finale not entirely written solely by King. The episode was aired as a two-hour special event. Directed by King, it was filmed in October 2016 in and around Los Angeles, California, mostly on the backlot of the Warner Bros. studio lot in Burbank. Filming started in October 5 and", + "score": 0.6679746508598328 + }, + { + "id": "17185301", + "title": "Ravenswood (TV series)", + "text": "Ravenswood (TV series) Ravenswood was an American supernatural teen drama, mystery-thriller television series created by I. Marlene King, Oliver Goldstick and Joseph Dougherty. The show premiered on ABC Family on October 22, 2013, as a spin-off series of \"Pretty Little Liars\", airing on the same network and is the second show in the \"Pretty Little Liars\" franchise. \"Ravenswood\" takes place during the events of the original series' fourth season. On February 14, 2014, \"Ravenswood\" was canceled due to low ratings after one season. Set in the fictional town of Ravenswood, Pennsylvania, the series follows five strangers whose lives become intertwined", + "score": 0.6667957901954651 + }, + { + "id": "11017367", + "title": "Pageant Place", + "text": "Pageant Place Pageant Place is an American reality show that follows Miss Universe Organization pageant winners Miss Universe Riyo Mori, Miss USA Rachel Smith and Miss Teen USA 2006 Katie Blair, (who was later replaced by her successor Miss Teen USA 2007 Hilary Cruz) as they live together in an apartment in New York City. They are guided by Miss USA 2006 Tara Conner, in a chaperonal role. MTV received high ratings for the premiere of the show on October 10, 2007. There were plans to continue with the show in 2008 when Dayana Mendoza, the new Miss Universe, Crystle", + "score": 0.665290355682373 + }, + { + "id": "17159774", + "title": "Pretty Little Liars (season 4)", + "text": "Pretty Little Liars (season 4) The fourth season of the American mystery drama television series Pretty Little Liars began airing on ABC Family on June 11, 2013. The season consisted of 24 episodes, which were filmed between March 14, 2013 and November 2, 2013. The season concluded its broadcast on March 18, 2014. The season continues from where it left off in the third-season finale, where the girls were rescued from the burning building by who they believe is Alison. The girls begin looking for answers that could lead to Alison's whereabouts while dealing with the aftermath of Detective Wilden's", + "score": 0.6646178364753723 + }, + { + "id": "5939278", + "title": "Teen drama", + "text": "in the Upper East Side of New York City), or in fictional small town settings (such as \"One Tree Hill\", which was set in the North Carolina town of Tree Hill; \"Dawson's Creek\", which was set in Capeside, Massachusetts; and \"Gilmore Girls\", which was set in Stars Hollow, Connecticut). Shows that depict teenage life in a more realistic manner tend not to do as well \u2013 such examples include \"My So-Called Life\" and \"Freaks and Geeks\", which were critically acclaimed, but suffered from low ratings and were subsequently cancelled. Though the genre originated in the United States, teen dramas have", + "score": 0.6642754673957825 + }, + { + "id": "14201343", + "title": "Pretty Little Liars", + "text": "was announced on June 10, 2014 that \"Pretty Little Liars\" was renewed for two seasons, making the show ABC Family's longest running original hit series. On August 29, 2016, I.Marlene King announced that \"Pretty Little Liars\" would be ending after the seventh season had aired. The second half of the seventh season will begin airing later than previous season, in April instead of January. \"Pretty Little Liars\" opened with mixed reviews. Metacritic gave the pilot episode 52 out of 100, based upon 14 critical reviews. The New York \"Daily News\" gave the show a positive review, commenting that it \"makes", + "score": 0.6642438173294067 + }, + { + "id": "19369693", + "title": "Red Coat (Pretty Little Liars)", + "text": "and brother are also there, unconscious. With Mona's aid, the Liars figure out that \"A's\" phone server is located at the Carissimi Group's building and along with Sara make their way over there. They manage to break into a secret room hidden in the wall of an empty storage room. The Liars and Mona go inside but Sara suspiciously leaves them behind, just as the door closes. A holographic monitor comes on and the Liars get a glimpse of a live feed that shows Alison in a room, talking to \"A\". \"A\" turns around and is revealed to be CeCe", + "score": 0.6638209819793701 + }, + { + "id": "2117515", + "title": "Winesburg, Ohio", + "text": "is picked up in the church used as a drug den, from under a mattress, when character Madison Clark indicates it belongs to her son, Nick. Nick is shown reading and discussing the book in season 2, episode 1, which takes its title from the book's opening story. In the ABC television series, \"Pretty Little Liars\", the book is given to the character Aria Montgomery by her English teacher, Ezra Fitz, with whom she is having an affair. He writes the inscription \"When you need to leave Rosewood... Ezra\" on the first page. In the 13th and final episode of", + "score": 0.6637011170387268 + }, + { + "id": "14099854", + "title": "School for Creative and Performing Arts", + "text": "in Over-the-Rhine. The first season, which premiered on March 19, 2009, was the number one primetime cable telecast among females 12\u201324 years old and one of the top four among all viewers 12\u201334 years old. The second season began filming at the school in 2009, and first aired on January 16, 2010. The show was cut from one hour to 30 minutes and focused on new transfer students instead of current SCPA students, leading some students and parents to complain that the admission process had been compromised. The school denied the claim. It ran for 16 episodes, through April 15,", + "score": 0.663565456867218 + }, + { + "id": "18963493", + "title": "The Baby-Sitters Club", + "text": "in the state of Connecticut. It is the hometown of many of the characters in both \"The Baby-Sitters Club\" series and the \"Baby-Sitters Little Sister\" series as well. The real life hamlet of Stony Brook, New York is on the north shore of Long Island, just across the Long Island Sound from Connecticut. The town is likely near Stamford, Connecticut. Several adults in the town commute to Stamford, and Jessi Ramsey takes her ballet classes there. Stoneybrook's known public schools include Stoneybrook Elementary, Stoneybrook Middle School, Kelsey Middle School, and Stoneybrook High School. Private schools include Stoneybrook Academy (which Karen", + "score": 0.6634759902954102 + }, + { + "id": "20219846", + "title": "Till Death Do Us Part (Pretty Little Liars)", + "text": "wrapped in October 26, marking it the last day of filming for \"Pretty Little Liars\" ever. Scenes at the set for the fictional Lost Woods Resort were filmed. On August 29, 2016, King and the principal cast of the series announced that \"Pretty Little Liars\" was ending after the seventh season. King also announced that it would start airing the second half of the season later than usual, in April 2017 and that the series finale would be a two-hour episode event. On October 26, 2016, it was reported that a tell-all special would be aired after the series finale,", + "score": 0.6633384227752686 + }, + { + "id": "14891576", + "title": "Pilot (Pretty Little Liars)", + "text": "Pilot (Pretty Little Liars) \"Pilot\" is the series premiere of the mystery drama series \"Pretty Little Liars\". It introduces each of the main characters, as well as establishes the basic premises of the series. The episode aired on June 8, 2010 on ABC Family. In the episode, the main characters find themselves apprehensive one year after the disappearance of Alison DiLaurentis. When Aria Montgomery returns to Rosewood, she rediscovers her old friends and secrets of the past begin to haunt them. Alison's body is then found in her former home, and after the funeral, the girls receive a frightening anonymous", + "score": 0.6628236770629883 + }, + { + "id": "15402547", + "title": "Pretty Little Things", + "text": "Elaine's. Todd LaManna is Bradley's father, and Elaine's stepfather. He is a used-car salesman, and having an affair. Molly is Elaine's best friend, and gives Agent Dees some insight at the beginning of the novel. Liza is Lainey's 16 year old sister, and experiments with drugs and alcohol. She has run away from home at least once before. The book is largely set at real-world locations. Elaine's former school is Ramblewood Middle School in Coral Springs, FL. Her new school is Sawgrass Middle School. Pretty Little Things Pretty Little Things is a 2010 novel by Jilliane Hoffman. It was released", + "score": 0.6625343561172485 + }, + { + "id": "10320496", + "title": "The Pierces", + "text": "The Pierces The Pierces are a Los Angeles-based band consisting of sisters Allison and Catherine Pierce. They are best known for their song \"Secret\", which was used as the opening song for the television show \"Pretty Little Liars\". Allison Margaret Pierce (born July 22, 1975) and Catherine Eleanor Pierce (born September 12, 1977) were born in Birmingham, Alabama. They traveled frequently and received home-schooling from their self-described hippie parents. Their father played the guitar in various bands, while their mother was a painter. Exposed to music and arts at an early age, the Pierce sisters grew up listening to The", + "score": 0.6624520421028137 + }, + { + "id": "13842544", + "title": "House of Night", + "text": "Cascia Hall, and the climactic scene of the first book in the series takes place in the extensive gardens of the Philbrook Museum. Zoey sometimes sneaks off-campus to the elegant shops of nearby Utica Square, and several important confrontations take place in Utica Square's Starbucks coffee shop. Some of the novels' most dramatic scenes take place in a catacomb-like network of tunnels under downtown Tulsa built by bootleggers during Prohibition; though a few such tunnels do indeed exist, and can be visited, they are far less extensive than the tunnels described by Cast. The abandoned Art Deco train depot where", + "score": 0.6621403694152832 + }, + { + "id": "15461425", + "title": "Pretty Little Liars (season 2)", + "text": "Pretty Little Liars (season 2) The second season of Pretty Little Liars, based on the books of the same name by Sara Shepard, premiered on June 14, 2011 and concluded on March 19, 2012 on ABC Family. On January 10, 2011, ABC Family renewed the series for a second season. The season premiere brought in 3.68 million viewers, which was higher than the season 1 premiere. The Halloween special aired on October 19, 2011, drawing 2.5 million total viewers. The second half of season 2 premiered on January 2, 2012. Picking up the night Ian Thomas's body disappears, Spencer, Aria,", + "score": 0.6619274020195007 + }, + { + "id": "20268951", + "title": "It Happened 'That Night'", + "text": "It Happened 'That Night' \"It Happened 'That Night'\" is the first episode of the third season of \"Pretty Little Liars\", and the forty-eighth episode overall, which premiered on ABC Family on June 5, 2012. It was directed by Ron Lagomarsino and written by I. Marlene King. The series follows the lives of four girls \u2014 Spencer, Hanna, Aria and Emily \u2014 whose clique parts after the disappearance of their leader, Alison; later they begin receiving various messages from someone using the name \"A\" who threatens to expose their secrets \u2014 including long-hidden ones they thought only Alison knew. In this", + "score": 0.661901593208313 + }, + { + "id": "14201349", + "title": "Pretty Little Liars", + "text": "The Perfectionists\" is an upcoming teen drama mystery series, based on the novel \"The Perfectionists\" by Sara Shepard. Set in another fictional town of Beacon Heights, Washington, where everything seems perfect, from their top-tier college to their overachieving residents and the stress of needing to be perfect leads to the town\u2019s first murder. Sasha Pieterse and Janel Parrish will return to their roles as Allison DeLaurentis and Mona Vanderwaal. The series will also star Sofia Carson, Sydney Park, Eli Brown, Kelly Rutherford and Hayley Erin. \"Pretty Dirty Secrets\" is a web series, which taking place between the events of two", + "score": 0.6616312265396118 + }, + { + "id": "20360290", + "title": "Pretty Little Liars: The Perfectionists", + "text": "Pretty Little Liars: The Perfectionists Pretty Little Liars: The Perfectionists is an upcoming American teen drama television series developed by I. Marlene King. The series is a sequel to \"Pretty Little Liars\" and based on the novel \"The Perfectionists\" by Sara Shepard. Freeform ordered the series to pilot on September 25, 2017, as the second spin-off series of \"Pretty Little Liars\" which will include some of the main characters. Freeform picked up the series for a 10-episode first season on May 14, 2018. Freeform ordered the show to pilot on September 25, 2017, as a sequel to \"Pretty Little Liars\"", + "score": 0.6613867282867432 + }, + { + "id": "20776592", + "title": "Escape from New York (Pretty Little Liars)", + "text": "Escape from New York (Pretty Little Liars) \"Escape from New York\" is the first episode and the premiere of the fifth season of the American mystery drama television series \"Pretty Little Liars\" and the 96th episode of the series overall. The episode was written by showrunner I. Marlene King and directed by Norman Buckley, it aired on June 10, 2014 on ABC Family and was watched by 2.72 viewers. The episode opens with paramedics loading Ezra into an ambulance. Noel is being questioned by the police. Noel claims that he heard the gunshot and ran to the rooftop and found", + "score": 0.6603213548660278 + }, + { + "id": "19305457", + "title": "Riverdale (2017 TV series)", + "text": "driver parked his 18-wheeler there, believing that it was open. Season two was also filmed in Vancouver and the nearby Fraser Valley. The aerial view of Riverdale is actually drawn from stock footage used in the series \"Pretty Little Liars\", \"Gilmore Girls\", and the landmark setting are the same utilized in both of the aforementioned series as well as in \"Hart of Dixie\". Filming for the second season started on June 22, 2017, and concluded on March 27, 2018. Filming for the third season started on July 6, 2018. Several reviewers had noted that the series' episode titles are often", + "score": 0.6603111624717712 + }, + { + "id": "18080649", + "title": "Grave New World (Pretty Little Liars)", + "text": "Grave New World (Pretty Little Liars) \"Grave New World\" is the 13th episode of the fourth season of the American mystery drama series \"Pretty Little Liars\". It originally aired on October 22, 2013 on ABC Family and serves as the season's Halloween episode, which aired as part of the \"13 Nights of Halloween\" programming block. The episode was directed by Ron Lagomarsino and written by Joseph Dougherty, Oliver Goldstick and I. Marlene King. The episode also serves as a backdoor pilot to the series\u2019 spinoff \"Ravenswood\", which follows a group of people investigating the supernatural occurrences in the titular town.", + "score": 0.6599564552307129 + }, + { + "id": "14489035", + "title": "Pretty Little Liars (season 1)", + "text": "Hanna Marin, Emily Fields, and Alison DiLaurentis are enjoying a sleep-over at Spencer's family's barn in her backyard. The girls drink alcohol and tell secrets, before passing out. When the girls wake up they discover Alison and Spencer missing, however Spencer returns claiming she heard Alison scream and went to look for her. Following Alison's disappearance, the four remaining girls drift apart without their clique leader and Aria's family moves to Iceland for a year. One year later, Aria returns to Rosewood, and hooks up with Ezra Fitz at a bar and later discovers he is her new English teacher.", + "score": 0.659794807434082 + }, + { + "id": "17937516", + "title": "For Whom the Bell Tolls (Pretty Little Liars)", + "text": "For Whom the Bell Tolls (Pretty Little Liars) \"For Whom the Bell Tolls\" is the season finale of the first season of the American mystery-drama series \"Pretty Little Liars\", based on the novels written by Sara Shepard, and the twenty-second episode of the series overall. It originally aired on ABC Family in the United States on March 21, 2011. The episode was directed by Lesli Linka Glatter and written by I. Marlene King. In the episode, the girls plan to expose Ian as Alison's murderer after finding video files of them changing in their rooms. Meanwhile, each of the girls", + "score": 0.6586328744888306 + }, + { + "id": "16863888", + "title": "Pretty Dirty Secrets", + "text": "Pretty Dirty Secrets Pretty Dirty Secrets is an American mystery web series from the television series \"Pretty Little Liars\". The web series takes place between the events of the series' third season episodes, \"The Lady Killer\" and \"This Is a Dark Ride\". It is set in a Rosewood's costume store as the residents of Rosewood prepared for Halloween. The web series was written by Kyle Bown & Kim Turrisi and directed by Arthur Anderson. Kyle Bown, the assistant to \"Pretty Little Liars\" showrunner I. Marlene King, and Kim Turrisi, who is not part of the writing staff, were hired to", + "score": 0.6573148965835571 + }, + { + "id": "14489034", + "title": "Pretty Little Liars (season 1)", + "text": "Pretty Little Liars (season 1) The first season of Pretty Little Liars, based on the books of the same name by Sara Shepard, premiered on June 8, 2010 and concluded on March 21, 2011 on ABC Family. The show premiered to 2.47 million viewers and retained a regular audience of 2.5 million viewers during its summer run. The summer finale scored 3.07 million viewers, achieving a series high. The show went on hiatus and returned with its winter premiere on January 3, 2011, with 4.20 million viewers, becoming one of ABC Family's top telecasts to date. Spencer Hastings, Aria Montgomery,", + "score": 0.6571910381317139 + }, + { + "id": "3579625", + "title": "Peyton Place (novel)", + "text": "made of a lake called Silver Lake, of which there are three located in New England, all in the state of New Hampshire, in the cities of Harrisville, Hollis and Madison. The fictional Peyton Place also appears to be a composite of several real New Hampshire towns: Metalious' hometown of Gilmanton, as well as Gilford, Laconia, Manchester and Plymouth, where at least some of the work was written at the Plymouth Inn on Main Street (the inn has since been torn down). Grace Metalious and her husband George first considered Potter Place (the name of a real community near Andover,", + "score": 0.6570606231689453 + }, + { + "id": "19346034", + "title": "Where Somebody Waits for Me", + "text": "Where Somebody Waits for Me \"Where Somebody Waits for Me\" is the sixteenth episode of \"Pretty Little Liars\"' sixth season, and the 136th episode overall. It first aired on the Freeform network in the United States on February 16, 2016. The episode was directed and written by executive producer and frequent collaborator Joseph Dougherty. In the episode, new relationships cause confusion and tense moments. The Liars start to investigate Sara Harvey, while themselves being investigated by Detective Tanner. Upon its initial airing, the episode yielded 1.36 million viewers and a 0.7 demo rating, up from the previous episode, and received", + "score": 0.6569811701774597 + }, + { + "id": "15888061", + "title": "Leslie Morgenstein", + "text": "College, graduating with a degree in writing and photography. He also has master's degrees from the Stern School of Business and City College of New York. He lives in New York City. Leslie Morgenstein Leslie Morgenstein is the president and chief executive of Alloy Entertainment. He has been credited with facilitating the adaptation of a number of book titles into television series. Examples include \"Gossip Girl\", \"The Vampire Diaries\", \"Pretty Little Liars\", \"How to Rock\", \"The Secret Circle\", \"The Lying Game\", \"Privileged\", \"666 Park Avenue\", \"The 100\" and \"The Nine Lives of Chloe King\". Morgenstein has also been involved in", + "score": 0.6564165353775024 + }, + { + "id": "16863890", + "title": "Pretty Dirty Secrets", + "text": "the web series: Pretty Dirty Secrets Pretty Dirty Secrets is an American mystery web series from the television series \"Pretty Little Liars\". The web series takes place between the events of the series' third season episodes, \"The Lady Killer\" and \"This Is a Dark Ride\". It is set in a Rosewood's costume store as the residents of Rosewood prepared for Halloween. The web series was written by Kyle Bown & Kim Turrisi and directed by Arthur Anderson. Kyle Bown, the assistant to \"Pretty Little Liars\" showrunner I. Marlene King, and Kim Turrisi, who is not part of the writing", + "score": 0.6561954021453857 + }, + { + "id": "13214207", + "title": "Melrose Place (2009 TV series)", + "text": "Melrose Place (2009 TV series) Melrose Place is an American drama television series broadcast on The CW from September 8, 2009 to April 13, 2010. The series is a sequel/continuation of the 1992 Fox series of the same name and is the fifth series in the \"Beverly Hills, 90210\" franchise. The show follows the lives of a group of young adults living at the fictitious Melrose Place apartment complex in West Hollywood, California \"Smallville\" producers Todd Slavkin and Darren Swimmer were showrunners of the series. The series was met with mixed reviews from critics and, due to low ratings, was", + "score": 0.6560640931129456 + }, + { + "id": "20227893", + "title": "Alex Drake (Pretty Little Liars)", + "text": "await for Marshall by the Radley's bar. Nonetheless, Jenna manages to trick the duo after hiring Sydney to pose as a decoy and serve them coffee in order to buy Marshall sufficient time to track down the Liars at gunpoint at an abandoned school for blind students. The Liars all get a text message ordering them to head over to 1465, Elm Street. Once the girls arrive to the location, they make their way inside an abandoned school for blind students where they're held hostage by Kahn and Jenna, with the later tracking down the Liars at gunpoint. During the", + "score": 0.6559669971466064 + }, + { + "id": "17512780", + "title": "2001 Little League World Series qualification", + "text": "The tournament took place in Panama City, Panama from July 20\u201328. The tournament took place from July 14\u201320. The tournament took place in Bristol, Connecticut from August 5\u201314. *All games played by the New York representative, Rolando Paulino Little League, were forfeited due to the use of an ineligible player, Danny Almonte. The Mid-Atlantic Championship was retroactively awarded to the Pennsylvania representative, the State College American Little League. The tournament took place in Indianapolis, Indiana from August 4\u201312. The tournament was held in Bristol, Connecticut from August 5\u201314. The tournament was held in San Bernardino, California from August 4\u201314. The", + "score": 0.6558583974838257 + }, + { + "id": "16130495", + "title": "Pretty Little Liars (season 3)", + "text": "Pretty Little Liars (season 3) The third season of Pretty Little Liars, based on the books of the same name by Sara Shepard, premiered on June 5, 2012 on ABC Family and concluded on March 19, 2013. On November 29, 2011, ABC Family renewed the series for a third season, consisting of 24 episodes. Filming of the season began on April 2, 2012. On October 4, 2012, ABC Family renewed the series for a fourth season, consisting of 24 episodes. This season of Pretty Little Liars takes place five months following the discovery that Mona Vanderwaal (Janel Parrish) was the", + "score": 0.6556189060211182 + }, + { + "id": "18080661", + "title": "Grave New World (Pretty Little Liars)", + "text": "Back at Ravenswood, Miranda and Caleb discover a grave marker with Caleb's name and image on it. In March 2013, Pretty Little Liars was renewed for a fifth season and green lighted for a spinoff series, \"Ravenswood\", which would premiere in October of that year. \u201cGrave New World\u201d was directed by Ron Lagomarsino and written by Joseph Dougherty, Oliver Goldstick and I. Marlene King. Filming for the episode took place over a 10-day time span, beginning on May 31, 2013 and concluding on June 10, 2013. The episode was filmed in between filming for the eighth episode, \u201cThe Guilty Girl\u2019s", + "score": 0.655508279800415 + }, + { + "id": "17937523", + "title": "For Whom the Bell Tolls (Pretty Little Liars)", + "text": "times during \"Pretty Little Liars\" Season 1 finale.\u201d Teresa Lopez of \"TV Fanatic\" praised Brendan Robinson\u2019s character for bring Caleb back to Rosewood and called the episode \u2018\u2018entertaining, although somewhat unsatisfying.\u201d For Whom the Bell Tolls (Pretty Little Liars) \"For Whom the Bell Tolls\" is the season finale of the first season of the American mystery-drama series \"Pretty Little Liars\", based on the novels written by Sara Shepard, and the twenty-second episode of the series overall. It originally aired on ABC Family in the United States on March 21, 2011. The episode was directed by Lesli Linka Glatter and written", + "score": 0.6552037000656128 + }, + { + "id": "20360292", + "title": "Pretty Little Liars: The Perfectionists", + "text": "role on \"The Walking Dead\" will be playing Caitlin Martell-Lewis, the newcomer Eli Brown will be playing Dylan, Noah Gray-Cabey of \"Heroes\" fame will be playing Mason, Klea Scott will be playing Dana Booker, and Hayley Erin will be playing a \"mysterious, unnamed role\". On January 23, 2018, it was announced that the series would be filmed in Portland, Oregon. King confirmed on Twitter filming will start in March 2018. Production started on February 27, 2018, with a table read for the pilot. Filming for the pilot started on March 12, 2018, and wrapped in the last week of the", + "score": 0.6552011966705322 + }, + { + "id": "14201350", + "title": "Pretty Little Liars", + "text": "episodes \"The Lady Killer\" and \"This Is a Dark Ride\". Set in a Rosewood's costume store, as the residents of Rosewood prepared for Halloween. An Turkish adaptation was titled \"Tatl\u0131 K\u00fc\u00e7\u00fck Yalanc\u0131lar\" premiered on Star TV on July 6, 2015. The Turkish series served as a remake to the American series. The series ran for one season. Pretty Little Liars Pretty Little Liars is an American teen drama mystery thriller television series developed by I. Marlene King and is loosely based on the novel series of the same name written by Sara Shepard. The series follows the lives of four", + "score": 0.6548899412155151 + }, + { + "id": "14201341", + "title": "Pretty Little Liars", + "text": "28, 2010, ABC Family ordered 12 more episodes of the show, bringing its total first-season order to 22. On January 10, 2011, ABC Family picked the show up for a second season that premiered on June 14, 2011. During the summer of 2011, \"Pretty Little Liars\" was basic cable's top scripted series in women aged 18\u201334 and viewers 12\u201334. The second half of season 2 aired on Mondays at 8/7c, beginning on January 2, 2012. On November 29, 2011, ABC Family renewed the show for a third season, which consisted of 24 episodes. On October 4, 2012, ABC Family announced", + "score": 0.6546748876571655 + }, + { + "id": "20776600", + "title": "Escape from New York (Pretty Little Liars)", + "text": "hooded figure goes into an elevator to pursue Alison and Emily, Spencer and Hanna follow. They watch on as the elevator closes with the hooded person in it and take the stairs. Alison leaves via the emergency exit. The hooded person follows Alison through the streets of New York to a playground where Alison hides herself, when suddenly from behind the hooded figure appears saying, \u201cWant to play?\u201d Spencer, Emily and Hanna show up, thinking that they\u2019ve outsmarted \u2018A\u2019 and Alison pepper sprays the person. But suddenly dozens of other hooded people wearing masks arrive and start circling the four", + "score": 0.6539223194122314 + }, + { + "id": "14891577", + "title": "Pilot (Pretty Little Liars)", + "text": "message signed by \"A\". The episode received mixed reviews and was watched by 2.47 million viewers. In Rosewood, Pennsylvania on September 1, 2009, four friends get together in a homely barn, drinking and having fun. At one point, a noise outside the barn scares them. The girls slowly make their way to the barn door, and a blonde girl gives them a fright, screaming. The blonde is after revealed to be Alison DiLaurentis, the clique's leader. The five then either sit or lie down and return to playful activities, falling asleep shortly after. During nightfall, Alison disappears and Spencer Hastings", + "score": 0.6538643836975098 + }, + { + "id": "14858660", + "title": "Mona Vanderwaal", + "text": "best characters on television in 2014. During the TV series' run, producer I. Marlene King acknowledged Mona as a \"beloved character.\" By the end of the show's run, Dana Getz of \"Bustle.com\" declared that Mona had become \"the most important character in the series.\" Mona Vanderwaal was introduced in the first four \"Pretty Little Liars\" novels. A teenage resident of Rosewood, Pennsylvania, she has white-blonde hair, light blue eyes, and a few freckles. She is a formerly unpopular girl who was teased by Alison DiLaurentis and her friends, longing to be in their group. After Alison went missing, Mona befriended", + "score": 0.6538056135177612 + }, + { + "id": "12521231", + "title": "Sara Shepard", + "text": "Sara Shepard Sara Shepard (born April 8, 1977) is an American author. She is known for the bestselling \"Pretty Little Liars\" and \"The Lying Game\" book series, both of which have been turned into television shows on Freeform. Shepard's father, Larry, was American, and her mother, Mindy, was born in Toronto. Shepard grew up with a sister named Alison. She graduated from Downingtown High School in Downingtown, Pennsylvania in 1995. She attended New York University, where she graduated with a B.S. degree in 1999 and an MFA in Creative Writing from Brooklyn College in 2004. From 2000 to 2005, Shepard", + "score": 0.653123676776886 + }, + { + "id": "14489040", + "title": "Pretty Little Liars (season 1)", + "text": "Also in April, Holly Marie Combs was cast as Ella Montgomery. Pretty Little Liars (season 1) The first season of Pretty Little Liars, based on the books of the same name by Sara Shepard, premiered on June 8, 2010 and concluded on March 21, 2011 on ABC Family. The show premiered to 2.47 million viewers and retained a regular audience of 2.5 million viewers during its summer run. The summer finale scored 3.07 million viewers, achieving a series high. The show went on hiatus and returned with its winter premiere on January 3, 2011, with 4.20 million viewers, becoming one", + "score": 0.6527484655380249 + }, + { + "id": "12274020", + "title": "We're Not in Kansas Anymore", + "text": "before The CW's upfront presentations, the network officially picked up the series for the 2008\u20132009 television season. Filming for the pilot began in early June in Los Angeles. Torrance High School, which served as the high school in the original series was also used by the spin-off. Filming for the series usually took place in numerous high schools in Torrance and El Segundo, although several scenes were filmed in Torrance High School because of its large auditorium. Sachs returned to the school for the first time after graduating in 1979. Judah announced that the Peach Pit would be back, but", + "score": 0.6525709629058838 + }, + { + "id": "18902371", + "title": "Of Late I Think of Rosewood", + "text": "Of Late I Think of Rosewood \"Of Late I Think of Rosewood\" is the eleventh episode of the sixth season and the 131st episode overall of the Freeform mystery drama series \"Pretty Little Liars\". The episode, serving as the sixth season mid-season premiere, was broadcast on January 12, 2016. It was written by Joseph Dougherty, and directed by Ron Lagomarsino. The episode takes place five years after the events of \"Game Over, Charles\" as the Liars have graduated from high school and college. The episode included a new intro for the show, after using the same intro since the show", + "score": 0.6523250341415405 + }, + { + "id": "15573218", + "title": "Pretty Little Liars (novel)", + "text": "Pretty Little Liars (novel) Pretty Little Liars is the first book in the \"Pretty Little Liars\" series by Sara Shepard. It tells the story of four girls - Hanna, Aria, Emily and Spencer - after the disappearance of their clique leader, Alison. The book was written for the book packaging company Alloy Entertainment, the idea originally developed as a TV series. The story introduces an exclusive group of friends: Alison DiLaurentis, the perfect yet manipulative queen bee, Aria Montgomery, an independent girl who is considered to be the weirdo in Rosewood, Emily Fields, a swimmer who holds secret feelings for", + "score": 0.652263879776001 + }, + { + "id": "14891589", + "title": "Pilot (Pretty Little Liars)", + "text": "it, and that's not a bad thing at all.\" Pilot (Pretty Little Liars) \"Pilot\" is the series premiere of the mystery drama series \"Pretty Little Liars\". It introduces each of the main characters, as well as establishes the basic premises of the series. The episode aired on June 8, 2010 on ABC Family. In the episode, the main characters find themselves apprehensive one year after the disappearance of Alison DiLaurentis. When Aria Montgomery returns to Rosewood, she rediscovers her old friends and secrets of the past begin to haunt them. Alison's body is then found in her former home, and", + "score": 0.6521220207214355 + }, + { + "id": "20219832", + "title": "Till Death Do Us Part (Pretty Little Liars)", + "text": "snow globe in an unknown room at the Welby State Hospital. An \"A.D.\" then appears and Mona drops the globe, breaking it instantly, as she gets surprised when she realizes who's there. In 2018, one year after the events of \"Farewell, My Lovely\". Ezra and Aria are discussing their book and its soon to be film adaptation in the Warner Bros. Television backlot. Now famous due to their book's worldwide success, they kiss and are photographed by a bunch of fans in a cart (staff writers of PLL in a group cameo). The scene then jumps to the DiLaurentis house,", + "score": 0.6520503163337708 + }, + { + "id": "18748405", + "title": "'A' Is for A-l-i-v-e", + "text": "announced that Sean Faris would join the show and would be playing Pennsylvania state police officer Gabriel Holbrook. 'A' Is for A-l-i-v-e \"'A' Is for A-l-i-v-e\" is the first episode, and the premiere of the fourth season of the American mystery drama television series \"Pretty Little Liars\", and is the 72nd episode overall, which aired on ABC Family on June 11, 2013. The episode was written and directed by showrunner I. Marlene King, marking the second episode King has directed for the TV series. In the episode, Aria, Emily, Hanna, and Spencer try to find answers by questioning Mona about", + "score": 0.651960015296936 + }, + { + "id": "19412398", + "title": "Ava Allan", + "text": "made her television debut in the Nickelodeon show \"True Jackson, VP\" when she was 10 years old, and played the character \"young Amanda\". In 2014, she confirmed her role in the film \"Love Is All You Need?\" as the bully, Paula Santilli. Allan currently resides in Los Angeles, CA with her parents and older sister Alexi Blue, who is a composer and singer. Allan was cast as the character \"Addison Derringer\" in the final season of \"Pretty Little Liars\", airing from April 2017. Ava Allan Ava Allan (born March 1, 2000) is an American actress and model. Allan is known", + "score": 0.651897668838501 + }, + { + "id": "16998917", + "title": "A (Pretty Little Liars)", + "text": "out and during the second half of season two they manage to get a hold of \"A's\" phone. They hatch a plan to catch her with this and it works. They find out that \"A\" had a lair at the Lost woods resort and Spencer and Mona (\"A's\" newest victim) head over there and find a room full of pictures of Alison and the girls along with a sketch of \"A's\" costume to the ball, The Black Swan. However, Spencer begins to notice other clues and soon realizes \"A\" is right there with her. She turns around to see Mona", + "score": 0.6516144275665283 + }, + { + "id": "3579624", + "title": "Peyton Place (novel)", + "text": "to 1974, and the franchise was rounded out with two made-for-television movies, which aired in 1977 and . The story starts in 1937 and continues through the years following World War II. While never mentioned explicitly by name, the novel does make several references that suggest Peyton Place is located within the state of New Hampshire: Vermont can be seen from across the Connecticut River; Lake Winnipesaukee is a short drive from the town; a nearby New England town is called White River a character is spoken of as attending the New Hampton School for Boys; and several mentions are", + "score": 0.6515387296676636 + }, + { + "id": "17916488", + "title": "Pretty Little Liars (season 5)", + "text": "written by showrunner I. Marlene King. The promotional poster was released on May 28, 2014. A second promotional poster was released after the hundredth episode was aired, on July 9, 2014. A third promotional poster was released on January 5, 2015, as a promotion for the second half of the fifth season, which began the day after the release of the poster. It was announced on June 10, 2014 that \"Pretty Little Liars\" was renewed for two additional seasons, making the show ABC Family's longest running original series. The fifth season garnered positive reviews from critics and averaged 2.01 million", + "score": 0.6512588858604431 + }, + { + "id": "19607055", + "title": "How the 'A' Stole Christmas", + "text": "How the 'A' Stole Christmas \"How the 'A' Stole Christmas\" is the thirteenth episode of the fifth season and 108th episode overall of the mystery drama television series \"Pretty Little Liars\", which aired on December 9, 2014, on the cable network ABC Family. The episode was the series' first Christmas special and aired as part of the programming block \"25 Days of Christmas\". It was directed by I. Marlene King and co-written by King and Kyle Bown. \"How the 'A' Stole Christmas\" yielded 2.09 million viewers, making it the Holiday special with the lowest viewership of the series. As Spencer", + "score": 0.6509810090065002 + }, + { + "id": "717099", + "title": "All My Children", + "text": "because of a town called Pine Valley in western New York. However, it was not until the 1980s that it was finally revealed that Pine Valley is actually in Pennsylvania, near Philadelphia and also near \"One Life to Live's\" Llanview. (Nixon reportedly modeled the town on Rosemont, an actual suburb of Philadelphia.) The show's first action takes place around several families and characters. Phoebe Tyler (Ruth Warrick), who fashions herself as \"Queen of Pine Valley,\" was the paradigm of a rich snob when she is introduced. A divorced mother, Mona Kane (Frances Heflin), and her spoiled daughter, Erica (Susan Lucci)", + "score": 0.6501868367195129 + }, + { + "id": "19263768", + "title": "Freeform (TV channel)", + "text": "\"Labor Pains\". On June 8, 2010, ABC Family premiered \"Pretty Little Liars\" \u2013 a teen drama based on the series of young-adult mystery novels by Sara Shepard. \"Pretty Little Liars\" quickly became ABC Family's flagship program, frequently breaking ratings records; by 2014, \"Pretty Little Liars\" had ranked among the five most-watched scripted series on basic cable among multiple female age demographics, and the second-highest rated cable series among females 12\u201334. Throughout the year, ABC Family as a whole experienced its highest year-to-year primetime viewership among viewers in the 12-34 and 18-34 demographics. With 4.9 million viewers across its first broadcast", + "score": 0.6497464776039124 + }, + { + "id": "7545365", + "title": "The Key (Curley novel)", + "text": "so than in the previous two novels, the story takes place in the lost city and a mythical city of Atlantis, pre-sinking. Other locations of action include the high school in Angel Falls and the woods surrounding the city, where the epic battle takes place. Shelle Rosenfeld in her review for Booklist said that \"Matt and Rochelle's alternating, present-tense first-person narratives add suspense to an engrossing, if not dense, read, driven by detailed descriptions of a dizzying array of magic devices, events, time periods and settings.\" School Library Journal said in their review that \"other than brief references, the book", + "score": 0.6495788097381592 + }, + { + "id": "13804378", + "title": "Melanie Sumner", + "text": "English in Senegal, West Africa, from 1988 to 1990. She also lived in New Mexico, Alaska, and Provincetown. Shortly before the publication of The School of Beauty and Charm, she moved back to Rome, Georgia due to an illness in her family. In 2010, she won a National Endowment for the Arts Literary Fellowship. She received a Whiting Award for her first novel, \"Polite Society\". Upon the publication of her second novel, \"The School of Beauty and Charm\", in 2001, she was named the \u201cArtist of the Year\u201d by Rome Area Arts Council of Rome, Georgia. In her first novel,", + "score": 0.6494330763816833 + }, + { + "id": "20227907", + "title": "Alex Drake (Pretty Little Liars)", + "text": "In the meantime, Aria and Emily team up to track down Sydney's whereabouts in hopes of finding Jenna. After searching her name online, they discover that Driscoll graduated from Berkeley College, with a double major in Economics and French. Sydney currently resides in a loft at Fishtown, Philadelphia, whilst working as a bank teller at a private department that services extremely wealthy clients. The girls also learn that Sydney checked into a charity gala for the Manhattan Children's Hospital, the same ball where Katherine made an appearance wearing Hanna's dress. Following this enlightenment, Emily googles the event and comes across", + "score": 0.6493944525718689 + }, + { + "id": "7655436", + "title": "Ugly Betty", + "text": "New York; seasons one and two were filmed in Los Angeles and seasons three and four in New York City. During its first three seasons, it aired on Thursday nights, where it was mostly successful. However, viewership dropped significantly in the show's third season, particularly in the important 18\u201349 age group. In October 2009, the series was moved to Fridays, where it had trouble finding an audience. The backlash from its fans prompted ABC to move the show to Wednesdays at 10:00 pm Eastern/9:00 pm Central starting January 6, 2010, where it was thought that it would better complement its", + "score": 0.6487153172492981 + }, + { + "id": "18409793", + "title": "Riley and the Roxies", + "text": "Riley and the Roxies Riley and the Roxies is a solo project by recording artist and producer Spencer Riley Alfonso, who is known simply as Spencer Riley. It was created in 2011 in Los Angeles, California, during Riley's first two years of college, where he developed a love for producing, mixing, and recording music. His music has been featured in various television shows including ABC Family's Pretty Little Liars, and MTV's Underemployed. Riley's interest in music began in fourth grade when he started to play the drums with his friends. In high school, Riley originally headed a band called Riley.", + "score": 0.648626446723938 + }, + { + "id": "7563147", + "title": "Once Upon a Time (TV series)", + "text": "Once Upon a Time (TV series) Once Upon a Time is an American fantasy drama television series on ABC which debuted on October 23, 2011, and concluded on May 18, 2018. The first six seasons are largely set in the fictitious seaside town of Storybrooke, Maine, with the characters of Emma Swan and Regina Mills serving as the leads, while the seventh and final season takes place in a Seattle, Washington neighborhood called Hyperion Heights, with a new main narrative led by Mills, and Swan and Mills son, Henry Mills. The show borrows elements and characters from the Disney universe", + "score": 0.6485317349433899 + }, + { + "id": "20776616", + "title": "Escape from New York (Pretty Little Liars)", + "text": "Wide Shut\" apothecary get-up\". Escape from New York was broadcast on June 10, 2014. It was watched by 2.72 million viewers, scoring a 1.1 rating in the 18-49 demographic. Escape from New York (Pretty Little Liars) \"Escape from New York\" is the first episode and the premiere of the fifth season of the American mystery drama television series \"Pretty Little Liars\" and the 96th episode of the series overall. The episode was written by showrunner I. Marlene King and directed by Norman Buckley, it aired on June 10, 2014 on ABC Family and was watched by 2.72 viewers. The episode", + "score": 0.6478707790374756 + }, + { + "id": "19346043", + "title": "Where Somebody Waits for Me", + "text": "ever, enjoying the ride all the same.\" Where Somebody Waits for Me \"Where Somebody Waits for Me\" is the sixteenth episode of \"Pretty Little Liars\"' sixth season, and the 136th episode overall. It first aired on the Freeform network in the United States on February 16, 2016. The episode was directed and written by executive producer and frequent collaborator Joseph Dougherty. In the episode, new relationships cause confusion and tense moments. The Liars start to investigate Sara Harvey, while themselves being investigated by Detective Tanner. Upon its initial airing, the episode yielded 1.36 million viewers and a 0.7 demo rating,", + "score": 0.6478650569915771 + }, + { + "id": "20142607", + "title": "Sydney Driscoll", + "text": "coffee in order to buy Marshall sufficient time to track down the Liars at gunpoint at an abandoned school for blind students. Throughout \"Hold Your Piece\", Aria and Emily team up to track down Sydney's whereabouts in hopes of finding Jenna. After searching her name online, they discover that Driscoll graduated from Berkeley College, with a double major in Economics and French. Sydney currently resides in a loft at Fishtown, Philadelphia, whilst working as a bank teller at a private department that services extremely wealthy clients. The girls also learn that Sydney checked into a charity gala for the Manhattan", + "score": 0.6478621959686279 + }, + { + "id": "16998961", + "title": "A (Pretty Little Liars)", + "text": "Almost every single \"A\" has worn the signature black hoodie, including Mona, Charlotte, Toby, Spencer, Lucas, Sydney, Aria, Wren, and Alex. A (Pretty Little Liars) \"A\" is a fictional character created in 2006 by author Sara Shepard. It is a character of both \"Pretty Little Liars\"' books and television series, and primarily appears as a stalker and the main antagonist of the stories. \"A\" is one of the main characters of the stories, appearing anonymously in the majority of the episodes and books. The villain has already had many portrayals. Its basic occupation is to pursue and threaten the four", + "score": 0.6478551626205444 + }, + { + "id": "14858855", + "title": "Jenna Marshall", + "text": "Radley's bar. Nonetheless, Jenna manages to trick the duo after hiring Sydney to pose as a decoy and serve them coffee. When the Liars head to the shed Noel was secluded, the Liars panic as soon as they realize he's missing as well as a camera Hanna used in an attempt to record a confession of him admitting he's their tormentor. A few seconds later, the girls receive a text message ordering them to show up in 1465, Elm Street at 10 pm. Once they arrive at the location, the Liars make their way inside an abandoned school for blind", + "score": 0.6476597785949707 + }, + { + "id": "18651090", + "title": "Pretty Little Liars (season 6)", + "text": "Pretty Little Liars (season 6) The sixth season of the American mystery drama television series \"Pretty Little Liars\", based on the books of the same name by Sara Shepard, was renewed on June 10, 2014 for two additional seasons, making the show ABC Family's longest running original series. The sixth and seventh seasons will consist of 20 episodes each. It aired 10 episodes for the first half the season, which began airing on June 2, 2015. Filming for the sixth season began on March 24, 2015, which was confirmed by showrunner I. Marlene King on Twitter. The season premiere was", + "score": 0.6476240158081055 + }, + { + "id": "3579633", + "title": "Peyton Place (novel)", + "text": "Eventually, Allison and Selena grow distant because of Selena's closeness with Ted Carter. At the same time, a new high school principal arrives to catch the eye of Allison's mother, Constance, and to dredge up forbidden thoughts. Peyton Place (novel) Peyton Place is a 1956 novel by Grace Metalious. The novel describes how three women are forced to come to terms with their identity, both as women and as sexual beings, in a small, conservative, gossipy New England town, with recurring themes of hypocrisy, social inequities and class privilege in a tale that includes incest, abortion, adultery, lust and murder.", + "score": 0.6473667621612549 + }, + { + "id": "18301701", + "title": "Rosewood (Pretty Little Liars)", + "text": "miles outside of Philadelphia, and the two cities Brookhaven and Ravenswood are also not far from Rosewood. East of Rosewood is Darkette County, where the Radley Sanitarium is located. The city has its own printed newspaper, \"The Rosewood Observer\". The Apple Rose Grille restaurant is a redesigned set of Luke's Diner, a location of the WB series \"Gilmore Girls\". The current population is of 7,989 inhabitants. Most scenes in the television series are shot in the exteriors in the Warner Bros. studio's backlot in Burbank, while the interior scenes are filmed separately on nearby soundstages. Rosewood (Pretty Little Liars) Rosewood", + "score": 0.6473181247711182 + }, + { + "id": "18409796", + "title": "Riley and the Roxies", + "text": "videos. Riley and the Roxies Riley and the Roxies is a solo project by recording artist and producer Spencer Riley Alfonso, who is known simply as Spencer Riley. It was created in 2011 in Los Angeles, California, during Riley's first two years of college, where he developed a love for producing, mixing, and recording music. His music has been featured in various television shows including ABC Family's Pretty Little Liars, and MTV's Underemployed. Riley's interest in music began in fourth grade when he started to play the drums with his friends. In high school, Riley originally headed a band called", + "score": 0.6472752094268799 + }, + { + "id": "12444532", + "title": "Alloy Entertainment", + "text": "franchises \"The Sisterhood of the Traveling Pants, Gossip Girl, The Vampire Diaries, Pretty Little Liars, The Lying Game, The 100, The Clique, The Luxe,\" and \"The A-List\" have sold tens of millions of copies worldwide. Among the television series produced by the company are \"Privileged\", \"The Vampire Diaries\", \"Gossip Girl\", \"Pretty Little Liars\", \"The Originals\", \"The 100\" and \"Legacies\". Additionally, the company produces or co-produces several television shows and films which are novel adaptations. Daniel Weiss Associates was founded in January 1987 as a book packaging company. In 1997, the division 17th Street Productions was created to specialize in young", + "score": 0.6470591425895691 + }, + { + "id": "15573222", + "title": "Pretty Little Liars (novel)", + "text": "DiLaurentis knew). Pretty Little Liars (novel) Pretty Little Liars is the first book in the \"Pretty Little Liars\" series by Sara Shepard. It tells the story of four girls - Hanna, Aria, Emily and Spencer - after the disappearance of their clique leader, Alison. The book was written for the book packaging company Alloy Entertainment, the idea originally developed as a TV series. The story introduces an exclusive group of friends: Alison DiLaurentis, the perfect yet manipulative queen bee, Aria Montgomery, an independent girl who is considered to be the weirdo in Rosewood, Emily Fields, a swimmer who holds secret", + "score": 0.646478533744812 + }, + { + "id": "17916505", + "title": "Pretty Little Liars (season 5)", + "text": "viewers. On Rotten Tomatoes the fifth season got a rating of 80% fresh based on 5 reviews. Pretty Little Liars (season 5) The fifth season of the American mystery drama television series Pretty Little Liars began airing on ABC Family on June 10, 2014. Shooting for the season began on March 24, 2014, and ended on November 20, 2014. The season aired from June 10, 2014 to March 24, 2015. Like the second season, the season consisted of 25 episodes, including a special holiday-themed episode, instead of a Halloween episode which was written by I. Marlene King and her assistant", + "score": 0.6463295221328735 + }, + { + "id": "18034932", + "title": "A Is for Answers", + "text": "A Is for Answers \"A Is for Answers\" is the twenty-fourth episode of the fourth season and the ninety-fifth episode of the ABC Family mystery drama series \"Pretty Little Liars\". The episode, serving as the fourth-season finale and the winter finale, was broadcast on March 18, 2014. It was directed and written by I. Marlene King and features a guest appearance from Ryan Merriman, his first since the second-season episode \"The Blond Leading the Blind\", as Ian Thomas, Melissa Hastings' deceased husband who was suspected of killing Alison. In the episode, the girls finally meet up with Alison in Philadelphia", + "score": 0.646191418170929 + }, + { + "id": "16998941", + "title": "A (Pretty Little Liars)", + "text": "could deliberately meet Alison and take advantage of her good intentions to benefit Charlotte's eventual release from the psychiatric hospital. In \"The DArkest Knight\" all of the Liars get a text message, ordering them to head over to 1465, Elm Street. After being lured to an abandoned school for blind students, they're held hostage by Noel and Jenna, with Marshall tracking them down at gunpoint. During the cat-and-mouse chase, Jenna takes aim at the Liars only to backfire, until a second gunshot is heard and it injures Spencer. As Marshall prepares to finish her off, Mary Drake suddenly emerges from", + "score": 0.6455090045928955 + } + ] + }, + { + "qa_pairs": [ + { + "context": "No context provided", + "question": "Fifa world cup 2014 best young player of the tournament winner?", + "short_answers": [ + "Pogba", + "Paul Pogba", + "Paul Labile Pogba" + ], + "wikipage": null + }, + { + "context": "No context provided", + "question": "Fifa world cup 2014 best young player of the tournament nominees who didn't win the award?", + "short_answers": [ + "Rapha\u00ebl Varane", + "Memphis Depay", + "Memphis Depay and Rapha\u00ebl Varane" + ], + "wikipage": null + } + ], + "wikipages": [ + { + "title": "2014 FIFA World Cup", + "url": "https://en.wikipedia.org/wiki/2014%20FIFA%20World%20Cup" + } + ], + "annotations": [ + { + "knowledge": [ + { + "content": "He made his debut for the senior team a year later and featured prominently at the 2014 FIFA World Cup, where he was awarded the Best Young Player Award for his performances.", + "wikipage": "Paul Pogba" + }, + { + "content": "He was part of France's FIFA World Cup squad in 2014, when he was nominated for the Best Young Player award,[8] and in 2018, when he played every minute of every game as France went on to win the title.", + "wikipage": "Rapha\u00ebl Varane" + }, + { + "content": "On 11 July, Depay was named on the three-man shortlist for the tournament's Best Young Player award, together with Frenchmen Paul Pogba and Rapha\u00ebl Varane,[80] but lost out to Pogba.", + "wikipage": "Memphis Depay" + } + ], + "long_answer": "The winner of the 2014 Best Young Player award was won by Paul Pogba, with other nominees being Memphis Depay and Rapha\u00ebl Varane. " + } + ], + "sample_id": "64422705708185855", + "question": "Fifa world cup 2014 young player of the tournament?", + "docs": [ + { + "id": "18154147", + "title": "2014 FIFA World Cup awards", + "text": "outstanding young player at the FIFA World Cup. Players must be at most 21 years old to receive the award; for the 2014 FIFA World Cup, they must be born on or after 1 January 1993. On 11 July 2014, the FIFA Technical Study Group announced the three-player shortlist for the Young Player award. The FIFA Fair Play Award is given to the team with the tournament\u2019s best disciplinary record. Only teams that reach the knockout phase are eligible. The Budweiser Man of the Match was given to the best player of each match. It was decided by popular voting", + "score": 0.7711900472640991 + }, + { + "id": "6722005", + "title": "FIFA World Cup awards", + "text": "Podolski. The award is given to the best player in the tournament who is at most 21 years old. For the 2018 World Cup, this meant that the player had to have been born on or after 1 January 1997. The election took place on FIFA's official World Cup website with the help of The FIFA Technical Study Group. FIFA organised a survey on the Internet for users to choose the \"best young player\" of the World Cup, between 1958 and 2002, named the best young player of each tournament. With 61% of the overall vote, the winner was Pel\u00e9,", + "score": 0.7661078572273254 + }, + { + "id": "17761643", + "title": "FIFA Women's World Cup awards", + "text": "Award\" is given to the best player in the tournament who is at most 21 years old. For the 2015 FIFA Women's World Cup this meant that the player had to have been born on or after 1 January 1994. The FIFA Technical Study Group recognises the Best Young Player of the tournament based on the player's performances throughout the final competition. The \"FIFA Fair Play Award\" is given to the team with the best record of fair play during the World Cup final tournament. Only teams that qualified for the second round are considered. The winners of this award", + "score": 0.7310051918029785 + }, + { + "id": "18357276", + "title": "2014 FIFA Ballon d'Or", + "text": "2014 FIFA Ballon d'Or The 2014 FIFA Ballon d'Or Gala was the fifth year for FIFA's awards for the top football players and coaches of the year. The awards were given out in Z\u00fcrich on 12 January 2015. Real Madrid and Portugal forward Cristiano Ronaldo won the FIFA Ballon d'Or as the World Player of the Year for a second consecutive time, having won it previously last year.This was his third Ballon d'Or win overall, placing him second to only Lionel Messi for the most wins in the history of the award. Nadine Ke\u00dfler was named as the Women's World", + "score": 0.7252601385116577 + }, + { + "id": "18034356", + "title": "Kadeisha Buchanan", + "text": "named Canada's Under-20 Women's Player of the Year in 2013, and anchored the host nation's defence at the 2014 Women's U-20 World Cup Canada in 2014. In 2015, Buchanan established herself as one of the best defenders in the world, winning the Young Player Award in the 2015 FIFA Women's World Cup, as well as being named Canadian Women's Player of the Year, and being nominated for the 2015 FIFA Ballon d'Or. \u2013 2012 Won a silver medal at the CONCACAF Women\u2019s U-17 championship in Guatemala \u2013 2015 FIFA Women's World Cup Best Young Player Award - 2016 winner of", + "score": 0.7204723954200745 + }, + { + "id": "18154145", + "title": "2014 FIFA World Cup awards", + "text": "2014 FIFA World Cup awards The following article outlines the awards for the 2014 FIFA World Cup played in Brazil from 12 June to 15 July 2014. The following awards were given at the conclusion of the tournament: The adidas Golden Ball is given to the outstanding player at the FIFA World Cup. The players who finish second and third are given the Silver Ball and Bronze Ball respectively. On 11 July 2014, the FIFA Technical Study Group announced the ten-player shortlist for the Golden Ball award. The adidas Golden Boot is given to the top goalscorer at the FIFA", + "score": 0.7162613868713379 + }, + { + "id": "18154148", + "title": "2014 FIFA World Cup awards", + "text": "online, through FIFA's website, Twitter, and FIFA's mobile phone application.